From ab1f9b810d48b08ba05f03b65d748dff14205cd3 Mon Sep 17 00:00:00 2001
From: nikolasph <nikolas.huelsmann@gmail.com>
Date: Tue, 22 Mar 2016 14:59:43 +0100
Subject: [PATCH] Refactoring

---
 Code/FeatExtraction/ClassifMonoView.py        |   16 +-
 Code/FeatExtraction/DBCrawl.py                |   10 +-
 Code/FeatExtraction/ExecClassifMonoView.py    |   68 +-
 Code/FeatExtraction/ExecFeatExtraction.py     |   96 +-
 Code/FeatExtraction/ExecFeatParaOpt.py        |   52 +-
 Code/FeatExtraction/ExportResults.py          |   40 +-
 Code/FeatExtraction/FeatExtraction.py         |   59 +-
 Code/FeatExtraction/FeatParaOpt.py            |   25 +-
 .../{ => HelperFunctions}/ExecPlot.py         |   21 +-
 Code/FeatExtraction/OLD/image_size.py         |   57 -
 Code/FeatExtraction/OLD/testImage.jpg         |  Bin 7805 -> 0 bytes
 ..._03_18-Caltech-ClassLabels-Description.csv |  102 -
 .../2016_03_18-Caltech-ClassLabels.csv        | 9144 -----------------
 ...rientaions_8-nbClusters_12-Maxiter_100.csv | 9144 -----------------
 ...rientaions_8-nbClusters_50-Maxiter_100.csv | 9144 -----------------
 .../2016_03_19-FeatParaOpt-HOG-1.csv          |  146 -
 .../2016_03_19-FeatParaOpt-HOG.csv            |  233 -
 .../2016_03_20-FeatParaOpt-HSV-H_Bins.csv     |  726 --
 Code/FeatExtraction/Versions.py               |    6 +-
 Code/FeatExtraction/__init__.py               |    1 -
 Code/FeatExtraction/hog_extraction.py         |   31 +-
 .../hog_extraction_parallelized.py            |   33 +-
 22 files changed, 290 insertions(+), 28864 deletions(-)
 rename Code/FeatExtraction/{ => HelperFunctions}/ExecPlot.py (84%)
 delete mode 100644 Code/FeatExtraction/OLD/image_size.py
 delete mode 100644 Code/FeatExtraction/OLD/testImage.jpg
 delete mode 100644 Code/FeatExtraction/Results-FeatExtr/2016_03_18-Caltech-ClassLabels-Description.csv
 delete mode 100644 Code/FeatExtraction/Results-FeatExtr/2016_03_18-Caltech-ClassLabels.csv
 delete mode 100644 Code/FeatExtraction/Results-FeatExtr/2016_03_18-Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_12-Maxiter_100.csv
 delete mode 100644 Code/FeatExtraction/Results-FeatExtr/2016_03_18-Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_50-Maxiter_100.csv
 delete mode 100644 Code/FeatExtraction/Results-FeatParaOpt/2016_03_19-FeatParaOpt-HOG-1.csv
 delete mode 100644 Code/FeatExtraction/Results-FeatParaOpt/2016_03_19-FeatParaOpt-HOG.csv
 delete mode 100644 Code/FeatExtraction/Results-FeatParaOpt/2016_03_20-FeatParaOpt-HSV-H_Bins.csv
 delete mode 100644 Code/FeatExtraction/__init__.py

diff --git a/Code/FeatExtraction/ClassifMonoView.py b/Code/FeatExtraction/ClassifMonoView.py
index a193f1f6..dd14a031 100644
--- a/Code/FeatExtraction/ClassifMonoView.py
+++ b/Code/FeatExtraction/ClassifMonoView.py
@@ -1,22 +1,22 @@
 #!/usr/bin/env python
 
-""" MultiClass Classification with MonoView """
+""" Library: MultiClass Classification with MonoView """
 
 # Import built-in modules
-import pandas as pd
+import pandas as pd                                     # For DataFrames
 
 # Import sci-kit learn party modules
-from sklearn.cross_validation import train_test_split
-from sklearn.pipeline import Pipeline
-from sklearn.grid_search import GridSearchCV
-from sklearn.ensemble import RandomForestClassifier
+from sklearn.cross_validation import train_test_split   # For calculating the train/test split
+from sklearn.pipeline import Pipeline                   # Pipelining in classification
+from sklearn.grid_search import GridSearchCV            # GridSearch for parameters of classification
+from sklearn.ensemble import RandomForestClassifier     # RandomForest-Classifier
 
 # Import own modules
 
 # Author-Info
 __author__ 	= "Nikolas Huelsmann"
-__status__ 	= "Development" #Production, Development, Prototype
-__date__	= 2016-01-23
+__status__ 	= "Prototype"                           # Production, Development, Prototype
+__date__	= 2016-03-25
 
 ##### Generating Test and Train Data
 def calcTrainTestOwn(X,y,split):
diff --git a/Code/FeatExtraction/DBCrawl.py b/Code/FeatExtraction/DBCrawl.py
index 1312d77a..4588f8c9 100644
--- a/Code/FeatExtraction/DBCrawl.py
+++ b/Code/FeatExtraction/DBCrawl.py
@@ -1,19 +1,19 @@
 #!/usr/bin/env python
 
-""" Functions to generate DB """
+""" Library: Functions to generate databases of images """
 
 # Import built-in modules
-import os               # for iteration throug directories
+import os                               # for iteration throug directories
 
 # Import 3rd party modules
-import pandas as pd     # for Series and DataFrames
+import pandas as pd                     # for Series and DataFrames
 
 # Import own modules
 
 # Author-Info
 __author__ 	= "Nikolas Huelsmann"
-__status__ 	= "Development" #Production, Development, Prototype
-__date__	= 2016-01-23
+__status__ 	= "Prototype"           # Production, Development, Prototype
+__date__	= 2016-03-25
 
 
 # ### Function to iterate through given directory and return images paths and classLabels
diff --git a/Code/FeatExtraction/ExecClassifMonoView.py b/Code/FeatExtraction/ExecClassifMonoView.py
index eab4e6b9..76f6d8db 100644
--- a/Code/FeatExtraction/ExecClassifMonoView.py
+++ b/Code/FeatExtraction/ExecClassifMonoView.py
@@ -1,6 +1,6 @@
 #!/usr/bin/env python
 
-""" Script to perform a MonoView classification """
+""" Execution: Script to perform a MonoView classification """
 
 # Import built-in modules
 import argparse                         # for acommand line arguments
@@ -11,17 +11,17 @@ import os                               # to geth path of the running script
 # Import 3rd party modules
 import numpy as np                      # for reading CSV-files and Series
 import pandas as pd                     # for Series and DataFrames
+import logging                          # To create Log-Files        
 
 # Import own modules
 import ClassifMonoView	                # Functions for classification
 import ExportResults                    # Functions to render results
 
 
-
 # Author-Info
 __author__ 	= "Nikolas Huelsmann"
-__status__ 	= "Development" #Production, Development, Prototype
-__date__	= 2016-03-10
+__status__ 	= "Prototype"           # Production, Development, Prototype
+__date__	= 2016-03-25
 
 ### Argument Parser
 parser = argparse.ArgumentParser(
@@ -32,8 +32,9 @@ groupStandard = parser.add_argument_group('necessary arguments:')
 groupStandard.add_argument('--name', metavar='STRING', action='store', help='Name of Database (default: %(default)s)', default='Caltech')
 groupStandard.add_argument('--feat', metavar='STRING', action='store', help='Name of Feature for Classification (default: %(default)s)', default='RGB')
 groupStandard.add_argument('--pathF', metavar='STRING', action='store', help='Path to the features (default: %(default)s)', default='Results-FeatExtr\\')
-groupStandard.add_argument('--fileCL', metavar='STRING', action='store', help='Name of classLabels CSV-file  (default: %(default)s)', default='D:\\classLabels.csv')
-groupStandard.add_argument('--fileFeat', metavar='STRING', action='store', help='Name of feature CSV-file  (default: %(default)s)', default='D:\\feature.csv')
+groupStandard.add_argument('--fileCL', metavar='STRING', action='store', help='Name of classLabels CSV-file  (default: %(default)s)', default='classLabels.csv')
+groupStandard.add_argument('--fileFeat', metavar='STRING', action='store', help='Name of feature CSV-file  (default: %(default)s)', default='feature.csv')
+groupStandard.add_argument('-log', action='store_true', help='Use option to activate Logging to Console')
 
 groupClass = parser.add_argument_group('Classification arguments:')
 groupClass.add_argument('--CL_split', metavar='FLOAT', action='store', help='Determine the the train size', type=float, default=0.8)
@@ -45,33 +46,50 @@ args = parser.parse_args()
 num_estimators = map(int, args.CL_RF_trees.split())
 
 ### Main Programm
-
 t_start = time.time()
 
+# Configure Logger
+dir = os.path.dirname(os.path.abspath(__file__)) + "/Results-ClassMonoView/"
+logfilename= datetime.datetime.now().strftime("%Y_%m_%d") + "-LOG-CMV-" + args.name + "-" + args.feat
+logfile = dir + logfilename
+if os.path.isfile(logfile + ".log"):
+        for i in range(1,20):
+                testFileName = logfilename  + "-" + str(i) + ".log"
+                if os.path.isfile(dir + testFileName )!=True:
+                        logfile = dir + testFileName
+                        break
+else:
+        logfile = logfile + ".log"
+
+logging.basicConfig(format='%(asctime)s %(levelname)s:%(message)s', filename=logfile, level=logging.DEBUG, filemode='w')
+
+if(args.log):     
+        logging.getLogger().addHandler(logging.StreamHandler())  
+
 # Determine the Database to extract features
-print "### Main Programm for Classification MonoView"
-print"### Info: Database:" + str(args.name) + " Feature:" + str(args.feat) + " train_size:" + str(args.CL_split) + ", GridSearch of Trees:" + args.CL_RF_trees + ", CrossValidation k-folds:" + str(args.CL_RF_CV) + ", cores:" + str(args.CL_RF_Cores)
+logging.debug("### Main Programm for Classification MonoView")
+logging.debug("### Info: Database:" + str(args.name) + " Feature:" + str(args.feat) + " train_size:" + str(args.CL_split) + ", GridSearch of Trees:" + args.CL_RF_trees + ", CrossValidation k-folds:" + str(args.CL_RF_CV) + ", cores:" + str(args.CL_RF_Cores))
 
 # Einlesen von Features
-print "### Start:\t Read CSV Files"
+logging.debug("### Start:\t Read CSV Files")
 
 X = np.genfromtxt(args.pathF + args.fileFeat, delimiter=';')
 Y = np.genfromtxt(args.pathF + args.fileCL, delimiter=';')
 
-print "### Info:\t Shape of Feature:" + str(X.shape) + ", Length of classLabels vector:" + str(Y.shape)
-print "### Done:\t Read CSV Files"
+logging.debug("### Info:\t Shape of Feature:" + str(X.shape) + ", Length of classLabels vector:" + str(Y.shape))
+logging.debug("### Done:\t Read CSV Files")
 
 # Calculate Train/Test data
-print "### Start:\t Determine Train/Test split"
+logging.debug("### Start:\t Determine Train/Test split")
 
 X_train, X_test, y_train, y_test = ClassifMonoView.calcTrainTest(X, Y, args.CL_split)
 
-print "### Info:\t Shape X_train:" + str(X_train.shape) + ", Length of y_train:" + str(len(y_train))
-print "### Info:\t Shape X_test:" + str(X_test.shape) + ", Length of y_test:" + str(len(y_test))
-print "### Done:\t Determine Train/Test split"
+logging.debug("### Info:\t Shape X_train:" + str(X_train.shape) + ", Length of y_train:" + str(len(y_train)))
+logging.debug("### Info:\t Shape X_test:" + str(X_test.shape) + ", Length of y_test:" + str(len(y_test)))
+logging.debug("### Done:\t Determine Train/Test split")
 
 # Begin Classification RandomForest
-print "### Start:\t Classification"
+logging.debug("### Start:\t Classification")
 
 cl_desc, cl_res = ClassifMonoView.calcClassifRandomForestCV(X_train, y_train, num_estimators, args.CL_RF_CV, args.CL_RF_Cores)
 t_end  = time.time() - t_start
@@ -81,22 +99,22 @@ df_class_res = pd.DataFrame()
 df_class_res = df_class_res.append({'a_class_time':t_end, 'b_cl_desc': cl_desc, 'c_cl_res': cl_res, 
                                                 'd_cl_score': cl_res.best_score_}, ignore_index=True)
 
-print "### Info:\t Time for Classification: " + str(t_end) + "[s]"
-print "### End:\t Classification"
+logging.debug("### Info:\t Time for Classification: " + str(t_end) + "[s]")
+logging.debug("### End:\t Classification")
 
 # CSV Export
-print "### Start:\t Exporting to CSV"
+logging.debug("### Start:\t Exporting to CSV")
 dir = os.path.dirname(os.path.abspath(__file__)) + "/Results-ClassMonoView/"
 filename = datetime.datetime.now().strftime("%Y_%m_%d") + "-CMV-" + args.name + "-" + args.feat
 ExportResults.exportPandasToCSV(df_class_res, dir, filename)
-print "### Done:\t Exporting to CSV"
+logging.debug("### Done:\t Exporting to CSV")
 
 # Plot Result
-print "### Start:\t Plot Result"
+logging.debug("### Start:\t Plot Result")
 np_score = ExportResults.calcScorePerClass(y_test, cl_res.predict(X_test).astype(int))
-filename = dir + filename
-ExportResults.showResults(filename, np_score)
-print "### Done:\t Plot Result"
+### dir and filename the same as CSV Export
+ExportResults.showResults(dir, filename, args.name, args.feat, np_score)
+logging.debug("### Done:\t Plot Result")
 
 
 
diff --git a/Code/FeatExtraction/ExecFeatExtraction.py b/Code/FeatExtraction/ExecFeatExtraction.py
index c59176cc..3412c8ca 100644
--- a/Code/FeatExtraction/ExecFeatExtraction.py
+++ b/Code/FeatExtraction/ExecFeatExtraction.py
@@ -1,6 +1,6 @@
 #!/usr/bin/env python
 
-""" Script to perform feature parameter optimisation """
+""" Execution: Script to perform feature extraction """
 
 # Import built-in modules
 import datetime                         # for TimeStamp in CSVFile
@@ -9,16 +9,17 @@ import argparse                         # for acommand line arguments
 import os                               # to geth path of the running script
 
 # Import 3rd party modules
+import logging                          # To create Log-Files   
 
 # Import own modules
-import DBCrawl			# Functions to read Images from Database
-import ExportResults            # Functions to render results
-import FeatExtraction           # Functions to extract the features from Database   
+import DBCrawl			        # Functions to read Images from Database
+import ExportResults                    # Functions to render results
+import FeatExtraction                   # Functions to extract the features from Database   
 
 # Author-Info
 __author__ 	= "Nikolas Huelsmann"
-__status__ 	= "Development" #Production, Development, Prototype
-__date__	= 2016-03-10
+__status__ 	= "Prototype"           # Production, Development, Prototype
+__date__	= 2016-03-25
 
 ### Argument Parser
 
@@ -29,7 +30,7 @@ formatter_class=argparse.ArgumentDefaultsHelpFormatter)
 groupStandard = parser.add_argument_group('necessary arguments:')
 groupStandard.add_argument('--name', metavar='STRING', action='store', help='Select a name of DB, e.g. Caltech (default: %(default)s)', default='DB')
 groupStandard.add_argument('--path', metavar='STRING', action='store', help='Path to the database (default: %(default)s)', default='D:\\CaltechMini')
-
+groupStandard.add_argument('-log', action='store_true', help='Use option to activate Logging to Console')
 
 groupRGB = parser.add_argument_group('RGB arguments:')
 groupRGB.add_argument('-RGB', action='store_true', help='Use option to activate RGB')
@@ -77,7 +78,6 @@ def boolNormToStr(norm):
 
 ### Main Programm
 
-print "### Main Programm for Feature Extraction ###"
 features = ""
 if(args.RGB):
         features = features + "RGB "
@@ -90,12 +90,32 @@ if(args.SURF):
 if(args.HOG):
         features = features + "HOG"
 
-print "Infos:\t NameDB=" + nameDB + ", Path=" + path  + ", Features=" + features
+
+# Configure Logger
+dir = os.path.dirname(os.path.abspath(__file__)) + "/Results-FeatExtr/"
+logfilename= datetime.datetime.now().strftime("%Y_%m_%d") + "-LOG-FE-" + args.name + "-" + features.replace(" ", "_").rstrip("_")
+logfile = dir + logfilename
+if os.path.isfile(logfile + ".log"):
+        for i in range(1,20):
+                testFileName = logfilename  + "-" + str(i) + ".log"
+                if os.path.isfile(dir + testFileName )!=True:
+                        logfile = dir + testFileName
+                        break
+else:
+        logfile = logfile + ".log"
+
+logging.basicConfig(format='%(asctime)s %(levelname)s:%(message)s', filename=logfile, level=logging.DEBUG, filemode='w')
+
+if(args.log):     
+        logging.getLogger().addHandler(logging.StreamHandler())  
+        
+logging.debug("### Main Programm for Feature Extraction ###")
+logging.debug("Infos:\t NameDB=" + nameDB + ", Path=" + path  + ", Features=" + features)
 
 ################################ Read Images from Database
 # Determine the Database to extract features
 
-print "Start:\t Exportation of images from DB"
+logging.debug("Start:\t Exportation of images from DB")
 
 t_db_start = time.time()
 
@@ -105,31 +125,31 @@ sClassLabels = DBCrawl.getClassLabels(path)
 # Get all path from all images inclusive classLabel as Integer
 dfImages,nameDB = DBCrawl.imgCrawl(path, sClassLabels, nameDB)
 t_db  = time.time() - t_db_start
-print "Done:\t Exportation of images from DB in:" + str(t_db) +"[s]"
+logging.debug("Done:\t Exportation of images from DB in:" + str(t_db) +"[s]")
 
 
 ################################ Feature Extraction
-print "Start:\t Features Extraction"
+logging.debug("Start:\t Features Extraction")
 
 ### Setup RGB
 if(args.RGB):
         
-        print "RGB:\t Start"
+        logging.debug("RGB:\t Start")
         t_rgb_start = time.time()
                 
         # Infos
-        print "RGB:\t NumberOfBins=" + str(args.RGB_Bins) + ", MaxColorIntensity=" + str(args.RGB_CI) + ", Norm=" + boolNormToStr(args.RGB_NMinMax)
+        logging.debug("RGB:\t NumberOfBins=" + str(args.RGB_Bins) + ", MaxColorIntensity=" + str(args.RGB_CI) + ", Norm=" + boolNormToStr(args.RGB_NMinMax))
          
         # Extract Feature from DB
         rgb_feat_desc,rgb_f_extr_res = FeatExtraction.calcRGBColorHisto(nameDB, dfImages, args.RGB_Bins, args.RGB_CI, args.RGB_NMinMax)
 
         t_rgb = time.time() - t_rgb_start
-        print "RGB:\t Done in: " + str(t_rgb) + "[s]"
+        logging.debug("RGB:\t Done in: " + str(t_rgb) + "[s]")
 
 
 ### Setup HSV
 if(args.HSV):
-        print "HSV:\t Start"
+        logging.debug("HSV:\t Start")
         t_hsv_start = time.time()
         
         h_bins = args.HSV_H_Bins
@@ -138,48 +158,48 @@ if(args.HSV):
         histSize = [h_bins, s_bins, v_bins]
         
         # Infos
-        print "HSV:\t HSVBins=[" + str(h_bins) + "," + str(s_bins) + "," + str(v_bins) + "], Norm=" + boolNormToStr(args.HSV_NMinMax)
+        logging.debug("HSV:\t HSVBins=[" + str(h_bins) + "," + str(s_bins) + "," + str(v_bins) + "], Norm=" + boolNormToStr(args.HSV_NMinMax))
 
         # Extract Feature from DB
         hsv_feat_desc,hsv_f_extr_res = FeatExtraction.calcHSVColorHisto(nameDB, dfImages, histSize, args.HSV_NMinMax)
         t_hsv = time.time() - t_hsv_start
-        print "HSV:\t Done in: " + str(t_hsv) + "[s]"
+        logging.debug("HSV:\t Done in: " + str(t_hsv) + "[s]")
 
 
 
 ### Setup SIFT
 if(args.SIFT):
-        print "SIFT:\t Start"
+        logging.debug("SIFT:\t Start")
         t_sift_start = time.time()
         
         boolSIFT = True
         
-        print "SIFT:\t Cluster=" + str(args.SIFT_Cluster) + ", Norm=" + boolNormToStr(args.SIFT_NMinMax)
+        logging.debug("SIFT:\t Cluster=" + str(args.SIFT_Cluster) + ", Norm=" + boolNormToStr(args.SIFT_NMinMax))
 
         sift_descriptors,sift_des_list = FeatExtraction.calcSURFSIFTDescriptors(dfImages, boolSIFT)
         sift_feat_desc,sift_f_extr_res = FeatExtraction.calcSURFSIFTHisto(nameDB, dfImages, args.SIFT_Cluster, args.SIFT_NMinMax, sift_descriptors, sift_des_list, boolSIFT)
         t_sift = time.time() - t_sift_start 
-        print "SIFT:\t Done in: " + str(t_sift) + "[s]"
+        logging.debug("SIFT:\t Done in: " + str(t_sift) + "[s]")
 
 
 ### Setup SURF
 if(args.SURF):
-        print "SURF:\t Start"
+        logging.debug("SURF:\t Start")
         t_surf_start = time.time()
         
         boolSIFT = False
         
-        print "SURF:\t Cluster=" + str(args.SURF_Cluster) + ", Norm=" + boolNormToStr(args.SURF_NMinMax)
+        logging.debug("SURF:\t Cluster=" + str(args.SURF_Cluster) + ", Norm=" + boolNormToStr(args.SURF_NMinMax))
 
         # Extract Feature from DB
         surf_descriptors,surf_des_list = FeatExtraction.calcSURFSIFTDescriptors(dfImages, boolSIFT)
         surf_feat_desc,surf_f_extr_res = FeatExtraction.calcSURFSIFTHisto(nameDB, dfImages, args.SURF_Cluster, args.SURF_NMinMax, surf_descriptors, surf_des_list, boolSIFT)
         t_surf = time.time() - t_surf_start 
-        print "SURF:\t Done in: " + str(t_surf) + "[s]"
+        logging.debug("SURF:\t Done in: " + str(t_surf) + "[s]")
 
 ### Setup HOG
 if(args.HOG):
-        print "HOG:\t Start"
+        logging.debug("HOG:\t Start")
         t_hog_start = time.time()
         
         CELL_DIMENSION = args.HOG_CellD
@@ -188,54 +208,54 @@ if(args.HOG):
         MAXITER = args.HOG_Iter
         NB_CORES = args.HOG_cores
         
-        print "HOG:\t CellDim=" + str(CELL_DIMENSION) + ", NbOrientations=" + str(NB_ORIENTATIONS) +", Cluster=" + str(NB_CLUSTERS) + ", MaxIter=" + str(MAXITER) + ", NbCores=" + str(NB_CORES)
+        logging.debug("HOG:\t CellDim=" + str(CELL_DIMENSION) + ", NbOrientations=" + str(NB_ORIENTATIONS) +", Cluster=" + str(NB_CLUSTERS) + ", MaxIter=" + str(MAXITER) + ", NbCores=" + str(NB_CORES))
 
         # Extract Feature from DB
         hog_feat_desc,hog_f_extr_res = FeatExtraction.calcHOGParallel(nameDB, dfImages.values, CELL_DIMENSION, NB_ORIENTATIONS, NB_CLUSTERS, MAXITER, NB_CORES)
         #hog_feat_desc,hog_f_extr_res = FeatExtraction.calcHOG(nameDB, dfImages.values, CELL_DIMENSION, NB_ORIENTATIONS, NB_CLUSTERS, MAXITER)   
         t_hog = time.time() - t_hog_start
-        print "HOG:\t Done in: " + str(t_hog) + "[s]"
+        logging.debug("HOG:\t Done in: " + str(t_hog) + "[s]")
 
-print "Done:\t Features Extraction"
+logging.debug("Done:\t Features Extraction")
 
 
-################################ SAVE TO FEATURES DATABASES
-print "Start:\t Save Features to CSV Databases"
+################################ SAVE FEATURES TO CSV DATABASE
+logging.debug("Start:\t Save Features to CSV Databases")
 
 dir = os.path.dirname(os.path.abspath(__file__)) + "/Results-FeatExtr/"
 
 ### Classlabels and Description
-OutputfileNameClassLabels = datetime.datetime.now().strftime("%Y_%m_%d") + "-" + nameDB + "-ClassLabels"
+OutputfileNameClassLabels = datetime.datetime.now().strftime("%Y_%m_%d") + "-FE-" + nameDB + "-ClassLabels"
 ExportResults.exportNumpyToCSV(dfImages.classLabel, dir, OutputfileNameClassLabels, '%i')
 
-fileNameClassLabels = datetime.datetime.now().strftime("%Y_%m_%d") + "-" + nameDB + "-ClassLabels-Description"
+fileNameClassLabels = datetime.datetime.now().strftime("%Y_%m_%d") + "-FE-" + nameDB + "-ClassLabels-Description"
 ExportResults.exportPandasToCSV(sClassLabels, dir, fileNameClassLabels)
 
 format = '%1.30f'
 ### RGB
 if(args.RGB):
-        fileName = datetime.datetime.now().strftime("%Y_%m_%d") + "-" + rgb_feat_desc
+        fileName = datetime.datetime.now().strftime("%Y_%m_%d") + "-FE-" + rgb_feat_desc
         ExportResults.exportNumpyToCSV(rgb_f_extr_res, dir, fileName, format)
         
 
 ### HSV
 if(args.HSV):
-        fileName = datetime.datetime.now().strftime("%Y_%m_%d") + "-" + hsv_feat_desc
+        fileName = datetime.datetime.now().strftime("%Y_%m_%d") + "-FE-" + hsv_feat_desc
         ExportResults.exportNumpyToCSV(hsv_f_extr_res, dir, fileName, format)
 
 ### SIFT
 if(args.SIFT):
-        fileName = datetime.datetime.now().strftime("%Y_%m_%d") + "-" + sift_feat_desc
+        fileName = datetime.datetime.now().strftime("%Y_%m_%d") + "-FE-" + sift_feat_desc
         ExportResults.exportNumpyToCSV(sift_f_extr_res, dir, fileName, format)
 
 ### SURF
 if(args.SURF):
-        fileName = datetime.datetime.now().strftime("%Y_%m_%d") + "-" + surf_feat_desc
+        fileName = datetime.datetime.now().strftime("%Y_%m_%d") + "-FE-" + surf_feat_desc
         ExportResults.exportNumpyToCSV(surf_f_extr_res, dir, fileName, format)
 
 ### HOG
 if(args.HOG):
-        fileName = datetime.datetime.now().strftime("%Y_%m_%d") + "-" + hog_feat_desc
+        fileName = datetime.datetime.now().strftime("%Y_%m_%d") + "-FE-" + hog_feat_desc
         ExportResults.exportNumpyToCSV(hog_f_extr_res, dir, fileName, format)
 
-print "Done:\t Save Features to CSV Databases"
\ No newline at end of file
+logging.debug("Done:\t Save Features to CSV Databases")
\ No newline at end of file
diff --git a/Code/FeatExtraction/ExecFeatParaOpt.py b/Code/FeatExtraction/ExecFeatParaOpt.py
index 4c9e8a34..c3b4a527 100644
--- a/Code/FeatExtraction/ExecFeatParaOpt.py
+++ b/Code/FeatExtraction/ExecFeatParaOpt.py
@@ -1,6 +1,6 @@
 #!/usr/bin/env python
 
-""" Script to perform feature parameter optimisation """
+""" Execution: Script to perform feature parameter optimisation """
 
 # Import built-in modules
 import datetime                         # for TimeStamp in CSVFile
@@ -9,6 +9,7 @@ import os                               # to geth path of the running script
 
 # Import 3rd party modules
 import numpy as np                      # for arrays
+import logging                          # To create Log-Files  
 
 # Import own modules
 import DBCrawl			        # Functions to read Images from Database
@@ -17,8 +18,8 @@ import ExportResults                    # Functions to render results
 
 # Author-Info
 __author__ 	= "Nikolas Huelsmann"
-__status__ 	= "Development"         #Production, Development, Prototype
-__date__	= 2016-01-23
+__status__ 	= "Prototype"           # Production, Development, Prototype
+__date__	= 2016-03-25
 
 ### Argument Parser
 
@@ -29,6 +30,7 @@ formatter_class=argparse.ArgumentDefaultsHelpFormatter)
 groupStandard = parser.add_argument_group('necessary arguments:')
 groupStandard.add_argument('--name', metavar='STRING', action='store', help='Select a name of DB, e.g. Caltech (default: %(default)s)', default='DB')
 groupStandard.add_argument('--path', metavar='STRING', action='store', help='Path to the database (default: %(default)s)', default='D:\\CaltechMini')
+groupStandard.add_argument('-log', action='store_true', help='Use option to activate Logging to Console')
 
 groupOpt = parser.add_argument_group('Optimisation arguments:')
 groupOpt.add_argument('--feature', choices=['RGB', 'HSV', 'SURF', 'SIFT', 'HOG'], help='Set feature from list (RGB, HSV, ..)', default='RGB')
@@ -88,13 +90,31 @@ para_Cl = [args.CL_split, map(int, args.CL_RF_trees.split()), args.CL_RF_CV, arg
        
 ### Main Programm
 
+# Configure Logger
+dir = os.path.dirname(os.path.abspath(__file__)) + "/Results-FeatParaOpt/"
+logfilename= datetime.datetime.now().strftime("%Y_%m_%d") + "-LOG-FPO-" + args.name + "-" + args.feat + "-" + args.param
+logfile = dir + logfilename
+if os.path.isfile(logfile + ".log"):
+        for i in range(1,20):
+                testFileName = logfilename  + "-" + str(i) + ".log"
+                if os.path.isfile(dir + testFileName )!=True:
+                        logfile = dir + testFileName
+                        break
+else:
+        logfile = logfile + ".log"
+
+logging.basicConfig(format='%(asctime)s %(levelname)s:%(message)s', filename=logfile, level=logging.DEBUG, filemode='w')
+
+if(args.log):     
+        logging.getLogger().addHandler(logging.StreamHandler())  
+
 ################################ Read Images from Database
 # Determine the Database to extract features
 
-print "### Main Programm for Feature Parameter Optimisation "
-print '### Optimisation - Feature:' + str(args.feature) + " Parameter:" + str(args.param) + " from:" + str(args.valueStart) + " to:" + str(args.valueEnd) + " in #calc:" + str(args.nCalcs)
+logging.debug("### Main Programm for Feature Parameter Optimisation ")
+logging.debug('### Optimisation - Feature:' + str(args.feature) + " Parameter:" + str(args.param) + " from:" + str(args.valueStart) + " to:" + str(args.valueEnd) + " in #calc:" + str(args.nCalcs))
 
-print "### Start:\t Exportation of images from DB"
+logging.debug("### Start:\t Exportation of images from DB")
 
 # get dictionary to link classLabels Text to Integers
 sClassLabels = DBCrawl.getClassLabels(path)
@@ -102,23 +122,24 @@ sClassLabels = DBCrawl.getClassLabels(path)
 # Get all path from all images inclusive classLabel as Integer
 dfImages,nameDB = DBCrawl.imgCrawl(path, sClassLabels, nameDB)
 
-print "### Done:\t Exportation of Images from DB "
+logging.debug("### Done:\t Exportation of Images from DB ")
 
 
 ################################ Parameter Optimisation
-print "### Start:\t Feautre Optimisation"
+logging.debug("### Start:\t Feautre Optimisation")
 df_feat_res = FeatParaOpt.perfFeatMonoV(nameDB, dfImages, para_opt, para_RGB, para_HSV, para_SIFT, para_SURF, para_HOG, para_Cl)
-print "### Done:\t Feautre Optimisation "
+logging.debug("### Done:\t Feautre Optimisation ")
 
 
 ################################ Render results
-print "### Start:\t Exporting to CSV "
+logging.debug("### Start:\t Exporting to CSV ")
 dir = os.path.dirname(os.path.abspath(__file__)) + "/Results-FeatParaOpt/"
 filename = datetime.datetime.now().strftime("%Y_%m_%d") + "-FeatParaOpt-" + args.feature
 ExportResults.exportPandasToCSV(df_feat_res, dir, filename)
-print "### Done:\t Exporting to CSV "
+logging.debug("### Done:\t Exporting to CSV ")
 
 # Get data from result to show results in plot
+logging.debug("### Start:\t Plot Result")
 # Total time for feature extraction and classification
 tot_time = df_feat_res.b_feat_extr_time.values + df_feat_res.e_cl_time.values
 tot_time = np.asarray(tot_time)
@@ -149,12 +170,13 @@ cl_desc = df_feat_res.c_cl_desc.values
 feat_desc = df_feat_res.a_feat_desc.values
 store = True
 
-fileName = dir + datetime.datetime.now().strftime("%Y_%m_%d") + "-" + "Feature_" + args.feature + "-Parameter_" + args.param
+fileName = datetime.datetime.now().strftime("%Y_%m_%d") + "-" + "-FPO-" + args.name + "-" + args.feature + "-" + args.param
 # Show Results for Calculation
-ExportResults.showScoreTime(fileName + "-TotalTime.png", store, score, tot_time, rangeX, args.param, feat_desc, cl_desc, 'Results for Parameter Optimisation', 'Precision', 'Total Time (Feature Extraction+Classification)\n [s]')
-ExportResults.showScoreTime(fileName + "-FeatExtTime.png", store, score, feat_time, rangeX, args.param, feat_desc, cl_desc, 'Results for Parameter Optimisation', 'Precision', 'Feature Extraction Time\n [s]')
-ExportResults.showScoreTime(fileName + "-ClassTime.png", store, score, cl_time, rangeX, args.param, feat_desc, cl_desc, 'Results for Parameter Optimisation', 'Precision', 'Classification Time\n [s]')
+ExportResults.showScoreTime(dir, fileName + "-TotalTime.png", store, score, tot_time, rangeX, args.param, feat_desc, cl_desc, 'Results for Parameter Optimisation \n DB: ' + args.name + 'Feat: ' + args.feature, 'Precision', 'Total Time (Feature Extraction+Classification)\n [s]')
+ExportResults.showScoreTime(dir, fileName + "-FeatExtTime.png", store, score, feat_time, rangeX, args.param, feat_desc, cl_desc, 'Results for Parameter Optimisation \n DB: ' + args.name + 'Feat: ' + args.feature, 'Precision', 'Feature Extraction Time\n [s]')
+ExportResults.showScoreTime(dir, fileName + "-ClassTime.png", store, score, cl_time, rangeX, args.param, feat_desc, cl_desc, 'Results for Parameter Optimisation \n DB: ' + args.name + 'Feat: ' + args.feature, 'Precision', 'Classification Time\n [s]')
 
+logging.debug("### Done:\t Plot Result")
 
 
 #print 'Les meilleurs parametres sont: ' + str(rf_detector.best_params_)
diff --git a/Code/FeatExtraction/ExportResults.py b/Code/FeatExtraction/ExportResults.py
index e6d1ef2a..1baa3edb 100644
--- a/Code/FeatExtraction/ExportResults.py
+++ b/Code/FeatExtraction/ExportResults.py
@@ -1,6 +1,6 @@
 #!/usr/bin/env python
 
-""" Functions to generate DB """
+""" Library: Functions to export results to CSV or plots """
 
 # Import built-in modules
 import os                               # for iteration throug directories
@@ -17,8 +17,8 @@ from matplotlib.offsetbox import AnchoredOffsetbox, TextArea, HPacker # to gener
 
 # Author-Info
 __author__ 	= "Nikolas Huelsmann"
-__status__ 	= "Development" #Production, Development, Prototype
-__date__	= 2016-01-23
+__status__ 	= "Prototype"           # Production, Development, Prototype
+__date__	= 2016-03-25
 
 #### Export Features to CSV
 def exportPandasToCSV(pandasSorDF, dir, filename):
@@ -52,7 +52,7 @@ def exportNumpyToCSV(numpyArray, dir, filename, format):
 #### Rendering of results
 
 ### Rendering of Score and Time
-def showScoreTime(filename, store, resScore, resTime, rangeX, parameter, feat_desc, cl_desc, fig_desc, y_desc1, y_desc2):
+def showScoreTime(dir, filename, store, resScore, resTime, rangeX, parameter, feat_desc, cl_desc, fig_desc, y_desc1, y_desc2):
         # Determine interpolated functions
         f_score_interp = interp1d(rangeX, resScore, kind='quadratic')
         f_time_interp  = interp1d(rangeX, resTime, kind='quadratic')
@@ -112,7 +112,17 @@ def showScoreTime(filename, store, resScore, resTime, rangeX, parameter, feat_de
         plt.title(fig_desc, fontsize=18)
         
         if(store):
-                plt.savefig(filename)
+                file = dir + filename
+                
+                if os.path.isfile(file + ".png"):
+                        for i in range(1,20):
+                                testFileName = filename  + "-" + str(i) + ".png"
+                                if os.path.isfile(dir + testFileName )!=True:
+                                        plt.savefig(dir + testFileName)
+                                        break
+
+                else:
+                        plt.savefig(file)
         else: 
                 plt.show()
             
@@ -134,15 +144,29 @@ def calcScorePerClass(np_labels, np_output):
 	
 ### Bar-Plot for score
 
-def showResults(filename, score):
+def showResults(dir, filename, db, feat, score):
         plt.bar(range(0,len(score)), score*100,1)
         plt.xlabel('ClassLabels')
         plt.ylabel('Score in %')
-        plt.title('Resuls of Classification\nCaltech Database')
+        plt.title('Results of ' + feat + '-Classification\n for ' + db + ' Database')
         plt.axis([0, len(score), 0, 100])
         plt.xticks(range(0,len(score),5))
         
-        plt.savefig(filename)
+        file = dir + filename
+    
+        if os.path.isfile(file + ".png"):
+                for i in range(1,20):
+                        testFileName = filename  + "-" + str(i) + ".png"
+                        if os.path.isfile(dir + testFileName )!=True:
+                                plt.savefig(dir + testFileName)
+                                break
+
+        else:
+                plt.savefig(file)
+        
+        
+        
+        
         
         #instead of saving - decomment plt.show()
         #plt.show()
\ No newline at end of file
diff --git a/Code/FeatExtraction/FeatExtraction.py b/Code/FeatExtraction/FeatExtraction.py
index f97db5b1..ccc135b7 100644
--- a/Code/FeatExtraction/FeatExtraction.py
+++ b/Code/FeatExtraction/FeatExtraction.py
@@ -1,32 +1,27 @@
 #!/usr/bin/env python
 
-""" Code to Extract all Features from Database """
+""" Library: Code to extract all Features from a Database """
 
 # Import built-in modules
   
   
 # Import 3rd party modules
-import numpy as np              # for numpy arrays  
-import cv2                      # for OpenCV 
-from scipy.cluster.vq import *  # for Clustering http://docs.scipy.org/doc/scipy/reference/cluster.vq.html\n",
+import numpy as np                                                      # for numpy arrays  
+import cv2                                                              # for OpenCV 
+from scipy.cluster.vq import *                                          # for Clustering http://docs.scipy.org/doc/scipy/reference/cluster.vq.html\n",
+import logging                                                          # To create Log-Files  
 
 # Import own modules
-from hog_extraction_parallelized import extractHOGFeatureParallel #For HOG
-from hog_extraction import extractHOGFeature #for HOG computation
+from hog_extraction_parallelized import extractHOGFeatureParallel       #For HOG
+from hog_extraction import extractHOGFeature                            #for HOG computation
 
 # Author-Info
 __author__ 	= "Nikolas Huelsmann"
-__status__ 	= "Development" #Production, Development, Prototype
-__date__	= 2016-01-23
-
-# ## Functions for Extract Data
-# 
-
-# ### Function to calculate the RGBColorHistogram for given Images 
+__status__ 	= "Prototype"                                           # Production, Development, Prototype
+__date__	= 2016-03-25
 
 
 #### Calculate RGBColorHistograms for all images
-### Points to improve: 
 
 # nameDB: Name of the current Image DB
 # dfImages: Dataframe with paths to all images - use function imgCrawl
@@ -79,8 +74,8 @@ def calcRGBColorHisto(nameDB, dfImages, numberOfBins, maxColorIntensity, boolNor
                         sumHist = sum(hist) # Calculates the pixels of each image (images of different resolutions)
 			
                         if(sumHist==0):
-                                print "WARNING NORMALIZATION: sumHIST is zero"
-                                print "image: " + images[1] + "\n"
+                                logging.warning("WARNING NORMALIZATION: sumHIST is zero")
+                                logging.warning("image: " + images[1] + "\n")
             
                         # Normalization
                         if(boolNormMinMax == False):			
@@ -165,8 +160,8 @@ def calcHSVColorHisto(nameDB, dfImages, histSize_, boolNormMinMax):
                         sumHist = sum(hist) # Calculates the pixels of each image (images of different resolutions)
 			
                         if(sumHist==0):
-                                print "WARNING NORMALIZATION: sumHIST is zero"
-                                print "image: " + images[1] + "\n"
+                                logging.warning("WARNING NORMALIZATION: sumHIST is zero")
+                                logging.warning("image: " + images[1] + "\n")
             
                         # Normalization
                         if(boolNormMinMax == False):			
@@ -206,7 +201,7 @@ def calcSURFSIFTDescriptors(dfImages, boolSIFT):
         des_list = []
         
        
-        print feat + "Keypoints Calculation"
+        logging.debug(feat + "Keypoints Calculation")
         #### Feature Detection and Description (Surf): 
         # Detect (localize) for each image the keypoints (Points of Interest in an image - Surf uses therefore like SIFT corners)
         # Pro: SIFT/SURF are scale and rotation invariant!
@@ -217,13 +212,13 @@ def calcSURFSIFTDescriptors(dfImages, boolSIFT):
         for images,i in zip(npImages,range(1,len(npImages)+1)):
                 # Read image
                 if(float(i)/float(len(npImages))>0.25 and bool_Progress==True):
-                        print feat + "25% of images processed (Keypoints)"
+                        logging.debug(feat + "25% of images processed (Keypoints)")
                         bool_Progress = False
                 elif(float(i)/float(len(npImages))>0.5 and bool_Progress==False):
-                        print feat + "50% of images processed (Keypoints)"
+                        logging.debug(feat + "50% of images processed (Keypoints)")
                         bool_Progress = None
                 elif(float(i)/float(len(npImages))>0.75 and bool_Progress==None):
-                        print feat + "75% of images processed (Keypoints)"
+                        logging.debug(feat + "75% of images processed (Keypoints)")
                         bool_Progress = NotImplemented
 
                 image = cv2.imread(images[1], cv2.CV_LOAD_IMAGE_COLOR)
@@ -237,7 +232,7 @@ def calcSURFSIFTDescriptors(dfImages, boolSIFT):
                 kp, des = det.detectAndCompute(image,None)
                 
                 if des is None:
-                        print feat + "No Keypoints found in: " + str(images[1])
+                        logging.debug(feat + "No Keypoints found in: " + str(images[1]))
                         if(boolSIFT==True):
                                 desNoKP=np.zeros(shape=(100,128)) 
                         else: 
@@ -273,12 +268,12 @@ def calcSURFSIFTDescriptors(dfImages, boolSIFT):
         else:
                 descriptors = np.zeros(shape=(size,64), dtype=np.float32)
         
-        #print feat + "Start filling descriptors"
+        #logging.debug(feat + "Start filling descriptors")
         for i in range(0,len(des_list)):
                 descriptors[merker:(merker+len(des_list[i]))] = des_list[i]
                 merker = merker + len(des_list[i])
         
-        #print feat + "Shape of Descriptors: " + str(descriptors.shape)
+        #logging.debug(feat + "Shape of Descriptors: " + str(descriptors.shape))
        
         
         return (descriptors,des_list)
@@ -335,7 +330,7 @@ def calcSURFSIFTHisto(nameDB, dfImages, cluster, boolNormMinMax, descriptors,des
     
         # Perform k-means clustering -> creates the words from all describteurs -> this is the (dic) dictionary/vocabulary/codebook
         # k: amount of different clusters to build! Will result in a feature length k
-        print feat + ":\t Calculation of Dictonary with " + str(int(cluster)) + " Clusters"
+        logging.debug(feat + ":\t Calculation of Dictonary with " + str(int(cluster)) + " Clusters")
         dic, variance = kmeans(descriptors, int(cluster), 1) 
         
         ### 2. Step: encoding/coding/vector quantization(vq) to assign each descripteur the closest "visual word" from dictionary:
@@ -347,20 +342,20 @@ def calcSURFSIFTHisto(nameDB, dfImages, cluster, boolNormMinMax, descriptors,des
         # bool for Progressbar
         bool_Progress=True
         
-        print feat + ":\t Assign words from Dictonary to each Image"
+        logging.debug(feat + ":\t Assign words from Dictonary to each Image")
         npSurfHist = np.zeros((len(npImages), int(cluster)), dtype=np.float32)
         for i in xrange(len(npImages)):
                 # vq: (Encoding) Assign words from the dictionary to each descripteur
                 words, distance = vq(des_list[i],dic)
                 
                 if(float(i)/float(len(npImages))>0.25 and bool_Progress==True):
-                        print feat + ":\t 25% of images processed (Assignments)"
+                        logging.debug(feat + ":\t 25% of images processed (Assignments)")
                         bool_Progress = False
                 elif(float(i)/float(len(npImages))>0.5 and bool_Progress==False):
-                        print feat + ":\t 50% of images processed (Assignments)"
+                        logging.debug(feat + ":\t 50% of images processed (Assignments)")
                         bool_Progress = None
                 elif(float(i)/float(len(npImages))>0.75 and bool_Progress==None):
-                        print feat + ":\t 75% of images processed (Assignments)"
+                        logging.debug(feat + ":\t 75% of images processed (Assignments)")
                         bool_Progress = NotImplemented
         
                 ### 3. Step: Pooling - calculate a histogram for each image
@@ -394,8 +389,8 @@ def calcSURFSIFTHisto(nameDB, dfImages, cluster, boolNormMinMax, descriptors,des
                 sumHist = sum(npSurfHist[i]) # Calculates the pixels of each image (images of different resolutions)
 		
                 if(sumHist==0):
-                        print "WARNING NORMALIZATION: sumHIST is zero"
-                        print "image: " + images[1] + "\n"
+                        logging.warning("WARNING NORMALIZATION: sumHIST is zero")
+                        logging.warning( "image: " + images[1] + "\n")
 		
 		# Normalization
                 if(boolNormMinMax == False):			
diff --git a/Code/FeatExtraction/FeatParaOpt.py b/Code/FeatExtraction/FeatParaOpt.py
index b98e139a..2ad00dd7 100644
--- a/Code/FeatExtraction/FeatParaOpt.py
+++ b/Code/FeatExtraction/FeatParaOpt.py
@@ -1,22 +1,23 @@
 #!/usr/bin/env python
 
-""" Function to optimise feature parameters """
+""" Library: Function to optimise feature parameters """
 
 # Import built-in modules
-import time             # for time calculations
+import time                             # for time calculations
 
 # Import 3rd party modules
-import numpy as np      # for numpy arrays
-import pandas as pd     # for Series and DataFrames
+import numpy as np                      # for numpy arrays
+import pandas as pd                     # for Series and DataFrames
+import logging                          # To create Log-Files  
 
 # Import own modules
-import FeatExtraction	# Functions for Feature Extractions#
-import ClassifMonoView	# Functions for classification
+import FeatExtraction	                # Functions for Feature Extractions#
+import ClassifMonoView	                # Functions for classification
 
 # Author-Info
 __author__ 	= "Nikolas Huelsmann"
-__status__ 	= "Development" #Production, Development, Prototype
-__date__	= 2016-03-14
+__status__ 	= "Prototype"           # Production, Development, Prototype
+__date__	= 2016-03-25
 
 
 # dfImages:     Database with all images
@@ -58,7 +59,7 @@ def perfFeatMonoV(nameDB, dfImages, para_opt, para_RGB, para_HSV, para_SIFT, par
         # for-loop from valueStart, step stepwidth, until valueEnde
         for valuePara, i in zip(valueArray,arr_Calc):
                 valuePara = int(valuePara)
-                print "### Start:\t FeatureExtraction Nr:" + str(i) + " from:" + str(max(arr_Calc)) + " with " + parameter + "=" + str(valuePara) + " ###"
+                logging.debug("### Start:\t FeatureExtraction Nr:" + str(i) + " from:" + str(max(arr_Calc)) + " with " + parameter + "=" + str(valuePara) + " ###")
                 # TIME for Extraction
                 t_extract_start = time.time()
                 
@@ -160,7 +161,7 @@ def perfFeatMonoV(nameDB, dfImages, para_opt, para_RGB, para_HSV, para_SIFT, par
                 # TIME for Extraction END
                 t_extract = time.time() - t_extract_start
                 
-                print "### Done:\t FeatureExtraction Nr:" + str(i) + " from:" + str(max(arr_Calc)) + " ###"
+                logging.debug("### Done:\t FeatureExtraction Nr:" + str(i) + " from:" + str(max(arr_Calc)) + " ###")
 
                 # TIME for CLASSIFICATION
                 t_classif_start = time.time()
@@ -178,11 +179,11 @@ def perfFeatMonoV(nameDB, dfImages, para_opt, para_RGB, para_HSV, para_SIFT, par
                 # Begin Classification RandomForest
                 # call function: return fitted model
                 
-                print "### Start:\t Classification Nr:" + str(i) + " from:" + str(max(arr_Calc))
+                logging.debug("### Start:\t Classification Nr:" + str(i) + " from:" + str(max(arr_Calc)))
                 
                 cl_desc, cl_res = ClassifMonoView.calcClassifRandomForestCV(X_train, y_train, num_estimators, cv_folds, clas_cores)
                     
-                print "### Done:\t Classification Nr:" + str(i) + " from:" + str(max(arr_Calc))
+                logging.debug("### Done:\t Classification Nr:" + str(i) + " from:" + str(max(arr_Calc)))
 		
                 # TIME for CLASSIFICATION END
                 t_classif = time.time() - t_classif_start
diff --git a/Code/FeatExtraction/ExecPlot.py b/Code/FeatExtraction/HelperFunctions/ExecPlot.py
similarity index 84%
rename from Code/FeatExtraction/ExecPlot.py
rename to Code/FeatExtraction/HelperFunctions/ExecPlot.py
index 7fae2453..27ac5f2e 100644
--- a/Code/FeatExtraction/ExecPlot.py
+++ b/Code/FeatExtraction/HelperFunctions/ExecPlot.py
@@ -1,10 +1,25 @@
-import pandas as pd
-import numpy as np
-import datetime
+#!/usr/bin/env python
+
+""" Script whichs helps to replot results from Feature Parameter Optimisation """
+
+# Import built-in modules
+import datetime                         # for TimeStamp in CSVFile
 import argparse                         # for acommand line arguments
 import os                               # to geth path of the running script
+
+# Import 3rd party modules
+import pandas as pd                     # for Series
+import numpy as np                      # for DataFrames
+
+# Import own modules
 import ExportResults                    # Functions to render results
 
+# Author-Info
+__author__ 	= "Nikolas Huelsmann"
+__status__ 	= "Prototype"           # Production, Development, Prototype
+__date__	= 2016-03-25
+
+
 parser = argparse.ArgumentParser(
 description='This methods permits to execute a multiclass classification with one single view. At this point the used classifier is a RandomForest. The GridSearch permits to vary the number of trees and CrossValidation with k-folds.', 
 formatter_class=argparse.ArgumentDefaultsHelpFormatter)
diff --git a/Code/FeatExtraction/OLD/image_size.py b/Code/FeatExtraction/OLD/image_size.py
deleted file mode 100644
index 01fad68b..00000000
--- a/Code/FeatExtraction/OLD/image_size.py
+++ /dev/null
@@ -1,57 +0,0 @@
-
-import os as os        # for iteration throug directories
-import pandas as pd # for Series and DataFrames
-import cv2          # for OpenCV 
-import datetime     # for TimeStamp in CSVFile
-from scipy.cluster.vq import * # for Clustering http://docs.scipy.org/doc/scipy/reference/cluster.vq.html
-import numpy as np  # for arrays
-import time       # for time calculations
-from feature_extraction_try import imgCrawl, getClassLabels
-
-def findmaxDim(npImages):
-  
-  max_height = 0
-  max_width = 0
-  heights =[]
-  widths = []
-  totals = []
-  count=0
-  poulet=0
-
-  for npImage in npImages:
-    height, width, channels = cv2.imread(npImage[1]).shape
-    heights.append(height)
-    widths.append(width)
-    totals.append(width*height)
-    if width * height > 500000:
-    	count+=1
-    if not(abs(height-200) <200):
-    	poulet+=1
-    	print (npImage[1])
-    if width > max_width:
-      max_width=width
-
-  print float(poulet)*100/len(heights)
-  # print float(count)*100/len(heights)
-  return heights, widths, totals
-
-
-path ='../../03-jeux-de-donnees/101_ObjectCategories'
-
-# get dictionary to link classLabels Text to Integers
-sClassLabels = getClassLabels(path)
-
-# Get all path from all images inclusive classLabel as Integer
-dfImages = imgCrawl(path, sClassLabels)
-
-npImages = dfImages.values
-heights = []
-heights, widths, totals= findmaxDim(npImages)
-heights_ = sorted(list(set(heights)), reverse=True)
-widths_ = sorted(list(set(widths)), reverse=True)
-totals_ = sorted(totals, reverse=True)
-# print (totals_[len(totals_)/2])
-# print ("height", sum(heights)/len(heights), "width", sum(widths)/len(widths) )
-# print heights_ 
-# print("poulmmet")
-# print widths_
\ No newline at end of file
diff --git a/Code/FeatExtraction/OLD/testImage.jpg b/Code/FeatExtraction/OLD/testImage.jpg
deleted file mode 100644
index d87740af77771b77e2203ccc5bdc04969b20e374..0000000000000000000000000000000000000000
GIT binary patch
literal 0
HcmV?d00001

literal 7805
zcmex=<NpH&0WUXCHwH#VMg|WC4+e(+4;jQ<D>Bm<7<_#hv=|r|I2gd-|7`|mkSaz>
z0LTzZ^n>;OKfoZ!!ML8Wgqcx^fk}{&S&;Gn5e6v+Mn(o^Mn<q>Ap|!ECl?$0|04_z
z0t`${OpMG-%*^autgIkeHWpTP4rWeKF(xiy5phO|4oNl3$Qe7X3kpf8s(Xe{KXF4v
zBdoN-)FPs6#s4D=A}9uf3}66>3L;wv5xvF0!_3IQB*-ktV9)UW0a$R@5X>>s)mL9H
z>+6U(8+R-A_~9QPZ!K+VP5Uk$92uSJb82(axz(rMI;w8we#ABX&YETWGuFQBE|lCj
z(Q0k@+Xp)%AAP;^OJ%EWK~&rEgU7^9|GxUAT>g93+L&v;4L8NOavE*R_w2v5GJBm)
zhReG57xyh%YFwWqY35!%o3kqDQTI8K<J)CcPv4v)x%0{mO&h=S9@g&fO<!3~{qw9n
z%Fu8BtE{R28G3#M%cpKR_wy$E)*oN4*`E*pSM^5a>eH~&>lf_TZe85Iak=5Q8S;YL
z<_Z62Sflxklj%Q$m-V{+{~0Xz|2eyS{@X7H_)i_ZYW{Uv{(pwI6F0^mNznbo(Oeg%
zw{riQ&Gr8oa(cV|DPvLcY31)(R*zLztyv!YzL@1ytLd-QSvz}Yct^%ZEe#J0cU#@8
zI`idgZo}PH2F1s^kDe~N@#t{XmE*~;CKnto&dfJTc~|qF;fj65^Po4{$y~cLLks@B
zQu$;MA9L@_&e)X)ET_L+H*59LaEE2fzIJFRKAI)^OKe7A)RU7b*N-n-J&#)~^?tO8
z#O1K%>aA`EPl&CnK3i4zw4QC@&6?m1QnPN?Ke?B6{ASkYeVmSO>zqxCKVM~@x7%!M
zWoT+C5C5yV84us&>C`T(KN7Tj)_;cAFRBB6P02|6749^1#qZGe&$fGx{(g2Yrq<{5
zi$!O)tXl0G;~CC#c82Nk)?y>o^&gD9)-+2!-6=L{*XgFOX_q$noN6n5c`b1^;k3^-
zp=w>}=Zp8IT=_IDc81;VH&@oZkM~{uqjsuS^{uPNrBu>gXWM+W@?Ecfp{MTn{fmoT
z_U>7>zk1j5!iPD>ZfsW#T4z@Evb@GgI%`|J<~z6JX}ycjmfgLt_FSg1?%&xD>Ko55
zU-a(NzI$h;EPguuERX1n{|xf$KZYtNFFnmBT`%Gi8yneeK26jm{|WE@uX^8=zRJ8Z
zf7&5e{XPC#7~k)}@AU`5!n*$j&CPy3W$$Fu)ckIFh17lD`|sIkE3dA3RmWNT@mHGt
z!tC!c_TrZp2*7i>T%+&Cm7FV6Uy9Cb)V-<OG;^cnQNL$L3s?HCEIMX-=(EvjUYi+Z
zUvxymK0Le?9CP(dcXD{Ln8^#H3Y8CqMZao(Ft5Ki%kF*c$!qz-M|Ypw`~Bjf(7Rpj
zuk_D4hTbY!dZLbP_ve4HA1bbF-ruJgus!bEoW=3pQ$E$XX1&Y1tsfgH|Dbm6zmhMn
zN|)UYC`_FfbR}p0(|xLsHhh|9m9l)!(kUOArL&$hi&j1U)jNOjzxS@3SDg-S7c<?s
z((0O`{k9)d-`i+3OWLofUby*}_{_xgzwW2sNF-}J$L|Y%nz*cGe|2ohs?!IL9xd2(
zW6op0W0PL&Kd+{ndM7LG>FHgsuB}p?_UpujTVdksw3%KjJa1ogeMfqP)v{HO|G0e3
z+uvgTeQs^{#N+WhcStC$dSX}N_3AX6_#LL}g~yE+{jB@7DCO9SACoSwDob@=7jq&$
z<<)f;nd;LsX8w|chc0%8gUtSe3<aoiwoJ2=gM@=lU(z;airy5>YMfNuHTP`S<Dl6=
zPkXXkpQTQdsx)}}B0^*B!^2ya?OZ)m?AW?vI++(zK6pNO^z_S(?1lA_Tl_ZMdR%u_
zHTdPavkCpYu{Y-wMshu#C}exMCyYO+&h_XTF}t1r8BF^>g}0k|t`FR~bKdtpJq`Vk
zn>%m3Oj@4ure7x5{8wrIwA7b7w@b{=`f&C#JIj=9Tq|~Jip^|qEZS|BxH7y{c$1k(
z&P==3O^Yw>`yCkmqEqVHQQ!W#imSBFc}A>%Q05)6WgT}<^Yb6`HI>q3B72SFboYMh
zNu6Q%D=+A{&)rRrCZCvS#Pl>fsrP+a()tw%E8e~S_Vt_Wrf;h@Jz_sovvzKc=AM|3
zJN7l81`ryr#q7p|{k#5MezR>$rT?7TyWg0N684+EnP>b=-qT21ihatD=j90>|1&6j
z{P*^z_1F7ZKle{~_bp!k^PKCImJeUazMb*%<(26fQrjNu?RfLg<kb1qFRz^66A`Su
z;OeUFHx}z3@mrX)Vfo1&)3rQTCVWx3thM4)&+4>2tJQY;tvdfU^2?SRCI%Z?I{o^$
zMBlo2HNHSkSg*)V_4mv~HU93z;z`?_-#(77UcY>Kb<={gk^bupm(}L}YP@aJxKXKF
zUFVUCdsOK^OS?5o_D7sso?q&^m+wXYW%uQ>z1n@-v$Os)EH(;RzdpF=`JcI|xl@hx
zZF`N@{%Sp(^jo@THCK<%!3kMXH+O8Z$r0Mybv1g2UTw(duv+d??JHA$$1_jRjro>Z
z^7yD6Z|$a^(FtZJw>6*KbG3MH=z|`izjtlggq}YOVrT8k4gDB(T1xUi!&Phjv-f4f
zt+)JVXj@un%6xJE8~;m_mxb~D%2XG7!M8wrL*jo1-si{t_m`hZET3{c&+tD(?vud0
zU)zps&7Yk6iPhy+*YEi&wy&L*Uwq^7Pt(~V*ZAV9^<w^mBCO^=gJx1q<eWhL!o2Kb
zGyXFeB&+q^d~)NprrNp`7B{_<g>grH?}tQd=U#vN+nLoh^lf^<`iY;!MW=o%tP{Br
zxbw%B<}GzM*7fdod~Wuip^Sg`K8K2r^WSoZOTRBvZ~t+=-}TS2!}~>>Bg6kRO|9Q#
zT%TC<dwq3c=6{Cv6Jl|Rhxb2VnOU{)cg*+m%bQkj%RfF%`*-{54(-pgWs2%7R)1Zd
za;9jtd(6UDiD@Tqs6Bf3?Vi*h>*{Boa<k_I-Jhww!tj+co6o69g|+hXIuUa&O#flw
z{N4KtkIOcf)3#xyy!A(mnAU%?ekUgq7PVvJ@>3??%mp58e$x~iv^TWB>j`Vz<5N#J
z{F$5_u4KL_-1NEh>(-ctRo@e5IaMTpLWe=)=bKZn^uKDeJk6V>|IJ=-d(7`^CD;Em
z{P2JF=O1TX;lp2R*8cVCXWFEHIp)@5-pzY=?TfS6@%O=Qp{FjUI)SG@?cFEX`htJ1
z-MhajyQ=MfY@bodb|Cn{zRUOi)IYWRA`*V<;!}J3TYCSJ5B^*GbA8HBJ9)K_{~2W7
zz5aWBf7s0zU`G%^aD4jRZ&kPI%ZFFJQzsU#XZq_Weg5><*})yc(|^2P@F96>%!)IQ
z{Z9Ao)xN^nsdb9`m1Ly4a_D1G(TZ}@D-zlLGLG|(CY^k-_fh8}q3LyBYcqZ|F5Y!=
zOKGSj)6?eYZA@30o*z#r7jdnL+~^fQ=iE;5rz_IVF8NtAyZyr=qi&gHQmW^)ds@$J
zPUL#qxY2)`FSz<*ES;-#HaA*x>95X>{h_bF>fQVuVIY=WxH`BynKf+dYOSQH=F6nM
z&M+6-e(l5chqv#Y>Gu`8^y%3#+j5ya$!pt;YGpQCF7%1WzO8rT%F7GSUGiiiXGrTl
zT>tE<MOn{vGxKYPp#j^nO%^R$b8K#=TF5-sFI%P_ee%>QPcPoL=+RnHqpvm@rJ@Ci
zAK1R*FRKtCoWXuq_7|7=><?#uKYaaCA!vWxi}x1-_uOyGzt11<$pkh=`|I1nzpPTm
zKW6^@@Qq`FX8ii>{ude-=N~!$zI}s3{ttv{cv<W^aUb?vyV~{3-orI+ef-S8O|$J=
zHY~o<J!6}ZPF85fLYp@!)~t3JW?L^V*idAhAo6Ob(K^NZ;Z;|2W-j;`T5$W!>OIS*
zDqefPhk1q2x=Zh8>8(tjSNi+NT<-Y%;MBrZPu6XEzWw~p>T9zLr(a9jaM5zZl?eUE
zUM)FUt%<(2g_al1jV?Xgn$~fxaCL@dQjrVTv0KhN-O*UxP-S28&ed;2!lo5_ukn=6
zdghTfHP+~O@9I>=qBqG`Yx1&ot;)F9`fGa5io;>c#iz-e_J~H5T*%YS&wYGu&&Gbe
z<q7-uvR!`dx24j*`R^k$X5I&&qTl!7e}=G6T93eGfBYwY`A>YHqF=rAr~ia^U-uh+
zo?~7Kb_F4V@dMAxZB`ps|I__G{bp|c^?Hl<b)sJ{8zrytd?sgn%VzS?J%4-aPuSF-
z(5Swj`E%dZd#~*3pZ=a=-y>gd!hHSw+A^J&f$MZQy>kBEul(F+pW3+2gL_Z+<adVK
z%e%97GN*phQS%CG{dK0k|Axhqvw;iKVz&Rf@oo3HM&IC5>jS687H(Tm)&2WyfuHF+
z4Ox>y|9ghpFMgW;nQ^XWOhADT|MLpl>(91n{&;zFyK2qVl<!AY@7I~VexJ-^_kiQB
zUt_(}4^6eR`8$8J-lb<TtsAP@C(JNfmU5~`=FEA2pF4Ntc1u^w$Fo!zJa%hmv$5(@
z{iW4WdU{n>_SLIeD_3nbIn_1g%IT7;rG?DT-}d(Uuk|_a?{kK)?_7_#Zl9j+bTge?
z-(H_GqdbYonKSZK&TQY8uy^}Rqf5`8T}oLk?JXIU?l<|o`uyqBuRcG(z`(%xLgdP=
z`BBpX1H&R@W#>w0PPsgJ%F8tow`NPtc#|BwUT4kv;A1oMYYtZD8_C9+n#Nd$nN2fV
z?AR<l&);5Le1+BDZ-rm}W}Vr+<?8-7HasFTmitY=G38>e^2Zz3uG>GqbFROx+c3SY
z<jHB*ZA<@Dw%xoFVI*p5J?rqI$-(;=w>|C6T5~#+&(-W~K#BW>+j4ViO-i>%&&dpb
zRjj_S?zDRPzo^uwQQ2}er>E*Jwb;0RTZ~4$>6H{Q9^b%(y-mp}b!yr3*q+9OZ8n>K
zHE8>bC2`Ad5zK(h52Qmk{n+gL^|(o{T=urN5~tade}Dg$-)LLJdh~rp_qT5;OXYR;
zg~x9`A<5W0ZKbrVUWCDw%IModug*m73C?|7uYdoX!r!;n`cpps+wpSRI?dZ<IjNg0
znGNip?z?Z>x9j2Jcdx~TD}+Ml=k9CSU*7-3AdOSse09(1>-$CD%RRc5mAPed$WQAT
znawqO@7KB(>!t2`dhztpzmC_BUSpHE@r!3oZ1<<M)cVlL2c7wrJvY6TYE`pha?rsS
zlYMgzhivX#dF}O-9kM#YGo+2)E8W$;(i@QOw_i48oAS{;{~1>J9nk+#U;WnJ>7B;b
z`e%Qdx77S+nDY0QMxpwgn*Ay5H*Kz;ut|R${o{VtC+>GoR|v4x|3mGON;urOapl*Q
zGhe=(Iq>4mi-Scs9zD8QoOJBUjVs5K)gHFaoZ0rs=XCWm?%S1<b@lRc)x0)t**I0L
z<fYB0%Ab|BaW&BVYyIcj;xBst87}==khe|hKf{ulTX;>M`Tsq4s_x>3$DUK_|Ax;F
zm&ku_|0?HVNbi4!?Rz#Pvu~e$TRV1J*H-DRS2}f@<hE?n|9tBD+2SX=vYfKcZM}Z=
z&K%R9YrlOAx>|TspZ|l~)R)_jObsy)(TyxSeldE&k{h89GqNv!J}Y<S%GH3WVS#~R
z;g>E2U4IEq)vKqAhFlHTUJOmu?SW4FT?6^RsoG-e)zXW}j?L0d=Ir9)OKhQDz(X+}
zkl$DQd)<C%`<F8BKRn>SZ~6CneDC}(ee4Y2#)EX-)pJdIBg)-b7U%5Sk~ROz8r4aA
zW*?ecxAS#YdDVyKVj^tzXOI6mvg&s1?b)IEtLoRTNT_*!qUI0(tTj`)avH91SjQfk
zcjE7beOVjYH_q-~Be7P!w=QJXHW^LlshdBC99!?&8!jT1&GLNd+Uyl;<0l55t+Wa@
zDPNr}QD%BIv_`9Vam<+=i(XXw{9PKWWjgtI<YuO84tM^{4*YWJ`@HK`Mnxe>r=D+#
z?@l<Hu(s9k`i*t_)B8U$v+MKB-V;4<T^ZZ_OFIJtmg}9nC(`!P_n?Wb)dky=uNb}?
z%Vs{?`-JDw!N5=dd=qx_@j5BlpTE5M-sM`?Q@)e0f1GCiDZ;bo50_opo!!sGMP**E
z`g^x|nrXVJxK&uS_f~noHQ~l)FYoBTdsg-!e!l#4sm&^vysngVi%ktZAueOM@pNzM
z*?n0F{@Z`cYft$k=Js{H*3BTp%f=rci0qlPV$a3UEAMoV{MgK{6qs~Jv)AyS{4uY;
z=Z_U$)Afxx{-S&DyGIARo^RAxdF_h+mGUy~>gd~c_v7WCztef6^Ry;%bIRvWfAK^r
zLW)52vexZgXTM;vTfMOTKDmQJtf-9w-v0=L2(V-dtFK?VnpSfA+VYj%+Mni5H?MW|
ztvu#yT5cUGw0ara`RjbzCTDCm?hX5z{dU?5k8M3yE~FKN$44w(d2UOume*5z9lPUx
z4trnSUv!%BKg08XI)Cq$t>A0|St};>?exm6s$VQGN|lRFW3{gA{<(FNY_zFqFK^G%
z@Vm3l>U*rYxZsvsxBA@Li>keqNBy36cVCS;wz}Hqu)kWW>k`R1AD`-ezEu7tvgGoA
zh6B9jfA1Eako*TSn;2Yl^gZ{X-pJs^U)q<xX8lnrb$#;>Z_~Z*JEtbg9lII!P59i-
z!|Q_|Hisrl6|+lktMl73S?p0NZ~4Not+UES*PHIK+GRa&xxd|wWvhOzI@9%K)4msz
zUhFSg_Gr#c-<V^oZmc>Ut2Vbab!OEglT+PKf8Xkyto1H)t>US5Th>ig<9TuC<IbNI
zdmWhy!m=}Lm(|K|vt51R(T3(3rhfO5nHL*}*v6j>SP>e%Cgx4Tt=fruGj^7G8!cI&
zztXcm`N*{8ZQ&aytyL|3^Qu19<W$$u2<;sQ|8mWn7XSF!e}?}Iv#MVIyXr7QLGwGh
zp!*lCs>u5O+5Z{-WxihjJCrG*^;$_cmuYs~^jB&-_eSX7woZ^uI1mwd?4n<2&(mnN
zHQ`+$7b9}S(qlpcZl8&tneS@kYO>nPDqB+Y&cvO|L&H74emeZ{=wGWB2QM=_&U==s
z8+JvezW-BB|Ma&%MZ4bqXE3l`S))}}dNbZ{_U7n1mxN=oKWk5Rb?$z7wQ2vX%V!^~
z$$MY0T5E^Gn?J<F8aZkhKmPeUf5Wx4iEF^^ndu+nq>pC*fwX7-b-n6(?`{Ka&z!El
z#(leTD!4s!?W~_~*p*XVQ?BbwH!Ustcc6g%efYiUyR3UtUOsAhK0!2O*2cf<PULu<
ztrxW|QVU<cvHGKJ?efh#+pVwNu6&@oW3jGj+>%I_buLeKY&^QoW=^i}sx3wV&JnWi
zdvEP^G)sN^*WXvN?%A%>+UKT({MBBaE&R>$s^GkNOY4lqTu)xN&+fk*(<uH#@8*=s
zuh;zSb{rF$Q~7e=neIvJCSNPEzkOCL`$o*~O}(M-qb27Qv(=TYjPF_=_ITE(=w%^U
zYeSopvkO_%_O`xy^$XlBy?xqa%f)Af*WEYn+&cHL^hLE}>H6l!4=`WQ+-9n1s<T&V
zvw`Yv)eXUB>J}^S+*oI-xm7RX*p9fg$i(H7`R=tgb={M(_R5~Mb7D@`o1|lN+5B1N
z@#)3;&u7T54)}ZWZ$c^CG4VxwR}6Bh{H0kxn;x^gec$EI-<XrhWvh>@KPr{ymAIvS
zLy7j6m<g|Lz6iNkY}B<TZPmMI$tjl?8(JJlS$5ycZuP9kS69a*J=>$H4eA<aEINOK
z?b|)w?t6UI8@ttK+19r7NnE`b+J9?z>Do5kQ=wl&ue_h~^;%(SnAQ{4nAZNFq@MiW
zxBd6(S7l#~j|q8f`GiBlJ7*KqyY0_vauy%;&-9;=XA~}b$c$x2(&FT~kdE=AWoOU5
z_f^xrbx7UJby?(-9cv2HJqx&qD~A~v7=%>62X8Yq{Ce#6tTM4Q?pH0UfAfM}SMS`p
zamzaI(3xv?biPVDHAnJN<zqelQ)MNEg_C{#kMixFyK>{q_G#v;?)|!yvg)l6>v#9M
zxwX&!7}q_Y^^2{+fq{X6-(lH}D=k+xed#)LVA`8$2YqhLd9=JZX~&giS9T^#J*=FW
z+BVO}x=M^oyQ1K&=DMtBt{Ycx?3OB#v=OSX*jZ~=!&ndQ5fYJOm>l-Kcz=04s3&>n
zbG+AI;gs*oUp@|syOaIy-Fn6K2aa0q=f9rlzFgF`T4I~g=69OAb9S^RPM?vm#x?qR
zLdoHr%+nF;LJy~IUM#havv}E~RqMiziPr3ScvJvnIotJL3Ym|?-j}*v{^Rb~w(sAh
zjWdLe<H}Z7hHuO|R#U;vYaF~c<=3CdY+8p?-51t=TeQAg=;G1BwSChrPuL{oCC$4w
zChfk@IfE@HK*kY)89SseFS_;kN_<Sr*ZK@$o7M7LYqYJhXPt}KdcNZ5yIndjPFs45
zZT4(VezcP@e8;&j;Ww%t+_-$_@{M~-cLkaze_M9c`p$j^x9O|oonk+~EV}ZxaKgvg
zY#~=qrEy-IyzQ|}VAb1=a}TXwchqTP)pPZ*;2RsGUq5EuyZh0t@}=q8MOUuJJ<)e&
z`lg+8YD&o+-)m8c`X7?mf?mE|u=D7<@0w|Q<*x7?oE&AHJ~<_3=~|0;1>22fUR7Uj
z<^8&IV`|>P{9EF$v{tOPZf)tGuzbz>HQgT;I`tkrB5;g#U%kqEZ~d#w7szkix9dLx
zpZk-!FH?VQ`NI6o{CfPu6M{!CuVub7ZvlU?;k9|$_Z-gYh|23fxyHTW!4)OtKYy)l
z-<n^ES#s01UNX5}wPnWn1B;*Mp5B*O7<g{i`nxwQlf#Nb^A{d>?lHY2&RZN6RkZ%8
z?}by{A09pL`6woDzi!v6-Ph0a-F|y$M)2Eh?R@vz`7cHvZZ^7hEk$bDnp0PU<Gy^2
X_l@=K-MCHr-UlM0X+$Vt{(lny+!#`i

diff --git a/Code/FeatExtraction/Results-FeatExtr/2016_03_18-Caltech-ClassLabels-Description.csv b/Code/FeatExtraction/Results-FeatExtr/2016_03_18-Caltech-ClassLabels-Description.csv
deleted file mode 100644
index dbb9defd..00000000
--- a/Code/FeatExtraction/Results-FeatExtr/2016_03_18-Caltech-ClassLabels-Description.csv
+++ /dev/null
@@ -1,102 +0,0 @@
-0;accordion
-1;airplanes
-2;anchor
-3;ant
-4;BACKGROUND_Google
-5;barrel
-6;bass
-7;beaver
-8;binocular
-9;bonsai
-10;brain
-11;brontosaurus
-12;buddha
-13;butterfly
-14;camera
-15;cannon
-16;car_side
-17;ceiling_fan
-18;cellphone
-19;chair
-20;chandelier
-21;cougar_body
-22;cougar_face
-23;crab
-24;crayfish
-25;crocodile
-26;crocodile_head
-27;cup
-28;dalmatian
-29;dollar_bill
-30;dolphin
-31;dragonfly
-32;electric_guitar
-33;elephant
-34;emu
-35;euphonium
-36;ewer
-37;Faces
-38;Faces_easy
-39;ferry
-40;flamingo
-41;flamingo_head
-42;garfield
-43;gerenuk
-44;gramophone
-45;grand_piano
-46;hawksbill
-47;headphone
-48;hedgehog
-49;helicopter
-50;ibis
-51;inline_skate
-52;joshua_tree
-53;kangaroo
-54;ketch
-55;lamp
-56;laptop
-57;Leopards
-58;llama
-59;lobster
-60;lotus
-61;mandolin
-62;mayfly
-63;menorah
-64;metronome
-65;minaret
-66;Motorbikes
-67;nautilus
-68;octopus
-69;okapi
-70;pagoda
-71;panda
-72;pigeon
-73;pizza
-74;platypus
-75;pyramid
-76;revolver
-77;rhino
-78;rooster
-79;saxophone
-80;schooner
-81;scissors
-82;scorpion
-83;sea_horse
-84;snoopy
-85;soccer_ball
-86;stapler
-87;starfish
-88;stegosaurus
-89;stop_sign
-90;strawberry
-91;sunflower
-92;tick
-93;trilobite
-94;umbrella
-95;watch
-96;water_lilly
-97;wheelchair
-98;wild_cat
-99;windsor_chair
-100;wrench
-101;yin_yang
diff --git a/Code/FeatExtraction/Results-FeatExtr/2016_03_18-Caltech-ClassLabels.csv b/Code/FeatExtraction/Results-FeatExtr/2016_03_18-Caltech-ClassLabels.csv
deleted file mode 100644
index a0badcd5..00000000
--- a/Code/FeatExtraction/Results-FeatExtr/2016_03_18-Caltech-ClassLabels.csv
+++ /dev/null
@@ -1,9144 +0,0 @@
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-0
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-1
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-2
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-3
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-4
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-5
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-6
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-7
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-8
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-9
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-10
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-11
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-12
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-13
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-14
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-15
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-16
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-17
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-18
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-19
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-20
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-21
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-22
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-23
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-24
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-25
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-26
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-27
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-28
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-29
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-30
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-31
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-32
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-33
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-34
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-35
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-36
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-37
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-38
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-39
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-40
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-41
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-42
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-43
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-44
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-45
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-46
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-47
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-48
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-49
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-50
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-51
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-52
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-53
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-54
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-55
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-56
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-57
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-58
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-59
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-60
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-61
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-62
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-63
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-64
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-65
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-66
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-67
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-68
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-69
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-70
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-71
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-72
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-73
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-74
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-75
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-76
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-77
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-78
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-79
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-80
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-81
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-82
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-83
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-84
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-85
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-86
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-87
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-88
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-89
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-90
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-91
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-92
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-93
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-94
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-95
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-96
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-97
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-98
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-99
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-100
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
-101
diff --git a/Code/FeatExtraction/Results-FeatExtr/2016_03_18-Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_12-Maxiter_100.csv b/Code/FeatExtraction/Results-FeatExtr/2016_03_18-Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_12-Maxiter_100.csv
deleted file mode 100644
index 548cf395..00000000
--- a/Code/FeatExtraction/Results-FeatExtr/2016_03_18-Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_12-Maxiter_100.csv
+++ /dev/null
@@ -1,9144 +0,0 @@
-0.001923076923076923183675290829;0.108653846153846156408206979904;0.033333333333333332870740406406;0.174999999999999988897769753748;0.023076923076923078204103489952;0.201282051282051288598751170866;0.003846153846153846367350581659;0.002564102564102564100340098108;0.026282051282051282353746657350;0.095833333333333339809634310313;0.186538461538461541877609306539;0.141666666666666662965923251249
-0.013829787234042552335200326752;0.117021276595744683213240477926;0.044680851063829789271419912211;0.162765957446808523512160604696;0.010992907801418439969753926277;0.158865248226950361853937465639;0.000709219858156028416622251864;0.017730496453900710523976513855;0.035815602836879435744155131260;0.137234042553191493141184764681;0.136524822695035463748780557580;0.163829787234042539845191299719
-0.006140350877192982462227099916;0.100292397660818710658503505329;0.024269005847953217802626113553;0.130409356725146197142350956710;0.014912280701754385484059106659;0.273391812865497074724885351316;0.001169590643274853822980441365;0.000000000000000000000000000000;0.028947368421052631359824403035;0.059649122807017541936236426636;0.175438596491228060436640134867;0.185380116959064339399176901679
-0.003749999999999999861222121922;0.107083333333333335923853724125;0.027500000000000000138777878078;0.147916666666666668517038374375;0.057916666666666664908813544344;0.182083333333333347026083970377;0.005000000000000000104083408559;0.002916666666666666799662133158;0.055833333333333332038073137937;0.067083333333333328152292551749;0.153749999999999997779553950750;0.189166666666666677398822571377
-0.007037037037037036958653235530;0.077407407407407410881994280771;0.081111111111111106053428443374;0.247777777777777791223812187127;0.035925925925925923654080662573;0.100370370370370373680479758605;0.011481481481481481399242738917;0.017037037037037038034181790636;0.038148148148148146308056283260;0.070370370370370374790702783230;0.093703703703703705718552896542;0.219629629629629619103070581332
-0.000617283950617283938035184665;0.115432098765432103459893653508;0.034567901234567897927885127274;0.127777777777777767909128669999;0.010802469135802468536144971267;0.256481481481481476958350640416;0.000925925925925925961262885622;0.000308641975308641969017592332;0.020679012345679013279431401884;0.091975308641975311862992725764;0.143518518518518517490534236458;0.196913580246913577642686732361
-0.000740740740740740703958178148;0.071111111111111111049432054187;0.023333333333333334397297065266;0.154074074074074085505259290585;0.051111111111111114102545371907;0.160000000000000003330669073875;0.000370370370370370351979089074;0.000370370370370370351979089074;0.037407407407407410049327012302;0.081481481481481488060580886668;0.105185185185185187117795635459;0.314814814814814825094657635418
-0.002430555555555555594104966133;0.109375000000000000000000000000;0.041666666666666664353702032031;0.187847222222222220988641083750;0.016319444444444445446729119453;0.164583333333333331482961625625;0.000694444444444444470947164216;0.002777777777777777883788656865;0.039236111111111110494320541875;0.141666666666666662965923251249;0.217361111111111116045435665001;0.076041666666666660190365689687
-0.001587301587301587300210536924;0.126190476190476186246769429999;0.026587301587301586519584972734;0.155952380952380953438307642500;0.016666666666666666435370203203;0.237698412698412686605564658748;0.001587301587301587300210536924;0.000793650793650793650105268462;0.021428571428571428769682682969;0.076984126984126988180179296251;0.182936507936507924965141569373;0.151587301587301576111244116873
-0.001111111111111111110147375847;0.125555555555555559132940857126;0.026296296296296296779448908865;0.149999999999999994448884876874;0.020000000000000000416333634234;0.225555555555555564684055980251;0.001851851851851851922525771243;0.001111111111111111110147375847;0.029999999999999998889776975375;0.069629629629629624654185704458;0.119999999999999995559107901499;0.228888888888888891726125507375
-0.006034482758620689571427142539;0.099712643678160919891162450313;0.049425287356321838394546119844;0.125287356321839071782164864999;0.014655172413793103244894489023;0.185344827586206906122612281251;0.001724137931034482734693469297;0.004597701149425287292515918125;0.028448275862068966857165719375;0.080172413793103441959075894374;0.166666666666666657414808128124;0.237931034482758624326592666876
-0.001111111111111111110147375847;0.104444444444444450859066364501;0.028888888888888887562789165031;0.251111111111111118265881714251;0.020000000000000000416333634234;0.202592592592592601885570502418;0.004074074074074073709139653943;0.012962962962962962590318660716;0.039259259259259257635044093604;0.090740740740740746805848004897;0.122222222222222218213083522187;0.122592592592592586342448157666
-0.014074074074074073917306471060;0.095185185185185192113799246272;0.045925925925925925596970955667;0.119629629629629627429743266021;0.017037037037037038034181790636;0.212592592592592583011779083790;0.005555555555555555767577313730;0.005555555555555555767577313730;0.082962962962962960578039428583;0.098518518518518519155868773396;0.190740740740740738479175320208;0.112222222222222223209087133000
-0.022101449275362318458437727031;0.093840579710144922387371479999;0.058695652173913044624686818906;0.141666666666666662965923251249;0.020289855072463766627599568437;0.143840579710144939040716849377;0.002898550724637681194617577773;0.006159420289855072755402787266;0.056884057971014492793848660313;0.087318840579710149674141916876;0.131159420289855083163743643127;0.235144927536231895803808811252
-0.003472222222222222029475169336;0.156944444444444441977282167500;0.039583333333333331482961625625;0.176388888888888900607909704377;0.022222222222222223070309254922;0.172569444444444441977282167500;0.001388888888888888941894328433;0.002777777777777777883788656865;0.045486111111111109106541761093;0.125000000000000000000000000000;0.157986111111111104943205418749;0.096180555555555560798275394063
-0.005666666666666667073748442363;0.160333333333333327708203341899;0.038666666666666668628060676838;0.135666666666666657636852733049;0.013333333333333334189130248149;0.184666666666666673402019682726;0.002333333333333333526465880325;0.007000000000000000145716771982;0.035333333333333334647097245806;0.105666666666666672624863565488;0.154999999999999998889776975375;0.156333333333333324155489663099
-0.007861635220125786152611802038;0.086792452830188673851274927529;0.055031446540880504803006090242;0.129245283018867923585659696073;0.040880503144654085911913199425;0.156603773584905653359911070766;0.006603773584905660645749669868;0.006289308176100629269034136826;0.057232704402515724440014821539;0.104402515723270444825132585720;0.144654088050314461044720815153;0.204402515723270450376247708846
-0.001818181818181818180241160476;0.129696969696969699459287994614;0.022121212121212121409774553626;0.122121212121212116552548820891;0.014242424242424242195048655901;0.284242424242424240876658814159;0.000606060606060606060080386825;0.000606060606060606060080386825;0.021818181818181819897617401693;0.070909090909090907728362651596;0.193939393939393939225723784148;0.137878787878787878451447568295
-0.000000000000000000000000000000;0.119281045751633993368123753953;0.042156862745098042100089230644;0.135294117647058814712934804447;0.069934640522875818335890585331;0.167647058823529399029794717535;0.003594771241830065165029362007;0.000653594771241830020148955160;0.077450980392156865139696719780;0.080392156862745103862444295828;0.106209150326797382990484663878;0.197385620915032672373357058859
-0.005555555555555555767577313730;0.134074074074074067741690896582;0.050740740740740739034286832521;0.122222222222222218213083522187;0.014444444444444443781394582516;0.193703703703703711269668019668;0.008148148148148147418279307885;0.004074074074074073709139653943;0.045925925925925925596970955667;0.076296296296296292616112566520;0.173703703703703693506099625665;0.171111111111111102722759369499
-0.003546099290780141757850607576;0.124468085106382977955696844674;0.039007092198581561071080159309;0.133333333333333331482961625625;0.018439716312056736446933769002;0.190070921985815599608571346835;0.006028368794326241161818380476;0.002482269503546099403967772901;0.030496453900709218770570529955;0.087943262411347519758031410220;0.195744680851063834747805003644;0.168439716312056730895818645877
-0.002083333333333333304421275400;0.102083333333333331482961625625;0.028571428571428570536427926640;0.138392857142857150787307318751;0.014285714285714285268213963320;0.244642857142857134133961949374;0.000297619047619047645894529985;0.006547619047619047775998790684;0.019642857142857142460634634062;0.087797619047619041010577234374;0.166369047619047610853115770624;0.189285714285714279370154144999
-0.011949685534591195784637207566;0.093396226415094332762301121420;0.043710691823899368302352996807;0.132704402515723268729530559540;0.020754716981132074332672132755;0.180188679245283006613576048949;0.004088050314465408764663667540;0.005345911949685534271525799710;0.035849056603773583884464670746;0.084905660377358485590981729274;0.164465408805031437777799396827;0.222641509433962270225748625307
-0.005932203389830508627467153815;0.137288135593220339547571029470;0.038700564971751415244138883054;0.126553672316384174800774076175;0.014406779661016949276031162697;0.183050847457627119396761372627;0.002259887005649717593019909501;0.005932203389830508627467153815;0.031355932203389828838435704483;0.117796610169491527964069632617;0.122316384180790965752194665583;0.214406779661016955174090981018
-0.005345911949685534271525799710;0.127044025157232703948650964776;0.027987421383647799466576344685;0.149371069182389931695453810789;0.015094339622641509551792537991;0.177358490566037724223136251567;0.000628930817610062861851283333;0.004088050314465408764663667540;0.030503144654088050480300609024;0.100943396226415099681261722253;0.158490566037735841620204269020;0.203144654088050324869385576676
-0.009863945578231291672066660681;0.128571428571428558740308289998;0.021768707482993195773124384118;0.215986394557823119244588383481;0.006462585034013605157776627408;0.225850340136054428263889803929;0.001700680272108843473985451134;0.003061224489795918209805725141;0.024149659863945578675004099978;0.082653061224489801639414565670;0.150680272108843549272449990895;0.129251700680272113563873404019
-0.001000000000000000020816681712;0.096666666666666664631257788187;0.044999999999999998334665463062;0.249666666666666675622465731976;0.018999999999999999528155214534;0.169000000000000011324274851177;0.002333333333333333526465880325;0.005000000000000000104083408559;0.029999999999999998889776975375;0.105333333333333334369541489650;0.123999999999999999111821580300;0.152999999999999997113420135975
-0.005059523809523809763366575254;0.138095238095238104225614961251;0.032142857142857139685077072500;0.104166666666666671292595935938;0.016964285714285712997062560703;0.211011904761904761640423089375;0.002083333333333333304421275400;0.008333333333333333217685101602;0.037797619047619045173913576718;0.098214285714285712303173170312;0.141666666666666662965923251249;0.204464285714285709527615608749
-0.014102564102564102768710974090;0.108653846153846156408206979904;0.076282051282051288598751170866;0.131730769230769234612310469856;0.030128205128205128721097239008;0.111217948717948711401248829134;0.003205128205128205017004905386;0.010576923076923077510214099561;0.057692307692307695510258724880;0.099679487179487186176984891972;0.140705128205128204843532557788;0.216025641025641035319893035194
-0.002564102564102564100340098108;0.140384615384615385469402326635;0.034615384615384617306155234928;0.178525641025641029768777912068;0.033333333333333332870740406406;0.172115384615384614530597673365;0.001602564102564102508502452693;0.001602564102564102508502452693;0.041987179487179483727832263185;0.089743589743589743945584302764;0.119871794871794876136128493727;0.183653846153846167510437226156
-0.001436781609195402278911224414;0.145402298850574707156368958749;0.047988505747126437850358371406;0.125862068965517243102070210625;0.018390804597701149170063672500;0.191954022988505751401433485626;0.002586206896551724102040203945;0.003735632183908045925169183477;0.042241379310344828734713473750;0.095114942528735632598646532188;0.119827586206896555265366544063;0.205459770114942541496816375002
-0.012745098039215686097636037744;0.095751633986928111341718761196;0.030065359477124183745777585841;0.126143790849673198550817687646;0.021241830065359477985875713557;0.242810457516339867067856062022;0.001307189542483660040297910321;0.003594771241830065165029362007;0.039215686274509803377341654596;0.079411764705882348369669898602;0.160784313725490207724888591656;0.186928104575163400724591156177
-0.015094339622641509551792537991;0.107232704402515727215572383102;0.057547169811320755816730354582;0.134591194968553456989823757795;0.032075471698113207363878274236;0.165408805031446531907945995954;0.006289308176100629269034136826;0.005345911949685534271525799710;0.065094339622641508857903147600;0.095597484276729566277097660532;0.114465408805031448880029643078;0.201257861635220136609092378421
-0.012345679012345678327022824305;0.071604938271604939847847504097;0.066666666666666665741480812812;0.163888888888888889505679458125;0.013888888888888888117900677344;0.134567901234567910417894154307;0.002777777777777777883788656865;0.014814814814814815380206169948;0.054938271604938269943030348941;0.123456790123456783270228243055;0.204629629629629633535969901459;0.136419753086419764942505139516
-0.013333333333333334189130248149;0.078333333333333338144299773376;0.044166666666666666574148081281;0.418750000000000011102230246252;0.006666666666666667094565124074;0.089583333333333334258519187188;0.001250000000000000026020852140;0.013333333333333334189130248149;0.029583333333333333009518284484;0.102916666666666670182372911313;0.122499999999999997779553950750;0.079583333333333339254522798001
-0.002564102564102564100340098108;0.098717948717948714176806390697;0.039316239316239315337853099663;0.180769230769230765387689530144;0.016666666666666666435370203203;0.181623931623931617052036813220;0.004273504273504273934247699174;0.001282051282051282050170049054;0.048717948717948718340142733041;0.080769230769230773714362214832;0.171367521367521369324293800673;0.173931623931623924317335649903
-0.011564625850340135362892546311;0.104081632653061223470203344732;0.044897959183673466498909476741;0.127210884353741504604329293215;0.014285714285714285268213963320;0.163945578231292521387274518929;0.001360544217687074735820274007;0.001360544217687074735820274007;0.035714285714285712303173170312;0.091156462585034014889373565893;0.187755102040816329589389965804;0.216666666666666674068153497501
-0.028368794326241134062804860605;0.108865248226950359078379904076;0.056737588652482268125609721210;0.216666666666666674068153497501;0.015602836879432624081487368528;0.150709219858156023841289083975;0.004609929078014184111733442251;0.012765957446808509981317492077;0.042907801418439715790409394458;0.082978723404255314011201960511;0.132624113475177302090557418524;0.147163120567375876879268048469
-0.004081632653061224857982125513;0.142857142857142849212692681249;0.025510204081632653627664808482;0.229251700680272119114988527144;0.009523809523809524668624959531;0.188095238095238093123384715000;0.001360544217687074735820274007;0.001700680272108843473985451134;0.028911564625850341009316579743;0.092176870748299319369145621295;0.124489795918367340821220068392;0.152040816326530603408428987677
-0.009689922480620154904285001862;0.127131782945736432344219224433;0.039147286821705429282758359477;0.206589147286821706028803191657;0.014341085271317829258341802756;0.180232558139534870811360178777;0.003100775193798449569371200596;0.003488372093023255765542600670;0.041472868217054266459786759924;0.076356589147286824115212766628;0.155038759689922478468560029796;0.143410852713178299522311931469
-0.003191489361702127495329373019;0.137588652482269507837386868232;0.042553191489361701094207290907;0.174113475177304966035052302686;0.017375886524822695827774410304;0.176950354609929083604669131091;0.002836879432624113666489007457;0.001063829787234042570723269172;0.027304964539007093443645501907;0.088297872340425534454233513770;0.155673758865248229588118533684;0.173049645390070921946445992035
-0.004761904761904762334312479766;0.110317460317460314112025798750;0.034523809523809526056403740313;0.144444444444444430875051921248;0.010317460317460317234528055508;0.226190476190476191797884553125;0.001984126984126984016842953906;0.002777777777777777883788656865;0.041666666666666664353702032031;0.104365079365079369000390840938;0.188888888888888883954564334999;0.129761904761904772742653335627
-0.005038759689922480550228200968;0.083720930232558138373022416090;0.055038759689922479856338810578;0.177131782945736421241988978181;0.020542635658914728397084203948;0.127131782945736432344219224433;0.003100775193798449569371200596;0.005426356589147286746399601043;0.049612403100775193109939209535;0.113565891472868218947667173779;0.192248062015503873301014436947;0.167441860465116276746044832180
-0.020325203252032519873893079421;0.050000000000000002775557561563;0.053252032520325204290045917332;0.193089430894308938801984254496;0.008130081300813008990391317354;0.122357723577235774636839948926;0.002032520325203252247597829339;0.027642276422764226750938831856;0.041869918699186992050442768232;0.113414634146341467002550018606;0.198373983739837389528304356645;0.169512195121951231291390627121
-0.027350427350427350403627713149;0.088034188034188040616889736611;0.038034188034188030902438271141;0.197435897435897428353612781393;0.010683760683760683968257509946;0.170085470085470091827772876059;0.001282051282051282050170049054;0.012393162393162392501122504029;0.035470085470085468970502518005;0.107692307692307698285816286443;0.188034188034188032290217051923;0.123504273504273509587392254616
-0.006060606060606060600803868255;0.092424242424242422644375949403;0.068181818181818176771713524431;0.143030303030303035383141718739;0.027878787878787877896336055983;0.127575757575757564588059267408;0.006363636363636363847684496164;0.002727272727272727487202175212;0.064545454545454544748039893420;0.091515151515151521577351445558;0.185454545454545455251960106580;0.184242424242424235325543691033
-0.013605442176870747791883609068;0.120748299319727886436126595981;0.066666666666666665741480812812;0.120408163265306122902131846786;0.012925170068027210315553254816;0.201700680272108856527779607859;0.003061224489795918209805725141;0.002040816326530612428991062757;0.054421768707482991167534436272;0.080952380952380956213865204063;0.104081632653061223470203344732;0.219387755102040810095687106696
-0.014492753623188405973087888867;0.097101449275362322621774069376;0.052898550724637678766004711406;0.131159420289855083163743643127;0.029710144927536232678511041172;0.155072463768115953453019528752;0.001449275362318840597308788887;0.003985507246376811425758734941;0.054710144927536230596842870000;0.078260869565217397458845027813;0.144202898550724628590202769374;0.236956521739130426817965258124
-0.005797101449275362389235155547;0.135869565217391297107241143749;0.045652173913043478381545980938;0.144565217391304345895264305000;0.025000000000000001387778780781;0.159057971014492760541969573751;0.003260869565217391127104340498;0.004710144927536232158093998379;0.036956521739130436532416723594;0.121376811594202896338323682812;0.146014492753623187359934831875;0.171739130434782616418942780001
-0.016346153846153847061239972049;0.105448717948717948789116860553;0.052564102564102564707493314700;0.137820512820512830476360477405;0.022435897435897435986396075691;0.158333333333333325931846502499;0.004166666666666666608842550801;0.007051282051282051384355487045;0.040064102564102567483050876262;0.087820512820512813823015108028;0.170512820512820517659946517597;0.197435897435897428353612781393
-0.011666666666666667198648532633;0.088611111111111112714766591125;0.063611111111111104388093906437;0.170555555555555543589818512373;0.028611111111111111465765688422;0.099166666666666666851703837438;0.004722222222222222272336455973;0.015555555555555555108382392859;0.061388888888888888673012189656;0.108333333333333337034076748751;0.123055555555555556912494807875;0.224722222222222212106856886749
-0.014682539682539682418527249297;0.090079365079365078528006449687;0.059523809523809520505288617187;0.154365079365079371775948402501;0.067063492063492061157070622812;0.116269841269841273101448564375;0.010714285714285714384841341484;0.015873015873015872134743631250;0.065476190476190479494711382813;0.061111111111111109106541761093;0.133333333333333331482961625625;0.211507936507936505909910351875
-0.006439393939393939225723784148;0.105681818181818182322828647557;0.028030303030303030387138107926;0.146212121212121209934409193920;0.012878787878787878451447568295;0.207575757575757580131181612160;0.001136363636363636308440616673;0.000757575757575757575100483532;0.029545454545454544886817771498;0.078409090909090914389700799347;0.160606060606060613293877281649;0.222727272727272718189084343976
-0.001162790697674418588514200223;0.103875968992248060573935219963;0.053875968992248064737271562308;0.160465116279069758276065726932;0.039147286821705429282758359477;0.158139534883720928037931230392;0.006201550387596899138742401192;0.000000000000000000000000000000;0.051162790697674417894624809833;0.079457364341085273684583967224;0.143023255813953475978905771626;0.203488372093023256459431991061
-0.012222222222222222862142437805;0.082222222222222224319310157625;0.051111111111111114102545371907;0.130370370370370358692468926165;0.020370370370370372015145221667;0.144074074074074076623475093584;0.002222222222222222220294751693;0.001111111111111111110147375847;0.042222222222222223486642889156;0.086666666666666669627261399000;0.132222222222222213217079911374;0.295185185185185161582666069080
-0.042424242424242426807712291748;0.110984848484848491745324849944;0.196969696969696961286189207385;0.080681818181818187873943770683;0.015151515151515151935690539631;0.028030303030303030387138107926;0.115151515151515157486805662757;0.122348484848484845288751898806;0.056060606060606060774276215852;0.086742424242424245872662424972;0.060227272727272726515757028665;0.085227272727272720964641905539
-0.074741408074741402800533762729;0.073073073073073077643435624395;0.185518852185518862141222484752;0.067400734067400727700380969054;0.024024024024024023815648831714;0.027360694027360694946526820104;0.032699366032699364592595259182;0.057057057057057054827442499345;0.112112112112112111139694548001;0.150483817150483811797556654710;0.104437771104437776559237249785;0.091091091091091092035725296228
-0.047947832757959336913433645577;0.167242040659762170040636419799;0.149213655542769468853592229607;0.122362869198312240737180900396;0.027617951668584578284182384778;0.034906022247794397939113508755;0.113540467970847713807813761377;0.051400076716532412668403395628;0.046797084771768318600670966134;0.066359800537015720123257267460;0.069044879171461445710455961944;0.103567318757192175504577846823
-0.014519731943410276245320922328;0.151526433358153383990085671940;0.106850335070737156861753192061;0.104244229337304539217967658260;0.048399106478034248368658154504;0.064035740878629926475795741680;0.178332092330603125818200282993;0.050632911392405062500632340061;0.054728220402084887252769362931;0.025688756515264334762127518275;0.048771407297096051880469502748;0.152271034996277004891496176242
-0.046413502109704643516785438351;0.164205344585091422837663799328;0.137834036568213774698321572032;0.087201125175808719136583135878;0.033755274261603372687456925405;0.046765119549929679010347172152;0.167369901547116728401931595727;0.031293952180028131171418692702;0.041490857946554146606921165130;0.042897327707454288581168100336;0.066104078762306617278454723419;0.134669479606188469134053775633
-0.075527426160337557403678943047;0.082700421940928275921223189471;0.143881856540084396289813639669;0.156540084388185646302460440893;0.030801687763713080092653484598;0.030379746835443036806490013646;0.083966244725738395371372746467;0.127004219409282692598850417198;0.066666666666666665741480812812;0.075527426160337557403678943047;0.061603375527426160185306969197;0.065400843881856546291331255816
-0.046413502109704643516785438351;0.092827004219409287033570876702;0.151476793248945140746286597278;0.160337552742616046286272535326;0.025738396624472574536479640983;0.027848101265822784028403091838;0.083122362869198315737939708470;0.145991561181434609251184042478;0.052742616033755275462002742870;0.081434599156118142593285824660;0.056540084388185654629133125582;0.075527426160337557403678943047
-0.004219409282700421585932115676;0.179746835443037961121959256161;0.134599156118143464810898990436;0.102109704641350204634697718120;0.029113924050632910417446552742;0.051054852320675102317348859060;0.162447257383966231492067322506;0.088185654008438821294113552085;0.039662447257383964815957710925;0.032067510548523206481696945502;0.067510548523206745374913850810;0.109282700421940923152241964544
-0.064825469888761033665502964141;0.138473341004986566504797451671;0.158036056770233995782959368626;0.146528576908323743266393535123;0.027234369006520906669743808948;0.029152282316839278619724495911;0.130418105101649417498776983848;0.084771768316072110271974793250;0.036823935558112773358541147672;0.052934407364787113003945506762;0.052934407364787113003945506762;0.077867280398925972639823100963
-0.076785714285714290472384391251;0.117410714285714284921269268125;0.164732142857142854763807804375;0.094642857142857139685077072500;0.024553571428571428075793292578;0.021428571428571428769682682969;0.116517857142857145236192195625;0.052678571428571428769682682969;0.091071428571428567066980974687;0.108928571428571430157461463750;0.065625000000000002775557561563;0.065625000000000002775557561563
-0.053030303030303031774916888708;0.122348484848484845288751898806;0.180681818181818193425058893808;0.081060606060606055223161092727;0.029166666666666667129259593594;0.024242424242424242403215473018;0.121590909090909096712529446904;0.111363636363636359094542171988;0.059469696969696971000640672855;0.082196969696969698904176482301;0.051136363636363639517679047231;0.083712121212121209934409193920
-0.136290322580645162364731959315;0.042338709677419351928850943523;0.143548387096774199278570449678;0.066532258064516125450893468951;0.016129032258064515681361683619;0.027822580645161291978961770610;0.035483870967741935886774484743;0.069758064516129036913838490364;0.127016129032258062725446734476;0.181048387096774204829685572804;0.086290322580645159589174397752;0.067741935483870974188391755888
-0.080872011251758094130259735266;0.084388185654008435188089265466;0.177566807313642743837434068155;0.139943741209563987659691974841;0.047819971870604778552138469649;0.025316455696202531250316170031;0.109704641350210976846746291358;0.100562587904360054014141212519;0.059423347398030942900781781191;0.070323488045007029323407721222;0.035161744022503514661703860611;0.068917018284106887349160786016
-0.069354838709677416042076458780;0.048790322580645160976953178533;0.218548387096774182625225080301;0.083870967741935489869753439507;0.020564516129032258534570232200;0.022177419354838710796595790953;0.072983870967741934498995703962;0.095161290322580638356697591007;0.078225806451612908687387459850;0.122177419354838709408817010171;0.109677419354838712184374571734;0.058467741935483867610212627142
-0.024698795180722890596491936321;0.142469879518072300994546708353;0.215662650602409633471268080029;0.001506024096385542247050759457;0.036445783132530121251058119469;0.037349397590361446686024748942;0.163855421686746993703565067335;0.132530120481927721209913784151;0.049096385542168677340590932090;0.036746987951807232042344963929;0.044277108433734939374470940265;0.115361445783132524067760016351
-0.096925858951175405953115671309;0.063652802893309226583973270408;0.150452079566003621424741254486;0.120433996383363467463922802381;0.026401446654611211012353422234;0.017359855334538879662042987206;0.115732368896925855161761376166;0.140325497287522610312393567256;0.061844484629294753375017279495;0.092224231464737793650954245095;0.060036166365280287104955192490;0.054611211573236888294768931473
-0.019444444444444444752839729063;0.123958333333333337034076748751;0.188541666666666662965923251249;0.064236111111111104943205418749;0.032291666666666669904817155157;0.029513888888888888117900677344;0.184375000000000011102230246252;0.155208333333333337034076748751;0.038888888888888889505679458125;0.027777777777777776235801354687;0.034722222222222223764198645313;0.101041666666666668517038374375
-0.094032549728752259921016332100;0.071247739602169984918234035831;0.172875226039783003173511133355;0.162025316455696205553138611322;0.019168173598553345932105074212;0.023146473779385171726241665624;0.109222423146473776589537862947;0.112477396021699815875649619556;0.058589511754068714088905522885;0.081735985533453889284594140463;0.043761301989150090674396409440;0.051717902350813742262669592265
-0.051931191171697498043524632294;0.075624797143784491804119340941;0.131450827653359303415214753841;0.192794547224926976491943264591;0.042843232716650435365490778850;0.037650113599480686255027706011;0.119766309639727355773608508116;0.156118143459915620363531729708;0.057773450178513471864327755156;0.040246673158065564279706194384;0.035378123985718920585519242650;0.058422590068159689635773901273
-0.041930379746835444443320284336;0.121439873417721513892963969283;0.161787974683544305554150355420;0.152689873417721527770751777098;0.030854430379746836804466525450;0.034414556962025319442055604213;0.152294303797468361105771350594;0.064477848101265819447114324703;0.046677215189873416667509786748;0.045886075949367090276442837649;0.055379746835443034724821842474;0.092167721518987347217866101801
-0.022458146182115147626578988138;0.141282155982033474916903514895;0.174356880359330335128476008322;0.177623519804001622768296897448;0.033891384238464682121527715708;0.040016333197223356854532738680;0.131482237648019611997440847517;0.043282972641894651433247531713;0.024908125765618620295338558890;0.041241322988975093188912524056;0.066966108615761535394206305227;0.102490812576561868274538369405
-0.052378873854212130989349560650;0.043212570929725011015243296697;0.211697948494107363037741720291;0.179397642950676561302003619858;0.009602793539938890565732521054;0.013094718463553032747337390163;0.074203404626800528731678241456;0.128764731558271505740265183704;0.043212570929725011015243296697;0.078568310781318206892365196836;0.137058053251855077592225029548;0.028808380619816675166644515116
-0.077355836849507739194642397251;0.087201125175808719136583135878;0.215658696671354899176975550290;0.150023441162681681060320215693;0.012189404594467885545316931939;0.015002344116268167759087326374;0.112517580872011246917452353955;0.140178152836380687240591669251;0.029067041725269571889045394641;0.046413502109704643516785438351;0.045944678856071258232773857344;0.068448195030473515942937012824
-0.028308823529411764746699375905;0.049632352941176467731043686626;0.252205882352941168633719826175;0.110661764705882348369669898602;0.012867647058823528799509361420;0.017647058823529411519803744568;0.045955882352941179735950072427;0.120588235294117648854772539835;0.061029411764705880638626211976;0.127573529411764696739339797205;0.092279411764705887577520115883;0.081250000000000002775557561563
-0.057574520212331566082486489222;0.109840751327072272403029273846;0.136382196815026529579384373392;0.081665986116782357528975921923;0.064924458962841977149871297570;0.035933033891384240365862723365;0.143732135565536961463450893461;0.062882809309922418905536289913;0.075541037158023682795970898951;0.073091057574520210127211328199;0.039199673336055534944577516399;0.119232339730502248653642993759
-0.042338709677419351928850943523;0.118951612903225811823659796573;0.137903225806451618096204470021;0.070161290322580643907812714133;0.060887096774193551207421393201;0.045967741935483870385770188705;0.139112903225806439078127141329;0.072177419354838706633259448608;0.079435483870967743547097938972;0.068145161290322581182365979657;0.041935483870967744934876719753;0.122983870967741937274553265524
-0.056743780008729809150036516030;0.104757747708424261978699121300;0.225665648188563938703055100632;0.081623745089480573278173380913;0.016586643387167174928942259271;0.036228721082496723182586606526;0.132256656481885642717699624882;0.125709297250109125476669191812;0.033609777389786120449510775643;0.054124836316019206416960685146;0.067656045395024011490647808387;0.065037101702313401818678073596
-0.018965517241379310081628162266;0.101293103448275856326432631249;0.282327586206896574694269475003;0.045258620689655172653065307031;0.014224137931034483428582859688;0.026724137931034484122472250078;0.134913793103448281796019614376;0.153017241379310331428342806248;0.034913793103448276244904491250;0.044396551724137929550995096406;0.064224137931034486204140421250;0.079741379310344834285828596876
-0.064290473017988014614587655160;0.072951365756162553366515055586;0.121918720852764825290925898571;0.120919387075283144006299096418;0.058960692871419057015103248887;0.034310459693537638525828725733;0.193537641572285146196463756496;0.072285143237841437136026456756;0.081945369753497671050368467149;0.045303131245836111840041837695;0.050632911392405062500632340061;0.082944703530979352334995269302
-0.144290123456790125855420114931;0.031635802469135804182442939236;0.092592592592592587452671182291;0.147633744855967086184733716436;0.018775720164609054768645179934;0.034722222222222223764198645313;0.028034979423868313513912298163;0.105195473251028806527251902025;0.103395061728395062927710057465;0.168724279835390955639695675927;0.088220164609053491888701614698;0.036779835390946501172404481395
-0.049789029535864975928305398156;0.152320675105485220379719635275;0.105485232067510550924005485740;0.127426160337552746293354744012;0.030801687763713080092653484598;0.070886075949367091664221618430;0.125316455696202533331984341203;0.052320675105485228706392319964;0.057383966244725741201460067487;0.038818565400843885182524672928;0.068354430379746838886134696622;0.121097046413502107409243535585
-0.042721518987341770834387233435;0.099683544303797472219130781923;0.193433544303797472219130781923;0.159414556962025305564267796399;0.022547468354430378473240992321;0.022151898734177215277707517771;0.132515822784810138879052487937;0.088607594936708861110830071084;0.037579113924050631945217304519;0.053797468354430381942687944274;0.058148734177215187501897020184;0.089398734177215194440790924091
-0.030117852466171976533182430558;0.141859450021824540222326049843;0.171104321257092961694468158385;0.167175905718027068003195267920;0.014404190309908337583322257558;0.028371890004364904575018258015;0.152771715408118735624043438293;0.094718463553033607760234247053;0.037974683544303798610197731023;0.047140986468790918584303994976;0.041466608467917942526526076108;0.072893932780445216956799470154
-0.056721056721056720140161644395;0.162393162393162399093071712741;0.113053613053613055683399579721;0.175213675213675201813856574518;0.057498057498057496272902966439;0.041181041181041183607547395695;0.126651126651126655353607475263;0.026029526029526028202409904111;0.049728049728049728006595842089;0.032634032634032632269605045394;0.057109557109557111675979257370;0.101787101787101791350309554218
-0.023044466082440765580807706669;0.105485232067510550924005485740;0.161960402466731573367653140849;0.193768257059396292740771627905;0.031807854592664719373118487056;0.030509574813372280360779242869;0.122687439143135346153457021501;0.084063615709185329771813144362;0.048360921778643296831123876700;0.055501460564751706194819291795;0.061343719571567673076728510750;0.081467056150600458686028559896
-0.060759493670886073612980027292;0.058951175406871607342917940286;0.187703435804701640465808054614;0.142133815551537062704667846447;0.017721518987341772916055404608;0.015913200723327306645993317602;0.120433996383363467463922802381;0.215189873417721527770751777098;0.033273056057866186308036304808;0.058589511754068714088905522885;0.048824593128390596230570253056;0.040506329113924051388284652830
-0.079801871216290592991882135721;0.050632911392405062500632340061;0.091359383599339566428554348931;0.282333516785910842994411495965;0.032471106219042374096961367513;0.025866813428728673007750415991;0.074848651623555306766633066218;0.178866263070996150963409832002;0.062190423775454042876198457179;0.047330764997248211956026864300;0.037424325811777653383316533109;0.036873968079251515095329239102
-0.049929676511954991513508872458;0.134317862165963419762704234017;0.157876230661040783953552590901;0.154008438818565407402161326900;0.044303797468354430555415035542;0.029535864978902953703610023695;0.084388185654008435188089265466;0.101969057665260195988388147725;0.049226441631504920526385404855;0.069971870604781993829845987420;0.041490857946554146606921165130;0.082981715893108293213842330260
-0.073212452959288396026060752320;0.113581936366746488742407450445;0.098871022921655837834009616927;0.167978104686965445946356112472;0.050632911392405062500632340061;0.042764283270612386822495665228;0.120424221690044477850456416945;0.029763941156346219313322265521;0.068764967499144707963054656830;0.070475538829969208709513850408;0.051659254190899762948507856208;0.111871365035922001873736064681
-0.083023082650781829250341559145;0.077438570364854797389853047207;0.106105733432613549838130495573;0.227848101265822777783398578322;0.036857781087118395013657590198;0.032017870439314963237897870840;0.126209977661950856209216453863;0.088979895755770657683747515421;0.051749813849590466097172480886;0.062546537602382726306338156519;0.044303797468354430555415035542;0.062918838421444522879255600856
-0.023605884365378037442750880359;0.192610331850838173428641653118;0.154977762572699268028841856903;0.139240506329113916672568507238;0.036948340745809098162322214876;0.044132740335271980480769116184;0.133766678070475542039474703415;0.044132740335271980480769116184;0.036948340745809098162322214876;0.030448169688676016142458990998;0.052001368457064656158905791017;0.111187136503592201575152387250
-0.045262754123513618265128855001;0.038358266206367473694083258806;0.275028768699654757590167264425;0.126582278481012666659921706014;0.018795550441120061763156101620;0.009589566551591868423520814702;0.052167242040659762836174451195;0.193325661680092047989276693443;0.034522439585730722855227980972;0.075949367088607597220395462045;0.083237437667817409936432682116;0.047180667433831993684556493918
-0.074798619102416571968738878695;0.108553893364019951595089708007;0.138473341004986566504797451671;0.131185270425776767666548039415;0.037591100882240123526312203239;0.027617951668584578284182384778;0.126198695818948991576036178230;0.082470272343690059768661626549;0.066743383199079395207142795243;0.081703107019562709600890570982;0.057537399309551207071677936256;0.067126965861143070291028323027
-0.033012820512820513496610175252;0.125961538461538458122390693461;0.144230769230769217958965100479;0.103205128205128199292417434663;0.043269230769230768163247091707;0.055769230769230772326583434051;0.115064102564102557768599410792;0.075961538461538455346833131898;0.070833333333333331482961625625;0.067307692307692304489741275120;0.050320512820512822149687792717;0.115064102564102557768599410792
-0.057986111111111113269878103438;0.151041666666666657414808128124;0.161805555555555563573832955626;0.118055555555555552471602709375;0.039236111111111110494320541875;0.033680555555555553859381490156;0.093402777777777779011358916250;0.086805555555555552471602709375;0.048263888888888890893458238907;0.050000000000000002775557561563;0.073958333333333334258519187188;0.085763888888888889505679458125
-0.029980013324450365680418073566;0.141572285143237830418172507052;0.111259160559626910091957086024;0.245502998001332434219179390311;0.029646902065289807565173774151;0.032311792138574282895469025334;0.092938041305796137425687675204;0.089273817455029977341318669914;0.027648234510326448465367121798;0.045636242504996669955286137110;0.071285809460359755851399654603;0.082944703530979352334995269302
-0.040659762178749517258502521599;0.177982355197545072389431197735;0.130418105101649417498776983848;0.155734560797851945279646201925;0.032220943613348679290808718179;0.042961258151131567761815688300;0.126198695818948991576036178230;0.044495588799386268097357799434;0.035673187571921748106884564322;0.048331415420023011997319173361;0.058688147295742232323334519606;0.106635980053701576175662069090
-0.161931818181818176771713524431;0.032102272727272729291314590228;0.100284090909090906063028114659;0.233806818181818171220598401305;0.011931818181818182322828647557;0.015056818181818181628939257166;0.036647727272727269320906628991;0.115909090909090906063028114659;0.086931818181818179547271085994;0.126988636363636359094542171988;0.046022727272727270708685409772;0.032386363636363636742121485668
-0.054716210698244178989302355376;0.102899142507145768821175124685;0.137607186606778286730445870489;0.178440179665169451617146023636;0.039199673336055534944577516399;0.036749693752552062275817945647;0.124132298897509193991162135262;0.077582686810943241040305906608;0.059616169865251124326821496879;0.050632911392405062500632340061;0.046957942017149860436386887841;0.091465904450796248204014204930
-0.033343624575486258132528405440;0.110527940722445205956603331288;0.147576412472985502022382320320;0.186477307811052789299210985519;0.033961099104661933434368137341;0.032417412781722755588109663449;0.117011423278789744584216236944;0.062364927446742823846648207109;0.034269836369249767615841051338;0.047545538746526706808115392278;0.089533806730472370594142716982;0.104970669959864149056727455900
-0.028395484091686622185601862611;0.145398563120082119359821604121;0.161820047895997271014678631218;0.182004789599726296556170268559;0.029079712624016422484185540043;0.024632227163872734421179444553;0.126924392747177566809213544730;0.063975367772836133628544530438;0.043448511802942180182185438753;0.054396168320218950265054758120;0.065001710571330820198632238771;0.074923024290112896772519945898
-0.036166365280289332340135644017;0.136708860759493677772269393245;0.123327305605786613496022141589;0.253887884267631092072292631201;0.020253164556962025694142326415;0.026763110307414104266365839635;0.129113924050632905560220820007;0.082097649186256782538606557864;0.030018083182640143552477596245;0.048462929475587702976557835655;0.050994575045207955754644757462;0.062206148282097646629029696896
-0.019793459552495697856278056292;0.066838783706253582228562493128;0.279116465863453788731618487873;0.039586919104991395712556112585;0.009753298909925416787514151906;0.024956970740103268796561408749;0.149454962707974758906459555874;0.158634538152610443662027250866;0.041308089500860588338948531373;0.077739529546758459610522606908;0.070854847963281702982740739571;0.061962134251290879038975845106
-0.019205587079877781131465042108;0.175469227411610639855155113764;0.202095154954168493288690910958;0.080750763858577045972708674526;0.019205587079877781131465042108;0.029681361850720209411003125410;0.204714098646879089082872837935;0.083806198166739412358516858603;0.048450458315146223420288862371;0.026625927542557836086301037426;0.036665211697948493774212863627;0.073330423395896987548425727255
-0.044532627865961196822475187673;0.063051146384479714313009424131;0.270282186948853642149970255559;0.041887125220458551466684582465;0.020282186948853614394394639930;0.021604938271604937072289942535;0.072310405643738973058276542361;0.119488536155202815236542335242;0.064814814814814811216869827604;0.130952380952380958989422765626;0.074955908289241618414067147569;0.075837742504409166865997349305
-0.042676311030741410912359157237;0.103074141048824591271326767128;0.193490054249547932530006733032;0.124412296564195293258059393793;0.030379746835443036806490013646;0.021338155515370705456179578619;0.139963833634719703180593342040;0.112839059674502709129662036958;0.048462929475587702976557835655;0.064376130198915013091998105210;0.053887884267631101786744096671;0.065099457504520799600022940012
-0.036919831223628692129512529618;0.165611814345991564811910734534;0.123417721518987347217866101801;0.177215189873417722221660142168;0.045358649789029537036100236946;0.054500703234880452929811411877;0.132559774964838256172683372824;0.021448663853727144290584050168;0.029887482419127989197171757496;0.034810126582278479168142126809;0.063642756680731368823522586808;0.114627285513361459878822756764
-0.036467751657625072092550055913;0.085593731163351421953322528680;0.150391802290536474862037152889;0.192887281494876439147390101425;0.033755274261603372687456925405;0.029837251356238696925471387544;0.103375527426160337962635082931;0.130500301386377332013566388014;0.050030138637733576056909612362;0.060880048221820373677282134395;0.050030138637733576056909612362;0.076250753465943343911703777849
-0.074621212121212115997437308579;0.072348484848484842513194337243;0.190530303030303022060465423237;0.083333333333333328707404064062;0.022727272727272727903535809446;0.027272727272727271402574800163;0.036363636363636361870099733551;0.061363636363636363257878514332;0.105303030303030301095823517699;0.125757575757575762454010259717;0.093560606060606066325391338978;0.106818181818181812126056229317
-0.094732543895467535843835094056;0.105349122090649241489934695437;0.165373621886484273302286851504;0.116782360146998775984883423007;0.035524703960800325941438160271;0.019191506737443853047864195105;0.112290730910575745071788844598;0.064107799101674148301022171381;0.064516129032258062725446734476;0.091057574520212333779589641836;0.055124540628828093413726918470;0.075949367088607597220395462045
-0.061373225930187957910533214090;0.070195627157652470962112545294;0.161871883390870718866239030831;0.163022631377061744117895614181;0.016110471806674339645404359089;0.013041810510164940709043612799;0.153816647487533569860218563008;0.140391254315304941924225090588;0.036823935558112773358541147672;0.070962792481779821129883600861;0.070962792481779821129883600861;0.041426927502876867426273577166
-0.034810126582278479168142126809;0.147547468354430388881581848182;0.153481012658227861100712630105;0.179588607594936722211542701189;0.036392405063291138889169928916;0.033623417721518986112094751206;0.135680379746835444443320284336;0.062895569620253166664980426503;0.026107594936708861110830071084;0.032832278481012659721027802107;0.060917721518987340278972197893;0.096123417721518986112094751206
-0.024571854058078927696140425496;0.164556962025316444453437725315;0.176470588235294129075825253494;0.189873417721518999989882559021;0.029039463886820552490641844656;0.037602382725241995098386382779;0.098659717051377507357479146322;0.049516008935219658904092199236;0.043931496649292627043603687298;0.046909903201787041260306665436;0.058078927773641104981283689312;0.080789277736411022057261277496
-0.013883217639853001959537870391;0.069416088199265008062965875979;0.202123315639036349455892604965;0.152307064107799094987427679371;0.016333197223356472893573965166;0.015924867292772561938596354025;0.144548795426704790312300019650;0.192731727235606359327491077238;0.032666394446712945787147930332;0.050224581461821148076207776967;0.049407921600653326166252554685;0.060432829726418946236776719161
-0.077499999999999999444888487687;0.122916666666666660190365689687;0.159583333333333327042069527124;0.107083333333333335923853724125;0.008333333333333333217685101602;0.025416666666666667268037471672;0.147499999999999992228438827624;0.059166666666666666019036568969;0.075416666666666673513041985188;0.085416666666666668517038374375;0.066250000000000003330669073875;0.065416666666666664631257788187
-0.120956399437412098762933965190;0.073488045007032348765463325435;0.144866385372714484569556248061;0.160337552742616046286272535326;0.018987341772151899305098865511;0.017932489451476792824413664107;0.112869198312236282411014087756;0.103023909985935302469073349130;0.075246132208157526233271994442;0.082981715893108293213842330260;0.045358649789029537036100236946;0.043952180028129395061853301740
-0.024954792043399637996303752630;0.126582278481012666659921706014;0.178661844484629295237709811772;0.187341772151898733334007829399;0.016998191681735986408030569805;0.034719710669077759324085974413;0.107052441229656417065463358540;0.068716094032549732140147114023;0.037974683544303798610197731023;0.048462929475587702976557835655;0.050632911392405062500632340061;0.117902350813743214685835880573
-0.032348804500703237652103894106;0.086146272855133612655897934474;0.201125175808720108028282425039;0.142756680731364271608185845253;0.019690576652601970292222333114;0.022855133614627286264830985374;0.144866385372714484569556248061;0.136779184247538682095424178442;0.041139240506329111113359431329;0.071729957805907171297654656428;0.046061884669479608023223704549;0.054500703234880452929811411877
-0.040639573617588277409939934159;0.108594270486342445170002690702;0.204530313124583612571782964551;0.093937375083277818710314477357;0.016988674217188540205292213159;0.023650899400399733735200769047;0.126582278481012666659921706014;0.131245836109260494151129705642;0.044303797468354430555415035542;0.088940706195869426164968274406;0.061625582944703528875951548116;0.058960692871419057015103248887
-0.138090824837812792269531314560;0.039233858510966945765119362477;0.153228297806611069020732429635;0.075378436824219963163784541393;0.008958912573370404405781464163;0.013901760889712696731002061767;0.062094531974050043432455936454;0.105344454742045109951753545374;0.114303367315415502214470677700;0.177942539388322523707941513749;0.068582020389249306879797529746;0.042940994748223666743758286657
-0.128532608695652167396517029374;0.062500000000000000000000000000;0.180163043478260870289275885625;0.061684782608695649941399352656;0.008423913043478260809227009531;0.018478260869565218266208361797;0.068206521739130429593522819687;0.065760869565217386356614781562;0.095380434782608700117201294688;0.157608695652173919077299046876;0.090489130434782613643385218438;0.062771739130434781039902247812
-0.086799276672694394840767984078;0.100813743218806511903196110325;0.161844484629294765865026306528;0.115280289330922242063692806369;0.011301989150090415922611519761;0.017179023508137433035036778506;0.150542495479204341268797406883;0.105334538878842670639457423931;0.057414104882459314482812118285;0.100361663652802898805127540527;0.039330922242314644843297344323;0.053797468354430381942687944274
-0.022882181110029212872669646117;0.082765335929892894228920852129;0.169912366114897767088720570428;0.148490749756572532058740421235;0.029698149951314509881195036201;0.033106134371957154916010779289;0.127069133398247324784335887671;0.182570593962999017101367371652;0.031158714703018501601672340939;0.048198636806231744122985816148;0.062804284323271661327758863536;0.061343719571567673076728510750
-0.078174603174603174426948726250;0.059920634920634922859772331094;0.198809523809523797099885200623;0.031349206349206348853897452500;0.015476190476190476719153821250;0.015079365079365079568840535273;0.080158730158730165382685584063;0.100793650793650796382294743125;0.115873015873015877685858754376;0.167063492063492052830397938123;0.077777777777777779011358916250;0.059523809523809520505288617187
-0.049578059071729956019947138657;0.170534458509142061721775007754;0.195147679324894518515520758228;0.081575246132208151239595395054;0.013009845288326301118719818817;0.023206751054852321758392719175;0.214135021097046407412278767879;0.074542897327707455246148526840;0.023909985935302389276069234825;0.028832630098452882716486556092;0.048874824191279885032823671054;0.076652601969057668207518929648
-0.011867088607594937499367659939;0.153481012658227861100712630105;0.132515822784810138879052487937;0.154272151898734166675097867483;0.040348101265822784722292482229;0.047863924050632909723557162351;0.162974683544303805549091634930;0.047072784810126583332490213252;0.055775316455696201389802268977;0.037183544303797465280236878016;0.059731012658227847222924822290;0.096914556962025319442055604213
-0.038623823433950016381643877139;0.135670236936059729337955559458;0.112301200908795847932530875823;0.233365790327815653126819483987;0.029860434923726062589333096753;0.040895813047711782051152340500;0.086011035378123990025045486618;0.086660175267770200857597728827;0.051282051282051280272078486178;0.050957481337228174855802365073;0.055501460564751706194819291795;0.078870496592015573722456167616
-0.028876582278481013887905248794;0.159810126582278472229248222902;0.127373417721518999989882559021;0.153876582278481000010117440979;0.030063291139240506943952624397;0.035996835443037972224189502413;0.174050632911392416657392345769;0.055379746835443034724821842474;0.053006329113924048612727091268;0.054588607594936708333754893374;0.048259493670886076388537588855;0.078718354430379749997470639755
-0.028001534330648253368067912561;0.187571921749136949486569392320;0.126965861143076341743807233797;0.151515151515151519356905396307;0.034138856923667047771342453188;0.039125431530494823861854314373;0.165707710011507469705094308665;0.060222477943996932658876630740;0.027617951668584578284182384778;0.028385116992711928451953440344;0.051783659378596087752288923411;0.098964326812428074497951513422
-0.022943037974683545138221418824;0.184731012658227861100712630105;0.146360759493670888886640568671;0.130933544303797472219130781923;0.024129746835443038194268794427;0.037579113924050631945217304519;0.209256329113924055551620995175;0.046281645569620250002529360245;0.033227848101265819447114324703;0.033227848101265819447114324703;0.048259493670886076388537588855;0.083069620253164555556679715664
-0.047116736990154714503908905954;0.102320675105485231481949881527;0.198663853727144873451138096243;0.128691983122362879621292108823;0.022855133614627286264830985374;0.026019690576652602237439637634;0.176160337552742629618762748578;0.110056258790436012340308025159;0.034106891701828408181018659207;0.031293952180028131171418692702;0.059774964838255978394343514992;0.062939521800281297836399119205
-0.036309127248501001095082330039;0.133244503664223856720383309948;0.128247834776815450297249299183;0.187208527648234507312352548070;0.044970019986675546785903634373;0.035309793471019319810455527886;0.122918054630246506575552700724;0.066289140572951363306053451652;0.047634910059960025585645837509;0.038307794803464356725442030438;0.068287808127914725875307055958;0.091272485009993339910572274221
-0.024060646011865523957728996152;0.138431114040870134607175145902;0.219182597231377729318779756795;0.045484508899143044624580056734;0.033289386947923535475801770644;0.023731048121292022679007516217;0.157877389584706651071144278831;0.106460118655240604246259294996;0.046143704680290047182023016603;0.037574159525379034751946250026;0.062623599208965069484733589888;0.105141727092946599131373375258
-0.025316455696202531250316170031;0.155896069287141891823722517074;0.174217188540972678367779735709;0.099600266489007327486149279139;0.035309793471019319810455527886;0.038974017321785472955930629269;0.102598267821452371340029685598;0.054963357761492338815489944182;0.048301132578281148755028340247;0.068620919387075277051657451466;0.084610259826782149850110670286;0.111592271818787475146095289347
-0.043649061545176781606869553798;0.113051069402007861586234582774;0.161501527717154091945417349052;0.177651680488869478935498591454;0.034046268005237884102243128837;0.042776080314273240423617039596;0.092972501091226539271517026464;0.069838498472282850570991286077;0.044958533391532079503960517286;0.040157136621562637690541208713;0.061108686163247487310723471410;0.118288956787429067052386244541
-0.040895813047711782051152340500;0.153197013956507616105895408509;0.168776371308016870376178530933;0.128529698149951326913154048270;0.032456994482310937144564633172;0.055501460564751706194819291795;0.102239532619279455127880851251;0.037000973709834468483581559894;0.030509574813372280360779242869;0.039597533268419346508260048267;0.059396299902629019762390072401;0.151898734177215194440790924091
-0.044566544566544567806953835998;0.094322344322344320310946841346;0.178266178266178271227815343991;0.056776556776556776073849874820;0.036630036630036631739582020373;0.045177045177045176138630466767;0.088827838827838831448069356611;0.130341880341880350657746134857;0.062881562881562880207297894231;0.087606837606837600906928287259;0.069902319902319903777154763702;0.104700854700854703582812987861
-0.035864978902953585648827328214;0.078762306610407881168889332457;0.150843881856540074082317914872;0.193741209563994376541273823022;0.023558368495077357251954452977;0.030590717299578060184295225099;0.137834036568213774698321572032;0.113924050632911388891699289161;0.042897327707454288581168100336;0.075949367088607597220395462045;0.057665260196905765432973112183;0.058368495077355836420096579786
-0.041220382992534894406322365512;0.049334631613112626957740047828;0.228497241155469016371526436160;0.128205128205128193741302311537;0.020123336579032782139853097192;0.027263875365141188034101560334;0.061668289516390785431898535762;0.131450827653359303415214753841;0.061019149626744560721558485739;0.112625770853618953348806996928;0.073677377474845831550886998684;0.064913988964621874289129266344
-0.043761301989150090674396409440;0.122965641952983720242009724188;0.160216998191681725405288716502;0.126943942133815546036146315600;0.041591320072332731150321905034;0.035443037974683545832110809215;0.101989150090415911509289514925;0.135623869801084984132444333227;0.037974683544303798610197731023;0.060397830018083180358967609891;0.053526220614828208532731679270;0.079566003616636529760519636056
-0.047483380816714153282998012173;0.132636910414688197201726893582;0.265590376701487829169678889230;0.050015827793605568962753693540;0.015827793605571384427666004058;0.019943019943019942713524628175;0.186767964545742320980892259286;0.119658119658119663220041672957;0.025957581513137067963370441248;0.024374802152579928826714450452;0.052864830642608419408734476974;0.058879392212725548128027242001
-0.036749693752552062275817945647;0.118824009799918334229218430664;0.158840342997141698022645073252;0.120048999591670063624704312133;0.031849734585545123877192708051;0.042874642711310737008822968619;0.139240506329113916672568507238;0.087790935075541032261980944895;0.059616169865251124326821496879;0.046141282155982031587537761652;0.060024499795835031812352156066;0.097999183340138837361443790996
-0.036166365280289332340135644017;0.162748643761301992061163446124;0.174050632911392416657392345769;0.152802893309222420636928063686;0.020343580470162749007645430765;0.029385171790235080357955865793;0.165913200723327297625431242523;0.031645569620253166664980426503;0.046112115732368896825477122547;0.038878842676311031745228774525;0.060126582278481013887905248794;0.081826401446654609128650292860
-0.033996383363471972816061139611;0.162025316455696205553138611322;0.156962025316455699996964767706;0.129113924050632905560220820007;0.026039783001808317758341004833;0.045569620253164556944458496446;0.109222423146473776589537862947;0.067269439421338159124097444419;0.047016274864376129960508166050;0.044846292947558770436433661644;0.069439421338155518648171948826;0.108499095840867990081513028144
-0.064659596305165920049340400055;0.171741361614779347588566338345;0.146082791652411891902829665923;0.107081765309613413661438130475;0.027711255559356825356465137133;0.037290455011973998311614053591;0.135135135135135142636642058278;0.055764625384878550862222112983;0.049606568593910368991650727821;0.054054054054054057054656823311;0.059185768046527538477352692325;0.091686623332192948576668811711
-0.057911392405063294441802668189;0.142721518987341783324396260468;0.127531645569620266655874729622;0.120569620253164561107794838790;0.038291139240506331942182072225;0.052215189873417722221660142168;0.103164556962025311115382919525;0.065822784810126586108047774815;0.053481012658227848610703603072;0.057911392405063294441802668189;0.057911392405063294441802668189;0.122468354430379747221913078192
-0.044002411091018683864106719739;0.154912597950572633598298466495;0.111211573236889696425500062560;0.142857142857142849212692681249;0.049125979505726342921878568859;0.067510548523206745374913850810;0.080771549125979502647965091455;0.066003616636528025796160079608;0.041591320072332731150321905034;0.040687160940325498015290861531;0.056660638939119954693435232684;0.144665461121157329360542576069
-0.062025316455696200002023488196;0.148417721518987355544538786489;0.138291139240506316676615483630;0.092721518987341766671050891091;0.040506329113924051388284652830;0.056012658227848101388790524879;0.090189873417721513892963969283;0.054746835443037974999747063976;0.057278481012658227777833985783;0.067721518987341772222166014217;0.074683544303797463892458097234;0.117405063291139241665739234577
-0.070886075949367091664221618430;0.055696202531645568056806183677;0.079566003616636529760519636056;0.408679927667269460300758510130;0.031464737793851720037974217803;0.020976491862567812202167161217;0.069439421338155518648171948826;0.114647377938517175399724123963;0.033996383363471972816061139611;0.034719710669077759324085974413;0.030741410488245930060502431047;0.049186256781193489484582670457
-0.015773809523809523280846178750;0.166071428571428564291423413124;0.140476190476190476719153821250;0.158035714285714279370154144999;0.026488095238095237665687520234;0.064285714285714279370154144999;0.073809523809523810977673008438;0.057142857142857141072855853281;0.032738095238095239747355691406;0.048511904761904763028201870156;0.091071428571428567066980974687;0.125595238095238093123384715000
-0.028598218471636193543927717542;0.202062822315986878596305587052;0.124238162212845754117651608794;0.153305203938115336415037859297;0.022503516174402250771269251572;0.063291139240506333329960853007;0.122362869198312240737180900396;0.017815283638068446503410768855;0.051570557899671826129761598168;0.032348804500703237652103894106;0.064697609001406475304207788213;0.117205813408345058124204740579
-0.021565869667135490611586945420;0.092827004219409287033570876702;0.180965775902484776738177174593;0.149554617909048281898520826871;0.036099390529770278290833118717;0.029535864978902953703610023695;0.177215189873417722221660142168;0.105954055321143922330229258932;0.049695264885138305810396985862;0.038443506797937176955315408122;0.038443506797937176955315408122;0.079699953117674637859124686656
-0.040035325287017954620782944630;0.136885487194583460590635581866;0.144244921989991170541145493189;0.143950544598174856592009973610;0.027965852222549308220278518888;0.041801589637915810560020446474;0.120694730644686484821725969141;0.074771857521342355301641191545;0.033853400058875479650133399900;0.042095967029732117570262062145;0.076538121872240211240878693388;0.117162201942890786821038773269
-0.121064589419019805194288608163;0.097695553391755923788863924528;0.104836092177864326213665435716;0.157091853294384936612360093022;0.043492372606296660075830828873;0.031807854592664719373118487056;0.138266796494644600423740143924;0.059720869847452125178666193506;0.090230444660824402069998484421;0.032781564427134049499734658184;0.056150600454397923966265437912;0.066861408633560534542361608601
-0.013374485596707818765849218323;0.140946502057613165526106513425;0.186213991769547337895573946298;0.091563786008230452218015216204;0.027434842249657063334433715340;0.040466392318244170933638770293;0.133744855967078191127939135185;0.108710562414266118103078895274;0.044924554183813442120865033758;0.037037037037037034981068472916;0.057613168724279836818702449364;0.117969821673525376848346013503
-0.027426160337552744211686572839;0.083684950773558364200965797863;0.197257383966244731476891161037;0.095639943741209557104276939299;0.023558368495077357251954452977;0.013361462728551336612281552618;0.277074542897327691370890079270;0.127637130801687759262819099604;0.039732770745428976078006400030;0.022855133614627286264830985374;0.041139240506329111113359431329;0.050632911392405062500632340061
-0.049143708116157855392280850992;0.179448994787788529414740423817;0.131049888309754281046082269313;0.112434847356664188722241703999;0.039836187639612809230360568336;0.043931496649292627043603687298;0.104988830975428146241590354748;0.072598659717051372552987231757;0.038719285182427398694926523603;0.046165301563663441175577872855;0.066641846612062544119581275481;0.115040953090096792488239429986
-0.025712025316455697915296596534;0.052215189873417722221660142168;0.238924050632911388891699289161;0.145569620253164555556679715664;0.018987341772151899305098865511;0.013844936708860758681205460618;0.114319620253164555556679715664;0.244462025316455694445849644580;0.031645569620253166664980426503;0.025316455696202531250316170031;0.043117088607594937499367659939;0.045886075949367090276442837649
-0.056258790436005623458726176978;0.175457102672292558631639280975;0.125879043600562595672798238411;0.101969057665260195988388147725;0.036216596343178621142389062015;0.052742616033755275462002742870;0.085794655414908577162336200672;0.083684950773558364200965797863;0.043248945147679324074729834138;0.055203938115330516978040975573;0.068565400843881851855599052215;0.114978902953586495372384490565
-0.081465517241379306612181210312;0.050862068965517238938733868281;0.196120689655172403265126490624;0.113793103448275867428662877501;0.021120689655172414367356736875;0.018103448275862070449004903594;0.044396551724137929550995096406;0.161637931034482762449044912501;0.066379310344827580081528139999;0.128879310344827580081528139999;0.076724137931034483428582859688;0.040517241379310342530573052500
-0.035864978902953585648827328214;0.055907172995780587965164443176;0.155414908579465549376408262106;0.088255977496483825617268337282;0.023558368495077357251954452977;0.016526019690576654319613680855;0.255274261603375518525638199208;0.251758087201125191345596476822;0.024613220815752460263192702428;0.027074542897327708718124839038;0.033052039381153308639227361709;0.032700421940928273145665627908
-0.050632911392405062500632340061;0.157615353205389968627159191783;0.094324213964883621419410530962;0.162923642302980814511315088566;0.036749693752552062275817945647;0.053491220906492442654922570000;0.103715802368313597670024250874;0.031441404654961209452768144956;0.067782768476929364243055431416;0.047366271947733767921917547028;0.067782768476929364243055431416;0.126173948550428738357709335105
-0.037000973709834468483581559894;0.139889646218760155260696365076;0.205777345017851359676441802549;0.130152547874066853994534653793;0.016877637130801686343728462703;0.027588445309964296919824633392;0.193768257059396292740771627905;0.075300227198961372510055412022;0.025965595585848749021762316147;0.030834144758195392715949267881;0.041544952937357999822598486617;0.075300227198961372510055412022
-0.040787623066104075619797697527;0.118495077355836850308001828580;0.184247538677918432092894818197;0.080168776371308023143136267663;0.029887482419127989197171757496;0.033052039381153308639227361709;0.155414908579465549376408262106;0.085794655414908577162336200672;0.045710267229254572529661970748;0.059071729957805907407220047389;0.080520393811533058636698001465;0.086849507735583683643021402077
-0.025688756515264334762127518275;0.178704393149664936268905535144;0.149664929262844387247710642441;0.104988830975428146241590354748;0.029039463886820552490641844656;0.031645569620253166664980426503;0.185033507073715575153016743570;0.073715562174236790027315180396;0.034996276991809384393494752885;0.032762472077438570261520567328;0.050632911392405062500632340061;0.103127326880119135621427517435
-0.029411764705882352533006240947;0.157352941176470584316859913088;0.159558823529411752950579739263;0.125000000000000000000000000000;0.028308823529411764746699375905;0.039705882352941174184834949301;0.143382352941176460792149782719;0.065441176470588238722747576048;0.047426470588235292158429956544;0.061764705882352943788760057942;0.050367647058823530881177532592;0.092279411764705887577520115883
-0.037207518220176448442426675456;0.133870349060222465498171118270;0.181434599156118148144400947785;0.154583812811660920027989618575;0.024932873034138856166430642247;0.031837360951285004206923190395;0.125815113156885316492150650447;0.079785193709244348059250739880;0.023782125047947834384221010851;0.050249328730341387416746812278;0.052550824702723437920059978978;0.103950901419255850588463374606
-0.059071729957805907407220047389;0.103074141048824591271326767128;0.141651597347799890203035033664;0.200723327305605797610255081054;0.030138637733574443616779703348;0.030741410488245930060502431047;0.105485232067510550924005485740;0.118143459915611814814440094779;0.029535864978902953703610023695;0.034358047016274866070073557012;0.053044002411091022153311058673;0.094032549728752259921016332100
-0.030677141788252898502165066930;0.096146651702207264200694680767;0.175084175084175092118599081914;0.085297418630751964396807807134;0.029180695847362513040135212350;0.028432472876917320309120285060;0.249532360643471756711520015415;0.146651702207257761401137940993;0.029928918817807705771150139640;0.030303030303030303871381079261;0.034418256640478865626686655332;0.064347175458286567928389843019
-0.016244314489928524114503716191;0.144249512670565294136792999780;0.187459389213775168281372884849;0.094541910331384010346411628234;0.030214424951267054852976912116;0.037361923326835605463358547240;0.173164392462638067060609614600;0.065951916829109807904885087737;0.038336582196231316910228770212;0.037037037037037034981068472916;0.081221572449642620572518580957;0.094217024041585439864121553910
-0.027443105756358769642400119437;0.107429718875502011599110119278;0.219544846050870157139200955498;0.000334672021419009358116775088;0.021753681392235608982321792837;0.024096385542168675952812151309;0.302543507362784458436522072589;0.142904953145917001933185019880;0.030789825970548863331988087566;0.020080321285140562137527808773;0.028112449799196786298649541891;0.074966532797858101422328047647
-0.069105691056910570346794031593;0.077642276422764222587602489511;0.235365853658536572368120687315;0.010162601626016259936946539710;0.012601626016260162807536282514;0.016666666666666666435370203203;0.083333333333333328707404064062;0.096747967479674790158838959542;0.088211382113821137918030501623;0.152439024390243899054198095655;0.084959349593495936403542145854;0.072764227642276427254763859764
-0.133248190719455095187839788196;0.044699872286079182781559637760;0.174116645381013207538600795488;0.089399744572158365563119275521;0.008088548318433376113634203364;0.021285653469561516271113532639;0.044274159216687952733693123264;0.106853980417198804464540273784;0.109833971902937421738499779167;0.150702426564495534089260786459;0.071094082588335466565965248265;0.046402724563644102973025695746
-0.002753737214791502751348728495;0.175059008654602665799870919727;0.206136900078678214631722198646;0.070023603461841069095505929454;0.017702596380802518988284433021;0.027143981117230528421480073575;0.205743509047993711202906297331;0.074744295830055068607933321800;0.022423288749016521970158777322;0.033044846577498031281461265962;0.050354051927616050310376749621;0.114870180959874113035823484097
-0.007566706491437673841315980638;0.169653524492234170084614675034;0.170450019912385508646934795252;0.037037037037037034981068472916;0.023894862604540025030619432300;0.041816009557945038599413578595;0.218239745121465544830385852038;0.076463560334528071771309498672;0.041816009557945038599413578595;0.027877339705296693556091369715;0.055356431700517724769916583227;0.129828753484667464013213589169
-0.030303030303030303871381079261;0.143076332949750667511423785072;0.185654008438818574067141753403;0.076332949750671272304280989829;0.021864211737629458964793371933;0.036440352896049098274655619889;0.169543536632144220543949586499;0.138856923667050241588682979454;0.021864211737629458964793371933;0.032604526275412354374694245962;0.048714998082086687081204701144;0.094744917529727662452998515619
-0.024691358024691356654045648611;0.122660294703305458585695930651;0.165671047391477505028589689573;0.026682596575069692651505093295;0.025886101154918357558631925031;0.029868578255675029553550814398;0.269613699721226618422065257619;0.101154918359219428425355147283;0.050975706889685383493837633750;0.036240541616885703357642256606;0.041816009557945038599413578595;0.104739147749900438078007880449
-0.083502366463826915854440358089;0.050709939148073021608631449908;0.216362407031778225530160852941;0.034482758620689654693869385937;0.014536849222447599527807682307;0.017241379310344827346934692969;0.070993914807302230252084029871;0.111561866125760647538989189798;0.096686950642325894533790631158;0.161595672751859376070626694855;0.072684246112238004577932315442;0.069641649763353616342520524540
-0.120675105485232067592527016586;0.049367088607594936111588879157;0.147257383966244714823545791660;0.135021097046413490749827701620;0.005485232067510548842337314568;0.013924050632911392014201545919;0.070464135021097051847505099431;0.102531645569620258329202044933;0.094936708860759499994941279510;0.153586497890295353707657000086;0.061603375527426160185306969197;0.045147679324894517127741977447
-0.033295922184811074795440788421;0.185933408155630364166910339918;0.147774036662925545293489903997;0.026187803965581742116075503191;0.023194912083800971192015794031;0.065469509913954351820741806023;0.155256266367377465664745272989;0.053497942386831275063396873293;0.055742611298166856725888607116;0.061354283576505797004330133859;0.055742611298166856725888607116;0.136550692106247650858819042696
-0.028125000000000000693889390391;0.116964285714285715078730731875;0.193750000000000005551115123126;0.038839285714285715078730731875;0.029464285714285713690951951094;0.034375000000000002775557561563;0.194196428571428575393653659376;0.143303571428571419055231217499;0.044642857142857143848413414844;0.038839285714285715078730731875;0.035267857142857142460634634062;0.102232142857142854763807804375
-0.038336347197106691864210148424;0.094032549728752259921016332100;0.167450271247739590485537064524;0.112115732368896922621637202155;0.014466546112115731895220172021;0.036166365280289332340135644017;0.076672694394213383728420296848;0.026039783001808317758341004833;0.076672694394213383728420296848;0.101265822784810125001264680122;0.140687160940325489688618176842;0.116094032549728748415773793567
-0.033592989289191819979318864853;0.141187925998052576925800849494;0.169425511197663108964306388771;0.131937682570593961539628935498;0.021908471275559882746053474989;0.029698149951314509881195036201;0.203505355404089594006933339188;0.068159688412852970085253900834;0.031645569620253166664980426503;0.036027263875365138356965388766;0.052093476144109057690556596754;0.080817916260954233975688509872
-0.004399748585795097526041086411;0.092080452545568819422427964128;0.217787554996857313227565100533;0.016341923318667503362000559264;0.029226901319924575989306347878;0.021055939660590824308306068247;0.248900062853551234942628411773;0.153362664990571967438270917228;0.038340666247642991859567729307;0.035826524198617225314134060454;0.045254556882463860267851174513;0.097423004399748588943985794231
-0.039338235294117646079214978272;0.107720588235294123524710130368;0.230514705882352954890990304193;0.053676470588235290770651175762;0.029044117647058824427386269917;0.017647058823529411519803744568;0.179044117647058825815165050699;0.128308823529411752950579739263;0.037867647058823526717841190248;0.043749999999999997224442438437;0.050367647058823530881177532592;0.082720588235294115198037445680
-0.023500000000000000055511151231;0.097500000000000003330669073875;0.206499999999999989119814358673;0.137500000000000011102230246252;0.012000000000000000249800180541;0.032000000000000000666133814775;0.146499999999999991340260407924;0.158500000000000001998401444325;0.026499999999999999250599458378;0.052999999999999998501198916756;0.035000000000000003330669073875;0.071499999999999994115817969487
-0.008966244725738396412206832053;0.113396624472573842590250592366;0.184071729957805907407220047389;0.082278481012658222226718862657;0.011075949367088607638853758885;0.044831223628691983795757636244;0.207278481012658222226718862657;0.133438818565400851845481611235;0.030590717299578060184295225099;0.048523206751054849539261937252;0.043248945147679324074729834138;0.092299578059071726854334372092
-0.060253164556962023057362642930;0.045063291139240506388841112084;0.160506329113924040008498650423;0.181772151898734163344428793607;0.011139240506329113958305931931;0.014177215189873417292010238100;0.118987341772151894447873132776;0.209113924050632921103343164759;0.053670886075949365834336646230;0.065822784810126586108047774815;0.033924050632911394165258656130;0.045569620253164556944458496446
-0.034282700421940925927799526107;0.078586497890295356483214561649;0.206751054852320675925270165862;0.079641350210970462963899763054;0.014240506329113923611462411145;0.013713080168776372105843286420;0.169831223628691990734651540151;0.166139240506329111113359431329;0.041139240506329111113359431329;0.090717299578059074072200473893;0.045886075949367090276442837649;0.059071729957805907407220047389
-0.041965566714490677713289557005;0.105451936872309900983246677697;0.217360114777618351755705816686;0.017575322812051649007392128965;0.011477761836441894433002985920;0.018651362984218076285225507149;0.224533715925394561363503953544;0.204088952654232436145775864134;0.021879483500717361588172593656;0.028335724533715925255172862762;0.037661406025824961663062140360;0.071018651362984214214790767983
-0.041842475386779182100482898932;0.144514767932489462953782322074;0.178621659634317864195907077374;0.114275668073136424385261022962;0.026722925457102673224563105236;0.030590717299578060184295225099;0.186708860759493666670039146993;0.109001406469760905859622823755;0.026019690576652602237439637634;0.032348804500703237652103894106;0.040436005625879047065129867633;0.068917018284106887349160786016
-0.005335365853658536987313976141;0.166539634146341458675877333917;0.176448170731707321134962285214;0.074695121951219509148778286090;0.028201219512195122712805428478;0.040015243902439025236450476086;0.247713414634146339432518857393;0.091082317073170729337938666959;0.020198170731707317665515333260;0.027057926829268292429064857174;0.041158536585365855520191047390;0.081554878048780490851221713910
-0.008620689655172413673467346484;0.126293103448275850775317508123;0.196982758620689646367196701249;0.078017241379310348081688175625;0.024568965517241379836743675469;0.032758620689655175428622868594;0.192241379310344823183598350624;0.120689655172413798367436754688;0.037931034482758620163256324531;0.052586206896551725142874289531;0.052155172413793103591839184219;0.077155172413793104979617965000
-0.176160337552742629618762748578;0.044655414908579466048976769343;0.097749648382559770065647342108;0.222222222222222209886410837498;0.010548523206751054398511158183;0.021097046413502108797022316367;0.050984528832630097994194073863;0.045358649789029537036100236946;0.104781997187060479936882018137;0.120956399437412098762933965190;0.074191279887482419752586793038;0.031293952180028131171418692702
-0.030478395061728395104561073481;0.086033950617283944106716830902;0.200231481481481482509465763542;0.083719135802469132889847003298;0.019675925925925926568416102214;0.031250000000000000000000000000;0.126929012345679020912214696182;0.163194444444444447528397290625;0.050540123456790125855420114931;0.065586419753086419581755706076;0.052854938271604937072289942535;0.089506172839506167870915476215
-0.025316455696202531250316170031;0.117415975556525539746921538153;0.186381492797904835256872502214;0.152335224792666951154629373377;0.017896115233522479764927126666;0.023570493234395459292151997488;0.143168921868179838119417013331;0.120034919249236135541103465130;0.032736796158882586205152165348;0.035355739851593188938227996232;0.053251855085115672172602074852;0.092536010475774768679890769363
-0.007964954201513340520390826782;0.090003982477100757941812503304;0.183990442054958180939649992069;0.095579450418160100122477729201;0.023098367184388689937746264036;0.031461569095977699739297150927;0.199920350457984868919325549541;0.182795698924731186973957619557;0.024691358024691356654045648611;0.033054559936280362986149583548;0.043409000398247708785159915124;0.084030266825965746479987217299
-0.014112903225806451221191473167;0.108064516129032256452902061028;0.194758064516129036913838490364;0.051209677419354837635268040685;0.016532258064516129614229811295;0.019758064516129030668833976847;0.306048387096774177074109957175;0.133870967741935492645311001070;0.032258064516129031362723367238;0.043951612903225807660323454229;0.030241935483870968637276632762;0.049193548387096774909821306210
-0.030999999999999999777955395075;0.090499999999999997113420135975;0.155499999999999999333866185225;0.087999999999999994892974086724;0.016500000000000000777156117238;0.021999999999999998723243521681;0.352499999999999980015985556747;0.128000000000000002664535259100;0.029000000000000001471045507628;0.025499999999999998362421038678;0.022999999999999999611421941381;0.038499999999999999500399638919
-0.023902439024390244315387832330;0.107317073170731705489266971654;0.166341463414634155304483442706;0.075609756097560973375770743132;0.015121951219512194675154148626;0.017073170731707318359404723651;0.375121951219512195230265660939;0.106829268292682924568204327898;0.025365853658536587078575763599;0.023902439024390244315387832330;0.030731707317073170271370941009;0.032682926829268293955621516034
-0.058203125000000001387778780781;0.117968749999999997224442438437;0.151562499999999988897769753748;0.069531250000000002775557561563;0.064843750000000005551115123126;0.034765625000000001387778780781;0.170312500000000005551115123126;0.095703125000000000000000000000;0.071484375000000002775557561563;0.035546874999999998612221219219;0.034765625000000001387778780781;0.095312499999999994448884876874
-0.036585365853658534385228762176;0.101964769647696476551068656136;0.186314363143631422925494689480;0.068089430894308938801984254496;0.031504065040650404416755492321;0.036246612466124664142519407051;0.158536585365853660567481142607;0.205962059620596216191756866465;0.035907859078590786960916148018;0.025406504065040649842366349276;0.028455284552845527129560920798;0.085027100271002714615420359223
-0.024553571428571428075793292578;0.102232142857142854763807804375;0.209375000000000005551115123126;0.070535714285714284921269268125;0.010714285714285714384841341484;0.023214285714285715078730731875;0.201785714285714290472384391251;0.209375000000000005551115123126;0.036160714285714289084605610469;0.027232142857142857539365365938;0.030803571428571430157461463750;0.054017857142857145236192195625
-0.017187500000000001387778780781;0.107421875000000000000000000000;0.173046874999999988897769753748;0.103124999999999994448884876874;0.027734374999999998612221219219;0.026171875000000000693889390391;0.226562500000000000000000000000;0.099218749999999994448884876874;0.050000000000000002775557561563;0.037890624999999997224442438437;0.037890624999999997224442438437;0.093750000000000000000000000000
-0.020159399906235348637340010214;0.128926394749179551446616187604;0.180965775902484776738177174593;0.084857008907641820472100846473;0.035161744022503514661703860611;0.026722925457102673224563105236;0.233473980309423345680386319145;0.085325832161275205756112427480;0.042194092827004217594044632733;0.032817627754336615997221571206;0.039849976558837318929562343328;0.089545241443975617801065425283
-0.018013631937682569178482694383;0.114410905550146060893901278632;0.175754625121713720092841981568;0.159201557935735149573730495831;0.023369036027263874466530779728;0.020934761441090556088884255814;0.208373904576436230762226387014;0.094936708860759499994941279510;0.030671859785783836538364255375;0.028724440116845179754578865072;0.034566699123661150105935035981;0.091041869522882179488476594997
-0.025000000000000001387778780781;0.135775862068965524898089825001;0.154741379310344817632483227499;0.071120689655172417142914298438;0.063362068965517243102070210625;0.034051724137931033142834280625;0.206034482758620685061146104999;0.068534482758620687836703666562;0.061206896551724135346894684062;0.035344827586206897795939596563;0.039655172413793106367396745782;0.105172413793103450285748579063
-0.195767195767195756328504785415;0.034391534391534389625277867708;0.088183421516754845193020173610;0.110229276895943556491275217013;0.016166960611405056108536015813;0.032627865961199292721417464236;0.038506760728982951380583443779;0.056731334509112288366772247628;0.160787771898883019572323860302;0.157848324514991172895506110763;0.072604350382128160501515878877;0.036155202821869486529138271180
-0.029924242424242422644375949403;0.134848484848484856390982145058;0.167045454545454552519601065796;0.107954545454545455807071618892;0.020833333333333332176851016015;0.026136363636363634660453314495;0.242045454545454535866255696419;0.081060606060606055223161092727;0.021969696969696968918972501683;0.039015151515151516581347834745;0.048863636363636366033436075895;0.080303030303030306646938640824
-0.057692307692307695510258724880;0.151923076923076910693666263796;0.166826923076923067101873243701;0.087019230769230765387689530144;0.036057692307692304489741275120;0.024519230769230768857136482097;0.232211538461538469224620939713;0.064423076923076916244781386922;0.025000000000000001387778780781;0.029807692307692309346967007855;0.044711538461538462285727035805;0.079807692307692301714183713557
-0.013673318551367332276957888837;0.103104212860310420762921523874;0.250923872875092379697292699348;0.029194382852919437826288984184;0.014781966001478196587326507938;0.019216555801921657298247936296;0.186622320768662225409784127805;0.127864005912786404817182983606;0.052845528455284555835458348838;0.060975609756097559621679238262;0.064301552106430154287508571542;0.076496674057649663436286857632
-0.034500000000000002886579864025;0.101999999999999993449684154712;0.242999999999999993782751062099;0.075999999999999998112620858137;0.008999999999999999319988397417;0.014500000000000000735522753814;0.251500000000000001332267629550;0.133000000000000007105427357601;0.023500000000000000055511151231;0.024000000000000000499600361081;0.040500000000000001276756478319;0.048500000000000001443289932013
-0.045025417574437183454438837771;0.100580973129992742864935451053;0.156862745098039213509366618382;0.097676107480029042418046003604;0.047567175018155410937126248427;0.037037037037037034981068472916;0.162309368191721120622261764765;0.103848946986201881581557415757;0.069353667392883081022070257404;0.042846768336964415058165656092;0.045025417574437183454438837771;0.091866376180101669279842724336
-0.035344827586206897795939596563;0.140086206896551712652865262498;0.139224137931034469550795051873;0.099568965517241384000080017813;0.044827586206896551102030201719;0.031465517241379310775517552656;0.209913793103448265142674244998;0.097413793103448276244904491250;0.049137931034482759673487350938;0.030172413793103449591859188672;0.026724137931034484122472250078;0.096120689655172411591799175312
-0.018181818181818180935049866775;0.109803921568627449456556632867;0.246345811051693397430994991737;0.000713012477718360051549828516;0.012121212121212121201607736509;0.021746880570409982819102268081;0.195365418894830666918238648577;0.179679144385026745567301986739;0.031372549019607842701873323676;0.032798573975044563455494284199;0.051336898395721926313672867082;0.100534759358288774966361245333
-0.018303571428571429463572073360;0.099553571428571421830788779062;0.187946428571428569842538536250;0.074999999999999997224442438437;0.021428571428571428769682682969;0.021874999999999998612221219219;0.273214285714285687323155116246;0.128124999999999988897769753748;0.029910714285714287002937439297;0.024107142857142858233254756328;0.035267857142857142460634634062;0.085267857142857145236192195625
-0.036328125000000002775557561563;0.105078124999999994448884876874;0.169531249999999994448884876874;0.107421875000000000000000000000;0.024218750000000000693889390391;0.023046875000000001387778780781;0.198828124999999994448884876874;0.116406250000000002775557561563;0.053124999999999998612221219219;0.037109375000000000000000000000;0.036328125000000002775557561563;0.092578124999999997224442438437
-0.014125467386788532683783436994;0.129621936019941846884862002298;0.175737432488574985001150707831;0.000415454923140839212526015389;0.036144578313253010459771275009;0.031159119235562939692618655840;0.218529289572081425463423443034;0.166597424179476538697031173797;0.055670959700872456321629755394;0.040714582467802240550724945933;0.038221852928957210371319064279;0.093061902783547978401657019276
-0.032500000000000001110223024625;0.108333333333333337034076748751;0.132916666666666655194362078873;0.045416666666666667684371105906;0.050416666666666665186369300500;0.028750000000000001249000902703;0.176249999999999990007992778374;0.175416666666666665186369300500;0.064166666666666663521034763562;0.039583333333333331482961625625;0.045416666666666667684371105906;0.100833333333333330372738601000
-0.130332864510079693420863122810;0.032348804500703237652103894106;0.096108766994842942388288520306;0.210501640881387730441787198288;0.004688232536333802533135006740;0.016877637130801686343728462703;0.065166432255039846710431561405;0.067979371776840130658925431817;0.115330520393811530865946224367;0.157524613220815762337778664914;0.059540553211439285752337724489;0.043600562587904359568291567939
-0.098901098901098896676309379927;0.043650793650793648370544985937;0.163614163614163615756424974279;0.111111111111111104943205418749;0.014041514041514041935543311013;0.025641025641025640136039243089;0.021978021978021979737638602614;0.091575091575091568940614195071;0.113553113553113552147699749639;0.159340659340659329679112943268;0.082112332112332112044050802524;0.074481074481074480142517302284
-0.032300305543430815613525908248;0.082496726320384114461425895115;0.204714098646879089082872837935;0.082933216935835885053052152216;0.017459624618070712642747821519;0.023134002618943692169972692341;0.169794849410737663797377194896;0.144041903099083379302669527533;0.045831514622435620687213031488;0.074203404626800528731678241456;0.057616761239633350333289030232;0.065473592317765172410304330697
-0.019179133103183736847041629403;0.087073264288454160775287959950;0.179516685845799772724973308868;0.106635980053701576175662069090;0.032988108937476029458579773745;0.017644802454929036511499518269;0.199079401611047174247559610194;0.186037591100882249151027281187;0.030686612965093978955266607045;0.037591100882240123526312203239;0.036056770233985423190770092106;0.067510548523206745374913850810
-0.082449538145740672301364782015;0.047895997263085868245191534243;0.195689360246322274772268201559;0.145056448853917219210529765405;0.014026684912760862752878487925;0.019842627437564146208881510347;0.056448853917208344221911886507;0.084502223742730073197115814310;0.067738624700650021392966948497;0.121792678754704064569835963994;0.088607594936708861110830071084;0.075949367088607597220395462045
-0.062195121951219511924335847652;0.140650406504065045298901281967;0.182520325203252037349344050199;0.012601626016260162807536282514;0.020325203252032519873893079421;0.032926829268292684416152837912;0.186178861788617894257313878370;0.081300813008130079495572317683;0.052032520325203251987389307942;0.060569105691056911167091669768;0.059756097560975607319022628872;0.108943089430894313185405053446
-0.062025316455696200002023488196;0.078059071729957810181765864854;0.233333333333333337034076748751;0.082700421940928275921223189471;0.021097046413502108797022316367;0.025738396624472574536479640983;0.067088607594936705558197331811;0.089873417721518980560979628081;0.059493670886075947223936566388;0.081012658227848102776569305661;0.077637130801687770365049345855;0.121940928270042200920464381397
-0.131756756756756743254044295099;0.052364864864864864302251845629;0.122635135135135131534411812027;0.159459459459459468311237628768;0.026013513513513514957553596219;0.026351351351351352814145201364;0.021959459459459460678454334470;0.104054054054054059830214384874;0.105067567567567562991648344450;0.137500000000000011102230246252;0.061486486486486489899672136517;0.051351351351351354201923982146
-0.102090592334494772996933420472;0.048083623693379790031698917119;0.201742160278745641388553622164;0.062369337979094073565189404462;0.014285714285714285268213963320;0.025783972125435539179960642286;0.036236933797909411103521648556;0.114634146341463419305206627996;0.089198606271777003406953099329;0.161324041811846702332289282822;0.081533101045296166309306329367;0.062717770034843203785790421989
-0.061657819518170682571156504537;0.126990608411596567206558461294;0.166598611678236002697772732972;0.111065741118824015676302963129;0.053082890975908535169391910813;0.026541445487954267584695955406;0.148632094732543906800970034965;0.068191098407513264789692186696;0.060841159657002860661201282255;0.046957942017149860436386887841;0.049407921600653326166252554685;0.080032666394446713709065477360
-0.027294303797468354166877446687;0.112737341772151902774545817465;0.164556962025316444453437725315;0.145569620253164555556679715664;0.021360759493670885417193616718;0.032436708860759493056047375603;0.183939873417721527770751777098;0.109177215189873416667509786748;0.036787974683544305554150355420;0.041930379746835444443320284336;0.045490506329113923611462411145;0.078718354430379749997470639755
-0.042241379310344828734713473750;0.099568965517241384000080017813;0.178017241379310353632803298751;0.079741379310344834285828596876;0.018534482758620688530593056953;0.024137931034482758285708570156;0.261206896551724132571337122499;0.126293103448275850775317508123;0.028879310344827584938753872734;0.027586206896551723755095508750;0.033189655172413790040764070000;0.080603448275862063510110999687
-0.018083182640144666170067822009;0.086799276672694394840767984078;0.192585895117540678578293977807;0.116636528028933095235686323576;0.014014466546112115327704650269;0.029837251356238696925471387544;0.166817359855334551577143997747;0.150994575045207968244653784495;0.042947558770343577383421518334;0.059222423146473780752874205291;0.050180831826401449402563770263;0.071880650994575051582202718237
-0.045855379188712519500370490277;0.109788359788359782265310116145;0.149029982363315688376204093402;0.130952380952380958989422765626;0.026014109347442679331940951215;0.028218694885361550461766455555;0.112874779541446201847065822221;0.061728395061728391635114121527;0.085978835978835974063194669270;0.083333333333333328707404064062;0.074074074074074069962136945833;0.092151675485008813226706081423
-0.025833333333333333148296162562;0.075416666666666673513041985188;0.166666666666666657414808128124;0.092916666666666661300588714312;0.018749999999999999306110609609;0.013333333333333334189130248149;0.308750000000000024424906541753;0.172916666666666662965923251249;0.027500000000000000138777878078;0.025416666666666667268037471672;0.022916666666666665047591422422;0.049583333333333333425851918719
-0.026041666666666667823148983985;0.086805555555555552471602709375;0.181597222222222215437525960624;0.040625000000000001387778780781;0.024652777777777776929690745078;0.013194444444444444405895033867;0.246875000000000011102230246252;0.235763888888888883954564334999;0.025347222222222222376419864531;0.027083333333333334258519187188;0.032291666666666669904817155157;0.059722222222222225151977426094
-0.041019955654101998565597142488;0.103104212860310420762921523874;0.177383592017738372925705903072;0.009608277900960828649123968148;0.016629711751662969859699714448;0.033259423503325939719399428895;0.205469327420546937768008888270;0.155210643015521065901651809327;0.038802660753880266475412952332;0.062084257206208429136218285294;0.053584626755358459593292508316;0.103843311160384324520755683352
-0.037522603978300178573235257318;0.106238698010849910713382371341;0.202983725135623876978385737857;0.103074141048824591271326767128;0.021699819168173598710191996020;0.020343580470162749007645430765;0.188969258589511746038169803796;0.134267631103074130960450816019;0.031645569620253166664980426503;0.051989150090415915672625857269;0.044755877034358043653483605340;0.056509945750452081347781074783
-0.010227272727272727209646419055;0.098106060606060599416089473834;0.187878787878787867349217322044;0.039015151515151516581347834745;0.018560606060606062162054996634;0.018560606060606062162054996634;0.306439393939393955879069153525;0.166287878787878790065590806080;0.025757575757575756902895136591;0.037499999999999998612221219219;0.034469696969696969612861892074;0.057196969696969697516397701520
-0.027479091995221027744378261559;0.101553166069295097706515207392;0.196336121067303859266672816375;0.078454798884906418177109799217;0.022700119474313024126033155881;0.022700119474313024126033155881;0.211469534050179208684028253629;0.139386698526483471249903800526;0.034249303066507370829629763875;0.052170450019912384398423910170;0.049382716049382713308091297222;0.064117881322182393444286674367
-0.037916666666666667961926862063;0.109166666666666661855700226624;0.181249999999999994448884876874;0.060833333333333336478965236438;0.021250000000000001526556658860;0.022916666666666665047591422422;0.220833333333333325931846502499;0.116666666666666668517038374375;0.045416666666666667684371105906;0.072916666666666671292595935938;0.045416666666666667684371105906;0.065416666666666664631257788187
-0.028724440116845179754578865072;0.081791626095423564102304681001;0.172833495618305743590781275998;0.130477117818889959410810774898;0.028724440116845179754578865072;0.011684518013631937233265389864;0.268257059396299901710136737165;0.150925024342745850436386945148;0.032619279454722489852702693724;0.034079844206426485042626950417;0.017526777020447907584621560773;0.042356377799415777241076597193
-0.046212121212121211322187974702;0.098484848484848480643094603693;0.171969696969696966837304330511;0.115909090909090906063028114659;0.023484848484848483418652165255;0.023484848484848483418652165255;0.206060606060606055223161092727;0.105681818181818182322828647557;0.042424242424242426807712291748;0.061363636363636363257878514332;0.049621212121212121548552431705;0.055303030303030305259159860043
-0.126943942133815546036146315600;0.046654611211573236706495748649;0.127305605786618453167946540816;0.216274864376130193655001221487;0.006509945750452079439585251208;0.016998191681735986408030569805;0.036166365280289332340135644017;0.058951175406871607342917940286;0.105605786618444844049413688936;0.138517179023508130164543672436;0.062929475587703440075948435606;0.057142857142857141072855853281
-0.031481481481481478346129421197;0.114351851851851857300168546772;0.176851851851851843422380738957;0.121759259259259261520824679792;0.018055555555555553859381490156;0.022222222222222223070309254922;0.193981481481481476958350640416;0.168518518518518511939419113332;0.029166666666666667129259593594;0.038888888888888889505679458125;0.023611111111111110494320541875;0.061111111111111109106541761093
-0.039772727272727272096464190554;0.088636363636363638129900266449;0.160984848484848480643094603693;0.147348484848484839737636775681;0.021212121212121213403856145874;0.017803030303030303177491688871;0.237878787878787884002562691421;0.185984848484848475091979480567;0.024621212121212120160773650923;0.015530303030303029693248717535;0.018939393939393939919613174538;0.041287878787878790065590806080
-0.045660036166365283727408552750;0.099457504520795658731202593117;0.163652802893309218257300585719;0.178571428571428575393653659376;0.016726943942133816467521256754;0.020795660036166365575160952517;0.232368896925858964275235507557;0.120253164556962027775810497587;0.014918625678119348462735693772;0.019891500904159132440129909014;0.031193490054249546628017952798;0.056509945750452081347781074783
-0.098402323892519974468662269373;0.051924473493100940790778707878;0.144517066085693535182343794077;0.148511256354393605949582024550;0.018518518518518517490534236458;0.019970951343500364244532008229;0.039941902687000728489064016458;0.101307189542483661037763909007;0.105664488017429197830310272366;0.156136528685548281458750352613;0.063180827886710241858558845252;0.051924473493100940790778707878
-0.141489033055298113472630916476;0.031201729996910718134550677405;0.151374729687982712000859919499;0.122953351869014515518330199484;0.010194624652455977487086613564;0.017299969107198023138272091614;0.025332097621254247299393824733;0.122644423849243122681684781128;0.111523015137472966684661912495;0.161569354340438675610158725249;0.053753475440222429904135736933;0.050664195242508494598787649466
-0.079685746352413017179472376483;0.073325851103628880700568970497;0.185933408155630364166910339918;0.058735503179947627649948316275;0.012345679012345678327022824305;0.013842124953236063789052678885;0.080433969322858206441040351820;0.138795361017583246399098584334;0.091283202394313506244927225453;0.150392817059483735464553433303;0.064721286943509162559173830687;0.050505050505050504139337164133
-0.055468749999999997224442438437;0.080468750000000005551115123126;0.206640624999999994448884876874;0.057421874999999997224442438437;0.015625000000000000000000000000;0.013671875000000000000000000000;0.109765625000000005551115123126;0.130078124999999988897769753748;0.087109375000000002775557561563;0.130078124999999988897769753748;0.055859375000000002775557561563;0.057812500000000002775557561563
-0.026290165530671861376932341159;0.123661148977604676280073192629;0.205939629990262912384579863101;0.085686465433300870730981557699;0.025316455696202531250316170031;0.028724440116845179754578865072;0.153846153846153854694023266347;0.133398247322297963668447096097;0.039922103213242451924536169372;0.054040895813047711004895035103;0.042356377799415777241076597193;0.080817916260954233975688509872
-0.034293552812071331770127358141;0.121742112482853229171730902181;0.181755829903978038952772067205;0.048353909465020578073435331135;0.023662551440329217949942730570;0.040466392318244170933638770293;0.186213991769547337895573946298;0.126200274348422486481169357830;0.037379972565157751351883064217;0.037722908093278460783803751610;0.056584362139917694645152579369;0.105624142661179698521323189198
-0.034018987341772152777075177710;0.081882911392405069439526243968;0.205300632911392416657392345769;0.095727848101265819447114324703;0.031645569620253166664980426503;0.025316455696202531250316170031;0.128560126582278472229248222902;0.158227848101265833324902132517;0.039161392405063291666245106626;0.059731012658227847222924822290;0.051819620253164555556679715664;0.088607594936708861110830071084
-0.061181434599156120368590450198;0.084036568213783399694527531665;0.152250351617440216056564850078;0.153305203938115336415037859297;0.030942334739803095677856958901;0.020393811533052037809898848764;0.129395218002812950608415576426;0.119198312236286921295125296183;0.061533052039381155862152184000;0.079113924050632916662451066259;0.057665260196905765432973112183;0.050984528832630097994194073863
-0.046797084771768318600670966134;0.071346375143843496213769128644;0.179516685845799772724973308868;0.163406214039125419201781141965;0.025316455696202531250316170031;0.021480629075565783880907844150;0.075565784426543922136509934262;0.156118143459915620363531729708;0.054852320675105488423373145679;0.102800153433064825336806791256;0.042577675489067892677930160517;0.060222477943996932658876630740
-0.046249999999999999444888487687;0.067812499999999997779553950750;0.234687499999999993338661852249;0.115000000000000004996003610813;0.018437499999999999028554853453;0.009062499999999999375499548648;0.154062499999999991118215802999;0.198750000000000009992007221626;0.020000000000000000416333634234;0.032187500000000000832667268469;0.044999999999999998334665463062;0.058749999999999996669330926125
-0.168875927889713672858107429420;0.031283138918345707035761904535;0.138918345705196177863882667225;0.056203605514316010149933333651;0.014846235418875928027682142840;0.022799575821845174256052857231;0.033669141039236481771634856841;0.126458112407211026306796952667;0.133881230116648985983829334145;0.155885471898197236484406857926;0.065482502651113466685117714405;0.051696712619300103086494857507
-0.020367183017785426418777561253;0.197074010327022375310690449624;0.189328743545611022369712372893;0.013195639701663798570852037528;0.033562822719449228459076550735;0.053930005737234651408407160034;0.104991394148020653065422891359;0.036718301778542739022270779969;0.042455536431440045463947541293;0.053069420539300055095210950640;0.096959265633964425434854206287;0.158347676419965582850224450340
-0.031494079113126731417349191133;0.135046611237087416101942949354;0.274880322499370111088978774205;0.000755857898715041592180297059;0.031746031746031744269487262500;0.023431594860166288923908339825;0.128495842781557068068565286012;0.074326026706979089753168921106;0.044595616024187455239680133445;0.046863189720332577847816679650;0.071302595112118921649724256895;0.137062232300327546674623135914
-0.081325301204819275269208844747;0.051539491298527445595212270746;0.198460508701472554404787729254;0.030455153949129853269139900362;0.016733601070950468447939840644;0.016398929049531458385091653440;0.057228915662650599316396693439;0.122824631860776439795657211107;0.094712182061579650027560717263;0.153949129852744309721046533923;0.091365461847389556337972749134;0.085006693440428382491091952033
-0.053012048192771082932850390534;0.037951807228915661329704533955;0.220180722891566260646101227394;0.026807228915662652257712039727;0.011445783132530119863279338688;0.019277108433734941456139111438;0.013855421686746987111615858623;0.147289156626506018143984988455;0.106927710843373491300667410542;0.195180722891566266197216350520;0.087349397590361449461582310505;0.080722891566265053686635155827
-0.019097222222222223764198645313;0.138194444444444453079512413751;0.177430555555555563573832955626;0.051388888888888886730121896562;0.045486111111111109106541761093;0.040972222222222222376419864531;0.158333333333333325931846502499;0.089583333333333334258519187188;0.054513888888888889505679458125;0.054166666666666668517038374375;0.059027777777777776235801354687;0.111805555555555560798275394063
-0.022395326192794547809361560553;0.124148003894839334404487374286;0.177215189873417722221660142168;0.145082765335929897432265534007;0.034079844206426485042626950417;0.036514118792599803420273474330;0.091041869522882179488476594997;0.109542356377799410260820422991;0.037487828627069133546889645459;0.052580331061343722753864682318;0.068159688412852970085253900834;0.101752677702044797003466669594
-0.055870798777826274905677905736;0.098210388476647758615456496045;0.189000436490615458806630044819;0.116542994325621998563669023952;0.022261021388040157925614082046;0.021824530772588390803434776899;0.095591444783937148943486761254;0.130074203404626803637356147192;0.062854648625054562738334595906;0.095591444783937148943486761254;0.054124836316019206416960685146;0.058053251855085113986021383425
-0.027684249906472127578105357770;0.076692854470632246255412667324;0.295173961840628495956195820327;0.029928918817807705771150139640;0.018705574261129818275373182246;0.013842124953236063789052678885;0.117096894874672646791324837068;0.209128320239431342297820037857;0.032547699214365878594978909177;0.046015712682379347753247600394;0.045267489711934158491679625058;0.087916199027310140690083528625
-0.022058823529411766134478156687;0.099632352941176477445495152097;0.238602941176470600970205282465;0.043014705882352941013202496379;0.019852941176470587092417474651;0.018382352941176471200490638580;0.151102941176470578765744789962;0.227573529411764702290454920330;0.024632352941176469812711857799;0.032720588235294119361373788024;0.036397058823529414295361306131;0.086029411764705882026404992757
-0.028691983122362870600730033743;0.069620253164556958336284253619;0.144303797468354422228742350853;0.167088607594936711109312454937;0.021940928270042195369349258272;0.014345991561181435300365016872;0.158227848101265833324902132517;0.195358649789029531484985113821;0.050210970464135022683915821062;0.067932489451476799069418177623;0.032911392405063293054023887407;0.049367088607594936111588879157
-0.009325681492109038142612753575;0.110114777618364412248297412589;0.210903873744619801966493355394;0.021520803443328552495561467595;0.034791965566714488922173131868;0.031205164992826397996061871254;0.190100430416068860717260236015;0.199426111908177911002937321427;0.041606886657101861681784527036;0.029053084648493543440395114885;0.029770444763271161625617367008;0.092180774748923957617741109516
-0.002500000000000000052041704279;0.096500000000000002442490654175;0.198500000000000009769962616701;0.074999999999999997224442438437;0.008000000000000000166533453694;0.014500000000000000735522753814;0.257500000000000006661338147751;0.235999999999999987565502124198;0.016500000000000000777156117238;0.020500000000000000860422844084;0.022999999999999999611421941381;0.051499999999999997168931287206
-0.024512884978001258512447790849;0.120050282840980515608464429533;0.196417347580138290652485011378;0.048711502199874294471992897115;0.041169076052796980957904082743;0.031426775612822123451284284101;0.169076052796983039572253915139;0.076681332495285983719135458614;0.074481458202388439726604474345;0.046825895663104966093470693522;0.058768070395977374531515380340;0.111879321181646756988570245994
-0.019387116948092558699201504169;0.092245153220762973744761836770;0.264540337711069439841082839848;0.000312695434646654158578060745;0.032520325203252035961565269417;0.016885553470919325430577018210;0.185428392745465908664215248791;0.240150093808630393787950652040;0.029080675422138838048802256253;0.020950594121325827323687462922;0.030956848030018760398185406757;0.067542213883677301722308072840
-0.038602941176470589867975036213;0.152573529411764718943800289708;0.169852941176470595419090159339;0.037499999999999998612221219219;0.031617647058823528105619971029;0.037132352941176470506601248189;0.219117647058823528105619971029;0.096691176470588238722747576048;0.036029411764705879250847431194;0.026838235294117645385325587881;0.038602941176470589867975036213;0.115441176470588241498305137611
-0.042187500000000002775557561563;0.101171874999999994448884876874;0.185156249999999994448884876874;0.089453124999999994448884876874;0.019921874999999998612221219219;0.017578125000000000000000000000;0.206249999999999988897769753748;0.196484374999999988897769753748;0.025000000000000001387778780781;0.030859375000000001387778780781;0.027734374999999998612221219219;0.058203125000000001387778780781
-0.060876968922945931539381092534;0.074074074074074069962136945833;0.198382290336313327205886025695;0.083865474670072368001960683159;0.024691358024691356654045648611;0.026394210302256280314958658550;0.097488292890591743411476954861;0.058748403575989781300048520052;0.088548318433375905467386246528;0.104299702000851424177341186805;0.068965517241379309387738771875;0.113665389527458499108192313543
-0.011693548387096774562876611014;0.104032258064516131002008592077;0.195564516129032250901786937902;0.074999999999999997224442438437;0.016129032258064515681361683619;0.020564516129032258534570232200;0.199193548387096769358706183084;0.193145161290322581182365979657;0.040322580645161289203404209047;0.037903225806451612545089346895;0.031048387096774193033565936162;0.075403225806451618096204470021
-0.005809731299927378342373707198;0.086782861292665214314467903023;0.204066811909949158421184733925;0.037037037037037034981068472916;0.013071895424836601704021710191;0.014524328249818446723296005985;0.285766158315177931648065623449;0.267247639796659386401955771362;0.009803921568627450844335413649;0.014887436456063907544433710939;0.017066085693536674205983416641;0.043936092955700799256302246931
-0.043037974683544304166371574638;0.073417721518987344442308540238;0.225822784810126575560929040876;0.076455696202531647776012846407;0.005063291139240506423535581604;0.005569620253164556979152965965;0.243544303797468358885325301344;0.262278481012658215565380714906;0.012151898734177215069540700654;0.011645569620253164513923316292;0.015189873417721518403245006823;0.025822784810126581805933554392
-0.014583333333333333564629796797;0.107638888888888895056794581251;0.194097222222222226539756206876;0.075347222222222218213083522187;0.025000000000000001387778780781;0.016319444444444445446729119453;0.265625000000000000000000000000;0.179513888888888889505679458125;0.024305555555555555941049661328;0.014583333333333333564629796797;0.029861111111111112575988713047;0.053124999999999998612221219219
-0.073731138545953367469110162347;0.058299039780521262621437728058;0.204046639231824422644479000155;0.050754458161865571852455758517;0.016117969821673523711513809076;0.021604938271604937072289942535;0.070644718792866947887354456270;0.114883401920438957266590307427;0.087448559670781897401603544040;0.154663923182441709336387702933;0.087105624142661181030788952739;0.060699588477366256400458155440
-0.072619047619047624730903578438;0.042857142857142857539365365938;0.212202380952380947887192519374;0.027380952380952380820211544687;0.005357142857142857192420670742;0.016666666666666666435370203203;0.036904761904761905488836504219;0.108035714285714290472384391251;0.119940476190476194573442114688;0.196130952380952378044653983125;0.088392857142857148011749757188;0.073511904761904764415980650938
-0.013877207737594618106036215011;0.181244743481917575111950213795;0.171572750210260721592803179192;0.002943650126156434169988340699;0.034062237174095878755597510690;0.056349873843566024300688610538;0.202270815811606385903331783993;0.084104289318755257043314088605;0.055508830950378472424144860042;0.043313708999158956336472670046;0.046677880571909170781541575934;0.108074011774600506341492689444
-0.090413943355119819056398000612;0.063543936092955694006079170322;0.184095860566448804584993581557;0.027959331880900509248455421130;0.019607843137254901688670827298;0.025054466230936819209906829542;0.052287581699346406816086840763;0.104938271604938265779694006596;0.101670297748729127063072041892;0.163398692810457518698186163419;0.086782861292665214314467903023;0.080246913580246909125648357985
-0.069620253164556958336284253619;0.093881856540084393514256078106;0.190225035161744021605656485008;0.107243319268635728391814154747;0.022151898734177215277707517771;0.019338959212376934798660599313;0.157172995780590712966429123298;0.167369901547116728401931595727;0.035513361462728550155265594412;0.035864978902953585648827328214;0.033052039381153308639227361709;0.068565400843881851855599052215
-0.039858906525573195578360241598;0.132275132275132267789530260416;0.170723104056437396947032425487;0.007760141093474426897402818071;0.063139329805996471933760005868;0.026455026455026453557906052083;0.201410934744268077523088322778;0.055026455026455027563780930677;0.087125220458553795377376616216;0.050793650793650793606737181562;0.055379188712522044168995449809;0.110052910052910055127561861354
-0.019135364989369241239813845823;0.128632175761871025976290638937;0.217576187101346574248594833989;0.000000000000000000000000000000;0.041814316087880935846055052707;0.028348688873139616523078032628;0.163004961020552813222295185369;0.085400425230333101844770737898;0.064493267186392630452296259591;0.076187101346562716153165695232;0.059177888022678953872102169953;0.116229624379872428785454019362
-0.046420978029766121752963670133;0.101700921332388380391442694872;0.175761871013465631463645877375;0.009567682494684620619906922911;0.045357902197023389212482413768;0.030120481927710843206291713159;0.156272147413182127539954535678;0.079730687455705176458486960200;0.117292700212615161325935275727;0.067682494684620841951527836500;0.058114812189936214392727009681;0.111977321048901484745741186089
-0.046639231824417010097150182446;0.122085048010973931664757685667;0.126543209876543216729771756945;0.048696844993141287505356018528;0.160493827160493818251296715971;0.034636488340192041202048045534;0.119341563786008228453816570891;0.061042524005486965832378842833;0.132716049382716055893283169098;0.020576131687242798368187024494;0.034293552812071331770127358141;0.092935528120713303823485773592
-0.000965250965250965273570238345;0.120334620334620334691777543412;0.249678249678249669640806018833;0.000000000000000000000000000000;0.023166023166023164830962244309;0.022200772200772201508955916438;0.212355212355212347175026366131;0.244530244530244522671580398310;0.014478764478764479320394009676;0.017696267696267697910883498480;0.028957528957528958640788019352;0.065637065637065630796520565582
-0.028582317073170732807385618912;0.126143292682926816405952763489;0.179115853658536577919235810441;0.012195121951219512618225238043;0.054496951219512194952709904783;0.044207317073170729337938666959;0.132621951219512201891603808690;0.116615853658536591797023618255;0.071265243902439018297556572179;0.046493902439024389905419809566;0.048018292682926830283740571303;0.140243902439024403783207617380
-0.060670194003527334880576660225;0.095590828924162263291464114445;0.189770723104056432406494536735;0.023280423280423279824846716224;0.024691358024691356654045648611;0.033156966490299824568133146840;0.116754850088183426137788956112;0.096649029982363313107107671840;0.101587301587301587213474363125;0.116402116402116395654786629166;0.060317460317460318275362141094;0.081128747795414457577578559722
-0.052568697729988053679583970279;0.110712863401035449539833166455;0.216646754281162895461321227231;0.013142174432497013419895992570;0.008363201911589008066827410914;0.027877339705296693556091369715;0.078454798884906418177109799217;0.147351652727996801361953771448;0.060931899641577060011687905217;0.128235762644364786888573348733;0.074074074074074069962136945833;0.081640780565511744670814664460
-0.100217864923747276839627318168;0.060275962236746548350563301710;0.183369644153957872534377315787;0.037037037037037034981068472916;0.030864197530864195817557060764;0.017792302106027595848258826550;0.078431372549019606754683309191;0.141975308641975300760762479513;0.104575163398692813632173681526;0.123819898329702249295536375939;0.054466230936819175212360022442;0.067175018155410312625797075725
-0.128028933092224239675971375618;0.052441229656419528770694427067;0.173236889692585882549735742941;0.090415913200723327380892158089;0.022061482820976491964204413421;0.011211573236889692609108415411;0.079204339963833636506507218655;0.120795660036166360717935219782;0.103435804701627484525339184529;0.105605786618444844049413688936;0.045207956600361663690446079045;0.068354430379746838886134696622
-0.081992337164750961342463142500;0.040868454661558112350761007292;0.183397190293742018418754469167;0.063601532567049812172399470001;0.019667943805874839313663215989;0.024776500638569603357508341901;0.022477650063856959711250382838;0.067688378033205626183033132293;0.129501915708812254113269091249;0.170114942528735629823088970625;0.093231162196679442932811809897;0.102681992337164754158784774063
-0.046029919447640968432899910567;0.058688147295742232323334519606;0.250479478327579607732644717544;0.110855389336401988220615066894;0.010356731875719216856568394292;0.021864211737629458964793371933;0.072497123130034521465425711995;0.112773302646720363640042705811;0.060606060606060607742762158523;0.103183736095128500420692319040;0.074798619102416571968738878695;0.077867280398925972639823100963
-0.055232558139534884689147986592;0.164451827242524911687482358502;0.178986710963455142309186385319;0.071013289036544843813025806867;0.023671096345514949094157586273;0.046511627906976743540568008939;0.099252491694352157347580600799;0.061046511627906974162272035755;0.037790697674418602391988031286;0.051495016611295678365944894495;0.079734219269102984961605784520;0.130813953488372103350911856978
-0.015625000000000000000000000000;0.208203124999999988897769753748;0.150781250000000005551115123126;0.184765624999999988897769753748;0.025390625000000000000000000000;0.033593749999999998612221219219;0.119531250000000005551115123126;0.034765625000000001387778780781;0.019531250000000000000000000000;0.038671875000000001387778780781;0.067968749999999994448884876874;0.101171874999999994448884876874
-0.013425129087779690689741229903;0.184509466437177277464698477161;0.215146299483648884010023039082;0.033734939759036144946158231051;0.028227194492254734092817614055;0.040619621342512908512834002295;0.139414802065404463959907843673;0.083993115318416522452338313087;0.042340791738382101139226421083;0.040619621342512908512834002295;0.067125645438898456918153101469;0.110843373493975896892926868986
-0.041505791505791506112998945355;0.139639639639639628887479716468;0.164092664092664097807983125676;0.039897039897039895950392462964;0.038931788931788932628386135093;0.055984555984555983698669479054;0.079794079794079791900784925929;0.108751608751608747072125993327;0.054054054054054057054656823311;0.064671814671814667474514237711;0.084298584298584292029410391933;0.128378378378378371627022147550
-0.025702811244979920785036497932;0.136144578313253022949780302042;0.171485943775100402319822023856;0.040963855421686748425891266834;0.022088353413654619045169980041;0.045783132530120479453117354751;0.087550200803212852029844270874;0.095582329317269079660412955946;0.063855421686746988152449944209;0.087550200803212852029844270874;0.077911646586345376097604287224;0.145381526104417679867708557140
-0.038821954484605084023662868731;0.152610441767068283347441592923;0.142235609103078974868594741565;0.017068273092369478510788027847;0.039825970548862117681654382295;0.064257028112449793288973864946;0.105421686746987958160914899963;0.073962516733601074703230437990;0.052208835341365458782014741246;0.078313253012048195111916015776;0.083333333333333328707404064062;0.151941097724230256282851314609
-0.046677215189873416667509786748;0.170094936708860750007588080734;0.181962025316455694445849644580;0.080696202531645569444584964458;0.020965189873417722221660142168;0.057753164556962027775810497587;0.107990506329113930550356315052;0.047468354430379749997470639755;0.024525316455696201389802268977;0.049050632911392402779604537955;0.094936708860759499994941279510;0.117879746835443041663715746381
-0.076230661040787628390802410649;0.094796061884669477470843901301;0.127988748241912808634168641220;0.171308016877637137032053260555;0.012939521800281293326118081666;0.042475386779184248764451581337;0.068354430379746838886134696622;0.090295358649789034255483954894;0.055133614627285512654886190376;0.092264416315049224692756979493;0.104922644163150488583191588532;0.063291139240506333329960853007
-0.029942279942279943771854533452;0.157287157287157280949330129260;0.172077922077922079724388026989;0.113275613275613279418152501421;0.027777777777777776235801354687;0.042207792207792207972438802699;0.104978354978354976312360236079;0.033189033189033191606487349645;0.041486291486291487773385711080;0.066378066378066383212974699290;0.075396825396825392640032248437;0.136002886002886014260582214774
-0.013690476190476190410105772344;0.181845238095238087572269591874;0.208333333333333342585191871876;0.040476190476190478106932602032;0.017559523809523809589894227656;0.039880952380952378044653983125;0.153571428571428580944768782501;0.045535714285714283533490487343;0.034523809523809526056403740313;0.063095238095238093123384715000;0.094345238095238093123384715000;0.107142857142857136909519510937
-0.022151898734177215277707517771;0.110307414104882456351575115150;0.224231464737793845243274404311;0.144665461121157329360542576069;0.017631103074141049602552300257;0.019439421338155515872614387263;0.165461121157323698405150480539;0.132911392405063277788457298811;0.023960216998191681547769604776;0.030741410488245930060502431047;0.056962025316455694445849644580;0.051537070524412295635663383564
-0.050994575045207955754644757462;0.101989150090415911509289514925;0.226763110307414111899149133933;0.113562386980108495637686871760;0.019529837251356239186117491613;0.021699819168173598710191996020;0.097649186256781192461140506111;0.137070524412296557148494002831;0.031826401446654613291986635204;0.041952983725135624404334322435;0.063652802893309226583973270408;0.093309222423146473412991497298
-0.014705882352941176266503120473;0.115126050420168060672843068915;0.181092436974789910975047746433;0.118067226890756299395590644963;0.013865546218487394269924806167;0.036974789915966387032764117748;0.085294117647058825815165050699;0.032773109243697480519319498171;0.060504201680672269059169110506;0.089495798319327732328609670276;0.088235294117647064537912626747;0.163865546218487395657703586949
-0.034090909090909088385856762216;0.123900293255131965786119963013;0.263196480938416410566560443840;0.003665689149560117515713741909;0.010997067448680352547141225728;0.032258064516129031362723367238;0.072947214076246338909648159188;0.053152492668621702243125781706;0.059750733137829914465299907533;0.100439882697947208134436891669;0.113269794721407621174158464328;0.132331378299120228092533579911
-0.045833333333333330095182844843;0.183333333333333320380731379373;0.174358974358974350149509291441;0.043589743589743587537377322860;0.018589743589743589619045494032;0.060576923076923076816324709171;0.100961538461538463673505816587;0.115384615384615391020517449761;0.032692307692307694122479944099;0.047115384615384614530597673365;0.085576923076923078204103489952;0.091987179487179493442283728655
-0.043253043253043250981892953178;0.043382543382543381493832157503;0.280238280238280235145964525145;0.031209531209531210516061605631;0.004791504791504791645195826533;0.038073038073038072137688203611;0.060217560217560216206944545547;0.229344729344729353348597555851;0.047656047656047653693356380700;0.105413105413105417929031659696;0.071743071743071748502806883607;0.044677544677544679674330296848
-0.046328671328671328089043868204;0.096590909090909088385856762216;0.216783216783216770018327679281;0.001529720279720279746057953751;0.017919580419580419944347582373;0.037368881118881119851593552994;0.085664335664335664044521934102;0.058347902097902096252290959910;0.084571678321678320222609670509;0.123251748251748255436055501377;0.110358391608391614990836160359;0.121284965034965039332170988473
-0.053164556962025315278719261869;0.075949367088607597220395462045;0.229113924050632911111335943133;0.081856540084388182410002343659;0.009282700421940928009467697279;0.022784810126582278472229248223;0.084388185654008435188089265466;0.097890295358649792589744720317;0.062025316455696200002023488196;0.121940928270042200920464381397;0.091139240506329113888916992892;0.070464135021097051847505099431
-0.059393274853801171497824640255;0.175255847953216387091757155758;0.110197368421052627196488060690;0.083881578947368418130992040460;0.030701754385964910576412023602;0.092653508771929821152824047203;0.019554093567251462637557324342;0.021198830409356723969427349630;0.048793859649122806043664013487;0.056469298245614037157213971341;0.094480994152046790524046571136;0.207419590643274864838474513817
-0.028481012658227847222924822290;0.070147679324894518515520758228;0.194620253164556972214072061433;0.196729957805907185175442464242;0.010548523206751054398511158183;0.028744725738396623843096122641;0.028744725738396623843096122641;0.068565400843881851855599052215;0.052742616033755275462002742870;0.119198312236286921295125296183;0.113132911392405069439526243968;0.088343881856540087960105722686
-0.078888888888888883399452822687;0.061666666666666668239482618219;0.179722222222222227649979231501;0.115833333333333329817627088687;0.013611111111111110286153724758;0.022222222222222223070309254922;0.040833333333333332593184650250;0.045555555555555557467606320188;0.093333333333333337589188261063;0.146666666666666667406815349750;0.110555555555555559688052369438;0.091111111111111114935212640376
-0.099778270509977826097092190594;0.084257206208425722282484571224;0.181079083518107919470452316091;0.055062823355506280986748635087;0.010716925351071692959492587249;0.043976348854397634413615492122;0.054693274205469329107831555348;0.046193643754619366503799682278;0.080192165558019209981033270651;0.116777531411677751305155936734;0.097930524759793052824718984084;0.129342202512934212332851302563
-0.014285714285714285268213963320;0.112925170068027214131944901965;0.202380952380952383595769106250;0.000680272108843537367910137004;0.013265306122448979053718431942;0.045918367346938777917575436049;0.027210884353741495583767218136;0.035034013605442178296289768014;0.102040816326530614510659233929;0.128231292517006795206313540803;0.110884353741496605172400791162;0.207142857142857156338422441877
-0.020202020202020203737403036826;0.095598845598845599846882237216;0.197330447330447328324609657102;0.001443001443001443000191397203;0.019119769119769119969376447443;0.047619047619047616404230893750;0.050144300144300144039810618324;0.049422799422799423840757526705;0.099927849927849921041200786931;0.132395382395382399387528948864;0.121933621933621935684577408665;0.164862914862914849978281495169
-0.008550330353672756095173568269;0.121647881849980571411506957702;0.185775359502526243860032195698;0.000777302759424795949513842253;0.017489312087057909406162536925;0.050913330742324132416332105322;0.050524679362611735200516704936;0.021764477263894285719025845083;0.088612514574426745617152789691;0.129032258064516125450893468951;0.125923047026816947724370265860;0.198989506412747763075543616651
-0.004901960784313725422167706824;0.154761904761904767191538212501;0.203431372549019606754683309191;0.000000000000000000000000000000;0.016106442577030810614502343014;0.054271708683473390832929794669;0.057072829131652659528928239752;0.020308123249299720597393914545;0.058473389355742297346374414246;0.108193277310924373946221521692;0.106092436974789913750605307996;0.216386554621848747892443043384
-0.022029897718332022010789827959;0.157356412273800150281033438660;0.201416207710464201241506998485;0.000000000000000000000000000000;0.024783634933123525195819425448;0.035011801730920534547752964727;0.182533438237608175436221813470;0.077891424075531082160672724513;0.060975609756097559621679238262;0.055468135326514553251620043284;0.068450039339103069258030132005;0.114083398898505120055979489280
-0.024020694752402069888086444394;0.175905395417590537654461968486;0.145602365114560233783080889225;0.022542498152254248494630317623;0.033259423503325939719399428895;0.065410199556541023802047618574;0.058019216555801923773660888628;0.018477457501847746601519872911;0.075757575757575759678452698154;0.076496674057649663436286857632;0.096452328159645231431262857313;0.208056171470805628676004062072
-0.038024691358024692577899372736;0.120987654320987653155938801319;0.209382716049382716638760371097;0.047407407407407405053323401489;0.012345679012345678327022824305;0.036543209876543213121546926914;0.097283950617283954098724052528;0.087901234567901234684406119868;0.057777777777777775125578330062;0.109135802469135803627331426924;0.071111111111111111049432054187;0.112098765432098762540036318569
-0.075480769230769226285637785168;0.084615384615384620081712796491;0.193750000000000005551115123126;0.064903846153846159183764541467;0.017307692307692308653077617464;0.041346153846153844979571800877;0.123076923076923083755218613078;0.085576923076923078204103489952;0.068750000000000005551115123126;0.104807692307692310040856398246;0.062980769230769229061195346731;0.077403846153846156408206979904
-0.044705136334812933807114632145;0.144261255548509825796799077580;0.162967660114140766580703711952;0.030437539632213062718024687570;0.038681039949270766553635070295;0.047241597970830689900978427431;0.117311350665821184646731012435;0.045973367152821811854046529788;0.083386176284083707299643606348;0.079898541534559289201133935876;0.066582117945466076647242914532;0.138554216867469881524499442094
-0.039189189189189191364626196901;0.096959459459459454433449820954;0.234459459459459451657892259391;0.041216216216216218504175827775;0.022972972972972974248229149907;0.034121621621621620046305167762;0.097635135135135137085526935152;0.084797297297297291596152035709;0.069932432432432425906121409298;0.096283783783783785659160514570;0.072635135135135128758854250464;0.109797297297297299922824720397
-0.062890625000000005551115123126;0.099218749999999994448884876874;0.200390624999999988897769753748;0.042187500000000002775557561563;0.020312500000000000693889390391;0.032812500000000001387778780781;0.070703125000000005551115123126;0.051171874999999998612221219219;0.076171875000000000000000000000;0.127343750000000005551115123126;0.098046875000000005551115123126;0.118749999999999994448884876874
-0.063786008230452675982213861516;0.108367626886145401732264303973;0.174554183813443064554604688965;0.005144032921810699592046756123;0.027777777777777776235801354687;0.054526748971193417236946743287;0.048696844993141287505356018528;0.032578875171467763793842209452;0.081961591220850477101933506674;0.102537722908093278939567483121;0.104252400548696846915852631810;0.195816186556927285256080040199
-0.045824094604582407685988698631;0.110125646711012561973497270174;0.207317073170731697162594286965;0.003695491500369549146831626985;0.018847006651884701949883904604;0.041389504804138950444514222227;0.058019216555801923773660888628;0.048041389504804139776172888787;0.084257206208425722282484571224;0.121951219512195119243358476524;0.108647450110864740580041143403;0.151884700665188471235822476046
-0.026567944250871080441589455745;0.146777003484320545112495892681;0.198606271777003490219826176144;0.000435540069686411149448013180;0.023083623693379792113367088291;0.049216027874564458044481796151;0.080139372822299645426902259260;0.033536585365853660567481142607;0.072299651567944253627295836395;0.088414634146341458675877333917;0.117595818815331015771974421114;0.163327526132404171610446041996
-0.057098765432098762262480562413;0.102366255144032927693054091378;0.238683127572016456907633141782;0.004115226337448560020582100094;0.010288065843621399184093512247;0.034979423868312757572862636835;0.086419753086419748289159770138;0.073045267489711934727480979745;0.057613168724279836818702449364;0.109567901234567902091221469618;0.101337448559670778580610317476;0.124485596707818932382672016956
-0.015873015873015872134743631250;0.152236652236652225678170680112;0.224747474747474751399778369887;0.000000000000000000000000000000;0.027417027417027416136274808878;0.050144300144300144039810618324;0.055555555555555552471602709375;0.033910533910533911805540441264;0.059884559884559887543709066904;0.080447330447330447911191697585;0.107142857142857136909519510937;0.192640692640692640091870657670
-0.006097560975609756309112619022;0.113567073170731711040382094779;0.219893292682926816405952763489;0.001905487804878048738177476196;0.018292682926829267192614381088;0.043064024390243899054198095655;0.058307926829268295898511809128;0.037728658536585364668969333479;0.087652439024390238486716953048;0.118140243902439018297556572179;0.127667682926829256784273525227;0.167682926829268302837405713035
-0.037650602409638557477311593402;0.106551204819277114954623186804;0.214608433734939763048998884187;0.002259036144578313153735704688;0.016189759036144578396854143421;0.045180722891566264809437569738;0.058358433734939756110104980280;0.037650602409638557477311593402;0.089984939759036139395043107925;0.114457831325301198632793386878;0.117093373493975902444041992112;0.160015060240963846727169084261
-0.030291109362706531565878620427;0.101101494885916604049569400559;0.228953579858379219214015165562;0.001573564122738001572199273426;0.017702596380802518988284433021;0.044453186467348547450395557235;0.050354051927616050310376749621;0.056254917387883553170357942008;0.084972462627852088368207716940;0.130999213217938642594972975530;0.099134539732494100783277701794;0.154209284028324150606081843762
-0.007054673721340387615441613889;0.143738977072310397664622882985;0.228835978835978837153675158333;0.037037037037037034981068472916;0.022045855379188711298255043403;0.022045855379188711298255043403;0.186948853615520271809202768054;0.115961199294532621428821528298;0.038800705467372131884928876389;0.051587301587301584437916801562;0.066578483245149908120730231076;0.079365079365079360673718156249
-0.031227305737109658373418241695;0.151053013798111840371163339114;0.228758169934640515075230382536;0.001089324618736383547615287348;0.021786492374727670084944008977;0.043209876543209874144579885069;0.166666666666666657414808128124;0.126724763979665949742425823388;0.029774872912127815088867421878;0.050108932461873638419813659084;0.065722585330428462402352352001;0.083877995642701527745366263389
-0.049288061336254108957266595326;0.097115735669952532593818261830;0.216137276378240233976057993459;0.017524644030668126704064491150;0.020810514786418401328438321229;0.041986126323475723987055374664;0.060240963855421686412583426318;0.046732384081781673523803277703;0.086893026652062790859964991341;0.121212121212121215485524317046;0.101861993428258482130566164869;0.140197152245345013632515929203
-0.040286144578313254349666294729;0.101280120481927707332125976336;0.197289156626506034797330357833;0.002635542168674698607078177304;0.018072289156626505229885637505;0.040286144578313254349666294729;0.035768072289156627174833147365;0.045557228915662648094375697383;0.106174698795180724730791155253;0.140436746987951804888083984224;0.108057228915662648094375697383;0.164156626506024083678170200074
-0.042857142857142857539365365938;0.087301587301587296741089971874;0.203174603174603174426948726250;0.002777777777777777883788656865;0.018650793650793650452213157109;0.037698412698412696320016124218;0.046031746031746034741871653750;0.052380952380952382207990325469;0.100793650793650796382294743125;0.153174603174603185529178972502;0.113095238095238095898942276563;0.142063492063492058381513061249
-0.031869413136416634146907966851;0.081616789739603581854687774921;0.196657598134473365902863406518;0.009327633113097552261527845019;0.010882238631947142859512922541;0.047026816945200153319284197551;0.037310532452390209046111380076;0.070734551107656432056280948473;0.118150019432568989530274450317;0.157792460163233588810172136618;0.107267780800621839731867623868;0.131364166342790522623573679084
-0.104212860310421290277460570906;0.042498152254249813020159365351;0.155210643015521065901651809327;0.054693274205469329107831555348;0.011456023651145601921497174658;0.021803399852180341267349206191;0.040280857354028087868869079102;0.106799704360679967307667936893;0.114190687361419074274948570746;0.188839615668883964438862221868;0.097191426459719149066884824606;0.062823355506282332894052444772
-0.117073170731707323910519846777;0.040069686411149822713451129630;0.162369337979094086055198431495;0.052264808362369338801123319627;0.005574912891986062712934568708;0.019860627177700349715872008005;0.048780487804878050472900952172;0.129616724738675970218793054300;0.105923344947735198484650709361;0.196167247386759585614512957363;0.075958188153310110535265664566;0.046341463414634145867587733392
-0.052941176470588234559411233704;0.114705882352941171409277387738;0.194117647058823533656735094155;0.004901960784313725422167706824;0.014052287581699346788455251556;0.037581699346405227080136768336;0.048039215686274512606690478833;0.024836601307189540982500730593;0.090196078431372547767885805570;0.147058823529411769603925108640;0.104575163398692813632173681526;0.166993464052287571286470324594
-0.009956192751891676517850271466;0.138988450816407815846531548232;0.188371166865790529154622845454;0.037037037037037034981068472916;0.009159697331740343159700579179;0.038231780167264035885654749336;0.192751891676622849614020083209;0.129430505774591808609841336875;0.033851055356431701548469703766;0.061728395061728391635114121527;0.070489844683393074187272020481;0.090003982477100757941812503304
-0.051697530864197531463855028733;0.147762345679012335741830952429;0.173611111111111104943205418749;0.054012345679012342680724856336;0.032021604938271608364885878473;0.030092592592592590922118134245;0.195987654320987664258169047571;0.070601851851851846197938300520;0.039737654320987657319275143664;0.041666666666666664353702032031;0.058256172839506174809809380122;0.104552469135802475475038875175
-0.007441530829199149467412244263;0.158398299078667620376492664036;0.234231041814316087723568671208;0.000354358610914245228222518858;0.037916371367824240612431907493;0.031537916371367824552862657583;0.215804394046775344095934201505;0.116229624379872428785454019362;0.034018426647767538439914858373;0.032600992204110557093343913948;0.035081502480510277919290018644;0.096385542168674703811248605234
-0.000000000000000000000000000000;0.127621597501115568995544435893;0.223114680946006255224389747127;0.000000000000000000000000000000;0.006247211066488175118527337304;0.026327532351628737256055146077;0.262829094154395370708243717672;0.227576974564926370891981832756;0.010709504685408299459736802817;0.017849174475680500834284814005;0.034805890227576977147272430102;0.062918340026773766915368923947
-0.046875000000000000000000000000;0.131640625000000011102230246252;0.155078125000000011102230246252;0.112500000000000002775557561563;0.024218750000000000693889390391;0.036718750000000001387778780781;0.220312499999999994448884876874;0.076562500000000005551115123126;0.027343750000000000000000000000;0.032812500000000001387778780781;0.035937499999999997224442438437;0.100000000000000005551115123126
-0.030478395061728395104561073481;0.130787037037037034981068472916;0.229166666666666657414808128124;0.047067901234567902091221469618;0.018904320987654321672977175695;0.022376543209876541967728869054;0.195216049382716055893283169098;0.138888888888888895056794581251;0.030092592592592590922118134245;0.041280864197530867110152996702;0.042438271604938272718587910504;0.073302469135802475475038875175
-0.058078927773641104981283689312;0.076693968726731204244018158533;0.220774385703648545753452481222;0.081533879374534629080883973984;0.017870439314966492239111772733;0.026805658972449738358667659099;0.077810871183916607840558299358;0.098287416232315710784561701985;0.056962025316455694445849644580;0.113551749813849592318781844824;0.083023082650781829250341559145;0.088607594936708861110830071084
-0.051900170164492345770135273142;0.093874078275666475446037395614;0.181508791832104360297606149288;0.008791832104367555689172775146;0.030062393647192285628388930263;0.036018150879183211121592478321;0.032047646057855927459456779616;0.044242768009075436608235065705;0.112592172433352247229443321430;0.154566080544526363027557636087;0.107770845150311961324618437175;0.146625070901871795703286238677
-0.049735449735449736852199720261;0.087830687830687828587805654479;0.188007054673721335502634133263;0.011640211640211639912423358112;0.015520282186948853794805636142;0.043738977072310405991295567674;0.047619047619047616404230893750;0.046913580246913583193801855487;0.110405643738977071732776380486;0.134038800705467364693390663888;0.098412698412698410010968075312;0.166137566137566139445880253334
-0.031393298059964727664272743368;0.160846560846560848734299042917;0.195767195767195756328504785415;0.004232804232804233089682011126;0.016931216931216932358728044505;0.046913580246913583193801855487;0.141093474426807752308832277777;0.083597883597883601569655809271;0.068077601410934746040126697153;0.064197530864197535627191371077;0.079365079365079360673718156249;0.107583774250440911135484611805
-0.030081300813008131356252050637;0.132520325203252020695998680822;0.204471544715447151041587403597;0.000813008130081300812302957937;0.024390243902439025236450476086;0.053658536585365852744633485827;0.095934959349593493249663822553;0.079268292682926830283740571303;0.075203252032520331860077078545;0.084552845528455281010060673452;0.071951219512195116467800914961;0.147154471544715448327877993506
-0.053554040895813045941586949539;0.091528724440116851490678584469;0.191333982473222974363125103991;0.115871470301850049144931631417;0.014118792599805257345635389754;0.025803310613437196313624255595;0.086660175267770200857597728827;0.091528724440116851490678584469;0.067672833495618311960839719177;0.104186952288218115381113193507;0.063291139240506333329960853007;0.094449853943524827992739290039
-0.045300878972278565970377428584;0.138945233265720086146544076655;0.216362407031778225530160852941;0.001690331304935767386954381664;0.020622041920216362120843456296;0.035158891142663961648651138603;0.075050709939148071980774545864;0.056795131845841784201667223897;0.068289384719405002432957019209;0.087559161595672757583130874082;0.092630155510480052805100115165;0.161595672751859376070626694855
-0.032679738562091505127416013465;0.115105301379811189588231457037;0.237835875090777054685631242137;0.006535947712418300852010855095;0.015250544662309368365571415893;0.030864197530864195817557060764;0.097312999273783590270525678534;0.098765432098765426616182594444;0.052287581699346406816086840763;0.102759622367465511261208632732;0.082062454611474225374401214594;0.128540305010893252113390872182
-0.062084257206208429136218285294;0.133037694013303758877597715582;0.172209903917220991109715555467;0.005173688100517368805564277778;0.043976348854397634413615492122;0.037694013303769403899767809207;0.083887657058388770403567491485;0.055801921655580191683476698472;0.080192165558019209981033270651;0.088322246858832220706148063982;0.085735402808573543675940697995;0.151884700665188471235822476046
-0.040404040404040407474806073651;0.134920634920634913145320865624;0.195526695526695520888083024147;0.001082251082251082250143547903;0.020923520923520923936456128445;0.044372294372294375508491981464;0.106421356421356416710466419318;0.051587301587301584437916801562;0.079365079365079360673718156249;0.080086580086580080872771247869;0.084054834054834048906457155681;0.161255411255411262860803844887
-0.078333333333333338144299773376;0.081250000000000002775557561563;0.174999999999999988897769753748;0.106249999999999997224442438437;0.019166666666666665186369300500;0.026249999999999999028554853453;0.086666666666666669627261399000;0.117499999999999993338661852249;0.066666666666666665741480812812;0.106249999999999997224442438437;0.058333333333333334258519187188;0.078333333333333338144299773376
-0.060886644219977553715850149274;0.089225589225589221897827485463;0.221380471380471371967146865245;0.033108866442199777480048794587;0.010101010101010101868701518413;0.026936026936026934847090430480;0.054152637485970822606162755619;0.045735129068462401780159609643;0.086700336700336694262247760889;0.140852974186307516868410516508;0.112794612794612794659521171070;0.118125701459034795903768610970
-0.027278562259306804449465744256;0.119383825417201536178701815061;0.238767650834403072357403630122;0.006739409499358151207915046399;0.022785622593068037555763538649;0.028241335044929396363988516327;0.077342747111681639515801123252;0.078626444159178437987023357891;0.078947368421052627196488060690;0.124839537869062905395267648601;0.084403080872913996413053894230;0.112644415917843382368701554697
-0.062500000000000000000000000000;0.089423076923076924571454071611;0.182211538461538452571275570335;0.064423076923076916244781386922;0.012019230769230769897970567683;0.034134615384615381306065984290;0.137500000000000011102230246252;0.119711538461538466449063378150;0.063942307692307687183586040192;0.108653846153846156408206979904;0.051442307692307689959143601754;0.074038461538461539102051744976
-0.055784179240969365698443738211;0.131229995427526280327157337524;0.187928669410150878116283479358;0.046639231824417010097150182446;0.025148605395518976168833802376;0.042981252857796067856632760140;0.093735711019661632770194614750;0.072245084590763605780772138587;0.058070416095107456333490603129;0.091449474165523542135147749832;0.074531321444901696415819003505;0.120256058527663467483392878421
-0.059121621621621621434083948543;0.119932432432432428681678970861;0.182770270270270263068823624053;0.067905405405405405705465682331;0.023648648648648649961412360199;0.032770270270270268619938747179;0.086486486486486491287450917298;0.067229729729729723053388568133;0.082094594594594588743419194543;0.110472972972972968697114026781;0.066554054054054054279099261748;0.101013513513513508712549082702
-0.035759897828863344837468929427;0.159642401021711372033351494792;0.187313750532141332083568840972;0.045977011494252872925159181250;0.016602809706257982275134921224;0.038314176245210725124668016406;0.121328224776500639969789574479;0.068114091102596849292005742882;0.057896977437207321204315491059;0.090251170710940825658852304514;0.063856960408684548813340597917;0.114942528735632182312897953125
-0.033392963625521764059467244579;0.099880739415623143173661446781;0.220035778175313057047901565966;0.016100178890876566673018288611;0.016994633273703041442814765105;0.035181872391174713599060197566;0.108825283243887890871626211720;0.098091830649970179756280685979;0.082886106141920101730846681676;0.112403100775193803828599925509;0.077817531305903395177914205760;0.098389982110912349577702684655
-0.053107789142407553495406347110;0.139653815892997634762195957592;0.188040912667191195684068816263;0.012588512981904012577594187405;0.017309205350118019028915483659;0.034225019669551534629015066002;0.107789142407553106828288491670;0.099134539732494100783277701794;0.071597167584579068932981726903;0.092053501180173094575742709367;0.072383949645948075790613529534;0.112116443745082616789687790515
-0.023884349465744813406642421683;0.160905091137649280952359731600;0.203645505971087353858095525538;0.001257071024512885007440310403;0.028912633563796353436403663295;0.043997485857950976995134340086;0.093023255813953487081136017878;0.055625392834695162880276342321;0.060339409176618480357134899350;0.080138277812696417923277181217;0.078881206788183527711666442883;0.169390320553111262125156599723
-0.038515406162464987938065519302;0.115546218487394963814196557905;0.195028011204481793727794070037;0.002801120448179271731764528042;0.018907563025210082779947740050;0.045518207282913163147508583961;0.067226890756302518092901721047;0.046568627450980393245316690809;0.077731092436974791315407173897;0.106092436974789913750605307996;0.109593837535014004824773792279;0.176470588235294129075825253494
-0.011199528440907751541955050811;0.168877099911582673197329995673;0.202475685234305924353748196154;0.004420866489832007278915071424;0.023872679045092836530583824128;0.046271735926908343083940877705;0.087533156498673742040850243029;0.052166224580017683809529671635;0.062186855290303565124698792488;0.090775125257883879092979384495;0.079280872384320660861689589183;0.170940170940170943492120159135
-0.054399415845198979824193230570;0.109163928441036880978565193345;0.173055859802847766815148133901;0.044906900328587073811803520584;0.018254837531945965894975003607;0.038700255567725445893234592631;0.117196056955093094731346070603;0.106973347937203352997492800114;0.079591091639284405889753770680;0.097845929171230375254175726241;0.058050383351588172309298840901;0.101861993428258482130566164869
-0.047325102880658435899885461140;0.110425240054869686079364043962;0.179355281207133065990433351544;0.058984910836762688424173006752;0.031207133058984912188371652064;0.042181069958847738909923918982;0.079561042524005490261806983199;0.086762688614540464659974361439;0.080246913580246909125648357985;0.104252400548696846915852631810;0.068930041152263379911069307582;0.110768175582990402450178635263
-0.058748403575989781300048520052;0.132822477650063858201079369792;0.210727969348659005532908850000;0.015325670498084290396811901758;0.025542784163473820219225629558;0.030651340996168580793623803515;0.120476798637718179874056545486;0.091102596849723285754585333507;0.056619838229033631060715947569;0.084291187739463604988721101563;0.069391230310770546374499190279;0.104299702000851424177341186805
-0.047679863771817793116625239236;0.110685398041719881834232808160;0.214133673903788845915840965972;0.031077054065559814310937269966;0.010217113665389528087690251823;0.028097062579821200506424716536;0.081736909323116224701522014584;0.129416773094934017818147253820;0.062579821200510851730847150520;0.105576841209025121259834634202;0.078331204767986370440802090798;0.100468284376330346807648652430
-0.031077891424075531484616519151;0.091266719118804087718110906735;0.258457907159716782086178454847;0.005900865460267506329428144340;0.011014948859166011005394913980;0.016915814319433515600099582343;0.117623918174665623159746985493;0.130212431156569635737341172899;0.049173878835562546962822949581;0.125098347757671118918310071422;0.081038552321007081835624319410;0.082218725413060578244284215543
-0.038775510204081632681383240424;0.118707482993197277476582485178;0.186054421768707484163840604197;0.057482993197278911545744506384;0.013945578231292516530048786194;0.038095238095238098674499838125;0.059863945578231290978177270290;0.038095238095238098674499838125;0.095238095238095232808461787499;0.118027210884353736530805178973;0.093197278911564623848917676696;0.142517006802721085678697932053
-0.044485634847080630926985378437;0.061167747914735864922519681386;0.215322829780661112453188366089;0.016373185047883844628335836546;0.006178560395427865406525747005;0.029657089898053753951323585625;0.022551745443311708300138107575;0.057460611677479143943880757206;0.116774791473586658785421832363;0.196169292554834728825596812385;0.112449799196787145194598167564;0.121408711770157551335103107704
-0.018072289156626505229885637505;0.098795180722891562385967745286;0.207228915662650614581963282035;0.014759036144578312546582488096;0.012951807228915663411372705127;0.035542168674698795816091489996;0.041265060240963852278284207387;0.056325301204819273881430063966;0.102108433734939760273441322624;0.137951807228915673819713560988;0.109036144578313259900781417855;0.165963855421686734548103459019
-0.063709677419354834859710479122;0.082258064516129034138280928801;0.227822580645161282264510305140;0.052419354838709679433872423715;0.012903225806451612892034042090;0.032661290322580645295591494914;0.054435483870967742159319158191;0.081451612903225806272544673448;0.085483870967741931723438142399;0.124596774193548393006025776231;0.093548387096774196503012888115;0.088709677419354843186383163811
-0.058748403575989781300048520052;0.106002554278416344368807244791;0.185610898254576411892102782986;0.046828437633035333020892210243;0.020008514261387826127513989150;0.023839931885908896558312619618;0.253299276287782038075135915278;0.111962537249893565038938447742;0.033631332481907194598136356944;0.042997020008514262590093579774;0.031502767134951044358803784462;0.085568326947637288193426741145
-0.018518518518518517490534236458;0.134038800705467364693390663888;0.196649029982363304780434987151;0.000000000000000000000000000000;0.021164021164021162846324841667;0.040564373897707228788789279861;0.306437389770723100923532911111;0.123456790123456783270228243055;0.020723104056437388620359740798;0.026014109347442679331940951215;0.037037037037037034981068472916;0.075396825396825392640032248437
-0.011382113821138212239603149101;0.131300813008130068393342071431;0.192276422764227655770596925322;0.001626016260162601624605915873;0.033739837398373981325327974901;0.030487804878048779810839619131;0.242682926829268286184060343658;0.147560975609756089843571658093;0.041869918699186992050442768232;0.041463414634146343595855199737;0.036991869918699189778710234577;0.088617886178861793311511974025
-0.038314176245210725124668016406;0.126011068539804177435215137848;0.178799489144316731126238551042;0.040868454661558112350761007292;0.023839931885908896558312619618;0.033205619412515964550269842448;0.252447850148999564101615078471;0.135376756066411252366066264585;0.026394210302256280314958658550;0.025968497232865050267092144054;0.039165602383993185220401045399;0.079608343976160067523295538194
-0.013093901982790871058037751595;0.118593340815563039192248595555;0.172839506172839496578319540276;0.080433969322858206441040351820;0.038907594463150022012776219071;0.026936026936026934847090430480;0.222970445192667426903554428463;0.155630377852600088051104876286;0.023943135054246163923030721321;0.033670033670033669426224776089;0.032921810699588480164656800753;0.080059857837635611810256364151
-0.021759259259259259439156508620;0.121296296296296290950778029583;0.195833333333333331482961625625;0.069444444444444447528397290625;0.014814814814814815380206169948;0.024074074074074074125473288177;0.200925925925925924486747931041;0.138888888888888895056794581251;0.046296296296296293726335591145;0.062962962962962956692258842395;0.046296296296296293726335591145;0.057407407407407406996213694583
-0.006307821698906644278248556645;0.133305298570227076515593012118;0.228763666947014304708929444132;0.000000000000000000000000000000;0.023128679562657693952187898390;0.017661900756938603285206568216;0.295626576955424713588627128047;0.145920941968040368541537077363;0.023549201009251473359906725591;0.029857022708158115903431806260;0.039108494533221196953753917569;0.056770395290159800238960485785
-0.005829770695685969512933599646;0.134084726000777310073175385696;0.194325689856198996485758812014;0.000388651379712397974756921126;0.012436844150796735192221476041;0.045083560046638167240207195618;0.099494753206373881537771808325;0.039642440730664592341003782394;0.074232413525068013937513455858;0.108822386319471428595129225414;0.110376991838321031336178634774;0.175281772250291484338546865729
-0.033064516129032259228459622591;0.127419354838709669719420958245;0.172580645161290319178348795504;0.074999999999999997224442438437;0.022177419354838710796595790953;0.031854838709677417429855239561;0.196370967741935492645311001070;0.101612903225806447404799826018;0.041532258064516131002008592077;0.054435483870967742159319158191;0.055241935483870970025055413544;0.088709677419354843186383163811
-0.020118884316415182322845822682;0.155464106081390024405308736277;0.189300411522633743599541844560;0.001828989483310470903418276656;0.034750800182898951284915511906;0.027892089620484682849221869105;0.227709190672153644063868682679;0.168267032464563315308225810440;0.022862368541380885533786937458;0.028806584362139918409351224682;0.036122542295381802890386069294;0.086877000457247374742841827810
-0.015520282186948853794805636142;0.131569664902998234579101222153;0.196825396825396820021936150624;0.075132275132275133655568311042;0.029276895943562610685750868811;0.037742504409171075130391415087;0.192592592592592593003786305417;0.120987654320987653155938801319;0.032098765432098767813595685539;0.034567901234567897927885127274;0.029982363315696647365626859028;0.103703703703703700722549285729
-0.040958605664488015318802638376;0.159912854030501094815264195859;0.157298474945533756086391008466;0.061002178649237473462285663572;0.047930283224400870023540477405;0.037908496732026140951798964807;0.224836601307189548615284024891;0.059259259259259261520824679792;0.043137254901960783715075820055;0.029193899782135077775047093951;0.032679738562091505127416013465;0.105882352941176469118822467408
-0.049137931034482759673487350938;0.106896551724137936489889000313;0.164224137931034491755255544376;0.078879310344827591183758386251;0.021120689655172414367356736875;0.029741379310344828040824083359;0.239655172413793110530733088126;0.137068965517241375673407333124;0.048275862068965516571417140312;0.032327586206896553877587763282;0.026293103448275862571437144766;0.066379310344827580081528139999
-0.043554006968641117980567400991;0.119163763066202091356338144124;0.219512195121951220189160380869;0.033449477351916376277607412248;0.022299651567944250851738274832;0.036236933797909411103521648556;0.062369337979094073565189404462;0.037979094076655055267632832283;0.064111498257839724668194492097;0.092334494773519168453468353164;0.100696864111498252114529350365;0.168292682926829278988734017730
-0.009370816599732262677791005956;0.125836680053547533830737847893;0.240071396697902728067930411271;0.000000000000000000000000000000;0.014279339580544399279649070422;0.053547523427041499033407490060;0.070950468540829980668149801204;0.050870147255689425469515896339;0.055332440874609548076001885875;0.107987505577867029527006081935;0.105756358768406957815422231306;0.165997322623828658105793465438
-0.028522775649212430554291231033;0.098765432098765426616182594444;0.226905065985525761229624208681;0.013197105151128140157479329275;0.026394210302256280314958658550;0.042571306939123032542227065278;0.079182630906768844414322927605;0.048105576841209023164491753732;0.061302681992337161587247607031;0.112388250319284802025698866146;0.106428267347807581355567663195;0.156236696466581531650419378821
-0.078600823045267484423526127557;0.097119341563786001914060364015;0.193415637860082312293741324538;0.026337448559670781356167879039;0.013580246913580246853614497127;0.036625514403292182274984867263;0.065432098765432100684336091945;0.045679012345679011197763230712;0.092181069958847741685481480545;0.112345679012345683878137947431;0.092181069958847741685481480545;0.146502057613168729099939469052
-0.048018292682926830283740571303;0.100228658536585371607863237386;0.213414634146341458675877333917;0.014100609756097561356402714239;0.030106707317073169716259428697;0.045350609756097559621679238262;0.048018292682926830283740571303;0.044207317073170729337938666959;0.088033536585365848581297143483;0.117759146341463408202976381745;0.099466463414634151418702856517;0.151295731707317082648245332166
-0.038414634146341462839213676261;0.113719512195121955078214170953;0.214329268292682922902869790960;0.014024390243902439337486676152;0.015243902439024389905419809566;0.037195121951219510536557066871;0.044207317073170729337938666959;0.043902439024390241262274514611;0.091768292682926827508183009741;0.135365853658536594572581179818;0.120426829268292678865037714786;0.131402439024390249588947199300
-0.028571428571428570536427926640;0.127689594356261010288378088262;0.244091710758377433698740333057;0.039153439153439155429037299427;0.016578483245149912284066573420;0.020811287477954146241110322535;0.126278659611992943867520011736;0.088183421516754845193020173610;0.046208112874779543044478913316;0.067019400352733682346695331944;0.089947089947089942096880577083;0.105467372134038797626409689201
-0.025406504065040649842366349276;0.220867208672086728915573416998;0.166666666666666657414808128124;0.009146341463414633596307190544;0.024390243902439025236450476086;0.057588075880758808622328359661;0.119241192411924115668320212080;0.062330623306233061409198370484;0.030487804878048779810839619131;0.040650406504065039747786158841;0.068428184281842815983587513529;0.174796747967479682017710729269
-0.011224489795918366624727369185;0.158163265306122458042636935716;0.192857142857142865866038050626;0.000340136054421768683955068502;0.030272108843537415961977288248;0.040136054421768707634043948929;0.084693877551020410598958676474;0.070408163265306120126574285223;0.043197278911564628012254019040;0.086734693877551019558502787277;0.087414965986394560504280093483;0.194557823129251711291587412234
-0.050205761316872425659152412436;0.093415637860082306742626201412;0.214814814814814819543542512292;0.011522633744855967710685185068;0.019753086419753086017125909279;0.030864197530864195817557060764;0.077777777777777779011358916250;0.076543209876543213954214195383;0.081069958847736628415603377107;0.115226337448559673637404898727;0.110288065843621399531038207442;0.118518518518518523041649359584
-0.085648148148148153802061699480;0.060648148148148145475389014791;0.254166666666666651863693004998;0.043055555555555555247160270937;0.013425925925925926221471407018;0.020833333333333332176851016015;0.064351851851851854524610985209;0.080555555555555560798275394063;0.068518518518518520266091798021;0.128240740740740738479175320208;0.082870370370370372015145221667;0.097685185185185180456457487708
-0.013445378151260505006359124991;0.114621848739495796332121813066;0.212436974789915966610465147824;0.002352941176470588029168151678;0.018487394957983193516382058874;0.048067226890756299673146401119;0.083361344537815129651647794162;0.053781512605042020025436499964;0.081344537815126044533187155139;0.118991596638655466877665389802;0.090756302521008400119306713805;0.162352941176470588757752011588
-0.048225308641975307699656383420;0.107638888888888895056794581251;0.170910493827160503421680459724;0.058641975308641972053358415451;0.016975308641975307699656383420;0.047067901234567902091221469618;0.068287037037037034981068472916;0.052854938271604937072289942535;0.092978395061728391635114121527;0.128472222222222209886410837498;0.076774691358024685361449712673;0.131172839506172839163511412153
-0.064224137931034486204140421250;0.089655172413793102204060403437;0.198275862068965524898089825001;0.076724137931034483428582859688;0.008620689655172413673467346484;0.025000000000000001387778780781;0.072413793103448281796019614376;0.114655172413793096652945280312;0.092672413793103453061306140626;0.123275862068965513795859578750;0.062068965517241378448964894687;0.072413793103448281796019614376
-0.109407665505226486812873076815;0.089547038327526126688660212949;0.156097560975609755962167923826;0.075958188153310110535265664566;0.009407665505226481261757953689;0.029965156794425087949385044794;0.066202090592334492114012789443;0.092334494773519168453468353164;0.091637630662020908012266318110;0.155052264808362372239258775153;0.055749128919860627129345687081;0.068641114982578396719326008224
-0.076804915514592939085325440374;0.091013824884792621228157827318;0.137480798771121348611501389314;0.051459293394777262664607775378;0.018049155145929338811550124433;0.039170506912442393243622973387;0.076036866359447008445471283267;0.074116743471582174906941986592;0.104070660522273428227890690323;0.127496159754224264171185154737;0.078341013824884786487245946773;0.125960061443932402891476840523
-0.031461569095977699739297150927;0.109518120270808441696352986128;0.187574671445639190592302725236;0.054559936280366386207596463009;0.013938669852648346778045684857;0.025886101154918357558631925031;0.318598168060533648571208686917;0.114297092791716445314698091806;0.026682596575069692651505093295;0.033054559936280362986149583548;0.033452807646356032267309643657;0.050975706889685383493837633750
-0.031631097560975610094580190434;0.110899390243902440378320761738;0.192454268292682917351754667834;0.056402439024390245425610856955;0.016387195121951220189160380869;0.018292682926829267192614381088;0.201600609756097559621679238262;0.154344512195121963404886855642;0.034298780487804880756641523476;0.062500000000000000000000000000;0.047637195121951220189160380869;0.073551829268292678865037714786
-0.021490626428898033928316380070;0.111111111111111104943205418749;0.187471422039323265540389229500;0.112482853223593970426463783951;0.014174668495656149447281535458;0.022405121170553269488445735647;0.224965706447187940852927567903;0.130772748056698667751263087666;0.022405121170553269488445735647;0.035208047553726563860809761763;0.039323273891175125616115337834;0.078189300411522638656336425811
-0.014905149051490514458540026510;0.154132791327913271084426583002;0.197154471544715437225647747255;0.012872628726287263511984804154;0.030149051490514906098683312052;0.035907859078590786960916148018;0.208333333333333342585191871876;0.087398373983739841008855364635;0.038617886178861790535954412462;0.052168021680216801472251830774;0.061991869918699184227595111452;0.106368563685636852156335407926
-0.020008514261387826127513989150;0.148148148148148139924273891666;0.203065134099616850793523781249;0.002979991485738612069789077452;0.018305661983822902466600979210;0.035759897828863344837468929427;0.259259259259259244867479310415;0.108556832694763724656006331770;0.037037037037037034981068472916;0.039165602383993185220401045399;0.045551298424861642877292666753;0.082162622392507447810494625173
-0.068750000000000005551115123126;0.076630434782608697341643733125;0.171195652173913054339138284377;0.059510869565217394683287466250;0.013043478260869564508417361992;0.036141304347826086473816076250;0.063043478260869562079804495625;0.042119565217391304046135047656;0.102445652173913048788023161251;0.155706521739130437920195504375;0.102989130434782610867827656875;0.108423913043478259421448228750
-0.028085443037974684027391347740;0.082674050632911388891699289161;0.223892405063291138889169928916;0.079509493670886069449643684948;0.018987341772151899305098865511;0.031645569620253166664980426503;0.137262658227848111103241990349;0.169303797468354416677627227727;0.047468354430379749997470639755;0.063291139240506333329960853007;0.044303797468354430555415035542;0.073575949367088611108300710839
-0.010326086956521738496883600078;0.105978260869565216184540190625;0.205434782608695659655850818126;0.042934782608695654104735695000;0.011956521739130435144637942813;0.017391304347826087167705466641;0.257065217391304334793034058748;0.214673913043478270523678475001;0.017934782608695652716956914219;0.035326086956521736415215428906;0.027717391304347825664589066719;0.053260869565217389132172343125
-0.008101851851851851402108728450;0.094907407407407412547328817709;0.190586419753086433459543513891;0.063657407407407412547328817709;0.025077160493827160836488587847;0.020061728395061727281412089496;0.279320987654321006843360919447;0.207561728395061734220305993404;0.015432098765432097908778530382;0.016589506172839506986660396137;0.029706790123456790209122146962;0.048996913580246916064542261893
-0.009327633113097552261527845019;0.155849203264671581914413422965;0.196268946754760975625941910039;0.014380101049358724740745429926;0.021375825884181888503210444696;0.027982899339292655049860059080;0.270501360279829017319030981525;0.098328799067236682951431703259;0.026816945200155459932966905967;0.038476486591527400693557581235;0.054799844539448118452273917001;0.085891954916439958167551083079
-0.026063100137174211728963157952;0.150434385002286230559320756583;0.158207590306355727616249851053;0.045724737082761771067573874916;0.026520347508001827774304359764;0.030178326474622770014821782070;0.262917238225880200985784540535;0.083219021490626432502324405505;0.038866026520347506101327184069;0.045267489711934158491679625058;0.042066758116140828827056452610;0.090534979423868316983359250116
-0.006250000000000000346944695195;0.141964285714285709527615608749;0.179017857142857145236192195625;0.041071428571428571230317317031;0.018303571428571429463572073360;0.034375000000000002775557561563;0.309821428571428580944768782501;0.094642857142857139685077072500;0.025892857142857144542302805235;0.033482142857142856151586585156;0.041517857142857141072855853281;0.073660714285714287696826829688
-0.052028218694885358663881902430;0.145061728395061734220305993404;0.214285714285714273819039021873;0.014991181657848323682813429514;0.014550264550264549456848328646;0.029982363315696647365626859028;0.201940035273368595492016197568;0.142416225749559088864515388195;0.026455026455026453557906052083;0.041446208112874777240719481597;0.039682539682539680336859078125;0.077160493827160489543892651909
-0.030303030303030303871381079261;0.123484848484848488969767288381;0.203787878787878795616705929206;0.045454545454545455807071618892;0.019318181818181817677171352443;0.028030303030303030387138107926;0.177272727272727276259800532898;0.207954545454545447480398934204;0.028030303030303030387138107926;0.033333333333333332870740406406;0.026893939393939393645016622258;0.076136363636363640905457828012
-0.032620320855614975963376878099;0.077005347593582892939956252576;0.195989304812834219671202617974;0.030481283422459891363498485362;0.021122994652406416188350490870;0.024331550802139036149274176069;0.059090909090909089773635542997;0.049732620320855618067934500459;0.099732620320855613904598158115;0.147326203208556161250442073651;0.109893048128342246672062287871;0.152673796791443855402903295726
-0.015133412982875347682631961277;0.123058542413381127866855990760;0.222222222222222209886410837498;0.038630027877339705166814809445;0.016328156113102350321941713673;0.030266825965750695365263922554;0.158900836320191168882232091164;0.154121863799283165263886985485;0.035842293906810034076482196497;0.058940661091198727483675412486;0.058940661091198727483675412486;0.087614496216646756132639950465
-0.023211446740858506648796932836;0.086804451510333863195612025265;0.208903020667726563308619347481;0.045468998410174883695322733956;0.012082670906200318125534032276;0.043243243243243245643725458649;0.056597774244833067014415206586;0.054054054054054057054656823311;0.091891891891891896992916599629;0.122734499205087443929329538150;0.095389507154213043493840018527;0.159618441971383140387530374937
-0.113580246913580248935282668299;0.064609053497942381394381072823;0.176954732510288065272519020255;0.067078189300411525386458322373;0.008641975308641974481971281818;0.031687242798353908168618175978;0.051028806584362138010213527650;0.092592592592592587452671182291;0.082304526748971193472748097975;0.155144032921810698377740322940;0.084773662551440323587037539710;0.071604938271604939847847504097
-0.131250000000000005551115123126;0.077499999999999999444888487687;0.149583333333333345915860945752;0.057083333333333333148296162562;0.010000000000000000208166817117;0.034583333333333333980963431031;0.057083333333333333148296162562;0.075833333333333335923853724125;0.085416666666666668517038374375;0.141666666666666662965923251249;0.093333333333333337589188261063;0.086666666666666669627261399000
-0.052925989672977624689309550376;0.095524956970740107498052395840;0.188898450946643731152008172103;0.002151462994836488614586178514;0.016351118760757316072940170670;0.033562822719449228459076550735;0.048623063683304650062222407314;0.037005163511187606772967484403;0.116179001721170391259185805666;0.151462994836488812344654775188;0.110154905335628230944600147723;0.147160068846815844656461536033
-0.095121951219512196340488685564;0.077700348432055754699376848293;0.208013937282229971481584129833;0.027526132404181183344071826014;0.007317073170731707744407490424;0.027874564459930313564672843540;0.036236933797909411103521648556;0.043902439024390241262274514611;0.110104529616724733376287304054;0.152613240418118467633945556372;0.099303135888501745109913088072;0.114285714285714282145711706562
-0.050354051927616050310376749621;0.101101494885916604049569400559;0.238001573564122742565629664568;0.005507474429583005502697456990;0.010621557828481511046025964617;0.038158929976396541161598463532;0.054287962234461056842960147151;0.060188827694728559702941339538;0.069630212431156565666690028138;0.129819040125885132308525271583;0.130212431156569635737341172899;0.112116443745082616789687790515
-0.074800290486565002012753211602;0.080246913580246909125648357985;0.184095860566448804584993581557;0.042483660130718955971751427114;0.011982570806100217505885119351;0.026143790849673203408043420382;0.029048656499636893446592011969;0.049745824255628179333399430107;0.111837327523602036993821684518;0.155773420479302843189017835357;0.105301379811183731805002139481;0.128540305010893252113390872182
-0.036388508891928864064091442287;0.088919288645690833239321193560;0.202462380300957589529531333028;0.005471956224350205122419765758;0.020793433652530779465195109879;0.043228454172366620467116149484;0.024623803009575923050888945909;0.045964432284541723028326032363;0.109986320109439122960637291726;0.155950752393980845988963324089;0.111627906976744184497363221453;0.154582763337893308586146190464
-0.086045641601197153658375782470;0.090160867938645722352575262448;0.199775533108866448772644730525;0.020950243172465392998971012162;0.011971567527123081961515360661;0.040778151889263002105590061319;0.050879161990273098770121151802;0.035540591096146649519038618337;0.095398428731762061061338897616;0.145529367751589977508785977989;0.093901982790871682538202946944;0.129068462401795730487563673705
-0.096745027124773966265003366516;0.063291139240506333329960853007;0.169529837251356230165555416534;0.132007233273056051592320159216;0.004972875226039783110032477254;0.016726943942133816467521256754;0.039330922242314644843297344323;0.090415913200723327380892158089;0.092676311030741406749022814893;0.163652802893309218257300585719;0.073236889692585890876408427630;0.057414104882459314482812118285
-0.108182533438237610257104392986;0.063335955940204566316786838343;0.163257277734067673957696342768;0.075531077891424075465565124432;0.014555468135326514109162410193;0.030291109362706531565878620427;0.042879622344610540674025855878;0.079071597167584578569332620646;0.096380802517702590659354200398;0.179779701022816679190086119888;0.077104642014162075303040921881;0.069630212431156565666690028138
-0.074537037037037040532183596042;0.080555555555555560798275394063;0.184722222222222232090871330001;0.061574074074074072737694507396;0.010185185185185186007572610833;0.035648148148148151026504137917;0.050000000000000002775557561563;0.098148148148148151026504137917;0.088888888888888892281237019688;0.157870370370370383117375467918;0.084259259259259255969709556666;0.073611111111111113269878103438
-0.071839080459770110476114268749;0.072249589490968796345882196874;0.166666666666666657414808128124;0.066912972085385880038899131250;0.013546798029556651049576387891;0.024220032840722497541330326953;0.064039408866995078950523634376;0.071428571428571424606346340624;0.102627257799671592342072301562;0.175287356321839088435510234376;0.088669950738916258892174937500;0.082512315270935956967868207812
-0.008710801393728222555279394612;0.114285714285714282145711706562;0.208013937282229971481584129833;0.001742160278745644597792052721;0.021254355400696863659382174205;0.042160278745644597098163330884;0.132404181184668984228025578886;0.112891986062717775141095444269;0.064111498257839724668194492097;0.074564459930313589652861594459;0.084668989547038331355821583202;0.135191637630662025992833719101
-0.034214092140921407991793756764;0.146341463414634137540915048703;0.183265582655826569924428781633;0.001016260162601626123798914669;0.033197831978319783385877883575;0.067411924119241198316565544246;0.154132791327913271084426583002;0.100271002710027104520840168789;0.045392953929539292534656169664;0.049119241192411920715610307298;0.059959349593495935015763365072;0.125677506775067754363206518065
-0.038231780167264035885654749336;0.147749900438072484520901639371;0.185981680605336513467662484800;0.037833532457188373543388593134;0.014735165272799681870918853122;0.033054559936280362986149583548;0.251692552767821597914377207417;0.124651533253683791113708423381;0.022301871764237354844873095772;0.024293110314615690842332540456;0.037833532457188373543388593134;0.081640780565511744670814664460
-0.013719512195121951261822523804;0.185213414634146339432518857393;0.179496951219512201891603808690;0.052972560975609754574389143045;0.027820121951219512618225238043;0.040777439024390245425610856955;0.231326219512195119243358476524;0.070121951219512201891603808690;0.028201219512195122712805428478;0.034298780487804880756641523476;0.058689024390243899054198095655;0.077362804878048779810839619131
-0.009688581314878891986852593732;0.177162629757785461404040461275;0.214878892733564003103552408902;0.088581314878892730702020230638;0.015916955017301039065902301672;0.022145328719723182675505057659;0.203114186851211075968137720338;0.084083044982698959546318917546;0.027681660899653980079104798051;0.030449826989619378780904668247;0.059861591695501731313910909194;0.066435986159169554965409076885
-0.004526748971193415328750919713;0.137860082304526759822138615164;0.185596707818930034550319874143;0.037037037037037034981068472916;0.012757201646090534502553381913;0.020987654320987654543717582101;0.297942386831275718428457821574;0.156378600823045277312672851622;0.027983539094650206058290109468;0.024691358024691356654045648611;0.030864197530864195817557060764;0.063374485596707816337236351956
-0.000381097560975609769319538689;0.168445121951219523026566093904;0.237423780487804880756641523476;0.000000000000000000000000000000;0.008384146341463415141870285652;0.019435975609756097476354952391;0.285060975609756073190226288716;0.160442073170731697162594286965;0.009908536585365853785467571413;0.025914634146341462145324285871;0.030868902439024389905419809566;0.053734756097560974763549523914
-0.000000000000000000000000000000;0.159735717061795567950355234643;0.237077341624562759614391893592;0.000000000000000000000000000000;0.010882238631947142859512922541;0.029148853478429846697306260239;0.257675864749319860624865441423;0.155071900505246801360570430006;0.010882238631947142859512922541;0.027594247959580257834044658694;0.047415468324912550535099597937;0.064516129032258062725446734476
-0.035230352303523032597709629954;0.148599819331526661336795314128;0.266034327009936788499544491060;0.042457091237579042131145001804;0.019421860885275518682213657939;0.022583559168925022853091633124;0.183830171635049693934504944082;0.110659439927732611286259611916;0.016711833785004515107175393496;0.034778681120144532001869919213;0.051038843721770553452099505876;0.068654019873532062812060416945
-0.036458333333333335646297967969;0.132291666666666668517038374375;0.228645833333333325931846502499;0.107812500000000005551115123126;0.015104166666666666782314898398;0.014062500000000000346944695195;0.189062499999999994448884876874;0.111458333333333339809634310313;0.028645833333333332176851016015;0.033854166666666664353702032031;0.038541666666666668517038374375;0.064062499999999994448884876874
-0.025077160493827160836488587847;0.149305555555555552471602709375;0.293595679012345678327022824305;0.012345679012345678327022824305;0.017746913580246912595095309939;0.027391975308641975522805367405;0.163580246913580251710840229862;0.130787037037037034981068472916;0.026620370370370370627366440885;0.038966049382716048954389265191;0.047453703703703706273664408855;0.067129629629629636311527463022
-0.025833333333333333148296162562;0.088333333333333333148296162562;0.267916666666666691831721891504;0.100833333333333330372738601000;0.007916666666666667337426410711;0.012083333333333333078907223523;0.169583333333333335923853724125;0.191250000000000003330669073875;0.022083333333333333287074040641;0.027083333333333334258519187188;0.031250000000000000000000000000;0.055833333333333332038073137937
-0.035011801730920534547752964727;0.143981117230527144723595256437;0.265538945712037788293713447274;0.011408339889850510964763863342;0.013768686073957514190424511469;0.025177025963808025155188374811;0.263965381589299774578449842011;0.111723052714398113360871889199;0.012588512981904012577594187405;0.021243115656963022092051929235;0.054287962234461056842960147151;0.041306058221872540836550058430
-0.019547325102880659664084106453;0.129286694101508919940712871721;0.265775034293552814279593121682;0.010288065843621399184093512247;0.021262002743484224170922303188;0.027777777777777776235801354687;0.232853223593964347992724128744;0.115569272976680390008219490028;0.027091906721536350433066075993;0.032921810699588480164656800753;0.060356652949245540029643564139;0.057270233196159120447887858063
-0.007890961262553801772168249329;0.133787661406025826238419540459;0.307747489239598270849285199802;0.000358680057388809201031343310;0.020803443328550930840892263518;0.026542324246771879792117232455;0.196556671449067438262048312936;0.125538020086083224047257544953;0.019010043041606885377836633211;0.041248206599713052589173400975;0.055236728837876614139901221279;0.065279770444763268733012750999
-0.030825496342737720989468641619;0.123563218390804599455812251563;0.202194357366771160222640446591;0.019853709508881923345713360618;0.015412748171368860494734320810;0.037878787878787879839226349077;0.057732497387669799715492757741;0.049111807732497389511472363210;0.092476489028213162968405924858;0.116509926854754447544948448012;0.107628004179728314904096464488;0.146812957157784751416329527274
-0.010763454317897372045087500680;0.172715894868585739807542722701;0.140425531914893625407003696637;0.000500625782227784700897932346;0.033291614518147681633930545786;0.061326658322903626618938233150;0.048811013767209011915415572957;0.024280350438047559186172108525;0.095869837296620782907119462379;0.083604505632040054807774254186;0.102878598247809760479754004336;0.225531914893617013717630470637
-0.022135051835247967350062126002;0.151022695432894371592169591167;0.182123844214065577773453696864;0.001120762118240403552860140479;0.028299243485570186457112029643;0.050994676379938361221455522809;0.084617539927150459133642357301;0.046231437377416646772321229264;0.080975063042869152574176894177;0.087419445222751468449473577493;0.091902493695713086130361091364;0.173157747268142342411678669123
-0.011607142857142857539365365938;0.155803571428571430157461463750;0.254464285714285698425385362498;0.051785714285714289084605610469;0.013392857142857142113689938867;0.021428571428571428769682682969;0.168303571428571441259691710002;0.083035714285714282145711706562;0.033482142857142856151586585156;0.060267857142857143848413414844;0.048660714285714286309048048906;0.097767857142857142460634634062
-0.001506024096385542247050759457;0.180220883534136538939307570217;0.261546184738955800330728607150;0.000000000000000000000000000000;0.008534136546184739255394013924;0.025602409638554216031458565794;0.281626506024096390223832031552;0.093875502008032130074610677184;0.017570281124497991870336832676;0.027108433734939759579551932234;0.047188755020080318247632789053;0.055220883534136545878201474125
-0.000396825396825396825052634231;0.163888888888888889505679458125;0.201190476190476197348999676251;0.000000000000000000000000000000;0.009523809523809524668624959531;0.023015873015873017370935826875;0.349999999999999977795539507497;0.119047619047619041010577234374;0.009523809523809524668624959531;0.021825396825396824185272492969;0.039285714285714284921269268125;0.062301587301587302292205095000
-0.020637898686679173598790271171;0.128517823639774847466199503287;0.216697936210131336665085655113;0.061444652908067540209025025888;0.015947467166979360786438491004;0.020168855534709193011444483545;0.280487804878048807566415234760;0.138836772983114448143382446688;0.018761726078799251249407120667;0.018292682926829267192614381088;0.033771106941838650861154036420;0.046435272045028140597278110135
-0.026113671274961596652230966242;0.140168970814132098912097035281;0.221582181259600607958759610483;0.000000000000000000000000000000;0.011904761904761904101057723437;0.024577572964669738841969603982;0.340245775729646704466091478025;0.109062980030721970448048807611;0.010368663594470046290796361177;0.016513056835637481001288762172;0.037250384024577573582881484526;0.062211981566820277744778167062
-0.005912786400591278634930603175;0.177383592017738372925705903072;0.229859571322985956065565460449;0.000369549150036954914683162698;0.008869179600886917952395904763;0.021433850702143385918985174499;0.315225424981522561740376886519;0.096821877309682183310179937052;0.009238728750923873300759936456;0.022912047302291203842994349316;0.043606799704360682534698412383;0.068366592756836652711172064301
-0.005507474429583005502697456990;0.132572777340676628554660965165;0.230920535011801736358094672141;0.000000000000000000000000000000;0.018095987411487018947653382384;0.025963808025177025073926273535;0.301730920535011826189020212041;0.140833988985051145048643661539;0.027537372147915028380849022938;0.023603461841070025317712577362;0.031471282454760031443985468513;0.061762391817466559540417136986
-0.030303030303030303871381079261;0.152975538517707204677620325128;0.147864184008762333810693689884;0.016064257028112448322243466237;0.027017159547280029247007249182;0.045637093829864916472160984995;0.239868565169769981659797508655;0.135450894487039064095768026164;0.029572836801752464680470566805;0.024461482292807593813543931560;0.044906900328587073811803520584;0.105878057685286602884744411313
-0.006425948592411260575085751867;0.142594859241126081794703850392;0.199510403916768663812320028228;0.000000000000000000000000000000;0.021113831089351286357524983828;0.029375764993880049830154987944;0.312117503059975542889503685728;0.122399020807833533441844053868;0.019583843329253364240472023994;0.023561811505507956887583986827;0.038861689106487150302537969537;0.084455324357405145430099935311
-0.009557945041816008971413687334;0.105137395459976107359167940558;0.286340103544404644964060935308;0.037037037037037034981068472916;0.012743926722421345873459408438;0.015133412982875347682631961277;0.231381919553962561719728796561;0.191557148546395855648327710696;0.013938669852648346778045684857;0.015531660692951015229068545409;0.032258064516129031362723367238;0.049382716049382713308091297222
-0.017644802454929036511499518269;0.062523973916378983162189797440;0.228615266589950127951169633889;0.123513617184503265988837483746;0.013425393172228615792929140582;0.013425393172228615792929140582;0.174146528576908321550575919900;0.262754123513617210416981606613;0.024165707710011505998659586680;0.018028385116992711595385046053;0.026083621020329881418087225597;0.035673187571921748106884564322
-0.010401721664275465420446131759;0.070659971305595412061073545829;0.237446197991391688697504491756;0.000000000000000000000000000000;0.018651362984218076285225507149;0.017934002869440458100003255026;0.201578192252510751680816269982;0.295193687230989931791214075929;0.023672883787661407051228223963;0.034433285509325679829562005807;0.034433285509325679829562005807;0.055595408895265423232512347340
-0.048433048433048429826097702744;0.065052231718898387291538654154;0.212725546058879388944262700534;0.070750237416904088183500221021;0.012345679012345678327022824305;0.012820512820512820068019621544;0.186134852801519479204017670781;0.295821462488129127699210130231;0.020892687559354226195518222653;0.026115859449192781877036040328;0.022317188983855651418508614370;0.026590693257359923618032837567
-0.013465627214741317588253544102;0.109496810772501770858688985300;0.267540751240255114673516345647;0.013111268603827072251610807996;0.012402551381998583313048811760;0.021970233876683203932955734672;0.150602409638554229909246373609;0.135010630758327421219178177125;0.044649184975194898539196941556;0.074060949681077251072203182503;0.062012756909992909626350154895;0.095676824946846206199069229115
-0.043456790123456788543787610024;0.082469135802469131779623978673;0.147654320987654325003646249570;0.151111111111111112714766591125;0.032592592592592589673117231541;0.027654320987654322505644444163;0.133827160493827174159164883349;0.073580246913580241163721495923;0.086913580246913577087575220048;0.077037037037037042752629645292;0.047407407407407405053323401489;0.096296296296296296501893152708
-0.056897477187332262671404237153;0.103059581320450885377759675521;0.158883521202361793767110498266;0.068169618894256572838585839236;0.055287171229200217370536307726;0.027375201288244766645307848307;0.156736446591519057447428053820;0.056360708534621578591483626042;0.089640365002683838890895628992;0.088030059044551800528921603473;0.044015029522275900264460801736;0.095544820182501336014446735589
-0.087191358024691356654045648611;0.096450617283950615399312766840;0.143132716049382713308091297222;0.060956790123456790209122146962;0.046296296296296293726335591145;0.026234567901234566444923501649;0.145833333333333342585191871876;0.107638888888888895056794581251;0.094907407407407412547328817709;0.066743827160493832129084523785;0.050925925925925923098969150260;0.073688271604938265779694006596
-0.083333333333333328707404064062;0.073045267489711934727480979745;0.165637860082304522180152162036;0.028292181069958847322576289685;0.037551440329218109537290359867;0.023148148148148146863167795573;0.131172839506172839163511412153;0.119855967078189296071144553935;0.100823045267489710963282334433;0.110082304526748969708549452662;0.041666666666666664353702032031;0.085390946502057613054503804051
-0.054878048780487805047290095217;0.089430894308943090220687111014;0.136178861788617877603968508993;0.076016260162601628769252215534;0.044715447154471545110343555507;0.039024390243902438990541980957;0.115853658536585371607863237386;0.099593495934959350157633650724;0.098373983739837397854977041334;0.105691056910569111670916697676;0.045934959349593497413000164897;0.094308943089430899431313548575
-0.068273092369477914043152111390;0.098895582329317263670098725470;0.134538152610441774648109003465;0.077811244979919674813473307040;0.044176706827309238090339960081;0.032128514056224896644486932473;0.132530120481927721209913784151;0.085843373493975902444041992112;0.107931726907630518019765020199;0.094879518072289156793708286841;0.034638554216867470381124860523;0.088353413654618476180679920162
-0.140096618357487934236615956252;0.092860976918947929492631487847;0.100375738056897478855944427778;0.066559312936124534476611813716;0.045625335480407945565328731163;0.030059044551798176636570048004;0.163714439076757922730820382640;0.056897477187332262671404237153;0.120236178207192706546280192015;0.071926999463231347520242309201;0.031669350509930221937437977431;0.079978529253891567085688052430
-0.083058668424522086315420210667;0.077125906394199070237327475752;0.136123928806855643003359546128;0.116677653263019112661602605385;0.032959789057350030727633338756;0.026367831245880025969885451786;0.114370468029004621057787005611;0.111074489123269615209466110173;0.099208965062623596931068448157;0.089980224126565588882442625618;0.035596572181938034018511274326;0.077455504284772574985495907640
-0.063299232736572896840243629413;0.114130434782608689014971048437;0.157928388746803066711166252389;0.042519181585677752466256862363;0.070652173913043472830430857812;0.038363171355498722203680728171;0.121163682864450131249078879137;0.054667519181585674803436347702;0.081521739130434783815459809375;0.071930946291560104999263103309;0.061700767263427110098650274495;0.122122762148337601906256111306
-0.086309523809523808202115446875;0.095238095238095232808461787499;0.125000000000000000000000000000;0.077380952380952383595769106250;0.050000000000000002775557561563;0.029761904761904760252644308594;0.164880952380952378044653983125;0.078571428571428569842538536250;0.100000000000000005551115123126;0.061904761904761906876615285000;0.038690476190476191797884553125;0.092261904761904767191538212501
-0.087979094076655051104296489939;0.079703832752613237855321415282;0.119337979094076659936085604841;0.080574912891986066876270911052;0.056184668989547041639820434966;0.027003484320557491482617251677;0.166376306620209052367087565472;0.086236933797909406940185306212;0.120209059233449475079247292797;0.073606271777003490219826176144;0.027874564459930313564672843540;0.074912891986062712934568708079
-0.130863039399624764280716249232;0.087242026266416514146406768759;0.123358348968105061005395839402;0.075046904315197004997628482670;0.053939962476547843872598519965;0.032833020637898689686462461168;0.137429643527204492503557275995;0.067542213883677301722308072840;0.100844277673545965057222417727;0.072701688555347088183111736726;0.027673545966228892817317941422;0.090525328330206378257827282141
-0.125961538461538458122390693461;0.080769230769230773714362214832;0.137980769230769240163425592982;0.093269230769230770938804653269;0.025000000000000001387778780781;0.024038461538461539795941135367;0.141346153846153843591793020096;0.101923076923076921795896510048;0.099519230769230762612131968581;0.058653846153846153632649418341;0.037499999999999998612221219219;0.074038461538461539102051744976
-0.086236933797909406940185306212;0.084059233449477355204493278507;0.111933797909407661830272218140;0.099303135888501745109913088072;0.038327526132404178549339945903;0.027003484320557491482617251677;0.131533101045296169084863890930;0.126742160278745658041898991542;0.093641114982578391168210885098;0.099738675958188152681493932050;0.038763066202090593059814693788;0.062717770034843203785790421989
-0.125000000000000000000000000000;0.078750000000000000555111512313;0.089166666666666671847707448251;0.216666666666666674068153497501;0.026666666666666668378260496297;0.045833333333333330095182844843;0.098750000000000004440892098501;0.073749999999999996114219413812;0.077083333333333337034076748751;0.072499999999999995003996389187;0.038749999999999999722444243844;0.057083333333333333148296162562
-0.108915054667788058218036439939;0.079478553406223714783429556974;0.126997476871320430502620979496;0.108074011774600506341492689444;0.033641715727502102817325635442;0.034062237174095878755597510690;0.108915054667788058218036439939;0.086206896551724143673567368751;0.092935239697224558685917372713;0.113540790580319600477920971571;0.039529015979814972892025792817;0.067703952901597974634029242225
-0.125661375661375668277841555209;0.095679012345679007034426888367;0.137125220458553798152934177779;0.071869488536155198832311441492;0.045414462081128745274405389409;0.021164021164021162846324841667;0.121252204585537912140402738714;0.089947089947089942096880577083;0.078483245149911812221787954513;0.099206349206349200842147695312;0.042768959435626099918614784201;0.071428571428571424606346340624
-0.096866096866096859652195405488;0.086419753086419748289159770138;0.121082621082621078034691208813;0.091168091168091172638021646435;0.046533713200379869801004417695;0.028490028490028490582020026523;0.124406457739791073691115741440;0.100189933523266855308619938114;0.106362773029439694472131350267;0.095441595441595444837545869632;0.036087369420702751499074878438;0.066951566951566954255525843109
-0.091666666666666660190365689687;0.089062500000000002775557561563;0.113020833333333334258519187188;0.077604166666666668517038374375;0.043229166666666665741480812812;0.029687499999999998612221219219;0.166666666666666657414808128124;0.077604166666666668517038374375;0.106249999999999997224442438437;0.082812499999999997224442438437;0.044270833333333335646297967969;0.078125000000000000000000000000
-0.123855037833532452551388303164;0.077260055754679410333629618890;0.124253285543608121832548363273;0.072879330943847075996444573320;0.041816009557945038599413578595;0.023098367184388689937746264036;0.130625248904818802575533709387;0.106730386300278770606020373179;0.082437275985663083233134784678;0.109518120270808441696352986128;0.036240541616885703357642256606;0.071286340103544398871804332884
-0.134814814814814804000420167540;0.075555555555555556357383295563;0.096790123456790125300308602618;0.150617283950617297794138949030;0.035061728395061726726300577184;0.026666666666666668378260496297;0.126913580246913570981348584610;0.070617283950617282251016604278;0.096296296296296296501893152708;0.068148148148148152136727162542;0.037530864197530863779483922826;0.080987654320987659262165436758
-0.107789142407553106828288491670;0.084972462627852088368207716940;0.121164437450826126263514481707;0.114476789929189609607007582781;0.034618410700236038057830967318;0.020062942564909518744498129195;0.130605822187254139166157074214;0.116443745082612112873299281546;0.089693154996066087880635109286;0.084579071597167584939391815624;0.032258064516129031362723367238;0.063335955940204566316786838343
-0.083489681050656655569852659937;0.075984990619136966172320057922;0.145872420262664170831357068892;0.022045028142589118830274586003;0.021575984990619138242928798377;0.048780487804878050472900952172;0.068949343339587243484345435718;0.056285178236397746809327458095;0.134146341463414642269924570428;0.131801125703564725455407824484;0.087242026266416514146406768759;0.123827392120075041592741627028
-0.076317859952793082323196927064;0.053107789142407553495406347110;0.169551534225019673307599532563;0.035405192761605037976568866043;0.016129032258064515681361683619;0.024390243902439025236450476086;0.051927616050354050147852547070;0.088512981904012591471975213153;0.141620771046420151906275464171;0.186467348544453181968805211000;0.091266719118804087718110906735;0.065302911093627069583078537107
-0.058536585365853661955259923388;0.075609756097560973375770743132;0.193658536585365859128415877422;0.022926829268292682473262544818;0.003902439024390243899054198096;0.016585365853658537438342079895;0.188780487804878049917789439860;0.133170731707317080427799282916;0.077073170731707316138958674401;0.129268292682926833059298132866;0.052195121951219509981445554558;0.048292682926829269551838308416
-0.053301886792452832231070658509;0.055660377358490567556437156327;0.171933962264150946852581114399;0.048349056603773588047801013090;0.018160377358490565474768985155;0.041037735849056601600270965946;0.047405660377358493917654413963;0.086084905660377353253664978183;0.091509433962264144502007923165;0.153773584905660370969471273384;0.123820754716981132337316751091;0.108962264150943399787507814835
-0.009043927648578810665758176413;0.107881136950904399363082575292;0.250322997416020653904666914968;0.001937984496124030980857000372;0.012273901808785530123668827684;0.022932816537467700518382329733;0.129198966408268722805274819621;0.115633074935400523286510576781;0.049095607235142120494675310738;0.080749354005167958692190666170;0.085271317829457363157708016388;0.135658914728682161721096122164
-0.033436213991769547781984783796;0.088991769547325100253587493171;0.234053497942386834473893486575;0.008744855967078189393215659209;0.004115226337448560020582100094;0.033436213991769547781984783796;0.116255144032921808872060864815;0.188271604938271608364885878473;0.044753086419753083935457738107;0.069444444444444447528397290625;0.072530864197530867110152996702;0.105967078189300414892137780498
-0.030357142857142856845475975547;0.117142857142857145791303707938;0.200000000000000011102230246252;0.044642857142857143848413414844;0.021428571428571428769682682969;0.023571428571428573034429732047;0.178214285714285713968507707250;0.144285714285714294913276489751;0.041785714285714287141715317375;0.056071428571428570675205804719;0.055357142857142854763807804375;0.087142857142857146901526732563
-0.033482142857142856151586585156;0.130357142857142865866038050626;0.189732142857142849212692681249;0.098214285714285712303173170312;0.037946428571428568454759755468;0.035267857142857142460634634062;0.151785714285714273819039021873;0.111607142857142863090480489063;0.035714285714285712303173170312;0.041517857142857141072855853281;0.046428571428571430157461463750;0.087946428571428578169211220938
-0.009374999999999999653055304805;0.137109375000000005551115123126;0.176953124999999988897769753748;0.037499999999999998612221219219;0.035156250000000000000000000000;0.033203125000000000000000000000;0.241796874999999994448884876874;0.099218749999999994448884876874;0.052343750000000001387778780781;0.039843749999999997224442438437;0.042187500000000002775557561563;0.095312499999999994448884876874
-0.008514261387824606161500717860;0.127713920817369097626681195834;0.185610898254576411892102782986;0.087271179225202208384892799131;0.030225627926777350745757289019;0.047679863771817793116625239236;0.200936568752660693615297304859;0.097914005959982966520449565451;0.031077054065559814310937269966;0.045551298424861642877292666753;0.057896977437207321204315491059;0.079608343976160067523295538194
-0.031292517006802723911196295603;0.134693877551020413374516238036;0.198979591836734692744670383036;0.039795918367346937161155295826;0.023469387755102041198673745726;0.031292517006802723911196295603;0.243197278911564618297802553570;0.106802721088435373375524761741;0.024829931972789116151334454230;0.028911564625850341009316579743;0.046258503401360541451570185245;0.090476190476190473943596259687
-0.010059442158207591161422911341;0.123914037494284409723910300727;0.203017832647462287409823034068;0.112025605852766343972781726279;0.006401463191586648053543751047;0.031550068587105621620292339458;0.192043895747599446810482959336;0.103795153177869220462170574137;0.035208047553726563860809761763;0.042066758116140828827056452610;0.055784179240969365698443738211;0.084133516232281657654112905220
-0.013873676524278934218958880820;0.137276378240233670746661687190;0.215041986126323469985521796843;0.014968966776195691270601173528;0.017889740781307048034243223356;0.023731288791529754622633419103;0.300839722526469510732738399383;0.104417670682730917564029482492;0.022270901788974079710259346143;0.033953997809419496356486689592;0.047827674333698430575445570412;0.067907995618838992712973379184
-0.034908471690080884741735900434;0.102171136653895280876902518230;0.217965091528309923285533500348;0.050234142188165173403824326215;0.022562792677735206414713076128;0.018305661983822902466600979210;0.218816517667092369503478721526;0.165602383993188578825694889929;0.031077054065559814310937269966;0.032354193273733504454536813455;0.037888463175819495076801501909;0.068114091102596849292005742882
-0.023414218816517666510446105121;0.131119625372498938009613311806;0.212430821626223925724374907986;0.008514261387824606161500717860;0.025542784163473820219225629558;0.029374201787994890650024260026;0.209876543209876531559388013193;0.126011068539804177435215137848;0.042571306939123032542227065278;0.047254150702426563068758724739;0.052788420604512560629917317101;0.091102596849723285754585333507
-0.015009380863039399611746915753;0.102720450281425887406605568231;0.193714821763602246251778637998;0.054878048780487805047290095217;0.019699812382739212424098695919;0.025328330206378986411142051338;0.256566604127579755978416642392;0.179174484052532834166271413778;0.027673545966228892817317941422;0.023921200750469044649104688460;0.036116322701688553797882974550;0.065196998123827398785579134710
-0.014109347442680775230883227778;0.167989417989417993970491238542;0.220899470899470901086303342709;0.005291005291005290711581210417;0.029100529100529098913696657291;0.043209876543209874144579885069;0.190917107583774253720676483681;0.094797178130511458582496686631;0.032627865961199292721417464236;0.036155202821869486529138271180;0.064814814814814811216869827604;0.100088183421516749294077897048
-0.004016064257028112080560866559;0.165060240963855409113136829546;0.163855421686746993703565067335;0.000000000000000000000000000000;0.071887550200803215783018629281;0.061044176706827310563419075606;0.208032128514056224855011123509;0.061044176706827310563419075606;0.063453815261044183015926023472;0.042570281124497989788668661504;0.043775100401606426014922135437;0.115261044176706822783629036167
-0.003061224489795918209805725141;0.179591836734693865995637906963;0.192176870748299311042472936606;0.000000000000000000000000000000;0.029591836734693878485646933996;0.044217687074829932492026074442;0.226190476190476191797884553125;0.074829931972789115457445063839;0.046258503401360541451570185245;0.036734693877551023721839129621;0.066326530612244902207486063617;0.101020408163265310030887178527
-0.018489378442171518907022331746;0.117230527143981119730931084177;0.233280881195908729175414464407;0.001966955153422501965249091782;0.029504327301337528177693769749;0.037372147915027534303966660900;0.169551534225019673307599532563;0.148701809598741158113810456598;0.052714398111723050066590445795;0.058615263571990559865465542089;0.046026750590086547287871354683;0.086546026750590088205683514389
-0.059558823529411761277252423952;0.074632352941176469118822467408;0.195588235294117646079214978272;0.093014705882352943788760057942;0.034191176470588238722747576048;0.037132352941176470506601248189;0.071323529411764702290454920330;0.124264705882352943788760057942;0.082720588235294115198037445680;0.107720588235294123524710130368;0.050367647058823530881177532592;0.069485294117647061762355065184
-0.066876475216365069420554334556;0.093233674272226590984402605500;0.196302124311565684422475897009;0.066483084185680565991738433240;0.032258064516129031362723367238;0.032258064516129031362723367238;0.107395751376868603399472590354;0.103855232100708100295705094140;0.072383949645948075790613529534;0.092840283241542087555586704184;0.061369000786782063050495139578;0.074744295830055068607933321800
-0.033989266547406082885629530210;0.136553369111508643429786502566;0.207215265354800226571541088560;0.024150268336314846540080480963;0.040250447227191413213098769575;0.036374478234943351251384768830;0.092128801431127019250233445291;0.070065593321407271254486204271;0.084376863446630895326805443801;0.070065593321407271254486204271;0.072152653548002390615501155935;0.132677400119260574529178597913
-0.073170731707317068770457524352;0.100406504065040647066808787713;0.200000000000000011102230246252;0.029674796747967479432217530189;0.027235772357723578296351263361;0.026829268292682926372316742913;0.097967479674796742461495568932;0.135772357723577236088274844406;0.074796747967479676466595606144;0.092682926829268291735175466783;0.058943089430894310409847491883;0.082520325203252031798228927073
-0.137751303052866702625323114262;0.057334326135517497957660992824;0.131422189128816091496787521464;0.200670141474311253260154330746;0.020476545048399106413450354580;0.024571854058078927696140425496;0.055100521221146683825686807268;0.104244229337304539217967658260;0.069992553983618768786989505770;0.099032017870439317808184398473;0.042442293373045419935252198229;0.056962025316455694445849644580
-0.111392405063291136113612367353;0.064810126582278484996813006092;0.176708860759493657788254949992;0.127594936708860767771156474737;0.014683544303797467847627622461;0.038481012658227849165815115384;0.078987341772151900554099768215;0.127594936708860767771156474737;0.067341772151898737774899927899;0.082531645569620254443421458745;0.046582278481012658055693265169;0.063291139240506333329960853007
-0.093364197530864195817557060764;0.077932098765432097908778530382;0.177854938271604950950077750349;0.082561728395061734220305993404;0.029320987654320986026679207725;0.027006172839506171340362428168;0.090277777777777776235801354687;0.114583333333333328707404064062;0.069830246913580251710840229862;0.113811728395061734220305993404;0.050925925925925923098969150260;0.072530864197530867110152996702
-0.060544217687074831923954576496;0.085714285714285715078730731875;0.189455782312925175014939327411;0.027551020408163266056655871239;0.012585034013605441577388077690;0.027891156462585033060097572388;0.048639455782312927822896853058;0.046258503401360541451570185245;0.110544217687074827760618234151;0.158163265306122458042636935716;0.097619047619047619179788455313;0.135034013605442176908510987232
-0.046502057613168723548824345926;0.091358024691358022395526461423;0.188888888888888883954564334999;0.053497942386831275063396873293;0.031687242798353908168618175978;0.030041152263374486935942897503;0.093004115226337447097648691852;0.103292181069958841077571776168;0.081069958847736628415603377107;0.116049382716049379049572110034;0.069958847736625515145725273669;0.094650205761316871799770922280
-0.069760900140646980860381631828;0.070042194092826998153000772618;0.189029535864978892600873905394;0.094514767932489446300436952697;0.015189873417721518403245006823;0.024472573839662448147436180079;0.060196905766526018211060033991;0.061322081575246129014900020593;0.086638537271448670673557046484;0.142616033755274262961876274858;0.100140646976090014197424693521;0.086075949367088608332743149276
-0.091822094691535155464023887362;0.061692969870875177806901490385;0.197417503586800574533199892358;0.022955523672883788866005971840;0.006599713055954088691823500312;0.018077474892395983124826486232;0.057388809182209468695567977647;0.070301291248206596029568515860;0.103012912482065996377933458916;0.185078909612625547298492278969;0.108751793400286941859711475900;0.076901004304160691660285920079
-0.098257839721254361387003939399;0.085365853658536591797023618255;0.176306620209059239368087901312;0.045993031358885015646986715865;0.014285714285714285268213963320;0.031707317073170732113496228521;0.075958188153310110535265664566;0.115331010452961665868620855235;0.094076655052264812617579536891;0.116027874564459926309822890289;0.068292682926829273437618894604;0.078397212543554001262791075533
-0.114296351451973199342404541312;0.070737155621742361932824394444;0.141474311243484723865648788887;0.254281459419210709160807937224;0.016753536857781088642571631908;0.019359642591213699347463261802;0.074460163812360383173150069069;0.103871928518242742645050213923;0.045420699925539834151955176367;0.070364854802680565359906950107;0.034996276991809384393494752885;0.053983618763961280229146666443
-0.125363372093023256459431991061;0.063226744186046512918863982122;0.193313953488372103350911856978;0.105741279069767435405680089389;0.010537790697674418241569505028;0.009447674418604650597997007822;0.119912790697674423445739932959;0.162063953488372103350911856978;0.037790697674418602391988031286;0.083938953488372089473124049164;0.043604651162790698804005984357;0.045058139534883717702840044694
-0.124704956726986629367281977920;0.074350904799370579056905228299;0.180173092053501182618902021204;0.057041699449252560027989744640;0.012981904012588512536963136768;0.023603461841070025317712577362;0.128245476003147118593261666319;0.136900078678206138516060264010;0.068450039339103069258030132005;0.091266719118804087718110906735;0.040125885129819037488996258389;0.062155782848151062969233038302
-0.092578124999999997224442438437;0.068750000000000005551115123126;0.121874999999999997224442438437;0.182812499999999988897769753748;0.026171875000000000693889390391;0.027734374999999998612221219219;0.091406249999999994448884876874;0.118749999999999994448884876874;0.075390625000000002775557561563;0.091796875000000000000000000000;0.045312499999999998612221219219;0.057421874999999997224442438437
-0.141788252899364003445370485679;0.087916199027310140690083528625;0.130190796857463514379915636709;0.149270482603815923816625854670;0.021324354657687991099201951783;0.025065469509913954754276588233;0.078189300411522638656336425811;0.113355780022446686605697152572;0.069958847736625515145725273669;0.089786756453423113844003466966;0.036662925551814440350284485248;0.056490834268612045987456582452
-0.134538878842676318248194888838;0.058951175406871607342917940286;0.122965641952983720242009724188;0.200000000000000011102230246252;0.018806509945750452678092656811;0.020976491862567812202167161217;0.071247739602169984918234035831;0.130198915009041599200045880025;0.058227848101265820834893105484;0.085352622061482821824718314474;0.039421338155515371626247400627;0.059312839059674500596930357688
-0.221671826625387008435907887360;0.042724458204334368749410799637;0.108359133126934986668388205544;0.093808049535603718616094681693;0.008359133126934984586720034372;0.013931888544891640399625565294;0.054179566563467493334194102772;0.079256965944272450563801157841;0.125696594427244595637560564683;0.162538699690402466124794500502;0.060371517027863780269214544205;0.029102167182662539574033999656
-0.114062499999999997224442438437;0.100390624999999997224442438437;0.155078125000000011102230246252;0.061718750000000002775557561563;0.025000000000000001387778780781;0.035937499999999997224442438437;0.115234375000000000000000000000;0.110546875000000002775557561563;0.082421875000000005551115123126;0.065234374999999997224442438437;0.044921875000000000000000000000;0.089453124999999994448884876874
-0.101649405446873800085150207906;0.072880705792098196549311239778;0.147295742232451093434164590690;0.151898734177215194440790924091;0.011891062523973917192110505425;0.031837360951285004206923190395;0.063291139240506333329960853007;0.064441887226697358581617436357;0.074798619102416571968738878695;0.130801687763713092582662511631;0.072113540467970846381540184211;0.077100115074798622472052045396
-0.075949367088607597220395462045;0.099519860323003056512547459533;0.209515495416848523957398242601;0.101265822784810125001264680122;0.025316455696202531250316170031;0.024443474465298997005957559736;0.099519860323003056512547459533;0.099519860323003056512547459533;0.050632911392405062500632340061;0.080314273243125275381082417425;0.054124836316019206416960685146;0.079877782627673504789456160324
-0.008928571428571428075793292578;0.152777777777777790113589162502;0.166005291005291016892542188543;0.000330687830687830669473825651;0.030092592592592590922118134245;0.057208994708994709288418789583;0.065476190476190479494711382813;0.033068783068783066947382565104;0.079034391534391540412585186459;0.080026455026455028951559711459;0.091600529100529098913696657291;0.235449735449735436665363863540
-0.097942073170731711040382094779;0.063262195121951220189160380869;0.145198170731707321134962285214;0.155868902439024403783207617380;0.009146341463414633596307190544;0.020198170731707317665515333260;0.050304878048780490851221713910;0.127667682926829256784273525227;0.068597560975609761513283046952;0.142911585365853660567481142607;0.058307926829268295898511809128;0.060594512195121949527099047828
-0.185570987654320979087785303818;0.051697530864197531463855028733;0.116898148148148153802061699480;0.095679012345679007034426888367;0.009259259259259258745267118229;0.019675925925925926568416102214;0.041666666666666664353702032031;0.121527777777777776235801354687;0.079861111111111104943205418749;0.179012345679012335741830952429;0.069444444444444447528397290625;0.029706790123456790209122146962
-0.233712121212121204383294070794;0.034469696969696969612861892074;0.107196969696969693353061359176;0.121969696969696964061746768948;0.008333333333333333217685101602;0.029166666666666667129259593594;0.023484848484848483418652165255;0.087121212121212127099667554830;0.096212121212121207158851632357;0.138257575757575745800664890339;0.075757575757575759678452698154;0.044318181818181819064950133225
-0.079326923076923072652988366826;0.077884615384615385469402326635;0.170192307692307698285816286443;0.077884615384615385469402326635;0.020192307692307693428590553708;0.020192307692307693428590553708;0.146153846153846161959322103030;0.193269230769230776489919776395;0.038461538461538463673505816587;0.076923076923076927347011633174;0.035576923076923075428545928389;0.063942307692307687183586040192
-0.020238095238095239053466301016;0.078571428571428569842538536250;0.181547619047619041010577234374;0.086904761904761901325500161875;0.019047619047619049337249919063;0.025000000000000001387778780781;0.206547619047619035459462111248;0.196428571428571424606346340624;0.035714285714285712303173170312;0.038095238095238098674499838125;0.040476190476190478106932602032;0.071428571428571424606346340624
-0.012576219512195122712805428478;0.141387195121951220189160380869;0.222179878048780476973433906096;0.026295731707317072239904476305;0.023246951219512194952709904783;0.019435975609756097476354952391;0.198932926829268302837405713035;0.169969512195121963404886855642;0.024009146341463415141870285652;0.038109756097560974763549523914;0.041158536585365855520191047390;0.082698170731707321134962285214
-0.002510760401721664081958751424;0.089311334289813484876852101024;0.230989956958393111152716414836;0.001434720229555236804125373240;0.009325681492109038142612753575;0.034791965566714488922173131868;0.175035868005738892705380749248;0.249641319942611183968494970031;0.032639885222381634366506375500;0.044835007173601150454178565496;0.054160688665710186862067843094;0.075322812051649923326124280720
-0.037499999999999998612221219219;0.075806451612903225090178693790;0.218548387096774182625225080301;0.045967741935483870385770188705;0.018145161290322581876255370048;0.020967741935483872467438359877;0.161290322580645156813616836189;0.173387096774193560921872858671;0.038709677419354840410825602248;0.076209677419354832084152917560;0.050403225806451609769531785332;0.083064516129032262004017184154
-0.025132275132275130880010749479;0.122134038800705460592332940450;0.208994708994708983107457811457;0.045855379188712519500370490277;0.035714285714285712303173170312;0.034832451499118163851242968576;0.179894179894179884193761154165;0.107583774250440911135484611805;0.041887125220458551466684582465;0.054232804232804229793707406770;0.053791887125220455567742305902;0.089947089947089942096880577083
-0.019396551724137931632663267578;0.134913793103448281796019614376;0.182327586206896541387578736249;0.057758620689655169877507745468;0.023706896551724136734673464844;0.036206896551724140898009807188;0.203879310344827591183758386251;0.133620689655172403265126490624;0.040086206896551720979537947187;0.040948275862068964081608157812;0.046982758620689651918311824375;0.080172413793103441959075894374
-0.035984848484848487581988507600;0.108712121212121218261081878609;0.216666666666666674068153497501;0.053787878787878787290033244517;0.015909090909090907450806895440;0.025378787878787879145336958686;0.168560606060606049672045969601;0.198863636363636353543427048862;0.032954545454545451643735276548;0.037121212121212124324109993267;0.037878787878787879839226349077;0.068181818181818176771713524431
-0.027336860670194002009836253819;0.070546737213403876154416138888;0.202380952380952383595769106250;0.082451499118165780255473862326;0.023809523809523808202115446875;0.026014109347442679331940951215;0.218694885361552016078690030554;0.212081128747795416567001325348;0.027336860670194002009836253819;0.029982363315696647365626859028;0.024250440917107582428080547743;0.055114638447971778245637608507
-0.036290322580645163752510740096;0.073790322580645162364731959315;0.190322580645161276713395182014;0.122983870967741937274553265524;0.018951612903225806272544673448;0.023790322580645159589174397752;0.142338709677419350541072162741;0.197983870967741948376783511776;0.037499999999999998612221219219;0.052419354838709679433872423715;0.044354838709677421593191581906;0.059274193548387095475948882495
-0.020859940400170286223247018143;0.072371221796509149770670887847;0.203916560238399324767044618056;0.094508301404853126137517449479;0.022137079608343976366846561632;0.026394210302256280314958658550;0.102171136653895280876902518230;0.240527884206045122761352672569;0.041719880800340572446494036285;0.048105576841209023164491753732;0.052362707535121330582050802604;0.074925500212856530057869974826
-0.004720692368214004716597820277;0.136506687647521635087244362694;0.233280881195908729175414464407;0.046813532651455547206609253408;0.023210070810385521888896676046;0.025963808025177025073926273535;0.216758457907159723943024687287;0.147521636506687647827362752651;0.020849724626278522132682979873;0.030291109362706531565878620427;0.032651455546813534791539268554;0.081431943351691585264440220726
-0.037068965517241377061186113906;0.110344827586206895020382035000;0.194827586206896552489808982500;0.040948275862068964081608157812;0.019827586206896553183698372891;0.034913793103448276244904491250;0.211206896551724143673567368751;0.116379310344827582857085701562;0.050862068965517238938733868281;0.057758620689655169877507745468;0.049568965517241381224522456250;0.076293103448275861877547754375
-0.023611111111111110494320541875;0.135648148148148156577619261043;0.205092592592592604106016551668;0.042592592592592591616007524635;0.021759259259259259439156508620;0.026851851851851852442942814037;0.204629629629629633535969901459;0.116203703703703697946991724166;0.050000000000000002775557561563;0.052777777777777777623580135469;0.048148148148148148250946576354;0.072685185185185186007572610833
-0.042857142857142857539365365938;0.125000000000000000000000000000;0.191964285714285726180960978127;0.118749999999999994448884876874;0.033035714285714286309048048906;0.025892857142857144542302805235;0.159374999999999988897769753748;0.074553571428571427381903902187;0.036607142857142858927144146719;0.047767857142857139685077072500;0.044642857142857143848413414844;0.099553571428571421830788779062
-0.027160493827160493707228994253;0.119506172839506166760692451589;0.123456790123456783270228243055;0.085925925925925919490744320228;0.044938271604938274939033959754;0.041975308641975309087435164201;0.163950617283950605962417057526;0.144197530864197537292525908015;0.046419753086419754395386405577;0.038024691358024692577899372736;0.047407407407407405053323401489;0.117037037037037036646403009854
-0.016406250000000000693889390391;0.079687499999999994448884876874;0.201171875000000000000000000000;0.111328125000000000000000000000;0.017187500000000001387778780781;0.023437500000000000000000000000;0.174999999999999988897769753748;0.217578125000000011102230246252;0.032031249999999997224442438437;0.041015625000000000000000000000;0.029296875000000000000000000000;0.055859375000000002775557561563
-0.058144165671047388921355292268;0.078853046594982073580482051511;0.225009956192751880976743450447;0.076463560334528071771309498672;0.016328156113102350321941713673;0.015133412982875347682631961277;0.193946634806849871335288071350;0.219832735961768221955026092473;0.015133412982875347682631961277;0.016328156113102350321941713673;0.030665073675826364646423982663;0.054161688570290723865330306808
-0.044427710843373491300667410542;0.096762048192771080157292828972;0.139307228915662661972163505197;0.051581325301204822286749163140;0.048945783132530118475500557906;0.036521084337349400683603306561;0.205948795180722898923164621010;0.143072289156626508699332589458;0.053087349397590362365395577626;0.023719879518072289198427071710;0.029367469879518073166968505916;0.127259036144578313587416573682
-0.058823529411764705066012481893;0.119099491648511260355469687511;0.168119099491648521516040659662;0.005446623093681917521236002244;0.060639070442992014375871434595;0.032316630355846039102107880581;0.188453159041394341377539944915;0.095497458242556287899560629739;0.060639070442992014375871434595;0.034132171387073348411966833282;0.039941902687000728489064016458;0.136891793754538859673175466014
-0.011703958691910499798072287092;0.149741824440619619718262356400;0.208605851979345946478616724562;0.046815834767641999192289148368;0.032358003442340792232823076802;0.027194492254733217823092772392;0.233046471600688476222273948224;0.090877796901893292957907988239;0.028571428571428570536427926640;0.030636833046471599606430658014;0.047848537005163511992567038078;0.092598967297762471706512599212
-0.079583333333333339254522798001;0.112916666666666665186369300500;0.165416666666666656304585103499;0.081250000000000002775557561563;0.017083333333333332315628894094;0.041666666666666664353702032031;0.107083333333333335923853724125;0.070833333333333331482961625625;0.075416666666666673513041985188;0.098750000000000004440892098501;0.057916666666666664908813544344;0.092083333333333336478965236438
-0.068037974683544305554150355420;0.096518987341772152777075177710;0.158227848101265833324902132517;0.114978902953586495372384490565;0.008966244725738396412206832053;0.025316455696202531250316170031;0.088607594936708861110830071084;0.097573839662447259257760379114;0.087552742616033754630144869679;0.118143459915611814814440094779;0.065400843881856546291331255816;0.070675105485232064816969455023
-0.051211705532693184428350008375;0.090992226794695929559253499974;0.173296753543667136909789405763;0.075903063557384548021289560893;0.010059442158207591161422911341;0.036579789666209422405174223059;0.079103795153177863808124925526;0.102880658436213995310382074422;0.082761774119798806048642347832;0.139917695473251030291450547338;0.065386374028349333875631543833;0.091906721536351168588829807504
-0.112946428571428572618096097813;0.084375000000000005551115123126;0.145535714285714296023499514376;0.128124999999999988897769753748;0.010267857142857142807579329258;0.023660714285714284921269268125;0.068303571428571421830788779062;0.076339285714285720629845855001;0.091517857142857136909519510937;0.124553571428571430157461463750;0.064732142857142863090480489063;0.069642857142857145236192195625
-0.102138804015713666184517194324;0.092536010475774768679890769363;0.161065037101702307476003284137;0.158882584024443468395659806447;0.014404190309908337583322257558;0.022697512003491925047793387193;0.061545176778699257902349728511;0.096464426014840676248951467642;0.061108686163247487310723471410;0.103448275862068964081608157812;0.061545176778699257902349728511;0.064164120471409860635425559394
-0.093303571428571430157461463750;0.084375000000000005551115123126;0.153571428571428580944768782501;0.126339285714285709527615608749;0.012500000000000000693889390391;0.027232142857142857539365365938;0.060714285714285713690951951094;0.103571428571428578169211220938;0.089732142857142857539365365938;0.114732142857142851988250242812;0.057142857142857141072855853281;0.076785714285714290472384391251
-0.067857142857142851988250242812;0.104910714285714287696826829688;0.169196428571428580944768782501;0.117410714285714284921269268125;0.014285714285714285268213963320;0.033482142857142856151586585156;0.061607142857142860314922927500;0.091071428571428567066980974687;0.080357142857142863090480489063;0.117857142857142854763807804375;0.066517857142857142460634634062;0.075446428571428567066980974687
-0.119444444444444450303954852188;0.095833333333333339809634310313;0.144444444444444430875051921248;0.116666666666666668517038374375;0.012037037037037037062736644089;0.025000000000000001387778780781;0.070370370370370374790702783230;0.100462962962962962243373965521;0.071759259259259258745267118229;0.103703703703703700722549285729;0.069907407407407404220656133020;0.070370370370370374790702783230
-0.106408227848101263890434609038;0.090585443037974680557944395787;0.139240506329113916672568507238;0.153481012658227861100712630105;0.013844936708860758681205460618;0.040348101265822784722292482229;0.071202531645569624996205959633;0.071598101265822791661186386136;0.078322784810126583332490213252;0.114715189873417722221660142168;0.051424050632911395830593193068;0.068829113924050638884111208426
-0.109995635093845481322638590882;0.089044085552160631702456328185;0.131383675250982101534447110680;0.150589262330859896543699960603;0.009602793539938890565732521054;0.028808380619816675166644515116;0.102575294631165436776143451425;0.087734613705805319927577556882;0.068529026625927538796112514774;0.107376691401134871650668856091;0.051942383238760367336617207457;0.062418158009602792146708338805
-0.088888888888888892281237019688;0.090123456790123457338381740556;0.181069958847736633966718500233;0.075308641975308648897069474515;0.020987654320987654543717582101;0.024279835390946500478515091004;0.110699588477366259176015717003;0.090534979423868316983359250116;0.067489711934156385031435831934;0.098353909465020580848992892697;0.067078189300411525386458322373;0.085185185185185183232015049271
-0.074074074074074069962136945833;0.108932461873638350424720044884;0.184822076978939736635609847326;0.043572984749455340169888017954;0.026143790849673203408043420382;0.026143790849673203408043420382;0.114015976761074805390094866198;0.141612200435729834735454346628;0.052287581699346406816086840763;0.077342047930283222556546718351;0.057371096586782861781461662076;0.093681917211328971650807773131
-0.021446593776282590199100397399;0.105550883095037850711861437958;0.205634987384356593409506785974;0.004205214465937762852165704430;0.020185029436501262384284771656;0.027754415475189236212072430021;0.196383515559293536645313338340;0.257779646761984837510794932314;0.023969722455845249298178600839;0.032800672834314550940781884947;0.036585365853658534385228762176;0.067703952901597974634029242225
-0.034057045551298424646002871441;0.119625372498935719778323516493;0.165176670923797369594510087154;0.002128565346956151540375179465;0.012345679012345678327022824305;0.031077054065559814310937269966;0.236270753512132836160475335419;0.257982120051085561662773670832;0.019157088122605362562334008203;0.022988505747126436462579590625;0.044274159216687952733693123264;0.054916985951468710869249889583
-0.018923465096719931100022193959;0.129941126997476869009418010137;0.204793944491169055410750843293;0.000841042893187552527065053987;0.033221194280908326879053760194;0.035744322960470982508685011680;0.197645079899074843643447252362;0.156854499579478556814393641616;0.043734230445752732274744545293;0.029857022708158115903431806260;0.039949537426408748830297668064;0.108494533221194275340870660784
-0.022784810126582278472229248223;0.135443037974683544444332028434;0.184388185654008440739204388592;0.086075949367088608332743149276;0.021518987341772152083185787319;0.018143459915611812732771923606;0.233755274261603362973005459935;0.121097046413502107409243535585;0.038818565400843885182524672928;0.029535864978902953703610023695;0.042194092827004217594044632733;0.066244725738396625924764293813
-0.013020833333333333911574491992;0.182291666666666657414808128124;0.193080357142857150787307318751;0.055803571428571431545240244532;0.033110119047619047949471138281;0.040922619047619047949471138281;0.201636904761904767191538212501;0.055431547619047616404230893750;0.037202380952380952050528861719;0.043154761904761904101057723437;0.051711309523809520505288617187;0.092633928571428575393653659376
-0.035864978902953585648827328214;0.130801687763713092582662511631;0.205485232067510542597332801051;0.094514767932489446300436952697;0.033755274261603372687456925405;0.043881856540084390738698516543;0.110970464135021096296895848354;0.071729957805907171297654656428;0.054430379746835441667762722773;0.044303797468354430555415035542;0.067510548523206745374913850810;0.106751054852320670374155042737
-0.071484375000000002775557561563;0.080078125000000000000000000000;0.168359375000000005551115123126;0.076953124999999997224442438437;0.030859375000000001387778780781;0.026562499999999999306110609609;0.146484375000000000000000000000;0.121874999999999997224442438437;0.073437500000000002775557561563;0.076562500000000005551115123126;0.051562499999999997224442438437;0.075781249999999994448884876874
-0.030172413793103449591859188672;0.105172413793103450285748579063;0.207327586206896563592039228752;0.079310344827586212734793491563;0.025862068965517241020402039453;0.030603448275862067673447342031;0.134482758620689646367196701249;0.103017241379310342530573052500;0.061206896551724135346894684062;0.072413793103448281796019614376;0.064655172413793107755175526563;0.085775862068965522122532263438
-0.034708044099632504031482937989;0.128623928133932224904256713671;0.147407104940792149649908537867;0.115965700285830947136034296818;0.035116374030216411517013597177;0.031849734585545123877192708051;0.188240097999183342292184306643;0.054307880767660271503771696189;0.066966108615761535394206305227;0.040016333197223356854532738680;0.052266231114740713259436688531;0.104532462229481426518873377063
-0.047594936708860759166928033892;0.122531645569620248337194823307;0.159493670886075938897263881699;0.080000000000000001665334536938;0.023797468354430379583464016946;0.043544303797468354721988959000;0.126075949367088602226516513838;0.087594936708860759999595302361;0.083544303797468355554656227469;0.056202531645569618612423568038;0.058734177215189871390510489846;0.110886075949367085557994982992
-0.065332788893425891574295860664;0.083707635769701915773310929580;0.148632094732543906800970034965;0.108615761535320543007543392378;0.033483054307880767697103152614;0.027766435279706003919075740782;0.101265822784810125001264680122;0.122090649244589621869039319790;0.101674152715394039425689243217;0.058799510004083302416866274598;0.059207839934667209902396933785;0.089424254797876689959679197273
-0.056034482758620690612261228125;0.100862068965517234775397525937;0.217241379310344817632483227499;0.120689655172413798367436754688;0.020689655172413792816321631562;0.024568965517241379836743675469;0.099137931034482762449044912501;0.088793103448275859101990192812;0.057327586206896548326472640156;0.075431034482758618775477543750;0.053879310344827582857085701562;0.085344827586206900571497158126
-0.018072289156626505229885637505;0.129518072289156627174833147365;0.224774096385542160314585657943;0.033509036144578313587416573682;0.027861445783132529618875139477;0.037274096385542167253479561850;0.115210843373493979080457449982;0.067018072289156627174833147365;0.056099397590361442522688406598;0.084713855421686745650333705271;0.072289156626506020919542550018;0.133659638554216864125834263177
-0.036665211697948493774212863627;0.118725447402880837644012501642;0.223919685726756884092125687857;0.077258838934962895117486425534;0.019642077695329551723091299209;0.030990833697075514246987992806;0.107376691401134871650668856091;0.070274989087734607284829735363;0.056307289393278045497304162836;0.071147970318638148468082249565;0.064164120471409860635425559394;0.123526844172850286396325714122
-0.058064516129032260616238403372;0.110887096774193547044085050857;0.223387096774193549819642612420;0.098790322580645156813616836189;0.024193548387096773522042525428;0.031451612903225803496987111885;0.098387096774193549819642612420;0.070161290322580643907812714133;0.047580645161290319178348795504;0.059677419354838709408817010171;0.058064516129032260616238403372;0.119354838709677418817634020343
-0.052777777777777777623580135469;0.090740740740740746805848004897;0.235802469135802467148366190486;0.008024691358024691953398921385;0.015740740740740739173064710599;0.032716049382716050342168045972;0.045987654320987655931496362882;0.064506172839506173422030599340;0.083333333333333328707404064062;0.155555555555555558022717832500;0.091666666666666660190365689687;0.123148148148148145475389014791
-0.059166666666666666019036568969;0.106249999999999997224442438437;0.181666666666666670737484423626;0.065000000000000002220446049250;0.020833333333333332176851016015;0.026249999999999999028554853453;0.147916666666666668517038374375;0.155416666666666675178376522126;0.053333333333333336756520992594;0.074166666666666672402818960563;0.039583333333333331482961625625;0.070416666666666669072149886688
-0.051084990958408682537594813766;0.108951175406871603179581597942;0.167721518987341777773281137343;0.127938517179023519831915223222;0.034358047016274866070073557012;0.043399638336347197420383992039;0.097649186256781192461140506111;0.071880650994575051582202718237;0.062386980108499093256035905597;0.095388788426763113093009849308;0.056057866184448461310818601078;0.083182640144665462300643810067
-0.084810126582278475004805784465;0.105485232067510550924005485740;0.159915611814345992591768208513;0.094936708860759499994941279510;0.025738396624472574536479640983;0.037974683544303798610197731023;0.074261603375527424075741578235;0.069198312236286918519567734620;0.067088607594936705558197331811;0.101265822784810125001264680122;0.078902953586497889815198902852;0.100421940928270045367831642125
-0.087633885102239530984213899956;0.096884128529698146370385813952;0.194255111976630950865185809562;0.113924050632911388891699289161;0.012171372930866602296573475428;0.031645569620253166664980426503;0.075949367088607597220395462045;0.103700097370983443378911204036;0.052093476144109057690556596754;0.088120740019474202986415889427;0.070593962999026288462900424747;0.073028237585199606840546948661
-0.070833333333333331482961625625;0.106666666666666673513041985188;0.163333333333333330372738601000;0.108333333333333337034076748751;0.015833333333333334674852821422;0.039583333333333331482961625625;0.080833333333333326486958014812;0.071666666666666670182372911313;0.064166666666666663521034763562;0.114166666666666666296592325125;0.068333333333333329262515576374;0.096250000000000002220446049250
-0.093981481481481485285023325105;0.114351851851851857300168546772;0.169444444444444453079512413751;0.058333333333333334258519187188;0.029629629629629630760412339896;0.033796296296296296501893152708;0.081481481481481488060580886668;0.067129629629629636311527463022;0.077314814814814808441312266041;0.121296296296296290950778029583;0.071759259259259258745267118229;0.081481481481481488060580886668
-0.062579821200510851730847150520;0.095359727543635586233250478472;0.165602383993188578825694889929;0.100468284376330346807648652430;0.020434227330779056175380503646;0.041294167730949342398627521789;0.082162622392507447810494625173;0.064708386547467008909073626910;0.094082588335461903028544838890;0.124308216262239257243749079862;0.065559812686249469004806655903;0.083439761600681144892988072570
-0.071261134552273786013643075421;0.094233473980309429007817811907;0.156118143459915620363531729708;0.160337552742616046286272535326;0.018752930145335210132540026962;0.026254102203469291409998476183;0.082512892639474921807618557068;0.069385841537740272633172367023;0.075011720581340840530160107846;0.104078762306610408949758550534;0.066572902015939988684678496611;0.075480543834974211936383881039
-0.070781893004115220557892484976;0.115226337448559673637404898727;0.139917695473251030291450547338;0.044444444444444446140618509844;0.048148148148148148250946576354;0.038683127572016459683190703345;0.147736625514403280279296382105;0.060493827160493826577969400660;0.071193415637860080202869994537;0.096296296296296296501893152708;0.058847736625514401875847170231;0.108230452674897115183938467453
-0.075462512171372925218193472574;0.093476144109055497866123118911;0.145569620253164555556679715664;0.122687439143135346153457021501;0.020447906523855891025576170250;0.030671859785783836538364255375;0.133398247322297963668447096097;0.072541382667964948716132767004;0.079844206426484903849072338744;0.088607594936708861110830071084;0.061830574488802338140036596315;0.075462512171372925218193472574
-0.097000000000000002886579864025;0.092999999999999999333866185225;0.150999999999999995337063296574;0.098500000000000004218847493576;0.012999999999999999403255124264;0.021999999999999998723243521681;0.169500000000000011768364061027;0.077999999999999999888977697537;0.068500000000000005329070518201;0.107999999999999998778754672912;0.049500000000000002331468351713;0.051999999999999997613020497056
-0.096296296296296296501893152708;0.060246913580246912178761675705;0.211851851851851846753049812833;0.100740740740740741809844394083;0.010370370370370370072254928573;0.019259259259259260688157411323;0.063703703703703706828775921167;0.098765432098765426616182594444;0.065185185185185179346234463083;0.118518518518518523041649359584;0.087407407407407405885990669958;0.067654320987654323338311712632
-0.093397745571658613572552098958;0.056360708534621578591483626042;0.166129898013955973334887517012;0.084004294149221683807304827951;0.023081052066559311353177719184;0.022275899087493288702743754470;0.041867954911433170883672261198;0.084541062801932367887225439063;0.098228663446054756414049791147;0.170692431561996788014212711460;0.082125603864734303405370496876;0.077294685990338160563872804687
-0.163227016885553466440939018867;0.056597873671044400534224649846;0.123202001250781734142947243527;0.053470919324577863285252732339;0.002501563477173233268624485959;0.021575984990619138242928798377;0.035647279549718573210537186924;0.100687929956222638194773821851;0.123827392120075041592741627028;0.173545966228893067118121962267;0.108505315822388995194991423432;0.037210756722951841835023145677
-0.092609351432880848697948295012;0.141176470588235292158429956544;0.175867269984917057312756583087;0.062141779788838613640677976946;0.011764705882352941013202496379;0.031372549019607842701873323676;0.167420814479637997118643966132;0.057315233785822018719446901969;0.047963800904977378636306895032;0.063951734539969828929883988167;0.059426847662141776829081152300;0.088989441930618404241748464756
-0.033333333333333332870740406406;0.116250000000000006106226635438;0.214999999999999996669330926125;0.049166666666666664076146275875;0.018333333333333333425851918719;0.025833333333333333148296162562;0.200833333333333335923853724125;0.158333333333333325931846502499;0.031250000000000000000000000000;0.033333333333333332870740406406;0.050000000000000002775557561563;0.068333333333333329262515576374
-0.043409000398247708785159915124;0.134607726005575467631558694848;0.206690561529271205065683147950;0.039426523297491036790241025756;0.025886101154918357558631925031;0.036240541616885703357642256606;0.149741138988450817048914132101;0.122660294703305458585695930651;0.037833532457188373543388593134;0.041816009557945038599413578595;0.055356431700517724769916583227;0.106332138590203101324860313071
-0.021774193548387096863727663276;0.137903225806451618096204470021;0.197177419354838706633259448608;0.039112903225806454343693729925;0.032258064516129031362723367238;0.030241935483870968637276632762;0.182258064516129025811608244112;0.134677419354838706633259448608;0.038709677419354840410825602248;0.040725806451612903136272336724;0.043548387096774193727455326552;0.101612903225806447404799826018
-0.044166666666666666574148081281;0.142083333333333339254522798001;0.216666666666666674068153497501;0.055000000000000000277555756156;0.037499999999999998612221219219;0.035416666666666665741480812812;0.136250000000000009992007221626;0.146666666666666667406815349750;0.037499999999999998612221219219;0.035833333333333335091186455656;0.039583333333333331482961625625;0.073333333333333333703407674875
-0.045641601197156753122463612726;0.144781144781144788247218002653;0.191919191919191906015029758237;0.074448185559296664592920933501;0.042274597830153387567619915899;0.034044145155256264057008763757;0.156378600823045277312672851622;0.103254769921436589941166062090;0.041152263374485596736374048987;0.028432472876917320309120285060;0.046763935652824543953709479638;0.090909090909090911614143237784
-0.033205619412515964550269842448;0.117496807151979562600097040104;0.203065134099616850793523781249;0.020434227330779056175380503646;0.020859940400170286223247018143;0.017879948914431672418734464713;0.238399318859088965583126196179;0.153256704980842900498672065623;0.030651340996168580793623803515;0.042145593869731802494360550781;0.040868454661558112350761007292;0.081736909323116224701522014584
-0.041534559289790738689784888038;0.089410272669625867614229264291;0.175649968294229547050022688381;0.058655675332910592323365506218;0.015535827520608750870745318196;0.029803424223208623694558738748;0.087507926442612557482725321734;0.065630944831959414642597039347;0.089093214965123651571943241834;0.149968294229549770069098713066;0.091946734305643623708093059577;0.105263157894736836261984080920
-0.137500000000000011102230246252;0.053448275862068968244944500157;0.142672413793103441959075894374;0.116810344827586204408120806875;0.010344827586206896408160815781;0.018965517241379310081628162266;0.037499999999999998612221219219;0.085775862068965522122532263438;0.090948275862068966857165719375;0.174568965517241381224522456250;0.078017241379310348081688175625;0.053448275862068968244944500157
-0.156504065040650397477861588413;0.054297328687572588012955066006;0.125435540069686407571580843978;0.110627177700348425237741878391;0.011033681765389082019002131574;0.027293844367015099999784766283;0.041231126596980256782121188053;0.067653890824622531230403410518;0.117015098722415791798745487995;0.162020905923344948895703510061;0.067073170731707321134962285214;0.059814169570267132491903083746
-0.133156966490299816241460462152;0.067460317460317456572660432812;0.163580246913580251710840229862;0.079805996472663134899683257117;0.005731922398589064937546311285;0.027336860670194002009836253819;0.044532627865961196822475187673;0.067460317460317456572660432812;0.094356261022927684356531585763;0.176807760141093478489793255903;0.077160493827160489543892651909;0.062610229276895940087044323263
-0.144032921810699598985650027316;0.076817558299039787050865868423;0.126200274348422486481169357830;0.092363968907178781164724057362;0.007315957933241883613673106623;0.031092821216278005574951137646;0.057155921353452217303914295599;0.071787837219935979327090080915;0.091906721536351168588829807504;0.165066300868769999521390445807;0.085962505715592135713265520280;0.050297210791037952337667604752
-0.159642401021711372033351494792;0.061728395061728391635114121527;0.123031077054065560161255632465;0.111962537249893565038938447742;0.008939974457215836209367232357;0.039165602383993185220401045399;0.051085568326947640438451259115;0.065134099616858232018046237499;0.085142613878246065084454130556;0.164750957854406132607749668750;0.076628352490421450249336032812;0.052788420604512560629917317101
-0.093711843711843711979270210577;0.065934065934065935743468855890;0.160256410256410269932203505050;0.054334554334554335808249447837;0.012820512820512820068019621544;0.031135531135531135937810631731;0.052808302808302808040163967007;0.077533577533577535678688263943;0.105616605616605616080327934014;0.168803418803418814331251951444;0.091880341880341886984240318270;0.085164835164835167580221764183
-0.108139876579488689034569404157;0.053482221569203645950008052523;0.137525712606523659031765305372;0.075227740229209527633713605610;0.012635909491625036543682725210;0.031736702909197764266302499436;0.057008521892447837353667949856;0.084925066118131053993778323274;0.117249485747869530705145280081;0.175139582721128422848622108177;0.070819864825154274501350926130;0.076109315310020575484628579943
-0.067226890756302518092901721047;0.062464985994397759228036193235;0.169467787114845946927488284928;0.041736694677871145897629645560;0.014005602240896359092503509203;0.034733893557422970688186580901;0.047899159663865549518835251774;0.061344537815126047586300472858;0.118207282913165262483445872022;0.190756302521008391792634029116;0.092156862745098044875646792207;0.100000000000000005551115123126
-0.065178571428571432933019025313;0.087053571428571424606346340624;0.187946428571428569842538536250;0.048214285714285716466509512657;0.010267857142857142807579329258;0.033928571428571425994125121406;0.046428571428571430157461463750;0.073660714285714287696826829688;0.084821428571428575393653659376;0.148660714285714284921269268125;0.102232142857142854763807804375;0.111607142857142863090480489063
-0.133035714285714284921269268125;0.057589285714285710915394389531;0.146875000000000005551115123126;0.110267857142857139685077072500;0.005357142857142857192420670742;0.033482142857142856151586585156;0.057142857142857141072855853281;0.079464285714285709527615608749;0.095535714285714279370154144999;0.158928571428571419055231217499;0.074107142857142857539365365938;0.048214285714285716466509512657
-0.149029982363315688376204093402;0.052028218694885358663881902430;0.132275132275132267789530260416;0.112433862433862427621100721353;0.011904761904761904101057723437;0.032627865961199292721417464236;0.042328042328042325692649683333;0.090828924162257490548810778819;0.100088183421516749294077897048;0.143298059964726637316445589931;0.066578483245149908120730231076;0.066578483245149908120730231076
-0.137500000000000011102230246252;0.059274193548387095475948882495;0.133467741935483857895761161672;0.143548387096774199278570449678;0.012903225806451612892034042090;0.027419354838709678046093642934;0.044354838709677421593191581906;0.069758064516129036913838490364;0.090322580645161285040067866703;0.146774193548387082985939855462;0.066532258064516125450893468951;0.068145161290322581182365979657
-0.159584086799276686496895649725;0.051989150090415915672625857269;0.138788426763110317452287745255;0.107142857142857136909519510937;0.008589511754068716517518389253;0.033001808318264012898080039804;0.046112115732368896825477122547;0.048824593128390596230570253056;0.111663652802893309523568632358;0.145569620253164555556679715664;0.083634719710669075398712379865;0.065099457504520799600022940012
-0.112037037037037032205510911353;0.076851851851851851749053423646;0.176388888888888900607909704377;0.061574074074074072737694507396;0.008796296296296296848837847904;0.031944444444444441977282167500;0.054629629629629632148191120677;0.069444444444444447528397290625;0.110185185185185191558687733959;0.149074074074074081064367192084;0.081481481481481488060580886668;0.067592592592592593003786305417
-0.117922520221370799586857458507;0.059599829714772241395781549045;0.172839506172839496578319540276;0.041719880800340572446494036285;0.008939974457215836209367232357;0.024265644955300126606179134114;0.039591315453384422207161463803;0.119625372498935719778323516493;0.100042571306939123698676041840;0.170710940825883367155668679516;0.077479778629203910345069061805;0.067262664963814389196272713889
-0.124283559577677227281355953892;0.032579185520361993166904568398;0.098642533936651580206422806896;0.273906485671191579633898527391;0.014479638009049774355352369071;0.018702865761689290574620869734;0.018401206636500754693086534530;0.150829562594268468123104298684;0.075414781297134234061552149342;0.126998491704374050215164970723;0.037104072398190045267707404264;0.028657616892911009359723450984
-0.221148684916800869482145230904;0.037573805689747719060989084028;0.111111111111111104943205418749;0.081052066559312935245529274653;0.003220611916264090168054989860;0.011808910359634997716549165148;0.068169618894256572838585839236;0.076221148684916806281819390279;0.108427267847557698421390171006;0.181427804616210414101473702431;0.076757917337627476483952193576;0.023081052066559311353177719184
-0.121465551573078450742215750324;0.051373954599761052774997693859;0.115491835921943453158178272133;0.256869772998805256936094565390;0.004778972520908004485706843667;0.018717642373556352131114266513;0.037833532457188373543388593134;0.164078056551174827903949449137;0.046993229788928711498918744383;0.119076065312624448933043197485;0.029868578255675029553550814398;0.033452807646356032267309643657
-0.173958333333333325931846502499;0.034375000000000002775557561563;0.089062500000000002775557561563;0.309375000000000011102230246252;0.004166666666666666608842550801;0.013020833333333333911574491992;0.033333333333333332870740406406;0.126041666666666662965923251249;0.044791666666666667129259593594;0.118229166666666662965923251249;0.038020833333333330095182844843;0.015625000000000000000000000000
-0.188843164151806131023647594702;0.039323273891175125616115337834;0.101966163694558756280805766892;0.236396890717878366272586276864;0.004115226337448560020582100094;0.010516689529035207206764113153;0.061728395061728391635114121527;0.120713305898491080059287128279;0.061728395061728391635114121527;0.115683584819387286213299148585;0.041609510745313216251162202752;0.017375400091449475642457755953
-0.178571428571428575393653659376;0.039682539682539680336859078125;0.097001763668430329712322190971;0.205908289241622577403489913195;0.007495590828924161841406714757;0.018077601410934743264569135590;0.051587301587301584437916801562;0.119047619047619041010577234374;0.061728395061728391635114121527;0.136243386243386249701003976043;0.045414462081128745274405389409;0.039241622574955906110893977257
-0.193086419753086407924413947512;0.028148148148148147834612942120;0.117037037037037036646403009854;0.230617283950617285581685678153;0.004938271604938271504281477320;0.012839506172839505390714798239;0.041975308641975309087435164201;0.133333333333333331482961625625;0.044444444444444446140618509844;0.119506172839506166760692451589;0.053827160493827158616042538597;0.020246913580246914815541359189
-0.137860082304526759822138615164;0.049794238683127572953068806783;0.134979423868312770062871663868;0.211111111111111110494320541875;0.009053497942386830657501839426;0.022222222222222223070309254922;0.042798353909465021438496279416;0.102880658436213995310382074422;0.060493827160493826577969400660;0.134979423868312770062871663868;0.056378600823045264822663824589;0.037448559670781894626045982477
-0.157258064516129031362723367238;0.045161290322580642520033933351;0.133064516129032250901786937902;0.153225806451612905911829898287;0.007661290322580644775174452121;0.025403225806451611851199956504;0.045967741935483870385770188705;0.128629032258064518456919245182;0.074193548387096769358706183084;0.124596774193548393006025776231;0.061693548387096772134263744647;0.043145161290322579794587198876
-0.123914037494284409723910300727;0.046639231824417010097150182446;0.140832190214906255443239047054;0.148605395518975752500168141523;0.008230452674897120041164200188;0.021033379058070414413528226305;0.050754458161865571852455758517;0.132601737540009145810415702726;0.064929126657521721299737293975;0.149519890260631005407532256868;0.059442158207590307938961160517;0.053497942386831275063396873293
-0.154611211573236900784777958506;0.047468354430379749997470639755;0.068716094032549732140147114023;0.302441229656419507954012715345;0.008137432188065099950002867502;0.030741410488245930060502431047;0.041139240506329111113359431329;0.107142857142857136909519510937;0.053345388788426761905725470569;0.118896925858951174603816980380;0.033905967450271246033111083307;0.033453887884267632935042513509
-0.138709677419354832084152917560;0.040725806451612903136272336724;0.139516129032258073827676980727;0.152822580645161298917855674517;0.007661290322580644775174452121;0.028225806451612902442382946333;0.041129032258064517069140464400;0.134274193548387099639285224839;0.075806451612903225090178693790;0.135483870967741948376783511776;0.053629032258064514293582902837;0.052016129032258065501004296038
-0.133752950432730138841108669112;0.045239968528717547369133455959;0.193941778127458691605156104742;0.038945712037765541080336362256;0.009047993705743509473826691192;0.022816679779701021929527726684;0.032258064516129031362723367238;0.121164437450826126263514481707;0.095594020456333597679510205580;0.145554681353265158438858861700;0.081431943351691585264440220726;0.080251770259638074977992516779
-0.071428571428571424606346340624;0.049651567944250872554956544036;0.135888501742160272556247946341;0.128484320557491288328222367454;0.006968641114982578391168210885;0.025261324041811847318506067950;0.045296167247386762144678584718;0.254790940766550511042964899389;0.047038327526132406308789768445;0.135452961672473864984667102362;0.056184668989547041639820434966;0.043554006968641117980567400991
-0.068534482758620687836703666562;0.041379310344827585632643263125;0.144827586206896563592039228752;0.207758620689655171265286526250;0.007758620689655172306120611836;0.018965517241379310081628162266;0.065086206896551729306210631876;0.176293103448275867428662877501;0.045689655172413794204100412344;0.135775862068965524898089825001;0.049568965517241381224522456250;0.038362068965517241714291429844
-0.190833333333333327042069527124;0.039166666666666669072149886688;0.089999999999999996669330926125;0.210833333333333344805637921127;0.005833333333333333599324266316;0.013750000000000000069388939039;0.048333333333333332315628894094;0.124583333333333337589188261063;0.071666666666666670182372911313;0.142499999999999987787546729123;0.039583333333333331482961625625;0.022916666666666665047591422422
-0.175527426160337562954794066172;0.050632911392405062500632340061;0.124050632911392400004046976392;0.182700421940928281472338312597;0.007594936708860759201622503411;0.019409282700421942591262336464;0.046835443037974683333501957350;0.094514767932489446300436952697;0.065822784810126586108047774815;0.133333333333333331482961625625;0.066666666666666665741480812812;0.032911392405063293054023887407
-0.164772727272727265157570286647;0.045075757575757574580066489034;0.124242424242424237545989740283;0.191666666666666679619268620627;0.009848484848484847717364765174;0.017424242424242425419933510966;0.058712121212121215485524317046;0.098106060606060599416089473834;0.074999999999999997224442438437;0.124242424242424237545989740283;0.042045454545454545580707161889;0.048863636363636366033436075895
-0.160648148148148151026504137917;0.056481481481481479733908201979;0.148148148148148139924273891666;0.149999999999999994448884876874;0.007407407407407407690103084974;0.018981481481481481121686982760;0.063888888888888883954564334999;0.108796296296296293726335591145;0.065277777777777781786916477813;0.103240740740740744030290443334;0.069444444444444447528397290625;0.047685185185185184619793830052
-0.178981348637015785785209232017;0.050573888091822095935956582480;0.092539454806312773649246139485;0.217360114777618351755705816686;0.007890961262553801772168249329;0.022596843615494979773394845779;0.048063127690100432287678700050;0.103299856527977046427579921328;0.074964131994261121172407058566;0.122668579626972737428580728647;0.043758967001434723176345187312;0.037302725968436152570451014299
-0.148214285714285715078730731875;0.036160714285714289084605610469;0.119642857142857148011749757188;0.158035714285714279370154144999;0.008482142857142856498531280351;0.018303571428571429463572073360;0.051785714285714289084605610469;0.180803571428571424606346340624;0.065625000000000002775557561563;0.123214285714285720629845855001;0.059821428571428574005874878594;0.029910714285714287002937439297
-0.065625000000000002775557561563;0.047395833333333331482961625625;0.214062499999999988897769753748;0.067187499999999997224442438437;0.004166666666666666608842550801;0.017708333333333332870740406406;0.046875000000000000000000000000;0.239062500000000011102230246252;0.047916666666666669904817155157;0.123958333333333337034076748751;0.086979166666666662965923251249;0.039062500000000000000000000000
-0.086178861788617888706198755244;0.052439024390243900441976876436;0.194308943089430891104640863887;0.049593495934959347382076089161;0.006910569105691056687734707964;0.021138211382113820252515168363;0.061788617886178863469748279158;0.159349593495934971354444087410;0.076829268292682925678427352523;0.157723577235772349780518197804;0.088211382113821137918030501623;0.045528455284552848958412596403
-0.107787274453941123164568693937;0.065527065527065525563088499439;0.186609686609686603597779708252;0.044634377967711302837017228740;0.008547008547008547868495398347;0.027065527065527065359029634806;0.068850902184235521219513032065;0.103988603988603989236594316026;0.081671415004748337818085701656;0.129154795821462498039977617736;0.107312440645773984893018848652;0.068850902184235521219513032065
-0.102591036414565822676436823713;0.059173669467787112785650549540;0.168417366946778723768574081987;0.086134453781512604342296413051;0.007352941176470588133251560237;0.018207282913165267340671604757;0.060224089635854342883458656388;0.126050420168067223158914202941;0.066526610644257702653625585754;0.169817927170868354647126352575;0.084733893557422973463744142464;0.050770308123249299758761310386
-0.092676311030741406749022814893;0.051537070524412295635663383564;0.146473779385171781752816855260;0.179475587703435801589790798971;0.009041591320072333085033911004;0.021699819168173598710191996020;0.053345388788426761905725470569;0.114828209764918628965624236571;0.079566003616636529760519636056;0.120705244122965640873879067385;0.061934900542495480157967335799;0.068716094032549732140147114023
-0.073983739837398379557420469155;0.046341463414634145867587733392;0.216260162601626004796884217285;0.087804878048780482524549029222;0.008943089430894309369013406297;0.021544715447154472176549688811;0.051219512195121948139320267046;0.163008130081300800506838299953;0.055691056910569108895359136113;0.119918699186991870031526730145;0.106097560975609753186610362263;0.049186991869918698927488520667
-0.112940100594421583002358033809;0.051211705532693184428350008375;0.153177869227251933770261871359;0.169181527206218568215589925785;0.005486968449931412493414395470;0.018747142203932327247928313341;0.061728395061728391635114121527;0.166895290352080477580543060867;0.049839963420210332822879450987;0.126200274348422486481169357830;0.057155921353452217303914295599;0.027434842249657063334433715340
-0.143631436314363147843664592074;0.049683830171635051664580373654;0.175700090334236669331602342936;0.064588979223125564388396924187;0.002258355916892502111836815715;0.013550135501355014405744370265;0.057813911472448055450801263078;0.117886178861788620819694983766;0.084010840108401083070610582126;0.172086720867208664564884657011;0.094399277326106589836030025253;0.024390243902439025236450476086
-0.130416666666666652973916029623;0.044999999999999998334665463062;0.152499999999999996669330926125;0.121249999999999996669330926125;0.003749999999999999861222121922;0.014999999999999999444888487687;0.048333333333333332315628894094;0.162500000000000005551115123126;0.061249999999999998889776975375;0.140416666666666661855700226624;0.073333333333333333703407674875;0.046249999999999999444888487687
-0.089814814814814819543542512292;0.062500000000000000000000000000;0.133796296296296302053008275834;0.251388888888888883954564334999;0.006018518518518518531368322044;0.022685185185185186701462001224;0.056018518518518516102755455677;0.127314814814814825094657635418;0.054166666666666668517038374375;0.105092592592592598554901428543;0.056944444444444443365060948281;0.034259259259259260133045899011
-0.130801687763713092582662511631;0.052508204406938582819996952367;0.104078762306610408949758550534;0.283169245194561658429677208915;0.006094702297233942772658465969;0.015471167369901547838928479450;0.065166432255039846710431561405;0.104547585560243794233770131541;0.056258790436005623458726176978;0.111111111111111104943205418749;0.044069385841537737913409245039;0.026722925457102673224563105236
-0.251339285714285709527615608749;0.046875000000000000000000000000;0.094642857142857139685077072500;0.115178571428571421830788779062;0.004017857142857142460634634062;0.025000000000000001387778780781;0.045535714285714283533490487343;0.106249999999999997224442438437;0.073660714285714287696826829688;0.146428571428571435708576586876;0.064285714285714279370154144999;0.026785714285714284227379877734
-0.121753937845891863078762185069;0.107705406555981264560273302777;0.146445295870583219732807833680;0.043422733077905492637960094271;0.018305661983822902466600979210;0.025542784163473820219225629558;0.226905065985525761229624208681;0.086845466155810985275920188542;0.042145593869731802494360550781;0.066836951894423152209512295485;0.051511281396338870486317773612;0.062579821200510851730847150520
-0.114638447971781298750926225694;0.078042328042328037995822853645;0.127865961199294525529879251735;0.130511463844797170885669856943;0.016754850088183420586673832986;0.030423280423280421591591959896;0.133156966490299816241460462152;0.125220458553791880174088646527;0.057319223985890649375463112847;0.087742504409171070967055072742;0.041887125220458551466684582465;0.056437389770723100923532911111
-0.113793103448275867428662877501;0.087931034482758615999919982187;0.150862068965517237550955087499;0.065517241379310350857245737188;0.015948275862068966163276328984;0.021551724137931035918391842188;0.162931034482758613224362420624;0.182758620689655176816401649376;0.048706896551724138122452245625;0.050862068965517238938733868281;0.045258620689655172653065307031;0.053879310344827582857085701562
-0.102194787379972562568752891821;0.063443072702331959611399270216;0.126543209876543216729771756945;0.139917695473251030291450547338;0.013374485596707818765849218323;0.015775034293552810810146169729;0.091220850480109735847200624903;0.188614540466392310857912661959;0.053497942386831275063396873293;0.132716049382716055893283169098;0.042524005486968448341844606375;0.030178326474622770014821782070
-0.049960660896931546881560848306;0.082218725413060578244284215543;0.194335169158143195033972006058;0.023603461841070025317712577362;0.013768686073957514190424511469;0.014948859166011015803254835532;0.189614476789929181643756805897;0.238001573564122742565629664568;0.042486231313926044184103858470;0.070416994492525572524321830770;0.041306058221872540836550058430;0.039339103068450037570258359665
-0.017857142857142856151586585156;0.099553571428571421830788779062;0.179910714285714284921269268125;0.086607142857142854763807804375;0.013839285714285713690951951094;0.017857142857142856151586585156;0.235714285714285709527615608749;0.240625000000000005551115123126;0.012946428571428572271151402617;0.020089285714285715772620122266;0.024553571428571428075793292578;0.050446428571428572618096097813
-0.037890624999999997224442438437;0.117187500000000000000000000000;0.172265625000000005551115123126;0.064453125000000000000000000000;0.017187500000000001387778780781;0.024609374999999999306110609609;0.192578124999999988897769753748;0.188671874999999988897769753748;0.043359374999999998612221219219;0.061718750000000002775557561563;0.026953125000000001387778780781;0.053124999999999998612221219219
-0.080246913580246909125648357985;0.088369070825211171182900216081;0.135152696556205320632670918712;0.114684860298895380248396236311;0.010396361273554255433282378362;0.012995451591942819291602972953;0.192657569850552295998014074030;0.184860298895386604423052290258;0.034113060428849900640457804002;0.064002599090318385011144641794;0.046783625730994149449770702631;0.035737491877842753051908175621
-0.193650793650793656697217670626;0.043033509700176365841972625503;0.097001763668430329712322190971;0.179188712522045850983332115902;0.015167548500881833720144165056;0.013756613756613756890945232669;0.076190476190476197348999676251;0.105820105820105814231624208333;0.068430335097001762645341216285;0.141446208112874782791834604723;0.032451499118165784418810204670;0.033862433862433864717456089011
-0.076543209876543213954214195383;0.111111111111111104943205418749;0.121399176954732512800916310880;0.030864197530864195817557060764;0.020987654320987654543717582101;0.035390946502057610278946242488;0.227572016460905357515542846158;0.104526748971193420012504304850;0.056378600823045264822663824589;0.086008230452674902521970068392;0.059670781893004114226908285445;0.069547325102880655500747764108
-0.070944951427730357229606283909;0.076538121872240211240878693388;0.171327642037091554261252213109;0.092140123638504559111517266956;0.010891963497203414890091011102;0.019134530468060052810219673347;0.085958198410362091079761626133;0.092434501030320873060652786535;0.085663821018545777130626106555;0.143950544598174856592009973610;0.084486311451280535211871836054;0.066529290550485717381512529300
-0.098124098124098127482461961790;0.050505050505050504139337164133;0.196248196248196254964923923580;0.041486291486291487773385711080;0.007575757575757575967845269815;0.021645021645021644135509220064;0.039682539682539680336859078125;0.083694083694083695745824513779;0.104256854256854256113307144460;0.184343434343434336986078392329;0.115440115440115440015311776278;0.056998556998556999808602796520
-0.097560975609756100945801904345;0.054878048780487805047290095217;0.196265243902439018297556572179;0.013338414634146341167242333370;0.007621951219512194952709904783;0.025533536585365852050744095436;0.049161585365853660567481142607;0.070121951219512201891603808690;0.107469512195121949527099047828;0.196646341463414642269924570428;0.100990853658536591797023618255;0.080411585365853660567481142607
-0.078750000000000000555111512313;0.100416666666666667961926862063;0.162083333333333329262515576374;0.079166666666666662965923251249;0.023750000000000000277555756156;0.030833333333333334119741309109;0.136250000000000009992007221626;0.073749999999999996114219413812;0.084166666666666667406815349750;0.081250000000000002775557561563;0.052916666666666667406815349750;0.096666666666666664631257788187
-0.046564195298372516862439596252;0.112567811934900535719705771953;0.166365280289330924601287620135;0.094032549728752259921016332100;0.023056057866184448412738561274;0.024864376130198914682800648279;0.159132007233273059521039272113;0.149638336347197115072660267288;0.037974683544303798610197731023;0.064195298372513559526097992602;0.037070524412296565475166687520;0.084538878842676315472637327275
-0.161552028218694881944728081180;0.056790123456790124467641334149;0.119223985890652556252078397847;0.085008818342151681868301693612;0.010934744268077601497823891918;0.022574955908289243144970726007;0.078306878306878310858074598855;0.080070546737213407761935002327;0.107936507936507941618486938751;0.157671957671957685409580562919;0.070194003527336859549201619757;0.049735449735449736852199720261
-0.124242424242424237545989740283;0.042803030303030301095823517699;0.151136363636363624252112458635;0.162878787878787872900332445170;0.006818181818181817850643700041;0.012500000000000000693889390391;0.013257575757575757943729222177;0.140530303030303033162695669489;0.068560606060606057998718654289;0.163257575757575768005125382842;0.073484848484848486194209726818;0.040530303030303027611580546363
-0.154751892346509684061928169285;0.044995794785534060089560171036;0.139613120269133722528565044740;0.085365853658536591797023618255;0.004625735912531538790437579678;0.022708158116063918013916023142;0.038267451640033645077210167074;0.142977291841883930034740046722;0.074011774600504620647001274847;0.190075693860386890632341305718;0.065180824222035319004397990739;0.037426408746846086261772512671
-0.177096636866751810934772493056;0.037037037037037034981068472916;0.127713920817369097626681195834;0.111111111111111104943205418749;0.006385696040868455054806407389;0.014048531289910600253212358268;0.071519795657726689674937858854;0.160493827160493818251296715971;0.070242656449553006470232219272;0.141336739037888459158409659722;0.053639846743295020725650346094;0.029374201787994890650024260026
-0.145606390704429933258268192731;0.050835148874364563531536020946;0.136528685548293393647867333129;0.140885984023238930440413696488;0.009077705156136529202060003740;0.021786492374727670084944008977;0.038126361655773419179205063756;0.116557734204793025933888372947;0.077342047930283222556546718351;0.164488017429193889018534946445;0.058460421205519245979598252916;0.040305010893246187575478245435
-0.110516066212268740387436594119;0.046251217137293083869753473891;0.118792599805258039524780144802;0.249269717624148012813378727515;0.006329113924050632812579042508;0.012658227848101265625158085015;0.041382667964946447114460426064;0.152872444011684510689619287405;0.047711781888997079059677730584;0.138753651411879258548154325581;0.041382667964946447114460426064;0.034079844206426485042626950417
-0.185096153846153854694023266347;0.041346153846153844979571800877;0.108173076923076927347011633174;0.187500000000000000000000000000;0.005288461538461538755107049781;0.016346153846153847061239972049;0.069711538461538463673505816587;0.137500000000000011102230246252;0.058653846153846153632649418341;0.120673076923076924571454071611;0.046153846153846156408206979904;0.023557692307692307265298836683
-0.220075757575757563477836242782;0.043939393939393937837945003366;0.092803030303030303871381079261;0.214015151515151519356905396307;0.013636363636363635701287400082;0.009090909090909090467524933388;0.043939393939393937837945003366;0.097348484848484850839867021932;0.074999999999999997224442438437;0.120075757575757571804508927471;0.042424242424242426807712291748;0.027651515151515152629579930021
-0.232339730502245822574280964545;0.037974683544303798610197731023;0.090649244589628419355165078741;0.167415271539403831546621859161;0.008574928542262147401764593724;0.021233156390363414761646154716;0.040016333197223356854532738680;0.076357697019191511644820025140;0.078399346672111069889155032797;0.151082074316047365591941797902;0.055941200489995915323682140752;0.040016333197223356854532738680
-0.226190476190476191797884553125;0.048500881834215164856161095486;0.102733686067019394649868502256;0.102292768959435620423903401388;0.006172839506172839163511412153;0.020723104056437388620359740798;0.052910052910052907115812104166;0.073192239858906521510206744097;0.097883597883597878164252392708;0.164021164021164012059017522915;0.076719576719576715317927551041;0.028659611992945324687731556423
-0.194620253164556972214072061433;0.033755274261603372687456925405;0.086497890295358648149459668275;0.254746835443037999979765118042;0.005274261603375527199255579092;0.017932489451476792824413664107;0.037974683544303798610197731023;0.091244725738396620373649170688;0.071202531645569624996205959633;0.128691983122362879621292108823;0.042194092827004217594044632733;0.035864978902953585648827328214
-0.166250000000000008881784197001;0.043333333333333334813630699500;0.127500000000000002220446049250;0.119583333333333333148296162562;0.009583333333333332593184650250;0.018749999999999999306110609609;0.028750000000000001249000902703;0.103749999999999995003996389187;0.089583333333333334258519187188;0.163333333333333330372738601000;0.060416666666666667129259593594;0.069166666666666667961926862063
-0.125272331154684085641193291849;0.039578794480755262463755883573;0.097312999273783590270525678534;0.281771968046477860880827392975;0.011619462599854756684747414397;0.019607843137254901688670827298;0.031590413943355120929279422626;0.122004357298474946924571327145;0.059549745824255630177734843755;0.121641249092229480899263194260;0.044662309368191724368024608793;0.045388525780682642540853066748
-0.176838235294117657181445224523;0.032720588235294119361373788024;0.118014705882352938237644934816;0.185294117647058831366280173825;0.010661764705882353226895631337;0.026102941176470589174085645823;0.032720588235294119361373788024;0.127941176470588224844959768234;0.071323529411764702290454920330;0.134558823529411758501694862389;0.051838235294117650242551320616;0.031985294117647056211239942058
-0.126612903225806455731472510706;0.040322580645161289203404209047;0.108870967741935484318638316381;0.209677419354838717735489694860;0.013709677419354839023046821467;0.015322580645161289550348904243;0.034677419354838708021038229390;0.166129032258064524008034368308;0.060483870967741937274553265524;0.145161290322580655010042960384;0.045967741935483870385770188705;0.033064516129032259228459622591
-0.217358772914328479686218997813;0.034044145155256264057008763757;0.074448185559296664592920933501;0.245791245791245782648104523105;0.009352787130564909137686591123;0.014590347923681256520067606175;0.041526374859708191367158036655;0.108118219229330334019145709590;0.067714178825289933483233539846;0.117096894874672646791324837068;0.038159371492704825812314339828;0.031799476243920689333410933841
-0.181434599156118148144400947785;0.027848101265822784028403091838;0.058227848101265820834893105484;0.364135021097046429616739260382;0.008438818565400843171864231351;0.017721518987341772916055404608;0.045991561181434596761175015445;0.082278481012658222226718862657;0.057383966244725741201460067487;0.101687763713080164817981199121;0.025316455696202531250316170031;0.029535864978902953703610023695
-0.123544303797468349448429592030;0.074430379746835445553543308961;0.133164556962025310005159894899;0.190886075949367101101117327744;0.021772151898734177360994479500;0.018734177215189874027290173331;0.086075949367088608332743149276;0.129113924050632905560220820007;0.059240506329113921946127874207;0.068354430379746838886134696622;0.040506329113924051388284652830;0.054177215189873416389954030592
-0.136397058823529399029794717535;0.049264705882352939625423715597;0.092279411764705887577520115883;0.307720588235294134626940376620;0.015441176470588235947190014485;0.022426470588235294240098127716;0.065441176470588238722747576048;0.104411764705882356696342583291;0.051470588235294115198037445680;0.076838235294117651630330101398;0.030514705882352940319313105988;0.047794117647058820264049927573
-0.239681050656660399322817056600;0.027673545966228892817317941422;0.064727954971857404320445539270;0.245309568480300194126542123740;0.005628517823639774854405093407;0.017354596622889306017922805836;0.038461538461538463673505816587;0.100375234521575984469876630101;0.074577861163227010532494887229;0.121013133208255158068666901272;0.044090056285178237660549172006;0.021106941838649154186136058797
-0.188521855188521852975114256878;0.032699366032699364592595259182;0.077744411077744407512213342670;0.291291291291291276621677752701;0.010010010010010009923187013214;0.016683350016683348715496038039;0.031031031031031032496603216941;0.123123123123123123789923738514;0.066733400066733394861984152158;0.105105105105105109397634066681;0.029362696029362696931164222747;0.027694361027694361365725228552
-0.123928806855636119976793452224;0.029663810151615028348759395271;0.073829927488464078266794388128;0.398483849703361925342903759883;0.010217534607778510150066786366;0.015820698747528016275820661463;0.024060646011865523957728996152;0.111404087013843106079846734247;0.061964403427818059988396726112;0.085036255767963087048855186367;0.031970995385629530360915850906;0.033618984838497033285076298625
-0.099929128277817150238782062388;0.030474840538625088542934449265;0.053508150248051028485818392255;0.525159461374911429309975119395;0.010985116938341601966477867336;0.013111268603827072251610807996;0.026576895818568389839864352098;0.086109142452161585579162306203;0.039688164422395463826198636070;0.063430191353649897911815003226;0.021970233876683203932955734672;0.029057406094968107196363504841
-0.044810242341106538976891471293;0.086419753086419748289159770138;0.140374942844078642867344797196;0.237311385459533619179950392208;0.021033379058070414413528226305;0.016918152720621856127669602188;0.178326474622770930755777385457;0.136716963877457714504615182705;0.030178326474622770014821782070;0.042981252857796067856632760140;0.028349336991312298894563070917;0.036579789666209422405174223059
-0.059549745824255630177734843755;0.095134350036310821874252496855;0.148148148148148139924273891666;0.088598402323892516685432951817;0.045025417574437183454438837771;0.039941902687000728489064016458;0.160130718954248352225988583086;0.129266521423384156408431522323;0.057371096586782861781461662076;0.053013798111837324988915298718;0.044299201161946258342716475909;0.079520697167755990952819900031
-0.041211101766190076645113293807;0.111858704793944496724833470580;0.185449957947855348372456774086;0.010513036164844407130414261076;0.022287636669470142075644147894;0.040370058873002524768569543312;0.201009251471825051149622254343;0.155172413793103453061306140626;0.044575273338940284151288295789;0.056349873843566024300688610538;0.056770395290159800238960485785;0.074432296047098403524167054002
-0.130939019827908703641483612046;0.058735503179947627649948316275;0.163112607557052008422360245277;0.151515151515151519356905396307;0.009352787130564909137686591123;0.027684249906472127578105357770;0.068462401795735122744801515182;0.125327347549569784179723797024;0.052749719416386085801828897957;0.111859334081556308082561201900;0.057613168724279836818702449364;0.042648709315375982198403903567
-0.144396551724137928163216315625;0.031034482758620689224482447344;0.108189655172413787265206508437;0.272844827586206872815921542497;0.004741379310344827520407040566;0.012068965517241379142854285078;0.038362068965517241714291429844;0.115086206896551718203980385624;0.073275862068965511020302017187;0.132327586206896552489808982500;0.050862068965517238938733868281;0.016810344827586205795899587656
-0.127637130801687759262819099604;0.081223628691983115746033661253;0.140295358649789037031041516457;0.189345991561181425932858246597;0.016350210970464136572832813954;0.035864978902953585648827328214;0.108649789029535870366061089953;0.101265822784810125001264680122;0.038502109704641351850540331725;0.064345991561181439810646054411;0.041139240506329111113359431329;0.055379746835443034724821842474
-0.031842818428184281598358751353;0.113482384823848245214428231975;0.205962059620596216191756866465;0.004065040650406504495195658677;0.039634146341463415141870285652;0.037601626016260165930038539273;0.219850948509485083492975832087;0.128048780487804880756641523476;0.044037940379403790747137037442;0.044376693766937667928740296475;0.050474254742547422503129439519;0.080623306233062325132365799618
-0.059523809523809520505288617187;0.079894179894179892520433838854;0.175661375661375657175611308958;0.028571428571428570536427926640;0.016402116402116400512012361901;0.039153439153439155429037299427;0.075396825396825392640032248437;0.070899470899470892759630658020;0.096031746031746037517429215313;0.158201058201058203378508437709;0.083068783068783069722940126667;0.117195767195767200363754056980
-0.020588235294117646773104368663;0.086397058823529410132024963787;0.215808823529411775155040231766;0.039705882352941174184834949301;0.022426470588235294240098127716;0.029411764705882352533006240947;0.180882352941176466343264905845;0.151470588235294106871364760991;0.041911764705882349757448679384;0.078676470588235292158429956544;0.062132352941176471894380028971;0.070588235294117646079214978272
-0.034327009936766031406030208473;0.131887985546522118474044305003;0.217705510388437217805801537907;0.048780487804878050472900952172;0.014453477868112013862700315769;0.020776874435411020469732790161;0.216802168021680230491909924240;0.162149954832881665334198828532;0.021228545618789521065572500902;0.027100271002710028811488740530;0.053297199638663056431298059579;0.051490514905149054047939216616
-0.166297117516629705535891048385;0.069844789356984474104628191071;0.132298595713229855119763556104;0.139689578713968948209256382142;0.008499630450849962604031873070;0.027346637102734664553915777674;0.085735402808573543675940697995;0.088691796008869186462852951536;0.062823355506282332894052444772;0.118255728011825572698612063505;0.062453806356245381015135365033;0.038063562453806355778684888946
-0.183996383363471960326052112578;0.051084990958408682537594813766;0.090415913200723327380892158089;0.234177215189873416667509786748;0.006329113924050632812579042508;0.017631103074141049602552300257;0.069168173598553345238215683821;0.092224231464737793650954245095;0.073688969258589517852264805242;0.115732368896925855161761376166;0.037522603978300178573235257318;0.028028933092224230655409300539
-0.124399825403753813701790420509;0.050196420776953298847899986868;0.123963334788302056987951971223;0.197730248799650815128003955579;0.017459624618070712642747821519;0.022261021388040157925614082046;0.069402007856831079979365028976;0.085552160628546480847234079192;0.072893932780445216956799470154;0.103884766477520734673234414913;0.076822348319511124525860168433;0.055434308162374511252945552542
-0.091420534458509145059323941496;0.061884669479606191355713917801;0.168776371308016870376178530933;0.137365213314580403292097798840;0.017346460384435068158293091756;0.028129395218002811729363088489;0.056727613689639008742737757984;0.092827004219409287033570876702;0.074542897327707455246148526840;0.109235818096577591562734710351;0.094702297233942800414041585100;0.067041725269573373968690077618
-0.114516129032258065501004296038;0.054838709677419356092187285867;0.136693548387096769358706183084;0.128629032258064518456919245182;0.017338709677419354010519114695;0.034274193548387094088170101713;0.050806451612903223702399913009;0.088709677419354843186383163811;0.074596774193548390230468214668;0.139919354838709680821651204496;0.099193548387096777685378867773;0.060483870967741937274553265524
-0.170312500000000005551115123126;0.050781250000000000000000000000;0.132812500000000000000000000000;0.138281249999999994448884876874;0.007812500000000000000000000000;0.018749999999999999306110609609;0.053124999999999998612221219219;0.099218749999999994448884876874;0.073046874999999997224442438437;0.142968750000000005551115123126;0.078125000000000000000000000000;0.034765625000000001387778780781
-0.177419354838709686372766327622;0.041532258064516131002008592077;0.112903225806451609769531785332;0.103225806451612903136272336724;0.008467741935483871773548969486;0.016935483870967743547097938972;0.054435483870967742159319158191;0.146774193548387082985939855462;0.080645161290322578406808418094;0.160483870967741942825668388650;0.067338709677419353316629724304;0.029838709677419354704408505086
-0.137109375000000005551115123126;0.041406249999999998612221219219;0.158593750000000005551115123126;0.135937499999999988897769753748;0.011328124999999999653055304805;0.021484375000000000000000000000;0.038671875000000001387778780781;0.102734375000000002775557561563;0.071874999999999994448884876874;0.156250000000000000000000000000;0.092187500000000005551115123126;0.032421875000000002775557561563
-0.078629032258064515681361683619;0.055645161290322583957923541220;0.209677419354838717735489694860;0.084677419354838703857701887046;0.018951612903225806272544673448;0.025806451612903225784068084181;0.056854838709677418817634020343;0.123387096774193544268527489294;0.064919354838709683597208766059;0.131048387096774188176340203427;0.092741935483870968637276632762;0.057661290322580646683370275696
-0.135416666666666657414808128124;0.051249999999999996946886682281;0.128750000000000003330669073875;0.215416666666666672957930472876;0.007083333333333332974823814965;0.021666666666666667406815349750;0.055833333333333332038073137937;0.135416666666666657414808128124;0.051249999999999996946886682281;0.108749999999999999444888487687;0.063750000000000001110223024625;0.025416666666666667268037471672
-0.173636001592990835140639660494;0.047391477499004380780078804491;0.097968936678614101931650282040;0.285145360414177595487217331538;0.007168458781362007162241134495;0.020310633213859018847413651088;0.048586220629231381684665080911;0.093986459577857422997837488765;0.048984468339307050965825141020;0.098765432098765426616182594444;0.047391477499004380780078804491;0.030665073675826364646423982663
-0.175403225806451623647319593147;0.049596774193548388842689433886;0.091129032258064512905804122056;0.264112903225806439078127141329;0.007258064516129032577029800422;0.013306451612903225090178693790;0.056048387096774190951897764990;0.102822580645161296142298112954;0.056854838709677418817634020343;0.104032258064516131002008592077;0.046370967741935484318638316381;0.033064516129032259228459622591
-0.153254972875226047612784441299;0.044303797468354430555415035542;0.095388788426763113093009849308;0.292043399638336365065072186553;0.003616636528028932973805043005;0.015822784810126583332490213252;0.053345388788426761905725470569;0.129294755877034345248333124800;0.042947558770343577383421518334;0.111663652802893309523568632358;0.039330922242314644843297344323;0.018987341772151899305098865511
-0.173660714285714279370154144999;0.048214285714285716466509512657;0.103571428571428578169211220938;0.232589285714285720629845855001;0.010267857142857142807579329258;0.019642857142857142460634634062;0.055803571428571431545240244532;0.085267857142857145236192195625;0.070982142857142854763807804375;0.123660714285714290472384391251;0.045535714285714283533490487343;0.030803571428571430157461463750
-0.190817790530846492780270295953;0.051649928263988523213789960664;0.112266857962697280681751976772;0.088952654232424682723134878870;0.011477761836441894433002985920;0.022238163558106170680783719718;0.046269727403156386824623069742;0.112266857962697280681751976772;0.084648493543758973611801366133;0.190459110473457676748765265984;0.050215208034433286843345456418;0.038737446197991388940895518544
-0.164104882459312845233156963332;0.040687160940325498015290861531;0.128390596745027119052195985205;0.157775768535262206349045754905;0.005424954792043399677547999005;0.020795660036166365575160952517;0.033905967450271246033111083307;0.118896925858951174603816980380;0.077305605786618450392388979253;0.145569620253164555556679715664;0.067811934900542492066222166613;0.039330922242314644843297344323
-0.123275862068965513795859578750;0.036637931034482755510151008593;0.119827586206896555265366544063;0.215948275862068966857165719375;0.010775862068965517959195921094;0.017241379310344827346934692969;0.065948275862068972408280842501;0.109051724137931030367276719062;0.065086206896551729306210631876;0.145258620689655171265286526250;0.056896551724137933714331438750;0.034051724137931033142834280625
-0.152635719905586164646393854127;0.036585365853658534385228762176;0.080251770259638074977992516779;0.258457907159716782086178454847;0.007081038552321007074896730416;0.015342250196695515762623784894;0.055074744295830056761698045875;0.150668764752163647502314347548;0.056254917387883553170357942008;0.138473642800944152231323869273;0.031077891424075531484616519151;0.018095987411487018947653382384
-0.107594936708860763885375888549;0.039161392405063291666245106626;0.071993670886075944448379004825;0.372231012658227833345137014476;0.005142405063291138889169928916;0.014240506329113923611462411145;0.058148734177215187501897020184;0.130537974683544305554150355420;0.062895569620253166664980426503;0.091772151898734180552885675297;0.026107594936708861110830071084;0.020174050632911392361146241115
-0.149210903873744610281804057195;0.042682926829268295898511809128;0.087517934002869446352690374624;0.269368723098995677123212999504;0.006456241032998565401723745083;0.016857962697274030822169876842;0.043041606886657104991122935189;0.134505021520803430545853984768;0.071018651362984214214790767983;0.111549497847919662496529724649;0.043758967001434723176345187312;0.024031563845050216143839350025
-0.116184448462929482137617753779;0.048824593128390596230570253056;0.082278481012658222226718862657;0.370705244122965626996091259571;0.005424954792043399677547999005;0.019891500904159132440129909014;0.040687160940325498015290861531;0.133815551537070531740170054036;0.035262206148282099205104600514;0.087703435804701621036905123674;0.037070524412296565475166687520;0.022151898734177215277707517771
-0.139692585895117543648424884850;0.034358047016274866070073557012;0.070072332730560585312140631231;0.400090415913200714292941029271;0.003164556962025316406289521254;0.020795660036166365575160952517;0.040687160940325498015290861531;0.118444846292947561505748410582;0.032549728752260399800011470006;0.083182640144665462300643810067;0.026672694394213380952862735285;0.030289330922242313492986909296
-0.117088607594936708333754893374;0.056057866184448461310818601078;0.087703435804701621036905123674;0.367088607594936722211542701189;0.004972875226039783110032477254;0.013562386980108498760189128518;0.038426763110307411708266300820;0.132007233273056051592320159216;0.034810126582278479168142126809;0.091320072332730567454817105499;0.028481012658227847222924822290;0.028481012658227847222924822290
-0.158613445378151252107556956616;0.042717086834733894451510138879;0.094887955182072825088823719852;0.257002801120448154392761352938;0.008053221288515405307251171507;0.021358543417366947225755069439;0.042366946778711486731872071232;0.123599439775910369121447729412;0.058123249299719889626736346600;0.123949579831932776841085797059;0.041666666666666664353702032031;0.027661064425770306995921998805
-0.188425925925925913384517684790;0.058796296296296297889671933490;0.120833333333333334258519187188;0.212499999999999994448884876874;0.005555555555555555767577313730;0.014814814814814815380206169948;0.047685185185185184619793830052;0.111111111111111104943205418749;0.065277777777777781786916477813;0.112037037037037032205510911353;0.027314814814814816074095560339;0.035648148148148151026504137917
-0.101494885916601107478385301874;0.061369000786782063050495139578;0.111329661683713609932055987883;0.183713611329661685722669517418;0.004327301337529504757228870915;0.022816679779701021929527726684;0.038945712037765541080336362256;0.184500393391030692580301320049;0.075137686860739572036749223116;0.140047206923682138191011858908;0.044846577498033043940317554643;0.031471282454760031443985468513
-0.146502057613168729099939469052;0.044444444444444446140618509844;0.093004115226337447097648691852;0.223456790123456788821343366180;0.004938271604938271504281477320;0.022633744855967079245839812529;0.034979423868312757572862636835;0.167901234567901236349740656806;0.057613168724279836818702449364;0.128806584362139930899360251715;0.041152263374485596736374048987;0.034567901234567897927885127274
-0.174161585365853660567481142607;0.040777439024390245425610856955;0.106326219512195119243358476524;0.178734756097560981702443427821;0.008003048780487805047290095217;0.023628048780487805047290095217;0.036585365853658534385228762176;0.129954268292682917351754667834;0.083460365853658541324122666083;0.158917682926829256784273525227;0.035823170731707314196068381307;0.023628048780487805047290095217
-0.201513341298287546043965789977;0.035444046196734371734216040295;0.111509358821186774224365478858;0.184388689765033864098597859993;0.003584229390681003581120567247;0.013540422142572680966332576702;0.033054559936280362986149583548;0.126642771804062137519508723926;0.079251294305057742861642111620;0.134209478295499812228186442553;0.043807248108323378066319975233;0.033054559936280362986149583548
-0.176388888888888900607909704377;0.055555555555555552471602709375;0.107870370370370366464030098541;0.154166666666666674068153497501;0.004166666666666666608842550801;0.023148148148148146863167795573;0.045370370370370373402924002448;0.121759259259259261520824679792;0.094444444444444441977282167500;0.138425925925925924486747931041;0.048611111111111111882099322656;0.030092592592592590922118134245
-0.165176670923797369594510087154;0.060025542784163471443648063541;0.094508301404853126137517449479;0.198808003405704564192646444099;0.005959982971477224139578154904;0.016602809706257982275134921224;0.037888463175819495076801501909;0.120902511707109402983029156076;0.067262664963814389196272713889;0.151979565772669217293966426041;0.045125585355470412829426152257;0.035759897828863344837468929427
-0.199931412894375853950279520177;0.054526748971193417236946743287;0.112482853223593970426463783951;0.168724279835390955639695675927;0.006172839506172839163511412153;0.015775034293552810810146169729;0.043895747599451299947315163763;0.092249657064471884959644398805;0.082304526748971193472748097975;0.139231824417009597549821364737;0.050754458161865571852455758517;0.033950617283950615399312766840
-0.108465608465608459587414813541;0.099647266313932975068112796180;0.134479717813051152797143572570;0.062610229276895940087044323263;0.023368606701940033976150346007;0.023368606701940033976150346007;0.103174603174603168875833603124;0.138007054673721346604864379515;0.075396825396825392640032248437;0.109788359788359782265310116145;0.048059964726631390630195994618;0.073633156966490295736171844965
-0.030671859785783836538364255375;0.079844206426484903849072338744;0.157740993184031147444912335231;0.137779941577409942299325962267;0.022395326192794547809361560553;0.017039922103213242521313475208;0.233203505355404100418681423434;0.170886075949367083337548933741;0.028237585199610514691270779508;0.027750730282375853097409645898;0.025803310613437196313624255595;0.068646543330087628209668082491
-0.021367521367521367936515019892;0.090218423551756882217134148050;0.176163342830009506112531880717;0.061728395061728391635114121527;0.030389363722697057546007215478;0.022792022792022793159505411609;0.228395061728395049049922249651;0.191832858499525166218191429834;0.025641025641025640136039243089;0.062203228869895536845557870720;0.026115859449192781877036040328;0.063152896486229820327551465198
-0.028750000000000001249000902703;0.113750000000000003885780586188;0.182916666666666671847707448251;0.115833333333333329817627088687;0.019166666666666665186369300500;0.027083333333333334258519187188;0.215416666666666672957930472876;0.124166666666666661300588714312;0.032500000000000001110223024625;0.036249999999999997501998194593;0.040833333333333332593184650250;0.063333333333333338699411285688
-0.063793103448275864653105315938;0.110775862068965516571417140312;0.189224137931034486204140421250;0.084913793103448279020462052813;0.020258620689655171265286526250;0.019827586206896553183698372891;0.201724137931034469550795051873;0.157327586206896546938693859374;0.028448275862068966857165719375;0.029310344827586206489788978047;0.034051724137931033142834280625;0.060344827586206899183718377344
-0.086206896551724143673567368751;0.078448275862068969632723280938;0.097413793103448276244904491250;0.365086206896551745959556001253;0.017241379310344827346934692969;0.020258620689655171265286526250;0.087931034482758615999919982187;0.087068965517241372897849771562;0.031034482758620689224482447344;0.052155172413793103591839184219;0.026293103448275862571437144766;0.050862068965517238938733868281
-0.147499999999999992228438827624;0.043333333333333334813630699500;0.074999999999999997224442438437;0.424999999999999988897769753748;0.006250000000000000346944695195;0.016250000000000000555111512313;0.062916666666666662410811738937;0.077916666666666661855700226624;0.037499999999999998612221219219;0.058749999999999996669330926125;0.027500000000000000138777878078;0.022083333333333333287074040641
-0.172265625000000005551115123126;0.042968750000000000000000000000;0.082812499999999997224442438437;0.307031249999999977795539507497;0.007812500000000000000000000000;0.018359375000000000693889390391;0.063281249999999997224442438437;0.093359374999999994448884876874;0.054687500000000000000000000000;0.092187500000000005551115123126;0.037499999999999998612221219219;0.027734374999999998612221219219
-0.226724137931034491755255544376;0.049568965517241381224522456250;0.072844827586206903347054719688;0.259482758620689646367196701249;0.008620689655172413673467346484;0.020689655172413792816321631562;0.067241379310344823183598350624;0.060775862068965513795859578750;0.068534482758620687836703666562;0.096982758620689654693869385937;0.034051724137931033142834280625;0.034482758620689654693869385937
-0.204166666666666662965923251249;0.042916666666666665463925056656;0.065416666666666664631257788187;0.325000000000000011102230246252;0.005833333333333333599324266316;0.015416666666666667059870654555;0.057500000000000002498001805407;0.064166666666666663521034763562;0.060416666666666667129259593594;0.095833333333333339809634310313;0.034166666666666664631257788187;0.029166666666666667129259593594
-0.231250000000000011102230246252;0.039583333333333331482961625625;0.074999999999999997224442438437;0.278333333333333321490954403998;0.008333333333333333217685101602;0.015416666666666667059870654555;0.073333333333333333703407674875;0.062083333333333330650294357156;0.046249999999999999444888487687;0.104999999999999996114219413812;0.032083333333333331760517381781;0.033333333333333332870740406406
-0.250865051903114200104738529262;0.043944636678200692248008607521;0.067820069204152247377415108076;0.278200692041522479325266203887;0.005190311418685120831151280640;0.009342560553633217149127609957;0.044982698961937718495907034821;0.083737024221453293382211313656;0.062629757785467130015710779389;0.107612456747404841572723910303;0.024567474048442908274303420058;0.021107266435986159897053582313
-0.245310245310245311767261000568;0.033549783549783551706013895455;0.087301587301587296741089971874;0.198051948051948062401450556536;0.006854256854256854034068702219;0.014790764790764790101440517844;0.042568542568542568071965348508;0.096320346320346320045935328835;0.086940836940836943580457329972;0.120490620490620495286471225427;0.037518037518037519739699803267;0.030303030303030303871381079261
-0.309016086793864552806354595305;0.045267489711934158491679625058;0.072951739618406286069784982828;0.151141040029928924726121408639;0.005985783763561540980757680330;0.023569023569023569292246733653;0.038907594463150022012776219071;0.077066965955854840886196654992;0.092779648335203884768063176125;0.115600448933782268268188886395;0.043022820800598576829187891235;0.024691358024691356654045648611
-0.241517857142857145236192195625;0.040178571428571431545240244532;0.070535714285714284921269268125;0.287053571428571407953000971247;0.010267857142857142807579329258;0.014285714285714285268213963320;0.053124999999999998612221219219;0.050446428571428572618096097813;0.067857142857142851988250242812;0.100000000000000005551115123126;0.038839285714285715078730731875;0.025892857142857144542302805235
-0.263488543976348854602775872991;0.037694013303769403899767809207;0.075388026607538807799535618415;0.205099778270509985889091808531;0.006282335550628233983294634868;0.019216555801921657298247936296;0.042498152254249813020159365351;0.084996304508499626040318730702;0.072801182557280116891540444612;0.115668883961566881790616889703;0.045454545454545455807071618892;0.031411677753141166447026222386
-0.226359985396129975709911263948;0.040525739320920045605234349750;0.088353413654618476180679920162;0.131069733479372035889198855330;0.010587805768528659594585050741;0.019350127783862722946617296316;0.033588901058780575026307957387;0.082876962395034683983574552713;0.104782767433369838894208214697;0.171960569550931002824611937285;0.056955093099671415257656548192;0.033588901058780575026307957387
-0.234953703703703692395876601040;0.033950617283950615399312766840;0.084104938271604937072289942535;0.219135802469135804182442939236;0.003858024691358024477194632595;0.010416666666666666088425508008;0.040509259259259258745267118229;0.091820987654320992965573111633;0.072916666666666671292595935938;0.145061728395061734220305993404;0.046682098765432097908778530382;0.016589506172839506986660396137
-0.204741379310344834285828596876;0.055603448275862069061226122813;0.093534482758620696163376351251;0.191379310344827580081528139999;0.009913793103448276591849186445;0.026293103448275862571437144766;0.059051724137931034530613061406;0.067672413793103444734633455937;0.067672413793103444734633455937;0.120689655172413798367436754688;0.074137931034482754122372227812;0.029310344827586206489788978047
-0.189417989417989429679067825418;0.043386243386243389386081048542;0.096296296296296296501893152708;0.190476190476190465616923574999;0.006349206349206349200842147695;0.015167548500881833720144165056;0.038800705467372131884928876389;0.132275132275132267789530260416;0.063139329805996471933760005868;0.149206349206349203617705256875;0.038447971781305115279714357257;0.037037037037037034981068472916
-0.190766550522648070664644137651;0.057055749128919863721876026830;0.098432055749128916088963592301;0.089721254355400695268407673666;0.006533101045296167350140414953;0.027003484320557491482617251677;0.040069686411149822713451129630;0.062717770034843203785790421989;0.125435540069686407571580843978;0.174651567944250879493850447943;0.070557491289198609463184652668;0.057055749128919863721876026830
-0.159482758620689668571657193752;0.051293103448275860489768973594;0.089655172413793102204060403437;0.243965517241379298285508525623;0.010775862068965517959195921094;0.019827586206896553183698372891;0.057758620689655169877507745468;0.062068965517241378448964894687;0.090086206896551723755095508750;0.110344827586206895020382035000;0.057327586206896548326472640156;0.047413793103448273469346929687
-0.227894561227894559829465492840;0.040707374040707372531144869754;0.095428762095428762424198509962;0.167167167167167174390840500564;0.008675342008675342511669903445;0.017684351017684351442538215338;0.027027027027027028527328411656;0.091758425091758424874122113124;0.086753420086753421647252082494;0.144811478144811489610077614998;0.052385719052385718019770877163;0.039706373039706373273549644409
-0.128306878306878313633632160418;0.083774250440917102933369164930;0.138447971781305106953041672568;0.036596119929453260755103372048;0.015432098765432097908778530382;0.023368606701940033976150346007;0.171075837742504399674459136804;0.153880070546737218739608010765;0.050705467372134035985986599826;0.090388007054673716322845677951;0.039241622574955906110893977257;0.068783068783068779250555735416
-0.032352941176470591255753816995;0.098161764705882351145227460165;0.194485294117647061762355065184;0.046323529411764707841570043456;0.018382352941176471200490638580;0.026838235294117645385325587881;0.254044117647058809161819681322;0.200735294117647067313470188310;0.027941176470588236641079404876;0.022794117647058822345718098745;0.020955882352941174878724339692;0.056985294117647057599018722840
-0.046230049532195928441158372380;0.106219042377545411226513749625;0.171711612548156311586211586473;0.132085855806274077295370261709;0.024215740231150247735447678110;0.023665382498624105978013432150;0.211887727022564670287252397429;0.165657677490368748784987928957;0.026967528893780956522618907911;0.014859658778205834389618544833;0.022564667033571822463144940230;0.053935057787561913045237815822
-0.025089605734767025935205708720;0.109916367980884110977513046237;0.181600955794504193008265247045;0.055754679410593387112182739429;0.028673835125448028648964537979;0.037435284747112704262228533025;0.181202708084428509849317379121;0.223018717642373548448730957716;0.029868578255675029553550814398;0.025487853444842691746918816875;0.030665073675826364646423982663;0.071286340103544398871804332884
-0.079566003616636529760519636056;0.087251356238698007938836553876;0.135623869801084984132444333227;0.231012658227848111103241990349;0.036166365280289332340135644017;0.025768535262206147817831691782;0.095388788426763113093009849308;0.071880650994575051582202718237;0.054249547920433995040756514072;0.058770343580470160715911731586;0.042947558770343577383421518334;0.081374321880650996030581723062
-0.069816943380161769483471800868;0.103448275862068964081608157812;0.146445295870583219732807833680;0.088974031502767128576358857117;0.011919965942954448279156309809;0.022988505747126436462579590625;0.160919540229885055238057134375;0.174116645381013207538600795488;0.049808429118773943355957811718;0.057471264367816091156448976562;0.036185610898254574885335443923;0.077905491698595147331829480208
-0.091102596849723285754585333507;0.096636866751809283315743925868;0.147296722009365693706328670487;0.120902511707109402983029156076;0.026819923371647510362825173047;0.029374201787994890650024260026;0.119199659429544482791563098090;0.117922520221370799586857458507;0.045977011494252872925159181250;0.071519795657726689674937858854;0.042145593869731802494360550781;0.091102596849723285754585333507
-0.066517857142857142460634634062;0.090178571428571427381903902187;0.149999999999999994448884876874;0.074107142857142857539365365938;0.014732142857142856845475975547;0.033035714285714286309048048906;0.158482142857142849212692681249;0.154017857142857150787307318751;0.041964285714285710915394389531;0.082589285714285712303173170312;0.050892857142857142460634634062;0.083482142857142851988250242812
-0.014216236438458660154560142530;0.121586232697343810116308304714;0.170594837261503928793615614268;0.068462401795735122744801515182;0.018331462775907220175142242624;0.020576131687242798368187024494;0.274597830153385735751925267323;0.183314627759072201751422426241;0.010475121586232696499485506081;0.020576131687242798368187024494;0.029554807332585111140366151972;0.067714178825289933483233539846
-0.007407407407407407690103084974;0.119576719576719572857292916979;0.196119929453262786811507112361;0.046208112874779543044478913316;0.025396825396825396803368590781;0.019753086419753086017125909279;0.275132275132275117002222941665;0.185185185185185174905342364582;0.011640211640211639912423358112;0.019047619047619049337249919063;0.031040564373897707589611272283;0.063492063492063488538974525000
-0.013991769547325103029145054734;0.140740740740740749581405566460;0.186831275720164613485252402825;0.020164609053497942192656466887;0.029629629629629630760412339896;0.035390946502057610278946242488;0.212345679012345689429253070557;0.185596707818930034550319874143;0.025925925925925925180637321432;0.028395061728395062233820667075;0.044855967078189298846702115497;0.076131687242798354309236685822
-0.018143459915611812732771923606;0.099156118143459912039894277314;0.159493670886075938897263881699;0.175105485232067509260289739359;0.020253164556962025694142326415;0.029957805907172996989773494647;0.185654008438818574067141753403;0.162447257383966231492067322506;0.030379746835443036806490013646;0.026160337552742614353196159982;0.037130801687763712037870789118;0.056118143459915614812416606583
-0.111907606531262443505525538967;0.076065312624452402490149438563;0.120669056152927126057683437921;0.196734368777379542425620684298;0.029072082835523694460677646134;0.027877339705296693556091369715;0.090402230187176427222972563413;0.092791716447630429032145116253;0.052568697729988053679583970279;0.064914376742333732006606794585;0.050179211469534051870411417440;0.086818000796495417570319830247
-0.134156378600823050772916644746;0.104526748971193420012504304850;0.117283950617283944106716830902;0.174485596707818935158229578519;0.021399176954732510719248139708;0.031687242798353908168618175978;0.072016460905349799492825013658;0.052263374485596710006252152425;0.055555555555555552471602709375;0.088888888888888892281237019688;0.049382716049382713308091297222;0.098353909465020580848992892697
-0.039655817433595211274344194408;0.109240553684998131789285480409;0.185559296670407769536126352250;0.096520763187429858831478668435;0.021324354657687991099201951783;0.025439580995136549385060575901;0.173587729143284685839887515613;0.149270482603815923816625854670;0.034792368125701460257470643000;0.038907594463150022012776219071;0.040404040404040407474806073651;0.085297418630751964396807807134
-0.012195121951219512618225238043;0.128233555062823356696100063346;0.185513673318551369773032888588;0.019955654101995564525529047728;0.041759053954175902323431301966;0.030303030303030303871381079261;0.226903178122690313278653206908;0.167405764966740588928217903231;0.029563932002956393174653015876;0.027346637102734664553915777674;0.040650406504065039747786158841;0.090169992609016993978521270492
-0.024166666666666666157814447047;0.134166666666666656304585103499;0.160833333333333328152292551749;0.056250000000000001387778780781;0.020416666666666666296592325125;0.027500000000000000138777878078;0.247499999999999997779553950750;0.128750000000000003330669073875;0.030833333333333334119741309109;0.039583333333333331482961625625;0.044583333333333335923853724125;0.085416666666666668517038374375
-0.024847632442569152905198492931;0.096108766994842942388288520306;0.177684013127051093627883915360;0.086263478668541962446347781679;0.017815283638068446503410768855;0.022972339428035629116386928672;0.222222222222222209886410837498;0.158462259728082505150226211299;0.050632911392405062500632340061;0.037974683544303798610197731023;0.034224097515236757971468506412;0.070792311298640414607419302229
-0.051069402007856833092258597162;0.134875600174596238511881551858;0.142732431252728053650002948416;0.122653862941946745213073199920;0.029244871235268442288823820263;0.027498908773461370330659647720;0.178961152335224804588165170571;0.063291139240506333329960853007;0.054997817546922740661319295441;0.056307289393278045497304162836;0.051069402007856833092258597162;0.087298123090353563213739107596
-0.027352653858677956205669445922;0.122761315532399870043001044451;0.188212308694236413186828826838;0.021816997720612178734977959493;0.026375773363725169701199391170;0.034842070986649299746407137945;0.180071637902963210819962114329;0.141322044936502771994568661285;0.047867144252686420757836316398;0.054379680885704981263550905624;0.041354607619667860252121727171;0.113643764246173881171664277190
-0.002751788662630710088213836784;0.109521188772702254832225321479;0.174463401210787016903935864320;0.076499724821133735508382756052;0.008805723720418271588394887317;0.023665382498624105978013432150;0.282333516785910842994411495965;0.184920198128783713764633489518;0.022014309301045680705710694269;0.025316455696202531250316170031;0.030820033021463952294105581586;0.058888277380297192331592981418
-0.046296296296296293726335591145;0.122134038800705460592332940450;0.193121693121693110972714180207;0.104056437389770717327763804860;0.018959435626102291716499337326;0.029541446208112873139661758159;0.174162257495590833134002650695;0.102733686067019394649868502256;0.031305114638447970043522161632;0.051146384479717810211951700694;0.041005291005291003014754380729;0.085537918871252199837229568402
-0.055555555555555552471602709375;0.127865961199294525529879251735;0.165784832451499108962877926388;0.025132275132275130880010749479;0.024250440917107582428080547743;0.029982363315696647365626859028;0.200617283950617286691908702778;0.126102292768959428626018848263;0.047619047619047616404230893750;0.054673721340388004019672507638;0.046296296296296293726335591145;0.096119929453262781260391989235
-0.046590909090909092549193104560;0.095454545454545458582629180455;0.183522727272727281810915656024;0.057954545454545453031514057329;0.017613636363636362563989123942;0.021022727272727272790353580945;0.250000000000000000000000000000;0.157386363636363629803227581760;0.031250000000000000000000000000;0.037499999999999998612221219219;0.038636363636363635354342704886;0.063068181818181814901613790880
-0.006048387096774193380510631357;0.091532258064516133777566153640;0.179838709677419356092187285867;0.067741935483870974188391755888;0.021774193548387096863727663276;0.021774193548387096863727663276;0.277419354838709664168305835119;0.185483870967741937274553265524;0.034677419354838708021038229390;0.032258064516129031362723367238;0.029435483870967740771540377409;0.052016129032258065501004296038
-0.019117647058823530881177532592;0.090073529411764705066012481893;0.177941176470588241498305137611;0.050000000000000002775557561563;0.019485294117647058986797503621;0.033455882352941175572613730083;0.187867647058823528105619971029;0.204779411764705876475289869632;0.038602941176470589867975036213;0.045955882352941179735950072427;0.040073529411764709229348824238;0.092647058823529415683140086912
-0.020987174504469491287395044310;0.114263505635445003494332638638;0.193937038476486578453261699906;0.087446560435289547030812684625;0.013991449669646327524930029540;0.038087835211815003477742180849;0.139137193937038466939881686812;0.172561212592304696888945159117;0.033812670034978627164878872691;0.060240963855421686412583426318;0.042751651768363777006420889393;0.082782743878740766563240072173
-0.022395833333333333564629796797;0.107812500000000005551115123126;0.183854166666666679619268620627;0.114583333333333328707404064062;0.020312500000000000693889390391;0.018749999999999999306110609609;0.192708333333333342585191871876;0.141145833333333331482961625625;0.026562499999999999306110609609;0.051041666666666665741480812812;0.038020833333333330095182844843;0.082812499999999997224442438437
-0.052983539094650207446068890249;0.104938271604938265779694006596;0.131172839506172839163511412153;0.138888888888888895056794581251;0.021090534979423869454961959491;0.031893004115226337991106930758;0.156378600823045277312672851622;0.116255144032921808872060864815;0.047839506172839503517213444184;0.060185185185185181844236268489;0.048353909465020578073435331135;0.090020576131687249366031267073
-0.037114845938375350120619344807;0.173319327731092431843507029043;0.153361344537815136312985941913;0.011904761904761904101057723437;0.044117647058823532268956313374;0.053571428571428568454759755468;0.093487394957983194210271449265;0.039565826330532211096979722242;0.063025210084033611579457101470;0.068977591036414570568879867096;0.070728291316526609167070205331;0.190826330532212873336561642645
-0.023660714285714284921269268125;0.148214285714285715078730731875;0.172767857142857139685077072500;0.047767857142857139685077072500;0.025000000000000001387778780781;0.043749999999999997224442438437;0.187946428571428569842538536250;0.112053571428571432933019025313;0.034821428571428572618096097813;0.041517857142857141072855853281;0.050892857142857142460634634062;0.111607142857142863090480489063
-0.015178571428571428422737987773;0.128124999999999988897769753748;0.177232142857142865866038050626;0.038839285714285715078730731875;0.020535714285714285615158658516;0.037946428571428568454759755468;0.183482142857142843661577558123;0.202232142857142860314922927500;0.022321428571428571924206707422;0.028571428571428570536427926640;0.041517857142857141072855853281;0.104017857142857148011749757188
-0.079608343976160067523295538194;0.128139633886760334613441614238;0.115368241805023419299658371528;0.146019582801191982746047415276;0.029799914857386120697890774522;0.038314176245210725124668016406;0.106853980417198804464540273784;0.114516815666240959203925342536;0.045551298424861642877292666753;0.049808429118773943355957811718;0.038314176245210725124668016406;0.107705406555981264560273302777
-0.177083333333333342585191871876;0.056712962962962965018931527084;0.091820987654320992965573111633;0.212962962962962965018931527084;0.018518518518518517490534236458;0.022376543209876541967728869054;0.042438271604938272718587910504;0.093750000000000000000000000000;0.067129629629629636311527463022;0.114969135802469132889847003298;0.044753086419753083935457738107;0.057484567901234566444923501649
-0.191860465116279077513183892734;0.039036544850498337833055728652;0.081672203765227019411909736846;0.261074197120708728636628848108;0.011627906976744185885142002235;0.021594684385382059005342725300;0.032392026578073086773290611973;0.082779623477297892275572621656;0.073920265780730895488481735356;0.127353266888150601365836678269;0.047342192691029898188315172547;0.029346622369878182928770726789
-0.185607294041028991760100552710;0.038749592966460438825393453044;0.088570498209052425653275975037;0.228264408987300548847798609131;0.009117551286225985401889815307;0.016932595245848256620968541597;0.051123412569195704480140562964;0.088244871377401501444381892725;0.091501139693910785166686139291;0.132855747313578631541020058648;0.042657114946271570965485864235;0.026375773363725169701199391170
-0.237423780487804880756641523476;0.037728658536585364668969333479;0.078125000000000000000000000000;0.222560975609756100945801904345;0.011814024390243902523645047609;0.014100609756097561356402714239;0.050304878048780490851221713910;0.067454268292682931229542475648;0.082317073170731711040382094779;0.129954268292682917351754667834;0.044207317073170729337938666959;0.024009146341463415141870285652
-0.172476397966594058308587023021;0.040305010893246187575478245435;0.088598402323892516685432951817;0.307915758896151026124954341867;0.006535947712418300852010855095;0.022512708787218591727219418885;0.040668119099491646661892474413;0.093681917211328971650807773131;0.057371096586782861781461662076;0.108932461873638350424720044884;0.029774872912127815088867421878;0.031227305737109658373418241695
-0.135795454545454552519601065796;0.031250000000000000000000000000;0.092045454545454541417370819545;0.268181818181818187873943770683;0.003409090909090908925321850020;0.020454545454545454419292838111;0.038636363636363635354342704886;0.158522727272727259606455163521;0.053409090909090906063028114659;0.137500000000000011102230246252;0.041477272727272730679093371009;0.019318181818181817677171352443
-0.069276172724448581430323201857;0.136377757067412230806979778208;0.153774464119291714991888397890;0.064616340478409445280405520862;0.039142590866728797782680970840;0.048151599875737804978825806757;0.123019571295433366442395595186;0.067722895309102207339613244130;0.052500776638707676025052961677;0.061820441130785955263782227576;0.055296675986331159102782351056;0.128300714507611046677482136147
-0.065400843881856546291331255816;0.136708860759493677772269393245;0.156118143459915620363531729708;0.100843881856540085184548161124;0.033755274261603372687456925405;0.032489451476793246298413464501;0.129957805907172985193653858005;0.097468354430379752773028201318;0.045991561181434596761175015445;0.050210970464135022683915821062;0.054430379746835441667762722773;0.096624472573839659261807355506
-0.067386448250186151143203971969;0.113179448994787781868076592673;0.153760238272524191183165953589;0.132539091586001495093327662289;0.023827252419955324141964680962;0.029411764705882352533006240947;0.116902457185405803108402267299;0.084884586746090839870504396458;0.058078927773641104981283689312;0.083767684288905436273964255633;0.055472822040208487337498155512;0.080789277736411022057261277496
-0.038306451612903226477957474572;0.097983870967741928947880580836;0.190725806451612911462945021412;0.054435483870967742159319158191;0.025000000000000001387778780781;0.020967741935483872467438359877;0.138709677419354832084152917560;0.211290322580645173466962205566;0.048790322580645160976953178533;0.070564516129032264779574745717;0.046370967741935484318638316381;0.056854838709677418817634020343
-0.035933033891384240365862723365;0.076766026949775412191456780420;0.162923642302980814511315088566;0.093507554103715806448349212587;0.018374846876276031137908972823;0.013474887709269089269836783274;0.157207023274806040324946820874;0.278481012658227833345137014476;0.036341363821968147851393382552;0.051857901184156798835012125437;0.023683135973866883960958773514;0.051449571253572884410587562343
-0.037538192928852028018571473922;0.080314273243125275381082417425;0.136185072020951536408972515346;0.178088171104321263404912656370;0.032736796158882586205152165348;0.020951549541684853089629214651;0.142295940637276296936164499130;0.200349192492361410922185882555;0.032300305543430815613525908248;0.048886948930597994011915119472;0.033173286774334349857884518542;0.057180270624181579741662773131
-0.040778151889263002105590061319;0.080433969322858206441040351820;0.147025813692480356031921928661;0.084175084175084180504455844130;0.044145155256266367660433758147;0.019827908716797605637172097204;0.156004489337822682681888863954;0.225215114104002994688258354472;0.048634493078937524046523321886;0.060231949120838013111978170855;0.032921810699588480164656800753;0.060606060606060607742762158523
-0.050440917107583777001522662431;0.065608465608465602048049447603;0.159788359788359785040867677708;0.091358024691358022395526461423;0.031040564373897707589611272283;0.022927689594356259750185245139;0.122045855379188716849370166528;0.261022927689594341771339713887;0.052910052910052907115812104166;0.050088183421516753457414239392;0.039858906525573195578360241598;0.052910052910052907115812104166
-0.090218423551756882217134148050;0.069800569800569797762612722636;0.166666666666666657414808128124;0.061728395061728391635114121527;0.018993352326685659231531033697;0.016144349477682812254997202217;0.117283950617283944106716830902;0.191832858499525166218191429834;0.068850902184235521219513032065;0.080246913580246909125648357985;0.060303893637226969881570681764;0.057929724596391264646033647523
-0.072702331961591218356666388445;0.094192958390489259223876672422;0.149062642889803392831638007010;0.071787837219935979327090080915;0.019661636945587562808057668917;0.018289894833104711202587111529;0.124371284865112022299804550585;0.219935985368084147006939588209;0.043438500228623687371420913905;0.102423411065386368856700016750;0.032921810699588480164656800753;0.051211705532693184428350008375
-0.087341772151898727782892706273;0.044725738396624470372131554541;0.118987341772151894447873132776;0.235443037974683549995447151559;0.020675105485232068980305797368;0.016455696202531646527011943704;0.092827004219409287033570876702;0.189029535864978892600873905394;0.051476793248945149072959281966;0.071729957805907171297654656428;0.033333333333333332870740406406;0.037974683544303798610197731023
-0.051785714285714289084605610469;0.079464285714285709527615608749;0.157142857142857139685077072500;0.109375000000000000000000000000;0.020089285714285715772620122266;0.019642857142857142460634634062;0.116964285714285715078730731875;0.203571428571428569842538536250;0.045535714285714283533490487343;0.077678571428571430157461463750;0.055803571428571431545240244532;0.062946428571428569842538536250
-0.040625000000000001387778780781;0.130729166666666674068153497501;0.134895833333333325931846502499;0.094791666666666662965923251249;0.049479166666666664353702032031;0.039062500000000000000000000000;0.144270833333333320380731379373;0.101562500000000000000000000000;0.066145833333333334258519187188;0.047916666666666669904817155157;0.060416666666666667129259593594;0.090104166666666665741480812812
-0.056944444444444443365060948281;0.099074074074074078288809630521;0.134259259259259272623054926044;0.111111111111111104943205418749;0.023148148148148146863167795573;0.026851851851851852442942814037;0.129166666666666679619268620627;0.216203703703703703498106847292;0.041666666666666664353702032031;0.061574074074074072737694507396;0.028703703703703703498106847292;0.071296296296296302053008275834
-0.052916666666666667406815349750;0.099583333333333329262515576374;0.175833333333333341474968847251;0.127083333333333325931846502499;0.017916666666666667545593227828;0.037916666666666667961926862063;0.115416666666666667406815349750;0.116666666666666668517038374375;0.055000000000000000277555756156;0.084583333333333329817627088687;0.050416666666666665186369300500;0.066666666666666665741480812812
-0.084651898734177208338813613864;0.086629746835443041663715746381;0.130537974683544305554150355420;0.155458860759493666670039146993;0.039161392405063291666245106626;0.036392405063291138889169928916;0.135284810126582277778339857832;0.146360759493670888886640568671;0.043512658227848104164348086442;0.043117088607594937499367659939;0.034018987341772152777075177710;0.064873417721518986112094751206
-0.146969696969696972388419453637;0.077272727272727270708685409772;0.142803030303030292769150833010;0.079924242424242425419933510966;0.048106060606060603579425816179;0.018939393939393939919613174538;0.112878787878787884002562691421;0.160606060606060613293877281649;0.060984848484848482030873384474;0.051136363636363639517679047231;0.034848484848484850839867021932;0.065530303030303035938253231052
-0.039858906525573195578360241598;0.101234567901234570608259843993;0.140740740740740749581405566460;0.086067019400352731683945251007;0.039506172839506172034251818559;0.036684303350970018375853953785;0.159435626102292782313440966391;0.156966490299823624443575909027;0.053615520282186947265135046337;0.047971781305114639948339316788;0.041269841269841268938112222031;0.096649029982363313107107671840
-0.042803030303030301095823517699;0.094318181818181814901613790880;0.138257575757575745800664890339;0.079166666666666662965923251249;0.037499999999999998612221219219;0.033712121212121214097745536264;0.184090909090909082834741639090;0.146590909090909077283626515964;0.042803030303030301095823517699;0.064772727272727273484242971335;0.053787878787878787290033244517;0.082196969696969698904176482301
-0.085097001763668425611264467534;0.085097001763668425611264467534;0.126543209876543216729771756945;0.035714285714285712303173170312;0.029541446208112873139661758159;0.033950617283950615399312766840;0.170634920634920639326281843751;0.179453262786596123845583861112;0.066578483245149908120730231076;0.071869488536155198832311441492;0.039682539682539680336859078125;0.075837742504409166865997349305
-0.098012646793134594602747711178;0.129177958446251128776793848374;0.156729900632339658184122299645;0.019873532068654019278053368680;0.035682023486901533193549340695;0.035230352303523032597709629954;0.101174345076784105712519590270;0.118337850045167114476640790599;0.059168925022583557238320395300;0.069105691056910570346794031593;0.058265582655826556046640973818;0.119241192411924115668320212080
-0.152528872958980488139246745050;0.077260055754679410333629618890;0.134209478295499812228186442553;0.072082835523695737434124453102;0.017124651533253685414814881938;0.025487853444842691746918816875;0.074870569494225408524457066051;0.096774193548387094088170101713;0.073675826363998400680976885724;0.130227001194743119416585841464;0.069295101553166066343791840154;0.076463560334528071771309498672
-0.123275862068965513795859578750;0.058620689655172412979577956094;0.171120689655172408816241613749;0.098706896551724140898009807188;0.013362068965517242061236125039;0.024137931034482758285708570156;0.086637931034482765224602474063;0.104741379310344828734713473750;0.062931034482758621551035105313;0.124137931034482756897929789375;0.068534482758620687836703666562;0.063793103448275864653105315938
-0.046774193548387098251506444058;0.071370967741935478767523193255;0.204435483870967743547097938972;0.122580645161290316402791233941;0.026612903225806450180357387580;0.031451612903225803496987111885;0.112903225806451609769531785332;0.170967741935483863446876284797;0.040322580645161289203404209047;0.059274193548387095475948882495;0.042741935483870965861719071199;0.070564516129032264779574745717
-0.036679536679536682564073402091;0.105534105534105540624700836361;0.189510939510939502294917247127;0.039575289575289572530092385705;0.025418275418275418364721929265;0.021557271557271558137802713873;0.200772200772200759555374816046;0.238416988416988412380348449915;0.020270270270270271395496308742;0.024774774774774774993568726700;0.033783783783783785659160514570;0.063706563706563704152507909839
-0.040564373897707228788789279861;0.115079365079365072976891326562;0.198853615520282189788048299306;0.007054673721340387615441613889;0.023809523809523808202115446875;0.016754850088183420586673832986;0.242063492063492063932628184375;0.187830687830687820261132969790;0.034832451499118163851242968576;0.037477954144620809207033573784;0.038359788359788357658963775521;0.057319223985890649375463112847
-0.052263374485596710006252152425;0.119341563786008228453816570891;0.193415637860082312293741324538;0.051028806584362138010213527650;0.032921810699588480164656800753;0.031687242798353908168618175978;0.200000000000000011102230246252;0.113580246913580248935282668299;0.042386831275720161793518769855;0.033744855967078192515717915967;0.054320987654320987414457988507;0.075308641975308648897069474515
-0.028163580246913580418244293924;0.128472222222222209886410837498;0.171682098765432111786566338196;0.083719135802469132889847003298;0.054783950617283951045610734809;0.035108024691358027946641584549;0.190972222222222209886410837498;0.096064814814814811216869827604;0.045910493827160496482786555816;0.030478395061728395104561073481;0.040123456790123454562824178993;0.094521604938271608364885878473
-0.033799533799533799938163980414;0.100233100233100239084826910130;0.192307692307692318367529082934;0.042832167832167832022260967051;0.044871794871794871972792151382;0.030011655011655011954241345506;0.133158508158508159802124737325;0.192890442890442881385126838722;0.044871794871794871972792151382;0.049533799533799535708133987555;0.045745920745920744254764400694;0.089743589743589743945584302764
-0.014583333333333333564629796797;0.122916666666666660190365689687;0.168333333333333334813630699500;0.039166666666666669072149886688;0.038749999999999999722444243844;0.036249999999999997501998194593;0.207499999999999990007992778374;0.147916666666666668517038374375;0.040833333333333332593184650250;0.042083333333333333703407674875;0.055000000000000000277555756156;0.086666666666666669627261399000
-0.007062733693394266341891718497;0.137931034482758618775477543750;0.192355629414208556537957406363;0.000000000000000000000000000000;0.059410054009140005060185529828;0.039052762775238884784823056862;0.199418363107602830686104766755;0.140839218944744493100529325602;0.037806398005816366225673164081;0.033236393851267136134719493157;0.039468217698379728930468957060;0.113419194017449112554807300057
-0.022137079608343976366846561632;0.101319710515112820781169489237;0.170710940825883367155668679516;0.074925500212856530057869974826;0.029374201787994890650024260026;0.038739889314601955172534530902;0.219667943805874843476999558334;0.160493827160493818251296715971;0.039591315453384422207161463803;0.025117071094082586701912163107;0.041719880800340572446494036285;0.076202639421030227140363422222
-0.021947873799725649973657581882;0.136831275720164596831907033447;0.201989026063100124419591452352;0.039780521262002745130903491599;0.034636488340192041202048045534;0.029835390946502057113454142723;0.221536351165980804900357270526;0.112825788751714672919490567438;0.040466392318244170933638770293;0.027777777777777776235801354687;0.032578875171467763793842209452;0.099794238683127575728626368345
-0.057196436943272387087855435084;0.099390529770276611620793971724;0.172058134083450525730896174537;0.165025785278949843615237114136;0.013127051101734645704999238092;0.024847632442569152905198492931;0.108298171589310834872499356152;0.121425222691045470169157738383;0.045007032348804501542538503145;0.073605250820440698555913172640;0.051101734646038440845750017161;0.068917018284106887349160786016
-0.082065217391304345895264305000;0.046739130434782609480048876094;0.179891304347826075371585829998;0.189673913043478248319217982498;0.014673913043478261156171704727;0.012500000000000000693889390391;0.067391304347826086473816076250;0.167391304347826092024931199376;0.040217391304347822889031505156;0.100000000000000005551115123126;0.061956521739130437920195504375;0.037499999999999998612221219219
-0.132661290322580643907812714133;0.064919354838709683597208766059;0.122580645161290316402791233941;0.229032258064516131002008592077;0.009274193548387096169838272885;0.016129032258064515681361683619;0.056048387096774190951897764990;0.113709677419354837635268040685;0.052016129032258065501004296038;0.118145161290322583957923541220;0.046774193548387098251506444058;0.038709677419354840410825602248
-0.171988080034057050360374319098;0.038314176245210725124668016406;0.108556832694763724656006331770;0.220945083014048526681705197916;0.010642826734780758135556766319;0.019157088122605362562334008203;0.052788420604512560629917317101;0.129842486164325254804907672224;0.052362707535121330582050802604;0.114942528735632182312897953125;0.047679863771817793116625239236;0.032779906343124734502403327951
-0.103513770180436850965044470740;0.041310541310541307180592696113;0.160493827160493818251296715971;0.129629629629629622433739655207;0.005698005698005698289876352902;0.012820512820512820068019621544;0.054605887939221275928503018804;0.242640075973409308218720070727;0.042735042735042735873030039784;0.122981956315289644998678397769;0.050807217473884142000528640892;0.032763532763532762781544249719
-0.075096277278562259538396972403;0.062901155327342750389618686313;0.190308087291399224971755188562;0.086970474967907579477710555693;0.010911424903722721085896907312;0.027599486521181000597824350962;0.044608472400513479727557353272;0.152118100128369709844733392856;0.072528883183568676473740310939;0.123876765083440310011297924575;0.079910141206675222580457784716;0.073170731707317068770457524352
-0.074568965517241375673407333124;0.074568965517241375673407333124;0.203879310344827591183758386251;0.045689655172413794204100412344;0.013362068965517242061236125039;0.028017241379310345306130614063;0.055172413793103447510191017500;0.075431034482758618775477543750;0.095689655172413790040764070000;0.120258620689655176816401649376;0.104310344827586207183678368438;0.109051724137931030367276719062
-0.105357142857142857539365365938;0.060714285714285713690951951094;0.164732142857142854763807804375;0.049107142857142856151586585156;0.015178571428571428422737987773;0.033928571428571425994125121406;0.063392857142857139685077072500;0.074553571428571427381903902187;0.100446428571428575393653659376;0.131696428571428575393653659376;0.113839285714285712303173170312;0.087053571428571424606346340624
-0.082439024390243906270647755719;0.063414634146341464226992457043;0.192682926829268297286290589909;0.089268292682926825287736960490;0.021951219512195120631137257305;0.038536585365853658069479337200;0.055609756097560976428884060851;0.066829268292682930674430963336;0.082926829268292687191710399475;0.109268292682926829173517546678;0.111707317073170733778830765459;0.085365853658536591797023618255
-0.052961672473867599242325354680;0.056445993031358887570547722135;0.186411149825783967193260082240;0.011149825783972125425869137416;0.020557491289198606687627091105;0.031358885017421601892895210995;0.039721254355400699431744016010;0.105923344947735198484650709361;0.101393728222996512555731385419;0.192682926829268297286290589909;0.106968641114982582207559858034;0.094425087108013935899286650510
-0.154133776485251339227744438176;0.052347320315745744789825977250;0.118404653095139172913619063365;0.115496468633153298588567281513;0.009140008309098463651354293802;0.017449106771915245950310691114;0.058163689239717493439929540955;0.120897382633984210031918848927;0.080598255089322806687945899284;0.159950145409223087877848001881;0.076443705857914420742638128559;0.036975488159534691812169171499
-0.176366843033509690386040347221;0.046737213403880067952300692014;0.089506172839506167870915476215;0.222663139329805997990163746181;0.008818342151675484519302017361;0.014991181657848323682813429514;0.073633156966490295736171844965;0.080687830687830683351613458854;0.072310405643738973058276542361;0.130070546737213410537492563890;0.049823633156966487534056398090;0.034391534391534389625277867708
-0.163504968383017174060611864661;0.039747064137308038556106737360;0.083559168925022589413664775293;0.245257452574525747213129989177;0.009033423667570008447347262859;0.015356820234869015054379737251;0.051038843721770553452099505876;0.130081300813008143846261077670;0.065943992773261059237022152502;0.127822944896115620050380812245;0.044263775971093044514503844766;0.024390243902439025236450476086
-0.176293103448275867428662877501;0.048275862068965516571417140312;0.089224137931034480653025298125;0.259913793103448254040443998747;0.005172413793103448204080407891;0.015948275862068966163276328984;0.049137931034482759673487350938;0.114655172413793096652945280312;0.059051724137931034530613061406;0.109913793103448273469346929687;0.041379310344827585632643263125;0.031034482758620689224482447344
-0.127777777777777767909128669999;0.036111111111111107718762980312;0.092129629629629630760412339896;0.238425925925925930037863054167;0.008333333333333333217685101602;0.027777777777777776235801354687;0.067129629629629636311527463022;0.168518518518518511939419113332;0.055092592592592595779343866980;0.120370370370370363688472536978;0.033333333333333332870740406406;0.025000000000000001387778780781
-0.055701754385964911964190804383;0.039473684210526313598244030345;0.041228070175438599753725554820;0.553947368421052632747603183816;0.017543859649122806043664013487;0.022807017543859650632320779096;0.043421052631578950509183556505;0.048684210526315788158946418207;0.039035087719298248998267553134;0.071929824561403510330137578421;0.041666666666666664353702032031;0.024561403508771929848908399663
-0.070921985815602842095906055420;0.064539007092198577564268191509;0.111347517730496448074006821116;0.163120567375886538208362708247;0.025177304964539008735879832557;0.052836879432624113406280486060;0.043262411347517730486611498009;0.128368794326241125736132175916;0.086879432624113475669425099568;0.104609929078014182723954661469;0.094326241134751770411881466316;0.054609929078014186887291003814
-0.056790123456790124467641334149;0.113888888888888886730121896562;0.082716049382716053117725607535;0.056790123456790124467641334149;0.037037037037037034981068472916;0.142283950617283938555601707776;0.031481481481481478346129421197;0.060802469135802471311702532830;0.079320987654320981863342865381;0.080555555555555560798275394063;0.153395061728395065703267619028;0.104938271604938265779694006596
-0.017610062893081760565516802330;0.168238993710691814298385793336;0.067610062893081759871627411940;0.016352201257861635058654670161;0.058490566037735849946876953709;0.146226415094339617928298480365;0.026415094339622642582998679472;0.014150943396226415421645938864;0.103773584905660382071701519635;0.050314465408805034152273094605;0.116037735849056605763607308290;0.214779874213836485807860299246
-0.015094339622641509551792537991;0.039308176100628929028335534213;0.036792452830188678014611269873;0.550943396226415083027916352876;0.027358490566037736713145278600;0.051572327044025159659135226775;0.013207547169811321291499339736;0.061006289308176100960601218048;0.045911949685534587939361728104;0.030817610062893081857016142067;0.029559748427672956350154009897;0.098427672955974848667537457914
-0.025490196078431372195272075487;0.170915032679738565501992297868;0.040849673202614379674546540855;0.175816993464052301332500860553;0.044117647058823532268956313374;0.121895424836601304341421325717;0.015359477124183005744550989391;0.021568627450980391857537910028;0.050980392156862744390544150974;0.049019607843137254221677068244;0.104248366013071899760511485056;0.179738562091503267792447218199
-0.014506172839506172381196513754;0.112037037037037032205510911353;0.076234567901234562281587159305;0.119135802469135798631327816111;0.039506172839506172034251818559;0.102469135802469135665404564861;0.032407407407407405608434913802;0.021296296296296295808003762318;0.073148148148148142699831453228;0.096296296296296296501893152708;0.133641975308641969277800853888;0.179320987654321001292245796321
-0.026143790849673203408043420382;0.051307189542483658262206347445;0.077777777777777779011358916250;0.445098039215686247516146067937;0.021568627450980391857537910028;0.056535947712418301025483202693;0.016013071895424835222598858309;0.022222222222222223070309254922;0.073856209150326798673624750791;0.071241830065359473822539371213;0.053594771241830062302735626645;0.084640522875816998071840657758
-0.032500000000000001110223024625;0.031944444444444441977282167500;0.051666666666666666296592325125;0.475277777777777798995373359503;0.041111111111111112159655078813;0.038611111111111109939209029562;0.052499999999999998057109706906;0.026111111111111112714766591125;0.066666666666666665741480812812;0.067500000000000004440892098501;0.065555555555555561353386906376;0.050555555555555554969604514781
-0.029938271604938272024698520113;0.116358024691358030722199146112;0.166049382716049381825129671597;0.084567901234567907642336592744;0.058641975308641972053358415451;0.066358024691358027946641584549;0.066975308641975303536320041076;0.054629629629629632148191120677;0.078703703703703706273664408855;0.070370370370370374790702783230;0.091666666666666660190365689687;0.115740740740740741254732881771
-0.031761006289308175987162741194;0.059748427672955975453739085879;0.091194968553459113125292390123;0.324213836477987404904865798017;0.071069182389937105015498275407;0.051257861635220128282419693733;0.049056603773584908645410962436;0.035534591194968552507749137703;0.080503144654088046316964266680;0.067610062893081759871627411940;0.083962264150943391460835130147;0.054088050314465410672859491115
-0.021088435374149658296794029866;0.052380952380952382207990325469;0.047278911564625852870236144554;0.497619047619047627506461140001;0.026530612244897958107436863884;0.074489795918367351923450314644;0.023129251700680270725785092623;0.023809523809523808202115446875;0.053061224489795916214873727768;0.060544217687074831923954576496;0.068027210884353747633035425224;0.052040816326530611735101672366
-0.013782051282051281659857266959;0.163141025641025644299375585433;0.064423076923076916244781386922;0.076602564102564107972881402020;0.063141025641025638748260462307;0.147115384615384620081712796491;0.034294871794871797932025003774;0.008653846153846154326538808732;0.070833333333333331482961625625;0.052243589743589745333363083546;0.108012820512820517659946517597;0.197756410256410247727743012547
-0.012643678160919540054418774844;0.121264367816091955809554292500;0.029597701149425288680294698906;0.106609195402298850829936327500;0.049425287356321838394546119844;0.258045977011494231945221144997;0.009482758620689655040814081133;0.003160919540229885013604693711;0.084770114942528729251591812499;0.046839080459770116027229391875;0.116954022988505740299203239374;0.161206896551724127020221999373
-0.013836477987421384044930405821;0.083018867924528297330688531019;0.037421383647798740768042335958;0.365408805031446515254600626577;0.052201257861635222412566292860;0.119182389937106919530762638715;0.028930817610062893596722943812;0.008490566037735848906042868123;0.060377358490566038207170151964;0.055974842767295598933152689369;0.108490566037735852722434515272;0.066666666666666665741480812812
-0.012578616352201258538068273651;0.021383647798742137086103198840;0.030503144654088050480300609024;0.679559748427672971615720598493;0.017295597484276729188801269288;0.030817610062893081857016142067;0.012893081761006289914783806694;0.063522012578616351974325482388;0.030817610062893081857016142067;0.036163522012578615261180203788;0.043710691823899368302352996807;0.020754716981132074332672132755
-0.067948717948717943238001737427;0.068269230769230762612131968581;0.075961538461538455346833131898;0.123717948717948722503479075385;0.049358974358974357088403195348;0.057051282051282049823104358666;0.011217948717948717993198037846;0.027243589743589743945584302764;0.213782051282051271945405801489;0.084615384615384620081712796491;0.081089743589743593088492445986;0.139743589743589746721141864327
-0.026950354609929078747443398356;0.074468085106382975180139283111;0.066312056737588651045278709262;0.332978723404255327888989768326;0.055673758865248224037003410558;0.080141843971631210319372939921;0.040070921985815605159686469960;0.017730496453900710523976513855;0.087234042553191490365627203118;0.055319148936170209340801307007;0.067375886524822695133885019914;0.095744680851063829196689880519
-0.006603773584905660645749669868;0.099371069182389942797684057041;0.060691823899371069583885685006;0.481132075471698117397068017453;0.027044025157232705336429745557;0.058176100628930818570161420666;0.027044025157232705336429745557;0.008490566037735848906042868123;0.040251572327044023158482133340;0.048742138364779877268695429393;0.057232704402515724440014821539;0.085220125786163516967697262317
-0.021078431372549021050044615322;0.132843137254901960675468330919;0.077450980392156865139696719780;0.088725490196078435345405921453;0.046568627450980393245316690809;0.167156862745098028222301422829;0.024509803921568627110838534122;0.016176470588235295627876908497;0.101960784313725488781088301948;0.046568627450980393245316690809;0.129411764705882365023015267980;0.147549019607843140411418403346
-0.050757575757575758290673917372;0.088257575757575756902895136591;0.093939393939393933674608661022;0.027272727272727271402574800163;0.024621212121212120160773650923;0.129545454545454546968485942671;0.017803030303030303177491688871;0.039772727272727272096464190554;0.131439393939393939225723784148;0.133333333333333331482961625625;0.143181818181818187873943770683;0.120075757575757571804508927471
-0.032978723404255318174538302856;0.121276595744680845689877912719;0.092553191489361696930870948563;0.032978723404255318174538302856;0.041489361702127657005600980256;0.129787234042553184520940590119;0.040070921985815605159686469960;0.049290780141843973383153354462;0.102127659574468079850539936615;0.086879432624113475669425099568;0.118794326241134756694250995679;0.151773049645390067929895394627
-0.007971014492753622851517469883;0.129347826086956524394011580625;0.080797101449275363083124545938;0.014492753623188405973087888867;0.050000000000000002775557561563;0.185869565217391313760586513126;0.042391304347826085086037295468;0.042028985507246374719869663750;0.091666666666666660190365689687;0.070289855072463769403157130000;0.120289855072463772178714691563;0.164855072463768126400651681251
-0.018055555555555553859381490156;0.101388888888888889505679458125;0.123333333333333336478965236438;0.006944444444444444058950338672;0.064444444444444443087505192125;0.127777777777777767909128669999;0.054166666666666668517038374375;0.051666666666666666296592325125;0.106666666666666673513041985188;0.078055555555555558577829344813;0.131944444444444447528397290625;0.135555555555555568014725054127
-0.070098039215686275271721683566;0.076470588235294123524710130368;0.121568627450980390469759129246;0.000000000000000000000000000000;0.067156862745098036548974107518;0.060784313725490195234879564623;0.025490196078431372195272075487;0.019607843137254901688670827298;0.195098039215686275271721683566;0.090196078431372547767885805570;0.105392156862745098311329172702;0.168137254901960797592863627870
-0.034920634920634921471993550313;0.217063492063492069483743307501;0.132936507936507936067371815625;0.000396825396825396825052634231;0.043253968253968252954955175937;0.092460317460317464899333117501;0.082936507936507933291814254062;0.021825396825396824185272492969;0.074206349206349206393262818438;0.057936507936507938842929377188;0.088095238095238101450057399688;0.153968253968253976360358592501
-0.019927536231884056261431936719;0.162318840579710133020796547498;0.061594202898550727554027872657;0.000000000000000000000000000000;0.127898550724637682929341053750;0.146739130434782621970057903127;0.051811594202898547667501816250;0.006159420289855072755402787266;0.123188405797101455108055745313;0.036956521739130436532416723594;0.094202898550724639692433015625;0.169202898550724650794663261877
-0.044666666666666667018237291131;0.123999999999999999111821580300;0.064000000000000001332267629550;0.004666666666666667052931760651;0.093333333333333337589188261063;0.146333333333333343029281081726;0.021999999999999998723243521681;0.011333333333333334147496884725;0.140000000000000013322676295502;0.069000000000000005773159728051;0.089666666666666672291796658101;0.191000000000000003108624468950
-0.014285714285714285268213963320;0.160952380952380957879199741001;0.119999999999999995559107901499;0.001428571428571428570189483231;0.076190476190476197348999676251;0.102857142857142855318919316687;0.077619047619047615294007869124;0.071428571428571424606346340624;0.097619047619047619179788455313;0.040000000000000000832667268469;0.092857142857142860314922927500;0.144761904761904758309754015499
-0.023333333333333334397297065266;0.164814814814814802890197142915;0.055185185185185184342238073896;0.000370370370370370351979089074;0.040000000000000000832667268469;0.230000000000000009992007221626;0.044074074074074071072359970458;0.034814814814814812327092852229;0.072592592592592597444678403917;0.040000000000000000832667268469;0.158148148148148148806058088667;0.136666666666666658525031152749
-0.013247863247863247634916739059;0.165811965811965805750460845047;0.050854700854700854439904844639;0.014102564102564102768710974090;0.031623931623931622603151936346;0.236324786324786317859292239518;0.032051282051282048435325577884;0.010256410256410256401360392431;0.077350427350427353179185274712;0.063247863247863245206303872692;0.157692307692307687183586040192;0.147435897435897439455843027645
-0.012037037037037037062736644089;0.080555555555555560798275394063;0.054629629629629632148191120677;0.337962962962962965018931527084;0.048611111111111111882099322656;0.117129629629629625209297216770;0.019444444444444444752839729063;0.025925925925925925180637321432;0.080555555555555560798275394063;0.057870370370370370627366440885;0.062962962962962956692258842395;0.102314814814814816767984950729
-0.009782608695652174682355628477;0.165579710144927533255199136875;0.069202898550724631365760330937;0.164492753623188409095590145625;0.038405797101449277997087250469;0.084420289855072466744800863125;0.063768115942028982812139759062;0.017028985507246376801537834922;0.068840579710144927938486603125;0.055072463768115940963010501719;0.080434782608695645778063010312;0.182971014492753630831245459376
-0.018518518518518517490534236458;0.138518518518518513049642137958;0.088888888888888892281237019688;0.000370370370370370351979089074;0.080740740740740737924063807895;0.102222222222222228205090743813;0.055185185185185184342238073896;0.012962962962962962590318660716;0.151111111111111112714766591125;0.051851851851851850361274642864;0.088148148148148142144719940916;0.211481481481481492501472985168
-0.037407407407407410049327012302;0.100000000000000005551115123126;0.095925925925925928372528517230;0.017777777777777777762358013547;0.105925925925925923376524906416;0.078148148148148147140723551729;0.063333333333333338699411285688;0.049259259259259259577934386698;0.162592592592592594114009330042;0.073333333333333333703407674875;0.069259259259259256524821068979;0.147037037037037049413967793043
-0.044999999999999998334665463062;0.104999999999999996114219413812;0.110000000000000000555111512313;0.049444444444444443642616704437;0.088055555555555553581825734000;0.047222222222222220988641083750;0.083611111111111108273874492625;0.044722222222222218768195034500;0.125000000000000000000000000000;0.076388888888888895056794581251;0.066111111111111106608539955687;0.159444444444444444197728216750
-0.017878787878787879422892714842;0.143333333333333340364745822626;0.144242424242424255309558134286;0.000000000000000000000000000000;0.095757575757575763564233284342;0.048181818181818179824826842150;0.065454545454545459692852205080;0.191212121212121222146862464797;0.086060606060606059664053191227;0.037272727272727269876018141304;0.051212121212121208824186169295;0.119393939393939399473687501541
-0.007499999999999999722444243844;0.131944444444444447528397290625;0.086388888888888890060790970438;0.000000000000000000000000000000;0.068611111111111108828986004937;0.149166666666666669627261399000;0.044999999999999998334665463062;0.044722222222222218768195034500;0.085000000000000006106226635438;0.044166666666666666574148081281;0.066111111111111106608539955687;0.271388888888888901718132729002
-0.024842767295597485699421014260;0.116981132075471699893753907418;0.065408805031446540234618680643;0.108805031446540884099150048314;0.076729559748427669796377870171;0.115094339622641511633460709163;0.040251572327044023158482133340;0.020754716981132074332672132755;0.096855345911949691783959792701;0.075786163522012575666231271043;0.126415094339622641195219898691;0.132075471698113205976099493455
-0.031782945736434108086054806108;0.152713178294573648230425533256;0.058914728682170541818052811323;0.032558139534883720478397606257;0.073255813953488374545841566032;0.160852713178294581819471886774;0.038372093023255816890415559328;0.012790697674418604473656202458;0.117054263565891478182656726403;0.057364341085271317033367211025;0.101550387596899230335800723424;0.162790697674418616269775839100
-0.005442176870748298943281096030;0.124149659863945577287225319196;0.032653061224489798863857004108;0.000000000000000000000000000000;0.036394557823129253248950476518;0.257142857142857117480616579996;0.018027210884353741388030911708;0.005442176870748298943281096030;0.075170068027210878991439813035;0.043877551020408162019137421339;0.086054421768707478612725481071;0.315646258503401333506133141782
-0.014583333333333333564629796797;0.142083333333333339254522798001;0.104583333333333333703407674875;0.003333333333333333547282562037;0.040833333333333332593184650250;0.135833333333333333703407674875;0.021666666666666667406815349750;0.023750000000000000277555756156;0.088333333333333333148296162562;0.085000000000000006106226635438;0.090833333333333335368742211813;0.249166666666666675178376522126
-0.009349593495934959558324450768;0.160975609756097565172794361388;0.119512195121951214638045257743;0.000000000000000000000000000000;0.036991869918699189778710234577;0.115040650406504060820900292583;0.042276422764227640505030336726;0.016666666666666666435370203203;0.100000000000000005551115123126;0.081300813008130079495572317683;0.121951219512195119243358476524;0.195934959349593484922991137864
-0.037083333333333336201409480282;0.126250000000000001110223024625;0.124583333333333337589188261063;0.105416666666666672402818960563;0.029583333333333333009518284484;0.080000000000000001665334536938;0.024583333333333332038073137937;0.029999999999999998889776975375;0.100000000000000005551115123126;0.102083333333333331482961625625;0.087083333333333332038073137937;0.153333333333333321490954403998
-0.012727272727272727695368992329;0.169696969696969707230849166990;0.086969696969696974608865502887;0.120606060606060605522316109273;0.040303030303030305814271372356;0.118484848484848484528875189881;0.014545454545454545441929283811;0.017272727272727272929131459023;0.058484848484848486749321239131;0.066060606060606055778272605039;0.095454545454545458582629180455;0.199393939393939401139022038478
-0.070212765957446812703501848318;0.095744680851063829196689880519;0.075531914893617019268745593763;0.207801418439716306663100908736;0.032978723404255318174538302856;0.089361702127659578542839824422;0.015602836879432624081487368528;0.100354609929078020247317226676;0.047517730496453899902142836709;0.082978723404255314011201960511;0.083333333333333328707404064062;0.098581560283687946766306708923
-0.056666666666666663798590519718;0.106296296296296291505889541895;0.073703703703703701832772310354;0.241111111111111109384097517250;0.012592592592592592726230549260;0.112222222222222223209087133000;0.011481481481481481399242738917;0.073333333333333333703407674875;0.046666666666666668794594130532;0.075925925925925924486747931041;0.115185185185185182121792024645;0.074814814814814820098654024605
-0.023397435897435897578233721106;0.098397435897435894802676159543;0.059935897435897438068064246863;0.313782051282051277496520924615;0.026602564102564101727876888503;0.097435897435897436680285466082;0.012500000000000000693889390391;0.015064102564102564360548619504;0.058653846153846153632649418341;0.088141025641025647074933146996;0.095833333333333339809634310313;0.110256410256410253278858135673
-0.033908045977011497251751848125;0.062643678160919535891082432499;0.037643678160919541442197555625;0.114080459770114939210827742500;0.198275862068965524898089825001;0.058908045977011491700636725000;0.016379310344827587714311434297;0.006896551724137930938773877187;0.217816091954022988952388573125;0.042816091954022986176831011562;0.039367816091954020707444072968;0.171264367816091944707324046249
-0.032653061224489798863857004108;0.079251700680272110788315842456;0.111564625850340132240390289553;0.060884353741496595457949325692;0.117687074829931972996810429777;0.063605442176870752302164646608;0.032653061224489798863857004108;0.019387755102040816340691620212;0.143197278911564612746687430445;0.075850340136054419937217119241;0.122448979591836731861675957589;0.140816326530612240253148570446
-0.016666666666666666435370203203;0.086507936507936505909910351875;0.134920634920634913145320865624;0.143650793650793640043872301248;0.047619047619047616404230893750;0.050000000000000002775557561563;0.030158730158730159137681070547;0.018253968253968255036623347110;0.100793650793650796382294743125;0.113492063492063491314532086562;0.103174603174603168875833603124;0.154761904761904767191538212501
-0.075462962962962967794489088647;0.111111111111111104943205418749;0.089814814814814819543542512292;0.006944444444444444058950338672;0.089814814814814819543542512292;0.066666666666666665741480812812;0.012500000000000000693889390391;0.004629629629629629372633559115;0.196296296296296302053008275834;0.056944444444444443365060948281;0.069444444444444447528397290625;0.220370370370370383117375467918
-0.030833333333333334119741309109;0.137083333333333334813630699500;0.088333333333333333148296162562;0.000833333333333333386820640509;0.081250000000000002775557561563;0.129166666666666679619268620627;0.029166666666666667129259593594;0.011666666666666667198648532633;0.138750000000000012212453270877;0.065833333333333327042069527124;0.093333333333333337589188261063;0.193750000000000005551115123126
-0.005426356589147286746399601043;0.149612403100775198661054332661;0.082945736434108532919573519848;0.000775193798449612392342800149;0.056201550387596901914299962755;0.170542635658914726315416032776;0.034883720930232557655426006704;0.009689922480620154904285001862;0.086434108527131778276775264658;0.042635658914728681578854008194;0.124031007751937982774848023837;0.236821705426356582391278493560
-0.014351851851851851749053423646;0.084722222222222226539756206876;0.078240740740740735703617758645;0.275462962962962965018931527084;0.043981481481481482509465763542;0.083333333333333328707404064062;0.031018518518518518184423626849;0.027777777777777776235801354687;0.060648148148148145475389014791;0.057407407407407406996213694583;0.114814814814814813992427389167;0.128240740740740738479175320208
-0.028787878787878789371701415689;0.187878787878787867349217322044;0.055555555555555552471602709375;0.217171717171717182370827003979;0.056060606060606060774276215852;0.119191919191919196152618098949;0.020707070707070708570629591350;0.009090909090909090467524933388;0.071212121212121212709966755483;0.069696969696969701679734043864;0.091919191919191914341702442925;0.072727272727272723740199467102
-0.009482758620689655040814081133;0.245114942528735640925319216876;0.052873563218390803863933058437;0.010919540229885057319725305547;0.059482758620689656081648166719;0.198850574712643668462419554999;0.037068965517241377061186113906;0.008333333333333333217685101602;0.057183908045977012435390207656;0.048275862068965516571417140312;0.143678160919540220952228537499;0.128735632183908044190445707500
-0.013888888888888888117900677344;0.122916666666666660190365689687;0.080902777777777781786916477813;0.023263888888888889505679458125;0.054513888888888889505679458125;0.170486111111111116045435665001;0.027777777777777776235801354687;0.022569444444444444058950338672;0.091319444444444439201724605937;0.110069444444444441977282167500;0.132291666666666668517038374375;0.149999999999999994448884876874
-0.034591194968553458377602538576;0.082389937106918234577257464935;0.056289308176100630309868222412;0.227358490566037740876481620944;0.067295597484276728494911878897;0.108490566037735852722434515272;0.011635220125786162673198198547;0.015094339622641509551792537991;0.109433962264150946852581114399;0.103773584905660382071701519635;0.093396226415094332762301121420;0.090251572327044018995145790996
-0.029583333333333333009518284484;0.069583333333333330372738601000;0.050416666666666665186369300500;0.380833333333333357018091192003;0.043749999999999997224442438437;0.079166666666666662965923251249;0.014166666666666665949647629930;0.020000000000000000416333634234;0.086666666666666669627261399000;0.084583333333333329817627088687;0.076249999999999998334665463062;0.065000000000000002220446049250
-0.023983739837398373312415955638;0.160569105691056923657100696801;0.057723577235772358107190882492;0.228048780487804886307756646602;0.032520325203252035961565269417;0.112195121951219514699893409215;0.030081300813008131356252050637;0.009349593495934959558324450768;0.055691056910569108895359136113;0.056910569105691054259121841596;0.107723577235772360882748444055;0.125203252032520334635634640108
-0.041481481481481480289019714291;0.141481481481481485840134837417;0.077777777777777779011358916250;0.065925925925925929482751541855;0.074444444444444438091501581312;0.126666666666666677398822571377;0.025925925925925925180637321432;0.033703703703703701000105041885;0.092222222222222219323306546812;0.052222222222222225429533182250;0.078148148148148147140723551729;0.190000000000000002220446049250
-0.035964912280701755165068789211;0.070175438596491224174656053947;0.069590643274853800082091481727;0.230994152046783612908242844242;0.063450292397660812415693953881;0.116666666666666668517038374375;0.015789473684210526827076392919;0.035087719298245612087328026973;0.081871345029239761537098729605;0.079824561403508770274228822927;0.083040935672514623600015681859;0.117543859649122811594779136612
-0.014912280701754385484059106659;0.091666666666666660190365689687;0.120175438596491226950213615510;0.169298245614035086648030414835;0.070614035087719295713526435065;0.075877192982456140302183200674;0.042543859649122807431442794268;0.038596491228070177459397172015;0.068859649122807023435832718405;0.064912280701754379585999288338;0.100877192982456134751068077549;0.141666666666666662965923251249
-0.007608695652173913352711576152;0.103985507246376812640065168125;0.091304347826086956763091961875;0.290579710144927561010774752503;0.052173913043478258033669447968;0.077173913043478259421448228750;0.031521739130434781039902247812;0.014130434782608695606920257148;0.057971014492753623892351555469;0.077173913043478259421448228750;0.102536231884057971175394641250;0.093840579710144922387371479999
-0.028181818181818182877940159869;0.089696969696969691687726822238;0.098181818181818175661490499806;0.127272727272727259606455163521;0.057878787878787876786113031358;0.074848484848484844733640386494;0.016060606060606059941608947383;0.007575757575757575967845269815;0.125454545454545457472406155830;0.082424242424242427640379560216;0.108484848484848489524878800694;0.183939393939393930343939587146
-0.057657657657657658545335976896;0.085135135135135139861084496715;0.111261261261261262811572692044;0.089189189189189194140183758464;0.045495495495495495708038191651;0.054504504504504502904183027567;0.034684684684684684297106826989;0.028378378378378379953694832238;0.134234234234234223182014034137;0.107657657657657654381999634552;0.111261261261261262811572692044;0.140540540540540548342107740609
-0.013333333333333334189130248149;0.208095238095238083131377493373;0.094285714285714292137718928188;0.083333333333333328707404064062;0.043333333333333334813630699500;0.090476190476190473943596259687;0.066666666666666665741480812812;0.021428571428571428769682682969;0.074761904761904765526203675563;0.053333333333333336756520992594;0.110000000000000000555111512313;0.140952380952380940115631346998
-0.011764705882352941013202496379;0.202450980392156865139696719780;0.088235294117647064537912626747;0.019607843137254901688670827298;0.040196078431372551931222147914;0.168137254901960797592863627870;0.055882352941176473282158809752;0.005882352941176470506601248189;0.055882352941176473282158809752;0.071568627450980387694201567683;0.148039215686274511218911698052;0.132352941176470589867975036213
-0.011538461538461539102051744976;0.150854700854700846113232159951;0.093589743589743590312934884423;0.017521367521367521569164438233;0.053846153846153849142908143222;0.164529914529914528253939920432;0.032905982905982907038566764868;0.013675213675213675201813856575;0.096581196581196585015938183005;0.070940170940170937941005036009;0.143589743589743579210704638172;0.150427350427350420281058518412
-0.033838383838383841173413912884;0.089393939393939400583910526166;0.111111111111111104943205418749;0.003535353535353535567309357646;0.054040404040404041441369997756;0.104040404040404044216927559319;0.031313131313131313537834188310;0.028787878787878789371701415689;0.151515151515151519356905396307;0.095454545454545458582629180455;0.111616161616161613245878925227;0.185353535353535353591425405284
-0.025151515151515150409133880771;0.106969696969696964616858281261;0.129696969696969699459287994614;0.001515151515151515150200967064;0.082121212121212122658775456330;0.090909090909090911614143237784;0.040303030303030305814271372356;0.022424242424242422921931705559;0.131818181818181806574941106192;0.072121212121212127654779067143;0.089999999999999996669330926125;0.206969696969696970167973404386
-0.004583333333333333356462979680;0.195833333333333331482961625625;0.089999999999999996669330926125;0.000000000000000000000000000000;0.055416666666666669627261399000;0.105416666666666672402818960563;0.025000000000000001387778780781;0.004166666666666666608842550801;0.110833333333333339254522798001;0.081250000000000002775557561563;0.093333333333333337589188261063;0.234166666666666661855700226624
-0.011616161616161616368381181985;0.101515151515151516581347834745;0.069191919191919193377060537387;0.257070707070707060726277859430;0.023737373737373737569988918494;0.121212121212121215485524317046;0.007575757575757575967845269815;0.007575757575757575967845269815;0.067676767676767682346827825768;0.093939393939393933674608661022;0.120202020202020198880177304090;0.118686868686868687849944592472
-0.008527131782945736315770801639;0.116279069767441858851420022347;0.097286821705426351769574466744;0.197674418604651153108520134083;0.041472868217054266459786759924;0.076356589147286824115212766628;0.026356589147286821339655205065;0.011627906976744185885142002235;0.072480620155038755214604861976;0.081007751937984498469269567522;0.103100775193798455120486323722;0.167829457364341072533875376394
-0.003205128205128205017004905386;0.132051282051282053986440701010;0.092307692307692312816413959808;0.000000000000000000000000000000;0.076282051282051288598751170866;0.129487179487179498993398851781;0.025641025641025640136039243089;0.005128205128205128200680196215;0.119871794871794876136128493727;0.053846153846153849142908143222;0.080128205128205134966101752525;0.282051282051282048435325577884
-0.003333333333333333547282562037;0.183703703703703702387883822666;0.066666666666666665741480812812;0.050370370370370370904922197042;0.044444444444444446140618509844;0.159629629629629621323516630582;0.030370370370370370488588562807;0.002962962962962962815832712593;0.080000000000000001665334536938;0.056296296296296295669225884239;0.116666666666666668517038374375;0.205555555555555546920487586249
-0.008163265306122449715964251027;0.146938775510204094887356518484;0.111904761904761909652172846563;0.115306122448979586625483761964;0.024829931972789116151334454230;0.119727891156462581956354540580;0.023129251700680270725785092623;0.015646258503401361955598147802;0.070408163265306120126574285223;0.106122448979591832429747455535;0.108503401360544218801074123348;0.149319727891156467380895378483
-0.014236111111111110841265237070;0.087152777777777773460243793124;0.055902777777777780399137697032;0.417013888888888906159024827502;0.017361111111111111882099322656;0.093055555555555558022717832500;0.015972222222222220988641083750;0.010069444444444445099784424258;0.053819444444444447528397290625;0.064236111111111104943205418749;0.096875000000000002775557561563;0.074305555555555555247160270937
-0.006372549019607843048818018872;0.045588235294117644691436197490;0.057352941176470585704638693869;0.421568627450980393245316690809;0.065686274509803924126494223401;0.081372549019607845477430885239;0.014705882352941176266503120473;0.012745098039215686097636037744;0.072549019607843143186975964909;0.093137254901960786490633381618;0.085784313725490196622658345404;0.043137254901960783715075820055
-0.018217054263565891220055803501;0.058914728682170541818052811323;0.056976744186046514306642762904;0.425581395348837210335091185698;0.040310077519379844401825607747;0.076356589147286824115212766628;0.020155038759689922200912803874;0.022093023255813953181769804246;0.062403100775193801053042363947;0.081782945736434103922718463764;0.085271317829457363157708016388;0.051937984496124030286967609982
-0.030303030303030303871381079261;0.092424242424242422644375949403;0.101136363636363635354342704886;0.052272727272727269320906628991;0.082196969696969698904176482301;0.071212121212121212709966755483;0.025757575757575756902895136591;0.010606060606060606701928072937;0.160606060606060613293877281649;0.087121212121212127099667554830;0.094696969696969696128618920739;0.191666666666666679619268620627
-0.019658119658119657668926549832;0.106410256410256406911507554014;0.147863247863247865288016669183;0.007692307692307692734701163317;0.061965811965811967709782948077;0.076923076923076927347011633174;0.058119658119658121342432366419;0.025213675213675214303865601551;0.117094017094017094349212015914;0.065811965811965814077133529736;0.113247863247863247981861434255;0.200000000000000011102230246252
-0.056481481481481479733908201979;0.091203703703703703498106847292;0.094907407407407412547328817709;0.136111111111111099392090295623;0.043981481481481482509465763542;0.071296296296296302053008275834;0.038888888888888889505679458125;0.058796296296296297889671933490;0.086574074074074067186579384270;0.100925925925925932813420615730;0.088425925925925921711190369479;0.132407407407407418098443940835
-0.114149821640903689767831963309;0.054696789536266346432036300484;0.066587395957193817874752994612;0.234244946492271094440340561960;0.032104637336504163180883608675;0.064209274673008326361767217350;0.022592152199762186720599643763;0.077288941736028543560976800109;0.121284185493460164306789295097;0.093935790725326998029665048762;0.067776456599286563631245883244;0.051129607609988109162557634590
-0.045184304399524373441199287527;0.110582639714625452498353297415;0.091557669441141492638891463685;0.067776456599286563631245883244;0.105826397146254455594593935075;0.087990487514863255369412797791;0.067776456599286563631245883244;0.065398335315101072118260105981;0.084423305588585018099934131897;0.079667063020214035073962577371;0.079667063020214035073962577371;0.114149821640903689767831963309
-0.041759053954175902323431301966;0.037832594235033260854361714109;0.032751293422025130885888444254;0.522450110864745020933241903549;0.039680339985218034126734920619;0.060559866962305988757897523556;0.016352549889135255950511904643;0.024482631189948263206179746021;0.048364745011086472670225333559;0.075711382113821140693588063186;0.086104951958610495554857777734;0.013950480413895047920869174618
-0.008750000000000000832667268469;0.092499999999999998889776975375;0.028125000000000000693889390391;0.600624999999999964472863211995;0.040625000000000001387778780781;0.051249999999999996946886682281;0.013750000000000000069388939039;0.007499999999999999722444243844;0.021874999999999998612221219219;0.017500000000000001665334536938;0.048125000000000001110223024625;0.069375000000000006106226635438
-0.041666666666666664353702032031;0.090972222222222218213083522187;0.076388888888888895056794581251;0.304861111111111138249896157504;0.061111111111111109106541761093;0.065277777777777781786916477813;0.052777777777777777623580135469;0.050000000000000002775557561563;0.063888888888888883954564334999;0.034722222222222223764198645313;0.054861111111111110494320541875;0.103472222222222215437525960624
-0.036111111111111107718762980312;0.109259259259259264296382241355;0.095370370370370369239587660104;0.016666666666666666435370203203;0.104629629629629627984854778333;0.068518518518518520266091798021;0.116666666666666668517038374375;0.100000000000000005551115123126;0.110185185185185191558687733959;0.050925925925925923098969150260;0.073148148148148142699831453228;0.118518518518518523041649359584
-0.008707865168539325254060123882;0.067897271268057779458615641488;0.031581059390048155099961491032;0.405698234349919750751922720156;0.053451043338683786043663559440;0.074518459069020867580057654322;0.010955056179775280941757209519;0.009630818619582664011358197342;0.066131621187800956884750291920;0.092054574638844297029827146162;0.105176565008025676983827167987;0.074197431781701447817134464913
-0.095631641086186547351388753668;0.052095631641086187491040959685;0.049881936245572612576015814057;0.277302243211334120687183713017;0.039108618654073196152509694912;0.066706021251475802746888632555;0.060950413223140494090035446106;0.125147579693034249892491516221;0.063754427390791026941663233174;0.068181818181818176771713524431;0.075855962219598588314184439696;0.025383707201889021271012936154
-0.052499999999999998057109706906;0.097333333333333327264114132049;0.094666666666666662854900948787;0.101833333333333331260917020700;0.078333333333333338144299773376;0.087666666666666670515439818701;0.076333333333333336367942933975;0.047333333333333331427450474393;0.113000000000000003219646771413;0.056833333333333332926251557637;0.074499999999999996780353228587;0.119666666666666671181573633476
-0.102599999999999996758148768095;0.047199999999999998900879205621;0.113100000000000006084022174946;0.015699999999999998678834600696;0.049700000000000001121325254871;0.082699999999999995736743585439;0.028400000000000001632027846199;0.079799999999999995936583729872;0.125599999999999989430676805569;0.066500000000000003552713678801;0.130299999999999999156230501285;0.158400000000000013011813848607
-0.062500000000000000000000000000;0.048484848484848484806430946037;0.116666666666666668517038374375;0.073106060606060604967204596960;0.040530303030303027611580546363;0.093560606060606066325391338978;0.031818181818181814901613790880;0.072727272727272723740199467102;0.126893939393939392257237841477;0.099242424242424243097104863409;0.134848484848484856390982145058;0.099621212121212124324109993267
-0.147460937500000000000000000000;0.024414062500000000000000000000;0.119140625000000000000000000000;0.065429687500000000000000000000;0.039062500000000000000000000000;0.066406250000000000000000000000;0.002929687500000000000000000000;0.069335937500000000000000000000;0.131835937500000000000000000000;0.119140625000000000000000000000;0.108398437500000000000000000000;0.106445312500000000000000000000
-0.040805785123966945016071861119;0.117768595041322310379428017768;0.055268595041322317318321921675;0.024276859504132230344053411386;0.109504132231404954778142268879;0.178202479338842978418000484453;0.038739669421487606115750423896;0.027376033057851238694535567220;0.098657024793388434225072103345;0.051136363636363639517679047231;0.114669421487603312437286717795;0.143595041322314043163999031094
-0.033003048780487806435068875999;0.111490091463414639494367008865;0.107831554878048782586397180694;0.020464939024390244731721466565;0.068216463414634151418702856517;0.096570121951219514699893409215;0.052210365853658534385228762176;0.046855945121951222964717942432;0.111871189024390249588947199300;0.086909298780487809210626437562;0.100743140243902434827205638612;0.163833841463414647821039693554
-0.022812499999999999444888487687;0.043177083333333331205405869468;0.029270833333333332731962528328;0.630208333333333370340767487505;0.018749999999999999306110609609;0.049322916666666667684371105906;0.021510416666666667268037471672;0.026145833333333333425851918719;0.032812500000000001387778780781;0.046302083333333333980963431031;0.054114583333333333980963431031;0.025572916666666667406815349750
-0.030025445292620866338806351337;0.068787107718405432477126737467;0.044189991518235792467006461948;0.552417302798982157163720785320;0.024512298558100085316135974267;0.036132315521628495524897317637;0.025106022052586936949003515451;0.060050890585241732677612702673;0.028244274809160304501309823877;0.029601357082273113685566556796;0.034944868532654792259162235268;0.065988125530110269822969826237
-0.077732974910394270207092404235;0.064964157706093192401475278075;0.149193548387096780460936429336;0.077732974910394270207092404235;0.026433691756272401085503531704;0.031362007168458778949560183946;0.136200716845878144756198935283;0.238351254480286739445560328932;0.061379928315412189687716448816;0.044578853046594979492311949798;0.051523297491039427020709240423;0.040546594982078854041418480847
-0.038227016885553473379832922774;0.201219512195121963404886855642;0.092166979362101317252431442739;0.010318949343339586799395135586;0.079971857410881794225865348835;0.100140712945591001115097640195;0.093574108818011259014468805617;0.033771106941838650861154036420;0.074343339587242027177715897324;0.035881801125703563504210080737;0.097091932457786120358456116719;0.143292682926829256784273525227
-0.011388888888888889366901580047;0.198750000000000009992007221626;0.111527777777777781231804965500;0.000833333333333333386820640509;0.039861111111111111049432054187;0.098750000000000004440892098501;0.051527777777777776513357110844;0.007777777777777777554191196430;0.085138888888888888950567945813;0.071666666666666670182372911313;0.102222222222222228205090743813;0.220555555555555560243163881751
-0.006720497517428155632990272039;0.022217764180751289893045452573;0.020813481117408095394383238386;0.755905511811023611556947798817;0.013290536135212397197968847706;0.024825718441245800405248189691;0.009378604744470634899111693983;0.007522944982195696461690914703;0.020512563318120267258359845641;0.041125432569336477228727488864;0.060885701389237170677581900691;0.016801243793570390383518287081
-0.008417508417508417356556194022;0.021043771043771045126113961032;0.015151515151515151935690539631;0.797138047138047145523387371213;0.026936026936026934847090430480;0.020202020202020203737403036826;0.008417508417508417356556194022;0.010101010101010101868701518413;0.023569023569023569292246733653;0.011784511784511784646123366826;0.021043771043771045126113961032;0.036195286195286197061804500663
-0.013840830449826990039552399026;0.138408304498269907334417894162;0.130334486735870808127302211687;0.004613610149942330013184133009;0.070357554786620535303143242345;0.100346020761245671715222727016;0.088235294117647064537912626747;0.080738177623990770026551899718;0.073817762399077280210946128136;0.047289504036908881767775625349;0.106113033448673593772682011149;0.145905420991926187967990813377
-0.151736602231651723782235308136;0.030881659594530881662866050874;0.068992613547068995516475808927;0.292629262926292654789506286761;0.039368222536539369815766775673;0.034339148200534339028244801284;0.034103410341034104402702098469;0.160223165173660225812923840749;0.059405940594059403192517265779;0.042197076850542199200067017273;0.031588873173031585539494159320;0.054534024831054531134988394570
-0.202205882352941179735950072427;0.005514705882352941533619539172;0.018382352941176471200490638580;0.511029411764705843168599130877;0.022671568627450979643844775069;0.026348039215686274577832293176;0.002450980392156862711083853412;0.057598039215686271108385341222;0.030024509803921569511819811282;0.068014705882352935462087373253;0.050245098039215688179304208916;0.005514705882352941533619539172
-0.081002331002331007248074001836;0.057109557109557111675979257370;0.107226107226107231218392712435;0.091783216783216783896115487096;0.055652680652680655559727540549;0.089160839160839167050198739162;0.019813519813519812201585423850;0.055069930069930071725448073039;0.139277389277389279653718290319;0.136363636363636353543427048862;0.114219114219114223351958514741;0.053321678321678320222609670509
-0.073648971783835490145797564310;0.078431372549019606754683309191;0.056910569105691054259121841596;0.010043041606886656327835005698;0.020564323290291727092116147446;0.281683405069344805493614103398;0.005738880918220947216501492960;0.035389765662362508702454277909;0.076996652319464370384238804945;0.082257293161166908368464589785;0.193687230989956965521159304444;0.084648493543758973611801366133
-0.018477457501847746601519872911;0.084257206208425722282484571224;0.045084996304508496989260635246;0.008869179600886917952395904763;0.012564671101256467966589269736;0.314855875831485609861459806780;0.012564671101256467966589269736;0.064301552106430154287508571542;0.047302291204730229079444825402;0.055432372505543239804559618733;0.214338507021433838373170033265;0.121951219512195119243358476524
-0.080182072829131659230661455240;0.059961484593837537093730105653;0.078168767507002800964954758456;0.104954481792717088661781588144;0.084121148459383759954377524082;0.087097338935574225571301099080;0.022233893557422969994297190510;0.061799719887955184560723864706;0.148634453781512604342296413051;0.101365546218487395657703586949;0.072654061624649865502867385203;0.098827030812324925812539788694
-0.062200956937799041501779839791;0.047248803827751192918604772331;0.125000000000000000000000000000;0.208732057416267935412435008402;0.020334928229665070326115383637;0.033492822966507178328310345705;0.031698564593301434277883288360;0.129186602870813405097294435109;0.091507177033492828610583558202;0.138157894736842118410535817929;0.053827751196172252123872681295;0.058612440191387560339819629007
-0.096944444444444444197728216750;0.016944444444444446001840631766;0.043611111111111114380101128063;0.555555555555555580227178325003;0.006944444444444444058950338672;0.012222222222222222862142437805;0.019166666666666665186369300500;0.168888888888888893946571556626;0.016388888888888890338346726594;0.029444444444444443226283070203;0.020000000000000000416333634234;0.013888888888888888117900677344
-0.080227812055054581463764407090;0.024148077835785475980800995899;0.040949216896060749992791727436;0.619895586141433363458475014340;0.021547223540579023282059978328;0.017009966777408638827218112510;0.012415757000474607688045303178;0.073393450403417187510868302525;0.027736117702895111275518402749;0.030507831039392502292528774888;0.032083531086853349367782328727;0.020085429520645466106021359565
-0.007065217391304347803460128574;0.011956521739130435144637942813;0.011956521739130435144637942813;0.846195652173913015481332422496;0.017934782608695652716956914219;0.009782608695652174682355628477;0.010326086956521738496883600078;0.014130434782608695606920257148;0.017934782608695652716956914219;0.020108695652173911444515752578;0.026086956521739129016834723984;0.006521739130434782254208680996
-0.013157894736842104532748010115;0.023245614035087718701744208261;0.021491228070175439485156587693;0.763596491228070162193830583419;0.007894736842105263413538196460;0.035087719298245612087328026973;0.007894736842105263413538196460;0.006578947368421052266374005058;0.034210526315789475948481168643;0.035087719298245612087328026973;0.039035087719298248998267553134;0.012719298245614034728601104973
-0.005609382967873533486213855070;0.103008669046404890967671974522;0.044365119836817949738883015698;0.393676695563487999418583740407;0.057113717491075979837411580320;0.074961754207037226138687913135;0.035696073431922485663658761723;0.029576746557878633159255343799;0.046404895461499236219982122975;0.030086690464048954779530120618;0.085670576236613976695011274387;0.093829678735339108741619895682
-0.103879310344827585632643263125;0.055387931034482758285708570156;0.083189655172413792816321631562;0.148706896551724143673567368751;0.073060344827586207183678368438;0.051293103448275860489768973594;0.040517241379310342530573052500;0.193318965517241370122292209999;0.082758620689655171265286526250;0.052155172413793103591839184219;0.055172413793103447510191017500;0.060560344827586209959235930000
-0.078114004222378602415588488839;0.111893033075299089262877316742;0.058409570724841659850046227120;0.109781843771991557967560027009;0.100281491907107667138632223214;0.086206896551724143673567368751;0.024982406755805770803835486049;0.046446164672765660741404758483;0.075650950035186487196980920089;0.049612948627726950745486789174;0.063687543983110481149445547544;0.194933145672061935993468750894
-0.092753623188405798227762488750;0.126086956521739124159608991249;0.080434782608695645778063010312;0.005797101449275362389235155547;0.083333333333333328707404064062;0.092753623188405798227762488750;0.037681159420289857264751987032;0.027536231884057970481505250859;0.136231884057971014412302679375;0.050000000000000002775557561563;0.077536231884057976726509764376;0.189855072463768120849536558126
-0.057861328125000000000000000000;0.036214192708333335646297967969;0.101318359375000000000000000000;0.036295572916666664353702032031;0.051595052083333335646297967969;0.045003255208333335646297967969;0.030110677083333332176851016015;0.347819010416666685170383743753;0.089518229166666671292595935938;0.061523437500000000000000000000;0.081705729166666671292595935938;0.061035156250000000000000000000
-0.027925531914893615692552231167;0.044680851063829789271419912211;0.088031914893617016493188032200;0.333510638297872363811080731466;0.034042553191489362263144613507;0.036170212765957443501463330904;0.040425531914893619855888573511;0.121808510638297867734181068045;0.067553191489361702481986071689;0.081914893617021269922595649859;0.056382978723404253429407617659;0.067553191489361702481986071689
-0.028484848484848484390097311802;0.050303030303030300818267761542;0.072575757575757571249397415158;0.497424242424242435411940732592;0.026515151515151515887458444354;0.032196969696969696128618920739;0.031287878787878788122700512986;0.037348484848484846121419167275;0.058106060606060605522316109273;0.048939393939393942278837101867;0.038636363636363635354342704886;0.078181818181818185653497721432
-0.070370370370370374790702783230;0.067901234567901230798625533680;0.019753086419753086017125909279;0.583950617283950590419294712774;0.022222222222222223070309254922;0.037037037037037034981068472916;0.003703703703703703845051542487;0.016049382716049383906797842769;0.065432098765432100684336091945;0.019753086419753086017125909279;0.039506172839506172034251818559;0.054320987654320987414457988507
-0.041582150101419877719077788925;0.152636916835699798511427616177;0.089249492900608518031191351838;0.105983772819472618631486682261;0.076572008113590259159586537407;0.076572008113590259159586537407;0.053752535496957402905149336902;0.022819472616632859723884152459;0.106997971602434072124765407352;0.056288032454361057455027861351;0.086206896551724143673567368751;0.131338742393509122496908503308
-0.108892921960072594500523734951;0.103448275862068964081608157812;0.121597096188747727518730812335;0.017241379310344827346934692969;0.078039927404718698045194003043;0.055353901996370233340449829029;0.050816696914700545950616117352;0.042649727767695100322242751645;0.107985480943738651471441869489;0.086206896551724143673567368751;0.096188747731397461482316657566;0.131578947368421045327480101150
-0.132571428571428562293021968799;0.081714285714285711526017053075;0.094857142857142862091279766901;0.031428571428571430712572976063;0.051428571428571427659459658344;0.057142857142857141072855853281;0.067428571428571434931420469638;0.150285714285714272486771392323;0.103999999999999995226040994112;0.052571428571428574505475239675;0.069142857142857144792102985775;0.107428571428571428825193834200
-0.080128205128205134966101752525;0.071047008547008544399048446394;0.183226495726495713922687968989;0.080128205128205134966101752525;0.076923076923076927347011633174;0.039529914529914528253939920432;0.057158119658119656281147769050;0.100961538461538463673505816587;0.114850427350427344852512590023;0.035790598290598288344632749158;0.045940170940170943492120159135;0.114316239316239312562295538100
-0.066837606837606838849907830991;0.068547008547008542178602397144;0.140170940170940172553315505866;0.056153846153846151412203369091;0.067863247863247863622682132245;0.067008547008547011958334849169;0.059059829059829059560993158584;0.077606837606837605902931898072;0.105042735042735035921879216403;0.079658119658119655448480500581;0.083675213675213674924258100418;0.128376068376068380727517137530
-0.023798076923076921795896510048;0.160576923076923089306333736204;0.114423076923076919020338948485;0.003365384615384615571431758951;0.042067307692307695510258724880;0.113221153846153846367350581659;0.060817307692307691346922382536;0.038221153846153849142908143222;0.075480769230769226285637785168;0.062500000000000000000000000000;0.121874999999999997224442438437;0.183653846153846167510437226156
-0.004641391440297048739949126173;0.239300371311315235312022764447;0.095563806918116084299086310239;0.000000000000000000000000000000;0.049589603283173737391376079131;0.115643931991401216485826353164;0.056478405315614620130215683957;0.006497948016415868582873471837;0.059018956419777210409272072411;0.041577095954660935051006021013;0.090531561461794016199000623146;0.241156927887434036072988874366
-0.004756242568370986495418506479;0.252080856123662322421097314873;0.135552913198573127262491766487;0.013079667063020213729762630805;0.040428061831153390415227733001;0.072532699167657546657217437769;0.063020214030915580605274328718;0.010701545778834720482053377566;0.057074910820451844883915981654;0.067776456599286563631245883244;0.080856123662306780830455466003;0.202140309155766945137244761099
-0.021237303785780238529756758226;0.114035087719298239283816087664;0.078024007386888277748582254389;0.005771006463527239560562520637;0.091874422899353644367259619230;0.149584487534626026095097017787;0.033010156971375805012858251075;0.032779316712834717650881799500;0.165512465373961220604925870248;0.035780240073868881112151285606;0.081948291782086790657757546796;0.190443213296398905498563181027
-0.033333333333333332870740406406;0.101333333333333330816827810850;0.075466666666666668006335783048;0.054133333333333331915948605229;0.075200000000000002953193245503;0.143199999999999993960386746039;0.022933333333333333348136306995;0.049066666666666668150664776249;0.121866666666666664808893472127;0.077333333333333337256121353676;0.089066666666666668983332044718;0.157066666666666659990525545254
-0.028448275862068966857165719375;0.125000000000000000000000000000;0.093103448275862074612341245938;0.093103448275862074612341245938;0.035344827586206897795939596563;0.084482758620689657469426947500;0.011206896551724137775507550430;0.059482758620689656081648166719;0.108620689655172408816241613749;0.131034482758620701714491474377;0.100000000000000005551115123126;0.130172413793103458612421263751
-0.025128205128205127749652092461;0.139230769230769241273648617607;0.073589743589743586427154298235;0.032820512820512820484353255779;0.097435897435897436680285466082;0.127948717948717954895343495991;0.037435897435897438900731515332;0.024871794871794871556458517148;0.119230769230769237387868031419;0.067179487179487185066761867347;0.084871794871794872805459419851;0.170256410256410251058412086422
-0.049806576402321084406921158916;0.092601547388781429992477001178;0.055367504835589942402407359623;0.339700193423597696096294384915;0.038926499032882012907297308857;0.084622823984526113205717479104;0.024419729206963249751316524794;0.014506769825918761421257308086;0.076160541586073507436260854320;0.059961315280464215493605451002;0.077852998065764025814594617714;0.086073500967117994031596595050
-0.013227513227513226778953026042;0.056878306878306875149498011979;0.048500881834215164856161095486;0.485449735449735464420939479169;0.030423280423280421591591959896;0.070987654320987650380381239756;0.022045855379188711298255043403;0.015432098765432097908778530382;0.052469135802469132889847003298;0.073633156966490295736171844965;0.085097001763668425611264467534;0.045855379188712519500370490277
-0.020535714285714285615158658516;0.068750000000000005551115123126;0.037499999999999998612221219219;0.397321428571428547638078043747;0.074999999999999997224442438437;0.085714285714285715078730731875;0.028571428571428570536427926640;0.013392857142857142113689938867;0.073214285714285717854288293438;0.081250000000000002775557561563;0.095535714285714279370154144999;0.023214285714285715078730731875
-0.060371517027863780269214544205;0.062693498452012386135123733766;0.072755417956656340261467619257;0.160990712074303404799380246004;0.092105263157894731729236070805;0.065015479876160992001032923326;0.037925696594427245333935871940;0.042569659442724457065754251062;0.092105263157894731729236070805;0.109133126934984517331095332793;0.174148606811145523209916063934;0.030185758513931890134607272103
-0.023562023562023561018552442192;0.103950103950103955874340044829;0.045738045738045740584709619725;0.142758142758142747563709917813;0.105336105336105337326735309489;0.152460152460152459363840193873;0.046431046431046431310907252055;0.006237006237006237352460402690;0.083160083160083164699472035863;0.069993069993069992329459694247;0.123354123354123351719024981321;0.097020097020097020856788105903
-0.061690784463061691667018493490;0.055369383092155367853681724455;0.047981721249047981636692838947;0.303655750190403639354741471834;0.045925361766945928254646247524;0.078217821782178217904224482027;0.022772277227722771686391212143;0.101066260472201061015873335691;0.051713632901751710457816102462;0.085910129474485910638925645344;0.121096725057121101798429663177;0.024600152322924600384324023139
-0.112817089452603477872649762048;0.094793057409879838415278641151;0.053237650200267022659872395707;0.130841121495327089574445267317;0.049732977303070760588532550628;0.137516688918558088738919309435;0.004839786381842456526591877974;0.014018691588785046550635904339;0.081608811748998658086584612192;0.119826435246995988137541644392;0.101301735647530033457286435805;0.099465954606141521177065101256
-0.059286898839137645855767999592;0.046849087893864015119671506682;0.113598673300165833865982278894;0.172885572139303472782856374579;0.039800995024875621131066338876;0.049751243781094529883279875548;0.025704809286898840092749907171;0.077529021558872299180187326328;0.108208955223880590179597049882;0.131426202321724722166251808630;0.090796019900497515475734644497;0.084162520729684914266854889320
-0.018663194444444444058950338672;0.112666377314814811216869827604;0.113570601851851846197938300520;0.041992187500000000000000000000;0.070203993055555552471602709375;0.088939525462962965018931527084;0.042245370370370370627366440885;0.018084490740740741254732881771;0.135597511574074069962136945833;0.061957465277777776235801354687;0.098777488425925930037863054167;0.197301793981481482509465763542
-0.054506655092592594391565086198;0.101019965277777776235801354687;0.116789641203703706273664408855;0.101273148148148153802061699480;0.034432870370370370627366440885;0.060691550925925923098969150260;0.048394097222222223764198645313;0.097656250000000000000000000000;0.078631365740740741254732881771;0.120840567129629636311527463022;0.077871817129629636311527463022;0.107892071759259258745267118229
-0.027027027027027028527328411656;0.112112112112112111139694548001;0.170670670670670682200764645131;0.033033033033033031011793667631;0.050550550550550549244732678744;0.066566566566566565121831899887;0.061561561561561561894961869257;0.086086086086086088808855265597;0.084584584584584579514121571719;0.111111111111111104943205418749;0.082082082082082077900686556404;0.114614614614614612753129563316
-0.014835164835164834501446406989;0.142307692307692301714183713557;0.073992673992673993477175997668;0.068864468864468869613304491395;0.093223443223443225313928905962;0.123992673992673996252733559231;0.043040293040293040038868355168;0.008791208791208791201166050655;0.097619047619047619179788455313;0.066117216117216118242971845120;0.093040293040293042814425916731;0.174175824175824167650006302210
-0.026647966339410938951814955544;0.127629733520336602348166366028;0.076437587657784009098627109324;0.098877980364656378742260756098;0.067321178120617108930900940322;0.127629733520336602348166366028;0.024544179523141654297724301159;0.015427769985974754129998132157;0.098877980364656378742260756098;0.063113604488078539622719631552;0.098877980364656378742260756098;0.174614305750350640167312121775
-0.027297297297297296037044134209;0.129729729729729736931176375947;0.072972972972972977023786711470;0.053783783783783782606047196850;0.052972972972972973138006125282;0.132702702702702707293624939666;0.018378378378378378010804539144;0.038918918918918916916016570440;0.087027027027027026306882362405;0.092972972972972967031779489844;0.097837837837837837717813727068;0.195405405405405407925911731581
-0.040637860082304529119046065944;0.112654320987654321672977175695;0.159979423868312764511756540742;0.037037037037037034981068472916;0.024691358024691356654045648611;0.070987654320987650380381239756;0.023662551440329217949942730570;0.069444444444444447528397290625;0.079732510288065841508320374942;0.112139917695473254055649192651;0.117283950617283944106716830902;0.151748971193415627123357580786
-0.037289494787489975424765731304;0.086206896551724143673567368751;0.161587810745789900446212072893;0.038492381716118684309435593605;0.072173215717722533080191738009;0.056535685645549317579483528107;0.035284683239775460616982627471;0.042502004811547713925001801272;0.115076182838813156905644063954;0.108259823576583799620287607013;0.078588612670408980465097670276;0.168003207698476347831118005161
-0.011184210526315789546725198988;0.089692982456140352143236782467;0.086915204678362570356320304654;0.014619883040935671703053344572;0.079020467836257310412229060148;0.085672514619883038955450160756;0.044736842105263158186900795954;0.018128654970760233605675537660;0.158406432748538023025375309771;0.094736842105263160962458357517;0.089473684210526316373801591908;0.227412280701754399014902219278
-0.057569033530571994683455727682;0.071252465483234717069649377663;0.124137080867850094212379019609;0.014176528599605522223958686823;0.035872781065088760188430683229;0.067307692307692304489741275120;0.050665680473372783076957404091;0.100221893491124258712687833395;0.113535502958579878618472491780;0.086168639053254433846085191817;0.111193293885601576787003352820;0.167899408284023665682838100111
-0.049880952380952379987544276219;0.206547619047619035459462111248;0.187142857142857138574854047874;0.002976190476190476025264430859;0.032023809523809523835957691063;0.047261904761904761917978845531;0.116666666666666668517038374375;0.040119047619047616681786649906;0.056071428571428570675205804719;0.052261904761904759419977040125;0.065238095238095233918684812124;0.143809523809523803761223348374
-0.003184323331292100277972734190;0.197060624617268836944461440908;0.061481935088793633614745459681;0.116840171463563999298962414741;0.040048989589712188919001789600;0.180894060012247392954520819330;0.060869565217391306821692609219;0.007715860379669320021078782190;0.049357011635027557561183897405;0.054255970606246171905606701102;0.115492957746478872027573459036;0.112798530312308631362583355440
-0.008522727272727272096464190554;0.105113636363636367421214856677;0.020833333333333332176851016015;0.464962121212121215485524317046;0.010416666666666666088425508008;0.138257575757575745800664890339;0.004734848484848484979903293635;0.003787878787878787983922634908;0.028409090909090908144696285831;0.031250000000000000000000000000;0.100378787878787872900332445170;0.083333333333333328707404064062
-0.030435486482111057116028973724;0.169499757163671688209305443706;0.081593006313744539936827493420;0.009875344018131778506264240036;0.071717662295612757961116301431;0.138416707139388056591045028654;0.081593006313744539936827493420;0.050833738060547188630788895125;0.079164643030597378614565684529;0.042577302897846849849550210365;0.108305002428363286726131775595;0.135988343856240895268783219763
-0.059354838709677421038080069593;0.145806451612903231751516841541;0.072258064516129039134284539614;0.054838709677419356092187285867;0.077419354838709680821651204496;0.104516129032258070497007906852;0.048387096774193547044085050857;0.068387096774193550929865637045;0.091612903225806452400803436831;0.053548387096774195670345619646;0.084516129032258066611227320664;0.139354838709677408825626798716
-0.012254901960784313555419267061;0.110539215686274505667796574926;0.067156862745098036548974107518;0.258823529411764730046030535959;0.054411764705882353920785021728;0.107843137254901966226583454045;0.055882352941176473282158809752;0.026470588235294117279705616852;0.069607843137254904464228388861;0.063235294117647056211239942058;0.090931372549019603979125747628;0.082843137254901957899910769356
-0.001825928180158247144185268418;0.046865489957395006781482038605;0.048082775410833840379343229188;0.620206938527084639112274544459;0.029214850882531954306964294688;0.059038344491783321943412232713;0.014607425441265977153482147344;0.010346926354230066499861884211;0.031040779062690201234309128608;0.041996348143639686267825084087;0.051734631771150334234032897029;0.045039561777236759854137204684
-0.015178449336797484106598155051;0.132230274853001511514705157424;0.044031177355394503225571867233;0.270955832079857794614241583986;0.043279092027895531280545782238;0.148092438123888975320951999493;0.018870504580883358525245085957;0.005059483112265827746412139021;0.065978394639682760858256926895;0.044920005469711470069693604046;0.124777792971420761758416517750;0.086626555449200060010639390384
-0.066166592028661000424172300427;0.046424839528287804857331622088;0.029183460217942977510396929119;0.436669652186893575418480395456;0.054523063143752797943264454261;0.037542916853261679155373542471;0.017241379310344827346934692969;0.111434542469025232858115259660;0.041312136139722344108093921022;0.061725630691147934103746308665;0.075011195700850880063725867331;0.022764591730108970496493370206
-0.069157392686804444736914376790;0.080021197668256494051064464657;0.025702172760996289113677448768;0.438791732909379950111627977094;0.046369899311075782333269046376;0.097509273979862212677893751334;0.019607843137254901688670827298;0.004769475357710651480802610536;0.054319024907260197998493111982;0.045574986751457338685078468643;0.065712771595124536139209681096;0.052464228934817169758275667846
-0.031405472636815923159758767724;0.063277363184079601921006030807;0.048507462686567165421891445476;0.360074626865671654218914454759;0.038401741293532340448813044986;0.103855721393034824973078400490;0.029384328358208956777364306845;0.043843283582089553895855260635;0.057680348258706465314205047434;0.095926616915422882603259324696;0.099968905472636815368048246455;0.027674129353233829775593477507
-0.040816326530612241640927351227;0.057705840957072485064571765179;0.038001407459535535560135599553;0.453905700211118923181885520535;0.038705137227304717284503965402;0.077410274454609434569007930804;0.014778325123152708658880172266;0.021815622800844477330306503404;0.082336382828993665006223068303;0.059817030260380016359889054911;0.064743138634764246797104192410;0.049964813511611541607670972098
-0.044259259259259262075936192105;0.099629629629629623543962679832;0.110925925925925927817417004917;0.013703703703703704053218359604;0.076666666666666660745477201999;0.090555555555555555802271783250;0.050925925925925923098969150260;0.040370370370370368962031903948;0.142777777777777781231804965500;0.100925925925925932813420615730;0.081851851851851856189945522146;0.147407407407407403665544620708
-0.041353383458646614245779460362;0.059398496240601506013234711645;0.081203007518796999075760822961;0.057894736842105262719648806069;0.108270676691729322849155892072;0.113533834586466167437812657681;0.023308270676691729417218112985;0.034586466165413533302430693084;0.145864661654135335799864492401;0.125563909774436099908712094475;0.102255639097744363552600077583;0.106766917293233079555569986496
-0.026666666666666668378260496297;0.087499999999999994448884876874;0.059166666666666666019036568969;0.221666666666666678509045596002;0.101666666666666669072149886688;0.105833333333333334813630699500;0.074999999999999997224442438437;0.010833333333333333703407674875;0.104166666666666671292595935938;0.056666666666666663798590519718;0.056666666666666663798590519718;0.094166666666666662410811738937
-0.034722222222222223764198645313;0.100260416666666671292595935938;0.054253472222222223764198645313;0.213107638888888895056794581251;0.052951388888888888117900677344;0.124131944444444447528397290625;0.028211805555555555941049661328;0.016493055555555555941049661328;0.095486111111111104943205418749;0.089843750000000000000000000000;0.116753472222222223764198645313;0.073784722222222223764198645313
-0.035944700460829495658465759789;0.064516129032258062725446734476;0.073732718894009216525908811946;0.236866359447004598548502940503;0.047926267281105994211287679718;0.080184331797235025574011046956;0.044239631336405529915545287167;0.073732718894009216525908811946;0.110599078341013831727757121826;0.105069124423963128345249629092;0.081105990783410145117393597047;0.046082949308755762063416483443
-0.036111111111111107718762980312;0.073148148148148142699831453228;0.120370370370370363688472536978;0.198611111111111099392090295623;0.047685185185185184619793830052;0.089583333333333334258519187188;0.025925925925925925180637321432;0.061342592592592594391565086198;0.087037037037037037756626034479;0.075925925925925924486747931041;0.098611111111111107718762980312;0.085648148148148153802061699480
-0.011760144740242957361875397737;0.149780304988369084018273724723;0.095244249159989663455760933175;0.044972861204445595262324530950;0.049883690876195402319481786435;0.160765055569914716571133794787;0.050788317394675625005007191248;0.035926596019643319834813155467;0.069656241922977507607939173795;0.059705350219695009494902393499;0.136340139570948565284069786685;0.135177048332902560723312035407
-0.028170859538784065456695770990;0.104559748427672960513490352241;0.057127882599580709355180374587;0.194706498951781964423801696284;0.070623689727463315191080539535;0.116352201257861637140322841333;0.030660377358490566168658375545;0.022667714884696016364173942748;0.107573375262054501955155672022;0.044811320754716978120857362455;0.077044025157232701173093403213;0.145702306079664556381914053418
-0.029212822272326240818918208220;0.126850308793255567296753838491;0.067934516223899621412130045428;0.148808940299970604570489740581;0.075776884619154979971789032334;0.117341437114008434461354113409;0.048720713655523967267058083053;0.016370944025095580248718718508;0.088618762866385647480882425953;0.067248308989314775629964060499;0.094598568767767871046103778099;0.118517792373296737551413571055
-0.037563667232597623690804056196;0.077461799660441421622181223938;0.050297113752122243890418928913;0.188879456706281839695193980333;0.074278438030560264837554029782;0.135398981324278439020147857264;0.019100169779286926829975357123;0.028438030560271648078396466985;0.114176570458404069707825101432;0.046689303904923602772658597360;0.068760611205432933812353724079;0.158955857385398968695255916828
-0.024193548387096773522042525428;0.096137521222410871057917347571;0.118208828522920209036506378197;0.142190152801358243861429286881;0.062393887945670627181993239674;0.065365025466893045269500817085;0.075976230899830216047874387186;0.088285229202037351914356122506;0.076188455008488961683887907839;0.063879456706281839695193980333;0.067487266553480473874060407979;0.119694397283531414610813214949
-0.053246753246753243671296473849;0.069844789356984474104628191071;0.121951219512195119243358476524;0.112923661704149511098016489541;0.025403864428254673002438579488;0.052201457079505859948387325176;0.018593601520430790008386878753;0.079822616407982258102116190912;0.087424770351599623285920870330;0.123756731073804249199099558609;0.098036110231232181932981006867;0.156794425087108002525582151065
-0.066326530612244902207486063617;0.042517006802721087066476712835;0.087301587301587296741089971874;0.243764172335600909358177545982;0.064058956916099779599349517412;0.034013605442176873816517712612;0.018140589569160998212327129409;0.090136054421768710409601510491;0.096938775510204078234011149107;0.115646258503401364037266318974;0.057823129251700682018633159487;0.083333333333333328707404064062
-0.009578544061302681281167004101;0.054597701149425290068073479688;0.054597701149425290068073479688;0.528735632183908066394906200003;0.013409961685823755181412586523;0.028735632183908045578224488281;0.031609195402298853605493889063;0.052681992337164751383227212500;0.031609195402298853605493889063;0.084291187739463604988721101563;0.083333333333333328707404064062;0.026819923371647510362825173047
-0.046052631578947365864618035403;0.033026315789473681405752358842;0.044078947368421050878595224276;0.485921052631578920255606135470;0.031842105263157893801917452947;0.041842105263157895744807746041;0.022763157894736842784544350593;0.125131578947368427012776237461;0.037763157894736838759985886327;0.048289473684210527937299417545;0.065394736842105269380986953820;0.017894736842105261886981537600
-0.023529411764705882026404992757;0.031578947368421053654152785839;0.028379772961816304710502834041;0.519401444788441746247542596393;0.042311661506707946844851875312;0.056862745098039214897145399163;0.014551083591331269787016999828;0.019091847265221877777419123845;0.061300309597523222615578220029;0.064809081527347781048753461164;0.108565531475748197620667667707;0.029618163054695563485285703109
-0.126666666666666677398822571377;0.017777777777777777762358013547;0.014444444444444443781394582516;0.414444444444444448638620315251;0.037777777777777778178691647781;0.054444444444444441144614899031;0.008888888888888888881179006773;0.002222222222222222220294751693;0.089999999999999996669330926125;0.058888888888888886452566140406;0.160000000000000003330669073875;0.014444444444444443781394582516
-0.057882711348057884481743684546;0.082762122366082768731843088972;0.071464838791571463905150096707;0.274181264280274172850937475232;0.050901243970550902329108566846;0.061056105610561059449103993302;0.035922823051535920924060008019;0.100533130236100526344600325501;0.055090124397055087457353295122;0.048489464331048490186582000661;0.064483371414064488691408882914;0.097232800203097227709214678271
-0.117544471573072892289779645125;0.070805720265085456133213881458;0.043948378095570284074256051099;0.343564701778862946479620177342;0.048482734565748170085797141837;0.053714684339030344117915660718;0.031391698639693058070498921097;0.089989536100453432210244386624;0.049180327868852458106374569979;0.039065224973840254052426246290;0.046738751307987443095459667575;0.065573770491803282101095362577
-0.113154960981047936208199189423;0.070234113712374576787844659975;0.064102564102564096870651155768;0.173355629877368994096187293508;0.058528428093645487595431120553;0.057971014492753623892351555469;0.057413600891861760189271990384;0.078595317725752511517356424520;0.113154960981047936208199189423;0.054626532887402455551661972777;0.063545150501672240106465494591;0.095317725752508367098592145794
-0.125396825396825395415589810000;0.075396825396825392640032248437;0.106349206349206346078339890937;0.130158730158730168158243145626;0.087301587301587296741089971874;0.044444444444444446140618509844;0.096031746031746037517429215313;0.047619047619047616404230893750;0.103174603174603168875833603124;0.048412698412698414174304417656;0.059523809523809520505288617187;0.076190476190476197348999676251
-0.039682539682539680336859078125;0.091269841269841264774775879687;0.120634920634920636550724282188;0.192857142857142865866038050626;0.049206349206349205005484037656;0.062698412698412697707794905000;0.092857142857142860314922927500;0.050793650793650793606737181562;0.067460317460317456572660432812;0.065873015873015874910301192813;0.088095238095238101450057399688;0.078571428571428569842538536250
-0.020000000000000000416333634234;0.121851851851851850083718886708;0.081851851851851856189945522146;0.065555555555555561353386906376;0.115185185185185182121792024645;0.103333333333333332593184650250;0.023703703703703702526661700745;0.029999999999999998889776975375;0.093703703703703705718552896542;0.051111111111111114102545371907;0.066666666666666665741480812812;0.227037037037037037201514522167
-0.014999999999999999444888487687;0.140833333333333338144299773376;0.112500000000000002775557561563;0.008333333333333333217685101602;0.047500000000000000555111512313;0.095000000000000001110223024625;0.030833333333333334119741309109;0.082500000000000003885780586188;0.080833333333333326486958014812;0.050000000000000002775557561563;0.100833333333333330372738601000;0.235833333333333339254522798001
-0.016741071428571428075793292578;0.068080357142857136909519510937;0.180803571428571424606346340624;0.001116071428571428509474161572;0.051339285714285712303173170312;0.029017857142857143848413414844;0.158482142857142849212692681249;0.289062500000000000000000000000;0.063616071428571424606346340624;0.026785714285714284227379877734;0.033482142857142856151586585156;0.081473214285714287696826829688
-0.047505696614583335646297967969;0.147379557291666657414808128124;0.118977864583333328707404064062;0.004842122395833333044212754004;0.068623860677083328707404064062;0.076863606770833328707404064062;0.091491699218750000000000000000;0.057047526041666664353702032031;0.094217936197916671292595935938;0.054484049479166664353702032031;0.086364746093750000000000000000;0.152201334635416657414808128124
-0.033148148148148148806058088667;0.141111111111111103832982394124;0.097037037037037032760622423666;0.005000000000000000104083408559;0.082037037037037033315733935979;0.109259259259259264296382241355;0.071666666666666670182372911313;0.028703703703703703498106847292;0.122037037037037041087295108355;0.054814814814814816212873438417;0.081666666666666665186369300500;0.173518518518518516380311211833
-0.019531250000000000000000000000;0.105794270833333328707404064062;0.071614583333333328707404064062;0.003906250000000000000000000000;0.156250000000000000000000000000;0.094726562500000000000000000000;0.049153645833333335646297967969;0.010416666666666666088425508008;0.125325520833333342585191871876;0.046549479166666664353702032031;0.084635416666666671292595935938;0.232096354166666657414808128124
-0.015406162464985995175226207721;0.112605042016806725091448981857;0.095798319327731099037670503549;0.122969187675070021348311399834;0.075350140056022404944080506084;0.092717086834733897227067700442;0.064145658263305316282298917940;0.028291316526610644360717472523;0.104481792717086838240270196820;0.054341736694677872376857408199;0.084593837535014010375888915405;0.149299719887955179009608741580
-0.051339285714285712303173170312;0.095982142857142863090480489063;0.072172619047619041010577234374;0.364583333333333314829616256247;0.020833333333333332176851016015;0.054315476190476191797884553125;0.062500000000000000000000000000;0.058779761904761904101057723437;0.039434523809523808202115446875;0.046130952380952383595769106250;0.063244047619047616404230893750;0.070684523809523808202115446875
-0.016031901041666667823148983985;0.148681640625000000000000000000;0.173583984375000000000000000000;0.005452473958333333044212754004;0.031575520833333335646297967969;0.096598307291666671292595935938;0.048014322916666664353702032031;0.020589192708333332176851016015;0.079589843750000000000000000000;0.085205078125000000000000000000;0.107259114583333328707404064062;0.187418619791666657414808128124
-0.034583333333333333980963431031;0.056666666666666663798590519718;0.078750000000000000555111512313;0.311041666666666660745477201999;0.033541666666666664076146275875;0.077499999999999999444888487687;0.014375000000000000624500451352;0.047291666666666669349705642844;0.080000000000000001665334536938;0.105208333333333334258519187188;0.091874999999999998334665463062;0.069166666666666667961926862063
-0.086842105263157901018367113011;0.045175438596491229725771177073;0.057894736842105262719648806069;0.229166666666666657414808128124;0.035526315789473683626198408092;0.076535087719298247610488772352;0.020394736842105264107427586850;0.041447368421052628584266841472;0.155921052631578960223635021975;0.121929824561403513105695139984;0.066447368421052629972045622253;0.062719298245614035769435190559
-0.101328903654485047436395461773;0.018826135105204873376738561319;0.041528239202657808715191123383;0.291805094130675513053319036771;0.019379844961240309808570003725;0.052048726467331121736670240807;0.007198228128460686624234821096;0.063676633444075300682918339135;0.158914728682170547369167934448;0.125138427464008855638510908648;0.059246954595791802289372895984;0.060908084163898118523761127108
-0.037555886736214606769213020243;0.071982116244411323280338876884;0.069448584202682558941255308582;0.254843517138599096050199932506;0.056780923994038751123625274886;0.087332339791356183855697281615;0.030551415797317436201518958683;0.034724292101341279470627654291;0.091654247391952312074003828002;0.106557377049180321271215632351;0.111177347242921012449023976387;0.047391952309985094227151591895
-0.021428571428571428769682682969;0.058035714285714287696826829688;0.052678571428571428769682682969;0.437500000000000000000000000000;0.053571428571428568454759755468;0.057142857142857141072855853281;0.058035714285714287696826829688;0.017857142857142856151586585156;0.062500000000000000000000000000;0.059821428571428574005874878594;0.066071428571428572618096097813;0.055357142857142854763807804375
-0.022969187675070029674984084522;0.134453781512605036185803442095;0.111484593837535020388607165387;0.000560224089635854302984818709;0.098599439775910360794775044724;0.094117647058823528105619971029;0.080112044817927177686733841711;0.038655462184873951025920746360;0.105882352941176469118822467408;0.060504201680672269059169110506;0.096358543417366951389091411784;0.156302521008403361157945710147
-0.036314363143631435415503716513;0.059349593495934958864435060377;0.106910569105691050095785499252;0.062872628726287266287542365717;0.085365853658536591797023618255;0.108401084010840115245954962120;0.072899728997289969800732478689;0.046205962059620596382725210560;0.094850948509485097370763639901;0.114905149051490518274931673659;0.136178861788617877603968508993;0.075745257452574529799527169871
-0.075509190263288630817761770686;0.037754595131644315408880885343;0.065573770491803282101095362577;0.230998509687034281334661045548;0.068554396423248883940537723447;0.079483358171882761977755649241;0.039244908097367116328602065778;0.020367610531544958624161623106;0.104818678589170391490803524448;0.096870342771982115293027959524;0.135121708892200709239972411524;0.045702930948832591606656450267
-0.037121212121212124324109993267;0.047727272727272729291314590228;0.041666666666666664353702032031;0.488636363636363646456572951138;0.047727272727272729291314590228;0.057575757575757578743402831378;0.047727272727272729291314590228;0.014393939393939394685850707845;0.068939393939393939225723784148;0.050000000000000002775557561563;0.071969696969696975163977015200;0.026515151515151515887458444354
-0.022916666666666665047591422422;0.208333333333333342585191871876;0.069791666666666668517038374375;0.002083333333333333304421275400;0.058333333333333334258519187188;0.169791666666666674068153497501;0.072916666666666671292595935938;0.003125000000000000173472347598;0.069791666666666668517038374375;0.044791666666666667129259593594;0.149999999999999994448884876874;0.128124999999999988897769753748
-0.021666666666666667406815349750;0.035104166666666665463925056656;0.035052083333333330927850113312;0.638541666666666674068153497501;0.032500000000000001110223024625;0.038333333333333330372738601000;0.011302083333333334119741309109;0.018333333333333333425851918719;0.029635416666666667545593227828;0.052031250000000001110223024625;0.073072916666666667961926862063;0.014427083333333333425851918719
-0.018465909090909091855303714169;0.022727272727272727903535809446;0.028409090909090908144696285831;0.816761363636363646456572951138;0.002840909090909090987941976181;0.014914772727272727903535809446;0.004261363636363636048232095277;0.017755681818181819758839523615;0.026278409090909091855303714169;0.019176136363636363951767904723;0.012784090909090909879419761808;0.015625000000000000000000000000
-0.091051805337519622907116456645;0.062794348508634217909119001888;0.041713388652164160030899608955;0.364767885176048467510412365300;0.032518501906257005207301347127;0.082417582417582416209889117908;0.026463332585781564748605987347;0.111011437542049784532594003394;0.045525902668759811453558228322;0.051805337519623233244470128511;0.050347611572101366728126947692;0.039582866113478359926247662770
-0.058355437665782494693900162019;0.047745358090185673061167648257;0.271441202475685261497062583658;0.191423519009725900952290089663;0.030503978779840849183679907242;0.044871794871794871972792151382;0.015915119363395225510204866737;0.141025641025641024217662788942;0.032272325375773652789135326202;0.091954022988505745850318362500;0.042882404951370467482973936058;0.031609195402298853605493889063
-0.061875693673695893182173932701;0.061875693673695893182173932701;0.151775804661487240254658104277;0.132075471698113205976099493455;0.046614872364039952601366678664;0.077691453940066587668944464440;0.045227524972253053958670676593;0.132075471698113205976099493455;0.065482796892341849082086469025;0.080188679245283014940248733637;0.088512763596004434552000361691;0.056603773584905661686583755454
-0.144999999999999990007992778374;0.065833333333333327042069527124;0.089166666666666671847707448251;0.110000000000000000555111512313;0.063333333333333338699411285688;0.078333333333333338144299773376;0.036666666666666666851703837438;0.041666666666666664353702032031;0.090833333333333335368742211813;0.095833333333333339809634310313;0.115000000000000004996003610813;0.068333333333333329262515576374
-0.013560606060606061190609850087;0.118181818181818179547271085994;0.084015151515151514916013297807;0.008787878787878787220644305478;0.023636363636363635909454217199;0.243181818181818193425058893808;0.049469696969696969057750379761;0.059166666666666666019036568969;0.041515151515151511862899980088;0.060227272727272726515757028665;0.216439393939393931454162611772;0.081818181818181817677171352443
-0.029407051282051281659857266959;0.135576923076923067101873243701;0.104046474358974364027297099256;0.001802884615384615484695585153;0.077363782051282053986440701010;0.095112179487179482340053482403;0.040024038461538458122390693461;0.027684294871794870585013370601;0.109495192307692307265298836683;0.078685897435897433904727904519;0.103685897435897442231400589208;0.197115384615384608979482550239
-0.076446280991735532372999273321;0.072830578512396687562713282205;0.072830578512396687562713282205;0.002582644628099173625401796528;0.172004132231404954778142268879;0.067665289256198343781356641102;0.018595041322314050102892935001;0.032024793388429749485535324993;0.188533057851239665980713766658;0.066115702479338844810285991116;0.083161157024793389003214372224;0.147210743801652887974285022210
-0.069458896982310100454149903726;0.132154006243496352501765045417;0.080905306971904261681416414831;0.015348595213319458918643789502;0.099895941727367321139041678180;0.087669094693028096210163369051;0.069719042663891783728757900462;0.093392299687825183762690528511;0.102237252861602498366089264437;0.055931321540062438335549899193;0.059573361082206031935637469132;0.133714880332986479904988641465
-0.015897435897435897855789477262;0.130769230769230776489919776395;0.049743589743589743112917034296;0.000000000000000000000000000000;0.102564102564102560544156972355;0.146153846153846161959322103030;0.028205128205128205537421948179;0.037435897435897438900731515332;0.127692307692307688293809064817;0.054871794871794873915682444476;0.086666666666666669627261399000;0.220000000000000001110223024625
-0.021089958939902949536238097039;0.083986562150055996123221291327;0.067375886524822695133885019914;0.339305711086226202688465036772;0.054497946995147442117435332420;0.078387458006718924163891415446;0.043486375513251213087428936888;0.050951847704367302094308200822;0.078014184397163122142160318617;0.041806644270250090111851193342;0.049645390070921988079355458012;0.091452034341172078191206651354
-0.102564102564102560544156972355;0.158305462653288736563084171394;0.128762541806020064383275780528;0.087513935340022303011053850241;0.045150501672240800354884981971;0.066889632107023408447155077283;0.075808249721293199940852503005;0.046822742474916384525229773317;0.079152731326644368281542085697;0.052396878483835007678237616346;0.047937569676700111931388903486;0.108695652173913040461350476562
-0.015151515151515151935690539631;0.166666666666666657414808128124;0.117171717171717176819711880853;0.153535353535353524812023806589;0.034343434343434342537193515454;0.081818181818181817677171352443;0.076767676767676762406011903295;0.029292929292929294204927970213;0.059595959595959598076309049475;0.038383838383838381203005951647;0.085858585858585856342983788636;0.141414141414141408814586498011
-0.026666666666666668378260496297;0.062500000000000000000000000000;0.049166666666666664076146275875;0.440000000000000002220446049250;0.029166666666666667129259593594;0.069166666666666667961926862063;0.014166666666666665949647629930;0.010833333333333333703407674875;0.059999999999999997779553950750;0.084166666666666667406815349750;0.122499999999999997779553950750;0.031666666666666669349705642844
-0.027151211361737676019956211348;0.077276524644945693287567678453;0.079782790309106094150948251809;0.293650793650793662248332793752;0.058061821219715953334983282730;0.070593149540517957651886149506;0.032581453634085211223947453618;0.060985797827903087675593951644;0.084377610693400162400479302960;0.055973266499582285948832804934;0.076023391812865492855877391776;0.083542188805346695446019111841
-0.069196428571428575393653659376;0.084821428571428575393653659376;0.155505952380952383595769106250;0.022321428571428571924206707422;0.072172619047619041010577234374;0.052827380952380952050528861719;0.052827380952380952050528861719;0.072172619047619041010577234374;0.109375000000000000000000000000;0.097470238095238095898942276563;0.079613095238095232808461787499;0.131696428571428575393653659376
-0.040305010893246187575478245435;0.032407407407407405608434913802;0.026484204793028320867875891054;0.566312636165577365510159779660;0.024101307189542484771260788534;0.030296840958605665561353958992;0.022943899782135075693378922779;0.102260348583878002415303853923;0.032407407407407405608434913802;0.045479302832244009047180099969;0.063861655773420483717117690503;0.013139978213507624849043509130
-0.153448275862068966857165719375;0.011206896551724137775507550430;0.014655172413793103244894489023;0.537068965517241370122292209999;0.008620689655172413673467346484;0.013793103448275861877547754375;0.005172413793103448204080407891;0.148275862068965508244744455624;0.025000000000000001387778780781;0.030172413793103449591859188672;0.050000000000000002775557561563;0.002586206896551724102040203945
-0.004375000000000000416333634234;0.140833333333333338144299773376;0.087916666666666670737484423626;0.037499999999999998612221219219;0.076874999999999998889776975375;0.105624999999999996669330926125;0.041250000000000001942890293094;0.056250000000000001387778780781;0.082083333333333327597181039437;0.056250000000000001387778780781;0.107499999999999998334665463062;0.203541666666666676288599546751
-0.015625000000000000000000000000;0.141458333333333324821623477874;0.120624999999999996114219413812;0.012291666666666666019036568969;0.059583333333333335368742211813;0.080000000000000001665334536938;0.038541666666666668517038374375;0.018749999999999999306110609609;0.096666666666666664631257788187;0.074374999999999996669330926125;0.116875000000000006661338147751;0.225208333333333343695414896501
-0.004336734693877550977925139364;0.073214285714285717854288293438;0.063520408163265304479772055402;0.328571428571428569842538536250;0.040816326530612241640927351227;0.073724489795918363155280417232;0.009438775510204082050402796256;0.048979591836734691356891602254;0.056632653061224488832969825580;0.090561224489795921765988850893;0.125510204081632659178779931608;0.084693877551020410598958676474
-0.053019717435180871434319271884;0.043393882937432078084061259915;0.097810898928737774471464661019;0.066526936811054190878955694188;0.052709206644930908791657486745;0.062645551932929671723471187761;0.020027945971122496776617438741;0.036795528644620399683073941333;0.140739015680794915530427147132;0.134839310666045653075428845113;0.138875950939295139674456436296;0.152616053407855917223301389640
-0.037475345167652857059081838997;0.080210387902695592932111878781;0.074950690335305714118163677995;0.026955950032873109839526293285;0.055226824457593685913092684814;0.071005917159763315416043383266;0.151216305062458922225943069861;0.071005917159763315416043383266;0.061143984220907297844060934722;0.054569362261669952796072635692;0.210387902695595013780049953311;0.105851413543721240007045025777
-0.013310185185185185313683220443;0.195891203703703692395876601040;0.165509259259259272623054926044;0.033564814814814818155763731511;0.030671296296296297195782543099;0.059606481481481482509465763542;0.153067129629629622433739655207;0.047164351851851853136832204427;0.048032407407407405608434913802;0.053819444444444447528397290625;0.085648148148148153802061699480;0.113715277777777776235801354687
-0.010921989435271901858204302016;0.027815346926276570543867805441;0.029780284277949320426159829367;0.685303799729502172155548578303;0.016893357491004668685663503425;0.045857044427999080205005100197;0.013805598795518922092262492640;0.007783193405976471940244110215;0.035113685661061065645949241798;0.043662439074182761433728927614;0.053691275167785233735084915452;0.029371985607471864238027237093
-0.069905598958333328707404064062;0.048177083333333335646297967969;0.073323567708333328707404064062;0.255452473958333314829616256247;0.055989583333333335646297967969;0.045898437500000000000000000000;0.016438802083333332176851016015;0.115966796875000000000000000000;0.084228515625000000000000000000;0.108398437500000000000000000000;0.046305338541666664353702032031;0.079915364583333328707404064062
-0.071428571428571424606346340624;0.019047619047619049337249919063;0.038095238095238098674499838125;0.308333333333333348136306995002;0.053571428571428568454759755468;0.034523809523809526056403740313;0.001190476190476190583578119941;0.178571428571428575393653659376;0.107142857142857136909519510937;0.103571428571428578169211220938;0.020238095238095239053466301016;0.064285714285714279370154144999
-0.032378580323785800809677226653;0.059028642590286423130763182598;0.022166874221668741995472373674;0.399003735990037355918502726126;0.031880448318804481544486151279;0.061270236612702366763016925688;0.022166874221668741995472373674;0.172602739726027409883357677245;0.037858032378580326604566863580;0.052801992528019925376980836518;0.066500622665006225986417121021;0.042341220423412206930180445852
-0.087239583333333328707404064062;0.026692708333333332176851016015;0.024088541666666667823148983985;0.542968750000000000000000000000;0.016276041666666667823148983985;0.041666666666666664353702032031;0.029947916666666667823148983985;0.123697916666666671292595935938;0.037109375000000000000000000000;0.020833333333333332176851016015;0.028645833333333332176851016015;0.020833333333333332176851016015
-0.021301775147928993930923624589;0.095147928994082836551271498138;0.062485207100591716455895152649;0.152189349112426042243129131748;0.099644970414201186614810978881;0.100591715976331361193096824991;0.031479289940828401872519037852;0.023431952662721893670960682243;0.124970414201183432911790305297;0.070295857988165677543435094776;0.055621301775147929946641056631;0.162840236686390527065526612205
-0.045402298850574715483041643438;0.070689655172413795591879193125;0.085057471264367814911544485312;0.200574712643678154666559976249;0.047126436781609194748288160781;0.045402298850574715483041643438;0.037356321839080462721138786719;0.053448275862068968244944500157;0.136206896551724132571337122499;0.090804597701149430966083286876;0.049425287356321838394546119844;0.138505747126436790095382889376
-0.028205128205128205537421948179;0.130256410256410243286850914046;0.183589743589743586982265810548;0.009230769230769231628586091176;0.073333333333333333703407674875;0.056410256410256411074843896358;0.073846153846153853028688729410;0.059999999999999997779553950750;0.086153846153846150301980344466;0.053846153846153849142908143222;0.068717948717948715287029415322;0.176410256410256399695057893950
-0.137957317073170743215726474773;0.083841463414634151418702856517;0.099847560975609761513283046952;0.064786585365853660567481142607;0.064786585365853660567481142607;0.079268292682926830283740571303;0.057926829268292685803931618693;0.067835365853658541324122666083;0.086128048780487798108396191310;0.042682926829268295898511809128;0.070121951219512201891603808690;0.144817073170731697162594286965
-0.122718052738336719231782012685;0.067951318458417855894460046784;0.039553752535496956854732530928;0.059837728194726165498185110891;0.052738336713995942472976707904;0.083164300202839755438155577849;0.014198782961460446050416805974;0.279918864097363107035221219121;0.056795131845841784201667223897;0.109533468559837726674643931801;0.099391480730223122352917641820;0.014198782961460446050416805974
-0.029938271604938272024698520113;0.096604938271604934296732380972;0.071913580246913577642686732361;0.125925925925925913384517684790;0.055864197530864197205335841545;0.110493827160493829353526962223;0.026543209876543211178656633820;0.029938271604938272024698520113;0.088271604938271602813770755347;0.066358024691358027946641584549;0.099074074074074078288809630521;0.199074074074074069962136945833
-0.013537535894981540113279905313;0.159715575003418569499658019595;0.111582114043484212362322693934;0.007657596061807739502846903434;0.035963352933132776423352794382;0.107206344865308361713474027965;0.026938329003145085327464158809;0.031587583754956925774504128412;0.102146861753042522691359295095;0.121427594694379872852785240411;0.111855599617120202160513997569;0.170381512375222199384694476976
-0.004767384514219956924419019373;0.168502383692257118319446362875;0.059016932434653952832537271433;0.001479533125102745327178466184;0.034358047016274866070073557012;0.203353608416899561683877095675;0.013151405556468848123685688734;0.018740752917968107188473325664;0.072661515699490378250580135955;0.069866842018740757391803697374;0.112608910077264506854888281850;0.241492684530659224018123154565
-0.086917562724014338360056797228;0.058325187357445421043600219946;0.061339198435972630552015516514;0.209595959595959585586300022442;0.061583577712609971488433302511;0.066471163245356790216789022452;0.046106223525578367283817016187;0.122352557836428801896211382427;0.087650700553926361169310155219;0.068589116976213754250935039636;0.070055392636037799869441755618;0.061013359400456171344195865913
-0.128264758497316638807816957524;0.064937388193202147390614697997;0.063506261180679784983382774044;0.235420393559928442517303892600;0.064132379248658319403908478762;0.063416815742397131261398612878;0.046779964221824683889838780715;0.037477638640429335181725178927;0.101252236135957060514378724747;0.077191413237924860757388501042;0.063953488372093025837727964245;0.053667262969588548637833724797
-0.089047619047619042120800258999;0.052857142857142859482255659032;0.062380952380952384150880618563;0.255238095238095263894706477004;0.070952380952380947332081007062;0.090952380952380951217861593250;0.037142857142857144125969171000;0.026666666666666668378260496297;0.101428571428571423496123315999;0.078095238095238092568273202687;0.068571428571428574838542147063;0.066666666666666665741480812812
-0.026424050632911390973367460333;0.134177215189873411116394663622;0.139873417721518983336537189643;0.058227848101265820834893105484;0.037341772151898731946229048617;0.110126582278481016663462810357;0.019462025316455695833628425362;0.018037974683544302778592793857;0.091139240506329113888916992892;0.075316455696202530556426779640;0.113607594936708855559714947958;0.176265822784810122225707118560
-0.113317191283292983960961919365;0.053995157384987890747396477309;0.136319612590799027485033434459;0.097094430992736083241290145907;0.017917675544794189890218660821;0.044552058111380146709912253300;0.026150121065375304257871746927;0.149878934624697340849408533359;0.088619854721549637388555709094;0.123728813559322040060983738385;0.065133171912832923955427588680;0.083292978208232448800174552161
-0.301111111111111107163651467999;0.016666666666666666435370203203;0.076666666666666660745477201999;0.141111111111111103832982394124;0.017777777777777777762358013547;0.014444444444444443781394582516;0.015555555555555555108382392859;0.156666666666666676288599546751;0.121111111111111113824989615750;0.105555555555555555247160270937;0.024444444444444445724284875610;0.008888888888888888881179006773
-0.081451612903225806272544673448;0.084677419354838703857701887046;0.070967741935483871773548969486;0.041935483870967744934876719753;0.165322580645161282264510305140;0.062096774193548386067131872323;0.023387096774193549125753222029;0.030645161290322579100697808485;0.175806451612903230641293816916;0.087903225806451615320646908458;0.055645161290322583957923541220;0.120161290322580646683370275696
-0.003887269193391642164298049877;0.191124068675089076041473390433;0.057013281503077418987945890194;0.005183025591188856508184645833;0.091998704243602208441288325957;0.128603822481373503139323588584;0.037900874635568515547134893495;0.010042112082928409538817859925;0.080336896663427276310542879401;0.049886621315192745951261343862;0.100421120829284088449284695344;0.243602202785876242874252284309
-0.025115664243225380158897053207;0.131857237276933242364762577381;0.098975545274289492003738644144;0.005122273628552544318115469224;0.066093853271645741642714710906;0.103106411103767350856408313575;0.043621943159286184765743854541;0.038003965631196297281224616427;0.113516192994051551279355294355;0.095009914077990753611402396928;0.106906807666886982666198946390;0.172670191672174483388246812865
-0.050847457627118647360831005244;0.056497175141242937657093392545;0.078719397363465157257955695513;0.321657250470809785714010331503;0.042184557438794727246555993361;0.060263653483992464521268317412;0.024105461393596986502396717356;0.034274952919020718056231089577;0.078719397363465157257955695513;0.095291902071563086562555611181;0.090395480225988700251349428072;0.067043314500941614264561962955
-0.015398550724637681888506968164;0.091032608695652175723189714063;0.045742753623188407707811364844;0.245621980676328510728723131251;0.043327294685990336287062518750;0.162288647342995168143531259375;0.023550724637681159923108253906;0.038949275362318840076891746094;0.053442028985507247784703110938;0.081370772946859903917982137500;0.142361111111111104943205418749;0.056914251207729471548901756250
-0.034637876743139901780654810182;0.126855600539811069760176565069;0.073774179037336934383617403910;0.143049932523616724067139216459;0.044984255510571301284183931557;0.088169140800719747463887188133;0.040935672514619880768549364802;0.071974808816914079279136728928;0.068825910931174086315742499664;0.059829059829059831610020836479;0.095816464237516871249589200943;0.151147098515519578976196157782
-0.035714285714285712303173170312;0.132936507936507936067371815625;0.093253968253968255730512737500;0.001984126984126984016842953906;0.091269841269841264774775879687;0.095238095238095232808461787499;0.062003968253968255730512737500;0.034226190476190479494711382813;0.112103174603174607359967751563;0.068452380952380958989422765626;0.077380952380952383595769106250;0.195436507936507936067371815625
-0.021683673469387754889625696819;0.139455782312925158361593958034;0.111607142857142863090480489063;0.002976190476190476025264430859;0.075255102040816326813832404241;0.096301020408163268138324042411;0.054846938775510202523921776674;0.017644557823129250473392914955;0.109268707482993193691456212946;0.090561224489795921765988850893;0.104166666666666671292595935938;0.176232993197278919872417191073
-0.022988505747126436462579590625;0.103448275862068964081608157812;0.090804597701149430966083286876;0.002298850574712643646257959062;0.056321839080459769333319997031;0.120689655172413798367436754688;0.019540229885057470993192652031;0.013793103448275861877547754375;0.159770114942528740353822058751;0.117241379310344825959155912187;0.098850574712643676789092239687;0.194252873563218381169903636874
-0.010344827586206896408160815781;0.129064039408866987335144926874;0.065517241379310350857245737188;0.099507389162561576956278486250;0.082266009852216742670449889374;0.111330049261083738332267500937;0.052216748768472903696746811875;0.018719211822660099253656795781;0.109359605911330051708496569063;0.079310344827586212734793491563;0.089655172413793102204060403437;0.152709359605911337842698571876
-0.016112266112266113160522706949;0.128898128898128905284181655588;0.047817047817047819702196420621;0.093555093555093560286906040346;0.053014553014553017495913422863;0.174116424116424112211731767275;0.040540540540540542790992617483;0.010395010395010395587434004483;0.082640332640332644920100335639;0.088877338877338882272560738329;0.135654885654885648538225950688;0.128378378378378371627022147550
-0.013111026904130351766752937692;0.112466843501326255183592195408;0.035695339143615008314913694676;0.145661235316407733364485466154;0.035998484274346341516004343930;0.240318302387267895836586717451;0.012428950359984843390681596986;0.005077680939749904844016104022;0.075483137552103063416808481634;0.050928381962864720244876792776;0.124213717317165586728755499735;0.148616900341038277177929671780
-0.012222222222222222862142437805;0.063888888888888883954564334999;0.028888888888888887562789165031;0.452222222222222247633993674754;0.030555555555555554553270880547;0.120555555555555554692048758625;0.017222222222222222098864108375;0.012222222222222222862142437805;0.046666666666666668794594130532;0.072222222222222215437525960624;0.083888888888888887840344921187;0.059444444444444445585506997531
-0.032916666666666663521034763562;0.144583333333333341474968847251;0.111666666666666664076146275875;0.059166666666666666019036568969;0.035000000000000003330669073875;0.118333333333333332038073137937;0.043749999999999997224442438437;0.074583333333333334813630699500;0.061249999999999998889776975375;0.091666666666666660190365689687;0.137916666666666659635254177374;0.089166666666666671847707448251
-0.126190476190476186246769429999;0.041991341991341989137165313650;0.124458874458874463320157133239;0.139610389610389601378059865056;0.020129870129870129635829556491;0.026190476190476191103995162734;0.048268398268398265971157456988;0.141991341991342001627174340683;0.087445887445887451883130836450;0.139177489177489177585300694773;0.060389610389610388907488669474;0.044155844155844156673218492415
-0.080387931034482759673487350938;0.055603448275862069061226122813;0.104956896551724132571337122499;0.257543103448275856326432631249;0.025646551724137930244884486797;0.039224137931034484816361640469;0.050215517241379313551075114219;0.088577586206896555265366544063;0.085344827586206900571497158126;0.090948275862068966857165719375;0.066810344827586201632563245312;0.054741379310344825959155912187
-0.062925170068027211356387340402;0.076955782312925172239381765849;0.113520408163265307255329616964;0.120323129251700675079739255580;0.111819727891156461829780255357;0.049107142857142856151586585156;0.052933673469387758359072648773;0.053996598639455779811147095870;0.130314625850340148893735658930;0.055697278911564625236696457478;0.042729591836734692744670383036;0.129676870748299311042472936606
-0.049180327868852458106374569979;0.126047358834244088710008213639;0.085974499089253184069825408642;0.001821493624772313295323566962;0.133697632058287801948281980913;0.074316939890710378979754580087;0.056830601092896178283542241161;0.042987249544626592034912704321;0.155555555555555558022717832500;0.049544626593806921632801021360;0.065209471766848811635775007289;0.158834244080145708943874183205
-0.028445512820512820068019621544;0.128205128205128193741302311537;0.108573717948717951564674422116;0.001602564102564102508502452693;0.118589743589743584761819761297;0.076522435897435903129348844232;0.078926282051282048435325577884;0.045272435897435896190454940324;0.145032051282051294149866293992;0.051282051282051280272078486178;0.057692307692307695510258724880;0.159855769230769217958965100479
-0.063425925925925927262305492604;0.133333333333333331482961625625;0.077314814814814808441312266041;0.020833333333333332176851016015;0.154629629629629616882624532082;0.090740740740740746805848004897;0.071759259259259258745267118229;0.015277777777777777276635440273;0.132407407407407418098443940835;0.040277777777777780399137697032;0.055555555555555552471602709375;0.144444444444444430875051921248
-0.045289677482599745295122062316;0.078423683952553668863316715942;0.180668561905695523872594776549;0.004509361827271836029029650206;0.045289677482599745295122062316;0.059111851779237327420002401368;0.078619743162435057337589228155;0.103813351632192921170094734862;0.097833545730810711482661190530;0.098813841780217626098448135963;0.090579354965199490590244124633;0.117047348299186351749945345091
-0.076164383561643830833354229526;0.101917808219178077089317469017;0.160273972602739733783749898066;0.012054794520547945646526954988;0.032602739726027396560681381743;0.065205479452054793121362763486;0.069863013698630141434797735656;0.087945205479452059904588168138;0.114246575342465753188925248196;0.092328767123287677764942316117;0.096986301369863012200589480472;0.090410958904109592348952162411
-0.096875000000000002775557561563;0.093359374999999994448884876874;0.124218750000000002775557561563;0.051562499999999997224442438437;0.094531249999999997224442438437;0.071484375000000002775557561563;0.040234375000000002775557561563;0.080859374999999997224442438437;0.123046875000000000000000000000;0.062109375000000001387778780781;0.056250000000000001387778780781;0.105468750000000000000000000000
-0.115916955017301037678123520891;0.067474048442906581213307504186;0.079584775086505188390617604455;0.072664359861591698575011832872;0.169550173010380611504643866283;0.058823529411764705066012481893;0.044117647058823532268956313374;0.078719723183391002163666883007;0.150519031141868514511727994432;0.051038062283737022084562084956;0.036332179930795849287505916436;0.075259515570934257255863997216
-0.018103448275862070449004903594;0.112068965517241381224522456250;0.183620689655172419918471860001;0.000000000000000000000000000000;0.083620689655172414367356736875;0.079310344827586212734793491563;0.127586206896551729306210631876;0.168103448275862071836783684375;0.063793103448275864653105315938;0.025862068965517241020402039453;0.042241379310344828734713473750;0.095689655172413790040764070000
-0.026113671274961596652230966242;0.133640552995391709290018411593;0.088325652841781870927562181350;0.009216589861751152065738601493;0.105990783410138247888632179183;0.104454685099846386608923864969;0.128264208909370208688827119659;0.098310291858678955367878415927;0.083717357910906300966225046523;0.058371735791090631484401285434;0.056835637480798770204692971220;0.106758832565284178528486336290
-0.052823315118397086431745179880;0.093806921675774132540759353560;0.080510018214936251990110349652;0.090346083788706746386942825211;0.154280510018214939149672204621;0.067030965391621136206801168100;0.048816029143897994579948118599;0.021129326047358835960476852733;0.122586520947176688678403877475;0.061384335154826955016638123652;0.085610200364298727482292861168;0.121675774134790526392890797069
-0.079487179487179482340053482403;0.111111111111111104943205418749;0.197435897435897428353612781393;0.039316239316239315337853099663;0.027350427350427350403627713149;0.043589743589743587537377322860;0.054700854700854700807255426298;0.045299145299145297804965792920;0.107692307692307698285816286443;0.110256410256410253278858135673;0.110256410256410253278858135673;0.073504273504273506811834693053
-0.028604118993135013021555934642;0.081235697940503434621994927056;0.063501144164759729116020992024;0.351258581235697919797900112826;0.057208237986270026043111869285;0.067505720823798631702317152303;0.025171624713958808822189539001;0.015446224256292906754084448551;0.078375286041189928809558296052;0.068649885583524028476176681579;0.072082379862700232675543077221;0.090961098398169334955376541529
-0.014268727705112961220978995414;0.187871581450653996059330097523;0.102259215219976218325115269181;0.001189060642092746623854626620;0.082045184304399526586948354634;0.130796670630202144236520211962;0.051129607609988109162557634590;0.011890606420927467973269742174;0.083234244946492272343441243265;0.049940546967895363406064745959;0.117717003567181927037310629203;0.167657550535077276565587567347
-0.068965517241379309387738771875;0.112960760998810944011339074677;0.107015457788347201351086823706;0.040428061831153390415227733001;0.049940546967895363406064745959;0.145065398335315093314434875538;0.055885850178359099127423093023;0.043995243757431627684706398895;0.095124851367419743786157937393;0.086801426872770509612919909159;0.101070154577883472568622380550;0.092746730083234238395384352316
-0.006383838383838384006319088826;0.047595959595959594357061916980;0.055434343434343433254518629383;0.528646464646464697700878332398;0.011555555555555555025115666012;0.052040404040404039665013158356;0.036606060606060607243161797442;0.014141414141414142269237430583;0.033777777777777774625977968981;0.082747474747474750178533042799;0.098505050505050498199643982389;0.032565656565656568577349361249
-0.000154213894671909930054673477;0.138021435731359387588668141689;0.048731590716323540390941815303;0.217287377592721098196193452168;0.060760274500732514013634499861;0.101935384378132473659483991923;0.016886421466574139116367803126;0.001850566736062919269076298967;0.072172102706453855613943915159;0.122754260158840305949823346054;0.116123062687948183646646782563;0.103323309430179657852910679594
-0.018200349446709375433872679650;0.063628421665695975018017804814;0.144583576004659292157938921264;0.200203843913803136711493380062;0.013541059988351776544046600748;0.027810133954571929215671133306;0.069452533488642984038641259303;0.045428072218986606523039029071;0.082847990681421082581614712126;0.104979615608619680777735538868;0.116773442050087356003373884050;0.112550960978450784177873345016
-0.053714684339030344117915660718;0.081269619811649804197450919219;0.114405301709103596197181218486;0.110568538542029998206217555889;0.048831531217300314096085855908;0.060690617370073245140371653861;0.042901988140913845104496004979;0.097314265783048484181882997746;0.081269619811649804197450919219;0.131496337635158694334691631411;0.115102895012207884217758646628;0.062434600627833972130709128123
-0.009523809523809524668624959531;0.078095238095238092568273202687;0.095238095238095232808461787499;0.327619047619047643049583484753;0.027619047619047619457344211469;0.043809523809523812087896033063;0.027619047619047619457344211469;0.118095238095238100339834375063;0.048571428571428570952761560875;0.077142857142857138019742535562;0.085714285714285715078730731875;0.060952380952380952328084617875
-0.065229110512129373500300744126;0.066846361185983832475798749329;0.057142857142857141072855853281;0.216172506738544462079332220128;0.093261455525606468119903524894;0.084097035040431269981020534487;0.026954177897574125438717729253;0.067924528301886791248342944982;0.089487870619946091599317128384;0.061455525606469003918608251524;0.060377358490566038207170151964;0.111051212938005391950291311787
-0.022623697916666667823148983985;0.133951822916666657414808128124;0.101888020833333328707404064062;0.094726562500000000000000000000;0.050292968750000000000000000000;0.100179036458333328707404064062;0.032877604166666664353702032031;0.054443359375000000000000000000;0.077718098958333328707404064062;0.079833984375000000000000000000;0.089111328125000000000000000000;0.162353515625000000000000000000
-0.004458431681091004454564608039;0.090698487630037585849329673238;0.013375295043273014231055562107;0.018358248098610020077048332610;0.019188740274499519605777564379;0.427178949208846914231685332197;0.020631174053676020613279362692;0.011320919660809511744781197251;0.028193023865722529469612922526;0.025308156307369523985162373947;0.275810822624355300725085271552;0.065477751551709068023043869289
-0.001269841269841269840168429539;0.168253968253968266832742983752;0.077142857142857138019742535562;0.002222222222222222220294751693;0.010793650793650794508793389070;0.324444444444444424213713773497;0.029523809523809525084958593766;0.011111111111111111535154627461;0.021904761904761906043948016531;0.032698412698412698818017929625;0.224444444444444446418174266000;0.096190476190476187356992454625
-0.005555555555555555767577313730;0.086666666666666669627261399000;0.050000000000000002775557561563;0.495555555555555582447624374254;0.023333333333333334397297065266;0.107777777777777777901135891625;0.013333333333333334189130248149;0.011111111111111111535154627461;0.025555555555555557051272685953;0.047777777777777780121581940875;0.083333333333333328707404064062;0.050000000000000002775557561563
-0.012038073908174691528660815720;0.052031674932010878176225077141;0.037394016957286835278750913858;0.510518317069268867669507017126;0.041193409054551273495992091966;0.084226523756199003778455391966;0.016277395616701328950881588753;0.010198368261078227803295703779;0.051951687729963204331884440990;0.052391617341225403536864035914;0.066549352103663417246082190104;0.065229563269876819631143405331
-0.027108433734939759579551932234;0.082483781278961998406629163583;0.099745134383688593970873625949;0.208989805375347531546381674161;0.053290083410565340649167609399;0.065222428174235402842384701216;0.047729379054680262650656175083;0.069856348470806295392065976557;0.069508804448563485389733784814;0.046686746987951804888083984224;0.082947173308619087661597291117;0.146431881371640398858957610173
-0.072571428571428564513468018049;0.048571428571428570952761560875;0.027428571428571427159859297262;0.289714285714285701978099041298;0.075999999999999998112620858137;0.114285714285714282145711706562;0.021142857142857143792902263613;0.029142857142857143959435717306;0.096571428571428571951962283038;0.050285714285714287752337980919;0.056000000000000001165734175856;0.118285714285714285698425385362
-0.095947265625000000000000000000;0.035481770833333335646297967969;0.033121744791666664353702032031;0.532145182291666629659232512495;0.014160156250000000000000000000;0.039306640625000000000000000000;0.017171223958333332176851016015;0.080159505208333328707404064062;0.029215494791666667823148983985;0.042480468750000000000000000000;0.058024088541666664353702032031;0.022786458333333332176851016015
-0.001538461538461538460204058865;0.056923076923076923461231046986;0.045641025641025644021819829277;0.580512820512820493235039975843;0.023076923076923078204103489952;0.063589743589743591423157909048;0.021538461538461537575495086116;0.029230769230769230310196249434;0.026153846153846152522426393716;0.042051282051282050378215870978;0.067179487179487185066761867347;0.042564102564102562764603021606
-0.045745309896253291692680420510;0.059829059829059831610020836479;0.090630543460732140848001847644;0.330323066172122759009965875521;0.036822017954093427816175676526;0.052894694404128368703243978644;0.030156426382841477334961766132;0.056926302209321079372816853947;0.071601354620222545932506363897;0.071063806912863514142486565106;0.069397409020050523920097873543;0.084610009138311029208701086191
-0.019935344827586208571457149219;0.045258620689655172653065307031;0.044181034482758618775477543750;0.655172413793103425305730524997;0.024784482758620690612261228125;0.028017241379310345306130614063;0.026939655172413791428542850781;0.016163793103448276938793881641;0.028556034482758622244924495703;0.036099137931034482040804078906;0.045797413793103446122412236718;0.029094827586206895714271425391
-0.052381859756097562397236799825;0.044169207317073168328480647915;0.070217225609756100945801904345;0.370445884146341442022531964540;0.026086128048780486687885371566;0.042663871951219511924335847652;0.037995426829268291735175466783;0.199123475609756100945801904345;0.039157774390243899054198095655;0.038262195121951218801381600088;0.052172256097560973375770743132;0.027324695121951219495270990478
-0.044099378881987574829715015312;0.096273291925465839802278367188;0.193788819875776396894906383750;0.120496894409937882475247761249;0.019875776397515528687298669297;0.046583850931677016349308217968;0.064596273291925465631635461250;0.165217391304347815950137601249;0.044720496894409940413783743907;0.081366459627329190684719151250;0.062111801242236024112042258594;0.060869565217391306821692609219
-0.011111111111111111535154627461;0.167094017094017083246981769662;0.091025641025641021442105227379;0.062820512820512819374130231154;0.044017094017094020308444868306;0.098717948717948714176806390697;0.069230769230769234612310469856;0.130769230769230776489919776395;0.055982905982905985242670254820;0.064102564102564096870651155768;0.091880341880341886984240318270;0.113247863247863247981861434255
-0.000000000000000000000000000000;0.091133004926108374110782506250;0.068965517241379309387738771875;0.115763546798029554052433809375;0.032019704433497539475261817188;0.077586206896551726530653070313;0.024630541871921183411098255078;0.310344827586206906122612281251;0.038177339901477834460674642969;0.083743842364532014577171992187;0.098522167487684733644393020313;0.059113300492610834635520689062
-0.057222222222222222931531376844;0.157222222222222235421540403877;0.080000000000000001665334536938;0.035555555555555555524716027094;0.070000000000000006661338147751;0.110555555555555559688052369438;0.047222222222222220988641083750;0.089444444444444437536390068999;0.081111111111111106053428443374;0.046111111111111109661653273406;0.082222222222222224319310157625;0.143333333333333340364745822626
-0.013527575442247658649153052579;0.161290322580645156813616836189;0.109261186264308016169444215393;0.000000000000000000000000000000;0.088449531737773146033987359260;0.103017689906347548189913254646;0.099895941727367321139041678180;0.034339229968782518376269052851;0.075962539021852237830501053395;0.066597294484911556677886323996;0.084287200832466185884683795848;0.163371488033298650766056425709
-0.013115389585217728310451157370;0.045613128311151308891258082667;0.034500581470474224465849744092;0.542318128957229639297565881861;0.054981263729163974696145800181;0.040767541025972346691030878674;0.017896369039927639832399108855;0.005362449928931386708419459808;0.053430675797906702906292508715;0.074105181548003620783937606120;0.100012921566093815339826278432;0.017896369039927639832399108855
-0.030230978260869564161472666797;0.084239130434782608092270095312;0.088994565217391310985028951563;0.390964673913043458952643049997;0.064198369565217391907729904688;0.040421195652173912138405142969;0.029891304347826087861594857031;0.028192934782608695953864952344;0.058763586956521736415215428906;0.042798913043478263584784571094;0.041100543478260871677054666407;0.100203804347826080922700953124
-0.079569892473118283837685282833;0.097849462365591402535081044789;0.134408602150537626052084760886;0.019354838709677420205412801124;0.100000000000000005551115123126;0.037634408602150538902808563080;0.075268817204301077805617126160;0.106451612903225800721429550322;0.116129032258064521232476806745;0.094623655913978491072136023377;0.056989247311827959108221364204;0.081720430107526886853719361170
-0.059929078014184400391428653165;0.078368794326241136838362422168;0.070567375886524827399703951869;0.065248226950354606956672398610;0.106382978723404256204965179222;0.089007092198581563846637720872;0.025177304964539008735879832557;0.074822695035460989876341386662;0.144326241134751759309651220065;0.058510638297872341606620238963;0.073758865248226945787735076010;0.153900709219858156107108015931
-0.005797101449275362389235155547;0.181739130434782597545151361373;0.089275362318840575936995662687;0.009275362318840579475831553680;0.029275362318840578157441711937;0.144927536231884063200325840626;0.024637681159420291021611149063;0.011304347826086956832480900914;0.081159420289855066510398273749;0.085217391304347828162590872125;0.144347826086956509961112260498;0.193043478260869566520696594125
-0.006575185820468839453800669048;0.077520487897846393487988336801;0.053459119496855347919428425030;0.312702496664760798417148635053;0.048313321898227561124183893071;0.107442348008385743507453469192;0.009052792071659996123167424287;0.058557270821421765483183463630;0.053792643415284925600960974634;0.107156470364017528118516509039;0.123356203544882789269188094750;0.042071659996188295882468821674
-0.064461004034065447210188892768;0.035382115643209324784557168186;0.044710891976692063165543800096;0.385673464813984734345098104313;0.046475795607350961491377461243;0.028630658897355446695920377920;0.024484536082474226553751250890;0.202095472882115656521051505479;0.047036082474226803551431430606;0.045187135813536533079926016399;0.059390407888839084893373154728;0.016472433886149707299439981512
-0.349999999999999977795539507497;0.033750000000000002220446049250;0.040625000000000001387778780781;0.237499999999999988897769753748;0.039375000000000000277555756156;0.044374999999999997779553950750;0.036874999999999998057109706906;0.054374999999999999722444243844;0.051249999999999996946886682281;0.041250000000000001942890293094;0.055000000000000000277555756156;0.015625000000000000000000000000
-0.013717228464419474812108212802;0.141994382022471915538730513617;0.142415730337078660916461103625;0.009597378277153557207812539787;0.033333333333333332870740406406;0.076966292134831457150134781386;0.023174157303370787608365333199;0.017883895131086142288312501591;0.081086142322097376489153930379;0.103558052434456926427230882837;0.115074906367041193688827149799;0.241198501872659176736846120548
-0.010084033613445378754769343743;0.146218487394957991076793746288;0.128291316526610632564597835881;0.014565826330532213178647893415;0.043137254901960783715075820055;0.107002801120448173821664283878;0.026330532212885154191850389793;0.014005602240896359092503509203;0.077871148459383754403262400956;0.098599439775910360794775044724;0.113165266106442577442869890092;0.220728291316526603615955082205
-0.077779860655481619646778312926;0.060033742618802135582178891582;0.078295372887180927912176287009;0.207548348798700293960095564216;0.048348798700284315033037785270;0.067032211703689822956953037192;0.026462961227231542732374336424;0.106648545630643298842699095985;0.086496703846033681784000179960;0.122832505389446053345459120010;0.056612615990252135311777692550;0.061908332552254197178598360551
-0.027253668763102725097757783601;0.026205450733752619352223689475;0.051886792452830191035850759818;0.618972746331236889361093744810;0.034067085953878403770112015536;0.015723270440251572305223604076;0.028301886792452830843291877727;0.053983228511530395588025044162;0.051362683438155136428360236778;0.039308176100628929028335534213;0.022536687631027254447024787964;0.030398322851153038864913114026
-0.056190476190476193463219090063;0.074285714285714288251938342000;0.191428571428571420165454242124;0.004761904761904762334312479766;0.080000000000000001665334536938;0.037142857142857144125969171000;0.054285714285714284366157755812;0.154285714285714276039485071124;0.105714285714285718964511318063;0.080000000000000001665334536938;0.062857142857142861425145952126;0.099047619047619051002584456000
-0.065714285714285711192950145687;0.066349206349206352184566526375;0.098412698412698410010968075312;0.091428571428571428492126926812;0.047777777777777780121581940875;0.058253968253968252399843663625;0.064126984126984129530590905688;0.233809523809523800430554274499;0.084761904761904760530200064750;0.074444444444444438091501581312;0.065396825396825397636035859250;0.049523809523809525501292228000
-0.026349206349206347882452305953;0.070000000000000006661338147751;0.190634920634920629334274622124;0.024126984126984128697923637219;0.020476190476190477690598967797;0.052063492063492061712182135125;0.063809523809523815973676619251;0.264761904761904753868861916999;0.063333333333333338699411285688;0.081746031746031747045044824063;0.097142857142857141905523121750;0.045555555555555557467606320188
-0.024594907407407409077881865755;0.074652777777777776235801354687;0.153935185185185174905342364582;0.021122685185185185313683220443;0.036747685185185181844236268489;0.092013888888888895056794581251;0.016782407407407409077881865755;0.097222222222222223764198645313;0.101562500000000000000000000000;0.105902777777777776235801354687;0.123553240740740741254732881771;0.151909722222222209886410837498
-0.016826923076923076122435318780;0.106570512820512816598572669591;0.023237179487179487891168605529;0.015224358974358974047613735081;0.068108974358974352925066853004;0.259615384615384636735058165868;0.009615384615384615918376454147;0.000000000000000000000000000000;0.150641025641025633197145339182;0.053685897435897432516949123738;0.138621794871794878911686055289;0.157852564102564096870651155768
-0.013671875000000000000000000000;0.037464488636363639517679047231;0.033913352272727272096464190554;0.636186079545454585826291804551;0.025923295454545455807071618892;0.047230113636363639517679047231;0.016512784090909091855303714169;0.032492897727272727903535809446;0.032433712121212120160773650923;0.052734375000000000000000000000;0.052971117424242424032154730185;0.018465909090909091855303714169
-0.047986111111111111326987810344;0.017291666666666666990481715516;0.015694444444444444891617607141;0.726736111111111138249896157504;0.018749999999999999306110609609;0.023750000000000000277555756156;0.018819444444444444197728216750;0.038194444444444447528397290625;0.015694444444444444891617607141;0.033194444444444443087505192125;0.039583333333333331482961625625;0.004305555555555555524716027094
-0.061147186147186144422605025284;0.031926406926406927788697487358;0.022727272727272727903535809446;0.648809523809523835957691062504;0.011904761904761904101057723437;0.041666666666666664353702032031;0.008116883116883116117135088530;0.025432900432900432119431854971;0.026515151515151515887458444354;0.034632034632034632004593532884;0.040584415584415584055122394602;0.046536796536796536105651256321
-0.127192982456140357694351905593;0.084210526315789471785144826299;0.048245614035087716620076037088;0.201754385964912269502136155097;0.028947368421052631359824403035;0.108771929824561408572947129869;0.014035087719298245875765296375;0.105263157894736836261984080920;0.042105263157894735892572413150;0.033333333333333332870740406406;0.100000000000000005551115123126;0.106140350877192979339724843157
-0.074827734711455637373056504202;0.056847545219638244418103312228;0.040374677002583979346095333085;0.367248062015503862198784190696;0.063738156761412576023495546451;0.063415159345391908241040823668;0.026378122308354866321078446845;0.074504737295434969590601781420;0.061369509043927648883620662446;0.068260120585701980489012896669;0.062338501291989666108772638609;0.040697674418604654067443959775
-0.012463343108504398165647941710;0.185239491691104596338135479527;0.069305962854349950630350463143;0.038318670576735096300335925434;0.066422287390029324805063026815;0.116520039100684258404072579651;0.037047898338220919267627095905;0.008553274682306939713516413804;0.081378299120234601216061776086;0.039736070381231669568222741873;0.087634408602150534739472220735;0.257380254154447707382047383362
-0.016260162601626017980782634709;0.098238482384823841431220614595;0.094850948509485097370763639901;0.027100271002710028811488740530;0.101626016260162599369465397103;0.130758807588075870453891980105;0.026422764227642277917729174419;0.017615176151761516298854814977;0.103658536585365848581297143483;0.063685636856368563196717502706;0.082655826558265588221985353812;0.237127371273712750365803003660
-0.010208209399167162204080661070;0.154146341463414632277917348802;0.039595478881618087485527723857;0.155240928019036300566924069244;0.023985722784057108419863979520;0.217846519928613924221849629248;0.013515764425936941522943257610;0.016014277215942892412803288948;0.045877453896490186235901376222;0.049208804283164785109416783371;0.130279595478881626835487850258;0.144080904223676392605923979318
-0.044230769230769233224531689075;0.062087912087912089376118274231;0.061881868131868134064177411346;0.342032967032967039067159475962;0.032417582417582420373225460253;0.093818681318681318437313620962;0.035027472527472527930036960697;0.045054945054945054472295140613;0.051167582417582416209889117908;0.088049450549450555825181652381;0.118543956043956039136944013990;0.025686813186813185760914990396
-0.109016393442622955278764607101;0.084836065573770491621274913996;0.075409836065573776497927838136;0.279098360655737731672587642606;0.054098360655737705304790807759;0.041393442622950818443605669472;0.045081967213114755577141323784;0.033606557377049178780836768965;0.056557377049180325434551974695;0.047950819672131148041493986511;0.067622950819672136835158937629;0.105327868852459011206335048882
-0.073484848484848486194209726818;0.134090909090909093936971885341;0.128030303030303022060465423237;0.028030303030303030387138107926;0.056818181818181816289392571662;0.082575757575757580131181612160;0.100757575757575754127337575028;0.021969696969696968918972501683;0.085606060606060602191647035397;0.049242424242424240321547301846;0.079545454545454544192928381108;0.159848484848484850839867021932
-0.066666666666666665741480812812;0.029378531073446328275577954514;0.030508474576271187722609212756;0.524011299435028221616050814191;0.033615819209039547732498220967;0.026836158192090394519757623470;0.016949152542372881297128017763;0.072316384180790962976637104020;0.041807909604519771784580939311;0.064971751412429376570933925450;0.080508474576271180089825918458;0.012429378531073446978449936751
-0.015066964285714285962103353711;0.152529761904761917978845531252;0.073102678571428575393653659376;0.141741071428571424606346340624;0.070126488095238095898942276563;0.113653273809523808202115446875;0.032552083333333335646297967969;0.025297619047619047949471138281;0.068824404761904767191538212501;0.035714285714285712303173170312;0.081659226190476191797884553125;0.189732142857142849212692681249
-0.006189213085764810017008752396;0.211317418213969931972684435095;0.116710875331564989387800324039;0.005305039787798408214281042916;0.030061892130857647414954314513;0.104332449160035367619059343269;0.085764809902740934965947872115;0.040671971706454465578239876322;0.068965517241379309387738771875;0.049513704686118480136070019171;0.076923076923076927347011633174;0.204244031830238731428650567068
-0.043994601889338728895051389145;0.033648223121907329391522267770;0.049932523616734142413164931895;0.564012595591542931217077239126;0.040395861448493025624983943089;0.020962663067926226578840953607;0.027350427350427350403627713149;0.066216824111560948495913692113;0.039676113360323887746528015441;0.055690508322087266257494064803;0.039136302294197032602962593728;0.018983355825461088739469772690
-0.007211538461538461938782340610;0.192788461538461547428724429665;0.082451923076923075428545928389;0.255048076923076905142551140671;0.011057692307692308306132922269;0.082692307692307689959143601754;0.058894230769230768163247091707;0.089903846153846153632649418341;0.016346153846153847061239972049;0.033894230769230766775468310925;0.072115384615384608979482550239;0.097596153846153846367350581659
-0.003333333333333333547282562037;0.255833333333333357018091192003;0.130833333333333329262515576374;0.004166666666666666608842550801;0.020000000000000000416333634234;0.121666666666666672957930472876;0.086666666666666669627261399000;0.059166666666666666019036568969;0.031666666666666669349705642844;0.054166666666666668517038374375;0.085833333333333330927850113312;0.146666666666666667406815349750
-0.051583605030274801150902419522;0.071145784816022350494080228600;0.062529110386585928793579114426;0.127154168607359119302913086358;0.048090358639962735298745144519;0.037494177922682815629062957896;0.058802980903586397898319404476;0.355146716348393121087667623215;0.052980903586399626103986548742;0.040754541220307402560329990138;0.046110852352119237329564072070;0.048206800186306471289743313946
-0.079800194931773885120840361651;0.036306042884990251395915805688;0.037402534113060430243091758484;0.195419103313840158975267513597;0.045321637426900582279465368174;0.027168615984405456581507465330;0.060307017543859649244541998314;0.383893762183235842666562120939;0.048854775828460039743816878399;0.027899610136452240166660132559;0.027290448343079920512366243202;0.030336257309941518783835689987
-0.103749999999999995003996389187;0.032500000000000001110223024625;0.102083333333333331482961625625;0.084791666666666667961926862063;0.044374999999999997779553950750;0.041250000000000001942890293094;0.016041666666666665880258690891;0.095416666666666663521034763562;0.146875000000000005551115123126;0.131250000000000005551115123126;0.098333333333333328152292551749;0.103333333333333332593184650250
-0.060021967898522481099643499647;0.049782092619494740237673369165;0.033447897105197889333627614405;0.377741558303511304472976917168;0.034439995748148675980271349317;0.085851964709633993289017439565;0.020196293802926690991172975487;0.121071466534386842917037085954;0.059844807426566982988536125276;0.042589377458101547457847146916;0.057577153385536622431928321930;0.057435425007972218391927299308
-0.150892857142857134133961949374;0.007142857142857142634106981660;0.001785714285714285658526745415;0.715178571428571441259691710002;0.041071428571428571230317317031;0.010714285714285714384841341484;0.006250000000000000346944695195;0.032142857142857139685077072500;0.015178571428571428422737987773;0.010714285714285714384841341484;0.008928571428571428075793292578;0.000000000000000000000000000000
-0.057142857142857141072855853281;0.033928571428571425994125121406;0.033928571428571425994125121406;0.091071428571428567066980974687;0.143749999999999988897769753748;0.083035714285714282145711706562;0.049107142857142856151586585156;0.016071428571428569842538536250;0.225000000000000005551115123126;0.047321428571428569842538536250;0.041071428571428571230317317031;0.178571428571428575393653659376
-0.055000000000000000277555756156;0.080833333333333326486958014812;0.062500000000000000000000000000;0.260000000000000008881784197001;0.047500000000000000555111512313;0.095000000000000001110223024625;0.029999999999999998889776975375;0.013333333333333334189130248149;0.067500000000000004440892098501;0.082500000000000003885780586188;0.108333333333333337034076748751;0.097500000000000003330669073875
-0.018276845106113399214153858452;0.108932530883750391947906166479;0.220462464364903382163518585912;0.004751346214760848903069234694;0.067785872663921442615730938996;0.042255305669939818846714274514;0.077858726639214448361769882467;0.118910357934748175945394166320;0.093221412733607858513984467663;0.051409566043712384697528250399;0.062781121317706689577420320347;0.133354450427621146202383783930
-0.091479252454862214349873283936;0.034621476084890717705988549824;0.202090592334494778548048543598;0.036712068419385492090700751078;0.026670890085524232709923708740;0.019227114349065568127405967402;0.039087741526765917843277975408;0.106303452644916057723278868252;0.120209059233449475079247292797;0.166012036743744068045813833123;0.075926512511878360700556811480;0.081659803611023124014778318269
-0.007177615571776155972694155594;0.104562043795620437935944835317;0.041180048661800486287098976845;0.301581508515815110982316582522;0.017214111922141117627660378275;0.174391727493917264579792458790;0.004866180048661800615350525590;0.012652068126520681773383714130;0.046350364963503649928799887903;0.050608272506082727093534856522;0.122566909975669102728090820165;0.116849148418491477485758878174
-0.004166666666666666608842550801;0.065333333333333326597980317274;0.019833333333333334758119548269;0.421666666666666689611275842253;0.049166666666666664076146275875;0.123166666666666660412410294612;0.013166666666666666796192686206;0.004499999999999999659994198709;0.074666666666666672846908170413;0.026166666666666667934171286447;0.059166666666666666019036568969;0.139000000000000012434497875802
-0.051650572647653270053069718415;0.073882775656860549817750438706;0.071861666292387160748234009588;0.227711655064001788906224987841;0.062878958005838758715810854483;0.086683134965192004672829284573;0.016842578037278239933005608009;0.017067145744441947902148015714;0.100830900516505728159444288394;0.080844374578935548902869356880;0.071861666292387160748234009588;0.137884572198517851848720283670
-0.031954887218045111008102310279;0.068421052631578951896962337287;0.109022556390977437557054940953;0.276315789473684236821071635859;0.042857142857142857539365365938;0.045488721804511279833693748742;0.042857142857142857539365365938;0.103383458646616535614448650904;0.062406015037593985661512618890;0.079323308270676698428225392945;0.058270676691729320073598330509;0.079699248120300755782174917385
-0.051209103840682786146221161516;0.068100995732574678975801418801;0.066322901849217644199008248052;0.282539118065433858539847733482;0.071301564722617352676259372402;0.082859174964438120358778405716;0.035917496443812230166869881032;0.079480796586059748731756258167;0.075924608819345665300382108853;0.069345661450924606095114199888;0.068990042674253196364198004176;0.048008534850640112445763207916
-0.006746031746031746351155433672;0.109126984126984127865256368750;0.036904761904761905488836504219;0.306349206349206371058357945003;0.043650793650793648370544985937;0.130158730158730168158243145626;0.055158730158730157056012899375;0.020238095238095239053466301016;0.057142857142857141072855853281;0.042063492063492066708185745938;0.099206349206349200842147695312;0.093253968253968255730512737500
-0.083445793972109758018795844237;0.047458389563652718379227479772;0.032163742690058477746717358059;0.360548807917228986141822133504;0.061403508771929821152824047203;0.067926225820962665702396066081;0.049482681061628432106491715103;0.099190283400809722835766990556;0.072199730094466937901920289278;0.044534412955465584038616810858;0.048133153396311294247578160821;0.033513270355375615605630912341
-0.044596354166666664353702032031;0.144205729166666657414808128124;0.059570312500000000000000000000;0.207031250000000000000000000000;0.035807291666666664353702032031;0.111002604166666671292595935938;0.065104166666666671292595935938;0.075195312500000000000000000000;0.037434895833333335646297967969;0.033203125000000000000000000000;0.064778645833333328707404064062;0.122070312500000000000000000000
-0.043078021105681346680782439762;0.100636763310003957139215913230;0.083747848526559323656393019064;0.001607080866269994419426314636;0.086903747508660519893730622698;0.089015772212066704427435581692;0.054395560378416564495385188138;0.021234344920337825529665920499;0.181199581479242671777640794062;0.084201812457061570027505581493;0.072223962012686715450371366387;0.181755505223012814308702900234
-0.076228795128316664819756454108;0.042301000434971723629384854348;0.047629404088734235422908369628;0.433993040452370582027441514583;0.069160504567203129333563538239;0.040669856459330140652230767273;0.027620704654197476834998070672;0.079599826011309271489579941772;0.059156154849934756978502292668;0.042083514571552849137248131228;0.039582427142235754313759343859;0.041974771639843408421732817715
-0.060958904109589040487549027603;0.088641552511415519499671233916;0.161643835616438358293578403391;0.032876712328767120074868302027;0.056221461187214612220675036269;0.049828767123287667772935094490;0.063242009132420090589121741687;0.039155251141552514793087169664;0.129223744292237430197900494022;0.089783105022831044550457590958;0.090068493150684936221495036079;0.138356164383561630604191350358
-0.072537313432835814897003956503;0.074029850746268652250670072590;0.141791044776119395942615142303;0.004179104477611939906511739906;0.112537313432835822668565128879;0.045970149253731343308437828910;0.071044776119402991421125648230;0.074328358208955225272518418933;0.123880597014925375454197364888;0.073731343283582093106609534061;0.074626865671641784416578957462;0.131343283582089548344740137509
-0.016911764705882351839116850556;0.188419117647058820264049927573;0.083394607843137250058340725900;0.010600490196078431875958969499;0.053921568627450983113291727022;0.120098039215686278047279245129;0.029227941176470588480196255432;0.017585784313725490168867082730;0.073406862745098042100089230644;0.059558823529411761277252423952;0.129227941176470600970205282465;0.217647058823529415683140086912
-0.046895424836601307116978887279;0.168464052287581711464525824340;0.096840958605664481662067544221;0.003758169934640522968222198230;0.105065359477124184439666976232;0.079466230936819176600138803224;0.026579520697167756393408666327;0.015849673202614378286767760073;0.125816993464052284679155491176;0.062145969498910672013103351219;0.075816993464052281903597929613;0.193300653594771248977579602979
-0.026796467282215977179227195393;0.064532316338819756262878968300;0.041549578482537131984830836018;0.341830590124447997180112679416;0.038036932958651147040907147812;0.037535126455238862486218920367;0.019871537535126455181755389390;0.230028101164191089988975136293;0.041248494580489764027575461114;0.055700521878763550875923726835;0.067944600562023282908086230236;0.034925732637494981414061356872
-0.082600000000000006750155989721;0.058200000000000001731947918415;0.027699999999999998928634781237;0.425300000000000011368683772162;0.047199999999999998900879205621;0.076200000000000003841371665203;0.031099999999999999172883846654;0.031800000000000001876276911617;0.060499999999999998223643160600;0.055599999999999996647126465632;0.059700000000000003064215547965;0.044100000000000000310862446895
-0.050602761034415709440192898683;0.066595372350768039515500618108;0.067956445654287378488334070425;0.252916585650398595408461233092;0.049193077970056384162766960344;0.067616177328407550684019611253;0.062998250048609760742834851044;0.157252576317324505028594217038;0.049970834143496012380580850731;0.082344934862920479701209330869;0.072039665564845423162410043005;0.020513319074470154346201411499
-0.051603618421052634135381964597;0.174650493421052627196488060690;0.186780427631578954672519898850;0.053248355263157895467251989885;0.045435855263157895467251989885;0.048416940789473686401755969655;0.104235197368421059205267908965;0.053865131578947365864618035403;0.036698190789473686401755969655;0.032894736842105261331870025288;0.074321546052631581869007959540;0.137849506578947372803511939310
-0.019654204226392787968613617977;0.108172011230973849627012839392;0.141717156790305887081871105693;0.176444510122654052430846149946;0.061770356140091624286281302147;0.048618294665287421774113596484;0.058667060735924335401758611397;0.049357174523422489564872250867;0.072410226097236587983196898222;0.058519284764297324619164442083;0.069602482636323334541650353913;0.135067238067090283903937120158
-0.029674796747967479432217530189;0.120731707317073166940701867134;0.116666666666666668517038374375;0.086585365853658530221892419831;0.029674796747967479432217530189;0.151219512195121946751541486265;0.024390243902439025236450476086;0.026422764227642277917729174419;0.063821138211382119620473929444;0.073577235772357724163938996753;0.134959349593495925301311899602;0.142276422764227639117251555945
-0.025635593220338981357286911589;0.117372881355932198732539006869;0.074364406779661010316040403723;0.147457627118644074570852353645;0.051059322033898305037702414211;0.146186440677966100754048284216;0.059110169491525421658906225275;0.036228813559322031734311053697;0.068855932203389827450656923702;0.048940677966101693574518805008;0.124788135593220342323128591033;0.100000000000000005551115123126
-0.011285266457680249996275989588;0.070219435736677118797821606222;0.052037617554858930923877835539;0.438871473354231989016938086934;0.039498432601880878456412915511;0.057053291536050154686421365113;0.053918495297805645039002087060;0.033228840125391852222680455498;0.050783699059561128452688905099;0.043260188087774292808873610738;0.079623824451410654678973344289;0.070219435736677118797821606222
-0.011994949494949494125939359890;0.048611111111111111882099322656;0.072601010101010096664531090482;0.385732323232323259798448589208;0.053661616161616160214364867898;0.075126262626262624300110815057;0.022095959595959595994640878303;0.011363636363636363951767904723;0.082070707070707071828508105682;0.078914141414141408814586498011;0.077651515151515151935690539631;0.080176767676767679571270264205
-0.024171539961013645964049700865;0.142300194931773871243052553837;0.080311890838206625997663934413;0.049512670565302147052122450077;0.090448343079922027820671814879;0.115399610136452238084991961387;0.070955165692007798883267355450;0.037426900584795322335374123668;0.099415204678362567580762743091;0.069785575048732936820350403195;0.085769980506822607324579621491;0.134502923976608179668090770065
-0.007666666666666666248020067798;0.125666666666666676510644151676;0.057666666666666664686768939418;0.230666666666666658747075757674;0.052333333333333335868342572894;0.137333333333333335035675304425;0.055333333333333331593983928087;0.051999999999999997613020497056;0.060999999999999998667732370450;0.061333333333333329984160542381;0.072333333333333332815229255175;0.086666666666666669627261399000
-0.051307189542483658262206347445;0.077287581699346408203865621545;0.113888888888888886730121896562;0.136764705882352954890990304193;0.046241830065359479373654494339;0.060620915032679738299048466388;0.050163398692810459711388659798;0.079575163398692805305500996838;0.099673202614379091679452926655;0.111928104575163403500148717740;0.065686274509803924126494223401;0.106862745098039210733809056819
-0.039037433155080215885224248495;0.104278074866310160873084100785;0.125668449197860965238504604713;0.072727272727272723740199467102;0.065240641711229951926753756197;0.054010695187165773389903478119;0.067379679144385029587738245027;0.114438502673796793640548230542;0.085026737967914434168648085688;0.090374331550802142198897115577;0.059893048128342243896504726308;0.121925133689839565453993941446
-0.005328218243819266876359908025;0.070545609548167090285808455974;0.038150042625745950175542020588;0.000000000000000000000000000000;0.251491901108269411135864856988;0.082054560954816710416359626379;0.020247229326513214303639998093;0.030477408354646205734805874954;0.251065643648763880957375249636;0.035805626598465471743804044991;0.021526001705029839533578339683;0.193307757885762987459798978307
-0.003978779840848806377551216684;0.094694960212201598204195818198;0.034040671971706452925143793209;0.314588859416445598693456986439;0.082139699381078692952407038774;0.132360742705570300081774348655;0.021573828470380192884325865066;0.003359858532272325462586515243;0.086914235190097263727970755554;0.051724137931034482040804078906;0.085853227232537576707471771442;0.088770999115826698666609217980
-0.021825396825396824185272492969;0.069444444444444447528397290625;0.051984126984126986792400515469;0.465873015873015883236973877501;0.080555555555555560798275394063;0.052777777777777777623580135469;0.026587301587301586519584972734;0.022619047619047618485899064922;0.057936507936507938842929377188;0.035317460317460316887583360312;0.049603174603174600421073847656;0.065476190476190479494711382813
-0.057226399331662486380523091611;0.076441102756892226333107487335;0.082706766917293228491558920723;0.255639097744360888064818482235;0.059314954051796153766673569407;0.059314954051796153766673569407;0.026315789473684209065496020230;0.048872180451127816835921180427;0.107769423558897237125364654275;0.061821219715956554630054142763;0.062238930659983288107284238322;0.102339181286549701921373412006
-0.036458333333333335646297967969;0.108796296296296293726335591145;0.070601851851851846197938300520;0.288194444444444419772821674997;0.039930555555555552471602709375;0.061342592592592594391565086198;0.060185185185185181844236268489;0.050925925925925923098969150260;0.056712962962962965018931527084;0.057870370370370370627366440885;0.060763888888888888117900677344;0.108217592592592587452671182291
-0.036703601108033244437844899721;0.131578947368421045327480101150;0.131578947368421045327480101150;0.092797783933518007692953233345;0.015927977839335180632041044646;0.048476454293628810920946392571;0.126038781163434893128894032088;0.236149584487534619503534827345;0.029778393351800554189612313394;0.048476454293628810920946392571;0.051939058171745149106168781827;0.050554016620498617995416168469
-0.020353302611367127261665643800;0.082104454685099845234752535816;0.044623655913978495235472365721;0.350921658986175111216709865403;0.034946236559139781663319013205;0.103917050691244239324362297339;0.020967741935483872467438359877;0.044316436251920124367309483659;0.045161290322580642520033933351;0.078725038402457758746066929234;0.070967741935483871773548969486;0.102995391705069119780979747247
-0.050582095543958247030325026117;0.045229492840893885385877837280;0.167670279673491240401972390828;0.071591061153485888168823692013;0.023417636825906598674329472942;0.043021544225879837508585978867;0.032249431285962797122390810500;0.232236049779205144805160898613;0.069650742673625046230689861204;0.121504081359561089126231081536;0.070855078281814531937499168635;0.071992506356215707485901589280
-0.049641927083333335646297967969;0.050537109375000000000000000000;0.063313802083333328707404064062;0.393147786458333314829616256247;0.037516276041666664353702032031;0.076334635416666671292595935938;0.019205729166666667823148983985;0.036865234375000000000000000000;0.069824218750000000000000000000;0.075276692708333328707404064062;0.065592447916666671292595935938;0.062744140625000000000000000000
-0.032592592592592589673117231541;0.064444444444444443087505192125;0.045555555555555557467606320188;0.463703703703703729033236413670;0.060740740740740740977177125615;0.045555555555555557467606320188;0.042222222222222223486642889156;0.022222222222222223070309254922;0.070740740740740742920067418709;0.029259259259259259161600752464;0.040000000000000000832667268469;0.082962962962962960578039428583
-0.084498480243161089298098431755;0.090577507598784190445684316728;0.055319148936170209340801307007;0.110030395136778119669074271769;0.129483282674772048892464226810;0.089969604863221891433155974482;0.031610942249240124579667821081;0.031610942249240124579667821081;0.118541033434650458500136949169;0.040729483282674769362152744634;0.044376899696048632826261837181;0.173252279635258354950622106116
-0.014312300602623184014872137482;0.072314781992201343507886690531;0.026276143211627082246772957319;0.152118043247075507284904460903;0.024636653668911732972812700382;0.298652959943282503285644224889;0.006690889755405884757599732637;0.008153137185395250771668962386;0.050779865295994326690465214824;0.057913860333215175235643812357;0.200017724211272590606469634622;0.088133640552995384798151690120
-0.024583333333333332038073137937;0.078194444444444441422170655187;0.052777777777777777623580135469;0.213333333333333347026083970377;0.065833333333333327042069527124;0.118194444444444449193731827563;0.023194444444444444614061850984;0.024444444444444445724284875610;0.094305555555555559132940857126;0.040972222222222222376419864531;0.086388888888888890060790970438;0.177777777777777784562474039376
-0.013932980599647266928275968212;0.138624338624338622194542836041;0.110758377425044088337990899618;0.142857142857142849212692681249;0.028747795414462082308482138160;0.094179894179894182992818230105;0.068077601410934746040126697153;0.137742504409171073742612634305;0.041446208112874777240719481597;0.036860670194003526678461213351;0.089241622574955908886451538820;0.097530864197530861559037873576
-0.041376271729552188682887958748;0.011215252743731474183164209535;0.013538412240647279549676795796;0.781783225186253316607576380193;0.009132420091324200406290856336;0.014219338300088119053654622803;0.004806536890170631792784661229;0.064768084595049263407773310064;0.010934871425138187328585104297;0.015220700152207000677151427226;0.022871104702395256280667013016;0.010133781943443082029787660758
-0.106749999999999997668531648287;0.058749999999999996669330926125;0.062374999999999999888977697537;0.196624999999999994226840271949;0.094250000000000000444089209850;0.043124999999999996669330926125;0.046499999999999999666933092612;0.165750000000000008437694987151;0.075499999999999997668531648287;0.058000000000000002942091015257;0.039375000000000000277555756156;0.052999999999999998501198916756
-0.020416418798334324408161322140;0.066389054134443778454333084937;0.163093396787626410127103326886;0.106793575252825692634139898018;0.021582391433670435748615190619;0.048970850684116599971229533139;0.015014872099940511016025190827;0.037263533610945864804619986899;0.107864366448542539633770331875;0.127067221891731113592172164317;0.125353955978584175046108839524;0.160190362879238545890103750935
-0.046527777777777779011358916250;0.031250000000000000000000000000;0.079861111111111104943205418749;0.434027777777777790113589162502;0.020833333333333332176851016015;0.025694444444444443365060948281;0.003472222222222222029475169336;0.022222222222222223070309254922;0.106944444444444439201724605937;0.100000000000000005551115123126;0.059722222222222225151977426094;0.069444444444444447528397290625
-0.047447073474470732867835920388;0.048194271481942711765622533449;0.056911581569115812784254160306;0.428268991282689914790182683646;0.034122042341220425176739894368;0.054545454545454542805149600326;0.036986301369863014421035529722;0.047198007471980073235240382701;0.063013698630136991130079593404;0.065379825653798254170290249476;0.072353673723536737760753112525;0.045579078455790782153922435782
-0.034234234234234231508686718826;0.076576576576576571575571961148;0.072972972972972977023786711470;0.256756756756756743254044295099;0.051351351351351354201923982146;0.117117117117117114366564578631;0.028828828828828829272667988448;0.027927927927927927165274724075;0.085585585585585585710610700971;0.067567567567567571318321029139;0.109009009009009005808366055135;0.072072072072072071446946495143
-0.043995243757431627684706398895;0.116527942925089181280817740571;0.086801426872770509612919909159;0.263971462544589752230450585557;0.038049940546967891963348051831;0.033293697978596908937376497306;0.084423305588585018099934131897;0.079667063020214035073962577371;0.072532699167657546657217437769;0.072532699167657546657217437769;0.039239001189060644658734844370;0.068965517241379309387738771875
-0.048583984375000000000000000000;0.067708333333333328707404064062;0.103108723958333328707404064062;0.392822265625000000000000000000;0.014811197916666666088425508008;0.041097005208333335646297967969;0.029703776041666667823148983985;0.044352213541666664353702032031;0.054524739583333335646297967969;0.073811848958333328707404064062;0.064208984375000000000000000000;0.065266927083333328707404064062
-0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;1.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000
-0.035652087376225306825094918395;0.105388864009553662182128164204;0.125889436234263824010426446875;0.065731203662238141260942825284;0.046101408170373690820209588992;0.065333134298651535099011766761;0.057471264367816091156448976562;0.099318306214857932090467329544;0.086654724585759068666845905682;0.066079514355376428591526405398;0.078668457978802799890338803834;0.167711598746081491650983252839
-0.297499999999999986677323704498;0.051666666666666666296592325125;0.087499999999999994448884876874;0.065000000000000002220446049250;0.083333333333333328707404064062;0.049166666666666664076146275875;0.047500000000000000555111512313;0.154999999999999998889776975375;0.054166666666666668517038374375;0.033333333333333332870740406406;0.028333333333333331899295259859;0.047500000000000000555111512313
-0.007777777777777777554191196430;0.083333333333333328707404064062;0.055555555555555552471602709375;0.306666666666666642981908807997;0.034444444444444444197728216750;0.141111111111111103832982394124;0.017777777777777777762358013547;0.048888888888888891448569751219;0.034444444444444444197728216750;0.100000000000000005551115123126;0.146666666666666667406815349750;0.023333333333333334397297065266
-0.089616402116402121835747607292;0.049272486772486773221046973958;0.075396825396825392640032248437;0.193121693121693110972714180207;0.105820105820105814231624208333;0.071428571428571424606346340624;0.044312169312169309709492637239;0.055555555555555552471602709375;0.105158730158730159831570460938;0.076719576719576715317927551041;0.078373015873015872134743631250;0.055224867724867725271575835677
-0.011863425925925926568416102214;0.121817129629629636311527463022;0.055844907407407405608434913802;0.110243055555555552471602709375;0.067418981481481482509465763542;0.169849537037037034981068472916;0.030960648148148146863167795573;0.012152777777777777970524830664;0.087094907407407412547328817709;0.050636574074074076901030849740;0.095196759259259258745267118229;0.186921296296296307604123398960
-0.004814814814814815172039352831;0.164629629629629625764408729083;0.081666666666666665186369300500;0.000185185185185185175989544537;0.086851851851851846753049812833;0.136481481481481481399242738917;0.028888888888888887562789165031;0.007222222222222221890697291258;0.104444444444444450859066364501;0.047407407407407405053323401489;0.074074074074074069962136945833;0.263333333333333308168278108496
-0.019629629629629628817522046802;0.156666666666666676288599546751;0.127407407407407413657551842334;0.005555555555555555767577313730;0.058518518518518518323201504927;0.090370370370370364798695561603;0.040740740740740744030290443334;0.028888888888888887562789165031;0.084444444444444446973285778313;0.073333333333333333703407674875;0.098148148148148151026504137917;0.216296296296296292061001054208
-0.037499999999999998612221219219;0.126666666666666677398822571377;0.121666666666666672957930472876;0.005000000000000000104083408559;0.046666666666666668794594130532;0.115000000000000004996003610813;0.064166666666666663521034763562;0.035833333333333335091186455656;0.132500000000000006661338147751;0.090833333333333335368742211813;0.089999999999999996669330926125;0.134166666666666656304585103499
-0.042387543252595152876160966571;0.088235294117647064537912626747;0.123702422145328713720680013921;0.146193771626297569499186579378;0.081314878892733560844519047350;0.057958477508650518839061760445;0.051038062283737022084562084956;0.094290657439446368126567676882;0.096020761245674740580469119777;0.044117647058823532268956313374;0.056228373702422146385160317550;0.118512110726643596358975685234
-0.051360284769895750422996627549;0.135265700483091777517330456249;0.062801932367149759794955343750;0.013221459445715738265092475956;0.092550216120010173059817759622;0.199338927027714218898069020725;0.041189931350114415697927228166;0.023391812865497074724885351316;0.097126875158911774033043684540;0.042715484363081618335300504441;0.116196287821001775775187070394;0.124841088227815921740671001317
-0.001189060642092746623854626620;0.142687277051129601801449098275;0.051129607609988109162557634590;0.000000000000000000000000000000;0.038049940546967891963348051831;0.263971462544589752230450585557;0.039239001189060644658734844370;0.033293697978596908937376497306;0.051129607609988109162557634590;0.043995243757431627684706398895;0.183115338882282985277782927369;0.152199762187871567853392207326
-0.086587436332767400704035765102;0.067911714770797965146087449284;0.093378607809847205545317194719;0.118845500848896432066759132340;0.064516129032258062725446734476;0.081494057724957560950862500704;0.033106960950764006967883545940;0.089134125636672320580622397301;0.138370118845500850168761530767;0.073853989813242787443314796292;0.072156196943972836232994438888;0.080645161290322578406808418094
-0.017091836734693877791757543605;0.181377551020408173121367667591;0.121428571428571427381903902187;0.002040816326530612428991062757;0.042091836734693875710089372433;0.120918367346938782080911778394;0.033673469387755103343629059509;0.025765306122448979747607822333;0.072448979591836729086118396026;0.078826530612244899431928502054;0.115816326530612245804263693572;0.188520408163265318357559863216
-0.025848356309650051543247428754;0.062566277836691414071523809071;0.042948038176033931367925333689;0.457051961823966068632074666311;0.033801696712619302975788571075;0.080593849416755042325277713644;0.017895015906680807049600190339;0.017629904559915164641292761871;0.050503711558854719188005333308;0.052094379639448566698956000209;0.078605514316012731201865904040;0.080461293743372214182230095503
-0.030810810810810811827264998897;0.041621621621621619768749411605;0.059459459459459462760122505642;0.335135135135135153738872304530;0.057297297297297294926821109584;0.085405405405405407370800219269;0.031891891891891892274468744972;0.032432432432432434232794093987;0.089189189189189194140183758464;0.065945945945945952382238886003;0.064324324324324319568368935052;0.106486486486486481295443695672
-0.026367571822117276403307783994;0.038803620621802439871750323164;0.046202282565918927070836019766;0.418496654860291250610515589869;0.032939787485242032205601248052;0.036639118457300272335697144399;0.016214088941361667201013219142;0.182605273514364424558564792278;0.036442345533254622003127565222;0.069578905942542304541298392451;0.080558835104289655548726045708;0.015151515151515151935690539631
-0.036944642432881917570863805622;0.092302209550962230344417491779;0.021105567434861804976264920697;0.118595074047675622108677373490;0.041815157994773102800856179329;0.303397481587075301678879668543;0.029381484121327315628402487846;0.006256434624217945515700645132;0.043834640057020667069931363358;0.037380216995327474049926053112;0.176566088540429239062135025051;0.092421002613447378326583248054
-0.015457788347205706977471884045;0.087990487514863255369412797791;0.042806183115338881928213510264;0.154577883472057087121953600217;0.019024970273483945981674025916;0.180737217598097493764797150106;0.010701545778834720482053377566;0.008323424494649227234344124327;0.076099881093935783926696103663;0.101070154577883472568622380550;0.191438763376932219451020955603;0.111771700356718198254846186046
-0.006882440476190476025264430859;0.091703869047619041010577234374;0.030505952380952380126322154297;0.053385416666666664353702032031;0.022693452380952380126322154297;0.337053571428571452361921956253;0.007440476190476190063161077148;0.012648809523809523974735569141;0.061383928571428568454759755468;0.057663690476190479494711382813;0.202194940476190465616923574999;0.116443452380952383595769106250
-0.005921052631578947560153647345;0.083552631578947364476839254621;0.040789473684210528214855173701;0.062500000000000000000000000000;0.014473684210526315679912201517;0.326973684210526305271571345656;0.014473684210526315679912201517;0.011184210526315789546725198988;0.053289473684210525439297612138;0.049342105263157895467251989885;0.207894736842105271046321490758;0.129605263157894723402563386117
-0.019354838709677420205412801124;0.139247311827956993246502293005;0.081899641577060935948573217047;0.120430107526881727264544963418;0.047670250896057350664669627349;0.106451612903225800721429550322;0.060215053763440863632272481709;0.046953405017921147346360299935;0.075268817204301077805617126160;0.058064516129032260616238403372;0.085125448028673833533730430645;0.159318996415770602892436613729
-0.084309895833333328707404064062;0.093098958333333328707404064062;0.074544270833333328707404064062;0.028320312500000000000000000000;0.086263020833333328707404064062;0.085286458333333328707404064062;0.054036458333333335646297967969;0.059244791666666664353702032031;0.135416666666666657414808128124;0.051106770833333335646297967969;0.063802083333333328707404064062;0.184570312500000000000000000000
-0.022478070175438596978167993257;0.120614035087719298489083996628;0.092653508771929821152824047203;0.149122807017543851371144114637;0.063048245614035089423587976398;0.059758771929824559820954021916;0.088815789473684209065496020230;0.096491228070175433240152074177;0.078947368421052627196488060690;0.058114035087719298489083996628;0.055372807017543858310038018544;0.114583333333333328707404064062
-0.000801282051282051254251226347;0.046474358974358975782337211058;0.020032051282051283741525438131;0.521634615384615418776093065389;0.033653846153846152244870637560;0.074519230769230768163247091707;0.004006410256410256054415697236;0.168269230769230782041034899521;0.027243589743589743945584302764;0.024038461538461539795941135367;0.043269230769230768163247091707;0.036057692307692304489741275120
-0.027605244996549344049796559375;0.152864044168391999267697656251;0.185645272601794336653213690624;0.034851621808143544434255289843;0.071773636991028288978355931249;0.064182194616977231160781514063;0.050724637681159423507892825000;0.038302277432712215909926811719;0.074879227053140096082017862500;0.089717046238785375100732721876;0.081780538302277439033360906251;0.127674258109040705821968231248
-0.003472222222222222029475169336;0.104166666666666671292595935938;0.177777777777777784562474039376;0.236805555555555546920487586249;0.045138888888888888117900677344;0.040277777777777780399137697032;0.035416666666666665741480812812;0.022222222222222223070309254922;0.043749999999999997224442438437;0.070138888888888889505679458125;0.068750000000000005551115123126;0.152083333333333320380731379373
-0.005533854166666666955787245996;0.154622395833333342585191871876;0.083984375000000000000000000000;0.109375000000000000000000000000;0.097330729166666671292595935938;0.086914062500000000000000000000;0.069335937500000000000000000000;0.012369791666666666088425508008;0.068033854166666671292595935938;0.050455729166666664353702032031;0.090169270833333328707404064062;0.171875000000000000000000000000
-0.009765625000000000000000000000;0.188476562500000000000000000000;0.108723958333333328707404064062;0.000000000000000000000000000000;0.092447916666666671292595935938;0.099283854166666671292595935938;0.102213541666666671292595935938;0.026041666666666667823148983985;0.081054687500000000000000000000;0.047526041666666664353702032031;0.079752604166666671292595935938;0.164713541666666657414808128124
-0.011216566005176877018900682970;0.092752372735116481172745750428;0.069456427955133737128790016868;0.285159620362381349689684384430;0.057377049180327870103734966278;0.077653149266609142187256509260;0.056082830025884385094503414848;0.022001725625539259034724182129;0.065142364106988787098018178767;0.059965487489214840122198069139;0.095772217428817946194286037098;0.107420189818809325155157807785
-0.007368421052631578781200172301;0.037368421052631578538338885664;0.025789473684210525300519734060;0.625789473684210562076657424768;0.016842105263157894357028965260;0.057894736842105262719648806069;0.021052631578947367946286206575;0.017894736842105261886981537600;0.032105263157894733949682120056;0.054210526315789472895367850924;0.092631578947368425902553212836;0.011052631578947367738119389458
-0.014347202295552367173891994412;0.109516977522716399406910170455;0.081779053084648486993124549826;0.231468197034911532528056454794;0.038259206121472981443343286401;0.124342419894787184486695252872;0.061692969870875177806901490385;0.024390243902439025236450476086;0.048780487804878050472900952172;0.051171688187470108777343824613;0.134863701578192246577359014736;0.079387852702056435627575581293
-0.014772727272727272443408885749;0.185984848484848475091979480567;0.117803030303030298320265956136;0.093560606060606066325391338978;0.047727272727272729291314590228;0.064015151515151511030232711619;0.098484848484848480643094603693;0.057196969696969697516397701520;0.047727272727272729291314590228;0.064015151515151511030232711619;0.083333333333333328707404064062;0.125378787878787867349217322044
-0.065555555555555561353386906376;0.113333333333333327597181039437;0.092222222222222219323306546812;0.221111111111111119376104738876;0.014444444444444443781394582516;0.062222222222222220433529571437;0.062222222222222220433529571437;0.098888888888888887285233408875;0.048888888888888891448569751219;0.072222222222222215437525960624;0.067777777777777784007362527063;0.081111111111111106053428443374
-0.078968253968253965258128346250;0.153968253968253976360358592501;0.066666666666666665741480812812;0.056349206349206350241676233281;0.091666666666666660190365689687;0.106349206349206346078339890937;0.042460317460317462123775555938;0.031349206349206348853897452500;0.097619047619047619179788455313;0.051587301587301584437916801562;0.083730158730158724122993874062;0.139285714285714290472384391251
-0.022836538461538460204058864633;0.191105769230769217958965100479;0.099158653846153840816235458533;0.047475961538461536326494183413;0.091947115384615391020517449761;0.102163461538461536326494183413;0.074519230769230768163247091707;0.019230769230769231836752908293;0.077524038461538463673505816587;0.042668269230769231836752908293;0.099158653846153840816235458533;0.132211538461538463673505816587
-0.019251336898395723234989063144;0.132085561497326198221458071203;0.119518716577540110024280295420;0.105347593582887699703576345200;0.062566844919786090972735337346;0.065775401069518721341999878405;0.083155080213903748154180561869;0.067647058823529407356467402224;0.083689839572192517569426684076;0.052941176470588234559411233704;0.071390374331550807140978065490;0.136631016042780745189944013873
-0.042460317460317462123775555938;0.153968253968253976360358592501;0.105555555555555555247160270937;0.016269841269841271019780393203;0.068650793650793656697217670626;0.078174603174603174426948726250;0.098412698412698410010968075312;0.061904761904761906876615285000;0.086904761904761901325500161875;0.079761904761904756089307966249;0.076587301587301592764589486251;0.131349206349206354405012575626
-0.005297050270045700406940092364;0.226319069380972154315045941075;0.065018695471541335106913095387;0.001350228500207727427157022859;0.044972995429995846206061571593;0.130764437058579152672876944052;0.044972995429995846206061571593;0.014956377233070212301457857507;0.071873701703365183712790553727;0.078001661819692563737405066604;0.114769422517656830007304336050;0.201703365184877442262134650264
-0.046687168017892091698151091350;0.149566675985462665954273120406;0.074363992172211346165511258732;0.041375454291305562015690355793;0.047805423539278725508783196574;0.085826111266424379153683332788;0.093094772155437516270026776510;0.103159071847917255260185243060;0.074084428291864692917023660357;0.068213586804584849798693824141;0.089460441710930954650748958557;0.126362873916689960607229181733
-0.045535714285714283533490487343;0.074999999999999997224442438437;0.101785714285714284921269268125;0.146428571428571435708576586876;0.089285714285714287696826829688;0.063392857142857139685077072500;0.040178571428571431545240244532;0.066071428571428572618096097813;0.140178571428571430157461463750;0.063392857142857139685077072500;0.091964285714285720629845855001;0.076785714285714290472384391251
-0.080149114631873255576444137205;0.154706430568499531119641687837;0.080149114631873255576444137205;0.068033550792171479382197674113;0.068033550792171479382197674113;0.098788443616029827931690476817;0.061509785647716683221197797593;0.041938490214352280860410360219;0.093196644920782847898443890244;0.045666356011183593943680847360;0.056849953401677540132386212690;0.150978564771668211097477296789
-0.023958333333333334952408577578;0.059077380952380950662750080937;0.093750000000000000000000000000;0.329761904761904756089307966249;0.039732142857142854763807804375;0.070833333333333331482961625625;0.032589285714285716466509512657;0.081101190476190479494711382813;0.062053571428571430157461463750;0.049255952380952379432432763906;0.047023809523809523280846178750;0.110863095238095232808461787499
-0.099682539682539678116413028874;0.042222222222222223486642889156;0.099047619047619051002584456000;0.273333333333333317050062305498;0.028888888888888887562789165031;0.046349206349206348298785940187;0.028571428571428570536427926640;0.119365079365079368445279328625;0.059682539682539684222639664313;0.073650793650793647260321961312;0.049523809523809525501292228000;0.079682539682539688108420250501
-0.016135972461273666994641118322;0.118760757314974180198774433848;0.078743545611015486329620216566;0.115318416523235794945989596272;0.068846815834767635666757712443;0.114672977624784858119433295087;0.021514629948364887013223523127;0.033993115318416526615674655432;0.109079173838209989022551837934;0.063253012048192766569876255289;0.069277108433734940762249721047;0.190404475043029264291760682681
-0.005760368663594470257927060430;0.116359447004608290709981588407;0.054147465437788019904097325252;0.003456221198156682241492410057;0.076036866359447008445471283267;0.182027649769585242456315654636;0.008064516129032257840680841809;0.001152073732718894008217325187;0.153225806451612905911829898287;0.082949308755760370326370889416;0.072580645161290327505021480192;0.244239631336405527139987725604
-0.007396449704142011444263360431;0.120315581854043396337061722079;0.063116370808678504134014985993;0.161242603550295848791051867011;0.042406311637080869314520015223;0.149408284023668652684690982824;0.024654832347140040460509169407;0.025147928994082840298274206248;0.075443786982248517425375666789;0.063116370808678504134014985993;0.130670611439842210277362255511;0.137080867850098625515542494213
-0.005760368663594470257927060430;0.161290322580645156813616836189;0.102534562211981566948182376109;0.031105990783410138872389083531;0.051843317972350227984534853931;0.131336405529953903492668132458;0.140552995391705071170918017742;0.018433179723502304131477202986;0.057603686635944700844547128327;0.043778801843317970143854012122;0.082949308755760370326370889416;0.172811059907834102533641384980
-0.017812963879267687539176279188;0.150915388421573481991799781099;0.114299851558634341097686615285;0.089064819396338451573669203754;0.074220682830282033726199131252;0.102424542305789206819710557284;0.062345373577436913326010881065;0.017318159327065808100742927422;0.078673923800098966019334056909;0.076694705591291434387812842033;0.088570014844136568665788900034;0.127659574468085096343727968815
-0.021604938271604937072289942535;0.128086419753086433459543513891;0.118827160493827160836488587847;0.071759259259259258745267118229;0.067129629629629636311527463022;0.094907407407407412547328817709;0.109567901234567902091221469618;0.025462962962962961549484575130;0.094907407407407412547328817709;0.054783950617283951045610734809;0.122685185185185188783130172396;0.090277777777777776235801354687
-0.068947368421052632192491671503;0.096315789473684215726834167981;0.102105263157894740611020267806;0.171052631578947372803511939310;0.037368421052631578538338885664;0.060526315789473685013977188873;0.092105263157894731729236070805;0.061052631578947365309506523090;0.114736842105263150970451135890;0.055263157894736840425320423265;0.061578947368421052543929761214;0.078947368421052627196488060690
-0.037109375000000000000000000000;0.130208333333333342585191871876;0.103841145833333328707404064062;0.009440104166666666088425508008;0.082031250000000000000000000000;0.081705729166666671292595935938;0.118489583333333328707404064062;0.081705729166666671292595935938;0.133789062500000000000000000000;0.040690104166666664353702032031;0.064453125000000000000000000000;0.116536458333333328707404064062
-0.030377668308702792526743152735;0.085385878489326771934031512501;0.050903119868637110301268222656;0.000000000000000000000000000000;0.171592775041050915607598881252;0.092775041050903117589854218750;0.064039408866995078950523634376;0.021346469622331692983507878125;0.215927750410509045053686350002;0.052545155993431853780339935156;0.046798029556650244664695037500;0.168308702791461400893879840623
-0.037601626016260165930038539273;0.113313008130081299684732698552;0.084349593495934960252213841159;0.008638211382113821293349253949;0.138211382113821140693588063186;0.104166666666666671292595935938;0.057418699186991870031526730145;0.042682926829268295898511809128;0.116869918699186989274885206669;0.051829268292682924290648571741;0.099085365853658541324122666083;0.145833333333333342585191871876
-0.017647058823529411519803744568;0.131617647058823533656735094155;0.077205882352941179735950072427;0.094117647058823528105619971029;0.080147058823529418458697648475;0.096323529411764710617127605019;0.068382352941176477445495152097;0.028676470588235292852319346935;0.090441176470588233171632452922;0.062500000000000000000000000000;0.104411764705882356696342583291;0.148529411764705882026404992757
-0.047619047619047616404230893750;0.119480519480519478681124212471;0.083116883116883116811024478920;0.000865800865800865800114838322;0.093506493506493509881849490739;0.108225108225108224146993052273;0.055411255411255411207349652614;0.053679653679653681341843451946;0.136796536796536805091761834774;0.068398268398268402545880917387;0.078787878787878781738918121391;0.154112554112554117624611649262
-0.223333333333333328152292551749;0.027777777777777776235801354687;0.058888888888888886452566140406;0.021111111111111111743321444578;0.083333333333333328707404064062;0.028888888888888887562789165031;0.010000000000000000208166817117;0.040000000000000000832667268469;0.238888888888888900607909704377;0.053333333333333336756520992594;0.043333333333333334813630699500;0.171111111111111102722759369499
-0.109214061800268699697902263779;0.064711150918047466440441439772;0.168271383788625161770369231817;0.042767577250335871152930877770;0.058889386475593372138881420597;0.029556650246305417317760344531;0.069693237796686069440710298295;0.162281683833407963657435857385;0.088557993730407527643855303268;0.070309001343484098245362190482;0.053739364084191672266133110725;0.082008508732646659411535949857
-0.139083139083139073477468627971;0.044289044289044288138512683872;0.161616161616161629899224294604;0.102564102564102560544156972355;0.016317016317016316134802522697;0.013209013209013209869113758543;0.051282051282051280272078486178;0.239316239316239326440083345915;0.071484071484071487478928474957;0.083916083916083919480577435479;0.045843045843045840403995327961;0.031080031080031080004122401306
-0.055973266499582285948832804934;0.089390142021720964127240449670;0.114035087719298239283816087664;0.147869674185463650939453827959;0.039682539682539680336859078125;0.076023391812865492855877391776;0.025480367585630742111035829112;0.059732664995822887243903664967;0.083959899749373428923249207401;0.068086883876357556788505576151;0.098579782790309100626302551973;0.141186299081035915303772299012
-0.039272030651340994467091150000;0.075670498084291187845806803125;0.049329501915708812154193196875;0.326628352490421436371548224997;0.072796934865900386757431306251;0.068965517241379309387738771875;0.010057471264367815952378570898;0.031130268199233715464835370312;0.065134099616858232018046237499;0.041187739463601533151937417188;0.057950191570881229297107495313;0.161877394636015331519374171876
-0.054221002059025392993962810806;0.063143445435827047496069042154;0.021276595744680850547103645454;0.061770761839396018388903542018;0.164035689773507215027947836461;0.121482498284145506994846641646;0.010295126973232669731483923670;0.000686341798215511300976232612;0.172958133150308862591160163902;0.034317089910775568084577713535;0.049416609471516811935565272051;0.246396705559368572879819225818
-0.021081349206349207781041599219;0.203621031746031744269487262500;0.164682539682539680336859078125;0.091517857142857136909519510937;0.039186507936507936067371815625;0.062996031746031744269487262500;0.085565476190476191797884553125;0.041666666666666664353702032031;0.042658730158730159831570460938;0.054563492063492063932628184375;0.092509920634920639326281843751;0.099950396825396831124166396876
-0.002168726957276078878833480701;0.090002168726957279543121615006;0.058013446107135109575114739755;0.435914118412491891074722616395;0.021795705920624592472067959648;0.115159401431359789680364258402;0.024940360008674906239223290072;0.011819561917154631017212729205;0.031880286271958359345379818706;0.063435263500325314578454083403;0.108978529603122972768680654099;0.035892431142919109521294274145
-0.024305555555555555941049661328;0.097511574074074069962136945833;0.063946759259259258745267118229;0.280381944444444419772821674997;0.099247685185185188783130172396;0.088541666666666671292595935938;0.030381944444444444058950338672;0.012152777777777777970524830664;0.094328703703703706273664408855;0.043402777777777776235801354687;0.064525462962962965018931527084;0.101273148148148153802061699480
-0.029726516052318668198450879459;0.146254458977407852948715571983;0.152199762187871567853392207326;0.005945303210463733986634871087;0.052318668252080854919050523222;0.097502972651605235299143714656;0.090368608799048746882398575053;0.045184304399524373441199287527;0.109393579072532692864072600969;0.047562425683709871893078968696;0.071343638525564800900724549138;0.152199762187871567853392207326
-0.006936965473550839832161951648;0.188850174216027871798573301021;0.121951219512195119243358476524;0.001773835920177383590479180953;0.064554957237884069698452549346;0.075609756097560973375770743132;0.144187519797275898181254660813;0.025435540069686412428806576713;0.073455812480202720138322547427;0.038232499208108963739682906180;0.076053215077605318406028800382;0.182958504909724428699746567872
-0.040185893931109897825315613318;0.124931656642974300841508750182;0.094040459267359211015246955867;0.103881902679059598404442965602;0.044286495352651722434700332087;0.082558775287042099333412181750;0.080645161290322578406808418094;0.065609622744669221505731115940;0.085565882996172765162512519055;0.041279387643521049666706090875;0.069710224166211046115115834709;0.167304537998906516227393126428
-0.090254193681177319330544150944;0.060615416280745085253478521281;0.104559020273747041440692839842;0.043223217042297007450812884599;0.071215395698260783308164434402;0.072964906864258521901334120230;0.045487290315941134033472792453;0.054543583410517647303006327775;0.143562828033343636846552726638;0.111659977359267262309039381307;0.084799835340125556681911689338;0.117114335700319024957671842913
-0.057598039215686271108385341222;0.056781045751633986429229850046;0.103349673202614372735652636948;0.135212418300653586245019255330;0.046160130718954250905738945221;0.093954248366013071169788872794;0.037173202614379084740559022748;0.075163398692810454160273536672;0.105392156862745098311329172702;0.122140522875816989745167973069;0.095996732026143796745465408549;0.071078431372549016886708272978
-0.016457680250783698200356397479;0.066614420062695925417450837358;0.027429467084639499313558630433;0.430250783699059557996235980681;0.038401253918495296957313911435;0.112852664576802513840547703694;0.039184952978056429573339158878;0.120689655172413798367436754688;0.026645768025078370166980334943;0.034482758620689654693869385937;0.065047021943573674063188150285;0.021943573667711598756957513956
-0.083509513742071883601880699644;0.075317124735729393258942820921;0.117864693446088797390558511324;0.113372093023255807175964093858;0.049947145877378432143878228544;0.065539112050739964376866453222;0.057346723044397460156140766685;0.096987315010570826490088336413;0.103594080338266378293887726159;0.075317124735729393258942820921;0.070031712473572940713673062874;0.091173361522198737016964287250
-0.046813725490196078649063338162;0.075980392156862738839429027848;0.063725490196078427018733236764;0.247058823529411775155040231766;0.075245098039215682628189085790;0.069117647058823533656735094155;0.056372549019607844089652104458;0.075735294117647053435682380496;0.092647058823529415683140086912;0.074264705882352941013202496379;0.053676470588235290770651175762;0.069362745098039219060481741508
-0.007333333333333333196868419890;0.074666666666666672846908170413;0.034666666666666665075346998037;0.518666666666666720253431321908;0.036666666666666666851703837438;0.071999999999999994559907179337;0.038666666666666668628060676838;0.017333333333333332537673499019;0.040000000000000000832667268469;0.043999999999999997446487043362;0.063333333333333338699411285688;0.052666666666666667184770744825
-0.000952380952380952380126322154;0.191428571428571420165454242124;0.038095238095238098674499838125;0.000000000000000000000000000000;0.049523809523809525501292228000;0.235238095238095246131138083001;0.016190476190476189161104869640;0.000952380952380952380126322154;0.097142857142857141905523121750;0.052380952380952382207990325469;0.122857142857142859204699902875;0.195238095238095238359576910625
-0.004032258064516128920340420905;0.112096774193548381903795529979;0.066129032258064518456919245182;0.179838709677419356092187285867;0.024193548387096773522042525428;0.157258064516129031362723367238;0.063709677419354834859710479122;0.094354838709677424368749143468;0.045161290322580642520033933351;0.050806451612903223702399913009;0.101612903225806447404799826018;0.100806451612903219539063570664
-0.050213675213675215691644382332;0.086538461538461536326494183413;0.082799145299145296417187012139;0.041666666666666664353702032031;0.115384615384615391020517449761;0.105769230769230768163247091707;0.056089743589743591700713665205;0.122863247863247856961343984494;0.105769230769230768163247091707;0.036324786324786327573743704988;0.053952991452991455600951553606;0.142628205128205121088313944711
-0.018282231955817938168218361739;0.125690344696248346156863817669;0.057131974861931063280895415346;0.011616834888592648608596213933;0.067796610169491525188512071054;0.219958103218434591896723873106;0.032946105503713581097446905233;0.023614549609598172591473641546;0.092744239192534758120523008529;0.040563702151971053888601659310;0.127785183774519139898728781191;0.181870119977147221002056198813
-0.027256022866476114357991988868;0.043997550020416498206543565175;0.050428746427113105288420058514;0.492547978766843586040380387203;0.042772560228664761872163779799;0.063699469171090247754385416101;0.023989383421804819779277195835;0.014087382605144957437026675962;0.050632911392405062500632340061;0.069109840751327075714094405612;0.091670069416088198477332582570;0.029808084932625562163410748440
-0.002604166666666666522106377002;0.164062500000000000000000000000;0.048828125000000000000000000000;0.359375000000000000000000000000;0.025390625000000000000000000000;0.074869791666666671292595935938;0.084309895833333328707404064062;0.014648437500000000000000000000;0.032226562500000000000000000000;0.028971354166666667823148983985;0.095703125000000000000000000000;0.069010416666666671292595935938
-0.046499999999999999666933092612;0.163000000000000005995204332976;0.128250000000000002886579864025;0.042000000000000002609024107869;0.060499999999999998223643160600;0.060749999999999998445687765525;0.108249999999999999000799277837;0.081250000000000002775557561563;0.078750000000000000555111512313;0.049750000000000002553512956638;0.070999999999999993671728759637;0.110000000000000000555111512313
-0.027346938775510202385143898596;0.105714285714285718964511318063;0.168979591836734693854893407661;0.004489795918367346996835642869;0.062857142857142861425145952126;0.067346938775510206687258119018;0.077551020408163265362766480848;0.072653061224489792757630368669;0.093469387755102037451671037616;0.068163265306122447495518201777;0.086530612244897955886990814633;0.164897959183673475935805186054
-0.043739635157545607435647383454;0.069029850746268661687565781904;0.092454394693200658839060679384;0.237354892205638462465699944914;0.036484245439469320526626461287;0.060737976782752903237572184025;0.036691542288557213447042215648;0.208333333333333342585191871876;0.039593698175787728210650584515;0.060737976782752903237572184025;0.057628524046434495553548060798;0.057213930348258709712716552076
-0.101055806938159881136485296338;0.016591251885369532464986619402;0.015082956259426847853144515454;0.592760180995475116638715462614;0.015837104072398189291703829440;0.018853695324283558515388037335;0.017345399698340875638269409365;0.168929110105580704281891257779;0.014328808446455504679861725492;0.022624434389140270912355035193;0.011312217194570135456177517597;0.005279034690799397008809101806
-0.132194813409234668277747459797;0.066413662239089177319328882731;0.131562302340290954161261538502;0.084756483238456678530603483068;0.024035420619860848462367997058;0.043643263757115746681591872402;0.044275774826059453859183889790;0.163187855787476271407498984445;0.046805819101834282569551959341;0.083491461100569264175419448293;0.151802656546489556088630479280;0.027830487033523088058473149431
-0.045172413793103445567300724406;0.045172413793103445567300724406;0.039655172413793106367396745782;0.349999999999999977795539507497;0.043793103448275860767324729750;0.054827586206896553044920494813;0.044827586206896551102030201719;0.208275862068965506024298406373;0.045517241379310346971465151000;0.044482758620689656636759679031;0.046896551724137931771441145656;0.031379310344827583689752970031
-0.040322580645161289203404209047;0.057258064516129032750502148019;0.049193548387096774909821306210;0.429032258064516114348663222700;0.027419354838709678046093642934;0.050806451612903223702399913009;0.053225806451612900360714775161;0.033870967741935487094195877944;0.070967741935483871773548969486;0.067741935483870974188391755888;0.076612903225806452955914949143;0.043548387096774193727455326552
-0.025819265143992055355770531833;0.053128103277060578779611432765;0.080933465739821255913177822094;0.200595829195630598329458393891;0.057100297914597815396309243852;0.105759682224428996910603473225;0.011420059582919563079261848770;0.054121151936444886199062409560;0.108738828202581933046744211424;0.095332671300893748189686505157;0.086891757696127114307671490678;0.120158887785501489187112156287
-0.005785123966942148400482981430;0.135950413223140498253371788451;0.042561983471074378571064045218;0.172727272727272729291314590228;0.072314049586776854572356398876;0.106198347107438015313185530886;0.042561983471074378571064045218;0.008677685950413223034405341139;0.099173553719008267215428986674;0.081818181818181817677171352443;0.117355371900826441211584949542;0.114876033057851240082314348001
-0.005018400802944128838434245665;0.189360990297758435829678091977;0.079959852793576452478774285737;0.191368350618936089446719961416;0.046503847440615593555879314636;0.090665774506523924558543114927;0.059217129474740719252690013263;0.020073603211776515353736982661;0.040147206423553030707473965322;0.048176647708263631297853635260;0.067246570759451326781963587109;0.162261625961860167510764085819
-0.050641025641025641523818023870;0.113461538461538460897948255024;0.052564102564102564707493314700;0.271794871794871772952006949708;0.058333333333333334258519187188;0.091666666666666660190365689687;0.021153846153846155020428199123;0.021794871794871793768688661430;0.061538461538461541877609306539;0.048076923076923079591882270734;0.087820512820512813823015108028;0.121153846153846153632649418341
-0.076745014245014245291010013261;0.071047008547008544399048446394;0.095500949667616338856213076269;0.112594966761633427654309969057;0.061787749287749285653781328165;0.060125830959164294764462965759;0.027540360873694207100026432045;0.038936372269705601945055661872;0.144646248812915489967423354756;0.128501899335232677712426152539;0.083808167141500480856741717162;0.098765432098765426616182594444
-0.068050749711649372031274651818;0.033448673587081888258776274370;0.076893502499038826614174979568;0.318339100346020753562470417819;0.035755478662053058469538768804;0.063052672049211846982963436403;0.014609765474817378375083087860;0.028450595924644366679912010909;0.118031526336024608636598998146;0.119953863898500573403893554314;0.074202229911572478715520162496;0.049211841599384853473964085424
-0.010759493670886076041592893660;0.099208860759493672221154270119;0.078797468354430383330466725056;0.132594936708860772212048573238;0.060126582278481013887905248794;0.179905063291139227787951426762;0.012974683544303797222418950241;0.006803797468354430208470340347;0.147626582278481022214577933482;0.045411392405063290278466325844;0.066930379746835438892205161210;0.158860759493670872233295199294
-0.047715894868585732868648818794;0.056476846057571965242782852101;0.110607008760951183723442170503;0.244367959949937429975364011625;0.049593241551939927502790084191;0.083385481852315396222863341791;0.031602002503128910626539749273;0.063829787234042548171863984408;0.096839799749687108243456634682;0.087296620775969960281948090142;0.068523153942428041696111051806;0.059762202753441802383083114591
-0.057575757575757578743402831378;0.031818181818181814901613790880;0.060606060606060607742762158523;0.405303030303030276115805463633;0.025757575757575756902895136591;0.034090909090909088385856762216;0.025000000000000001387778780781;0.121969696969696964061746768948;0.056818181818181816289392571662;0.097727272727272732066872151790;0.069696969696969701679734043864;0.013636363636363635701287400082
-0.052821128451380552903948739640;0.075630252100840331119790960201;0.106842737094837936240310227731;0.211884753901560612954213524972;0.042016806722689079012234003585;0.092436974789915971051357246324;0.043817527010804324660853126261;0.052220888355342137687742365415;0.088835534213685479754119000972;0.049819927971188476822916868514;0.112845138055222088402373969984;0.070828331332533009390139966399
-0.022716049382716048399277752878;0.036666666666666666851703837438;0.046913580246913583193801855487;0.583950617283950590419294712774;0.024691358024691356654045648611;0.032592592592592589673117231541;0.016172839506172841106401705247;0.076790123456790121414528016430;0.029012345679012344762393027509;0.049135802469135805847777476174;0.057283950617283953266056784059;0.024074074074074074125473288177
-0.008620689655172413673467346484;0.011853448275862068367336732422;0.017241379310344827346934692969;0.775862068965517237550955087499;0.022629310344827586326532653516;0.020474137931034482040804078906;0.008620689655172413673467346484;0.049568965517241381224522456250;0.028017241379310345306130614063;0.018318965517241377755075504297;0.019396551724137931632663267578;0.019396551724137931632663267578
-0.010280708027892007661030504551;0.114607545145717859558232021300;0.051314142678347933468341324215;0.038619703200429109091196266945;0.131950652601466128510665498652;0.108081530484534241165484047542;0.026729840872519221306458092613;0.006257822277847309086484806073;0.134185589129268728614263750387;0.039334882889325940846791951344;0.059091721795101019576446077508;0.279545860897550513257669990708
-0.019933554817275746240401446130;0.097591362126245848052086273583;0.069767441860465115310852013408;0.059385382059800664866777708539;0.120431893687707639029049744295;0.086378737541528236021370901199;0.082641196013289036637061713009;0.014119601328903655032553920989;0.097176079734219267258765739825;0.059385382059800664866777708539;0.059385382059800664866777708539;0.233803986710963446205013838153
-0.025362318840579711753946412500;0.096376811594202901889438805938;0.078985507246376818191180291251;0.065217391304347824276810285937;0.176086956521739140812954360626;0.066666666666666665741480812812;0.181884057971014478916060852498;0.047101449275362319846216507813;0.046376811594202899113881244375;0.064492753623188403544475022500;0.082608695652173907975068800624;0.068840579710144927938486603125
-0.032432432432432434232794093987;0.102702702702702708403847964291;0.140540540540540548342107740609;0.019219219219219218358629674981;0.034234234234234231508686718826;0.094294294294294297986702702019;0.030630630630630630018007565241;0.034234234234234231508686718826;0.118318318318318321802351533734;0.111711711711711708661098896300;0.113513513513513519814779328954;0.168168168168168180587329629816
-0.082204155374887080687251739164;0.113821138211382108518243683193;0.159891598915989169293894178736;0.028003613369467026533721210058;0.068202348690153569155114610112;0.063233965672990069539771695872;0.065040650406504071923130538835;0.044263775971093044514503844766;0.102981029810298108095878433232;0.059620596205962057834160106040;0.085817524841915085453969425089;0.126919602529358632736489198578
-0.057500000000000002498001805407;0.065000000000000002220446049250;0.105624999999999996669330926125;0.101874999999999993338661852249;0.108749999999999999444888487687;0.064375000000000001665334536938;0.062500000000000000000000000000;0.058125000000000003053113317719;0.143125000000000002220446049250;0.040000000000000000832667268469;0.072499999999999995003996389187;0.120624999999999996114219413812
-0.020000000000000000416333634234;0.080000000000000001665334536938;0.088888888888888892281237019688;0.156666666666666676288599546751;0.070000000000000006661338147751;0.070000000000000006661338147751;0.046666666666666668794594130532;0.121111111111111113824989615750;0.097777777777777782897139502438;0.048888888888888891448569751219;0.059999999999999997779553950750;0.140000000000000013322676295502
-0.036274509803921571593487982454;0.117320261437908496260362767316;0.119281045751633993368123753953;0.078431372549019606754683309191;0.072549019607843143186975964909;0.078431372549019606754683309191;0.095424836601307183592268756911;0.049673202614379081965001461185;0.079738562091503262241332095073;0.054901960784313724728278316434;0.070915032679738559950877174742;0.147058823529411769603925108640
-0.012909632571996027677885265916;0.150943396226415088579031476002;0.115193644488579938212069464498;0.006951340615690168416029859344;0.088877855014895729146573444268;0.104766633565044689491152496430;0.081429990069513402684009406585;0.039225422045680240212828238100;0.089374379344587889795192836573;0.060079443892750744593556078144;0.090863952333664343985475397858;0.159384309831181736338834298294
-0.030752026838132513059109740539;0.088901313950237634275985953991;0.115180318702823594745332513867;0.087363712608331006714834643390;0.072686608890131398919010052850;0.076320939334637960538287870804;0.059407324573665085121199069818;0.100922560805143973761133224798;0.074503774112384679728648961827;0.075062901873078000103411966393;0.143835616438356156399080987285;0.075062901873078000103411966393
-0.108749999999999999444888487687;0.033750000000000002220446049250;0.103749999999999995003996389187;0.243125000000000007771561172376;0.056250000000000001387778780781;0.033750000000000002220446049250;0.035624999999999996946886682281;0.093124999999999999444888487687;0.066875000000000003885780586188;0.060624999999999998334665463062;0.124374999999999999444888487687;0.040000000000000000832667268469
-0.012121212121212121201607736509;0.058333333333333334258519187188;0.087878787878787875675890006733;0.318181818181818176771713524431;0.084090909090909091161414323778;0.092424242424242422644375949403;0.053030303030303031774916888708;0.025757575757575756902895136591;0.074242424242424248648219986535;0.065151515151515154711248101194;0.065909090909090903287470553096;0.062878787878787881227005129858
-0.014833333333333333786674401722;0.029166666666666667129259593594;0.103999999999999995226040994112;0.607833333333333336589987538900;0.010833333333333333703407674875;0.026833333333333334036474582263;0.012500000000000000693889390391;0.064166666666666663521034763562;0.027833333333333334924653001963;0.038333333333333330372738601000;0.027500000000000000138777878078;0.036166666666666666407614627587
-0.034415584415584413169320043835;0.010389610389610389601378059865;0.018181818181818180935049866775;0.842207792207792182992420748633;0.016233766233766232234270177059;0.007142857142857142634106981660;0.006493506493506493934542156410;0.017532467532467531368123303537;0.012337662337662338302157749581;0.013636363636363635701287400082;0.005844155844155844367615593171;0.015584415584415584402067089798
-0.018045112781954888298008299330;0.133082706766917302498853814541;0.126315789473684214616611143356;0.151127819548872194266309065824;0.062406015037593985661512618890;0.054887218045112783071370898824;0.069924812030075181312760435048;0.098496240601503762257529217550;0.058646616541353384366441758857;0.048120300751879702128022131546;0.052631578947368418130992040460;0.126315789473684214616611143356
-0.020507812500000000000000000000;0.131591796875000000000000000000;0.092285156250000000000000000000;0.061930338541666664353702032031;0.056966145833333335646297967969;0.125162760416666657414808128124;0.038411458333333335646297967969;0.035888671875000000000000000000;0.086751302083333328707404064062;0.093261718750000000000000000000;0.107421875000000000000000000000;0.149820963541666657414808128124
-0.023931623931623933337897724982;0.129059829059829073161225210242;0.104273504273504277750639346323;0.047863247863247866675795449964;0.045299145299145297804965792920;0.101709401709401708879809689279;0.025641025641025640136039243089;0.032478632478632481206393123330;0.086324786324786323410407362644;0.084615384615384620081712796491;0.121367521367521366548736239110;0.197435897435897428353612781393
-0.025000000000000001387778780781;0.104090909090909095047194909966;0.077272727272727270708685409772;0.120909090909090910503920213159;0.061363636363636363257878514332;0.128636363636363632023673631011;0.023636363636363635909454217199;0.015909090909090907450806895440;0.089999999999999996669330926125;0.079090909090909086720522225278;0.099545454545454548078708967296;0.174545454545454559180939213547
-0.028571428571428570536427926640;0.110714285714285709527615608749;0.081250000000000002775557561563;0.006250000000000000346944695195;0.077678571428571430157461463750;0.120535714285714287696826829688;0.074999999999999997224442438437;0.070535714285714284921269268125;0.109821428571428569842538536250;0.055357142857142854763807804375;0.075892857142857136909519510937;0.188392857142857139685077072500
-0.026081730769230770244915262879;0.286778846153846134203746487401;0.085817307692307692734701163317;0.037620192307692305877520055901;0.025600961538461537714272964195;0.096153846153846159183764541467;0.092548076923076927347011633174;0.018269230769230770244915262879;0.030048076923076923877564681220;0.045432692307692305877520055901;0.109855769230769229061195346731;0.145793269230769240163425592982
-0.003483835005574136001182949940;0.321906354515050174835977259136;0.076086956521739135261839237501;0.000557413600891861751515654611;0.017837235228539576048500947536;0.120261984392419168932164552643;0.069955406911928655344645733294;0.001811594202898550746635986108;0.023550724637681159923108253906;0.039994425863991080183357240685;0.124163879598662207914827604327;0.200390189520624290020478497354
-0.040259740259740259271659112983;0.249783549783549774225832607044;0.080086580086580080872771247869;0.000000000000000000000000000000;0.058441558441558440206708979758;0.110822510822510822414699305227;0.049783549783549783940284072514;0.017748917748917750203396792585;0.064069264069264067473774559858;0.029437229437229438938627978928;0.100000000000000005551115123126;0.199567099567099559553895460340
-0.029999999999999998889776975375;0.166666666666666657414808128124;0.093333333333333337589188261063;0.000000000000000000000000000000;0.103333333333333332593184650250;0.080833333333333326486958014812;0.106666666666666673513041985188;0.032500000000000001110223024625;0.135000000000000008881784197001;0.040000000000000000832667268469;0.068333333333333329262515576374;0.143333333333333340364745822626
-0.111528822055137838420435514308;0.108771929824561408572947129869;0.064661654135338350601891477254;0.040852130325814535460882126472;0.080451127819548870490073966266;0.089724310776942359235697210806;0.061403508771929821152824047203;0.130576441102756901635473241186;0.096741854636591476102047693075;0.060401002506265663583029379424;0.060651629072681706444924998323;0.094235588972431075238667119720
-0.126689189189189199691298881589;0.109797297297297299922824720397;0.068693693693693699819924347594;0.007319819819819819647910286164;0.066441441441441442816717710684;0.096283783783783785659160514570;0.068693693693693699819924347594;0.122747747747747742996793363091;0.079954954954954957080381916512;0.065315315315315314315114392230;0.076013513513513514263664205828;0.112049549549549543048243549492
-0.006415396952686447384905932267;0.171611868484362467546233688154;0.190056134723336017655626051237;0.000000000000000000000000000000;0.028067361668003207308963453670;0.093825180433039293004249259411;0.055332798716920608694813665807;0.025661587810745789539623729070;0.070569366479550921233965254942;0.069767441860465115310852013408;0.111467522052927023312740573147;0.177225340817963122885814186702
-0.017706237424547282416353866097;0.161971830985915499212524082395;0.087525150905432599901523360586;0.003822937625754526964200197270;0.041851106639839034950778540178;0.141649899396378259330830928775;0.036418511066398387421294557953;0.041448692152917507303122590656;0.070422535211267608956653418772;0.064989939637826968366063340454;0.102615694164989945669219650881;0.229577464788732393818904142790
-0.000000000000000000000000000000;0.157017543859649111315235359143;0.050000000000000002775557561563;0.000000000000000000000000000000;0.033333333333333332870740406406;0.174561403508771917358899372630;0.019298245614035088729698586008;0.016666666666666666435370203203;0.071929824561403510330137578421;0.061403508771929821152824047203;0.126315789473684214616611143356;0.289473684210526327476031838160
-0.035897435897435894802676159543;0.092307692307692312816413959808;0.075320512820512816598572669591;0.122115384615384611755040111802;0.083333333333333328707404064062;0.139102564102564107972881402020;0.044230769230769233224531689075;0.023717948717948716952363952259;0.107692307692307698285816286443;0.062500000000000000000000000000;0.084294871794871800707582565337;0.129487179487179498993398851781
-0.064814814814814811216869827604;0.100694444444444447528397290625;0.081018518518518517490534236458;0.204282407407407412547328817709;0.045138888888888888117900677344;0.067129629629629636311527463022;0.074074074074074069962136945833;0.074074074074074069962136945833;0.079282407407407412547328817709;0.063657407407407412547328817709;0.067129629629629636311527463022;0.078703703703703706273664408855
-0.071341463414634140316472610266;0.079268292682926830283740571303;0.052439024390243900441976876436;0.328658536585365868010200074423;0.034756097560975612870137751997;0.077439024390243901829755657218;0.022560975609756096782465562001;0.086585365853658530221892419831;0.070731707317073164165144305571;0.037195121951219510536557066871;0.043902439024390241262274514611;0.095121951219512196340488685564
-0.035703293321021851991492468414;0.070406278855032311536632505522;0.055324715297014465109626257799;0.220221606648199452749281590513;0.054709141274238225205461816358;0.114958448753462602609509701779;0.034010464758387197459210682382;0.031317328408741150480576465043;0.065943367189904580905057684959;0.113881194213604181042498453280;0.160664819944598330492269155911;0.042859341335795629601701506317
-0.094227504244482174211583469514;0.023769100169779285719462436077;0.016129032258064515681361683619;0.452461799660441421622181223938;0.075551782682512738653635153696;0.062818336162988111515126377071;0.001697792869269949041916012433;0.005093378607809847559428906294;0.080645161290322578406808418094;0.061120543293718167243699923574;0.107809847198641770016358520934;0.018675721561969439027395267772
-0.102720450281425887406605568231;0.045497185741088179422586534884;0.071294559099437146421074373848;0.324577861163227010532494887229;0.056754221388367727396673245721;0.032833020637898689686462461168;0.012664165103189493205571025669;0.056754221388367727396673245721;0.083958724202626636157198447563;0.073639774859287049357803311977;0.075515947467166985584974270296;0.063789868667917443145753964018
-0.002028397565922920864345257996;0.059837728194726165498185110891;0.042596348884381338151250417923;0.396551724137931049796179650002;0.046653144016227179879940933915;0.062880324543610546794702997886;0.010141987829614604321726289982;0.058823529411764705066012481893;0.065922920892494935030114788788;0.080121703853955381080531594762;0.150101419878296143961549091728;0.024340770791075050372143095956
-0.019425675675675675019293819901;0.034628378378378378565916051457;0.067567567567567571318321029139;0.417229729729729714726715883444;0.034628378378378378565916051457;0.047297297297297299922824720397;0.085304054054054057054656823311;0.062500000000000000000000000000;0.047297297297297299922824720397;0.066722972972972971472671588344;0.090371621621621628372977852450;0.027027027027027028527328411656
-0.044405594405594404905368577374;0.135664335664335666820079495665;0.096153846153846159183764541467;0.059440559440559440074203223503;0.095804195804195801944302957054;0.084965034965034963443386573090;0.057342657342657345209691044374;0.044755244755244755205936257880;0.098251748251748247109382816689;0.046503496503496506708774660410;0.078671328671328671910956131796;0.158041958041958030545259816790
-0.076066790352504631833596704382;0.083024118738404456552260057833;0.104823747680890533295894329058;0.170222634508348791282372758360;0.065398886827458257986478429302;0.056586270871985158703587615037;0.072820037105751397876751696003;0.063079777365491654372853247423;0.072820037105751397876751696003;0.058441558441558440206708979758;0.073283858998144713048361609253;0.103432282003710573903276781493
-0.033035714285714286309048048906;0.025207589285714284560446785122;0.031082589285714286309048048906;0.656908482142857130803292875498;0.024598214285714285753936536594;0.045441964285714286919670712450;0.014558035714285714329330190253;0.019633928571428573006674156431;0.024424107142857143237790751300;0.051381696428571425883102818943;0.066473214285714288251938342000;0.007254464285714285962103353711
-0.011249999999999999583666365766;0.008750000000000000832667268469;0.006875000000000000034694469520;0.881874999999999964472863211995;0.011875000000000000138777878078;0.011249999999999999583666365766;0.003125000000000000173472347598;0.003749999999999999861222121922;0.025000000000000001387778780781;0.014375000000000000624500451352;0.001874999999999999930611060961;0.020000000000000000416333634234
-0.019259259259259260688157411323;0.151851851851851848973495862083;0.141111111111111103832982394124;0.033333333333333332870740406406;0.054074074074074073015250263552;0.075555555555555556357383295563;0.098148148148148151026504137917;0.082592592592592592448674793104;0.064444444444444443087505192125;0.052962962962962961688262453208;0.066666666666666665741480812812;0.160000000000000003330669073875
-0.034285714285714287419271073531;0.154285714285714276039485071124;0.180571428571428577170010498776;0.028000000000000000582867087928;0.085142857142857145125169893163;0.068571428571428574838542147063;0.063428571428571431378706790838;0.059999999999999997779553950750;0.068571428571428574838542147063;0.073142857142857148344816664576;0.077714285714285707973303374274;0.106285714285714288918072156775
-0.059758771929824559820954021916;0.071271929824561403021832006743;0.109100877192982462227099915708;0.061951754385964910576412023602;0.100328947368421059205267908965;0.064144736842105268270763929195;0.056469298245614037157213971341;0.069078947368421059205267908965;0.106359649122807015109160033717;0.064692982456140357694351905593;0.091008771929824566759847925823;0.145833333333333342585191871876
-0.052631578947368418130992040460;0.080940988835725674599430590206;0.114832535885167466571665784159;0.098086124401913873938063659352;0.042663476874003188055173296789;0.055422647527910685882890362564;0.057416267942583733285832892079;0.100478468899521528046037133208;0.112838915470494419168723254643;0.089314194577352470916231652609;0.107256778309409883664926610436;0.088118022328548650801138819588
-0.012455089820359281291284325732;0.123065868263473057742096727907;0.092742514970059877765784506209;0.011017964071856288163497872290;0.064000000000000001332267629550;0.110994011976047898815345149615;0.028742514970059879902963828613;0.025724550898203593640722885993;0.110419161676646712666460814489;0.056766467065868263242034430505;0.105724550898203595306057422931;0.258347305389221570948166117887
-0.014150943396226415421645938864;0.112930077691453939481291968150;0.083518312985571593887179631110;0.118201997780244177915776049304;0.051609322974472807143975217059;0.090455049944506107917341353186;0.026637069922308544839273380944;0.032741398446170924541043234512;0.121254162042175359093043596204;0.067702552719200892461515195464;0.084905660377358485590981729274;0.195893451720310779462508321558
-0.007217321571772253308019173801;0.068965517241379309387738771875;0.060745789895749802145274998111;0.436647955092221318196266111045;0.039294306335204490232548835138;0.063352044907778667925946081141;0.029871692060946270635968247120;0.013833199679230152173703416452;0.053528468323977548837255824310;0.063753007217321577826396605815;0.076583801122694472596208470350;0.086206896551724143673567368751
-0.002773909006499535902234843121;0.174558960074280400398549772945;0.128470287836583096918730007019;0.012616063138347261007865540705;0.029944289693593313661512667068;0.084795728876508824622959537010;0.025150882079851440836781861776;0.005512999071494893536804493550;0.081128133704735372333516352228;0.082137883008356546432615630238;0.104445218198700090495023573567;0.268465645311049216914511816867
-0.000965250965250965273570238345;0.175675675675675685427634675762;0.104247104247104246943500527323;0.000000000000000000000000000000;0.037644787644787645886079729962;0.083976833976833975548004218581;0.023166023166023164830962244309;0.008687258687258687245291710610;0.089768339768339769357829993623;0.090733590733590732679836321495;0.111003861003861004075332630237;0.274131274131274138561309428042
-0.020138888888888890199568848516;0.078075396825396825573051273750;0.073214285714285717854288293438;0.273412698412698385030950021246;0.063789682539682535100666882499;0.073611111111111113269878103438;0.021924603174603173039169945469;0.029960317460317461429886165547;0.092757936507936511461025475000;0.093750000000000000000000000000;0.089682539682539683112416639688;0.089682539682539683112416639688
-0.020911654135338346438555134910;0.059093045112781954208980295107;0.098919172932330823311275480592;0.129816729323308260868330421545;0.093515037593984967623228499178;0.066611842105263163738015919080;0.010338345864661653561444865090;0.078712406015037594819716559869;0.112429511278195490286968549754;0.076010338345864666975693069162;0.060737781954887215540850320394;0.192904135338345855688046981413
-0.092533333333333328551972840614;0.110133333333333333081682781085;0.115466666666666661900109147609;0.008000000000000000166533453694;0.039199999999999998734345751927;0.090399999999999994249044732442;0.026133333333333334802528469254;0.057333333333333333370340767488;0.103200000000000000066613381478;0.108799999999999993938182285547;0.100000000000000005551115123126;0.148799999999999987831955650108
-0.003979591836734693889587877180;0.065918367346938774864462118330;0.057295918367346938826489832763;0.466938775510204073793119050606;0.039285714285714284921269268125;0.056683673469387754750847818741;0.018061224489795919823098557799;0.019642857142857142460634634062;0.052653061224489795810743686388;0.088010204081632653627664808482;0.090102040816326528505086912446;0.041428571428571425716569365250
-0.007543103448275862397964797168;0.015086206896551724795929594336;0.021551724137931035918391842188;0.792025862068965524898089825001;0.001077586206896551709183418311;0.028017241379310345306130614063;0.007543103448275862397964797168;0.003232758620689655127550254932;0.018318965517241377755075504297;0.032327586206896553877587763282;0.057112068965517244489848991407;0.016163793103448276938793881641
-0.019305019305019304604043028917;0.082046332046332048903991562838;0.115830115830115834563152077408;0.443050193050193052979324193075;0.009652509652509652302021514458;0.039575289575289572530092385705;0.061776061776061777508495254096;0.015444015444015444377123813524;0.045366795366795366339918160747;0.022200772200772201508955916438;0.062741312741312740830501581968;0.083011583011583012225997890710
-0.093137254901960786490633381618;0.093790849673202614233957774559;0.084640522875816998071840657758;0.037581699346405227080136768336;0.215686274509803932453166908090;0.049019607843137254221677068244;0.081372549019607845477430885239;0.045424836601307187755605099255;0.116013071895424840773713981434;0.029411764705882352533006240947;0.036928104575163399336812375395;0.116993464052287582388700570846
-0.090370370370370364798695561603;0.100370370370370373680479758605;0.112962962962962959467816403958;0.050370370370370370904922197042;0.105555555555555555247160270937;0.044814814814814814269983145323;0.092962962962962969459823625584;0.031851851851851853414387960584;0.145555555555555549140933635499;0.052222222222222225429533182250;0.062222222222222220433529571437;0.110740740740740736813840783270
-0.023643410852713177966455404544;0.110465116279069769378295973183;0.129069767441860466794523176759;0.093023255813953487081136017878;0.062015503875968991387424011918;0.089147286821705432058315921040;0.086046511627906982488944720444;0.046899224806201553206186360967;0.112015503875968994162981573481;0.064728682170542631291176860486;0.075968992248062014449594414600;0.106976744186046510143306420559
-0.020833333333333332176851016015;0.083653846153846148081534295216;0.142628205128205121088313944711;0.102564102564102560544156972355;0.062500000000000000000000000000;0.069230769230769234612310469856;0.053525641025641022829884008161;0.044871794871794871972792151382;0.093269230769230770938804653269;0.083974358974358967455664526369;0.097435897435897436680285466082;0.145512820512820523211061640723
-0.016949152542372881297128017763;0.100564971751412435274630752247;0.101129943502824864998146381367;0.253107344632768349601548152350;0.050282485875706217637315376123;0.067514124293785310326754256494;0.040395480225988697475791866509;0.026271186440677964796241994350;0.095197740112994352901232275599;0.049152542372881358190284117882;0.069774011299435029220816772977;0.129661016949152552157897844154
-0.047560975609756098170244342782;0.074796747967479676466595606144;0.026016260162601625993694653971;0.331300813008130079495572317683;0.077642276422764222587602489511;0.080894308943089424102090845281;0.013821138211382113375469415928;0.004471544715447154684506703148;0.127642276422764239240947858889;0.039024390243902438990541980957;0.061382113821138208076266806756;0.115447154471544716214381764985
-0.036388888888888887285233408875;0.077777777777777779011358916250;0.061666666666666668239482618219;0.297222222222222220988641083750;0.086388888888888890060790970438;0.073611111111111113269878103438;0.022499999999999999167332731531;0.019722222222222220849863205672;0.113888888888888886730121896562;0.043888888888888887007677652718;0.045555555555555557467606320188;0.121388888888888893391460044313
-0.029696969696969697377619823442;0.109696969696969695573507408426;0.049393939393939392812349353790;0.281818181818181801023825983066;0.093030303030303032607584157176;0.063939393939393934784831685647;0.038181818181818184820830452963;0.006666666666666667094565124074;0.099090909090909090606302811466;0.029090909090909090883858567622;0.036666666666666666851703837438;0.162727272727272720409530393226
-0.011011904761904762681257174961;0.154166666666666674068153497501;0.126488095238095232808461787499;0.127678571428571419055231217499;0.060119047619047620567567236094;0.065178571428571432933019025313;0.075595238095238090347827153437;0.041666666666666664353702032031;0.074702380952380950662750080937;0.045833333333333330095182844843;0.047321428571428569842538536250;0.170238095238095243910692033751
-0.020192307692307693428590553708;0.129487179487179498993398851781;0.056089743589743591700713665205;0.231089743589743601415165130675;0.041666666666666664353702032031;0.092948717948717951564674422116;0.033333333333333332870740406406;0.021474358974358974394558430276;0.071153846153846150857091856778;0.088141025641025647074933146996;0.125641025641025638748260462307;0.088782051282051285823193609303
-0.020325203252032519873893079421;0.120731707317073166940701867134;0.078861788617886174890259098902;0.136585365853658546875237789209;0.050406504065040651230145130057;0.086991869918699185615373892233;0.048780487804878050472900952172;0.028048780487804878674973352304;0.090243902439024387129862248003;0.088211382113821137918030501623;0.133739837398373972998655290212;0.117073170731707323910519846777
-0.063141025641025638748260462307;0.079166666666666662965923251249;0.130448717948717957115789545242;0.050641025641025641523818023870;0.100961538461538463673505816587;0.047435897435897433904727904519;0.066346153846153846367350581659;0.065064102564102568870829657044;0.152884615384615396571632572886;0.060576923076923076816324709171;0.042628205128205129414986629399;0.140705128205128204843532557788
-0.029385964912280702898694784153;0.109210526315789480111817510988;0.085526315789473686401755969655;0.041228070175438599753725554820;0.109649122807017537772900084292;0.076754385964912283379923962912;0.086842105263157901018367113011;0.020175438596491228337992396291;0.155263157894736852915329450298;0.041666666666666664353702032031;0.062280701754385964230564809441;0.182017543859649133519695851646
-0.023333333333333334397297065266;0.142222222222222222098864108375;0.092962962962962969459823625584;0.000000000000000000000000000000;0.125555555555555559132940857126;0.090370370370370364798695561603;0.070740740740740742920067418709;0.011481481481481481399242738917;0.177407407407407402555321596083;0.028518518518518519433424529552;0.052222222222222225429533182250;0.185185185185185174905342364582
-0.026984126984126985404621734688;0.138492063492063499641204771251;0.106746031746031741493929700937;0.000396825396825396825052634231;0.113888888888888886730121896562;0.059126984126984125089698807187;0.110714285714285709527615608749;0.022619047619047618485899064922;0.165079365079365075752448888124;0.034126984126984123701920026406;0.052777777777777777623580135469;0.169047619047619057663922603751
-0.071590909090909093936971885341;0.142803030303030292769150833010;0.098484848484848480643094603693;0.041666666666666664353702032031;0.092424242424242422644375949403;0.078030303030303033162695669489;0.086363636363636364645657295114;0.017424242424242425419933510966;0.132196969696969701679734043864;0.065530303030303035938253231052;0.057196969696969697516397701520;0.116287878787878787290033244517
-0.037301587301587300904426314219;0.103174603174603168875833603124;0.068650793650793656697217670626;0.105158730158730159831570460938;0.080952380952380956213865204063;0.126984126984126977077949049999;0.034126984126984123701920026406;0.016666666666666666435370203203;0.142460317460317453797102871249;0.071031746031746029190756530625;0.094841269841269837392871977499;0.118650793650793645594987424374
-0.038484848484848482863540652943;0.116969696969696973498642478262;0.081818181818181817677171352443;0.009393939393939393714405561298;0.163939393939393940335946808773;0.094545454545454543637816868795;0.048484848484848484806430946037;0.027878787878787877896336055983;0.171818181818181814346502278568;0.037878787878787879839226349077;0.060303030303030302761158054636;0.148484848484848497296439973070
-0.025833333333333333148296162562;0.066111111111111106608539955687;0.072777777777777774570466817750;0.369444444444444464181742660003;0.096111111111111105498316931062;0.044999999999999998334665463062;0.029722222222222222792753498766;0.018888888888888889089345823891;0.092777777777777778456247403938;0.040277777777777780399137697032;0.034166666666666664631257788187;0.108888888888888882289229798062
-0.019918699186991871419305510926;0.140650406504065045298901281967;0.055284552845528453501877663712;0.129268292682926833059298132866;0.089430894308943090220687111014;0.097154471544715445552320431943;0.046341463414634145867587733392;0.013821138211382113375469415928;0.116260162601626013123556901974;0.047967479674796746624831911276;0.067073170731707321134962285214;0.176829268292682917351754667834
-0.002564102564102564100340098108;0.204700854700854695256140303172;0.090598290598290595609931585841;0.000854700854700854700113366036;0.061965811965811967709782948077;0.138888888888888895056794581251;0.041880341880341877269788852800;0.005982905982905983334474431246;0.089316239316239318113410661226;0.044871794871794871972792151382;0.090598290598290595609931585841;0.227777777777777773460243793124
-0.020333333333333331732761806165;0.123999999999999999111821580300;0.100333333333333329928649391150;0.053333333333333336756520992594;0.050999999999999996724842077356;0.110666666666666663187967856175;0.032000000000000000666133814775;0.029666666666666667573348803444;0.102666666666666669960328306388;0.076333333333333336367942933975;0.110333333333333338810433588151;0.189333333333333325709801897574
-0.022649572649572648902482896460;0.112820512820512822149687792717;0.073931623931623932644008334591;0.002564102564102564100340098108;0.117521367521367520181385657452;0.085042735042735045913886438029;0.072649572649572655147487409977;0.020085470085470086970547143324;0.151282051282051271945405801489;0.063675213675213671038477514230;0.074358974358974358476181976130;0.203418803418803417759619378558
-0.027192982456140352143236782467;0.165497076023391809229678983684;0.074269005847953220578183675116;0.001461988304093567170305334457;0.088011695906432749203496257451;0.135964912280701760716183912336;0.040350877192982456675984792582;0.014912280701754385484059106659;0.128070175438596500772092667830;0.051169590643274850960686706003;0.107309941520467841402641795412;0.165789473684210514337067365886
-0.008000000000000000166533453694;0.196666666666666656304585103499;0.075999999999999998112620858137;0.000000000000000000000000000000;0.057666666666666664686768939418;0.152333333333333320602775984298;0.057666666666666664686768939418;0.009666666666666667157015169209;0.127000000000000001776356839400;0.034000000000000002442490654175;0.113666666666666665852503115275;0.167333333333333333925452279800
-0.006060606060606060600803868255;0.171212121212121204383294070794;0.113333333333333327597181039437;0.002121212121212121427121788386;0.069393939393939396698129939978;0.115757575757575753572226062715;0.038787878787878787845144756830;0.023939393939393940891058321085;0.106363636363636368531437881302;0.069696969696969701679734043864;0.076666666666666660745477201999;0.206666666666666665186369300500
-0.009219858156028368223466884501;0.195744680851063834747805003644;0.063829787234042548171863984408;0.008865248226950355261988256927;0.064539007092198577564268191509;0.128723404255319140432334279467;0.040425531914893619855888573511;0.028368794326241134062804860605;0.093617021276595741019477259215;0.060638297872340422844938956359;0.081914893617021269922595649859;0.224113475177304954932822056435
-0.051481481481481482231910007386;0.140740740740740749581405566460;0.052962962962962961688262453208;0.001851851851851851922525771243;0.148518518518518521931426334959;0.100000000000000005551115123126;0.021851851851851851471497667490;0.005555555555555555767577313730;0.200370370370370365353807073916;0.043333333333333334813630699500;0.065185185185185179346234463083;0.168148148148148157687842285668
-0.011111111111111111535154627461;0.123931623931623935419565896154;0.048717948717948718340142733041;0.000000000000000000000000000000;0.067521367521367517405828095889;0.230769230769230782041034899521;0.036324786324786327573743704988;0.012393162393162392501122504029;0.125213675213675212916086820769;0.038034188034188030902438271141;0.148717948717948716952363952259;0.157264957264957261351412398653
-0.002592592592592592518063732143;0.174444444444444457520404512252;0.056296296296296295669225884239;0.000000000000000000000000000000;0.026296296296296296779448908865;0.259259259259259244867479310415;0.028518518518518519433424529552;0.021111111111111111743321444578;0.045925925925925925596970955667;0.026296296296296296779448908865;0.161111111111111121596550788126;0.198148148148148156577619261043
-0.005813953488372092942571001117;0.182170542635658905261664131103;0.090697674418604656843001521338;0.001162790697674418588514200223;0.083720930232558138373022416090;0.102325581395348835789249619665;0.067441860465116285072717516869;0.012015503875968992081313402309;0.081395348837209308134887919550;0.051550387596899227560243161861;0.097674418604651161435192818772;0.224031007751937988325963146963
-0.038518518518518521376314822646;0.138888888888888895056794581251;0.099259259259259255414598044354;0.035925925925925923654080662573;0.100000000000000005551115123126;0.071851851851851847308161325145;0.057407407407407406996213694583;0.015555555555555555108382392859;0.155925925925925912274294660165;0.059999999999999997779553950750;0.068518518518518520266091798021;0.158148148148148148806058088667
-0.031132075471698113233731675109;0.116352201257861637140322841333;0.086477987421383642474559394486;0.203459119496855356246101109718;0.068867924528301885378489544109;0.067295597484276728494911878897;0.046226415094339619316077261146;0.019496855345911948825810000585;0.106289308176100633085425783975;0.065723270440251571611334213685;0.082389937106918234577257464935;0.106289308176100633085425783975
-0.012356321839080459598636529961;0.126436781609195414421975556252;0.103160919540229878421655484999;0.074425287356321839782324900625;0.114367816091954024870780415313;0.088793103448275859101990192812;0.068103448275862066285668561250;0.024137931034482758285708570156;0.112931034482758624326592666876;0.045977011494252872925159181250;0.060632183908045977904777146250;0.168678160919540243156689030002
-0.042222222222222223486642889156;0.135185185185185186007572610833;0.120740740740740745695624980272;0.022592592592592591199673890401;0.085555555555555551361379684749;0.067037037037037033870845448291;0.079259259259259265406605265980;0.052962962962962961688262453208;0.127407407407407413657551842334;0.057407407407407406996213694583;0.068148148148148152136727162542;0.141481481481481485840134837417
-0.043055555555555555247160270937;0.127083333333333325931846502499;0.119097222222222215437525960624;0.047569444444444441977282167500;0.074999999999999997224442438437;0.064236111111111104943205418749;0.067361111111111107718762980312;0.070486111111111110494320541875;0.101041666666666668517038374375;0.047569444444444441977282167500;0.060416666666666667129259593594;0.177083333333333342585191871876
-0.031707317073170732113496228521;0.103252032520325207065603478895;0.132926829268292689967267961038;0.094715447154471540947007213163;0.069105691056910570346794031593;0.054471544715447156592702526723;0.053658536585365852744633485827;0.039837398373983742838611021853;0.105284552845528456277435225275;0.054471544715447156592702526723;0.082113821138211376404747454671;0.178455284552845538925680557441
-0.016666666666666666435370203203;0.152777777777777790113589162502;0.148263888888888889505679458125;0.095138888888888883954564334999;0.034027777777777774848022573906;0.048263888888888890893458238907;0.135416666666666657414808128124;0.040277777777777780399137697032;0.062500000000000000000000000000;0.046180555555555558022717832500;0.081597222222222223764198645313;0.138888888888888895056794581251
-0.017948717948717947401338079771;0.149145299145299142784537593798;0.133760683760683757315135267163;0.036752136752136753405917346527;0.068803418803418808780136828318;0.076495726495726501514837991635;0.071367521367521363773178677548;0.016666666666666666435370203203;0.100427350427350431383288764664;0.043162393162393161705203681322;0.067094017094017091573654454351;0.218376068376068377396848063654
-0.012790697674418604473656202458;0.164341085271317827176673631584;0.101162790697674420670182371396;0.031007751937984495693712005959;0.070930232558139530429919261678;0.130232558139534881913590425029;0.050387596899224805502282009684;0.011240310077519379688970602160;0.113178294573643409282048821751;0.048062015503875968325253609237;0.091085271317829452630832065552;0.175581395348837210335091185698
-0.021544715447154472176549688811;0.121544715447154477727664811937;0.105691056910569111670916697676;0.040243902439024391293198590347;0.073983739837398379557420469155;0.131300813008130068393342071431;0.057317073170731709652603313998;0.021951219512195120631137257305;0.127642276422764239240947858889;0.050406504065040651230145130057;0.073983739837398379557420469155;0.174390243902439012746441449053
-0.081372549019607845477430885239;0.054901960784313724728278316434;0.077941176470588235947190014485;0.150980392156862736063871466285;0.059803921568627453619892975212;0.042647058823529412907582525349;0.051960784313725492944424644293;0.055882352941176473282158809752;0.157843137254901955124353207793;0.086764705882352938237644934816;0.057843137254901963451025892482;0.122058823529411761277252423952
-0.047008547008547008072554262981;0.082478632478632477043056780985;0.108547008547008549950163569520;0.062820512820512819374130231154;0.056410256410256411074843896358;0.048717948717948718340142733041;0.089743589743589743945584302764;0.050427350427350428607731203101;0.138461538461538469224620939713;0.086752136752136749242581004182;0.066239316239316239909307171274;0.162393162393162399093071712741
-0.034523809523809526056403740313;0.105654761904761904101057723437;0.108035714285714290472384391251;0.106845238095238090347827153437;0.081845238095238095898942276563;0.060714285714285713690951951094;0.086011904761904761640423089375;0.034821428571428572618096097813;0.113095238095238095898942276563;0.066666666666666665741480812812;0.061309523809523806814336666093;0.140476190476190476719153821250
-0.032592592592592589673117231541;0.086666666666666669627261399000;0.082962962962962960578039428583;0.317777777777777770129574719249;0.062962962962962956692258842395;0.065925925925925929482751541855;0.044814814814814814269983145323;0.038148148148148146308056283260;0.077777777777777779011358916250;0.056666666666666663798590519718;0.057777777777777775125578330062;0.075925925925925924486747931041
-0.014619883040935671703053344572;0.097953216374269000410457408634;0.046198830409356725357206130411;0.119298245614035083872472853272;0.090350877192982459451542354145;0.122807017543859642305648094407;0.053801169590643273255015088807;0.016374269005847954389087917093;0.113450292397660815191251515444;0.062573099415204683215740999458;0.078654970760233922089099678487;0.183918128654970758351083759408
-0.030612244897959182965418989397;0.103401360544217682524426038526;0.096598639455782314700016399911;0.000680272108843537367910137004;0.096258503401360537288233842901;0.099659863945578228139332566116;0.059183673469387756971293867991;0.020068027210884353817021974464;0.160204081632653067002181046519;0.050340136054421766309552310759;0.090476190476190473943596259687;0.192517006802721074576467685802
-0.052380952380952382207990325469;0.069523809523809529387072814188;0.153809523809523812643007545375;0.033809523809523810145005739969;0.046666666666666668794594130532;0.054761904761904761640423089375;0.048095238095238093678496227312;0.084761904761904760530200064750;0.144761904761904758309754015499;0.084761904761904760530200064750;0.084761904761904760530200064750;0.141904761904761894664162014124
-0.049722222222222223209087133000;0.096111111111111105498316931062;0.104444444444444450859066364501;0.118888888888888891171013995063;0.038055555555555557745162076344;0.074722222222222217657972009874;0.036666666666666666851703837438;0.037777777777777778178691647781;0.114444444444444445863062753688;0.120277777777777775125578330062;0.104444444444444450859066364501;0.104444444444444450859066364501
-0.040555555555555553026714221687;0.095555555555555560243163881751;0.095555555555555560243163881751;0.144999999999999990007992778374;0.029999999999999998889776975375;0.097222222222222223764198645313;0.046666666666666668794594130532;0.013888888888888888117900677344;0.103333333333333332593184650250;0.110000000000000000555111512313;0.109444444444444441422170655187;0.112777777777777782342027990126
-0.026136363636363634660453314495;0.157196969696969696128618920739;0.059848484848484845288751898806;0.147348484848484839737636775681;0.051515151515151513805790273182;0.137878787878787878451447568295;0.041287878787878790065590806080;0.003409090909090908925321850020;0.074621212121212115997437308579;0.062500000000000000000000000000;0.082196969696969698904176482301;0.156060606060606066325391338978
-0.004629629629629629372633559115;0.065277777777777781786916477813;0.042129629629629627984854778333;0.634259259259259300378630541672;0.007870370370370369586532355299;0.052777777777777777623580135469;0.016203703703703702804217456901;0.012500000000000000693889390391;0.025000000000000001387778780781;0.059259259259259261520824679792;0.055555555555555552471602709375;0.024537037037037037756626034479
-0.013888888888888888117900677344;0.105208333333333334258519187188;0.045138888888888888117900677344;0.427430555555555535818257339997;0.021874999999999998612221219219;0.089583333333333334258519187188;0.013888888888888888117900677344;0.013541666666666667129259593594;0.047222222222222220988641083750;0.061805555555555558022717832500;0.084027777777777784562474039376;0.076388888888888895056794581251
-0.015714285714285715356286488031;0.144761904761904758309754015499;0.086190476190476192352996065438;0.160952380952380957879199741001;0.040952380952380955381197935594;0.103333333333333332593184650250;0.053333333333333336756520992594;0.015238095238095238082021154469;0.067619047619047620290011479938;0.064285714285714279370154144999;0.109523809523809523280846178750;0.138095238095238104225614961251
-0.006060606060606060600803868255;0.217171717171717182370827003979;0.153030303030303016509350300112;0.000000000000000000000000000000;0.036363636363636361870099733551;0.076767676767676762406011903295;0.125757575757575762454010259717;0.022222222222222223070309254922;0.050000000000000002775557561563;0.042929292929292928171491894318;0.097979797979797986218208905029;0.171717171717171712685967577272
-0.010975609756097560315568628653;0.119918699186991870031526730145;0.096341463414634148643145294955;0.142682926829268280632945220532;0.040243902439024391293198590347;0.106097560975609753186610362263;0.043902439024390241262274514611;0.015447154471544715867437069790;0.065853658536585368832305675824;0.069105691056910570346794031593;0.106504065040650408580091834665;0.182926829268292678865037714786
-0.025520833333333332870740406406;0.094270833333333331482961625625;0.086458333333333331482961625625;0.244791666666666657414808128124;0.017708333333333332870740406406;0.084895833333333337034076748751;0.023958333333333334952408577578;0.021354166666666667129259593594;0.079166666666666662965923251249;0.087499999999999994448884876874;0.123958333333333337034076748751;0.110416666666666662965923251249
-0.039583333333333331482961625625;0.114236111111111107718762980312;0.153472222222222232090871330001;0.016319444444444445446729119453;0.063194444444444441977282167500;0.072916666666666671292595935938;0.035763888888888886730121896562;0.029166666666666667129259593594;0.139930555555555558022717832500;0.075347222222222218213083522187;0.082638888888888886730121896562;0.177430555555555563573832955626
-0.040740740740740744030290443334;0.109567901234567902091221469618;0.094444444444444441977282167500;0.036728395061728397186229244653;0.079012345679012344068503637118;0.084259259259259255969709556666;0.038580246913580244771946325955;0.070370370370370374790702783230;0.116666666666666668517038374375;0.075925925925925924486747931041;0.065123456790123462889496863681;0.188580246913580246159725106736
-0.082500000000000003885780586188;0.115833333333333329817627088687;0.095000000000000001110223024625;0.029999999999999998889776975375;0.040833333333333332593184650250;0.109166666666666661855700226624;0.027500000000000000138777878078;0.090416666666666672957930472876;0.085416666666666668517038374375;0.070416666666666669072149886688;0.083750000000000004996003610813;0.169166666666666659635254177374
-0.061666666666666668239482618219;0.179999999999999993338661852249;0.043333333333333334813630699500;0.010000000000000000208166817117;0.033333333333333332870740406406;0.194444444444444447528397290625;0.018333333333333333425851918719;0.006111111111111111431071218902;0.081111111111111106053428443374;0.053333333333333336756520992594;0.107222222222222218768195034500;0.211111111111111110494320541875
-0.048015873015873018758714607657;0.163095238095238098674499838125;0.108333333333333337034076748751;0.034920634920634921471993550313;0.056349206349206350241676233281;0.098412698412698410010968075312;0.067460317460317456572660432812;0.015476190476190476719153821250;0.082539682539682537876224444062;0.053968253968253970809243469375;0.101190476190476191797884553125;0.170238095238095243910692033751
-0.002020202020202020200267956085;0.162121212121212110446322185453;0.093939393939393933674608661022;0.028787878787878789371701415689;0.045959595959595957170851221463;0.144949494949494939177725427726;0.027777777777777776235801354687;0.014141414141414142269237430583;0.058585858585858588409855940426;0.064646464646464646408574594716;0.116161616161616160214364867898;0.240909090909090906063028114659
-0.000000000000000000000000000000;0.209649122807017557201803015232;0.039473684210526313598244030345;0.000000000000000000000000000000;0.023684210526315790240614589379;0.253508771929824572310963048949;0.014035087719298245875765296375;0.001754385964912280734470662047;0.062280701754385964230564809441;0.035526315789473683626198408092;0.143859649122807020660275156843;0.216228070175438602529283116382
-0.030894308943089431734874139579;0.171544715447154466625434565685;0.128048780487804880756641523476;0.006097560975609756309112619022;0.017073170731707318359404723651;0.117073170731707323910519846777;0.034146341463414636718809447302;0.028861788617886179053595441246;0.068292682926829273437618894604;0.116260162601626013123556901974;0.113414634146341467002550018606;0.168292682926829278988734017730
-0.039639639639639637214152401157;0.105405405405405411256580805457;0.148198198198198211050780059850;0.008108108108108108558198523497;0.047747747747747745772350924653;0.068918918918918922744687449722;0.027477477477477477846301567865;0.048648648648648651349191140980;0.109459459459459465535680067205;0.118468468468468465792930999214;0.110360360360360357234732475717;0.167567567567567576869436152265
-0.020370370370370372015145221667;0.115277777777777784562474039376;0.071759259259259258745267118229;0.282870370370370383117375467918;0.039814814814814816767984950729;0.081481481481481488060580886668;0.021296296296296295808003762318;0.019907407407407408383992475365;0.062500000000000000000000000000;0.073148148148148142699831453228;0.102777777777777773460243793124;0.108796296296296293726335591145
-0.017708333333333332870740406406;0.166666666666666657414808128124;0.084375000000000005551115123126;0.017187500000000001387778780781;0.032291666666666669904817155157;0.163020833333333337034076748751;0.029687499999999998612221219219;0.015625000000000000000000000000;0.072395833333333339809634310313;0.095833333333333339809634310313;0.138541666666666674068153497501;0.166666666666666657414808128124
-0.022395833333333333564629796797;0.147916666666666668517038374375;0.120312500000000002775557561563;0.000000000000000000000000000000;0.088020833333333339809634310313;0.067708333333333328707404064062;0.042187500000000002775557561563;0.015625000000000000000000000000;0.142187499999999994448884876874;0.062500000000000000000000000000;0.073437500000000002775557561563;0.217708333333333337034076748751
-0.016111111111111110771876298031;0.120277777777777775125578330062;0.074444444444444438091501581312;0.228055555555555566904502029502;0.068055555555555549696045147812;0.095555555555555560243163881751;0.036666666666666666851703837438;0.018333333333333333425851918719;0.063333333333333338699411285688;0.063333333333333338699411285688;0.070277777777777772350020768499;0.145555555555555549140933635499
-0.018817204301075269451404281540;0.132795698924731170320612250180;0.067204301075268813026042380443;0.204301075268817217134298402925;0.059139784946236562124255442541;0.098387096774193549819642612420;0.016666666666666666435370203203;0.012365591397849462138025522506;0.075268817204301077805617126160;0.077419354838709680821651204496;0.106989247311827961883778925767;0.130645161290322581182365979657
-0.082592592592592592448674793104;0.142222222222222222098864108375;0.093703703703703705718552896542;0.057407407407407406996213694583;0.028888888888888887562789165031;0.108888888888888882289229798062;0.020000000000000000416333634234;0.074074074074074069962136945833;0.084444444444444446973285778313;0.098148148148148151026504137917;0.102962962962962964463820014771;0.106666666666666673513041985188
-0.070370370370370374790702783230;0.110493827160493829353526962223;0.084567901234567907642336592744;0.046913580246913583193801855487;0.037037037037037034981068472916;0.091975308641975311862992725764;0.023456790123456791596900927743;0.100000000000000005551115123126;0.072222222222222215437525960624;0.091358024691358022395526461423;0.087654320987654327224092298820;0.183950617283950623725985451529
-0.004444444444444444440589503387;0.129444444444444445307951241375;0.047777777777777780121581940875;0.196111111111111124927219862002;0.036666666666666666851703837438;0.174999999999999988897769753748;0.030555555555555554553270880547;0.044999999999999998334665463062;0.066666666666666665741480812812;0.061666666666666668239482618219;0.100555555555555550806268172437;0.106111111111111114380101128063
-0.000000000000000000000000000000;0.125862068965517243102070210625;0.055172413793103447510191017500;0.296551724137931016489488911247;0.029310344827586206489788978047;0.139080459770114933659712619374;0.023563218390804597374144080391;0.007471264367816091850338366953;0.045977011494252872925159181250;0.073563218390804596680254690000;0.106321839080459765169983654687;0.097126436781609190584951818437
-0.018148148148148149361169600979;0.114814814814814813992427389167;0.132962962962962949475809182331;0.111851851851851855079722497521;0.035925925925925923654080662573;0.115185185185185182121792024645;0.049629629629629627707299022177;0.050000000000000002775557561563;0.081111111111111106053428443374;0.083333333333333328707404064062;0.097407407407407400889987059145;0.109629629629629632425746876834
-0.029569892473118281062127721270;0.126881720430107536312647198429;0.176881720430107525210416952177;0.018279569892473118697395761956;0.032258064516129031362723367238;0.123118279569892477565140609386;0.055376344086021503376748853498;0.043010752688172046442893758922;0.082258064516129034138280928801;0.082258064516129034138280928801;0.103763440860215050420833904354;0.126344086021505375150297822984
-0.015040650406504065678126025318;0.118292682926829262335388648353;0.097967479674796742461495568932;0.161788617886178848204181690562;0.046341463414634145867587733392;0.103252032520325207065603478895;0.040650406504065039747786158841;0.016260162601626017980782634709;0.071951219512195116467800914961;0.055691056910569108895359136113;0.136178861788617877603968508993;0.136585365853658546875237789209
-0.018918918918918919969129888159;0.096846846846846842971068269890;0.106756756756756762682947226040;0.277927927927927920226380820168;0.029279279279279278591641144658;0.063963963963963962888747971647;0.038738738738738738576206088737;0.023423423423423423567202306117;0.056756756756756759907389664477;0.071171171171171165870106278817;0.098648648648648654124748702543;0.117567567567567574093878590702
-0.024358974358974359170071366520;0.132905982905982905650787984086;0.132905982905982905650787984086;0.195299145299145299192744573702;0.012393162393162392501122504029;0.071367521367521363773178677548;0.047435897435897433904727904519;0.036324786324786327573743704988;0.057692307692307695510258724880;0.067521367521367517405828095889;0.104273504273504277750639346323;0.117521367521367520181385657452
-0.039880952380952378044653983125;0.074404761904761904101057723437;0.039880952380952378044653983125;0.377380952380952372493538859999;0.017857142857142856151586585156;0.103571428571428578169211220938;0.026190476190476191103995162734;0.056547619047619047949471138281;0.069047619047619052112807480626;0.061904761904761906876615285000;0.076190476190476197348999676251;0.057142857142857141072855853281
-0.029245283018867924973438476854;0.098742138364779880044252990956;0.100628930817610068304546189211;0.264150943396226411952198986910;0.040880503144654085911913199425;0.066352201257861634364765279770;0.067924528301886791248342944982;0.024528301886792454322705481218;0.056918238993710693063299288497;0.063836477987421383351041015430;0.066981132075471697118196345855;0.119811320754716982284193704800
-0.034444444444444444197728216750;0.070000000000000006661338147751;0.071666666666666670182372911313;0.340000000000000024424906541753;0.043888888888888887007677652718;0.076666666666666660745477201999;0.028333333333333331899295259859;0.014999999999999999444888487687;0.095000000000000001110223024625;0.061111111111111109106541761093;0.058888888888888886452566140406;0.104999999999999996114219413812
-0.036458333333333335646297967969;0.129166666666666679619268620627;0.101041666666666668517038374375;0.001562500000000000086736173799;0.104166666666666671292595935938;0.078125000000000000000000000000;0.035416666666666665741480812812;0.011979166666666667476204288789;0.117708333333333331482961625625;0.056250000000000001387778780781;0.063541666666666662965923251249;0.264583333333333337034076748751
-0.044814814814814814269983145323;0.123333333333333336478965236438;0.128518518518518531923433556585;0.068148148148148152136727162542;0.042222222222222223486642889156;0.074814814814814820098654024605;0.050740740740740739034286832521;0.051481481481481482231910007386;0.100740740740740741809844394083;0.100000000000000005551115123126;0.090370370370370364798695561603;0.124814814814814808996423778353
-0.052631578947368418130992040460;0.075877192982456140302183200674;0.176315789473684203514380897104;0.046052631578947365864618035403;0.022807017543859650632320779096;0.042105263157894735892572413150;0.037719298245614034381656409778;0.072368421052631581869007959540;0.111403508771929823928381608766;0.125877192982456143077740762237;0.113157894736842110083863133241;0.123684210526315785383388856644
-0.042460317460317462123775555938;0.105952380952380950662750080937;0.157936507936507930516256692499;0.045238095238095236971798129844;0.048412698412698414174304417656;0.065079365079365084079121572813;0.067063492063492061157070622812;0.034523809523809526056403740313;0.109126984126984127865256368750;0.076190476190476197348999676251;0.093650793650793651146102547500;0.154365079365079371775948402501
-0.062195121951219511924335847652;0.106097560975609753186610362263;0.110975609756097562397236799825;0.034959349593495933627984584291;0.062195121951219511924335847652;0.073983739837398379557420469155;0.041869918699186992050442768232;0.033739837398373981325327974901;0.134552845528455283785618235015;0.095528455284552851733970157966;0.077642276422764222587602489511;0.166260162601626015899114463537
-0.079166666666666662965923251249;0.129166666666666679619268620627;0.092857142857142860314922927500;0.123809523809523813753230570001;0.035714285714285712303173170312;0.074999999999999997224442438437;0.032142857142857139685077072500;0.026785714285714284227379877734;0.075595238095238090347827153437;0.091071428571428567066980974687;0.078571428571428569842538536250;0.160119047619047605302000647498
-0.031372549019607842701873323676;0.138562091503267981185132384780;0.123202614379084973705857919413;0.105882352941176469118822467408;0.066339869281045751869818616342;0.063398692810457513147071040294;0.056535947712418301025483202693;0.038888888888888889505679458125;0.095098039215686269720606560441;0.056209150326797387153821006223;0.052614379084967320687749037234;0.171895424836601307116978887279
-0.030158730158730159137681070547;0.115873015873015877685858754376;0.121031746031746031966314092188;0.035714285714285712303173170312;0.063095238095238093123384715000;0.070634920634920633775166720625;0.057539682539682536488445663281;0.043650793650793648370544985937;0.117063492063492063932628184375;0.088492063492063496865647209688;0.077777777777777779011358916250;0.178968253968253970809243469375
-0.071794871794871789605352319086;0.154487179487179493442283728655;0.091666666666666660190365689687;0.021794871794871793768688661430;0.041025641025641025605441569724;0.073076923076923080979661051515;0.057051282051282049823104358666;0.071794871794871789605352319086;0.086538461538461536326494183413;0.062820512820512819374130231154;0.094871794871794867809455809038;0.173076923076923072652988366826
-0.027011494252873562843531018984;0.163218390804597712762102901252;0.117241379310344825959155912187;0.006896551724137930938773877187;0.044252873563218393659912663907;0.110919540229885052462499572812;0.068390804597701151945621234063;0.017241379310344827346934692969;0.097126436781609190584951818437;0.061494252873563221006847356875;0.097701149425287361904857164063;0.188505747126436778993152643125
-0.006111111111111111431071218902;0.157777777777777766798905645373;0.107777777777777777901135891625;0.030555555555555554553270880547;0.074999999999999997224442438437;0.089444444444444437536390068999;0.042222222222222223486642889156;0.011666666666666667198648532633;0.073333333333333333703407674875;0.067777777777777784007362527063;0.098333333333333328152292551749;0.239999999999999991118215802999
-0.007317073170731707744407490424;0.156097560975609755962167923826;0.091056910569105697916825192806;0.034959349593495933627984584291;0.088211382113821137918030501623;0.115853658536585371607863237386;0.046747967479674794322175301886;0.039024390243902438990541980957;0.088211382113821137918030501623;0.047560975609756098170244342782;0.086178861788617888706198755244;0.198780487804878058799573636861
-0.033950617283950615399312766840;0.188888888888888883954564334999;0.082716049382716053117725607535;0.125925925925925913384517684790;0.043209876543209874144579885069;0.119753086419753088098794080452;0.027160493827160493707228994253;0.022222222222222223070309254922;0.052469135802469132889847003298;0.041975308641975309087435164201;0.095679012345679007034426888367;0.166049382716049381825129671597
-0.026111111111111112714766591125;0.145555555555555549140933635499;0.111666666666666664076146275875;0.052777777777777777623580135469;0.062222222222222220433529571437;0.091111111111111114935212640376;0.043333333333333334813630699500;0.011111111111111111535154627461;0.078888888888888883399452822687;0.065000000000000002220446049250;0.097777777777777782897139502438;0.214444444444444437536390068999
-0.063008130081300808833510984641;0.110162601626016265488061662836;0.117073170731707323910519846777;0.035365853658536582082572152785;0.044308943089430896655755987013;0.066260162601626010347999340411;0.045121951219512193564931124001;0.020731707317073171797927599869;0.121951219512195119243358476524;0.110975609756097562397236799825;0.090650406504065042523343720404;0.174390243902439012746441449053
-0.052845528455284555835458348838;0.147560975609756089843571658093;0.118699186991869917728870120754;0.007723577235772357933718534895;0.035365853658536582082572152785;0.085772357723577233312717282843;0.044308943089430896655755987013;0.070325203252032522649450640984;0.090650406504065042523343720404;0.077642276422764222587602489511;0.093902439024390244037832076174;0.175203252032520323533404393856
-0.046111111111111109661653273406;0.150555555555555553581825734000;0.152777777777777790113589162502;0.020555555555555556079827539406;0.032777777777777780676693453188;0.058888888888888886452566140406;0.086666666666666669627261399000;0.127777777777777767909128669999;0.066111111111111106608539955687;0.043888888888888887007677652718;0.067222222222222224874421669938;0.146666666666666667406815349750
-0.006547619047619047775998790684;0.189285714285714279370154144999;0.110119047619047616404230893750;0.025595238095238094511163495781;0.102976190476190471168038698124;0.067261904761904758864865527812;0.080952380952380956213865204063;0.013690476190476190410105772344;0.085119047619047621955346016875;0.038690476190476191797884553125;0.060119047619047620567567236094;0.219642857142857139685077072500
-0.004093567251461988597271979273;0.157894736842105254392976121380;0.062865497076023388323129381661;0.279532163742690076269070686976;0.028070175438596491751530592751;0.107017543859649122417465605395;0.047953216374269004573793750978;0.010818713450292397754148865374;0.049707602339181283790381371546;0.056432748538011695549343471612;0.102923976608187139891725792040;0.092690058479532169699588450840
-0.008750000000000000832667268469;0.088333333333333333148296162562;0.035833333333333335091186455656;0.358750000000000013322676295502;0.052499999999999998057109706906;0.097916666666666665741480812812;0.020000000000000000416333634234;0.005833333333333333599324266316;0.076666666666666660745477201999;0.053333333333333336756520992594;0.080416666666666664076146275875;0.121666666666666672957930472876
-0.025185185185185185452461098521;0.158148148148148148806058088667;0.126296296296296295391670128083;0.010000000000000000208166817117;0.059259259259259261520824679792;0.090740740740740746805848004897;0.043333333333333334813630699500;0.018518518518518517490534236458;0.101111111111111109939209029562;0.086296296296296301497896763522;0.123703703703703704608329871917;0.157407407407407412547328817709
-0.021376811594202897726102463594;0.082246376811594204547795072813;0.131159420289855083163743643127;0.192028985507246369168754540624;0.030072463768115943044678672891;0.056159420289855072061513396875;0.017028985507246376801537834922;0.027173913043478260115337619141;0.111594202898550723390691530312;0.097463768115942026049047797187;0.074637681159420293797168710626;0.159057971014492760541969573751
-0.012573099415204678705459961918;0.173976608187134507144122608224;0.070175438596491224174656053947;0.236257309941520471374687417665;0.052923976608187137116168230477;0.093859649122807017884717595280;0.017836257309941521559393251550;0.016959064327485378481652489313;0.064035087719298250386046333915;0.042690058479532166924030889277;0.088888888888888892281237019688;0.129824561403508759171998576676
-0.014492753623188405973087888867;0.236956521739130426817965258124;0.120289855072463772178714691563;0.026449275362318839383002355703;0.028985507246376811946175777734;0.098550724637681164086444596251;0.038405797101449277997087250469;0.035144927536231884701578565000;0.055797101449275361695345765156;0.065579710144927541581871821563;0.103260869565217391907729904688;0.176086956521739140812954360626
-0.018954248366013070475899482403;0.164052287581699346441510556360;0.168627450980392168400356922575;0.007843137254901960675468330919;0.037908496732026140951798964807;0.075816993464052281903597929613;0.069934640522875818335890585331;0.044771241830065360012280706314;0.084967320261437911943502854228;0.056535947712418301025483202693;0.091830065359477131003984595736;0.178758169934640526177460628787
-0.008771929824561403021832006743;0.190350877192982465002657477271;0.093567251461988298899541405262;0.000000000000000000000000000000;0.121345029239766075135342759950;0.097660818713450295303069026431;0.039181286549707601551961744235;0.007894736842105263413538196460;0.114035087719298239283816087664;0.042690058479532166924030889277;0.057894736842105262719648806069;0.226608187134502925275114648684
-0.004824561403508772182424646502;0.234649122807017551650687892106;0.072368421052631581869007959540;0.000438596491228070183617665512;0.096052631578947361701281693058;0.094736842105263160962458357517;0.039912280701754385137114411464;0.002192982456140350755458001686;0.076754385964912283379923962912;0.048684210526315788158946418207;0.050877192982456138914404419893;0.278508771929824539004272310194
-0.001904761904761904760252644309;0.232857142857142845882023607373;0.174761904761904757199530990874;0.000000000000000000000000000000;0.036190476190476189577438503875;0.046190476190476191520328796969;0.123333333333333336478965236438;0.030476190476190476164042308937;0.047619047619047616404230893750;0.026190476190476191103995162734;0.054285714285714284366157755812;0.226190476190476191797884553125
-0.013063063063063063209967573641;0.106306306306306302955633213969;0.210810810810810822513161610914;0.006306306306306306078135470727;0.043243243243243245643725458649;0.045945945945945948496458299815;0.191441441441441428938929902870;0.080180180180180180005145018640;0.048198198198198198560771032817;0.058108108108108111333756085060;0.072972972972972977023786711470;0.123423423423423425648870477289
-0.027586206896551723755095508750;0.095402298850574718258599205001;0.079310344827586212734793491563;0.302298850574712618666239904996;0.037931034482758620163256324531;0.050000000000000002775557561563;0.045689655172413794204100412344;0.035632183908045976516998365469;0.079022988505747127074840818750;0.069827586206896552489808982500;0.068678160919540223727786099062;0.108620689655172408816241613749
-0.009848484848484847717364765174;0.122727272727272726515757028665;0.039393939393939390869459060696;0.331060606060606055223161092727;0.042045454545454545580707161889;0.118560606060606060774276215852;0.017424242424242425419933510966;0.002272727272727272616881233347;0.065151515151515154711248101194;0.048863636363636366033436075895;0.073863636363636367421214856677;0.128787878787878784514475682954
-0.003623188405797101493271972217;0.246376811594202910216111490627;0.078985507246376818191180291251;0.000000000000000000000000000000;0.050362318840579713141725193282;0.137681159420289855876973206250;0.047826086956521740578551771250;0.004347826086956521791926366660;0.093115942028985501655036216562;0.035869565217391305433913828438;0.087681159420289853101415644687;0.214130434782608708443873979377
-0.005038759689922480550228200968;0.250387596899224795787830544214;0.080232558139534879138032863466;0.000387596899224806196171400074;0.049224806201550390383214761414;0.131007751937984501244827129085;0.033720930232558142536358758434;0.001162790697674418588514200223;0.065116279069767440956795212514;0.041085271317829456794168407896;0.084108527131782948038640768118;0.258527131782945729376876897732
-0.008950617283950617480980938012;0.235185185185185191558687733959;0.105864197530864193041999499201;0.000000000000000000000000000000;0.040123456790123454562824178993;0.129629629629629622433739655207;0.052777777777777777623580135469;0.006481481481481481295159330358;0.051234567901234567832702282431;0.037654320987654324448534737257;0.085802469135802472699481313612;0.246296296296296290950778029583
-0.008192090395480225786806194321;0.188983050847457617615887670581;0.117796610169491527964069632617;0.000847457627118644043172357438;0.077966101694915260211793395229;0.101129943502824864998146381367;0.041525423728813556922823124751;0.006779661016949152345378859508;0.077683615819209045350035580668;0.053672316384180789039515246941;0.094350282485875708315958831918;0.231073446327683618140014232267
-0.019318181818181817677171352443;0.157954545454545458582629180455;0.085984848484848483418652165255;0.021590909090909091161414323778;0.074999999999999997224442438437;0.114393939393939395032795403040;0.047727272727272729291314590228;0.019318181818181817677171352443;0.105681818181818182322828647557;0.067045454545454546968485942671;0.079545454545454544192928381108;0.206439393939393950327954030399
-0.001075268817204301074336170174;0.264516129032258073827676980727;0.068279569892473121472953323519;0.000000000000000000000000000000;0.055913978494623657600204325036;0.133333333333333331482961625625;0.062903225806451606993974223769;0.001612903225806451611504255261;0.075268817204301077805617126160;0.038709677419354840410825602248;0.103763440860215050420833904354;0.194623655913978482745463338688
-0.005319148936170212636775911363;0.168794326241134745592020749427;0.112056737588652477466411028217;0.000000000000000000000000000000;0.082978723404255314011201960511;0.118794326241134756694250995679;0.062056737588652481629747370562;0.010992907801418439969753926277;0.092198581560283682234668845012;0.041843971631205671701803083806;0.081914893617021269922595649859;0.223049645390070910844215745783
-0.004263565891472868157885400819;0.163565891472868207845436927528;0.126356589147286813012982520377;0.000000000000000000000000000000;0.057751937984496126698985563053;0.125193798449612397893915272107;0.020930232558139534593255604022;0.014728682170542635454513202831;0.091472868217054262296450417580;0.073643410852713184211459918060;0.112015503875968994162981573481;0.210077519379844951386004936467
-0.012333333333333333300951828448;0.108333333333333337034076748751;0.052666666666666667184770744825;0.139000000000000012434497875802;0.051333333333333334980164153194;0.191666666666666679619268620627;0.009666666666666667157015169209;0.025000000000000001387778780781;0.086666666666666669627261399000;0.057666666666666664686768939418;0.106666666666666673513041985188;0.159000000000000002442490654175
-0.006201550387596899138742401192;0.074806201550387599330527166330;0.059689922480620154210395611472;0.467829457364341061431645130142;0.042248062015503878852129560073;0.060465116279069766602738411621;0.017441860465116278827713003352;0.029457364341085270909026405661;0.049612403100775193109939209535;0.048062015503875968325253609237;0.051550387596899227560243161861;0.092635658914728677415517665850
-0.006190476190476190687661528500;0.094761904761904755534196453937;0.065238095238095233918684812124;0.356190476190476168483201035997;0.038571428571428569009871267781;0.100952380952380946221857982437;0.020476190476190477690598967797;0.014761904761904762542479296883;0.054285714285714284366157755812;0.035714285714285712303173170312;0.071428571428571424606346340624;0.141428571428571431267684488375
-0.012015503875968992081313402309;0.163953488372093031388843087370;0.187596899224806212824745443868;0.005813953488372092942571001117;0.036046511627906979713387158881;0.062403100775193801053042363947;0.062015503875968991387424011918;0.044961240310077518755882408641;0.070155038759689924976470365436;0.075581395348837204783976062572;0.088372093023255812727079216984;0.191085271317829458181947188677
-0.026666666666666668378260496297;0.125416666666666676288599546751;0.125000000000000000000000000000;0.007083333333333332974823814965;0.046249999999999999444888487687;0.072916666666666671292595935938;0.051666666666666666296592325125;0.017500000000000001665334536938;0.112083333333333326486958014812;0.095000000000000001110223024625;0.102499999999999993893773364562;0.217916666666666675178376522126
-0.000854700854700854700113366036;0.253418803418803406657389132306;0.182051282051282042884210454758;0.000000000000000000000000000000;0.021367521367521367936515019892;0.093589743589743590312934884423;0.079914529914529908172227123941;0.014102564102564102768710974090;0.038461538461538463673505816587;0.038461538461538463673505816587;0.102564102564102560544156972355;0.175213675213675201813856574518
-0.007098765432098765558455166769;0.234876543209876553763848505696;0.105555555555555555247160270937;0.000000000000000000000000000000;0.056481481481481479733908201979;0.119135802469135798631327816111;0.060802469135802471311702532830;0.012962962962962962590318660716;0.063271604938271608364885878473;0.044135802469135801406885377673;0.124691358024691362205160771737;0.170987654320987642053708555068
-0.009722222222222222376419864531;0.188888888888888883954564334999;0.173263888888888883954564334999;0.000000000000000000000000000000;0.027777777777777776235801354687;0.082638888888888886730121896562;0.071180555555555552471602709375;0.026388888888888888811790067734;0.066319444444444444752839729063;0.061458333333333330095182844843;0.114583333333333328707404064062;0.177777777777777784562474039376
-0.004255319148936170282893076688;0.230141843971631204768257816795;0.141489361702127669495610007289;0.009929078014184397615871091602;0.032624113475177303478336199305;0.084751773049645387492212478264;0.129787234042553184520940590119;0.018439716312056736446933769002;0.044326241134751774575217808660;0.035106382978723406351750924159;0.094326241134751770411881466316;0.174822695035460995427456509788
-0.002713178294573643373199800521;0.168604651162790691865112080450;0.100387596899224801338945667339;0.330620155038759688803651215494;0.013178294573643410669827602533;0.055813953488372092248681610727;0.077519379844961239234280014898;0.014728682170542635454513202831;0.025968992248062015143483804991;0.047674418604651165598529161116;0.071705426356589149761155965734;0.091085271317829452630832065552
-0.003431372549019607795517394777;0.141176470588235292158429956544;0.036764705882352942400981277160;0.230392156862745084433541364888;0.051960784313725492944424644293;0.161764705882352949339875181067;0.033333333333333332870740406406;0.002941176470588235253300624095;0.069117647058823533656735094155;0.041176470588235293546208737325;0.113725490196078429794290798327;0.114215686274509800601784093033
-0.010884353741496597886562192059;0.187755102040816329589389965804;0.069387755102040815646802229821;0.004421768707482993596147302640;0.066326530612244902207486063617;0.179591836734693865995637906963;0.061564625850340136403726631897;0.023129251700680270725785092623;0.071428571428571424606346340624;0.047959183673469386877119546853;0.117346938775510209462815680581;0.160204081632653067002181046519
-0.023504273504273504036277131490;0.226923076923076921795896510048;0.162820512820512824925245354279;0.000000000000000000000000000000;0.045726495726495723637139434459;0.090170940170940169777757944303;0.077777777777777779011358916250;0.014529914529914530335608091605;0.037179487179487179238090988065;0.038034188034188030902438271141;0.082905982905982902875230422524;0.200427350427350436934403887790
-0.007936507936507936067371815625;0.252380952380952372493538859999;0.063095238095238093123384715000;0.000000000000000000000000000000;0.030952380952380953438307642500;0.163095238095238098674499838125;0.044841269841269841556208319844;0.005158730158730158617264027754;0.051587301587301584437916801562;0.038095238095238098674499838125;0.113888888888888886730121896562;0.228968253968253959707013223124
-0.020238095238095239053466301016;0.192857142857142865866038050626;0.157539682539682535100666882499;0.009920634920634920084214769531;0.026190476190476191103995162734;0.082142857142857142460634634062;0.047619047619047616404230893750;0.050000000000000002775557561563;0.053174603174603173039169945469;0.084523809523809528831961301876;0.098412698412698410010968075312;0.177380952380952389146884229376
-0.029583333333333333009518284484;0.182499999999999995559107901499;0.165833333333333332593184650250;0.002500000000000000052041704279;0.025833333333333333148296162562;0.071249999999999993893773364562;0.057083333333333333148296162562;0.051249999999999996946886682281;0.073749999999999996114219413812;0.074999999999999997224442438437;0.099583333333333329262515576374;0.165833333333333332593184650250
-0.004273504273504273934247699174;0.200000000000000011102230246252;0.096153846153846159183764541467;0.208974358974358981333452334184;0.029059829059829060671216183209;0.076068376068376061804876542283;0.037606837606837605070264629603;0.006837606837606837600906928287;0.051282051282051280272078486178;0.052136752136752138875319673161;0.076495726495726501514837991635;0.161111111111111121596550788126
-0.019047619047619049337249919063;0.089047619047619042120800258999;0.070476190476190470057815673499;0.390952380952380940115631346998;0.025714285714285713829729829172;0.049523809523809525501292228000;0.014761904761904762542479296883;0.019047619047619049337249919063;0.070476190476190470057815673499;0.078095238095238092568273202687;0.066666666666666665741480812812;0.106190476190476196238776651626
-0.026829268292682926372316742913;0.192682926829268297286290589909;0.119512195121951214638045257743;0.000000000000000000000000000000;0.036991869918699189778710234577;0.080894308943089424102090845281;0.049593495934959347382076089161;0.015040650406504065678126025318;0.091463414634146339432518857393;0.087398373983739841008855364635;0.100813008130081302460290260115;0.198780487804878058799573636861
-0.022413793103448275551015100859;0.204885057471264370176911029375;0.111494252873563223782404918438;0.000000000000000000000000000000;0.063218390804597707210987778126;0.094252873563218389496576321562;0.064080459770114936435270180937;0.010057471264367815952378570898;0.082183908045977013823168988438;0.029597701149425288680294698906;0.075574712643678154666559976249;0.242241379310344839836943720002
-0.000537634408602150537168085087;0.201075268817204305671353381513;0.148924731182795699879761741613;0.000000000000000000000000000000;0.046236559139784944028050972520;0.079032258064516122675335907388;0.075806451612903225090178693790;0.042473118279569892219438287384;0.053763440860215054584170246699;0.046774193548387098251506444058;0.088709677419354843186383163811;0.216666666666666674068153497501
-0.010101010101010101868701518413;0.258585858585858585634298378864;0.151515151515151519356905396307;0.012626262626262626034834291033;0.045959595959595957170851221463;0.081818181818181817677171352443;0.073737373737373740345546480057;0.006060606060606060600803868255;0.069696969696969701679734043864;0.050505050505050504139337164133;0.084343434343434345312751077017;0.155050505050505049720044326023
-0.008865248226950355261988256927;0.174822695035460995427456509788;0.115248226950354609732229960173;0.237234042553191498692299887807;0.015957446808510637042965996102;0.065602836879432621652874502161;0.040780141843971634552090677062;0.039716312056737590463484366410;0.029432624113475178151411171257;0.060283687943262408148736852809;0.088652482269503549150435617321;0.123404255319148933867090534022
-0.001428571428571428570189483231;0.287619047619047607522446696748;0.094761904761904755534196453937;0.000000000000000000000000000000;0.034285714285714287419271073531;0.139523809523809522170623154125;0.057619047619047618347121186844;0.001904761904761904760252644309;0.049047619047619048227026894438;0.035714285714285712303173170312;0.115238095238095236694242373687;0.182857142857142856984253853625
-0.006097560975609756309112619022;0.225609756097560981702443427821;0.129268292682926833059298132866;0.008130081300813008990391317354;0.041869918699186992050442768232;0.084146341463414639494367008865;0.059349593495934958864435060377;0.017886178861788618738026812593;0.070325203252032522649450640984;0.055691056910569108895359136113;0.087398373983739841008855364635;0.214227642276422769462840278720
-0.053636363636363634799231192574;0.139696969696969708341072191615;0.126363636363636372417218467490;0.025757575757575756902895136591;0.079393939393939391702126329164;0.071515151515151517691570859370;0.066969696969696970723084916699;0.033636363636363637852344510293;0.115151515151515157486805662757;0.054242424242424244762439400347;0.061515151515151515748680566276;0.172121212121212119328106382454
-0.069005847953216375989526909507;0.077192982456140354918794344030;0.086549707602339182033190922994;0.117543859649122811594779136612;0.128947368421052643849833430068;0.052046783625730994038427468240;0.064619883040935674478610906135;0.029532163742690058921835927208;0.155555555555555558022717832500;0.060526315789473685013977188873;0.049415204678362571744099085436;0.109064327485380113680335512072
-0.078571428571428569842538536250;0.049107142857142856151586585156;0.069047619047619052112807480626;0.280357142857142860314922927500;0.077380952380952383595769106250;0.044940476190476190410105772344;0.047619047619047616404230893750;0.026785714285714284227379877734;0.130357142857142865866038050626;0.074404761904761904101057723437;0.070535714285714284921269268125;0.050892857142857142460634634062
-0.017500000000000001665334536938;0.118611111111111111604543566500;0.059166666666666666019036568969;0.213055555555555553581825734000;0.052222222222222225429533182250;0.106388888888888893946571556626;0.028333333333333331899295259859;0.014722222222222221613141535101;0.068333333333333329262515576374;0.071944444444444449748843339876;0.093888888888888882844341310374;0.155833333333333323711400453249
-0.015277777777777777276635440273;0.120138888888888892281237019688;0.048611111111111111882099322656;0.305555555555555580227178325003;0.060763888888888888117900677344;0.082291666666666665741480812812;0.021180555555555556634939051719;0.004861111111111111188209932266;0.063541666666666662965923251249;0.053472222222222219600862302968;0.082986111111111107718762980312;0.141319444444444441977282167500
-0.020085470085470086970547143324;0.066239316239316239909307171274;0.050427350427350428607731203101;0.296153846153846156408206979904;0.101709401709401708879809689279;0.078205128205128204843532557788;0.033760683760683758702914047944;0.017521367521367521569164438233;0.117521367521367520181385657452;0.047008547008547008072554262981;0.068803418803418808780136828318;0.102564102564102560544156972355
-0.034444444444444444197728216750;0.113333333333333327597181039437;0.083055555555555549140933635499;0.000000000000000000000000000000;0.165000000000000007771561172376;0.074444444444444438091501581312;0.036388888888888887285233408875;0.011666666666666667198648532633;0.167500000000000009992007221626;0.045833333333333330095182844843;0.058333333333333334258519187188;0.209999999999999992228438827624
-0.025252525252525252069668582067;0.115656565656565651911691361420;0.089898989898989895008796224829;0.000000000000000000000000000000;0.127777777777777767909128669999;0.072222222222222215437525960624;0.035353535353535352203646624503;0.009595959595959595300751487912;0.164141414141414143657016211364;0.054040404040404041441369997756;0.069696969696969701679734043864;0.236363636363636359094542171988
-0.029629629629629630760412339896;0.081944444444444444752839729063;0.068981481481481476958350640416;0.015740740740740739173064710599;0.138888888888888895056794581251;0.083333333333333328707404064062;0.018055555555555553859381490156;0.012962962962962962590318660716;0.221759259259259267071939802918;0.062500000000000000000000000000;0.059722222222222225151977426094;0.206481481481481488060580886668
-0.042907801418439715790409394458;0.105319148936170212116358868570;0.069148936170212768614895537667;0.202127659574468071523867251926;0.054255319148936172191088900263;0.092907801418439711627073052114;0.029787234042553192847613274807;0.015957446808510637042965996102;0.115248226950354609732229960173;0.073404255319148931091532972459;0.095390070921985814500487776968;0.103546099290780138635348350817
-0.063888888888888883954564334999;0.056597222222222222376419864531;0.062500000000000000000000000000;0.345138888888888883954564334999;0.057291666666666664353702032031;0.053819444444444447528397290625;0.030555555555555554553270880547;0.011805555555555555247160270937;0.115277777777777784562474039376;0.072569444444444450303954852188;0.075347222222222218213083522187;0.055208333333333331482961625625
-0.035620915032679736911269685606;0.104901960784313727503835877997;0.074836601307189540288611340202;0.186601307189542486852928959706;0.077124183006535951268034523309;0.087254901960784309045138229521;0.029084967320261438661344044476;0.015032679738562091872888792921;0.107516339869281052354921257574;0.089542483660130720024561412629;0.110784313725490191071543222279;0.081699346405228759349093081710
-0.051700680272108841262213019263;0.060544217687074831923954576496;0.105782312925170068895752706339;0.283333333333333325931846502499;0.043197278911564628012254019040;0.043877551020408162019137421339;0.035714285714285712303173170312;0.029931972789115645489088635145;0.110884353741496605172400791162;0.068027210884353747633035425224;0.079931972789115651734093148661;0.087074829931972783092497536472
-0.040625000000000001387778780781;0.075347222222222218213083522187;0.084375000000000005551115123126;0.234722222222222220988641083750;0.091319444444444439201724605937;0.039930555555555552471602709375;0.059722222222222225151977426094;0.035069444444444444752839729063;0.113888888888888886730121896562;0.073263888888888892281237019688;0.060416666666666667129259593594;0.091319444444444439201724605937
-0.104722222222222216547748985249;0.071388888888888890615902482750;0.110833333333333339254522798001;0.116944444444444448083508802938;0.063611111111111104388093906437;0.054722222222222220711085327594;0.061666666666666668239482618219;0.062222222222222220433529571437;0.176944444444444431985274945873;0.058888888888888886452566140406;0.052222222222222225429533182250;0.065833333333333327042069527124
-0.161403508771929826703939170329;0.042982456140350878970313175387;0.085672514619883038955450160756;0.044152046783625734094336223734;0.057017543859649119641908043832;0.061111111111111109106541761093;0.029824561403508770968118213318;0.044444444444444446140618509844;0.271929824561403521432367824673;0.058771929824561405797389568306;0.054678362573099416332755851045;0.088011695906432749203496257451
-0.071985815602836886184512366071;0.091843971631205667538466741462;0.055673758865248224037003410558;0.040070921985815605159686469960;0.088297872340425534454233513770;0.107801418439716314989773593425;0.034751773049645391655548820609;0.017021276595744681131572306754;0.199290780141843981709826039150;0.060992907801418437541141059910;0.079078014184397166230766629269;0.153191489361702126714703808830
-0.026449275362318839383002355703;0.123550724637681158535329473125;0.074999999999999997224442438437;0.110144927536231881926021003437;0.060869565217391306821692609219;0.119565217391304351446379428126;0.038768115942028988363254882188;0.012318840579710145510805574531;0.101811594202898550443059377812;0.057971014492753623892351555469;0.094565217391304343119706743437;0.178985507246376823742295414377
-0.069270833333333337034076748751;0.064062499999999994448884876874;0.095312499999999994448884876874;0.157291666666666662965923251249;0.059895833333333335646297967969;0.072916666666666671292595935938;0.034375000000000002775557561563;0.021874999999999998612221219219;0.150520833333333325931846502499;0.082812499999999997224442438437;0.093229166666666668517038374375;0.098437499999999997224442438437
-0.031481481481481478346129421197;0.088148148148148142144719940916;0.108518518518518514159865162583;0.181111111111111111604543566500;0.058518518518518518323201504927;0.081851851851851856189945522146;0.060370370370370372847812490136;0.037407407407407410049327012302;0.096666666666666664631257788187;0.083703703703703696836768699541;0.073703703703703701832772310354;0.098518518518518519155868773396
-0.025277777777777777484802257391;0.085000000000000006106226635438;0.060833333333333336478965236438;0.393611111111111133809004059003;0.024444444444444445724284875610;0.071111111111111111049432054187;0.032500000000000001110223024625;0.022222222222222223070309254922;0.067777777777777784007362527063;0.064166666666666663521034763562;0.086944444444444449193731827563;0.066111111111111106608539955687
-0.031111111111111110216764785719;0.045277777777777777901135891625;0.071111111111111111049432054187;0.457500000000000017763568394003;0.020555555555555556079827539406;0.052777777777777777623580135469;0.025277777777777777484802257391;0.021111111111111111743321444578;0.074722222222222217657972009874;0.066666666666666665741480812812;0.075277777777777776790912867000;0.058611111111111113824989615750
-0.041269841269841268938112222031;0.046031746031746034741871653750;0.080555555555555560798275394063;0.391666666666666662965923251249;0.027777777777777776235801354687;0.053968253968253970809243469375;0.019444444444444444752839729063;0.018650793650793650452213157109;0.091666666666666660190365689687;0.077380952380952383595769106250;0.071031746031746029190756530625;0.080555555555555560798275394063
-0.076415094339622638419662337128;0.074213836477987418782653605831;0.110062893081761009606012180484;0.061320754716981132337316751091;0.097484276729559754537390858786;0.063836477987421383351041015430;0.033962264150943395624171472491;0.033647798742138364247455939449;0.163522012578616343647652797699;0.070125786163522010885351676279;0.069811320754716979508636143237;0.145597484276729555174867414280
-0.067777777777777784007362527063;0.073333333333333333703407674875;0.101666666666666669072149886688;0.130000000000000004440892098501;0.088888888888888892281237019688;0.048333333333333332315628894094;0.028333333333333331899295259859;0.048333333333333332315628894094;0.149999999999999994448884876874;0.070555555555555551916491197062;0.074999999999999997224442438437;0.117777777777777772905132280812
-0.061742424242424244484883644191;0.051893939393939395032795403040;0.080303030303030306646938640824;0.366287878787878773412245436703;0.039393939393939390869459060696;0.040909090909090908838585676222;0.036742424242424243097104863409;0.037121212121212124324109993267;0.083712121212121209934409193920;0.071212121212121212709966755483;0.061742424242424244484883644191;0.068939393939393939225723784148
-0.041525423728813556922823124751;0.082485875706214684122130620381;0.126271186440677973816804069429;0.148305084745762705278337989512;0.052259887005649714730726174139;0.055649717514124293071819948864;0.043502824858757060955127826674;0.057344632768361582242366836226;0.083615819209039543569161878622;0.101694915254237294721662010488;0.092372881355932204283654129995;0.114971751412429379346491487013
-0.063888888888888883954564334999;0.063888888888888883954564334999;0.119791666666666671292595935938;0.187847222222222220988641083750;0.034027777777777774848022573906;0.052430555555555556634939051719;0.041319444444444443365060948281;0.065625000000000002775557561563;0.112847222222222223764198645313;0.096180555555555560798275394063;0.086805555555555552471602709375;0.075347222222222218213083522187
-0.048305084745762713605010674200;0.068926553672316384635543329296;0.099435028248587575827599494005;0.205084745762711850858295292710;0.050000000000000002775557561563;0.061864406779661020030491869193;0.034463276836158192317771664648;0.030225988700564972860851398195;0.128531073446327692710866585912;0.077683615819209045350035580668;0.090112994350282485389591613512;0.105367231638418074046725791959
-0.060169491525423730859944981830;0.065819209039548021156207369131;0.100000000000000005551115123126;0.194350282485875713867073955043;0.048870056497175143328526303321;0.061016949152542375445218425511;0.035875706214689266626560737450;0.029661016949152543137335769075;0.123163841807909610337468109265;0.075988700564971756179488693306;0.084180790960451973292677507743;0.120903954802259891443405592781
-0.019105691056910567571236470030;0.116260162601626013123556901974;0.095528455284552851733970157966;0.178048780487804869654411277224;0.055284552845528453501877663712;0.071951219512195116467800914961;0.038617886178861790535954412462;0.012195121951219512618225238043;0.092276422764227636341693994382;0.080894308943089424102090845281;0.108536585365853657791923581044;0.131300813008130068393342071431
-0.023728813559322034509868615260;0.080225988700564965228068103897;0.085310734463276832739708765985;0.240112994350282493716264298200;0.087853107344632766495529097028;0.070621468926553673806090216658;0.044632768361581920402159084915;0.023728813559322034509868615260;0.094067796610169493454201017357;0.076271186440677971041246507866;0.078248587570621475073551209789;0.095197740112994352901232275599
-0.028070175438596491751530592751;0.098830409356725143488198170871;0.097076023391812871210504454211;0.211403508771929815601708924078;0.081871345029239761537098729605;0.065789473684210522663740050575;0.038304093567251465413114885905;0.011988304093567251143448437745;0.100292397660818710658503505329;0.071345029239766086237573006201;0.072514619883040934422702150641;0.122514619883040937198259712204
-0.033630952380952379432432763906;0.132440476190476191797884553125;0.095238095238095232808461787499;0.124107142857142860314922927500;0.075297619047619043786134795937;0.056250000000000001387778780781;0.054464285714285715078730731875;0.020833333333333332176851016015;0.111011904761904756089307966249;0.073809523809523810977673008438;0.082142857142857142460634634062;0.140773809523809523280846178750
-0.038993710691823897651620001170;0.125471698113207547065073299564;0.092767295597484270008870055335;0.128616352201257860832228629988;0.027672955974842768089860811642;0.112578616352201260619736444824;0.033333333333333332870740406406;0.071069182389937105015498275407;0.061949685534591195090747817176;0.099371069182389942797684057041;0.091823899371069175878723456208;0.116352201257861637140322841333
-0.013768115942028985240752625430;0.140579710144927538806314260000;0.082246376811594204547795072813;0.098550724637681164086444596251;0.019202898550724638998543625235;0.163405797101449284935981154376;0.035144927536231884701578565000;0.053985507246376809864507606562;0.058695652173913044624686818906;0.068478260869565210633425067499;0.135869565217391297107241143749;0.130072463768115931248559036248
-0.022108843537414966246013037221;0.134013605442176858550951124016;0.095238095238095232808461787499;0.087074829931972783092497536472;0.033673469387755103343629059509;0.137074829931972785868055098035;0.039455782312925166688266642723;0.074149659863945574511667757633;0.060544217687074831923954576496;0.073469387755102047443678259242;0.095238095238095232808461787499;0.147959183673469385489340766071
-0.029938271604938272024698520113;0.105864197530864193041999499201;0.068209876543209882471252569758;0.351543209876543194525311264442;0.013271604938271605589328316910;0.075925925925925924486747931041;0.029320987654320986026679207725;0.041666666666666664353702032031;0.042592592592592591616007524635;0.076851851851851851749053423646;0.088580246913580240608609983610;0.076234567901234562281587159305
-0.020238095238095239053466301016;0.159126984126984116763026122499;0.090873015873015869359186069687;0.110714285714285709527615608749;0.019841269841269840168429539062;0.127380952380952372493538859999;0.031349206349206348853897452500;0.040873015873015873522522412031;0.051984126984126986792400515469;0.103174603174603168875833603124;0.148412698412698412786525636875;0.096031746031746037517429215313
-0.020202020202020203737403036826;0.128282828282828276211802176476;0.119696969696969690577503797613;0.111616161616161613245878925227;0.033333333333333332870740406406;0.117171717171717176819711880853;0.031818181818181814901613790880;0.024747474747474747236442027543;0.069696969696969701679734043864;0.107070707070707066277392982556;0.135858585858585845240753542384;0.100505050505050499976000821789
-0.045528455284552848958412596403;0.110975609756097562397236799825;0.060975609756097559621679238262;0.243089430894308955455329623874;0.023170731707317072933793866696;0.102439024390243896278640534092;0.040650406504065039747786158841;0.076829268292682925678427352523;0.067073170731707321134962285214;0.067479674796747962650655949801;0.095121951219512196340488685564;0.066666666666666665741480812812
-0.072549019607843143186975964909;0.139215686274509808928456777721;0.073529411764705884801962554320;0.014052287581699346788455251556;0.048366013071895426478352675304;0.131045751633986934381326250332;0.064379084967320254762057629705;0.088235294117647064537912626747;0.096732026143790852956705350607;0.058496732026143791194350285423;0.084967320261437911943502854228;0.128431372549019595652453062939
-0.019629629629629628817522046802;0.106666666666666673513041985188;0.025925925925925925180637321432;0.000000000000000000000000000000;0.131481481481481476958350640416;0.164074074074074066631467871957;0.018148148148148149361169600979;0.002592592592592592518063732143;0.141481481481481485840134837417;0.035555555555555555524716027094;0.083333333333333328707404064062;0.271111111111111136029450108254
-0.010569105691056910126257584182;0.149593495934959352933191212287;0.060975609756097559621679238262;0.000000000000000000000000000000;0.134552845528455283785618235015;0.139430894308943092996244672577;0.045934959349593497413000164897;0.010569105691056910126257584182;0.155284552845528445175204979023;0.038617886178861790535954412462;0.066666666666666665741480812812;0.187804878048780488075664152348
-0.009090909090909090467524933388;0.189090909090909087275633737590;0.105151515151515148605021465755;0.001818181818181818180241160476;0.044848484848484845843863411119;0.130606060606060614404100306274;0.051818181818181818787394377068;0.046363636363636363812990026645;0.062121212121212118772994870142;0.060909090909090905785472358502;0.101818181818181821562951938631;0.196363636363636351322980999612
-0.014227642276422763564780460399;0.139430894308943092996244672577;0.092276422764227636341693994382;0.125203252032520334635634640108;0.025609756097560974069660133523;0.128048780487804880756641523476;0.053252032520325204290045917332;0.065040650406504071923130538835;0.062195121951219511924335847652;0.082113821138211376404747454671;0.099593495934959350157633650724;0.113008130081300811609068546204
-0.065705128205128207619090119351;0.141025641025641024217662788942;0.075961538461538455346833131898;0.081730769230769231836752908293;0.045833333333333330095182844843;0.118269230769230765387689530144;0.025961538461538462979616426196;0.019871794871794870585013370601;0.096794871794871797932025003774;0.098076923076923075428545928389;0.093269230769230770938804653269;0.137500000000000011102230246252
-0.024822695035460994039677729006;0.140425531914893625407003696637;0.119858156028368800782857306331;0.002482269503546099403967772901;0.039716312056737590463484366410;0.102482269503546094546742040166;0.019148936170212765839337976104;0.047517730496453899902142836709;0.104255319148936168027752557919;0.091134751773049652023850342175;0.104255319148936168027752557919;0.203900709219858145004877769679
-0.010984848484848484459486250842;0.187500000000000000000000000000;0.132954545454545464133744303581;0.028787878787878789371701415689;0.032196969696969696128618920739;0.085984848484848483418652165255;0.043181818181818182322828647557;0.044318181818181819064950133225;0.072727272727272723740199467102;0.084469696969696972388419453637;0.092045454545454541417370819545;0.184848484848484845288751898806
-0.057000000000000002053912595557;0.158000000000000001554312234475;0.135333333333333333259318465025;0.051333333333333334980164153194;0.040333333333333332149095440400;0.074666666666666672846908170413;0.058333333333333334258519187188;0.033666666666666664187168578337;0.071666666666666670182372911313;0.060333333333333336034876026588;0.101333333333333330816827810850;0.158000000000000001554312234475
-0.062091503267973857660422254412;0.139869281045751636671781170662;0.106862745098039210733809056819;0.164052287581699346441510556360;0.041830065359477121289533130266;0.065686274509803924126494223401;0.048039215686274512606690478833;0.047058823529411764052809985515;0.064052287581699340890395433235;0.058823529411764705066012481893;0.078758169934640520626345505661;0.122875816993464045956407915128
-0.070408163265306120126574285223;0.135034013605442176908510987232;0.097959183673469382713783204508;0.069727891156462579180796979017;0.060544217687074831923954576496;0.086734693877551019558502787277;0.053061224489795916214873727768;0.048979591836734691356891602254;0.083333333333333328707404064062;0.075850340136054419937217119241;0.091496598639455778423368315089;0.126870748299319741070334544020
-0.084895833333333337034076748751;0.103645833333333339809634310313;0.074479166666666665741480812812;0.025520833333333332870740406406;0.084895833333333337034076748751;0.110937499999999994448884876874;0.051562499999999997224442438437;0.066666666666666665741480812812;0.127604166666666657414808128124;0.067187499999999997224442438437;0.084895833333333337034076748751;0.117708333333333331482961625625
-0.032312925170068028390968351005;0.144897959183673458172236792052;0.073129251700680270031895702232;0.095578231292517010220244344509;0.064965986394557820315931451205;0.126530612244897949780764179195;0.063945578231292515836159395803;0.042517006802721087066476712835;0.080272108843537415268087897857;0.048979591836734691356891602254;0.082312925170068024227632008660;0.144557823129251694638242042856
-0.023333333333333334397297065266;0.195555555555555565794279004876;0.081111111111111106053428443374;0.069259259259259256524821068979;0.058888888888888886452566140406;0.087407407407407405885990669958;0.084074074074074078843921142834;0.032222222222222221543752596062;0.080740740740740737924063807895;0.061851851851851852304164935958;0.074814814814814820098654024605;0.150740740740740730707614147832
-0.061635220125786163714032284133;0.083333333333333328707404064062;0.110691823899371072359443246569;0.007232704402515723399180735953;0.086477987421383642474559394486;0.088050314465408799358137059698;0.066037735849056602988049746727;0.076415094339622638419662337128;0.105974842767295601708710250932;0.075471698113207544289515738001;0.090251572327044018995145790996;0.148427672955974837565307211662
-0.026666666666666668378260496297;0.136388888888888892836348532001;0.104444444444444450859066364501;0.002777777777777777883788656865;0.037777777777777778178691647781;0.140000000000000013322676295502;0.083333333333333328707404064062;0.068055555555555549696045147812;0.073333333333333333703407674875;0.069722222222222227094867719188;0.110833333333333339254522798001;0.146666666666666667406815349750
-0.033986928104575160614064799347;0.139542483660130722800118974192;0.075490196078431368031935733143;0.148692810457516338962236090993;0.045098039215686273883942902785;0.122222222222222218213083522187;0.065359477124183010254832026931;0.026470588235294117279705616852;0.072875816993464057058638161379;0.063071895424836599275408843823;0.096732026143790852956705350607;0.110457516339869277199881025808
-0.019097222222222223764198645313;0.078472222222222220988641083750;0.068055555555555549696045147812;0.409722222222222209886410837498;0.022222222222222223070309254922;0.057291666666666664353702032031;0.034375000000000002775557561563;0.043402777777777776235801354687;0.040972222222222222376419864531;0.071874999999999994448884876874;0.088888888888888892281237019688;0.065625000000000002775557561563
-0.023703703703703702526661700745;0.125555555555555559132940857126;0.121481481481481481954354251229;0.104814814814814818988430999980;0.029999999999999998889776975375;0.090370370370370364798695561603;0.036296296296296298722339201959;0.093703703703703705718552896542;0.062962962962962956692258842395;0.098518518518518519155868773396;0.073703703703703701832772310354;0.138888888888888895056794581251
-0.029629629629629630760412339896;0.163333333333333330372738601000;0.112592592592592591338451768479;0.015925925925925926707193980292;0.034444444444444444197728216750;0.124444444444444440867059142874;0.064074074074074074958140556646;0.054444444444444441144614899031;0.067407407407407402000210083770;0.088148148148148142144719940916;0.113333333333333327597181039437;0.132222222222222213217079911374
-0.046666666666666668794594130532;0.205185185185185192668910758584;0.083333333333333328707404064062;0.020370370370370372015145221667;0.053333333333333336756520992594;0.112592592592592591338451768479;0.067407407407407402000210083770;0.034444444444444444197728216750;0.066666666666666665741480812812;0.047777777777777780121581940875;0.097777777777777782897139502438;0.164444444444444448638620315251
-0.067575757575757580686293124472;0.152424242424242434301717707967;0.126969696969696982380426675263;0.024848484848484848896976728838;0.028484848484848484390097311802;0.087878787878787875675890006733;0.031818181818181814901613790880;0.076363636363636369641660905927;0.063333333333333338699411285688;0.089393939393939400583910526166;0.114545454545454547523597454983;0.136363636363636353543427048862
-0.021895424836601305729200106498;0.168627450980392168400356922575;0.067320261437908493484805205753;0.082026143790849673220755278180;0.037254901960784313208474571866;0.152287581699346391550520252167;0.035947712418300650782931882077;0.019934640522875815560333023768;0.074183006535947712545286947261;0.069607843137254904464228388861;0.124183006535947715320844508824;0.146732026143790855732262912170
-0.031944444444444441977282167500;0.129722222222222210996633862123;0.081944444444444444752839729063;0.125833333333333324821623477874;0.026944444444444444475283972906;0.128611111111111120486327763501;0.044999999999999998334665463062;0.083888888888888887840344921187;0.065833333333333327042069527124;0.063611111111111104388093906437;0.084444444444444446973285778313;0.132222222222222213217079911374
-0.040000000000000000832667268469;0.100666666666666668183971466988;0.128666666666666679175179410777;0.120333333333333333814429977338;0.014333333333333333342585191872;0.081666666666666665186369300500;0.041333333333333333037273860100;0.084666666666666667850904559600;0.066333333333333327486158736974;0.107666666666666660523432597074;0.094333333333333338477366680763;0.119999999999999995559107901499
-0.020679012345679013279431401884;0.133333333333333331482961625625;0.161419753086419759391390016390;0.007407407407407407690103084974;0.035185185185185187395351391615;0.062654320987654318897419614132;0.070679012345679012585542011493;0.067283950617283955208947077153;0.081172839506172836387953850590;0.097839506172839499353877101839;0.099074074074074078288809630521;0.163271604938271613916001001598
-0.004444444444444444440589503387;0.140370370370370367574253123166;0.191481481481481474737904591166;0.000740740740740740703958178148;0.037407407407407410049327012302;0.068148148148148152136727162542;0.101851851851851846197938300520;0.077407407407407410881994280771;0.063333333333333338699411285688;0.058888888888888886452566140406;0.085555555555555551361379684749;0.170370370370370366464030098541
-0.012698412698412698401684295391;0.141666666666666662965923251249;0.130555555555555563573832955626;0.000793650793650793650105268462;0.030555555555555554553270880547;0.127777777777777767909128669999;0.066269841269841270325891002813;0.057539682539682536488445663281;0.096031746031746037517429215313;0.071825396825396820021936150624;0.096825396825396828348608835313;0.167460317460317448245987748123
-0.015833333333333334674852821422;0.106388888888888893946571556626;0.119166666666666670737484423626;0.077777777777777779011358916250;0.019722222222222220849863205672;0.116111111111111109384097517250;0.018333333333333333425851918719;0.026944444444444444475283972906;0.095000000000000001110223024625;0.105833333333333334813630699500;0.153611111111111114935212640376;0.145277777777777783452251014751
-0.006349206349206349200842147695;0.086111111111111110494320541875;0.136507936507936494807680105623;0.145634920634920644877396966876;0.022222222222222223070309254922;0.113888888888888886730121896562;0.015079365079365079568840535273;0.068253968253968247403840052812;0.056746031746031745657266043281;0.100793650793650796382294743125;0.111507936507936514236583036563;0.136904761904761917978845531252
-0.009722222222222222376419864531;0.087847222222222215437525960624;0.040625000000000001387778780781;0.355208333333333348136306995002;0.030208333333333333564629796797;0.114583333333333328707404064062;0.020833333333333332176851016015;0.014236111111111110841265237070;0.050347222222222223764198645313;0.085416666666666668517038374375;0.077083333333333337034076748751;0.113888888888888886730121896562
-0.033030303030303027889136302520;0.116363636363636363535434270489;0.051212121212121208824186169295;0.275151515151515146939686928818;0.035151515151515148882577221912;0.088181818181818180657494110619;0.016060606060606059941608947383;0.030606060606060605383538231195;0.065454545454545459692852205080;0.068787878787878786734921732204;0.070909090909090907728362651596;0.149090909090909079504072565214
-0.058928571428571427381903902187;0.108035714285714290472384391251;0.119940476190476194573442114688;0.144642857142857156338422441877;0.033928571428571425994125121406;0.074404761904761904101057723437;0.030654761904761903407168333047;0.037499999999999998612221219219;0.086904761904761901325500161875;0.091666666666666660190365689687;0.077380952380952383595769106250;0.136011904761904750538192843123
-0.036666666666666666851703837438;0.140606060606060595530308887646;0.096363636363636359649653684301;0.085151515151515144719240879567;0.021515151515151514916013297807;0.112121212121212121548552431705;0.026060606060606061884499240477;0.052121212121212123768998480955;0.076060606060606064660056802040;0.111515151515151511585344223931;0.097272727272727274594465995960;0.144545454545454532535586622544
-0.039855072463768112522863873437;0.131521739130434772713229563124;0.101811594202898550443059377812;0.061594202898550727554027872657;0.015217391304347826705423152305;0.112318840579710144123026793750;0.031159420289855074143181568047;0.111231884057971019963417802501;0.053985507246376809864507606562;0.093478260869565218960097752188;0.110144927536231881926021003437;0.137681159420289855876973206250
-0.035277777777777775958245598531;0.115000000000000004996003610813;0.163333333333333330372738601000;0.030555555555555554553270880547;0.026111111111111112714766591125;0.052499999999999998057109706906;0.051388888888888886730121896562;0.126388888888888883954564334999;0.071388888888888890615902482750;0.072777777777777774570466817750;0.144166666666666665186369300500;0.111111111111111104943205418749
-0.059259259259259261520824679792;0.100740740740740741809844394083;0.140370370370370367574253123166;0.032962962962962964741375770927;0.033333333333333332870740406406;0.084444444444444446973285778313;0.034814814814814812327092852229;0.073333333333333333703407674875;0.085925925925925919490744320228;0.093703703703703705718552896542;0.096666666666666664631257788187;0.164444444444444448638620315251
-0.036163522012578615261180203788;0.188050314465408818787039990639;0.110691823899371072359443246569;0.044654088050314462432499595934;0.037106918238993709391326802916;0.111635220125786166489589845696;0.051257861635220128282419693733;0.040880503144654085911913199425;0.065408805031446540234618680643;0.067924528301886791248342944982;0.096226415094339629030528726616;0.149999999999999994448884876874
-0.025471698113207548452852080345;0.202515723270440262115954510591;0.095597484276729566277097660532;0.010062893081761005789620533335;0.074528301886792450159369138873;0.114779874213836480256745176121;0.037735849056603772144757869000;0.013207547169811321291499339736;0.090566037735849050371861324038;0.057547169811320755816730354582;0.085534591194968548344412795359;0.192452830188679258061057453233
-0.003741496598639455686136079393;0.225850340136054428263889803929;0.092517006802721082903140370490;0.000680272108843537367910137004;0.044217687074829932492026074442;0.126870748299319741070334544020;0.040816326530612241640927351227;0.035714285714285712303173170312;0.063945578231292515836159395803;0.070408163265306120126574285223;0.094557823129251705740472289108;0.200680272108843538170219744643
-0.039722222222222221266196839906;0.147499999999999992228438827624;0.112777777777777782342027990126;0.106388888888888893946571556626;0.040000000000000000832667268469;0.075555555555555556357383295563;0.041388888888888891726125507375;0.095555555555555560243163881751;0.061111111111111109106541761093;0.075555555555555556357383295563;0.056666666666666663798590519718;0.147777777777777785672697064001
-0.038888888888888889505679458125;0.102962962962962964463820014771;0.122592592592592586342448157666;0.070740740740740742920067418709;0.026666666666666668378260496297;0.096296296296296296501893152708;0.055185185185185184342238073896;0.092592592592592587452671182291;0.070000000000000006661338147751;0.096666666666666664631257788187;0.094074074074074073847917532021;0.133333333333333331482961625625
-0.017924528301886791942232335373;0.156289308176100621983195537723;0.105660377358490570331994717890;0.143396226415094335537858682983;0.033333333333333332870740406406;0.082075471698113203200541931892;0.034276729559748427000887005534;0.062893081761006289220894416303;0.064465408805031446104472081515;0.091194968553459113125292390123;0.069182389937106916755205077152;0.139308176100628927640556753431
-0.012179487179487179585035683260;0.183012820512820501006601148219;0.100320512820512824925245354279;0.182692307692307681632470917066;0.039423076923076921795896510048;0.068589743589743595864050007549;0.060256410256410257442194478017;0.046153846153846156408206979904;0.050320512820512822149687792717;0.062179487179487180625869768846;0.066346153846153846367350581659;0.128525641025641013115432542691
-0.007801418439716312040743684264;0.198226950354609937621219728499;0.124113475177304963259494741123;0.047163120567375885205940733158;0.059219858156028370999024446064;0.071985815602836886184512366071;0.067375886524822695133885019914;0.050354609929078017471759665113;0.068085106382978724526289227015;0.058156028368794326910418135412;0.057092198581560282821811824761;0.190425531914893614304773450385
-0.003267973856209150426005427548;0.194771241830065361400059487096;0.081372549019607845477430885239;0.000000000000000000000000000000;0.086274509803921567430151640110;0.087254901960784309045138229521;0.055228758169934638599940512904;0.045751633986928101627267295726;0.084313725490196084200178461288;0.034967320261437909167945292666;0.053267973856209148431073430174;0.273529411764705909781980608386
-0.001754385964912280734470662047;0.190350877192982465002657477271;0.087280701754385958679449686315;0.000000000000000000000000000000;0.059210526315789470397366045518;0.130263157894736830710868957794;0.057017543859649119641908043832;0.042543859649122807431442794268;0.059210526315789470397366045518;0.053070175438596489669862421579;0.089912280701754387912671973027;0.229385964912280693184243318683
-0.015972222222222220988641083750;0.140277777777777779011358916250;0.072569444444444450303954852188;0.011458333333333332523795711211;0.020138888888888890199568848516;0.196527777777777773460243793124;0.033333333333333332870740406406;0.013888888888888888117900677344;0.103124999999999994448884876874;0.080902777777777781786916477813;0.170486111111111116045435665001;0.141319444444444441977282167500
-0.054065040650406501199221054321;0.106097560975609753186610362263;0.072764227642276427254763859764;0.024390243902439025236450476086;0.023170731707317072933793866696;0.132520325203252020695998680822;0.050000000000000002775557561563;0.044308943089430896655755987013;0.136178861788617877603968508993;0.115853658536585371607863237386;0.115447154471544716214381764985;0.125203252032520334635634640108
-0.023049645390070920558667211253;0.165248226950354598629999713921;0.104609929078014182723954661469;0.008156028368794325869584049826;0.042907801418439715790409394458;0.147872340425531906271672255571;0.099645390070921990854913019575;0.042907801418439715790409394458;0.062056737588652481629747370562;0.061702127659574466933545267011;0.092198581560283682234668845012;0.149645390070921979752682773324
-0.005228758169934640161191641283;0.173202614379084962603627673161;0.081372549019607845477430885239;0.143137254901960775388403135366;0.028758169934640521320234896052;0.112091503267973860435979815975;0.056862745098039214897145399163;0.044117647058823532268956313374;0.049346405228758168093339264715;0.052614379084967320687749037234;0.085620915032679739686827247169;0.167647058823529399029794717535
-0.016987179487179485809500434357;0.148397435897435897578233721106;0.076923076923076927347011633174;0.232051282051282059537555824136;0.027564102564102563319714533918;0.081089743589743593088492445986;0.030448717948717948095227470162;0.023717948717948716952363952259;0.062500000000000000000000000000;0.083012820512820509333273832908;0.082371794871794870585013370601;0.134935897435897428353612781393
-0.023270440251572325346396397094;0.182075471698113194873869247203;0.097169811320754723160675325744;0.036477987421383646637895736831;0.037106918238993709391326802916;0.115408805031446543010176242205;0.033962264150943395624171472491;0.014465408805031446798361471906;0.078930817610062889433386601468;0.070754716981132073638782742364;0.120125786163522013660909237842;0.190251572327044038424048721936
-0.038611111111111109939209029562;0.159722222222222209886410837498;0.131388888888888888395456433500;0.005555555555555555767577313730;0.068611111111111108828986004937;0.073055555555555554136937246312;0.041666666666666664353702032031;0.041111111111111112159655078813;0.089999999999999996669330926125;0.077222222222222219878418059125;0.078055555555555558577829344813;0.195000000000000006661338147751
-0.008333333333333333217685101602;0.222988505747126447564809836877;0.095977011494252875700716742813;0.001724137931034482734693469297;0.043390804597701150557842453281;0.145114942528735635374204093750;0.044540229885057472380971432813;0.034482758620689654693869385937;0.048850574712643680952428582032;0.046839080459770116027229391875;0.115517241379310339755015490937;0.192241379310344823183598350624
-0.010087719298245614168996198146;0.249561403508771928461129618881;0.068859649122807023435832718405;0.000000000000000000000000000000;0.049561403508771931236687180444;0.167105263157894728953678509242;0.029385964912280702898694784153;0.028070175438596491751530592751;0.062280701754385964230564809441;0.038596491228070177459397172015;0.109210526315789480111817510988;0.187280701754385964230564809441
-0.056896551724137933714331438750;0.093965517241379303836623648749;0.110632183908045980680334707813;0.139367816091954033197453100001;0.038793103448275863265326535156;0.047126436781609194748288160781;0.054310344827586204408120806875;0.058045977011494255537460418282;0.112068965517241381224522456250;0.097701149425287361904857164063;0.068390804597701151945621234063;0.122701149425287356353742040938
-0.041287878787878790065590806080;0.112500000000000002775557561563;0.135606060606060618844992404775;0.077651515151515151935690539631;0.022348484848484850145977631541;0.068181818181818176771713524431;0.060984848484848482030873384474;0.051515151515151513805790273182;0.092803030303030303871381079261;0.131439393939393939225723784148;0.079545454545454544192928381108;0.126136363636363629803227581760
-0.077575757575757575690289513659;0.124848484848484847509197948057;0.124545454545454542527593844170;0.019696969696969695434729530348;0.053636363636363634799231192574;0.081818181818181817677171352443;0.044242424242424242819549107253;0.056363636363636365755880319739;0.091818181818181812681167741630;0.092424242424242422644375949403;0.084848484848484853615424583495;0.148181818181818192314835869183
-0.097959183673469382713783204508;0.099659863945578228139332566116;0.105102040816326527949975400134;0.055782312925170066120195144777;0.045238095238095236971798129844;0.062925170068027211356387340402;0.052380952380952382207990325469;0.123469387755102036341448012990;0.099659863945578228139332566116;0.079251700680272110788315842456;0.074149659863945574511667757633;0.104421768707482987004198093928
-0.036879432624113472893867538005;0.109929078014184403166986214728;0.091843971631205667538466741462;0.164539007092198569237595506820;0.033687943262411347566942509957;0.062056737588652481629747370562;0.035460992907801421047953027710;0.097872340425531917373902501822;0.054255319148936172191088900263;0.107092198581560285597369386323;0.065957446808510636349076605711;0.140425531914893625407003696637
-0.018666666666666668211727042603;0.171000000000000013100631690577;0.117999999999999993782751062099;0.012333333333333333300951828448;0.033333333333333332870740406406;0.108999999999999999666933092612;0.058999999999999996891375531050;0.047666666666666669682772550232;0.065000000000000002220446049250;0.074333333333333334591586094575;0.107666666666666660523432597074;0.183999999999999996891375531050
-0.008974358974358973700669039886;0.224358974358974366802854660818;0.108974358974358975782337211058;0.093589743589743590312934884423;0.019658119658119657668926549832;0.088461538461538466449063378150;0.071794871794871789605352319086;0.043162393162393161705203681322;0.035042735042735043138328876466;0.061111111111111109106541761093;0.106837606837606832743681195552;0.138034188034188043392447298174
-0.024774774774774774993568726700;0.198648648648648645798076017854;0.055405405405405408481023243894;0.206306306306306308506748337095;0.015765765765765764327976938830;0.116216216216216222667512170119;0.023423423423423423567202306117;0.023423423423423423567202306117;0.031531531531531528655953877660;0.058558558558558557183282289316;0.104504504504504505679740589130;0.141441441441441440041160149121
-0.021296296296296295808003762318;0.179629629629629639087085024585;0.081944444444444444752839729063;0.005092592592592593003786305417;0.050462962962962966406710307865;0.126851851851851854524610985209;0.054166666666666668517038374375;0.030092592592592590922118134245;0.085648148148148153802061699480;0.068055555555555549696045147812;0.093055555555555558022717832500;0.203703703703703692395876601040
-0.030999999999999999777955395075;0.157000000000000000666133814775;0.075666666666666659857298782299;0.160333333333333327708203341899;0.048333333333333332315628894094;0.105666666666666672624863565488;0.034666666666666665075346998037;0.009333333333333334105863521302;0.076333333333333336367942933975;0.072333333333333332815229255175;0.081666666666666665186369300500;0.147666666666666668294993769450
-0.009887005649717514957353081684;0.131073446327683612588899109141;0.085028248587570617877950951424;0.202542372881355930980262769481;0.071751412429378533253121474900;0.075423728813559326455973064185;0.054802259887005648486546505183;0.019209039548022600191190534247;0.074293785310734467008941805943;0.064689265536723161709176110890;0.062711864406779657676871408967;0.148587570621468934017883611887
-0.013392857142857142113689938867;0.126785714285714279370154144999;0.098214285714285712303173170312;0.171726190476190476719153821250;0.063690476190476186246769429999;0.065476190476190479494711382813;0.076190476190476197348999676251;0.061904761904761906876615285000;0.077976190476190476719153821250;0.051488095238095235584019349062;0.046726190476190476719153821250;0.146428571428571435708576586876
-0.011851851851851851263330850372;0.122962962962962968349600600959;0.083703703703703696836768699541;0.181111111111111111604543566500;0.025925925925925925180637321432;0.122592592592592586342448157666;0.040370370370370368962031903948;0.040740740740740744030290443334;0.066666666666666665741480812812;0.059259259259259261520824679792;0.095185185185185192113799246272;0.149629629629629640197308049210
-0.022093023255813953181769804246;0.170930232558139522103246576989;0.068217054263565890526166413110;0.000775193798449612392342800149;0.055038759689922479856338810578;0.141472868217054265072007979143;0.067054263565891475407099164840;0.012015503875968992081313402309;0.078682170542635654353347263168;0.060852713178294576268356763649;0.110852713178294579043914325212;0.212015503875968985836308888793
-0.073758865248226945787735076010;0.117375886524822697909442581476;0.106028368794326241508763075672;0.049290780141843973383153354462;0.045035460992907803967622015762;0.093617021276595741019477259215;0.062056737588652481629747370562;0.097872340425531917373902501822;0.071985815602836886184512366071;0.069503546099290783311097641217;0.058156028368794326910418135412;0.155319148936170214891916430133
-0.069090909090909091716525836091;0.093939393939393933674608661022;0.084242424242424243652216375722;0.237575757575757579020958587535;0.034242424242424240876658814159;0.054848484848484847786753704213;0.022727272727272727903535809446;0.078484848484848490635101825319;0.065151515151515154711248101194;0.073636363636363638685011778762;0.062121212121212118772994870142;0.123939393939393932564385636397
-0.017916666666666667545593227828;0.166250000000000008881784197001;0.069583333333333330372738601000;0.230416666666666658525031152749;0.031666666666666669349705642844;0.102499999999999993893773364562;0.031250000000000000000000000000;0.010000000000000000208166817117;0.052499999999999998057109706906;0.061666666666666668239482618219;0.088333333333333333148296162562;0.137916666666666659635254177374
-0.003191489361702127495329373019;0.200000000000000011102230246252;0.085460992907801416884616685365;0.000000000000000000000000000000;0.066312056737588651045278709262;0.164893617021276583933797610371;0.066666666666666665741480812812;0.022695035460992909331912059656;0.071631205673758871488310262521;0.045035460992907803967622015762;0.098936170212765961462508812474;0.175177304964539010123658613338
-0.015666666666666665547191783503;0.193666666666666653640049844398;0.097000000000000002886579864025;0.004000000000000000083266726847;0.088333333333333333148296162562;0.103666666666666670848506726088;0.067000000000000003996802888651;0.018666666666666668211727042603;0.102333333333333331705006230550;0.044666666666666667018237291131;0.077666666666666661633655621699;0.187333333333333323933445058174
-0.013703703703703704053218359604;0.202222222222222219878418059125;0.115555555555555550251156660124;0.001111111111111111110147375847;0.069259259259259256524821068979;0.110740740740740736813840783270;0.076296296296296292616112566520;0.030370370370370370488588562807;0.069259259259259256524821068979;0.044074074074074071072359970458;0.105555555555555555247160270937;0.161851851851851857855280059084
-0.052824858757062144454241803260;0.141525423728813548596150440062;0.104519774011299429461452348278;0.146045197740112986384275473029;0.016384180790960451573612388643;0.066666666666666665741480812812;0.077401129943502830488277766108;0.090960451977401129974865057193;0.043220338983050846093370012113;0.071751412429378533253121474900;0.087853107344632766495529097028;0.100847457627118650136388566807
-0.137820512820512830476360477405;0.072115384615384608979482550239;0.078525641025641024217662788942;0.259615384615384636735058165868;0.028525641025641024911552179333;0.045192307692307691346922382536;0.033012820512820513496610175252;0.104166666666666671292595935938;0.047435897435897433904727904519;0.067948717948717943238001737427;0.047115384615384614530597673365;0.078525641025641024217662788942
-0.074074074074074069962136945833;0.106666666666666673513041985188;0.118518518518518523041649359584;0.133333333333333331482961625625;0.023333333333333334397297065266;0.084444444444444446973285778313;0.064444444444444443087505192125;0.090370370370370364798695561603;0.057407407407407406996213694583;0.052592592592592593558897817729;0.109629629629629632425746876834;0.085185185185185183232015049271
-0.039696969696969695851063164582;0.108787878787878794506482904580;0.131818181818181806574941106192;0.162121212121212110446322185453;0.026060606060606061884499240477;0.080303030303030306646938640824;0.045151515151515150825467515006;0.086060606060606059664053191227;0.053636363636363634799231192574;0.082727272727272732621983664103;0.070606060606060602746758547710;0.113030303030303036493364743365
-0.056597222222222222376419864531;0.088888888888888892281237019688;0.049305555555555553859381490156;0.315277777777777767909128669999;0.028819444444444446140618509844;0.105208333333333334258519187188;0.027777777777777776235801354687;0.045486111111111109106541761093;0.059374999999999997224442438437;0.056597222222222222376419864531;0.081597222222222223764198645313;0.085069444444444447528397290625
-0.026984126984126985404621734688;0.140476190476190476719153821250;0.065873015873015874910301192813;0.118253968253968250179397614374;0.047222222222222220988641083750;0.154761904761904767191538212501;0.017857142857142856151586585156;0.033730158730158728286330216406;0.061111111111111109106541761093;0.085317460317460319663140921875;0.113492063492063491314532086562;0.134920634920634913145320865624
-0.032456140350877189792999644169;0.101169590643274853736244267566;0.054093567251461985301297374917;0.088888888888888892281237019688;0.066374269005847946756304622795;0.137719298245614046871665436811;0.025730994152046784972931448010;0.034795321637426900041045740863;0.152339181286549718574718781383;0.074269005847953220578183675116;0.093274853801169593792153023060;0.138888888888888895056794581251
-0.017708333333333332870740406406;0.094791666666666662965923251249;0.062152777777777779011358916250;0.242708333333333331482961625625;0.043402777777777776235801354687;0.093750000000000000000000000000;0.035416666666666665741480812812;0.029513888888888888117900677344;0.088888888888888892281237019688;0.074999999999999997224442438437;0.073958333333333334258519187188;0.142708333333333325931846502499
-0.016379310344827587714311434297;0.147701149425287364680414725626;0.086494252873563215455732233750;0.072413793103448281796019614376;0.061781609195402299727906125781;0.114367816091954024870780415313;0.045114942528735629823088970625;0.033045977011494254149681637500;0.069827586206896552489808982500;0.060632183908045977904777146250;0.087068965517241372897849771562;0.205172413793103441959075894374
-0.017777777777777777762358013547;0.112962962962962959467816403958;0.121851851851851850083718886708;0.050000000000000002775557561563;0.076666666666666660745477201999;0.082222222222222224319310157625;0.042222222222222223486642889156;0.037777777777777778178691647781;0.092962962962962969459823625584;0.064444444444444443087505192125;0.053333333333333336756520992594;0.247777777777777791223812187127
-0.028525641025641024911552179333;0.136217948717948705850133706008;0.102564102564102560544156972355;0.047756410256410253278858135673;0.044551282051282052598661920229;0.108333333333333337034076748751;0.037820512820512817986351450372;0.055128205128205126639429067836;0.081410256410256412462622677140;0.091025641025641021442105227379;0.082371794871794870585013370601;0.184294871794871806258697688463
-0.053333333333333336756520992594;0.117499999999999993338661852249;0.104722222222222216547748985249;0.076944444444444440311947630562;0.023611111111111110494320541875;0.095000000000000001110223024625;0.050833333333333334536074943344;0.072499999999999995003996389187;0.078333333333333338144299773376;0.107222222222222218768195034500;0.090555555555555555802271783250;0.129444444444444445307951241375
-0.044252873563218393659912663907;0.173275862068965530449204948127;0.133045977011494259700796760626;0.066379310344827580081528139999;0.031321839080459767945541216250;0.068103448275862066285668561250;0.067816091954022994503503696251;0.064080459770114936435270180937;0.069827586206896552489808982500;0.083908045977011500027309409688;0.069252873563218395047691444688;0.128735632183908044190445707500
-0.042176870748299316593588059732;0.116666666666666668517038374375;0.128571428571428558740308289998;0.140476190476190476719153821250;0.041836734693877553059593310536;0.050680272108843536782440963862;0.086734693877551019558502787277;0.070748299319727897538356842233;0.071088435374149661072351591429;0.077210884353741501828771731653;0.053401360544217686687762380870;0.120408163265306122902131846786
-0.021818181818181819897617401693;0.156060606060606066325391338978;0.153333333333333321490954403998;0.066363636363636360759876708926;0.035151515151515148882577221912;0.073333333333333333703407674875;0.062727272727272728736203077915;0.063636363636363629803227581760;0.048484848484848484806430946037;0.059090909090909089773635542997;0.099696969696969700569511019239;0.160303030303030308312273177762
-0.012121212121212121201607736509;0.147348484848484839737636775681;0.109848484848484848064309460369;0.164393939393939397808352964603;0.017803030303030303177491688871;0.082196969696969698904176482301;0.061742424242424244484883644191;0.060606060606060607742762158523;0.035227272727272725127978247883;0.068181818181818176771713524431;0.070454545454545450255956495766;0.170075757575757574580066489034
-0.007716049382716048954389265191;0.153086419753086427908428390765;0.045679012345679011197763230712;0.157716049382716050342168045972;0.070061728395061723118075747152;0.127777777777777767909128669999;0.036728395061728397186229244653;0.014814814814814815380206169948;0.081790123456790125855420114931;0.043209876543209874144579885069;0.077777777777777779011358916250;0.183641975308641985931146223265
-0.023728813559322034509868615260;0.142372881355932207059211691558;0.072033898305084748114879289460;0.045762711864406779849190343157;0.081920903954802254398614991260;0.123446327683615825199225923825;0.039265536723163844967654512175;0.031355932203389828838435704483;0.115536723163841809070007116134;0.063841807909604517123902667208;0.079096045197740119658824653470;0.181638418079096058965760107640
-0.018604651162790697416227203576;0.117441860465116273970487270617;0.071705426356589149761155965734;0.037984496124031007224797207300;0.024806201550387596554969604767;0.200387596899224806890060790465;0.013178294573643410669827602533;0.020155038759689922200912803874;0.084496124031007757704259120146;0.095348837209302331197058322232;0.147674418604651164210750380335;0.168217054263565896077281536236
-0.003488372093023255765542600670;0.134883720930232570145435033737;0.028294573643410852320512205438;0.000000000000000000000000000000;0.031007751937984495693712005959;0.357364341085271319808924772587;0.016666666666666666435370203203;0.000000000000000000000000000000;0.053100775193798452344928762159;0.043023255813953491244472360222;0.187984496124031008612575988082;0.144186046511627918853548635525
-0.007916666666666667337426410711;0.145833333333333342585191871876;0.042916666666666665463925056656;0.056666666666666663798590519718;0.032500000000000001110223024625;0.268749999999999988897769753748;0.023750000000000000277555756156;0.001250000000000000026020852140;0.061666666666666668239482618219;0.049583333333333333425851918719;0.167500000000000009992007221626;0.141666666666666662965923251249
-0.008333333333333333217685101602;0.167543859649122800492548890361;0.067982456140350880358091956168;0.068859649122807023435832718405;0.035087719298245612087328026973;0.170175438596491229725771177073;0.036842105263157891303915647541;0.028947368421052631359824403035;0.063157894736842107308305571678;0.062719298245614035769435190559;0.119736842105263155411343234391;0.170614035087719301264641558191
-0.007142857142857142634106981660;0.163492063492063494090089648125;0.135714285714285703976500485624;0.003968253968253968033685907812;0.038095238095238098674499838125;0.099603174603174596257737505312;0.055952380952380954826086423282;0.051587301587301584437916801562;0.069444444444444447528397290625;0.079365079365079360673718156249;0.092857142857142860314922927500;0.202777777777777779011358916250
-0.006725146198830409156876886101;0.182748538011695910165954614968;0.095906432748538009147587501957;0.106140350877192979339724843157;0.031578947368421053654152785839;0.126315789473684214616611143356;0.028947368421052631359824403035;0.012280701754385964924454199831;0.062573099415204683215740999458;0.073099415204678358515266722861;0.088888888888888892281237019688;0.184795321637426901428824521645
-0.006944444444444444058950338672;0.157777777777777766798905645373;0.078611111111111117710770201938;0.360277777777777752366006325246;0.024166666666666666157814447047;0.061111111111111109106541761093;0.041388888888888891726125507375;0.034444444444444444197728216750;0.032500000000000001110223024625;0.044444444444444446140618509844;0.054166666666666668517038374375;0.104166666666666671292595935938
-0.010784313725490195928768955014;0.092483660130718958747308988677;0.079738562091503262241332095073;0.496732026143790861283378035296;0.015686274509803921350936661838;0.046078431372549022437823396103;0.027450980392156862364139158217;0.033660130718954246742402602877;0.033986928104575160614064799347;0.055555555555555552471602709375;0.047712418300653591796134378455;0.060130718954248367491555171682
-0.021851851851851851471497667490;0.097037037037037032760622423666;0.129259259259259268182162827543;0.158148148148148148806058088667;0.033333333333333332870740406406;0.070740740740740742920067418709;0.058148148148148150193836869448;0.052592592592592593558897817729;0.069629629629629624654185704458;0.074814814814814820098654024605;0.104444444444444450859066364501;0.130000000000000004440892098501
-0.035576923076923075428545928389;0.142307692307692301714183713557;0.114743589743589738394469179639;0.012500000000000000693889390391;0.034294871794871797932025003774;0.108333333333333337034076748751;0.020192307692307693428590553708;0.038141025641025644299375585433;0.103205128205128199292417434663;0.082051282051282051210883139447;0.118589743589743584761819761297;0.190064102564102554993041849229
-0.007936507936507936067371815625;0.190873015873015861032513384998;0.057936507936507938842929377188;0.137301587301587313394435341252;0.041666666666666664353702032031;0.101984126984126982629064173125;0.032936507936507937455150596406;0.011507936507936508685467913438;0.073412698412698415562083198438;0.073809523809523810977673008438;0.079365079365079360673718156249;0.191269841269841256448103194998
-0.049137931034482759673487350938;0.159770114942528740353822058751;0.091954022988505745850318362500;0.068390804597701151945621234063;0.031321839080459767945541216250;0.139080459770114933659712619374;0.043965517241379307999959991093;0.048275862068965516571417140312;0.052298850574712646421815520625;0.077298850574712640870700397500;0.123563218390804599455812251563;0.114942528735632182312897953125
-0.018999999999999999528155214534;0.180666666666666669849306003925;0.114000000000000004107825191113;0.007000000000000000145716771982;0.043666666666666666130058871431;0.119666666666666671181573633476;0.058999999999999996891375531050;0.062666666666666662188767134012;0.078666666666666662521834041399;0.065000000000000002220446049250;0.100000000000000005551115123126;0.150666666666666670959529028551
-0.012222222222222222862142437805;0.153333333333333321490954403998;0.098611111111111107718762980312;0.190833333333333327042069527124;0.025555555555555557051272685953;0.096388888888888885064787359624;0.056388888888888891171013995063;0.037777777777777778178691647781;0.048888888888888891448569751219;0.055277777777777779844026184719;0.085000000000000006106226635438;0.139722222222222219878418059125
-0.019230769230769231836752908293;0.115384615384615391020517449761;0.058653846153846153632649418341;0.306410256410256431891525608080;0.012500000000000000693889390391;0.125000000000000000000000000000;0.039102564102564102421766278894;0.036858974358974359863960756911;0.039423076923076921795896510048;0.068589743589743595864050007549;0.088461538461538466449063378150;0.090384615384615382693844765072
-0.012345679012345678327022824305;0.153703703703703703498106847292;0.066049382716049376274014548471;0.128703703703703709049221970417;0.036419753086419752452496112483;0.145987654320987647604823678193;0.049691358024691358041824429392;0.018209876543209876226248056241;0.050308641975308640570396789826;0.054629629629629632148191120677;0.105246913580246917452321042674;0.178703703703703697946991724166
-0.014465408805031446798361471906;0.143396226415094335537858682983;0.111635220125786166489589845696;0.056289308176100630309868222412;0.044654088050314462432499595934;0.083962264150943391460835130147;0.044654088050314462432499595934;0.082389937106918234577257464935;0.069811320754716979508636143237;0.074528301886792450159369138873;0.069811320754716979508636143237;0.204402515723270450376247708846
-0.025925925925925925180637321432;0.137777777777777776790912867000;0.100370370370370373680479758605;0.021481481481481479872686080057;0.018888888888888889089345823891;0.180740740740740729597391123207;0.024444444444444445724284875610;0.076666666666666660745477201999;0.067407407407407402000210083770;0.081851851851851856189945522146;0.120740740740740745695624980272;0.143703703703703694616322650290
-0.045185185185185182399347780802;0.162222222222222212106856886749;0.023333333333333334397297065266;0.000000000000000000000000000000;0.084814814814814815102650413792;0.227037037037037037201514522167;0.011851851851851851263330850372;0.000000000000000000000000000000;0.128148148148148149916281113292;0.029999999999999998889776975375;0.129259259259259268182162827543;0.158148148148148148806058088667
-0.046296296296296293726335591145;0.130000000000000004440892098501;0.067777777777777784007362527063;0.004444444444444444440589503387;0.094444444444444441977282167500;0.095185185185185192113799246272;0.058888888888888886452566140406;0.020000000000000000416333634234;0.155925925925925912274294660165;0.067037037037037033870845448291;0.086666666666666669627261399000;0.173333333333333339254522798001
-0.038999999999999999944488848769;0.097666666666666665519436207887;0.138333333333333335923853724125;0.056000000000000001165734175856;0.022999999999999999611421941381;0.069333333333333330150693996075;0.056000000000000001165734175856;0.147999999999999992672528037474;0.060333333333333336034876026588;0.128666666666666679175179410777;0.071666666666666670182372911313;0.112000000000000002331468351713
-0.013095238095238095551997581367;0.125000000000000000000000000000;0.143154761904761895774385038749;0.040178571428571431545240244532;0.015773809523809523280846178750;0.057142857142857141072855853281;0.182142857142857134133961949374;0.163690476190476191797884553125;0.035416666666666665741480812812;0.061904761904761906876615285000;0.051785714285714289084605610469;0.110714285714285709527615608749
-0.013333333333333334189130248149;0.138148148148148158798065310293;0.121851851851851850083718886708;0.047037037037037036923958766010;0.034814814814814812327092852229;0.066666666666666665741480812812;0.252222222222222236531763428502;0.079259259259259265406605265980;0.037407407407407410049327012302;0.033703703703703701000105041885;0.048148148148148148250946576354;0.127407407407407413657551842334
-0.016279069767441860239198803129;0.168217054263565896077281536236;0.073643410852713184211459918060;0.066279069767441856075862460784;0.034883720930232557655426006704;0.163953488372093031388843087370;0.037596899224806204498072759179;0.020542635658914728397084203948;0.068604651162790700191784765138;0.041472868217054266459786759924;0.128682170542635671006692632545;0.179844961240310075023529634564
-0.051282051282051280272078486178;0.101709401709401708879809689279;0.154273504273504280526196907886;0.032478632478632481206393123330;0.048717948717948718340142733041;0.058119658119658121342432366419;0.064529914529914536580612605121;0.103846153846153851918465704784;0.085897435897435897578233721106;0.075213675213675210140529259206;0.064102564102564096870651155768;0.159829059829059816344454247883
-0.073717948717948719727921513822;0.070833333333333331482961625625;0.112179487179487183401427330409;0.049358974358974357088403195348;0.031730769230769229061195346731;0.077564102564102566095272095481;0.024358974358974359170071366520;0.110256410256410253278858135673;0.112179487179487183401427330409;0.148397435897435897578233721106;0.080128205128205134966101752525;0.109294871794871795156467442212
-0.019767441860465116004741403799;0.090697674418604656843001521338;0.101550387596899230335800723424;0.187984496124031008612575988082;0.031007751937984495693712005959;0.088759689922480622392697569012;0.035271317829457367321044358732;0.049224806201550390383214761414;0.080232558139534879138032863466;0.096124031007751936650507218474;0.080620155038759688803651215494;0.138759689922480611290467322760
-0.048427672955974845891979896351;0.090251572327044018995145790996;0.060691823899371069583885685006;0.270125786163522008109794114716;0.057232704402515724440014821539;0.076729559748427669796377870171;0.060691823899371069583885685006;0.052515723270440253789281825902;0.071069182389937105015498275407;0.058176100628930818570161420666;0.081761006289308171823826398850;0.072327044025157230522360407576
-0.038333333333333330372738601000;0.121666666666666672957930472876;0.073333333333333333703407674875;0.075416666666666673513041985188;0.081666666666666665186369300500;0.107499999999999998334665463062;0.053749999999999999167332731531;0.097500000000000003330669073875;0.078750000000000000555111512313;0.077916666666666661855700226624;0.097916666666666665741480812812;0.096250000000000002220446049250
-0.058169934640522877322688088952;0.098366013071895422315016332959;0.073856209150326798673624750791;0.170915032679738565501992297868;0.026470588235294117279705616852;0.110457516339869277199881025808;0.034313725490196081424620899725;0.119281045751633993368123753953;0.065686274509803924126494223401;0.067973856209150321228129598694;0.108169934640522880098245650515;0.066339869281045751869818616342
-0.053546099290780142798684693162;0.085815602836879431580818788916;0.074468085106382975180139283111;0.196453900709219864140209210746;0.053900709219858157494886796712;0.091843971631205667538466741462;0.056028368794326238733205514109;0.079078014184397166230766629269;0.059219858156028370999024446064;0.060638297872340422844938956359;0.094680851063829785108083569867;0.094326241134751770411881466316
-0.025471698113207548452852080345;0.126100628930817609818504365649;0.050314465408805034152273094605;0.075786163522012575666231271043;0.052201257861635222412566292860;0.175786163522012567339558586355;0.048113207547169814515264363308;0.050943396226415096905704160690;0.069496855345911948131920610194;0.068553459119496854001774011067;0.117924528301886794023900506545;0.139308176100628927640556753431
-0.015833333333333334674852821422;0.084166666666666667406815349750;0.035416666666666665741480812812;0.302916666666666667406815349750;0.034583333333333333980963431031;0.155833333333333323711400453249;0.004166666666666666608842550801;0.011249999999999999583666365766;0.080000000000000001665334536938;0.057500000000000002498001805407;0.090416666666666672957930472876;0.127916666666666678509045596002
-0.028030303030303030387138107926;0.101893939393939397808352964603;0.092045454545454541417370819545;0.117424242424242430971048634092;0.062500000000000000000000000000;0.115151515151515157486805662757;0.038257575757575754127337575028;0.020075757575757576661734660206;0.104166666666666671292595935938;0.107575757575757574580066489034;0.082954545454545461358186742018;0.129924242424242414317703264715
-0.021212121212121213403856145874;0.097878787878787884557674203734;0.080606060606060611628542744711;0.235151515151515139168125756441;0.046969696969696966837304330511;0.084242424242424243652216375722;0.037575757575757574857622245190;0.010000000000000000208166817117;0.091515151515151521577351445558;0.094242424242424238656212764909;0.086969696969696974608865502887;0.113636363636363632578785143323
-0.013450292397660818313753772202;0.109941520467836256758076274309;0.101169590643274853736244267566;0.259941520467836251206961151183;0.030409356725146198530129737492;0.067836257309941513926609957252;0.066666666666666665741480812812;0.036842105263157891303915647541;0.046491228070175437403488416521;0.071345029239766086237573006201;0.130994152046783635112703336745;0.064912280701754379585999288338
-0.065909090909090903287470553096;0.098863636363636361870099733551;0.061742424242424244484883644191;0.223484848484848480643094603693;0.093560606060606066325391338978;0.091666666666666660190365689687;0.038257575757575754127337575028;0.015151515151515151935690539631;0.088257575757575756902895136591;0.067803030303030309422496202387;0.065909090909090903287470553096;0.089393939393939400583910526166
-0.010416666666666666088425508008;0.099583333333333329262515576374;0.068750000000000005551115123126;0.325833333333333308168278108496;0.065416666666666664631257788187;0.074166666666666672402818960563;0.057083333333333333148296162562;0.015833333333333334674852821422;0.056666666666666663798590519718;0.055833333333333332038073137937;0.080416666666666664076146275875;0.089999999999999996669330926125
-0.008333333333333333217685101602;0.101250000000000006661338147751;0.050416666666666665186369300500;0.297916666666666662965923251249;0.048750000000000001665334536938;0.135833333333333333703407674875;0.029583333333333333009518284484;0.009166666666666666712925959359;0.047083333333333331205405869468;0.078333333333333338144299773376;0.127083333333333325931846502499;0.066250000000000003330669073875
-0.011666666666666667198648532633;0.112333333333333326709002619737;0.075999999999999998112620858137;0.269666666666666665630458510350;0.074333333333333334591586094575;0.066333333333333327486158736974;0.046666666666666668794594130532;0.012666666666666666352103476356;0.072999999999999995448085599037;0.042666666666666665241880451731;0.068000000000000004884981308351;0.146666666666666667406815349750
-0.005666666666666667073748442363;0.127000000000000001776356839400;0.053333333333333336756520992594;0.358666666666666689167186632403;0.072666666666666671070551331013;0.056333333333333332482162347787;0.032000000000000000666133814775;0.006333333333333333176051738178;0.072666666666666671070551331013;0.052999999999999998501198916756;0.038333333333333330372738601000;0.123999999999999999111821580300
-0.007333333333333333196868419890;0.113666666666666665852503115275;0.063666666666666663076945553712;0.354999999999999982236431605997;0.077666666666666661633655621699;0.051666666666666666296592325125;0.032333333333333331982561986706;0.007333333333333333196868419890;0.075333333333333335479764514275;0.055000000000000000277555756156;0.039666666666666669516239096538;0.121333333333333334702608397038
-0.007000000000000000145716771982;0.121999999999999997335464740900;0.056333333333333332482162347787;0.354999999999999982236431605997;0.074333333333333334591586094575;0.063000000000000000444089209850;0.029666666666666667573348803444;0.007333333333333333196868419890;0.063333333333333338699411285688;0.052333333333333335868342572894;0.043999999999999997446487043362;0.125666666666666676510644151676
-0.008333333333333333217685101602;0.127666666666666678287000991077;0.056333333333333332482162347787;0.379666666666666652307782214848;0.062666666666666662188767134012;0.052999999999999998501198916756;0.031666666666666669349705642844;0.005000000000000000104083408559;0.057666666666666664686768939418;0.049666666666666664520235485725;0.050999999999999996724842077356;0.117333333333333331149894718237
-0.009333333333333334105863521302;0.115333333333333329373537878837;0.056000000000000001165734175856;0.425333333333333341030879637401;0.065666666666666664853302393112;0.047666666666666669682772550232;0.025999999999999998806510248528;0.006333333333333333176051738178;0.058999999999999996891375531050;0.045333333333333336589987538900;0.034666666666666665075346998037;0.109333333333333337922255168451
-0.005666666666666667073748442363;0.113000000000000003219646771413;0.059666666666666666463125778819;0.403333333333333321490954403998;0.072333333333333332815229255175;0.052999999999999998501198916756;0.020666666666666666518636930050;0.006333333333333333176051738178;0.065333333333333326597980317274;0.044999999999999998334665463062;0.041000000000000001720845688169;0.114666666666666666740681534975
-0.008999999999999999319988397417;0.109666666666666662299789436474;0.069000000000000005773159728051;0.438666666666666649199157745898;0.049000000000000001887379141863;0.047000000000000000111022302463;0.029333333333333332787473679559;0.009333333333333334105863521302;0.054666666666666668961127584225;0.048333333333333332315628894094;0.038333333333333330372738601000;0.097666666666666665519436207887
-0.015602836879432624081487368528;0.120212765957446801601271602067;0.075177304964539004572543490212;0.291134751773049649248292780612;0.058510638297872341606620238963;0.078368794326241136838362422168;0.037943262411347516982473848657;0.013829787234042552335200326752;0.063829787234042548171863984408;0.073404255319148931091532972459;0.070212765957446812703501848318;0.101773049645390065154337833064
-0.013008130081300812996847326986;0.098373983739837397854977041334;0.060162601626016262712504101273;0.303658536585365845805739581920;0.047154471544715449715656774288;0.102439024390243896278640534092;0.024390243902439025236450476086;0.023983739837398373312415955638;0.066666666666666665741480812812;0.058943089430894310409847491883;0.100406504065040647066808787713;0.100813008130081302460290260115
-0.007371794871794871625847456187;0.113461538461538460897948255024;0.040705128205128206231311338570;0.286217948717948700299018582882;0.025961538461538462979616426196;0.155769230769230770938804653269;0.021153846153846155020428199123;0.026602564102564101727876888503;0.053205128205128203455753777007;0.068269230769230762612131968581;0.132051282051282053986440701010;0.069230769230769234612310469856
-0.008479532163742689240826244657;0.104970760233918131154595698717;0.059941520467836253982518712746;0.252339181286549696370258288880;0.028947368421052631359824403035;0.154678362573099414944977070263;0.013450292397660818313753772202;0.020467836257309940384274682401;0.045614035087719301264641558191;0.102339181286549701921373412006;0.157894736842105254392976121380;0.050877192982456138914404419893
-0.022826086956521739190772990469;0.106884057971014495569406221875;0.061594202898550727554027872657;0.296376811594202871358305628746;0.047826086956521740578551771250;0.090217391304347832603482970626;0.022826086956521739190772990469;0.005434782608695652023067523828;0.071376811594202893562766121249;0.092391304347826080922700953124;0.106521739130434778264344686249;0.075724637681159417956777701875
-0.029861111111111112575988713047;0.094444444444444441977282167500;0.115972222222222226539756206876;0.207638888888888900607909704377;0.037847222222222219600862302968;0.101041666666666668517038374375;0.044444444444444446140618509844;0.034375000000000002775557561563;0.067013888888888886730121896562;0.050000000000000002775557561563;0.082986111111111107718762980312;0.134374999999999994448884876874
-0.007272727272727272720964641906;0.095757575757575763564233284342;0.041515151515151511862899980088;0.320000000000000006661338147751;0.028181818181818182877940159869;0.178181818181818191204612844558;0.011515151515151514707846480690;0.010303030303030303455047445027;0.037878787878787879839226349077;0.041818181818181816844504083974;0.101818181818181821562951938631;0.125757575757575762454010259717
-0.003571428571428571317053490830;0.104166666666666671292595935938;0.047023809523809523280846178750;0.335416666666666640761462758746;0.040773809523809524668624959531;0.120238095238095241135134472188;0.016071428571428569842538536250;0.006250000000000000346944695195;0.052678571428571428769682682969;0.044940476190476190410105772344;0.080059523809523802651000323749;0.148809523809523808202115446875
-0.009615384615384615918376454147;0.138782051282051288598751170866;0.072435897435897442231400589208;0.200320512820512830476360477405;0.055769230769230772326583434051;0.097435897435897436680285466082;0.025961538461538462979616426196;0.014102564102564102768710974090;0.077884615384615385469402326635;0.055769230769230772326583434051;0.070833333333333331482961625625;0.181089743589743584761819761297
-0.034146341463414636718809447302;0.127235772357723569969678578673;0.062601626016260167317817320054;0.098780487804878053248458513735;0.090243902439024387129862248003;0.113008130081300811609068546204;0.022357723577235772555171777753;0.019512195121951219495270990478;0.128455284552845522272335188063;0.063821138211382119620473929444;0.076422764227642270284945880121;0.163414634146341469778107580169
-0.021999999999999998723243521681;0.143999999999999989119814358673;0.101333333333333330816827810850;0.086333333333333331371939323162;0.055000000000000000277555756156;0.126333333333333325265712687724;0.050999999999999996724842077356;0.040333333333333332149095440400;0.070000000000000006661338147751;0.086333333333333331371939323162;0.103333333333333332593184650250;0.114000000000000004107825191113
-0.029090909090909090883858567622;0.084848484848484853615424583495;0.070606060606060602746758547710;0.337575757575757584572073710660;0.046666666666666668794594130532;0.074545454545454539752036282607;0.043939393939393937837945003366;0.034848484848484850839867021932;0.075151515151515149715244490380;0.060606060606060607742762158523;0.070303030303030297765154443823;0.071818181818181822673174963256
-0.017222222222222222098864108375;0.104444444444444450859066364501;0.113888888888888886730121896562;0.239444444444444431985274945873;0.060277777777777777346024379312;0.052777777777777777623580135469;0.066388888888888886175010384250;0.026111111111111112714766591125;0.098055555555555562463609931001;0.042777777777777775680689842375;0.057222222222222222931531376844;0.121388888888888893391460044313
-0.012244897959183672839222900564;0.095918367346938773754239093705;0.118367346938775513942587735983;0.189115646258503411480944578216;0.092176870748299319369145621295;0.049659863945578232302668908460;0.059523809523809520505288617187;0.029251700680272108012758280893;0.092176870748299319369145621295;0.056802721088435377538861104085;0.052380952380952382207990325469;0.152380952380952394697999352502
-0.016666666666666666435370203203;0.107692307692307698285816286443;0.114743589743589738394469179639;0.224679487179487186176984891972;0.067948717948717943238001737427;0.054166666666666668517038374375;0.057051282051282049823104358666;0.025000000000000001387778780781;0.085576923076923078204103489952;0.053525641025641022829884008161;0.053205128205128203455753777007;0.139743589743589746721141864327
-0.015178571428571428422737987773;0.100892857142857145236192195625;0.130654761904761912427730408126;0.127083333333333325931846502499;0.083630952380952375269096421562;0.058035714285714287696826829688;0.071130952380952378044653983125;0.031845238095238093123384715000;0.096726190476190479494711382813;0.060714285714285713690951951094;0.065178571428571432933019025313;0.158928571428571419055231217499
-0.017708333333333332870740406406;0.099305555555555549696045147812;0.094097222222222220988641083750;0.224652777777777784562474039376;0.077430555555555558022717832500;0.070138888888888889505679458125;0.047222222222222220988641083750;0.020833333333333332176851016015;0.095138888888888883954564334999;0.061111111111111109106541761093;0.067708333333333328707404064062;0.124652777777777779011358916250
-0.013605442176870747791883609068;0.104761904761904764415980650938;0.045578231292517007444686782947;0.148299319727891149023335515267;0.065306122448979597727714008215;0.162925170068027203029714655713;0.015646258503401361955598147802;0.007142857142857142634106981660;0.106462585034013609841530012545;0.059863945578231290978177270290;0.097619047619047619179788455313;0.172789115646258512049016076162
-0.021376811594202897726102463594;0.172101449275362305968428699998;0.028260869565217391213840514297;0.000000000000000000000000000000;0.050724637681159423507892825000;0.262681159420289855876973206250;0.015217391304347826705423152305;0.000724637681159420298654394443;0.076811594202898555994174500938;0.047463768115942030212384139531;0.139492753623188414646705268751;0.185144927536231879150463441874
-0.018333333333333333425851918719;0.144444444444444430875051921248;0.024444444444444445724284875610;0.000000000000000000000000000000;0.076388888888888895056794581251;0.241944444444444434205720995124;0.016388888888888890338346726594;0.000277777777777777777536843962;0.135277777777777774570466817750;0.037499999999999998612221219219;0.137777777777777776790912867000;0.167222222222222216547748985249
-0.014444444444444443781394582516;0.101481481481481478068573665041;0.034814814814814812327092852229;0.155555555555555558022717832500;0.081481481481481488060580886668;0.177407407407407402555321596083;0.010740740740740739936343040029;0.002222222222222222220294751693;0.128888888888888886175010384250;0.054074074074074073015250263552;0.102962962962962964463820014771;0.135925925925925922266301881791
-0.030188679245283019103585075982;0.138050314465408802133694621261;0.048427672955974845891979896351;0.163522012578616343647652797699;0.063522012578616351974325482388;0.150943396226415088579031476002;0.027672955974842768089860811642;0.020440251572327042955956599712;0.074528301886792450159369138873;0.072327044025157230522360407576;0.102515723270440256564839387465;0.107861635220125789969003449187
-0.035380116959064324133610313083;0.102923976608187139891725792040;0.043859649122807015109160033717;0.357309941520467855280429603226;0.039473684210526313598244030345;0.083333333333333328707404064062;0.036549707602339179257633361431;0.029239766081871343406106689145;0.064035087719298250386046333915;0.054385964912280704286473564935;0.074269005847953220578183675116;0.079239766081871346181664250707
-0.042361111111111113269878103438;0.079166666666666662965923251249;0.072222222222222215437525960624;0.383333333333333359238537241254;0.039236111111111110494320541875;0.058680555555555555247160270937;0.040625000000000001387778780781;0.030208333333333333564629796797;0.045486111111111109106541761093;0.064583333333333339809634310313;0.061458333333333330095182844843;0.082638888888888886730121896562
-0.018148148148148149361169600979;0.068518518518518520266091798021;0.062592592592592588562894206916;0.409629629629629621323516630582;0.052222222222222225429533182250;0.065555555555555561353386906376;0.022592592592592591199673890401;0.021111111111111111743321444578;0.062222222222222220433529571437;0.068148148148148152136727162542;0.071851851851851847308161325145;0.077407407407407410881994280771
-0.011481481481481481399242738917;0.061481481481481484174800300480;0.043333333333333334813630699500;0.587407407407407378130415054329;0.034074074074074076068363581271;0.038148148148148146308056283260;0.016666666666666666435370203203;0.012592592592592592726230549260;0.032222222222222221543752596062;0.030740740740740742087400150240;0.040000000000000000832667268469;0.091851851851851851193941911333
-0.006976744186046511531085201341;0.077131782945736429568661662870;0.044961240310077518755882408641;0.508914728682170580675858673203;0.045348837209302328421500760669;0.046124031007751940813843560818;0.022480620155038759377941204320;0.014341085271317829258341802756;0.051937984496124030286967609982;0.040697674418604654067443959775;0.047674418604651165598529161116;0.093410852713178296746754369906
-0.011564625850340135362892546311;0.079931972789115651734093148661;0.103401360544217682524426038526;0.300680272108843515965759252140;0.042517006802721087066476712835;0.065646258503401361261708757411;0.055782312925170066120195144777;0.069727891156462579180796979017;0.057142857142857141072855853281;0.070408163265306120126574285223;0.074149659863945574511667757633;0.069047619047619052112807480626
-0.009863945578231291672066660681;0.059863945578231290978177270290;0.116326530612244891105255817365;0.295238095238095243910692033751;0.040476190476190478106932602032;0.046598639455782311924458838348;0.054421768707482991167534436272;0.061564625850340136403726631897;0.055102040816326532113311742478;0.078571428571428569842538536250;0.077891156462585028896761230044;0.104081632653061223470203344732
-0.013333333333333334189130248149;0.157037037037037030540176374416;0.083703703703703696836768699541;0.142962962962962958357593379333;0.088888888888888892281237019688;0.076296296296296292616112566520;0.055925925925925927539861248761;0.021111111111111111743321444578;0.077037037037037042752629645292;0.083703703703703696836768699541;0.086666666666666669627261399000;0.113333333333333327597181039437
-0.006910569105691056687734707964;0.189024390243902440378320761738;0.102439024390243896278640534092;0.067479674796747962650655949801;0.086585365853658530221892419831;0.078455284552845533374565434315;0.056910569105691054259121841596;0.023170731707317072933793866696;0.089837398373983745614168583415;0.048373983739837395079419479771;0.060569105691056911167091669768;0.190243902439024392680977371128
-0.008169934640522876281854003366;0.114379084967320257537615191268;0.084967320261437911943502854228;0.224183006535947720871959631950;0.057189542483660128768807595634;0.102287581699346402652750498419;0.053921568627450983113291727022;0.014379084967320260660117448026;0.042810457516339869843413623585;0.075490196078431368031935733143;0.125816993464052284679155491176;0.096405228758169939085043154137
-0.005246913580246913635929395525;0.123148148148148145475389014791;0.101543209876543208403099072257;0.163271604938271613916001001598;0.058950617283950616787091547621;0.102469135802469135665404564861;0.070987654320987650380381239756;0.011111111111111111535154627461;0.067592592592592593003786305417;0.079012345679012344068503637118;0.121604938271604942623405065660;0.095061728395061731444748431841
-0.013141025641025641176873328675;0.139102564102564107972881402020;0.070512820512820512108831394471;0.216666666666666674068153497501;0.066346153846153846367350581659;0.094551282051282048435325577884;0.031089743589743590312934884423;0.010256410256410256401360392431;0.077564102564102566095272095481;0.046153846153846156408206979904;0.077884615384615385469402326635;0.156730769230769229061195346731
-0.007723577235772357933718534895;0.127235772357723569969678578673;0.066260162601626010347999340411;0.322764227642276413376976051950;0.029674796747967479432217530189;0.097967479674796742461495568932;0.045528455284552848958412596403;0.019512195121951219495270990478;0.050813008130081299684732698552;0.045528455284552848958412596403;0.066666666666666665741480812812;0.120325203252032525425008202546
-0.014880952380952380126322154297;0.153571428571428580944768782501;0.055357142857142854763807804375;0.162500000000000005551115123126;0.058035714285714287696826829688;0.145535714285714296023499514376;0.033630952380952379432432763906;0.005059523809523809763366575254;0.076785714285714290472384391251;0.057738095238095241135134472188;0.117261904761904761640423089375;0.119642857142857148011749757188
-0.014705882352941176266503120473;0.095098039215686269720606560441;0.049509803921568625029170362950;0.403921568627450988664406850148;0.040196078431372551931222147914;0.076960784313725494332203425074;0.013235294117647058639852808426;0.011274509803921568470985725696;0.066176470588235294933987518107;0.048039215686274512606690478833;0.073529411764705884801962554320;0.107352941176470581541302351525
-0.021212121212121213403856145874;0.126666666666666677398822571377;0.043030303030303029832026595614;0.186969696969696980159980626013;0.056666666666666663798590519718;0.158787878787878783404252658329;0.013939393939393938948168027991;0.014242424242424242195048655901;0.078787878787878781738918121391;0.065454545454545459692852205080;0.093636363636363642570792364950;0.140606060606060595530308887646
-0.024074074074074074125473288177;0.131481481481481476958350640416;0.040000000000000000832667268469;0.228888888888888891726125507375;0.049259259259259259577934386698;0.138518518518518513049642137958;0.014814814814814815380206169948;0.018888888888888889089345823891;0.058888888888888886452566140406;0.065185185185185179346234463083;0.116296296296296300387673738896;0.113703703703703709604333482730
-0.006410256410256410034009810772;0.115384615384615391020517449761;0.057264957264957262739191179435;0.202991452991452991927445737019;0.040598290598290599773267928185;0.158974358974358964680106964806;0.023504273504273504036277131490;0.011965811965811966668948862491;0.070085470085470086276657752933;0.067521367521367517405828095889;0.155555555555555558022717832500;0.089743589743589743945584302764
-0.007000000000000000145716771982;0.112000000000000002331468351713;0.093333333333333337589188261063;0.220333333333333325487757292649;0.072999999999999995448085599037;0.094000000000000000222044604925;0.044666666666666667018237291131;0.016000000000000000333066907388;0.068000000000000004884981308351;0.050333333333333334091985733494;0.075999999999999998112620858137;0.145333333333333342141102662026
-0.019871794871794870585013370601;0.126923076923076916244781386922;0.089102564102564105197323840457;0.172115384615384614530597673365;0.061858974358974361251739537693;0.083974358974358967455664526369;0.053846153846153849142908143222;0.053846153846153849142908143222;0.066987179487179485115611043966;0.065064102564102568870829657044;0.080769230769230773714362214832;0.125641025641025638748260462307
-0.022222222222222223070309254922;0.109150326797385621713232239927;0.093137254901960786490633381618;0.215686274509803932453166908090;0.067320261437908493484805205753;0.077124183006535951268034523309;0.074183006535947712545286947261;0.041176470588235293546208737325;0.075490196078431368031935733143;0.051307189542483658262206347445;0.067973856209150321228129598694;0.105228758169934641375498074467
-0.010130718954248366450721086096;0.127777777777777767909128669999;0.079738562091503262241332095073;0.270915032679738543297531805365;0.067973856209150321228129598694;0.060784313725490195234879564623;0.048366013071895426478352675304;0.015032679738562091872888792921;0.077124183006535951268034523309;0.052287581699346406816086840763;0.066993464052287579613143009283;0.122875816993464045956407915128
-0.024679487179487178544201597674;0.114102564102564099646208717331;0.083974358974358967455664526369;0.191666666666666679619268620627;0.078846153846153843591793020096;0.086858974358974355700624414567;0.051282051282051280272078486178;0.026602564102564101727876888503;0.110897435897435892027118597980;0.054487179487179487891168605529;0.071153846153846150857091856778;0.105448717948717948789116860553
-0.017272727272727272929131459023;0.108787878787878794506482904580;0.081818181818181817677171352443;0.221818181818181830999847647945;0.067575757575757580686293124472;0.087878787878787875675890006733;0.034242424242424240876658814159;0.019393939393939393922572378415;0.091818181818181812681167741630;0.042424242424242426807712291748;0.082424242424242427640379560216;0.144545454545454532535586622544
-0.018055555555555553859381490156;0.103333333333333332593184650250;0.103611111111111112159655078813;0.209722222222222226539756206876;0.050833333333333334536074943344;0.078333333333333338144299773376;0.063055555555555559132940857126;0.043888888888888887007677652718;0.069166666666666667961926862063;0.051111111111111114102545371907;0.088055555555555553581825734000;0.120833333333333334258519187188
-0.012925170068027210315553254816;0.074829931972789115457445063839;0.093537414965986401260700233706;0.312244897959183698166185649825;0.040476190476190478106932602032;0.077891156462585028896761230044;0.034013605442176873816517712612;0.027210884353741495583767218136;0.067346938775510206687258119018;0.063945578231292515836159395803;0.086054421768707478612725481071;0.109523809523809523280846178750
-0.012500000000000000693889390391;0.081730769230769231836752908293;0.076282051282051288598751170866;0.372435897435897445006958150771;0.044230769230769233224531689075;0.063461538461538458122390693461;0.064743589743589749496699425890;0.025641025641025640136039243089;0.057371794871794869197234589819;0.033653846153846152244870637560;0.060256410256410257442194478017;0.107692307692307698285816286443
-0.038392857142857145236192195625;0.070535714285714284921269268125;0.072619047619047624730903578438;0.272023809523809501076385686247;0.053273809523809521893067397968;0.074107142857142857539365365938;0.021130952380952382207990325469;0.069940476190476191797884553125;0.082142857142857142460634634062;0.066071428571428572618096097813;0.058035714285714287696826829688;0.121726190476190473943596259687
-0.040277777777777780399137697032;0.056250000000000001387778780781;0.090277777777777776235801354687;0.184375000000000011102230246252;0.052430555555555556634939051719;0.067361111111111107718762980312;0.019444444444444444752839729063;0.088194444444444450303954852188;0.108680555555555558022717832500;0.082291666666666665741480812812;0.081944444444444444752839729063;0.128472222222222209886410837498
-0.003773584905660377387948134498;0.170754716981132065312110057675;0.094654088050314472146951061404;0.143710691823899366914574216025;0.049371069182389940022126495478;0.104716981132075476201848118762;0.040251572327044023158482133340;0.007232704402515723399180735953;0.072641509433962261899075940619;0.040566037735849054535197666382;0.098113207547169817290821924871;0.174213836477987410455980921142
-0.012301587301587301251371009414;0.156349206349206348853897452500;0.092857142857142860314922927500;0.159126984126984116763026122499;0.087301587301587296741089971874;0.067063492063492061157070622812;0.072619047619047624730903578438;0.009126984126984127518311673555;0.086904761904761901325500161875;0.039682539682539680336859078125;0.071428571428571424606346340624;0.145238095238095249461807156877
-0.024722222222222221821308352219;0.125000000000000000000000000000;0.083055555555555549140933635499;0.170833333333333337034076748751;0.053055555555555557190050564031;0.098333333333333328152292551749;0.036388888888888887285233408875;0.027222222222222220572307449515;0.075277777777777776790912867000;0.073333333333333333703407674875;0.085277777777777771794909256187;0.147499999999999992228438827624
-0.032986111111111111882099322656;0.134027777777777773460243793124;0.088888888888888892281237019688;0.093055555555555558022717832500;0.064583333333333339809634310313;0.087847222222222215437525960624;0.025694444444444443365060948281;0.032638888888888890893458238907;0.083333333333333328707404064062;0.073958333333333334258519187188;0.087152777777777773460243793124;0.195833333333333331482961625625
-0.004807692307692307959188227073;0.135897435897435886476003474854;0.075961538461538455346833131898;0.129487179487179498993398851781;0.065705128205128207619090119351;0.099358974358974352925066853004;0.028846153846153847755129362440;0.009294871794871794809522747016;0.087179487179487175074754645721;0.058333333333333334258519187188;0.087820512820512813823015108028;0.217307692307692312816413959808
-0.020748299319727891293352328717;0.152721088435374158231994101698;0.086734693877551019558502787277;0.111564625850340132240390289553;0.048979591836734691356891602254;0.114285714285714282145711706562;0.039115646258503403154271893527;0.012244897959183672839222900564;0.092517006802721082903140370490;0.070068027210884356592579536027;0.096598639455782314700016399911;0.154421768707483003657543463305
-0.052333333333333335868342572894;0.102333333333333331705006230550;0.098333333333333328152292551749;0.126333333333333325265712687724;0.071666666666666670182372911313;0.074999999999999997224442438437;0.058333333333333334258519187188;0.048000000000000000999200722163;0.100000000000000005551115123126;0.056666666666666663798590519718;0.069333333333333330150693996075;0.141666666666666662965923251249
-0.037398373983739838233297803072;0.097967479674796742461495568932;0.099593495934959350157633650724;0.173577235772357729715054119879;0.050000000000000002775557561563;0.077642276422764222587602489511;0.039430894308943087445129549451;0.074390243902439021073114133742;0.076829268292682925678427352523;0.048780487804878050472900952172;0.080894308943089424102090845281;0.143495934959349591419908165335
-0.027124183006535948492476961746;0.129738562091503278894677464450;0.099346405228758163930002922370;0.222222222222222209886410837498;0.045751633986928101627267295726;0.090849673202614375511210198511;0.044117647058823532268956313374;0.029084967320261438661344044476;0.047385620915032677924472181985;0.040522875816993465802884344384;0.078104575163398692883021112721;0.145751633986928114117276322759
-0.017037037037037038034181790636;0.122962962962962968349600600959;0.083333333333333328707404064062;0.230370370370370364243584049291;0.041851851851851848418384349770;0.097037037037037032760622423666;0.027407407407407408106436719208;0.048518518518518516380311211833;0.065555555555555561353386906376;0.068148148148148152136727162542;0.075925925925925924486747931041;0.121851851851851850083718886708
-0.024149659863945578675004099978;0.106802721088435373375524761741;0.157142857142857139685077072500;0.094557823129251705740472289108;0.053741496598639457160651033973;0.057482993197278911545744506384;0.035714285714285712303173170312;0.089115646258503405929829455090;0.069387755102040815646802229821;0.083673469387755106119186621072;0.074829931972789115457445063839;0.153401360544217685299983600089
-0.025000000000000001387778780781;0.100666666666666668183971466988;0.074666666666666672846908170413;0.321666666666666656304585103499;0.058666666666666665574947359119;0.061666666666666668239482618219;0.030333333333333333675652099259;0.014000000000000000291433543964;0.077666666666666661633655621699;0.060999999999999998667732370450;0.059999999999999997779553950750;0.114666666666666666740681534975
-0.009920634920634920084214769531;0.136507936507936494807680105623;0.093650793650793651146102547500;0.261507936507936522563255721252;0.051587301587301584437916801562;0.076190476190476197348999676251;0.050000000000000002775557561563;0.021428571428571428769682682969;0.061904761904761906876615285000;0.056746031746031745657266043281;0.082142857142857142460634634062;0.098412698412698410010968075312
-0.023333333333333334397297065266;0.115000000000000004996003610813;0.066666666666666665741480812812;0.204444444444444456410181487627;0.061666666666666668239482618219;0.122222222222222218213083522187;0.040833333333333332593184650250;0.014166666666666665949647629930;0.073333333333333333703407674875;0.050000000000000002775557561563;0.101666666666666669072149886688;0.126666666666666677398822571377
-0.098148148148148151026504137917;0.112654320987654321672977175695;0.094135802469135804182442939236;0.116666666666666668517038374375;0.066975308641975303536320041076;0.069135802469135795855770254548;0.048148148148148148250946576354;0.050308641975308640570396789826;0.077160493827160489543892651909;0.052777777777777777623580135469;0.066049382716049376274014548471;0.147839506172839502129434663402
-0.080681818181818187873943770683;0.112121212121212121548552431705;0.123863636363636370196772418240;0.094318181818181814901613790880;0.045454545454545455807071618892;0.046969696969696966837304330511;0.058333333333333334258519187188;0.154166666666666674068153497501;0.062500000000000000000000000000;0.069696969696969701679734043864;0.050757575757575758290673917372;0.101136363636363635354342704886
-0.041111111111111112159655078813;0.080740740740740737924063807895;0.142222222222222222098864108375;0.108518518518518514159865162583;0.061851851851851852304164935958;0.032962962962962964741375770927;0.062222222222222220433529571437;0.067777777777777784007362527063;0.131851851851851858965503083709;0.095185185185185192113799246272;0.055185185185185184342238073896;0.120370370370370363688472536978
-0.040780141843971634552090677062;0.075886524822695033964947697314;0.169503546099290774984424956529;0.117730496453900712605644685027;0.039007092198581561071080159309;0.027659574468085104670400653504;0.053900709219858157494886796712;0.055673758865248224037003410558;0.112765957446808506858815235319;0.121985815602836875082282119820;0.071985815602836886184512366071;0.113120567375886521555017338869
-0.041481481481481480289019714291;0.072222222222222215437525960624;0.149259259259259258190155605917;0.135925925925925922266301881791;0.059259259259259261520824679792;0.023333333333333334397297065266;0.050000000000000002775557561563;0.045185185185185182399347780802;0.130740740740740740699621369458;0.108888888888888882289229798062;0.066666666666666665741480812812;0.117037037037037036646403009854
-0.040196078431372551931222147914;0.085947712418300653558489443640;0.164052287581699346441510556360;0.113071895424836602050966405386;0.054248366013071896984953923493;0.036601307189542485465150178925;0.060130718954248367491555171682;0.050980392156862744390544150974;0.116013071895424840773713981434;0.087581699346405222916800425992;0.072875816993464057058638161379;0.118300653594771237875349356727
-0.040058479532163744629702506472;0.069590643274853800082091481727;0.173976608187134507144122608224;0.103508771929824563984290364260;0.058479532163742686812213378289;0.032748538011695908778175834186;0.050877192982456138914404419893;0.073391812865497077500442912878;0.115497076023391806454121422121;0.099122807017543862473374360889;0.059941520467836253982518712746;0.122807017543859642305648094407
-0.063055555555555559132940857126;0.069444444444444447528397290625;0.095833333333333339809634310313;0.148333333333333344805637921127;0.110277777777777780121581940875;0.025833333333333333148296162562;0.020277777777777776513357110844;0.024444444444444445724284875610;0.163888888888888889505679458125;0.093888888888888882844341310374;0.041944444444444443920172460594;0.142777777777777781231804965500
-0.053448275862068968244944500157;0.073850574712643682340207362813;0.131609195402298845278821204374;0.144827586206896563592039228752;0.079022988505747127074840818750;0.029597701149425288680294698906;0.038505747126436784544267766250;0.040517241379310342530573052500;0.149712643678160922666720011875;0.083333333333333328707404064062;0.068965517241379309387738771875;0.106609195402298850829936327500
-0.040384615384615386857181107416;0.074999999999999997224442438437;0.157692307692307687183586040192;0.121794871794871792380909880649;0.059935897435897438068064246863;0.032371794871794874748349712945;0.054166666666666668517038374375;0.050000000000000002775557561563;0.121794871794871792380909880649;0.083653846153846148081534295216;0.070512820512820512108831394471;0.132692307692307692734701163317
-0.039361702127659575767282262859;0.092198581560283682234668845012;0.149645390070921979752682773324;0.128368794326241125736132175916;0.065602836879432621652874502161;0.040425531914893619855888573511;0.057801418439716312214216031862;0.039007092198581561071080159309;0.110283687943262417863188318279;0.090070921985815607935244031523;0.061702127659574466933545267011;0.125531914893617008166515347511
-0.035925925925925923654080662573;0.089999999999999996669330926125;0.146666666666666667406815349750;0.144074074074074076623475093584;0.049259259259259259577934386698;0.033703703703703701000105041885;0.077037037037037042752629645292;0.056296296296296295669225884239;0.119629629629629627429743266021;0.084444444444444446973285778313;0.054444444444444441144614899031;0.108518518518518514159865162583
-0.026851851851851852442942814037;0.123611111111111116045435665001;0.162500000000000005551115123126;0.086574074074074067186579384270;0.023611111111111110494320541875;0.047222222222222220988641083750;0.077777777777777779011358916250;0.059722222222222225151977426094;0.100000000000000005551115123126;0.080555555555555560798275394063;0.087499999999999994448884876874;0.124074074074074072737694507396
-0.004609929078014184111733442251;0.232624113475177307641672541649;0.090425531914893622631446135074;0.010283687943262410577349719176;0.044326241134751774575217808660;0.143617021276595757672822628592;0.063829787234042548171863984408;0.012765957446808509981317492077;0.056737588652482268125609721210;0.045390070921985818663824119312;0.115248226950354609732229960173;0.180141843971631215870488063047
-0.000000000000000000000000000000;0.175581395348837210335091185698;0.035658914728682170047768806853;0.000000000000000000000000000000;0.042248062015503878852129560073;0.295348837209302328421500760669;0.007364341085271317727256601415;0.008914728682170542511942201713;0.062790697674418610718660715975;0.026356589147286821339655205065;0.142635658914728680191075227413;0.203100775193798460671601446847
-0.002651515151515151675482018234;0.145833333333333342585191871876;0.104166666666666671292595935938;0.000000000000000000000000000000;0.047348484848484848064309460369;0.225378787878787872900332445170;0.057954545454545453031514057329;0.026136363636363634660453314495;0.054924242424242424032154730185;0.035606060606060606354983377742;0.107575757575757574580066489034;0.192424242424242414317703264715
-0.007499999999999999722444243844;0.126111111111111118265881714251;0.234999999999999986677323704498;0.001111111111111111110147375847;0.044444444444444446140618509844;0.033888888888888892003681263532;0.113333333333333327597181039437;0.081111111111111106053428443374;0.066388888888888886175010384250;0.078055555555555558577829344813;0.063888888888888883954564334999;0.149166666666666669627261399000
-0.012393162393162392501122504029;0.085470085470085471746060079568;0.227777777777777773460243793124;0.002564102564102564100340098108;0.040170940170940173941094286647;0.047435897435897433904727904519;0.080769230769230773714362214832;0.117094017094017094349212015914;0.068803418803418808780136828318;0.091452991452991447274278868917;0.076495726495726501514837991635;0.149572649572649568616711235336
-0.001801801801801801829541749278;0.194144144144144131791662744035;0.117117117117117114366564578631;0.000450450450450450457385437320;0.024774774774774774993568726700;0.187837837837837834387144653192;0.031081081081081082806427673404;0.013513513513513514263664205828;0.048198198198198198560771032817;0.064414414414414408738274175903;0.131531531531531520329281192971;0.185135135135135131534411812027
-0.024358974358974359170071366520;0.140598290598290598385489147404;0.079914529914529908172227123941;0.002564102564102564100340098108;0.029914529914529915805010418239;0.226068376068376070131549226971;0.024786324786324785002245008059;0.021367521367521367936515019892;0.082051282051282051210883139447;0.056837606837606836907017537897;0.173931623931623924317335649903;0.137606837606837617560273656636
-0.021851851851851851471497667490;0.112962962962962959467816403958;0.112222222222222223209087133000;0.122962962962962968349600600959;0.033333333333333332870740406406;0.094814814814814810106646802979;0.037037037037037034981068472916;0.066296296296296297612116177334;0.080000000000000001665334536938;0.082222222222222224319310157625;0.099629629629629623543962679832;0.136666666666666658525031152749
-0.034126984126984123701920026406;0.072222222222222215437525960624;0.032142857142857139685077072500;0.248809523809523813753230570001;0.022619047619047618485899064922;0.217460317460317464899333117501;0.005555555555555555767577313730;0.006746031746031746351155433672;0.048412698412698414174304417656;0.054761904761904761640423089375;0.151984126984126971526833926873;0.105158730158730159831570460938
-0.011827956989247311384017002922;0.063440860215053768156323599214;0.038709677419354840410825602248;0.506451612903225822925890042825;0.032258064516129031362723367238;0.055913978494623657600204325036;0.012903225806451612892034042090;0.009139784946236559348697880978;0.031720430107526884078161799607;0.068279569892473121472953323519;0.076344086021505372374740261421;0.093010752688172049218451320485
-0.004255319148936170282893076688;0.042553191489361701094207290907;0.050709219858156025229067864757;0.582624113475177285437212049146;0.032269503546099288782134095754;0.045390070921985818663824119312;0.013829787234042552335200326752;0.011347517730496454665956029828;0.041843971631205671701803083806;0.060992907801418437541141059910;0.051418439716312054621472071858;0.062765957446808504083257673756
-0.032592592592592589673117231541;0.086296296296296301497896763522;0.055555555555555552471602709375;0.255555555555555535818257339997;0.026296296296296296779448908865;0.129259259259259268182162827543;0.022222222222222223070309254922;0.045925925925925925596970955667;0.064444444444444443087505192125;0.100740740740740741809844394083;0.111851851851851855079722497521;0.069259259259259256524821068979
-0.013580246913580246853614497127;0.115432098765432103459893653508;0.074999999999999997224442438437;0.112654320987654321672977175695;0.038580246913580244771946325955;0.190432098765432100684336091945;0.013580246913580246853614497127;0.008024691358024691953398921385;0.076543209876543213954214195383;0.049691358024691358041824429392;0.125617283950617275589678456527;0.180864197530864190266441937638
-0.019934640522875815560333023768;0.164705882352941174184834949301;0.123202614379084973705857919413;0.002614379084967320080595820642;0.067647058823529407356467402224;0.083333333333333328707404064062;0.056535947712418301025483202693;0.012091503267973856619588168826;0.081045751633986931605768688769;0.067647058823529407356467402224;0.088235294117647064537912626747;0.233006535947712423162414552280
-0.009259259259259258745267118229;0.118518518518518523041649359584;0.091481481481481483064577275854;0.234814814814814809551535290666;0.060370370370370372847812490136;0.062592592592592588562894206916;0.040000000000000000832667268469;0.016666666666666666435370203203;0.079259259259259265406605265980;0.052962962962962961688262453208;0.062222222222222220433529571437;0.171851851851851838981488640457
-0.026041666666666667823148983985;0.027083333333333334258519187188;0.043402777777777776235801354687;0.640277777777777723500207684992;0.027430555555555555247160270937;0.022916666666666665047591422422;0.015625000000000000000000000000;0.010763888888888888811790067734;0.050347222222222223764198645313;0.053124999999999998612221219219;0.038888888888888889505679458125;0.044097222222222225151977426094
-0.010416666666666666088425508008;0.079166666666666662965923251249;0.085763888888888889505679458125;0.433333333333333348136306995002;0.042013888888888892281237019688;0.048263888888888890893458238907;0.053124999999999998612221219219;0.024305555555555555941049661328;0.042708333333333334258519187188;0.039930555555555552471602709375;0.045833333333333330095182844843;0.095138888888888883954564334999
-0.018181818181818180935049866775;0.176136363636363646456572951138;0.102651515151515146384575416505;0.001136363636363636308440616673;0.079924242424242425419933510966;0.112121212121212121548552431705;0.043181818181818182322828647557;0.012878787878787878451447568295;0.095075757575757577355624050597;0.050757575757575758290673917372;0.092045454545454541417370819545;0.215909090909090911614143237784
-0.028409090909090908144696285831;0.170454545454545441929283811078;0.064772727272727273484242971335;0.004924242424242423858682382587;0.046969696969696966837304330511;0.207575757575757580131181612160;0.027272727272727271402574800163;0.031439393939393940613502564929;0.071590909090909093936971885341;0.039772727272727272096464190554;0.115151515151515157486805662757;0.191666666666666679619268620627
-0.031045751633986928830211127206;0.172875816993464048731965476691;0.096732026143790852956705350607;0.001307189542483660040297910321;0.064052287581699340890395433235;0.118954248366013065618673749668;0.043790849673202611458400212996;0.069607843137254904464228388861;0.090196078431372547767885805570;0.048366013071895426478352675304;0.081372549019607845477430885239;0.181699346405228751022420397021
-0.001470588235294117626650312047;0.163235294117647061762355065184;0.051470588235294115198037445680;0.078431372549019606754683309191;0.087745098039215679852631524227;0.157352941176470584316859913088;0.011764705882352941013202496379;0.002941176470588235253300624095;0.076960784313725494332203425074;0.063725490196078427018733236764;0.083333333333333328707404064062;0.221568627450980382143086444557
-0.021985815602836879939507852555;0.068085106382978724526289227015;0.044680851063829789271419912211;0.441489361702127658393379761037;0.041843971631205671701803083806;0.064539007092198577564268191509;0.020567375886524821154699438353;0.009219858156028368223466884501;0.063475177304964533475661880857;0.068085106382978724526289227015;0.060992907801418437541141059910;0.095035460992907799804285673417
-0.020261437908496732901442172192;0.028104575163398693576910503111;0.042810457516339869843413623585;0.661437908496732007712637368968;0.023529411764705882026404992757;0.026797385620915031151367813322;0.011111111111111111535154627461;0.046732026143790850181147789044;0.033333333333333332870740406406;0.034640522875816995296283096195;0.024509803921568627110838534122;0.046732026143790850181147789044
-0.036734693877551023721839129621;0.064285714285714279370154144999;0.092176870748299319369145621295;0.306462585034013579310396835353;0.038095238095238098674499838125;0.071428571428571424606346340624;0.021428571428571428769682682969;0.068027210884353747633035425224;0.085374149659863951544735982679;0.068707482993197274701024923615;0.071088435374149661072351591429;0.076190476190476197348999676251
-0.018939393939393939919613174538;0.153030303030303016509350300112;0.096212121212121207158851632357;0.000000000000000000000000000000;0.065909090909090903287470553096;0.180303030303030298320265956136;0.053787878787878787290033244517;0.017803030303030303177491688871;0.090151515151515149160132978068;0.054924242424242424032154730185;0.095454545454545458582629180455;0.173484848484848491745324849944
-0.014912280701754385484059106659;0.110964912280701752389511227648;0.188157894736842107308305571678;0.030263157894736842506988594437;0.047807017543859652020099559877;0.080263157894736841813099204046;0.095175438596491232501328738635;0.064035087719298250386046333915;0.074122807017543854146701676200;0.078508771929824555657617679572;0.082894736842105257168533682943;0.132894736842105259944091244506
-0.031111111111111110216764785719;0.138888888888888895056794581251;0.068888888888888888395456433500;0.159259259259259267071939802918;0.042222222222222223486642889156;0.169629629629629630205300827583;0.038148148148148146308056283260;0.009629629629629630344078705662;0.065555555555555561353386906376;0.054444444444444441144614899031;0.122222222222222218213083522187;0.100000000000000005551115123126
-0.010937499999999999306110609609;0.051041666666666665741480812812;0.044791666666666667129259593594;0.533333333333333325931846502499;0.046354166666666668517038374375;0.051041666666666665741480812812;0.017187500000000001387778780781;0.018229166666666667823148983985;0.061979166666666668517038374375;0.056250000000000001387778780781;0.048958333333333332870740406406;0.059895833333333335646297967969
-0.018333333333333333425851918719;0.099583333333333329262515576374;0.127500000000000002220446049250;0.309166666666666645202354857247;0.018333333333333333425851918719;0.059583333333333335368742211813;0.052916666666666667406815349750;0.040833333333333332593184650250;0.038333333333333330372738601000;0.067916666666666666851703837438;0.092083333333333336478965236438;0.075416666666666673513041985188
-0.023577235772357724857828387144;0.093495934959349588644350603772;0.196747967479674795709954082668;0.094715447154471540947007213163;0.026829268292682926372316742913;0.029674796747967479432217530189;0.082926829268292687191710399475;0.089024390243902434827205638612;0.076016260162601628769252215534;0.093902439024390244037832076174;0.070731707317073164165144305571;0.122357723577235774636839948926
-0.023983739837398373312415955638;0.071951219512195116467800914961;0.060569105691056911167091669768;0.408130081300813019051787478020;0.059756097560975607319022628872;0.050406504065040651230145130057;0.043902439024390241262274514611;0.021951219512195120631137257305;0.078861788617886174890259098902;0.049593495934959347382076089161;0.038211382113821135142472940061;0.092682926829268291735175466783
-0.020476190476190477690598967797;0.079523809523809524391069203375;0.056666666666666663798590519718;0.468095238095238119768737306003;0.026190476190476191103995162734;0.063809523809523815973676619251;0.053333333333333336756520992594;0.018095238095238094788719251937;0.048095238095238093678496227312;0.050476190476190473110928991218;0.059047619047619050169917187532;0.056190476190476193463219090063
-0.002976190476190476025264430859;0.191964285714285726180960978127;0.131547619047619052112807480626;0.026488095238095237665687520234;0.038095238095238098674499838125;0.105654761904761904101057723437;0.076488095238095243910692033751;0.013095238095238095551997581367;0.059523809523809520505288617187;0.067559523809523805426557885312;0.122023809523809520505288617187;0.164583333333333331482961625625
-0.016666666666666666435370203203;0.123148148148148145475389014791;0.121296296296296290950778029583;0.055555555555555552471602709375;0.060185185185185181844236268489;0.100925925925925932813420615730;0.018055555555555553859381490156;0.015740740740740739173064710599;0.084722222222222226539756206876;0.087499999999999994448884876874;0.115277777777777784562474039376;0.200925925925925924486747931041
-0.024166666666666666157814447047;0.128750000000000003330669073875;0.152916666666666672957930472876;0.044166666666666666574148081281;0.052916666666666667406815349750;0.053749999999999999167332731531;0.054166666666666668517038374375;0.097500000000000003330669073875;0.090416666666666672957930472876;0.069166666666666667961926862063;0.059999999999999997779553950750;0.172083333333333338144299773376
-0.031089743589743590312934884423;0.144871794871794884462801178415;0.096794871794871797932025003774;0.190705128205128193741302311537;0.048397435897435898966012501887;0.084615384615384620081712796491;0.039423076923076921795896510048;0.011538461538461539102051744976;0.076282051282051288598751170866;0.062500000000000000000000000000;0.064423076923076916244781386922;0.149358974358974355700624414567
-0.012091503267973856619588168826;0.086274509803921567430151640110;0.069281045751633990592566192390;0.412418300653594749327623958379;0.045751633986928101627267295726;0.064379084967320254762057629705;0.016013071895424835222598858309;0.018627450980392156604237285933;0.066666666666666665741480812812;0.046078431372549022437823396103;0.047058823529411764052809985515;0.115359477124183013030389588494
-0.017407407407407406163546426114;0.148148148148148139924273891666;0.130370370370370358692468926165;0.006666666666666667094565124074;0.052962962962962961688262453208;0.124444444444444440867059142874;0.027037037037037036507625131776;0.027407407407407408106436719208;0.094074074074074073847917532021;0.080370370370370369794699172417;0.089629629629629628539966290646;0.201481481481481483619688788167
-0.027564102564102563319714533918;0.100641025641025644299375585433;0.041025641025641025605441569724;0.005128205128205128200680196215;0.061538461538461541877609306539;0.258333333333333359238537241254;0.016025641025641024217662788942;0.007051282051282051384355487045;0.162820512820512824925245354279;0.050641025641025641523818023870;0.087179487179487175074754645721;0.182051282051282042884210454758
-0.021726190476190475331375040469;0.112500000000000002775557561563;0.092857142857142860314922927500;0.186904761904761906876615285000;0.057738095238095241135134472188;0.089583333333333334258519187188;0.057440476190476187634548210781;0.026488095238095237665687520234;0.089285714285714287696826829688;0.068750000000000005551115123126;0.083035714285714282145711706562;0.113690476190476189022326991562
-0.054545454545454542805149600326;0.071969696969696975163977015200;0.062121212121212118772994870142;0.229545454545454552519601065796;0.078409090909090914389700799347;0.082196969696969698904176482301;0.019696969696969695434729530348;0.014015151515151515193569053963;0.121212121212121215485524317046;0.079545454545454544192928381108;0.074621212121212115997437308579;0.112121212121212121548552431705
-0.008950617283950617480980938012;0.108333333333333337034076748751;0.055555555555555552471602709375;0.379012345679012319088485583052;0.041049382716049381825129671597;0.086419753086419748289159770138;0.021604938271604937072289942535;0.006481481481481481295159330358;0.055246913580246914676763481111;0.049382716049382713308091297222;0.066358024691358027946641584549;0.121604938271604942623405065660
-0.011764705882352941013202496379;0.215196078431372561645673613384;0.102941176470588230396074891360;0.000490196078431372542216770682;0.060784313725490195234879564623;0.124019607843137258385013410589;0.040686274509803922738715442620;0.006372549019607843048818018872;0.080882352941176474669937590534;0.051470588235294115198037445680;0.082843137254901957899910769356;0.222549019607843123758073033969
-0.014150943396226415421645938864;0.124213836477987421558211167394;0.066981132075471697118196345855;0.117924528301886794023900506545;0.064150943396226414727756548473;0.146540880503144649305014013407;0.054088050314465410672859491115;0.028616352201257862220007410770;0.089308176100628924864999191868;0.050000000000000002775557561563;0.089937106918238987618430257953;0.154088050314465402346186806426
-0.023049645390070920558667211253;0.096099290780141843892891984069;0.067730496453900709830087123464;0.142198581560283698888014214390;0.032624113475177303478336199305;0.180851063829787245262892270148;0.016312056737588651739168099652;0.025177304964539008735879832557;0.093971631205673755715679362766;0.087588652482269505061829306669;0.118085106382978727301846788578;0.116312056737588653820836270825
-0.047500000000000000555111512313;0.084166666666666667406815349750;0.104444444444444450859066364501;0.178611111111111109384097517250;0.052499999999999998057109706906;0.050277777777777775403134086218;0.074722222222222217657972009874;0.046666666666666668794594130532;0.095277777777777780676693453188;0.085277777777777771794909256187;0.062777777777777779566470428563;0.117777777777777772905132280812
-0.042592592592592591616007524635;0.061111111111111109106541761093;0.066666666666666665741480812812;0.431481481481481465856120394164;0.065740740740740738479175320208;0.036111111111111107718762980312;0.067592592592592593003786305417;0.017129629629629630066522949505;0.079629629629629633535969901459;0.029166666666666667129259593594;0.029166666666666667129259593594;0.073611111111111113269878103438
-0.053749999999999999167332731531;0.087916666666666670737484423626;0.071666666666666670182372911313;0.215833333333333321490954403998;0.058333333333333334258519187188;0.082916666666666666296592325125;0.047083333333333331205405869468;0.028333333333333331899295259859;0.108749999999999999444888487687;0.052916666666666667406815349750;0.093333333333333337589188261063;0.099166666666666666851703837438
-0.044318181818181819064950133225;0.077651515151515151935690539631;0.082575757575757580131181612160;0.235227272727272729291314590228;0.053409090909090906063028114659;0.073863636363636367421214856677;0.061363636363636363257878514332;0.054924242424242424032154730185;0.085606060606060602191647035397;0.073106060606060604967204596960;0.054166666666666668517038374375;0.103787878787878790065590806080
-0.036666666666666666851703837438;0.051111111111111114102545371907;0.054444444444444441144614899031;0.428888888888888875072780137998;0.061666666666666668239482618219;0.056666666666666663798590519718;0.032500000000000001110223024625;0.043333333333333334813630699500;0.078055555555555558577829344813;0.043055555555555555247160270937;0.052777777777777777623580135469;0.060833333333333336478965236438
-0.085416666666666668517038374375;0.071130952380952378044653983125;0.061011904761904760252644308594;0.216369047619047627506461140001;0.051488095238095235584019349062;0.089285714285714287696826829688;0.039583333333333331482961625625;0.043452380952380950662750080937;0.124107142857142860314922927500;0.071726190476190471168038698124;0.077380952380952383595769106250;0.069047619047619052112807480626
-0.069642857142857145236192195625;0.111904761904761909652172846563;0.085119047619047621955346016875;0.068452380952380958989422765626;0.076488095238095243910692033751;0.063988095238095232808461787499;0.052678571428571428769682682969;0.055357142857142854763807804375;0.133928571428571424606346340624;0.070238095238095238359576910625;0.077678571428571430157461463750;0.134523809523809517729731055624
-0.068333333333333329262515576374;0.088333333333333333148296162562;0.091333333333333335812831421663;0.188333333333333324821623477874;0.073666666666666671958729750713;0.047333333333333331427450474393;0.067333333333333328374337156674;0.056000000000000001165734175856;0.133000000000000007105427357601;0.035999999999999997279953589668;0.047000000000000000111022302463;0.103333333333333332593184650250
-0.045185185185185182399347780802;0.106296296296296291505889541895;0.087407407407407405885990669958;0.166296296296296303163231300459;0.057037037037037038866849059104;0.081111111111111106053428443374;0.055555555555555552471602709375;0.031851851851851853414387960584;0.093333333333333337589188261063;0.066666666666666665741480812812;0.070000000000000006661338147751;0.139259259259259249308371408915
-0.003703703703703703845051542487;0.174814814814814811771981339916;0.115185185185185182121792024645;0.000000000000000000000000000000;0.078518518518518515270088187208;0.107777777777777777901135891625;0.038518518518518521376314822646;0.005925925925925925631665425186;0.107777777777777777901135891625;0.065185185185185179346234463083;0.097777777777777782897139502438;0.204814814814814810661758315291
-0.010465116279069767296627802011;0.139147286821705434833873482603;0.090697674418604656843001521338;0.151550387596899233111358284987;0.062015503875968991387424011918;0.094573643410852711865821618176;0.040310077519379844401825607747;0.008527131782945736315770801639;0.104651162790697679905171924020;0.059689922480620154210395611472;0.067829457364341080860548061082;0.170542635658914726315416032776
-0.025000000000000001387778780781;0.134821428571428564291423413124;0.089880952380952380820211544687;0.170238095238095243910692033751;0.059821428571428574005874878594;0.086607142857142854763807804375;0.056250000000000001387778780781;0.022023809523809525362514349922;0.087202380952380947887192519374;0.062797619047619046561692357500;0.060416666666666667129259593594;0.144940476190476202900114799377
-0.066352201257861634364765279770;0.132704402515723268729530559540;0.101886792452830193811408321380;0.074528301886792450159369138873;0.064150943396226414727756548473;0.063836477987421383351041015430;0.049056603773584908645410962436;0.047484276729559751761833297223;0.089622641509433956241714724911;0.092767295597484270008870055335;0.068867924528301885378489544109;0.148742138364779868942022744704
-0.095138888888888883954564334999;0.091666666666666660190365689687;0.101736111111111110494320541875;0.080555555555555560798275394063;0.080208333333333339809634310313;0.049305555555555553859381490156;0.063194444444444441977282167500;0.076388888888888895056794581251;0.117361111111111110494320541875;0.075694444444444439201724605937;0.064583333333333339809634310313;0.104166666666666671292595935938
-0.009477124183006535237949741202;0.160784313725490207724888591656;0.091176470588235289382872394981;0.005228758169934640161191641283;0.101307189542483661037763909007;0.100980392156862747166101712537;0.097058823529411766828367547078;0.025163398692810458323609879017;0.088235294117647064537912626747;0.043464052287581697586738016525;0.075816993464052281903597929613;0.201307189542483666588879032133
-0.035555555555555555524716027094;0.110555555555555559688052369438;0.137222222222222217657972009874;0.015833333333333334674852821422;0.058055555555555554692048758625;0.070000000000000006661338147751;0.059722222222222225151977426094;0.044722222222222218768195034500;0.118055555555555552471602709375;0.106111111111111114380101128063;0.089444444444444437536390068999;0.154722222222222233201094354627
-0.035666666666666665963525417737;0.099666666666666667295793047288;0.141666666666666662965923251249;0.035666666666666665963525417737;0.096333333333333340253723520163;0.071333333333333331927050835475;0.035999999999999997279953589668;0.030333333333333333675652099259;0.117000000000000006772360450213;0.077333333333333337256121353676;0.080000000000000001665334536938;0.178999999999999992450483432549
-0.007371794871794871625847456187;0.145192307692307703836931409569;0.079807692307692301714183713557;0.132051282051282053986440701010;0.080128205128205134966101752525;0.094871794871794867809455809038;0.036538461538461540489830525757;0.010576923076923077510214099561;0.091666666666666660190365689687;0.049358974358974357088403195348;0.060256410256410257442194478017;0.212179487179487175074754645721
-0.010000000000000000208166817117;0.124074074074074072737694507396;0.039629629629629632703302632990;0.188888888888888883954564334999;0.061481481481481484174800300480;0.142962962962962958357593379333;0.010370370370370370072254928573;0.010370370370370370072254928573;0.105925925925925923376524906416;0.050740740740740739034286832521;0.061111111111111109106541761093;0.194444444444444447528397290625
-0.026950354609929078747443398356;0.102482269503546094546742040166;0.065248226950354606956672398610;0.157801418439716317765331154988;0.070567375886524827399703951869;0.093617021276595741019477259215;0.032624113475177303478336199305;0.023049645390070920558667211253;0.111702127659574462770208924667;0.058156028368794326910418135412;0.068439716312056739222491330565;0.189361702127659570216167139733
-0.022101449275362318458437727031;0.085507246376811590904409854375;0.088405797101449273833750908125;0.221739130434782605316712533750;0.043840579710144926550707822344;0.071739130434782610867827656875;0.060869565217391306821692609219;0.041666666666666664353702032031;0.090942028985507239458030426249;0.072463768115942031600162920313;0.069202898550724631365760330937;0.131521739130434772713229563124
-0.003333333333333333547282562037;0.214583333333333320380731379373;0.084166666666666667406815349750;0.000000000000000000000000000000;0.047916666666666669904817155157;0.154166666666666674068153497501;0.037499999999999998612221219219;0.019583333333333334536074943344;0.078750000000000000555111512313;0.056666666666666663798590519718;0.112083333333333326486958014812;0.191250000000000003330669073875
-0.030409356725146198530129737492;0.130409356725146197142350956710;0.099415204678362567580762743091;0.031578947368421053654152785839;0.069883040935672519067267671744;0.127485380116959062801740287796;0.043859649122807015109160033717;0.037719298245614034381656409778;0.107894736842105265495206367632;0.075730994152046787748489009573;0.083333333333333328707404064062;0.162280701754385969781679932566
-0.033712121212121214097745536264;0.110606060606060610518319720086;0.078409090909090914389700799347;0.032954545454545451643735276548;0.059848484848484845288751898806;0.193181818181818176771713524431;0.038636363636363635354342704886;0.031818181818181814901613790880;0.107954545454545455807071618892;0.074242424242424248648219986535;0.108712121212121218261081878609;0.129924242424242414317703264715
-0.001481481481481481407916356297;0.103333333333333332593184650250;0.029259259259259259161600752464;0.000740740740740740703958178148;0.023703703703703702526661700745;0.368148148148148168790072531920;0.007037037037037036958653235530;0.000370370370370370351979089074;0.059259259259259261520824679792;0.033703703703703701000105041885;0.206296296296296283179216857206;0.166666666666666657414808128124
-0.013043478260869564508417361992;0.127536231884057965624279518124;0.051811594202898547667501816250;0.021376811594202897726102463594;0.092391304347826080922700953124;0.134782608695652172947632152500;0.025362318840579711753946412500;0.035507246376811595067746196719;0.130072463768115931248559036248;0.062681159420289858652530767813;0.080434782608695645778063010312;0.225000000000000005551115123126
-0.040606060606060603856981572335;0.103333333333333332593184650250;0.137272727272727268488239360522;0.022727272727272727903535809446;0.042424242424242426807712291748;0.083636363636363633689008167948;0.053030303030303031774916888708;0.055151515151515152768357808100;0.116666666666666668517038374375;0.102424242424242417648372338590;0.089090909090909095602306422279;0.153636363636363626472558507885
-0.025925925925925925180637321432;0.107037037037037041642406620667;0.151111111111111112714766591125;0.009629629629629630344078705662;0.036296296296296298722339201959;0.071851851851851847308161325145;0.056296296296296295669225884239;0.059259259259259261520824679792;0.111851851851851855079722497521;0.092222222222222219323306546812;0.105555555555555555247160270937;0.172962962962962957247370354708
-0.019047619047619049337249919063;0.123809523809523813753230570001;0.056462585034013607065972450982;0.167346938775510212238373242144;0.060204081632653061451065923393;0.126190476190476186246769429999;0.041496598639455782586704657433;0.027891156462585033060097572388;0.096938775510204078234011149107;0.078571428571428569842538536250;0.080952380952380956213865204063;0.121088435374149663847909152992
-0.039682539682539680336859078125;0.132936507936507936067371815625;0.084920634920634924247551111876;0.193253968253968261281627860626;0.020634920634920634469056111016;0.102777777777777773460243793124;0.022619047619047618485899064922;0.029365079365079364837054498594;0.065079365079365084079121572813;0.094841269841269837392871977499;0.125000000000000000000000000000;0.088888888888888892281237019688
-0.046111111111111109661653273406;0.070000000000000006661338147751;0.066944444444444445307951241375;0.295833333333333337034076748751;0.050833333333333334536074943344;0.063055555555555559132940857126;0.027777777777777776235801354687;0.035000000000000003330669073875;0.102777777777777773460243793124;0.076944444444444440311947630562;0.085277777777777771794909256187;0.079444444444444442532393679812
-0.013988095238095238706521605820;0.110714285714285709527615608749;0.060416666666666667129259593594;0.293452380952380964540537888752;0.063690476190476186246769429999;0.080654761904761909652172846563;0.049404761904761902713278942656;0.013095238095238095551997581367;0.086309523809523808202115446875;0.033035714285714286309048048906;0.061309523809523806814336666093;0.133928571428571424606346340624
-0.011419753086419752799440807678;0.150308641975308632243724105138;0.084876543209876545437175821007;0.001543209876543209790877853038;0.086419753086419748289159770138;0.103703703703703700722549285729;0.052777777777777777623580135469;0.012654320987654321326032480499;0.138888888888888895056794581251;0.050925925925925923098969150260;0.082716049382716053117725607535;0.223765432098765426616182594444
-0.016304347826086956069202571484;0.123913043478260875840391008751;0.088768115942028991138812443751;0.182246376811594196221122388124;0.079710144927536225045727746874;0.078985507246376818191180291251;0.056159420289855072061513396875;0.016304347826086956069202571484;0.082971014492753625280130336250;0.059782608695652175723189714063;0.057608695652173913526183923750;0.157246376811594201772237511250
-0.012202380952380952397473556914;0.119047619047619041010577234374;0.083928571428571421830788779062;0.181547619047619041010577234374;0.072916666666666671292595935938;0.100595238095238098674499838125;0.063690476190476186246769429999;0.020238095238095239053466301016;0.089880952380952380820211544687;0.045833333333333330095182844843;0.065178571428571432933019025313;0.144940476190476202900114799377
-0.045416666666666667684371105906;0.095416666666666663521034763562;0.074166666666666672402818960563;0.020833333333333332176851016015;0.090416666666666672957930472876;0.111666666666666664076146275875;0.059166666666666666019036568969;0.055000000000000000277555756156;0.154583333333333322601177428623;0.077499999999999999444888487687;0.070000000000000006661338147751;0.145833333333333342585191871876
-0.066964285714285712303173170312;0.064285714285714279370154144999;0.074107142857142857539365365938;0.225000000000000005551115123126;0.061607142857142860314922927500;0.065476190476190479494711382813;0.027083333333333334258519187188;0.085714285714285715078730731875;0.109226190476190476719153821250;0.094047619047619046561692357500;0.055654761904761901325500161875;0.070833333333333331482961625625
-0.036046511627906979713387158881;0.099224806201550386219878419070;0.051162790697674417894624809833;0.223643410852713164782556987120;0.056589147286821704641024410876;0.112015503875968994162981573481;0.058914728682170541818052811323;0.048449612403100777990871961265;0.100000000000000005551115123126;0.044961240310077518755882408641;0.085658914728682172823326368416;0.083333333333333328707404064062
-0.006666666666666667094565124074;0.185833333333333322601177428623;0.096250000000000002220446049250;0.000416666666666666693410320255;0.053333333333333336756520992594;0.167083333333333333703407674875;0.064583333333333339809634310313;0.012916666666666666574148081281;0.101666666666666669072149886688;0.044166666666666666574148081281;0.122916666666666660190365689687;0.144166666666666665186369300500
-0.017796610169491525882401461445;0.128531073446327692710866585912;0.096610169491525427210021348401;0.051129943502824862222588819805;0.032485875706214688285466962725;0.156779661016949151131072426324;0.016101694915254236711854574082;0.030508474576271187722609212756;0.094067796610169493454201017357;0.096610169491525427210021348401;0.128531073446327692710866585912;0.150847457627118652911946128370
-0.026666666666666668378260496297;0.095333333333333339365545100463;0.158000000000000001554312234475;0.003666666666666666598434209945;0.076666666666666660745477201999;0.085333333333333330483760903462;0.042999999999999996558308623662;0.042000000000000002609024107869;0.131333333333333329706604786224;0.093666666666666661966722529087;0.088333333333333333148296162562;0.155999999999999999777955395075
-0.033739837398373981325327974901;0.139024390243902451480551007990;0.133739837398373972998655290212;0.000000000000000000000000000000;0.099186991869918694764152178323;0.061788617886178863469748279158;0.067886178861788618044137422203;0.030894308943089431734874139579;0.128455284552845522272335188063;0.049593495934959347382076089161;0.062601626016260167317817320054;0.193089430894308938801984254496
-0.064814814814814811216869827604;0.086296296296296301497896763522;0.122962962962962968349600600959;0.000000000000000000000000000000;0.152222222222222230980648305376;0.062592592592592588562894206916;0.070740740740740742920067418709;0.029999999999999998889776975375;0.164074074074074066631467871957;0.025925925925925925180637321432;0.049259259259259259577934386698;0.171111111111111102722759369499
-0.064015151515151511030232711619;0.095833333333333339809634310313;0.142803030303030292769150833010;0.000000000000000000000000000000;0.144696969696969685026388674487;0.068560606060606057998718654289;0.043560606060606063549833777415;0.032954545454545451643735276548;0.156060606060606066325391338978;0.041666666666666664353702032031;0.053787878787878787290033244517;0.156060606060606066325391338978
-0.016049382716049383906797842769;0.092283950617283949657831954028;0.108333333333333337034076748751;0.187037037037037029429953349791;0.077160493827160489543892651909;0.076234567901234562281587159305;0.045061728395061728669190870278;0.020370370370370372015145221667;0.112654320987654321672977175695;0.045987654320987655931496362882;0.065432098765432100684336091945;0.153395061728395065703267619028
-0.016666666666666666435370203203;0.074122807017543854146701676200;0.085964912280701757940626350774;0.353947368421052621645372937564;0.065350877192982451124869669457;0.047807017543859652020099559877;0.100877192982456134751068077549;0.037280701754385962842786028659;0.059649122807017541936236426636;0.024561403508771929848908399663;0.042105263157894735892572413150;0.091666666666666660190365689687
-0.007317073170731707744407490424;0.168292682926829278988734017730;0.061788617886178863469748279158;0.000000000000000000000000000000;0.077235772357723581071908824924;0.154878048780487803659511314436;0.043902439024390241262274514611;0.013414634146341463186158371457;0.117073170731707323910519846777;0.039024390243902438990541980957;0.078048780487804877981083961913;0.239024390243902429276090515486
-0.037280701754385962842786028659;0.144298245614035092199145537961;0.090350877192982459451542354145;0.002631578947368420993285775822;0.100877192982456134751068077549;0.115789473684210525439297612138;0.065350877192982451124869669457;0.018421052631578945651957823770;0.131140350877192973788609720032;0.048245614035087716620076037088;0.073245614035087724946748721777;0.172368421052631587420123082666
-0.053273809523809521893067397968;0.080952380952380956213865204063;0.115178571428571421830788779062;0.050595238095238095898942276563;0.050000000000000002775557561563;0.069047619047619052112807480626;0.038690476190476191797884553125;0.056845238095238094511163495781;0.130357142857142865866038050626;0.128869047619047605302000647498;0.093154761904761906876615285000;0.133035714285714284921269268125
-0.026767676767676766569348245639;0.102525252525252519308907039886;0.104545454545454538641813257982;0.051515151515151513805790273182;0.059090909090909089773635542997;0.087878787878787875675890006733;0.014646464646464647102463985107;0.036363636363636361870099733551;0.116666666666666668517038374375;0.113636363636363632578785143323;0.092929292929292930947049455881;0.193434343434343430923050277670
-0.023202614379084968154742796287;0.100653594771241833294439516067;0.075163398692810454160273536672;0.188888888888888883954564334999;0.068954248366013076720903995920;0.104248366013071899760511485056;0.050326797385620916647219758033;0.039215686274509803377341654596;0.100980392156862747166101712537;0.046732026143790850181147789044;0.065686274509803924126494223401;0.135947712418300642456259197388
-0.089655172413793102204060403437;0.086206896551724143673567368751;0.106034482758620693387818789688;0.125000000000000000000000000000;0.070689655172413795591879193125;0.041379310344827585632643263125;0.076436781609195397768630186874;0.086781609195402301115684906563;0.092816091954022988952388573125;0.065517241379310350857245737188;0.049425287356321838394546119844;0.110057471264367809360429362187
-0.055000000000000000277555756156;0.162916666666666654084139054248;0.117083333333333330927850113312;0.074583333333333334813630699500;0.075416666666666673513041985188;0.059583333333333335368742211813;0.076666666666666660745477201999;0.050833333333333334536074943344;0.094166666666666662410811738937;0.059166666666666666019036568969;0.055416666666666669627261399000;0.119166666666666670737484423626
-0.043560606060606063549833777415;0.165530303030303027611580546363;0.106818181818181812126056229317;0.034090909090909088385856762216;0.059469696969696971000640672855;0.077272727272727270708685409772;0.078787878787878781738918121391;0.056818181818181816289392571662;0.095454545454545458582629180455;0.048484848484848484806430946037;0.066287878787878784514475682954;0.167424242424242419868818387840
-0.000427350427350427350056683018;0.289743589743589768925602356830;0.092307692307692312816413959808;0.000000000000000000000000000000;0.030769230769230770938804653269;0.116239316239316242684864732837;0.045299145299145297804965792920;0.026923076923076924571454071611;0.043162393162393161705203681322;0.025213675213675214303865601551;0.096581196581196585015938183005;0.233333333333333337034076748751
-0.027430555555555555247160270937;0.160763888888888900607909704377;0.078125000000000000000000000000;0.020486111111111111188209932266;0.055208333333333331482961625625;0.143749999999999988897769753748;0.044444444444444446140618509844;0.027430555555555555247160270937;0.115972222222222226539756206876;0.060416666666666667129259593594;0.101388888888888889505679458125;0.164583333333333331482961625625
-0.051709401709401706104252127716;0.101709401709401708879809689279;0.125213675213675212916086820769;0.061538461538461541877609306539;0.034188034188034191473981593390;0.073504273504273506811834693053;0.044017094017094020308444868306;0.063247863247863245206303872692;0.120512820512820514884388956034;0.106410256410256406911507554014;0.086324786324786323410407362644;0.131623931623931628154267059472
-0.024107142857142858233254756328;0.143154761904761895774385038749;0.083928571428571421830788779062;0.011904761904761904101057723437;0.094642857142857139685077072500;0.129761904761904772742653335627;0.036011904761904758864865527812;0.037202380952380952050528861719;0.111309523809523802651000323749;0.069345238095238098674499838125;0.081845238095238095898942276563;0.176785714285714296023499514376
-0.017391304347826087167705466641;0.190942028985507245009145549375;0.127173913043478248319217982498;0.008333333333333333217685101602;0.068478260869565210633425067499;0.080072463768115942350789282500;0.069565217391304348670821866563;0.045289855072463768015378349219;0.101811594202898550443059377812;0.061594202898550727554027872657;0.086231884057971011636745117812;0.143115942028985504430593778125
-0.011382113821138212239603149101;0.220325203252032530976123325672;0.096341463414634148643145294955;0.000000000000000000000000000000;0.058536585365853661955259923388;0.123983739837398368455190222903;0.085365853658536591797023618255;0.015853658536585366056748114261;0.069918699186991867255969168582;0.032113821138211380568083797016;0.088211382113821137918030501623;0.197967479674796748012610692058
-0.023643410852713177966455404544;0.178682170542635659904462386294;0.055813953488372092248681610727;0.036821705426356592105729959030;0.013565891472868216865999002607;0.225193798449612403445030395233;0.015891472868217054043027403054;0.017054263565891472631541603278;0.051937984496124030286967609982;0.064728682170542631291176860486;0.180620155038759694354766338620;0.136046511627906985264502282007
-0.076923076923076927347011633174;0.100000000000000005551115123126;0.105128205128205129414986629399;0.058974358974358973006779649495;0.053525641025641022829884008161;0.081410256410256412462622677140;0.048397435897435898966012501887;0.027243589743589743945584302764;0.128205128205128193741302311537;0.092307692307692312816413959808;0.074999999999999997224442438437;0.152884615384615396571632572886
-0.059756097560975607319022628872;0.123577235772357726939496558316;0.108536585365853657791923581044;0.107723577235772360882748444055;0.069105691056910570346794031593;0.070325203252032522649450640984;0.098373983739837397854977041334;0.042682926829268295898511809128;0.082926829268292687191710399475;0.069105691056910570346794031593;0.077642276422764222587602489511;0.090243902439024387129862248003
-0.005952380952380952050528861719;0.156746031746031744269487262500;0.123412698412698418337640760001;0.000793650793650793650105268462;0.083333333333333328707404064062;0.102380952380952378044653983125;0.086507936507936505909910351875;0.017063492063492061850960013203;0.108333333333333337034076748751;0.059126984126984125089698807187;0.066269841269841270325891002813;0.190079365079365070201333764999
-0.008045977011494252761902856719;0.187643678160919535891082432499;0.101724137931034477877467736562;0.000287356321839080455782244883;0.085057471264367814911544485312;0.118965517241379312163296333438;0.073563218390804596680254690000;0.013505747126436781421765509492;0.082758620689655171265286526250;0.041954022988505750013654704844;0.080172413793103441959075894374;0.206321839080459756843310969998
-0.072685185185185186007572610833;0.218518518518518528592764482710;0.072685185185185186007572610833;0.003703703703703703845051542487;0.071759259259259258745267118229;0.107870370370370366464030098541;0.056018518518518516102755455677;0.012962962962962962590318660716;0.084259259259259255969709556666;0.048611111111111111882099322656;0.072222222222222215437525960624;0.178703703703703697946991724166
-0.216666666666666674068153497501;0.051136363636363639517679047231;0.069318181818181820452728914006;0.043939393939393937837945003366;0.069318181818181820452728914006;0.060984848484848482030873384474;0.033333333333333332870740406406;0.092424242424242422644375949403;0.154924242424242436522163757218;0.078787878787878781738918121391;0.052651515151515150547911758849;0.076515151515151508254675150056
-0.029393939393939392396015719555;0.110303030303030305536715616199;0.074545454545454539752036282607;0.097272727272727274594465995960;0.068484848484848481753317628318;0.103939393939393942556392858023;0.031818181818181814901613790880;0.090303030303030301650935030011;0.113939393939393937560389247210;0.070606060606060602746758547710;0.072424242424242418758595363215;0.136969696969696963506635256635
-0.010544217687074829148397014933;0.165306122448979603278829131341;0.072108843537414965552123646830;0.023469387755102041198673745726;0.090136054421768710409601510491;0.127210884353741504604329293215;0.029931972789115645489088635145;0.009523809523809524668624959531;0.114965986394557823091489012768;0.047619047619047616404230893750;0.103401360544217682524426038526;0.205782312925170074446867829465
-0.014465408805031446798361471906;0.205974842767295607259825374058;0.072012578616352199145644874534;0.032075471698113207363878274236;0.070125786163522010885351676279;0.163522012578616343647652797699;0.040251572327044023158482133340;0.010691823899371068543051599420;0.075786163522012575666231271043;0.034905660377358489754318071618;0.110062893081761009606012180484;0.170125786163522002558678991591
-0.032679738562091505127416013465;0.197058823529411758501694862389;0.044117647058823532268956313374;0.000000000000000000000000000000;0.101633986928104574909426105478;0.184967320261437917494617977354;0.031372549019607842701873323676;0.004901960784313725422167706824;0.095098039215686269720606560441;0.028431372549019607448572699582;0.143464052287581689260065331837;0.136274509803921556327921393859
-0.048666666666666663632057066025;0.082333333333333327819225644362;0.098000000000000003774758283726;0.158333333333333325931846502499;0.090999999999999997557509345825;0.058666666666666665574947359119;0.051333333333333334980164153194;0.021333333333333332620940225866;0.153666666666666673624064287651;0.047000000000000000111022302463;0.059999999999999997779553950750;0.129666666666666680063357830477
-0.022916666666666665047591422422;0.120416666666666671847707448251;0.073749999999999996114219413812;0.347499999999999975575093458247;0.041250000000000001942890293094;0.057083333333333333148296162562;0.046249999999999999444888487687;0.017083333333333332315628894094;0.078750000000000000555111512313;0.047083333333333331205405869468;0.062500000000000000000000000000;0.085416666666666668517038374375
-0.042962962962962959745372160114;0.087037037037037037756626034479;0.101481481481481478068573665041;0.224074074074074064411021822707;0.050000000000000002775557561563;0.057037037037037038866849059104;0.042962962962962959745372160114;0.031481481481481478346129421197;0.092222222222222219323306546812;0.087407407407407405885990669958;0.078888888888888883399452822687;0.104444444444444450859066364501
-0.067543859649122808819221575050;0.098245614035087719395633598651;0.100000000000000005551115123126;0.007017543859649122937882648188;0.070175438596491224174656053947;0.110087719298245609311770465411;0.026315789473684209065496020230;0.019298245614035088729698586008;0.155263157894736852915329450298;0.102192982456140349367679220904;0.082017543859649127968580728520;0.161842105263157898242809551448
-0.001550387596899224784685600298;0.119379844961240308420791222943;0.048837209302325580717596409386;0.000000000000000000000000000000;0.115891472868217049185801670319;0.179844961240310075023529634564;0.020542635658914728397084203948;0.015503875968992247846856002980;0.158527131782945723825761774606;0.039147286821705429282758359477;0.078294573643410858565516718954;0.222480620155038749663489738850
-0.002430555555555555594104966133;0.141319444444444441977282167500;0.035763888888888886730121896562;0.000000000000000000000000000000;0.069444444444444447528397290625;0.268402777777777767909128669999;0.013888888888888888117900677344;0.000347222222222222235473582108;0.105902777777777776235801354687;0.035763888888888886730121896562;0.129166666666666679619268620627;0.197569444444444436426167044374
-0.052923976608187137116168230477;0.140058479532163743241923725691;0.047076023391812868434946892648;0.114912280701754382361556849901;0.033918128654970756963304978626;0.206140350877192984890839966283;0.024561403508771929848908399663;0.045321637426900582279465368174;0.066666666666666665741480812812;0.031578947368421053654152785839;0.127777777777777767909128669999;0.109064327485380113680335512072
-0.089534883720930227846146465254;0.089922480620155037511764817282;0.068992248062015509857403117167;0.161240310077519377607302430988;0.079457364341085273684583967224;0.044961240310077518755882408641;0.043410852713178293971196808343;0.073643410852713184211459918060;0.109302325581395354259228724914;0.046124031007751940813843560818;0.044961240310077518755882408641;0.148449612403100783541987084391
-0.042222222222222223486642889156;0.084722222222222226539756206876;0.090555555555555555802271783250;0.206388888888888899497686679751;0.082777777777777783452251014751;0.052499999999999998057109706906;0.061388888888888888673012189656;0.051944444444444445863062753688;0.101666666666666669072149886688;0.051666666666666666296592325125;0.052222222222222225429533182250;0.121944444444444438646613093624
-0.042198581560283686398005187357;0.081914893617021269922595649859;0.050000000000000002775557561563;0.219503546099290791637770325906;0.078014184397163122142160318617;0.108156028368794329685975696975;0.066312056737588651045278709262;0.036170212765957443501463330904;0.115602836879432624428432063723;0.034397163120567376959346717058;0.063829787234042548171863984408;0.103900709219858153331550454368
-0.003846153846153846367350581659;0.158333333333333325931846502499;0.057692307692307695510258724880;0.000000000000000000000000000000;0.087179487179487175074754645721;0.187179487179487180625869768846;0.058012820512820514884388956034;0.002564102564102564100340098108;0.091346153846153840816235458533;0.048076923076923079591882270734;0.109935897435897433904727904519;0.195833333333333331482961625625
-0.002083333333333333304421275400;0.163333333333333330372738601000;0.048333333333333332315628894094;0.082083333333333327597181039437;0.017916666666666667545593227828;0.284999999999999975575093458247;0.012500000000000000693889390391;0.014166666666666665949647629930;0.035416666666666665741480812812;0.043749999999999997224442438437;0.170416666666666660745477201999;0.125000000000000000000000000000
-0.027777777777777776235801354687;0.086296296296296301497896763522;0.097037037037037032760622423666;0.244814814814814818433319487667;0.024444444444444445724284875610;0.117407407407407404775767645333;0.044814814814814814269983145323;0.031111111111111110216764785719;0.054444444444444441144614899031;0.080370370370370369794699172417;0.116296296296296300387673738896;0.075185185185185188228018660084
-0.012820512820512820068019621544;0.102136752136752134711983330817;0.149572649572649568616711235336;0.108547008547008549950163569520;0.070940170940170937941005036009;0.087179487179487175074754645721;0.031623931623931622603151936346;0.044444444444444446140618509844;0.088034188034188040616889736611;0.051709401709401706104252127716;0.073076923076923080979661051515;0.179914529914529913723342247067
-0.036969696969696971833307941324;0.126666666666666677398822571377;0.079393939393939391702126329164;0.029393939393939392396015719555;0.059696969696969699736843750770;0.164848484848484855280759120433;0.036060606060606063827389533571;0.013939393939393938948168027991;0.136666666666666658525031152749;0.056060606060606060774276215852;0.093636363636363642570792364950;0.166666666666666657414808128124
-0.038392857142857145236192195625;0.153273809523809534383076425001;0.093750000000000000000000000000;0.039583333333333331482961625625;0.033333333333333332870740406406;0.122023809523809520505288617187;0.033333333333333332870740406406;0.027976190476190477413043211641;0.074999999999999997224442438437;0.052380952380952382207990325469;0.122321428571428567066980974687;0.208630952380952389146884229376
-0.010606060606060606701928072937;0.100000000000000005551115123126;0.084545454545454548633820479608;0.228484848484848485083986702193;0.075151515151515149715244490380;0.090303030303030301650935030011;0.032121212121212119883217894767;0.013636363636363635701287400082;0.083636363636363633689008167948;0.040909090909090908838585676222;0.065151515151515154711248101194;0.175454545454545446370175909578
-0.023750000000000000277555756156;0.066250000000000003330669073875;0.074166666666666672402818960563;0.400833333333333319270508354748;0.040416666666666663243479007406;0.069583333333333330372738601000;0.025833333333333333148296162562;0.017500000000000001665334536938;0.063333333333333338699411285688;0.065416666666666664631257788187;0.059166666666666666019036568969;0.093750000000000000000000000000
-0.038235294117647061762355065184;0.087908496732026150666250430277;0.118954248366013065618673749668;0.190196078431372539441213120881;0.047385620915032677924472181985;0.072222222222222215437525960624;0.034967320261437909167945292666;0.046078431372549022437823396103;0.084967320261437911943502854228;0.091503267973856203254534591451;0.083660130718954242579066260532;0.103921568627450985888849288585
-0.058823529411764705066012481893;0.062091503267973857660422254412;0.097385620915032680700029743548;0.238235294117647045109009695807;0.069281045751633990592566192390;0.052941176470588234559411233704;0.025490196078431372195272075487;0.041176470588235293546208737325;0.085620915032679739686827247169;0.080065359477124176112994291543;0.073856209150326798673624750791;0.115032679738562085280939584209
-0.042083333333333333703407674875;0.022916666666666665047591422422;0.054166666666666668517038374375;0.460000000000000019984014443253;0.060416666666666667129259593594;0.055416666666666669627261399000;0.030833333333333334119741309109;0.030833333333333334119741309109;0.081250000000000002775557561563;0.033750000000000002220446049250;0.059999999999999997779553950750;0.068333333333333329262515576374
-0.033695652173913043236908038125;0.097826086956521743354109332813;0.111956521739130440695753065938;0.002898550724637681194617577773;0.066304347826086962314207085001;0.093840579710144922387371479999;0.057608695652173913526183923750;0.057246376811594203160016292031;0.107608695652173916301741485313;0.085869565217391308209471390001;0.103985507246376812640065168125;0.181159420289855072061513396875
-0.078301886792452826679955535383;0.069496855345911948131920610194;0.118238993710691825400616039587;0.002830188679245282824120666376;0.057547169811320755816730354582;0.076100628930817607042946804086;0.020440251572327042955956599712;0.018238993710691823318947868415;0.172012578616352190818972189845;0.119811320754716982284193704800;0.105660377358490570331994717890;0.161320754716981124010644066402
-0.016666666666666666435370203203;0.129096045197740122434382215033;0.126553672316384174800774076175;0.001977401129943502731262094940;0.079378531073446334520582468031;0.108192090395480222664303937563;0.041242937853107342061065310190;0.014406779661016949276031162697;0.107344632768361578079030493882;0.067796610169491525188512071054;0.086723163841807907048497838787;0.220621468926553682132762901347
-0.005952380952380952050528861719;0.125396825396825395415589810000;0.101984126984126982629064173125;0.000000000000000000000000000000;0.120238095238095241135134472188;0.143650793650793640043872301248;0.041666666666666664353702032031;0.023015873015873017370935826875;0.091269841269841264774775879687;0.040079365079365082691342792032;0.073809523809523810977673008438;0.232936507936507941618486938751
-0.032113821138211380568083797016;0.117479674796747965426213511364;0.119918699186991870031526730145;0.001626016260162601624605915873;0.073983739837398379557420469155;0.126422764227642286938291249498;0.047967479674796746624831911276;0.030081300813008131356252050637;0.095121951219512196340488685564;0.053658536585365852744633485827;0.101626016260162599369465397103;0.200000000000000011102230246252
-0.043421052631578950509183556505;0.087719298245614030218320067434;0.127631578947368429233222286712;0.058771929824561405797389568306;0.054385964912280704286473564935;0.100877192982456134751068077549;0.037719298245614034381656409778;0.076754385964912283379923962912;0.080263157894736841813099204046;0.108333333333333337034076748751;0.097807017543859647856763217533;0.126315789473684214616611143356
-0.012500000000000000693889390391;0.094166666666666662410811738937;0.120833333333333334258519187188;0.227500000000000007771561172376;0.036944444444444446418174266000;0.078333333333333338144299773376;0.034166666666666664631257788187;0.023888888888888890060790970438;0.074444444444444438091501581312;0.066666666666666665741480812812;0.088888888888888892281237019688;0.141666666666666662965923251249
-0.011309523809523809242949532461;0.089285714285714287696826829688;0.053869047619047621955346016875;0.325297619047619057663922603751;0.034821428571428572618096097813;0.118452380952380947887192519374;0.025892857142857144542302805235;0.015476190476190476719153821250;0.055952380952380954826086423282;0.070535714285714284921269268125;0.100000000000000005551115123126;0.099107142857142851988250242812
-0.053448275862068968244944500157;0.069252873563218395047691444688;0.081034482758620685061146104999;0.222126436781609204462739626251;0.045402298850574715483041643438;0.099137931034482762449044912501;0.026724137931034484122472250078;0.033908045977011497251751848125;0.085057471264367814911544485312;0.096839080459770118802786953438;0.093390804597701146394506110937;0.093678160919540232054458783750
-0.028968253968253969421464688594;0.090476190476190473943596259687;0.108333333333333337034076748751;0.052777777777777777623580135469;0.061507936507936504522131571093;0.148015873015873017370935826875;0.075793650793650788055622058437;0.081349206349206351629455014063;0.074206349206349206393262818438;0.064682539682539688663531762813;0.109126984126984127865256368750;0.104761904761904764415980650938
-0.034195402298850575972810617031;0.113793103448275867428662877501;0.082183908045977013823168988438;0.045114942528735629823088970625;0.032758620689655175428622868594;0.182471264367816105034236784377;0.027298850574712645034036739844;0.051149425287356324598686541094;0.079597701149425284516958356562;0.074999999999999997224442438437;0.142241379310344834285828596876;0.134195402298850574585031836250
-0.048611111111111111882099322656;0.080555555555555560798275394063;0.101851851851851846197938300520;0.086111111111111110494320541875;0.052314814814814813992427389167;0.089351851851851848973495862083;0.031018518518518518184423626849;0.070370370370370374790702783230;0.100925925925925932813420615730;0.109722222222222220988641083750;0.092592592592592587452671182291;0.136574074074074069962136945833
-0.011851851851851851263330850372;0.155925925925925912274294660165;0.155185185185185176015565389207;0.000370370370370370351979089074;0.057407407407407406996213694583;0.087407407407407405885990669958;0.075185185185185188228018660084;0.024444444444444445724284875610;0.077777777777777779011358916250;0.062592592592592588562894206916;0.091111111111111114935212640376;0.200740740740740747360959517209
-0.032371794871794874748349712945;0.115705128205128210394647680914;0.119551282051282056761998262573;0.030128205128205128721097239008;0.062179487179487180625869768846;0.087179487179487175074754645721;0.042628205128205129414986629399;0.050641025641025641523818023870;0.107051282051282045659768016321;0.078525641025641024217662788942;0.078205128205128204843532557788;0.195833333333333331482961625625
-0.065064102564102568870829657044;0.078846153846153843591793020096;0.126923076923076916244781386922;0.022756410256410255360526306845;0.054807692307692307265298836683;0.062820512820512819374130231154;0.025320512820512820761909011935;0.041346153846153844979571800877;0.139423076923076927347011633174;0.111217948717948711401248829134;0.104807692307692310040856398246;0.166666666666666657414808128124
-0.055454545454545457749961911986;0.106363636363636368531437881302;0.105454545454545453586625569642;0.015151515151515151935690539631;0.055757575757575755792672111966;0.110000000000000000555111512313;0.030909090909090910365142335081;0.050303030303030300818267761542;0.120303030303030300540712005386;0.080909090909090902732359040783;0.088181818181818180657494110619;0.181212121212121213265078267796
-0.004444444444444444440589503387;0.145925925925925931148086078792;0.062222222222222220433529571437;0.000000000000000000000000000000;0.059259259259259261520824679792;0.199259259259259247087925359665;0.012592592592592592726230549260;0.004074074074074073709139653943;0.116666666666666668517038374375;0.044074074074074071072359970458;0.109259259259259264296382241355;0.242222222222222227649979231501
-0.036666666666666666851703837438;0.171481481481481484729911812792;0.074444444444444438091501581312;0.000370370370370370351979089074;0.084814814814814815102650413792;0.130370370370370358692468926165;0.039629629629629632703302632990;0.003333333333333333547282562037;0.141851851851851840091711665082;0.038518518518518521376314822646;0.089259259259259260410601655167;0.189259259259259265961716778293
-0.022448979591836733249454738370;0.246598639455782309148901276785;0.059523809523809520505288617187;0.007142857142857142634106981660;0.054081632653061227633539687076;0.145578231292517012995801906072;0.020068027210884353817021974464;0.005102040816326530205115918903;0.063265306122448974890382089598;0.050340136054421766309552310759;0.121768707482993190915898651383;0.204081632653061229021318467858
-0.050000000000000002775557561563;0.099549549549549545823801111055;0.076126126126126125726045756892;0.049549549549549549987137453400;0.086936936936936937136977121554;0.079729729729729734155618814384;0.009459459459459459984564944079;0.043693693693693691493251662905;0.095495495495495491544701849307;0.114414414414414411513831737466;0.074774774774774774299679336309;0.220270270270270268619938747179
-0.003333333333333333547282562037;0.181666666666666670737484423626;0.068333333333333329262515576374;0.063750000000000001110223024625;0.058749999999999996669330926125;0.141666666666666662965923251249;0.038333333333333330372738601000;0.018333333333333333425851918719;0.067083333333333328152292551749;0.046666666666666668794594130532;0.106666666666666673513041985188;0.205416666666666664076146275875
-0.057692307692307695510258724880;0.083653846153846148081534295216;0.070833333333333331482961625625;0.238141025641025627646030216056;0.041025641025641025605441569724;0.088782051282051285823193609303;0.045512820512820510721052613690;0.078846153846153843591793020096;0.052243589743589745333363083546;0.071794871794871789605352319086;0.091025641025641021442105227379;0.080448717948717954340231983679
-0.025850340136054420631106509632;0.079591836734693874322310591651;0.082653061224489801639414565670;0.261224489795918390910856032860;0.048639455782312927822896853058;0.077891156462585028896761230044;0.031972789115646257918079697902;0.022448979591836733249454738370;0.078231292517006806308543787054;0.083673469387755106119186621072;0.102380952380952378044653983125;0.105442176870748305361757957144
-0.044573643410852716029157960520;0.079069767441860464018965615196;0.120542635658914723539858471213;0.101162790697674420670182371396;0.079844961240310083350202319252;0.078294573643410858565516718954;0.019767441860465116004741403799;0.033333333333333332870740406406;0.100387596899224801338945667339;0.098062015503875971100811170800;0.078294573643410858565516718954;0.166666666666666657414808128124
-0.024836601307189540982500730593;0.090849673202614375511210198511;0.078104575163398692883021112721;0.183333333333333320380731379373;0.034640522875816995296283096195;0.110130718954248363328218829338;0.022549019607843136941971451392;0.037581699346405227080136768336;0.082026143790849673220755278180;0.098692810457516336186678529430;0.119934640522875821111448146894;0.117320261437908496260362767316
-0.005833333333333333599324266316;0.089166666666666671847707448251;0.029999999999999998889776975375;0.404583333333333350356753044252;0.030416666666666668239482618219;0.124583333333333337589188261063;0.017916666666666667545593227828;0.002916666666666666799662133158;0.047083333333333331205405869468;0.069583333333333330372738601000;0.118333333333333332038073137937;0.059583333333333335368742211813
-0.026060606060606061884499240477;0.149696969696969689467280772988;0.093030303030303032607584157176;0.013030303030303030942249620239;0.059090909090909089773635542997;0.119393939393939399473687501541;0.026969696969696969890417648230;0.004545454545454545233762466694;0.079696969696969696683730433051;0.049090909090909087830745249903;0.102727272727272722629976442477;0.276666666666666671847707448251
-0.026488095238095237665687520234;0.131547619047619052112807480626;0.130059523809523819304345693126;0.043749999999999997224442438437;0.059821428571428574005874878594;0.091964285714285720629845855001;0.070238095238095238359576910625;0.017857142857142856151586585156;0.076488095238095243910692033751;0.049404761904761902713278942656;0.105059523809523810977673008438;0.197321428571428564291423413124
-0.024137931034482758285708570156;0.113218390804597696108757531874;0.145402298850574707156368958749;0.046839080459770116027229391875;0.058333333333333334258519187188;0.077873563218390798312817935312;0.037068965517241377061186113906;0.019827586206896553183698372891;0.093678160919540232054458783750;0.071264367816091953033996730937;0.106896551724137936489889000313;0.205459770114942541496816375002
-0.011627906976744185885142002235;0.122480620155038757990162423539;0.124806201550387602106084727893;0.079844961240310083350202319252;0.067054263565891475407099164840;0.073255813953488374545841566032;0.043023255813953491244472360222;0.013178294573643410669827602533;0.101937984496124026123631267637;0.053488372093023255071653210280;0.101162790697674420670182371396;0.208139534883720916935700984141
-0.046551724137931037306170622969;0.072988505747126439238137152188;0.048275862068965516571417140312;0.281609195402298839727706081248;0.063505747126436778993152643125;0.065229885057471265197293064375;0.012643678160919540054418774844;0.025574712643678162299343270547;0.096551724137931033142834280625;0.100287356321839077333279988125;0.071551724137931038693949403751;0.115229885057471267972850625938
-0.134397163120567375571567936277;0.026950354609929078747443398356;0.075531914893617019268745593763;0.177659574468085112997073338192;0.053900709219858157494886796712;0.036524822695035458197665434454;0.008865248226950355261988256927;0.057446808510638297518013928311;0.127659574468085096343727968815;0.146453900709219847486863841368;0.068794326241134753918693434116;0.085815602836879431580818788916
-0.109420289855072461193685740000;0.047463768115942030212384139531;0.104347826086956516067338895937;0.071014492753623190135492393438;0.060869565217391306821692609219;0.058333333333333334258519187188;0.018478260869565218266208361797;0.049275362318840582043222298125;0.139492753623188414646705268751;0.138043478260869573182034741876;0.114855072463768109747306311874;0.088405797101449273833750908125
-0.016250000000000000555111512313;0.076249999999999998334665463062;0.067916666666666666851703837438;0.292499999999999982236431605997;0.048333333333333332315628894094;0.086249999999999993338661852249;0.044583333333333335923853724125;0.020416666666666666296592325125;0.062500000000000000000000000000;0.089166666666666671847707448251;0.112916666666666665186369300500;0.082916666666666666296592325125
-0.075151515151515149715244490380;0.089999999999999996669330926125;0.091515151515151521577351445558;0.066969696969696970723084916699;0.069090909090909091716525836091;0.064848484848484849729643997307;0.044545454545454547801153211140;0.065757575757575750796668501152;0.112424242424242426530156535591;0.100606060606060601636535523085;0.074848484848484844733640386494;0.144242424242424255309558134286
-0.049722222222222223209087133000;0.088611111111111112714766591125;0.102222222222222228205090743813;0.173888888888888898387463655126;0.065555555555555561353386906376;0.068888888888888888395456433500;0.029444444444444443226283070203;0.044722222222222218768195034500;0.100000000000000005551115123126;0.095833333333333339809634310313;0.073333333333333333703407674875;0.107777777777777777901135891625
-0.034814814814814812327092852229;0.092592592592592587452671182291;0.054074074074074073015250263552;0.309629629629629643527977123085;0.051111111111111114102545371907;0.100000000000000005551115123126;0.017037037037037038034181790636;0.020370370370370372015145221667;0.068518518518518520266091798021;0.075185185185185188228018660084;0.092222222222222219323306546812;0.084444444444444446973285778313
-0.011666666666666667198648532633;0.079166666666666662965923251249;0.049583333333333333425851918719;0.095833333333333339809634310313;0.101666666666666669072149886688;0.128750000000000003330669073875;0.020000000000000000416333634234;0.008750000000000000832667268469;0.174999999999999988897769753748;0.051249999999999996946886682281;0.084166666666666667406815349750;0.194166666666666654084139054248
-0.031250000000000000000000000000;0.077777777777777779011358916250;0.090972222222222218213083522187;0.112152777777777781786916477813;0.057638888888888892281237019688;0.111111111111111104943205418749;0.022222222222222223070309254922;0.034027777777777774848022573906;0.098611111111111107718762980312;0.092361111111111116045435665001;0.126041666666666662965923251249;0.145833333333333342585191871876
-0.019629629629629628817522046802;0.102962962962962964463820014771;0.095925925925925928372528517230;0.117407407407407404775767645333;0.067037037037037033870845448291;0.087407407407407405885990669958;0.035555555555555555524716027094;0.010740740740740739936343040029;0.095185185185185192113799246272;0.095555555555555560243163881751;0.094814814814814810106646802979;0.177777777777777784562474039376
-0.019811320754716980202525533628;0.121069182389937107791055836969;0.061949685534591195090747817176;0.226100628930817615369619488774;0.046855345911949682069508327231;0.114779874213836480256745176121;0.021698113207547168462818731882;0.016666666666666666435370203203;0.078301886792452826679955535383;0.092767295597484270008870055335;0.089937106918238987618430257953;0.110062893081761009606012180484
-0.017753623188405797533873098359;0.124637681159420296572726272188;0.124637681159420296572726272188;0.177173913043478264972563351876;0.028623188405797101580008146016;0.090579710144927536030756698437;0.022463768115942028824605358750;0.024275362318840580655443517344;0.066666666666666665741480812812;0.080434782608695645778063010312;0.095289855072463763852042006874;0.147463768115942028824605358750
-0.026736111111111109800431151484;0.107986111111111116045435665001;0.078819444444444441977282167500;0.062500000000000000000000000000;0.066319444444444444752839729063;0.149305555555555552471602709375;0.037847222222222219600862302968;0.010763888888888888811790067734;0.122569444444444439201724605937;0.084027777777777784562474039376;0.115972222222222226539756206876;0.137152777777777790113589162502
-0.021944444444444443503838826359;0.076666666666666660745477201999;0.053055555555555557190050564031;0.380277777777777770129574719249;0.041388888888888891726125507375;0.085000000000000006106226635438;0.026944444444444444475283972906;0.014722222222222221613141535101;0.064444444444444443087505192125;0.076111111111111115490324152688;0.085833333333333330927850113312;0.073611111111111113269878103438
-0.025724637681159418650667092265;0.067391304347826086473816076250;0.046376811594202899113881244375;0.520289855072463724994236144994;0.025000000000000001387778780781;0.035869565217391305433913828438;0.013043478260869564508417361992;0.035144927536231884701578565000;0.051811594202898547667501816250;0.064130434782608700117201294688;0.039855072463768112522863873437;0.075362318840579714529503974063
-0.052430555555555556634939051719;0.127430555555555546920487586249;0.062152777777777779011358916250;0.176388888888888900607909704377;0.037499999999999998612221219219;0.134027777777777773460243793124;0.019444444444444444752839729063;0.045138888888888888117900677344;0.062152777777777779011358916250;0.085069444444444447528397290625;0.089236111111111113269878103438;0.109027777777777779011358916250
-0.015789473684210526827076392919;0.149122807017543851371144114637;0.062280701754385964230564809441;0.100877192982456134751068077549;0.032456140350877189792999644169;0.135526315789473689177313531218;0.009210526315789472825978911885;0.017982456140350877582534394605;0.066666666666666665741480812812;0.078947368421052627196488060690;0.126315789473684214616611143356;0.204824561403508770274228822927
-0.008518518518518519017090895318;0.158518518518518530813210531960;0.151481481481481494721919034419;0.000000000000000000000000000000;0.041481481481481480289019714291;0.092222222222222219323306546812;0.046666666666666668794594130532;0.022962962962962962798485477833;0.080000000000000001665334536938;0.076296296296296292616112566520;0.094074074074074073847917532021;0.227777777777777773460243793124
-0.006432748538011696243232862003;0.107017543859649122417465605395;0.093567251461988298899541405262;0.280409356725146219346811449213;0.044152046783625734094336223734;0.084210526315789471785144826299;0.033918128654970756963304978626;0.010233918128654970192137341201;0.066666666666666665741480812812;0.060818713450292397060259474983;0.089181286549707597388625401891;0.123391812865497080276000474441
-0.010526315789473683973143103287;0.090058479532163740466366164128;0.058187134502923974765931092179;0.209941520467836262309191397435;0.085087719298245614862885588536;0.106140350877192979339724843157;0.021052631578947367946286206575;0.004093567251461988597271979273;0.088596491228070173296060829671;0.080116959064327489259405012945;0.121929824561403513105695139984;0.124269005847953209475953428864
-0.014506172839506172381196513754;0.114197530864197524524961124825;0.121604938271604942623405065660;0.011728395061728395798450463872;0.082716049382716053117725607535;0.090123456790123457338381740556;0.033024691358024688137007274236;0.017592592592592593697675695807;0.113888888888888886730121896562;0.069135802469135795855770254548;0.087345679012345675551465262743;0.244135802469135798631327816111
-0.014341085271317829258341802756;0.119767441860465118086409574971;0.091860465116279071962068769608;0.070155038759689924976470365436;0.059302325581395351483671163351;0.078294573643410858565516718954;0.037984496124031007224797207300;0.018992248062015503612398603650;0.110465116279069769378295973183;0.075193798449612408996145518358;0.082170542635658913588336815792;0.241472868217054270623123102268
-0.013450292397660818313753772202;0.098830409356725143488198170871;0.085672514619883038955450160756;0.239473684210526310822686468782;0.037426900584795322335374123668;0.096198830409356728132763691974;0.036257309941520467211351075321;0.028654970760233919313542116925;0.067543859649122808819221575050;0.072222222222222215437525960624;0.100292397660818710658503505329;0.123976608187134504368565046661
-0.010606060606060606701928072937;0.123636363636363641460569340325;0.058787878787878784792031439110;0.163030303030303025391134497113;0.044545454545454547801153211140;0.117878787878787874565666982107;0.019696969696969695434729530348;0.006666666666666667094565124074;0.102424242424242417648372338590;0.063636363636363629803227581760;0.112727272727272731511760639478;0.176363636363636361314988221238
-0.025277777777777777484802257391;0.111666666666666664076146275875;0.110000000000000000555111512313;0.039166666666666669072149886688;0.068611111111111108828986004937;0.083611111111111108273874492625;0.020277777777777776513357110844;0.039166666666666669072149886688;0.128055555555555561353386906376;0.092222222222222219323306546812;0.086666666666666669627261399000;0.195277777777777772350020768499
-0.072916666666666671292595935938;0.060763888888888888117900677344;0.119097222222222215437525960624;0.039583333333333331482961625625;0.057291666666666664353702032031;0.076388888888888895056794581251;0.026041666666666667823148983985;0.036805555555555556634939051719;0.159722222222222209886410837498;0.117708333333333331482961625625;0.102083333333333331482961625625;0.131597222222222226539756206876
-0.042810457516339869843413623585;0.078104575163398692883021112721;0.133006535947712417611299429154;0.011764705882352941013202496379;0.089215686274509806152899216158;0.079411764705882348369669898602;0.031372549019607842701873323676;0.050000000000000002775557561563;0.118627450980392151747011553198;0.086274509803921567430151640110;0.095424836601307183592268756911;0.183986928104575175879631387943
-0.019345238095238095898942276563;0.121428571428571427381903902187;0.122321428571428567066980974687;0.000892857142857142829263372708;0.072321428571428578169211220938;0.102380952380952378044653983125;0.057738095238095241135134472188;0.024404761904761904794947113828;0.103869047619047624730903578438;0.053273809523809521893067397968;0.109523809523809523280846178750;0.212499999999999994448884876874
-0.014184397163120567031402430302;0.106028368794326241508763075672;0.124468085106382977955696844674;0.050709219858156025229067864757;0.079078014184397166230766629269;0.099290780141843976158710916025;0.037234042553191487590069641556;0.026595744680851064051241294806;0.116666666666666668517038374375;0.058510638297872341606620238963;0.092198581560283682234668845012;0.195035460992907805355400796543
-0.032592592592592589673117231541;0.091851851851851851193941911333;0.143333333333333340364745822626;0.084074074074074078843921142834;0.055555555555555552471602709375;0.106296296296296291505889541895;0.018518518518518517490534236458;0.017037037037037038034181790636;0.114444444444444445863062753688;0.084814814814814815102650413792;0.096296296296296296501893152708;0.155185185185185176015565389207
-0.009935897435897435292506685300;0.145192307692307703836931409569;0.084615384615384620081712796491;0.031089743589743590312934884423;0.082692307692307689959143601754;0.144871794871794884462801178415;0.039743589743589741170026741202;0.011858974358974358476181976130;0.091346153846153840816235458533;0.040064102564102567483050876262;0.101923076923076921795896510048;0.216666666666666674068153497501
-0.014880952380952380126322154297;0.136607142857142843661577558123;0.051190476190476189022326991562;0.200595238095238104225614961251;0.055059523809523808202115446875;0.149999999999999994448884876874;0.021130952380952382207990325469;0.002976190476190476025264430859;0.086011904761904761640423089375;0.038095238095238098674499838125;0.072321428571428578169211220938;0.171130952380952383595769106250
-0.070512820512820512108831394471;0.052991452991452990539666956238;0.031196581196581196770978294808;0.342735042735042738648587601347;0.056837606837606836907017537897;0.105128205128205129414986629399;0.008119658119658120301598280832;0.020940170940170938634894426400;0.102564102564102560544156972355;0.057692307692307695510258724880;0.061111111111111109106541761093;0.090170940170940169777757944303
-0.025185185185185185452461098521;0.103333333333333332593184650250;0.067037037037037033870845448291;0.224444444444444446418174266000;0.043333333333333334813630699500;0.085555555555555551361379684749;0.018888888888888889089345823891;0.108518518518518514159865162583;0.067037037037037033870845448291;0.050370370370370370904922197042;0.068888888888888888395456433500;0.137407407407407394783760423707
-0.034444444444444444197728216750;0.088611111111111112714766591125;0.064166666666666663521034763562;0.212499999999999994448884876874;0.069444444444444447528397290625;0.094166666666666662410811738937;0.020000000000000000416333634234;0.028611111111111111465765688422;0.109722222222222220988641083750;0.068611111111111108828986004937;0.082222222222222224319310157625;0.127500000000000002220446049250
-0.031481481481481478346129421197;0.093703703703703705718552896542;0.065555555555555561353386906376;0.329629629629629605780394285830;0.047407407407407405053323401489;0.078148148148148147140723551729;0.014814814814814815380206169948;0.037407407407407410049327012302;0.069259259259259256524821068979;0.058888888888888886452566140406;0.062962962962962956692258842395;0.110740740740740736813840783270
-0.001977401129943502731262094940;0.166101694915254227691292499003;0.067796610169491525188512071054;0.026271186440677964796241994350;0.030225988700564972860851398195;0.206779661016949140028842180072;0.014971751412429378999546791817;0.007344632768361582068894488629;0.073728813559322037285426176823;0.070621468926553673806090216658;0.132485875706214700775475989758;0.201694915254237300272777133614
-0.010555555555555555871660722289;0.154166666666666674068153497501;0.055555555555555552471602709375;0.178333333333333343695414896501;0.042777777777777775680689842375;0.134166666666666656304585103499;0.010000000000000000208166817117;0.008888888888888888881179006773;0.083055555555555549140933635499;0.057500000000000002498001805407;0.089166666666666671847707448251;0.175833333333333341474968847251
-0.025462962962962961549484575130;0.056018518518518516102755455677;0.053703703703703704885885628073;0.370833333333333348136306995002;0.074074074074074069962136945833;0.048148148148148148250946576354;0.011574074074074073431583897786;0.006018518518518518531368322044;0.093518518518518514714976674895;0.041666666666666664353702032031;0.056481481481481479733908201979;0.162500000000000005551115123126
-0.024666666666666666601903656897;0.103666666666666670848506726088;0.144666666666666665630458510350;0.017333333333333332537673499019;0.047000000000000000111022302463;0.077666666666666661633655621699;0.034000000000000002442490654175;0.028666666666666666685170383744;0.123999999999999999111821580300;0.085000000000000006106226635438;0.133000000000000007105427357601;0.180333333333333345471771735902
-0.052424242424242421811708680934;0.092727272727272727625980053290;0.109696969696969695573507408426;0.071212121212121212709966755483;0.063333333333333338699411285688;0.106666666666666673513041985188;0.023636363636363635909454217199;0.033333333333333332870740406406;0.110303030303030305536715616199;0.084848484848484853615424583495;0.105454545454545453586625569642;0.146363636363636362425211245863
-0.007575757575757575967845269815;0.095075757575757577355624050597;0.039772727272727272096464190554;0.260227272727272751495775082731;0.090151515151515149160132978068;0.121590909090909096712529446904;0.014015151515151515193569053963;0.005303030303030303350964036468;0.085984848484848483418652165255;0.042803030303030301095823517699;0.081439393939393936450166222585;0.156060606060606066325391338978
-0.005000000000000000104083408559;0.044444444444444446140618509844;0.045833333333333330095182844843;0.568611111111111067195622581494;0.029166666666666667129259593594;0.065555555555555561353386906376;0.012777777777777778525636342977;0.006666666666666667094565124074;0.035833333333333335091186455656;0.061944444444444447805953046782;0.077777777777777779011358916250;0.046388888888888889228123701969
-0.003636363636363636360482320953;0.070909090909090907728362651596;0.056666666666666663798590519718;0.396060606060606057443607141977;0.030303030303030303871381079261;0.098181818181818175661490499806;0.011818181818181817954727108599;0.007575757575757575967845269815;0.048484848484848484806430946037;0.070303030303030297765154443823;0.098181818181818175661490499806;0.107878787878787879561670592921
-0.005925925925925925631665425186;0.093333333333333337589188261063;0.084814814814814815102650413792;0.223333333333333328152292551749;0.038888888888888889505679458125;0.104814814814814818988430999980;0.035185185185185187395351391615;0.018888888888888889089345823891;0.068148148148148152136727162542;0.050370370370370370904922197042;0.100740740740740741809844394083;0.175555555555555548030710610874
-0.031196581196581196770978294808;0.081623931623931625378709497909;0.073931623931623932644008334591;0.253418803418803406657389132306;0.076068376068376061804876542283;0.110683760683760679111031777211;0.034188034188034191473981593390;0.019230769230769231836752908293;0.104273504273504277750639346323;0.039316239316239315337853099663;0.080769230769230773714362214832;0.095299145299145293641629450576
-0.007692307692307692734701163317;0.130769230769230776489919776395;0.099358974358974352925066853004;0.000000000000000000000000000000;0.036538461538461540489830525757;0.234615384615384614530597673365;0.042307692307692310040856398246;0.028205128205128205537421948179;0.089102564102564105197323840457;0.041346153846153844979571800877;0.127564102564102554993041849229;0.162500000000000005551115123126
-0.002631578947368420993285775822;0.060087719298245613475106807755;0.007894736842105263413538196460;0.107017543859649122417465605395;0.021491228070175439485156587693;0.411842105263157898242809551448;0.005701754385964912658080194774;0.000000000000000000000000000000;0.080701754385964913351969585165;0.020175438596491228337992396291;0.183771929824561391919601760492;0.098684210526315790934503979770
-0.007936507936507936067371815625;0.105555555555555555247160270937;0.069444444444444447528397290625;0.368253968253968277934973230003;0.043650793650793648370544985937;0.087301587301587296741089971874;0.032936507936507937455150596406;0.008333333333333333217685101602;0.059523809523809520505288617187;0.037301587301587300904426314219;0.058730158730158729674108997187;0.121031746031746031966314092188
-0.005813953488372092942571001117;0.111627906976744184497363221453;0.059302325581395351483671163351;0.285658914728682156169980999039;0.069379844961240305645233661380;0.101550387596899230335800723424;0.017054263565891472631541603278;0.004263565891472868157885400819;0.074418604651162789664908814302;0.041860465116279069186511208045;0.068217054263565890526166413110;0.160852713178294581819471886774
-0.009649122807017544364849293004;0.109649122807017537772900084292;0.094152046783625736869893785297;0.169883040935672524618382794870;0.072222222222222215437525960624;0.096198830409356728132763691974;0.024561403508771929848908399663;0.014912280701754385484059106659;0.092397660818713450714412260822;0.059941520467836253982518712746;0.087719298245614030218320067434;0.168713450292397648677678034801
-0.044540229885057472380971432813;0.072988505747126439238137152188;0.054022988505747125687062037969;0.360057471264367823238217170001;0.050574712643678160217675099375;0.065229885057471265197293064375;0.026436781609195401931966529219;0.029597701149425288680294698906;0.077873563218390798312817935312;0.071264367816091953033996730937;0.074999999999999997224442438437;0.072413793103448281796019614376
-0.062037037037037036368847253698;0.078703703703703706273664408855;0.087499999999999994448884876874;0.230555555555555569124948078752;0.050925925925925923098969150260;0.056944444444444443365060948281;0.062962962962962956692258842395;0.058796296296296297889671933490;0.088425925925925921711190369479;0.074074074074074069962136945833;0.058333333333333334258519187188;0.090740740740740746805848004897
-0.041666666666666664353702032031;0.083611111111111108273874492625;0.090277777777777776235801354687;0.201111111111111101612536344874;0.071111111111111111049432054187;0.067222222222222224874421669938;0.086666666666666669627261399000;0.051666666666666666296592325125;0.096944444444444444197728216750;0.046666666666666668794594130532;0.061111111111111109106541761093;0.101944444444444448638620315251
-0.045321637426900582279465368174;0.092105263157894731729236070805;0.081578947368421056429710347402;0.200584795321637421317007010657;0.063742690058479531400870143898;0.070175438596491224174656053947;0.063157894736842107308305571678;0.024561403508771929848908399663;0.103508771929824563984290364260;0.062280701754385964230564809441;0.073976608187134501593007485098;0.119005847953216378765084471070
-0.083928571428571421830788779062;0.078869047619047616404230893750;0.082738095238095235584019349062;0.140178571428571430157461463750;0.078571428571428569842538536250;0.080059523809523802651000323749;0.096726190476190479494711382813;0.036904761904761905488836504219;0.103273809523809517729731055624;0.043452380952380950662750080937;0.076488095238095243910692033751;0.098809523809523805426557885312
-0.046060606060606058831385922758;0.073636363636363638685011778762;0.093333333333333337589188261063;0.198787878787878791175813830705;0.056060606060606060774276215852;0.059090909090909089773635542997;0.120909090909090910503920213159;0.044545454545454547801153211140;0.077575757575757575690289513659;0.066969696969696970723084916699;0.070909090909090907728362651596;0.092121212121212117662771845517
-0.051418439716312054621472071858;0.099645390070921990854913019575;0.082624113475177299314999856961;0.167730496453900701503414438776;0.057801418439716312214216031862;0.069858156028368798007299744768;0.070567375886524827399703951869;0.069148936170212768614895537667;0.093617021276595741019477259215;0.051063829787234039925269968307;0.083333333333333328707404064062;0.103191489361702123939146247267
-0.035937499999999997224442438437;0.123958333333333337034076748751;0.095312499999999994448884876874;0.047395833333333331482961625625;0.046875000000000000000000000000;0.087499999999999994448884876874;0.064583333333333339809634310313;0.160937500000000011102230246252;0.077083333333333337034076748751;0.056770833333333332870740406406;0.082291666666666665741480812812;0.121354166666666665741480812812
-0.077976190476190476719153821250;0.080654761904761909652172846563;0.138690476190476197348999676251;0.139880952380952383595769106250;0.043452380952380950662750080937;0.052380952380952382207990325469;0.097619047619047619179788455313;0.047023809523809523280846178750;0.074107142857142857539365365938;0.064880952380952386371326667813;0.093452380952380953438307642500;0.089880952380952380820211544687
-0.023333333333333334397297065266;0.103749999999999995003996389187;0.083750000000000004996003610813;0.358750000000000013322676295502;0.046249999999999999444888487687;0.070833333333333331482961625625;0.028333333333333331899295259859;0.022499999999999999167332731531;0.062916666666666662410811738937;0.040000000000000000832667268469;0.067500000000000004440892098501;0.092083333333333336478965236438
-0.067021276595744680437682916363;0.076950354609929078053554007965;0.110283687943262417863188318279;0.167375886524822686807212335225;0.047163120567375885205940733158;0.051418439716312054621472071858;0.137234042553191493141184764681;0.058865248226950356302822342514;0.103546099290780138635348350817;0.052127659574468084013876278959;0.056382978723404253429407617659;0.071631205673758871488310262521
-0.048484848484848484806430946037;0.084545454545454548633820479608;0.108181818181818184543274696807;0.126363636363636372417218467490;0.095151515151515153601025076568;0.053030303030303031774916888708;0.078181818181818185653497721432;0.029696969696969697377619823442;0.128484848484848479532871579067;0.066666666666666665741480812812;0.057272727272727273761798727492;0.123939393939393932564385636397
-0.029938271604938272024698520113;0.112345679012345683878137947431;0.094444444444444441977282167500;0.163888888888888889505679458125;0.082098765432098763650259343194;0.061111111111111109106541761093;0.059876543209876544049397040226;0.020061728395061727281412089496;0.116666666666666668517038374375;0.075617283950617286691908702778;0.059876543209876544049397040226;0.124074074074074072737694507396
-0.032768361581920903147224777285;0.108474576271186437526061752123;0.103389830508474570014421090036;0.163276836158192079073714353399;0.074011299435028252147183991383;0.061581920903954805168734054632;0.062994350282485872538629223527;0.040677966101694912337549681070;0.112711864406779660452428970530;0.066384180790960450879722998252;0.052259887005649714730726174139;0.121468926553672321166921221902
-0.037134502923976610289091837558;0.098245614035087719395633598651;0.090058479532163740466366164128;0.157602339181286549285587739178;0.108187134502923970602594749835;0.055847953216374271456778899392;0.071929824561403510330137578421;0.040350877192982456675984792582;0.123099415204678361290824284424;0.065497076023391817556351668372;0.048245614035087716620076037088;0.103801169590643269091678746463
-0.079722222222222222098864108375;0.075277777777777776790912867000;0.075277777777777776790912867000;0.243333333333333345915860945752;0.086388888888888890060790970438;0.043333333333333334813630699500;0.065277777777777781786916477813;0.043611111111111114380101128063;0.108333333333333337034076748751;0.047222222222222220988641083750;0.037777777777777778178691647781;0.094444444444444441977282167500
-0.040217391304347822889031505156;0.057971014492753623892351555469;0.106884057971014495569406221875;0.259420289855072483398146232503;0.080797101449275363083124545938;0.048188405797101450944719402969;0.073550724637681155759771911562;0.066666666666666665741480812812;0.064130434782608700117201294688;0.045652173913043478381545980938;0.063768115942028982812139759062;0.092753623188405798227762488750
-0.048333333333333332315628894094;0.085277777777777771794909256187;0.135833333333333333703407674875;0.065833333333333327042069527124;0.051388888888888886730121896562;0.068055555555555549696045147812;0.144999999999999990007992778374;0.034166666666666664631257788187;0.099444444444444446418174266000;0.072499999999999995003996389187;0.092222222222222219323306546812;0.101944444444444448638620315251
-0.075850340136054419937217119241;0.104081632653061223470203344732;0.064285714285714279370154144999;0.136054421768707495266070850448;0.057823129251700682018633159487;0.155102040816326530725532961696;0.055442176870748302586200395581;0.026870748299319728580325516987;0.072789115646258506497900953036;0.035034013605442178296289768014;0.096598639455782314700016399911;0.120068027210884359368137097590
-0.034469696969696969612861892074;0.186742424242424237545989740283;0.031818181818181814901613790880;0.022727272727272727903535809446;0.036363636363636361870099733551;0.232954545454545441929283811078;0.015151515151515151935690539631;0.010984848484848484459486250842;0.083333333333333328707404064062;0.044318181818181819064950133225;0.115530303030303024836022984800;0.185606060606060607742762158523
-0.071590909090909093936971885341;0.097727272727272732066872151790;0.089015151515151519356905396307;0.045075757575757574580066489034;0.093181818181818185098386209120;0.082575757575757580131181612160;0.090909090909090911614143237784;0.078030303030303033162695669489;0.120075757575757571804508927471;0.053409090909090906063028114659;0.066666666666666665741480812812;0.111742424242424240321547301846
-0.083333333333333328707404064062;0.111956521739130440695753065938;0.086231884057971011636745117812;0.079347826086956521618454019062;0.100000000000000005551115123126;0.065942028985507245009145549375;0.092028985507246377495427225313;0.050000000000000002775557561563;0.115579710144927530479641575312;0.041666666666666664353702032031;0.043840579710144926550707822344;0.130072463768115931248559036248
-0.112222222222222223209087133000;0.068518518518518520266091798021;0.087407407407407405885990669958;0.159259259259259267071939802918;0.064074074074074074958140556646;0.051481481481481482231910007386;0.108888888888888882289229798062;0.095555555555555560243163881751;0.092222222222222219323306546812;0.044814814814814814269983145323;0.055555555555555552471602709375;0.059999999999999997779553950750
-0.045911949685534587939361728104;0.076729559748427669796377870171;0.084276729559748422837550663189;0.218238993710691830951731162713;0.055974842767295598933152689369;0.050628930817610065528988627648;0.093710691823899364139016654462;0.121383647798742139167771370012;0.088364779874213830734852592741;0.045283018867924525185930662019;0.045597484276729556562646195061;0.073899371069182387405938072789
-0.021474358974358974394558430276;0.127564102564102554993041849229;0.091666666666666660190365689687;0.164743589743589741170026741202;0.089423076923076924571454071611;0.060256410256410257442194478017;0.071153846153846150857091856778;0.017948717948717947401338079771;0.095512820512820506557716271345;0.062820512820512819374130231154;0.083333333333333328707404064062;0.114102564102564099646208717331
-0.039393939393939390869459060696;0.133333333333333331482961625625;0.063939393939393934784831685647;0.293636363636363639795234803387;0.030909090909090910365142335081;0.079090909090909086720522225278;0.055151515151515152768357808100;0.011515151515151514707846480690;0.057272727272727273761798727492;0.063939393939393934784831685647;0.102727272727272722629976442477;0.069090909090909091716525836091
-0.033333333333333332870740406406;0.127500000000000002220446049250;0.054583333333333330927850113312;0.359583333333333310388724157747;0.053749999999999999167332731531;0.059583333333333335368742211813;0.048750000000000001665334536938;0.022916666666666665047591422422;0.067500000000000004440892098501;0.045416666666666667684371105906;0.052499999999999998057109706906;0.074583333333333334813630699500
-0.058333333333333334258519187188;0.072727272727272723740199467102;0.067045454545454546968485942671;0.243939393939393928123493537896;0.051893939393939395032795403040;0.062121212121212118772994870142;0.117045454545454549744043504234;0.037121212121212124324109993267;0.090909090909090911614143237784;0.051893939393939395032795403040;0.069696969696969701679734043864;0.077272727272727270708685409772
-0.024418604651162790358798204693;0.090310077519379847177383169310;0.124031007751937982774848023837;0.183720930232558143924137539216;0.035271317829457367321044358732;0.068217054263565890526166413110;0.134883720930232570145435033737;0.043798449612403103636815160371;0.066279069767441856075862460784;0.066666666666666665741480812812;0.104263565891472870239553571992;0.058139534883720929425710011174
-0.066000000000000003108624468950;0.063666666666666663076945553712;0.085000000000000006106226635438;0.169000000000000011324274851177;0.073666666666666671958729750713;0.064000000000000001332267629550;0.050666666666666665408413905425;0.084666666666666667850904559600;0.107333333333333336145898329050;0.071666666666666670182372911313;0.066000000000000003108624468950;0.098333333333333328152292551749
-0.080740740740740737924063807895;0.091851851851851851193941911333;0.101481481481481478068573665041;0.090740740740740746805848004897;0.063703703703703706828775921167;0.070370370370370374790702783230;0.071481481481481479178796689666;0.105185185185185187117795635459;0.104444444444444450859066364501;0.044074074074074071072359970458;0.069259259259259256524821068979;0.106666666666666673513041985188
-0.042628205128205129414986629399;0.058333333333333334258519187188;0.127243589743589735618911618076;0.230769230769230782041034899521;0.060256410256410257442194478017;0.042307692307692310040856398246;0.073397435897435900353791282669;0.103205128205128199292417434663;0.071153846153846150857091856778;0.059935897435897438068064246863;0.048717948717948718340142733041;0.082051282051282051210883139447
-0.059393939393939394755239646884;0.117272727272727278480246582149;0.085757575757575754682449087341;0.165454545454545465243967328206;0.047878787878787881782116642171;0.060606060606060607742762158523;0.046666666666666668794594130532;0.047272727272727271818908434398;0.103636363636363637574788754137;0.093939393939393933674608661022;0.065454545454545459692852205080;0.106666666666666673513041985188
-0.072033898305084748114879289460;0.090395480225988700251349428072;0.081920903954802254398614991260;0.205367231638418079597840915085;0.067514124293785310326754256494;0.065254237288135591432691740010;0.037005649717514126073591995691;0.039830508474576267752276237388;0.135310734463276849393054135362;0.051694915254237285007210545018;0.067514124293785310326754256494;0.086158192090395477324982209666
-0.061111111111111109106541761093;0.066666666666666665741480812812;0.088034188034188040616889736611;0.161965811965811973260898071203;0.105128205128205129414986629399;0.082051282051282051210883139447;0.073504273504273506811834693053;0.058119658119658121342432366419;0.101282051282051283047636047741;0.033333333333333332870740406406;0.065811965811965814077133529736;0.102991452991452986376330613894
-0.104710144927536233372400431563;0.049637681159420292409389929844;0.073188405797101452332498183750;0.225362318840579722856176658752;0.032971014492753622504572774687;0.061231884057971017187860240938;0.040579710144927533255199136875;0.080434782608695645778063010312;0.073550724637681155759771911562;0.103260869565217391907729904688;0.100000000000000005551115123126;0.055072463768115940963010501719
-0.161111111111111121596550788126;0.041481481481481480289019714291;0.084814814814814815102650413792;0.175185185185185193779133783210;0.044814814814814814269983145323;0.039629629629629632703302632990;0.036666666666666666851703837438;0.068518518518518520266091798021;0.111481481481481486950357862042;0.088148148148148142144719940916;0.061851851851851852304164935958;0.086296296296296301497896763522
-0.066944444444444445307951241375;0.086666666666666669627261399000;0.082222222222222224319310157625;0.229166666666666657414808128124;0.062500000000000000000000000000;0.062777777777777779566470428563;0.081111111111111106053428443374;0.039166666666666669072149886688;0.093333333333333337589188261063;0.043055555555555555247160270937;0.067500000000000004440892098501;0.085555555555555551361379684749
-0.061564625850340136403726631897;0.106122448979591832429747455535;0.103401360544217682524426038526;0.180272108843537420819203020983;0.061224489795918365930837978794;0.062925170068027211356387340402;0.074829931972789115457445063839;0.061904761904761906876615285000;0.072789115646258506497900953036;0.059523809523809520505288617187;0.077551020408163265362766480848;0.077891156462585028896761230044
-0.044333333333333335701809119200;0.059333333333333335146697606888;0.091333333333333335812831421663;0.297999999999999987121412914348;0.038666666666666668628060676838;0.059333333333333335146697606888;0.063666666666666663076945553712;0.077333333333333337256121353676;0.059999999999999997779553950750;0.085000000000000006106226635438;0.076666666666666660745477201999;0.046333333333333330539272054693
-0.024637681159420291021611149063;0.062681159420289858652530767813;0.148913043478260870289275885625;0.219565217391304356997494551251;0.053985507246376809864507606562;0.039855072463768112522863873437;0.063768115942028982812139759062;0.103985507246376812640065168125;0.064855072463768120849536558126;0.055072463768115940963010501719;0.066666666666666665741480812812;0.096014492753623184584377270312
-0.028378378378378379953694832238;0.102252252252252248676533952221;0.078828828828828828578778598057;0.237387387387387377435388202684;0.038738738738738738576206088737;0.046846846846846847134404612234;0.192792792792792794243084131267;0.025225225225225224312541882909;0.068468468468468463017373437651;0.035135135135135137085526935152;0.088288288288288288563343542137;0.057657657657657658545335976896
-0.096759259259259253194151995103;0.062500000000000000000000000000;0.101851851851851846197938300520;0.086574074074074067186579384270;0.070833333333333331482961625625;0.079166666666666662965923251249;0.069444444444444447528397290625;0.127777777777777767909128669999;0.106481481481481482509465763542;0.072685185185185186007572610833;0.068518518518518520266091798021;0.057407407407407406996213694583
-0.037820512820512817986351450372;0.102243589743589741170026741202;0.107051282051282045659768016321;0.077564102564102566095272095481;0.057692307692307695510258724880;0.093910256410256409687065115577;0.080128205128205134966101752525;0.058333333333333334258519187188;0.108974358974358975782337211058;0.061858974358974361251739537693;0.095833333333333339809634310313;0.118589743589743584761819761297
-0.026388888888888888811790067734;0.148611111111111110494320541875;0.108680555555555558022717832500;0.002777777777777777883788656865;0.045486111111111109106541761093;0.160416666666666679619268620627;0.033680555555555553859381490156;0.017013888888888887424011286953;0.105208333333333334258519187188;0.073958333333333334258519187188;0.124305555555555558022717832500;0.153472222222222232090871330001
-0.038888888888888889505679458125;0.118333333333333332038073137937;0.092777777777777778456247403938;0.029444444444444443226283070203;0.063611111111111104388093906437;0.104444444444444450859066364501;0.086666666666666669627261399000;0.035555555555555555524716027094;0.125000000000000000000000000000;0.084444444444444446973285778313;0.085277777777777771794909256187;0.135555555555555568014725054127
-0.078362573099415203103923488470;0.098538011695906438380809788669;0.106140350877192979339724843157;0.073976608187134501593007485098;0.076315789473684211841053581793;0.054093567251461985301297374917;0.052923976608187137116168230477;0.122807017543859642305648094407;0.120760233918128651042778187730;0.060526315789473685013977188873;0.051461988304093569945862896020;0.104093567251461988076854936480
-0.064242424242424239766435789534;0.065454545454545459692852205080;0.104545454545454538641813257982;0.116666666666666668517038374375;0.085454545454545449700844983454;0.056363636363636365755880319739;0.040909090909090908838585676222;0.160303030303030308312273177762;0.106060606060606063549833777415;0.057272727272727273761798727492;0.052424242424242421811708680934;0.090303030303030301650935030011
-0.073129251700680270031895702232;0.053741496598639457160651033973;0.117006802721088432051033123571;0.227551020408163273689439165537;0.066326530612244902207486063617;0.026870748299319728580325516987;0.059183673469387756971293867991;0.057823129251700682018633159487;0.106462585034013609841530012545;0.056462585034013607065972450982;0.060544217687074831923954576496;0.094897959183673469274467038304
-0.083333333333333328707404064062;0.080952380952380956213865204063;0.115646258503401364037266318974;0.127891156462585031672318791607;0.061564625850340136403726631897;0.051020408163265307255329616964;0.107482993197278914321302067947;0.036734693877551023721839129621;0.107142857142857136909519510937;0.078231292517006806308543787054;0.077551020408163265362766480848;0.072448979591836729086118396026
-0.153153153153153143151143922296;0.083783783783783788434718076132;0.100900900900900897250167531638;0.013963963963963963582637362038;0.068468468468468463017373437651;0.048648648648648651349191140980;0.150900900900900913903512901015;0.044594594594594597070091879232;0.134684684684684696787115854022;0.062162162162162165612855346808;0.064864864864864868465588187973;0.073873873873873868722839119982
-0.042592592592592591616007524635;0.160740740740740739589398344833;0.086666666666666669627261399000;0.124074074074074072737694507396;0.031481481481481478346129421197;0.089629629629629628539966290646;0.050740740740740739034286832521;0.052962962962962961688262453208;0.084444444444444446973285778313;0.082592592592592592448674793104;0.104074074074074068851913921208;0.089999999999999996669330926125
-0.022072072072072072140835885534;0.066216216216216219891954608556;0.102702702702702708403847964291;0.308108108108108125211543892874;0.036036036036036035723473247572;0.045495495495495495708038191651;0.033333333333333332870740406406;0.024324324324324325674595570490;0.043693693693693691493251662905;0.070270270270270274171053870305;0.216666666666666674068153497501;0.031081081081081082806427673404
-0.018749999999999999306110609609;0.071527777777777773460243793124;0.083333333333333328707404064062;0.316319444444444430875051921248;0.037847222222222219600862302968;0.071527777777777773460243793124;0.047222222222222220988641083750;0.019097222222222223764198645313;0.059722222222222225151977426094;0.101388888888888889505679458125;0.130555555555555563573832955626;0.042708333333333334258519187188
-0.011944444444444445030395485219;0.170833333333333337034076748751;0.090555555555555555802271783250;0.149722222222222228760202256126;0.044999999999999998334665463062;0.091666666666666660190365689687;0.058333333333333334258519187188;0.019444444444444444752839729063;0.070555555555555551916491197062;0.053055555555555557190050564031;0.099722222222222225984644694563;0.139166666666666660745477201999
-0.025892857142857144542302805235;0.115178571428571421830788779062;0.084226190476190482270268944376;0.167857142857142843661577558123;0.085714285714285715078730731875;0.089285714285714287696826829688;0.045238095238095236971798129844;0.013988095238095238706521605820;0.090178571428571427381903902187;0.067857142857142851988250242812;0.077380952380952383595769106250;0.137202380952380964540537888752
-0.042452830188679242795490864637;0.044339622641509431055784062892;0.063207547169811320597609949345;0.401257861635220147711322624673;0.044339622641509431055784062892;0.083333333333333328707404064062;0.012893081761006289914783806694;0.024842767295597485699421014260;0.061320754716981132337316751091;0.082075471698113203200541931892;0.097798742138364785914106391829;0.042138364779874211418775331595
-0.013095238095238095551997581367;0.073809523809523810977673008438;0.042460317460317462123775555938;0.372222222222222232090871330001;0.027777777777777776235801354687;0.130158730158730168158243145626;0.019841269841269840168429539062;0.009523809523809524668624959531;0.052380952380952382207990325469;0.055555555555555552471602709375;0.124603174603174604584410190000;0.078571428571428569842538536250
-0.028125000000000000693889390391;0.113194444444444444752839729063;0.130902777777777784562474039376;0.017708333333333332870740406406;0.075347222222222218213083522187;0.084027777777777784562474039376;0.044791666666666667129259593594;0.043055555555555555247160270937;0.102430555555555552471602709375;0.080555555555555560798275394063;0.077777777777777779011358916250;0.202083333333333337034076748751
-0.040942028985507243621366768593;0.090217391304347832603482970626;0.199275362318840576492107175000;0.085869565217391308209471390001;0.025724637681159418650667092265;0.030434782608695653410846304610;0.069565217391304348670821866563;0.151449275362318835913555403749;0.057971014492753623892351555469;0.073550724637681155759771911562;0.064130434782608700117201294688;0.110869565217391302658356266875
-0.001937984496124030980857000372;0.232945736434108513490670588908;0.140697674418604645740771275086;0.010077519379844961100456401937;0.017829457364341085023884403427;0.110465116279069769378295973183;0.129457364341085262582353720973;0.037984496124031007224797207300;0.027519379844961239928169405289;0.033720930232558142536358758434;0.122868217054263567655780775567;0.134496124031007746602028873895
-0.002173913043478260895963183330;0.277173913043478270523678475001;0.072101449275362314295101384687;0.000000000000000000000000000000;0.049637681159420292409389929844;0.149999999999999994448884876874;0.075724637681159417956777701875;0.022826086956521739190772990469;0.048913043478260871677054666407;0.034057971014492753603075669844;0.102898550724637674602668369062;0.164492753623188409095590145625
-0.017982456140350877582534394605;0.117982456140350883133649517731;0.103508771929824563984290364260;0.000877192982456140367235331023;0.116228070175438596978167993257;0.058333333333333334258519187188;0.092543859649122803268106451924;0.056578947368421055041931566620;0.110087719298245609311770465411;0.048245614035087716620076037088;0.043859649122807015109160033717;0.233771929824561408572947129869
-0.005158730158730158617264027754;0.163492063492063494090089648125;0.063492063492063488538974525000;0.000000000000000000000000000000;0.110317460317460314112025798750;0.115079365079365072976891326562;0.028571428571428570536427926640;0.003571428571428571317053490830;0.141666666666666662965923251249;0.046825396825396825573051273750;0.053968253968253970809243469375;0.267857142857142849212692681249
-0.009604519774011300095595267123;0.198870056497175151655198988010;0.104237288135593214599694533717;0.000282485875706214699127488688;0.066949152542372880603238627373;0.093220338983050848868927573676;0.090395480225988700251349428072;0.014971751412429378999546791817;0.087288135593220336772013467908;0.068926553672316384635543329296;0.094067796610169493454201017357;0.171186440677966095202933161090
-0.013841807909604519552515533576;0.192090395480225994973011438560;0.097175141242937856933536977522;0.008192090395480225786806194321;0.067231638418079095464996441933;0.120056497175141246858132149100;0.049152542372881358190284117882;0.014124293785310734414273348136;0.087288135593220336772013467908;0.072316384180790962976637104020;0.088983050847457625942560355270;0.189548022598870047339403299702
-0.019696969696969695434729530348;0.153030303030303016509350300112;0.089393939393939400583910526166;0.020454545454545454419292838111;0.059090909090909089773635542997;0.129545454545454546968485942671;0.057575757575757578743402831378;0.062121212121212118772994870142;0.081060606060606055223161092727;0.061742424242424244484883644191;0.090530303030303030387138107926;0.175757575757575751351780013465
-0.028828828828828829272667988448;0.174324324324324320123480447364;0.128828828828828817476548351806;0.000000000000000000000000000000;0.072972972972972977023786711470;0.098648648648648654124748702543;0.106306306306306302955633213969;0.035135135135135137085526935152;0.080630630630630625854671222896;0.040990990990990988640518821740;0.074324324324324328450153132053;0.159009009009009022461711424512
-0.020370370370370372015145221667;0.203703703703703692395876601040;0.134876543209876548212733382570;0.000000000000000000000000000000;0.047530864197530865722374215920;0.094135802469135804182442939236;0.072530864197530867110152996702;0.020987654320987654543717582101;0.061728395061728391635114121527;0.049691358024691358041824429392;0.096604938271604934296732380972;0.197839506172839518782780032780
-0.011764705882352941013202496379;0.190522875816993453312875317351;0.186274509803921572981266763236;0.000980392156862745084433541365;0.040522875816993465802884344384;0.081699346405228759349093081710;0.111764705882352946564317619504;0.048692810457516340350014871774;0.048039215686274512606690478833;0.043790849673202611458400212996;0.092483660130718958747308988677;0.143464052287581689260065331837
-0.016374269005847954389087917093;0.186257309941520454721342048288;0.164619883040935666151938221446;0.002339181286549707645960882729;0.055263157894736840425320423265;0.082748538011695904614839491842;0.123976608187134504368565046661;0.091812865497076026621847688602;0.049415204678362571744099085436;0.045906432748538013310923844301;0.068421052631578951896962337287;0.112865497076023391098686943224
-0.005833333333333333599324266316;0.160833333333333328152292551749;0.106111111111111114380101128063;0.000000000000000000000000000000;0.068888888888888888395456433500;0.094722222222222221543752596062;0.069444444444444447528397290625;0.081944444444444444752839729063;0.097777777777777782897139502438;0.050555555555555554969604514781;0.068055555555555549696045147812;0.195833333333333331482961625625
-0.035317460317460316887583360312;0.100000000000000005551115123126;0.149603174603174599033295066874;0.003571428571428571317053490830;0.049603174603174600421073847656;0.065873015873015874910301192813;0.084920634920634924247551111876;0.157142857142857139685077072500;0.088888888888888892281237019688;0.047222222222222220988641083750;0.080555555555555560798275394063;0.137301587301587313394435341252
-0.032812500000000001387778780781;0.100000000000000005551115123126;0.144270833333333320380731379373;0.031250000000000000000000000000;0.041666666666666664353702032031;0.052083333333333335646297967969;0.084375000000000005551115123126;0.230208333333333320380731379373;0.059374999999999997224442438437;0.065625000000000002775557561563;0.061979166666666668517038374375;0.096354166666666671292595935938
-0.016060606060606059941608947383;0.205151515151515140278348781067;0.075151515151515149715244490380;0.000303030303030303030040193413;0.045757575757575760788675722779;0.170000000000000012212453270877;0.063333333333333338699411285688;0.014848484848484848688809911721;0.065151515151515154711248101194;0.040606060606060603856981572335;0.098181818181818175661490499806;0.205454545454545445259952884953
-0.016666666666666666435370203203;0.188095238095238093123384715000;0.060317460317460318275362141094;0.000396825396825396825052634231;0.028571428571428570536427926640;0.238492063492063505192319894377;0.026190476190476191103995162734;0.003571428571428571317053490830;0.051190476190476189022326991562;0.048809523809523809589894227656;0.126587301587301581662359239999;0.211111111111111110494320541875
-0.009119496855345911659473934208;0.173270440251572316325834322015;0.088993710691823893488283658826;0.160062893081760998503781934232;0.040880503144654085911913199425;0.104402515723270444825132585720;0.056289308176100630309868222412;0.011320754716981131296482665505;0.068553459119496854001774011067;0.063836477987421383351041015430;0.100314465408805036927830656168;0.122955974842767296051349035224
-0.004347826086956521791926366660;0.089492753623188411871147707188;0.060144927536231886089357345782;0.450724637681159445712353317504;0.032608695652173912138405142969;0.071739130434782610867827656875;0.030072463768115943044678672891;0.006884057971014492620376312715;0.051449275362318837301334184531;0.038043478260869567630919618750;0.074275362318840576492107175000;0.090217391304347832603482970626
-0.007575757575757575967845269815;0.179166666666666668517038374375;0.140151515151515138057902731816;0.000000000000000000000000000000;0.062500000000000000000000000000;0.077272727272727270708685409772;0.041666666666666664353702032031;0.015909090909090907450806895440;0.083712121212121209934409193920;0.056818181818181816289392571662;0.085984848484848483418652165255;0.249242424242424237545989740283
-0.019736842105263156799122015173;0.089473684210526316373801591908;0.091666666666666660190365689687;0.000000000000000000000000000000;0.143859649122807020660275156843;0.073684210526315782607831295081;0.035087719298245612087328026973;0.019298245614035088729698586008;0.179385964912280704286473564935;0.046052631578947365864618035403;0.050877192982456138914404419893;0.250877192982456143077740762237
-0.042916666666666665463925056656;0.181666666666666670737484423626;0.078750000000000000555111512313;0.003749999999999999861222121922;0.059166666666666666019036568969;0.154166666666666674068153497501;0.058333333333333334258519187188;0.008333333333333333217685101602;0.104166666666666671292595935938;0.053749999999999999167332731531;0.117083333333333330927850113312;0.137916666666666659635254177374
-0.003418803418803418800453464144;0.253418803418803406657389132306;0.117948717948717946013559298990;0.000000000000000000000000000000;0.043589743589743587537377322860;0.133760683760683757315135267163;0.103418803418803412208504255432;0.013675213675213675201813856575;0.058974358974358973006779649495;0.026068376068376069437659836581;0.097435897435897436680285466082;0.148290598290598291120190310721
-0.003488372093023255765542600670;0.125581395348837221437321431949;0.060077519379844963876013963500;0.000000000000000000000000000000;0.086434108527131778276775264658;0.202713178294573637128195287005;0.031007751937984495693712005959;0.001937984496124030980857000372;0.136046511627906985264502282007;0.037209302325581394832454407151;0.088759689922480622392697569012;0.226744186046511614351928187716
-0.014242424242424242195048655901;0.177878787878787886223008740672;0.090606060606060606632539133898;0.008181818181818182461606525635;0.026060606060606061884499240477;0.179696969696969688357057748362;0.030606060606060605383538231195;0.026060606060606061884499240477;0.088181818181818180657494110619;0.068484848484848481753317628318;0.126666666666666677398822571377;0.163333333333333330372738601000
-0.014814814814814815380206169948;0.152592592592592585232225133041;0.155185185185185176015565389207;0.019259259259259260688157411323;0.031481481481481478346129421197;0.064444444444444443087505192125;0.076666666666666660745477201999;0.074074074074074069962136945833;0.059629629629629629650189315271;0.081111111111111106053428443374;0.121481481481481481954354251229;0.149259259259259258190155605917
-0.013888888888888888117900677344;0.176851851851851843422380738957;0.108950617283950612623755205277;0.000308641975308641969017592332;0.075617283950617286691908702778;0.100000000000000005551115123126;0.099691358024691353878488087048;0.013888888888888888117900677344;0.094444444444444441977282167500;0.040432098765432099296557311163;0.104938271604938265779694006596;0.170987654320987642053708555068
-0.032954545454545451643735276548;0.130303030303030309422496202387;0.126893939393939392257237841477;0.144696969696969685026388674487;0.056060606060606060774276215852;0.073863636363636367421214856677;0.056818181818181816289392571662;0.020075757575757576661734660206;0.073106060606060604967204596960;0.044696969696969700291955263083;0.097727272727272732066872151790;0.142803030303030292769150833010
-0.004954954954954954651769050145;0.107207207207207208532473430296;0.057657657657657658545335976896;0.311261261261261246158227322667;0.046846846846846847134404612234;0.101351351351351356977481543709;0.027927927927927927165274724075;0.045045045045045042919618083488;0.056756756756756759907389664477;0.093693693693693694268809224468;0.116216216216216222667512170119;0.031081081081081082806427673404
-0.007092198581560283515701215151;0.179787234042553201174285959496;0.057446808510638297518013928311;0.011702127659574467627434657402;0.063829787234042548171863984408;0.190070921985815599608571346835;0.032624113475177303478336199305;0.009929078014184397615871091602;0.084042553191489358099808271163;0.055673758865248224037003410558;0.118085106382978727301846788578;0.189716312056737584912369243284
-0.019166666666666665186369300500;0.155416666666666675178376522126;0.103333333333333332593184650250;0.043333333333333334813630699500;0.070833333333333331482961625625;0.099166666666666666851703837438;0.088749999999999995559107901499;0.042916666666666665463925056656;0.097916666666666665741480812812;0.055000000000000000277555756156;0.064166666666666663521034763562;0.160000000000000003330669073875
-0.029259259259259259161600752464;0.161851851851851857855280059084;0.075925925925925924486747931041;0.049629629629629627707299022177;0.059259259259259261520824679792;0.098148148148148151026504137917;0.053333333333333336756520992594;0.029999999999999998889776975375;0.109259259259259264296382241355;0.066296296296296297612116177334;0.081851851851851856189945522146;0.185185185185185174905342364582
-0.008148148148148147418279307885;0.250740740740740764014304886587;0.092592592592592587452671182291;0.022962962962962962798485477833;0.028888888888888887562789165031;0.128518518518518531923433556585;0.067037037037037033870845448291;0.017407407407407406163546426114;0.046666666666666668794594130532;0.057777777777777775125578330062;0.117407407407407404775767645333;0.161851851851851857855280059084
-0.006521739130434782254208680996;0.242391304347826075371585829998;0.077536231884057976726509764376;0.003260869565217391127104340498;0.042753623188405795452204927187;0.140217391304347821501252724374;0.063768115942028982812139759062;0.018115942028985507900040730078;0.058333333333333334258519187188;0.053985507246376809864507606562;0.103985507246376812640065168125;0.189130434782608686239413486874
-0.021250000000000001526556658860;0.165833333333333332593184650250;0.058749999999999996669330926125;0.001250000000000000026020852140;0.057500000000000002498001805407;0.185833333333333322601177428623;0.036666666666666666851703837438;0.009166666666666666712925959359;0.099583333333333329262515576374;0.041250000000000001942890293094;0.091666666666666660190365689687;0.231250000000000011102230246252
-0.018749999999999999306110609609;0.137083333333333334813630699500;0.187083333333333323711400453249;0.001666666666666666773641281019;0.047083333333333331205405869468;0.057083333333333333148296162562;0.106666666666666673513041985188;0.112500000000000002775557561563;0.065833333333333327042069527124;0.070000000000000006661338147751;0.051666666666666666296592325125;0.144583333333333341474968847251
-0.039166666666666669072149886688;0.093750000000000000000000000000;0.208749999999999991118215802999;0.043333333333333334813630699500;0.035833333333333335091186455656;0.030416666666666668239482618219;0.105416666666666672402818960563;0.171250000000000013322676295502;0.059583333333333335368742211813;0.068750000000000005551115123126;0.054166666666666668517038374375;0.089583333333333334258519187188
-0.031250000000000000000000000000;0.102499999999999993893773364562;0.224166666666666652973916029623;0.000416666666666666693410320255;0.037083333333333336201409480282;0.030833333333333334119741309109;0.116250000000000006106226635438;0.144166666666666665186369300500;0.065416666666666664631257788187;0.070416666666666669072149886688;0.069166666666666667961926862063;0.108333333333333337034076748751
-0.023333333333333334397297065266;0.136250000000000009992007221626;0.230416666666666658525031152749;0.000416666666666666693410320255;0.026249999999999999028554853453;0.035833333333333335091186455656;0.116666666666666668517038374375;0.125416666666666676288599546751;0.054166666666666668517038374375;0.059999999999999997779553950750;0.060416666666666667129259593594;0.130833333333333329262515576374
-0.020416666666666666296592325125;0.143333333333333340364745822626;0.206666666666666665186369300500;0.000000000000000000000000000000;0.028750000000000001249000902703;0.040000000000000000832667268469;0.129583333333333328152292551749;0.105833333333333334813630699500;0.057916666666666664908813544344;0.056666666666666663798590519718;0.062916666666666662410811738937;0.147916666666666668517038374375
-0.017083333333333332315628894094;0.157083333333333324821623477874;0.214999999999999996669330926125;0.002916666666666666799662133158;0.032916666666666663521034763562;0.052916666666666667406815349750;0.139583333333333337034076748751;0.096666666666666664631257788187;0.054583333333333330927850113312;0.046666666666666668794594130532;0.050416666666666665186369300500;0.134166666666666656304585103499
-0.021250000000000001526556658860;0.138333333333333335923853724125;0.228333333333333332593184650250;0.000000000000000000000000000000;0.042500000000000003053113317719;0.034166666666666664631257788187;0.134583333333333332593184650250;0.120416666666666671847707448251;0.066666666666666665741480812812;0.043333333333333334813630699500;0.044999999999999998334665463062;0.125416666666666676288599546751
-0.014999999999999999444888487687;0.132500000000000006661338147751;0.236249999999999987787546729123;0.000416666666666666693410320255;0.037499999999999998612221219219;0.044583333333333335923853724125;0.127500000000000002220446049250;0.127083333333333325931846502499;0.059583333333333335368742211813;0.052916666666666667406815349750;0.048333333333333332315628894094;0.118333333333333332038073137937
-0.024166666666666666157814447047;0.137500000000000011102230246252;0.210833333333333344805637921127;0.000416666666666666693410320255;0.040000000000000000832667268469;0.045416666666666667684371105906;0.134583333333333332593184650250;0.134166666666666656304585103499;0.052499999999999998057109706906;0.042500000000000003053113317719;0.055416666666666669627261399000;0.122499999999999997779553950750
-0.018333333333333333425851918719;0.157916666666666677398822571377;0.208333333333333342585191871876;0.000000000000000000000000000000;0.035833333333333335091186455656;0.041666666666666664353702032031;0.122083333333333335368742211813;0.110416666666666662965923251249;0.058749999999999996669330926125;0.059583333333333335368742211813;0.060416666666666667129259593594;0.126666666666666677398822571377
-0.027500000000000000138777878078;0.135416666666666657414808128124;0.180416666666666669627261399000;0.000833333333333333386820640509;0.033750000000000002220446049250;0.042500000000000003053113317719;0.178333333333333343695414896501;0.109166666666666661855700226624;0.058333333333333334258519187188;0.054166666666666668517038374375;0.062916666666666662410811738937;0.116666666666666668517038374375
-0.012916666666666666574148081281;0.137083333333333334813630699500;0.164583333333333331482961625625;0.000416666666666666693410320255;0.043749999999999997224442438437;0.062916666666666662410811738937;0.129166666666666679619268620627;0.115000000000000004996003610813;0.065416666666666664631257788187;0.059166666666666666019036568969;0.067500000000000004440892098501;0.142083333333333339254522798001
-0.014166666666666665949647629930;0.147083333333333343695414896501;0.167083333333333333703407674875;0.000000000000000000000000000000;0.044999999999999998334665463062;0.056666666666666663798590519718;0.135416666666666657414808128124;0.100000000000000005551115123126;0.076666666666666660745477201999;0.052499999999999998057109706906;0.056250000000000001387778780781;0.149166666666666669627261399000
-0.022916666666666665047591422422;0.143333333333333340364745822626;0.181666666666666670737484423626;0.000000000000000000000000000000;0.040833333333333332593184650250;0.047083333333333331205405869468;0.124583333333333337589188261063;0.106666666666666673513041985188;0.061249999999999998889776975375;0.050833333333333334536074943344;0.076666666666666660745477201999;0.144166666666666665186369300500
-0.017500000000000001665334536938;0.155833333333333323711400453249;0.195833333333333331482961625625;0.000416666666666666693410320255;0.034166666666666664631257788187;0.036666666666666666851703837438;0.142916666666666664076146275875;0.103333333333333332593184650250;0.065416666666666664631257788187;0.055000000000000000277555756156;0.057500000000000002498001805407;0.135416666666666657414808128124
-0.020833333333333332176851016015;0.149583333333333345915860945752;0.165833333333333332593184650250;0.000833333333333333386820640509;0.048333333333333332315628894094;0.050833333333333334536074943344;0.124583333333333337589188261063;0.068750000000000005551115123126;0.079583333333333339254522798001;0.059166666666666666019036568969;0.065833333333333327042069527124;0.165833333333333332593184650250
-0.019166666666666665186369300500;0.152916666666666672957930472876;0.160000000000000003330669073875;0.000000000000000000000000000000;0.055000000000000000277555756156;0.052916666666666667406815349750;0.117499999999999993338661852249;0.085833333333333330927850113312;0.071666666666666670182372911313;0.050416666666666665186369300500;0.065416666666666664631257788187;0.169166666666666659635254177374
-0.020416666666666666296592325125;0.167083333333333333703407674875;0.179583333333333344805637921127;0.000000000000000000000000000000;0.056250000000000001387778780781;0.047083333333333331205405869468;0.100000000000000005551115123126;0.081250000000000002775557561563;0.064166666666666663521034763562;0.058749999999999996669330926125;0.065833333333333327042069527124;0.159583333333333327042069527124
-0.027083333333333334258519187188;0.154166666666666674068153497501;0.196666666666666656304585103499;0.000000000000000000000000000000;0.037083333333333336201409480282;0.035833333333333335091186455656;0.125416666666666676288599546751;0.092916666666666661300588714312;0.068750000000000005551115123126;0.049583333333333333425851918719;0.065833333333333327042069527124;0.146666666666666667406815349750
-0.024583333333333332038073137937;0.183333333333333320380731379373;0.176666666666666666296592325125;0.000000000000000000000000000000;0.042500000000000003053113317719;0.053333333333333336756520992594;0.117083333333333330927850113312;0.065416666666666664631257788187;0.057500000000000002498001805407;0.055000000000000000277555756156;0.056666666666666663798590519718;0.167916666666666658525031152749
-0.026249999999999999028554853453;0.146666666666666667406815349750;0.198333333333333333703407674875;0.000833333333333333386820640509;0.039166666666666669072149886688;0.045833333333333330095182844843;0.158333333333333325931846502499;0.094583333333333338699411285688;0.061666666666666668239482618219;0.055416666666666669627261399000;0.062083333333333330650294357156;0.110833333333333339254522798001
-0.019583333333333334536074943344;0.154999999999999998889776975375;0.175416666666666665186369300500;0.000833333333333333386820640509;0.039166666666666669072149886688;0.065416666666666664631257788187;0.140416666666666661855700226624;0.063333333333333338699411285688;0.061249999999999998889776975375;0.051666666666666666296592325125;0.059583333333333335368742211813;0.168333333333333334813630699500
-0.017083333333333332315628894094;0.168750000000000011102230246252;0.165833333333333332593184650250;0.000833333333333333386820640509;0.054583333333333330927850113312;0.060833333333333336478965236438;0.160416666666666679619268620627;0.071666666666666670182372911313;0.054583333333333330927850113312;0.042500000000000003053113317719;0.044583333333333335923853724125;0.158333333333333325931846502499
-0.018333333333333333425851918719;0.184166666666666672957930472876;0.142083333333333339254522798001;0.007083333333333332974823814965;0.047083333333333331205405869468;0.059999999999999997779553950750;0.184583333333333321490954403998;0.057500000000000002498001805407;0.058749999999999996669330926125;0.042916666666666665463925056656;0.056250000000000001387778780781;0.141249999999999986677323704498
-0.025000000000000001387778780781;0.166666666666666657414808128124;0.164583333333333331482961625625;0.038333333333333330372738601000;0.047916666666666669904817155157;0.052916666666666667406815349750;0.138750000000000012212453270877;0.089583333333333334258519187188;0.051249999999999996946886682281;0.042916666666666665463925056656;0.050416666666666665186369300500;0.131666666666666654084139054248
-0.036666666666666666851703837438;0.137083333333333334813630699500;0.178749999999999992228438827624;0.028333333333333331899295259859;0.050000000000000002775557561563;0.045416666666666667684371105906;0.134583333333333332593184650250;0.083750000000000004996003610813;0.068333333333333329262515576374;0.052499999999999998057109706906;0.044583333333333335923853724125;0.140000000000000013322676295502
-0.037083333333333336201409480282;0.130000000000000004440892098501;0.149583333333333345915860945752;0.029999999999999998889776975375;0.055833333333333332038073137937;0.042916666666666665463925056656;0.129166666666666679619268620627;0.107916666666666660745477201999;0.061249999999999998889776975375;0.056250000000000001387778780781;0.055000000000000000277555756156;0.144999999999999990007992778374
-0.019583333333333334536074943344;0.132500000000000006661338147751;0.151666666666666671847707448251;0.043333333333333334813630699500;0.058333333333333334258519187188;0.048333333333333332315628894094;0.113333333333333327597181039437;0.107083333333333335923853724125;0.079166666666666662965923251249;0.052499999999999998057109706906;0.050000000000000002775557561563;0.144166666666666665186369300500
-0.041250000000000001942890293094;0.131666666666666654084139054248;0.171666666666666661855700226624;0.012083333333333333078907223523;0.073749999999999996114219413812;0.040833333333333332593184650250;0.102916666666666670182372911313;0.103333333333333332593184650250;0.080833333333333326486958014812;0.055833333333333332038073137937;0.049166666666666664076146275875;0.136666666666666658525031152749
-0.031250000000000000000000000000;0.097083333333333327042069527124;0.187083333333333323711400453249;0.059583333333333335368742211813;0.055000000000000000277555756156;0.037916666666666667961926862063;0.111250000000000001665334536938;0.122916666666666660190365689687;0.076249999999999998334665463062;0.070833333333333331482961625625;0.048750000000000001665334536938;0.102083333333333331482961625625
-0.054583333333333330927850113312;0.101666666666666669072149886688;0.220000000000000001110223024625;0.037499999999999998612221219219;0.040000000000000000832667268469;0.035416666666666665741480812812;0.124583333333333337589188261063;0.134166666666666656304585103499;0.057916666666666664908813544344;0.066666666666666665741480812812;0.040833333333333332593184650250;0.086666666666666669627261399000
-0.032916666666666663521034763562;0.101250000000000006661338147751;0.197916666666666657414808128124;0.031250000000000000000000000000;0.047916666666666669904817155157;0.027083333333333334258519187188;0.161666666666666652973916029623;0.139166666666666660745477201999;0.066666666666666665741480812812;0.065416666666666664631257788187;0.052916666666666667406815349750;0.075833333333333335923853724125
-0.043749999999999997224442438437;0.127500000000000002220446049250;0.183749999999999996669330926125;0.008750000000000000832667268469;0.066250000000000003330669073875;0.037499999999999998612221219219;0.180833333333333345915860945752;0.086249999999999993338661852249;0.063333333333333338699411285688;0.053333333333333336756520992594;0.032916666666666663521034763562;0.115833333333333329817627088687
-0.021250000000000001526556658860;0.164583333333333331482961625625;0.165000000000000007771561172376;0.000416666666666666693410320255;0.039166666666666669072149886688;0.039583333333333331482961625625;0.266249999999999986677323704498;0.057916666666666664908813544344;0.048333333333333332315628894094;0.029166666666666667129259593594;0.044166666666666666574148081281;0.124166666666666661300588714312
-0.017500000000000001665334536938;0.181249999999999994448884876874;0.157916666666666677398822571377;0.000000000000000000000000000000;0.058749999999999996669330926125;0.036249999999999997501998194593;0.231666666666666659635254177374;0.045833333333333330095182844843;0.055833333333333332038073137937;0.039166666666666669072149886688;0.047916666666666669904817155157;0.127916666666666678509045596002
-0.014999999999999999444888487687;0.137083333333333334813630699500;0.134166666666666656304585103499;0.000833333333333333386820640509;0.065833333333333327042069527124;0.068750000000000005551115123126;0.209999999999999992228438827624;0.049166666666666664076146275875;0.082083333333333327597181039437;0.044166666666666666574148081281;0.043749999999999997224442438437;0.149166666666666669627261399000
-0.019166666666666665186369300500;0.155833333333333323711400453249;0.154999999999999998889776975375;0.002500000000000000052041704279;0.029999999999999998889776975375;0.055000000000000000277555756156;0.252083333333333325931846502499;0.080000000000000001665334536938;0.037916666666666667961926862063;0.047500000000000000555111512313;0.054583333333333330927850113312;0.110416666666666662965923251249
-0.009166666666666666712925959359;0.162500000000000005551115123126;0.197916666666666657414808128124;0.000000000000000000000000000000;0.031250000000000000000000000000;0.057500000000000002498001805407;0.110000000000000000555111512313;0.117916666666666669627261399000;0.042500000000000003053113317719;0.046249999999999999444888487687;0.051666666666666666296592325125;0.173333333333333339254522798001
-0.017500000000000001665334536938;0.160833333333333328152292551749;0.195833333333333331482961625625;0.000000000000000000000000000000;0.040416666666666663243479007406;0.053749999999999999167332731531;0.104583333333333333703407674875;0.089583333333333334258519187188;0.055833333333333332038073137937;0.049166666666666664076146275875;0.052499999999999998057109706906;0.179999999999999993338661852249
-0.010416666666666666088425508008;0.167083333333333333703407674875;0.192916666666666652973916029623;0.000000000000000000000000000000;0.025833333333333333148296162562;0.054583333333333330927850113312;0.117499999999999993338661852249;0.106249999999999997224442438437;0.044583333333333335923853724125;0.047083333333333331205405869468;0.057916666666666664908813544344;0.175833333333333341474968847251
-0.014583333333333333564629796797;0.190000000000000002220446049250;0.188333333333333324821623477874;0.000000000000000000000000000000;0.028333333333333331899295259859;0.052499999999999998057109706906;0.115833333333333329817627088687;0.076666666666666660745477201999;0.040000000000000000832667268469;0.059583333333333335368742211813;0.067500000000000004440892098501;0.166666666666666657414808128124
-0.008750000000000000832667268469;0.153333333333333321490954403998;0.186249999999999998889776975375;0.000000000000000000000000000000;0.043333333333333334813630699500;0.050000000000000002775557561563;0.120416666666666671847707448251;0.104166666666666671292595935938;0.053749999999999999167332731531;0.054583333333333330927850113312;0.070000000000000006661338147751;0.155416666666666675178376522126
-0.016666666666666666435370203203;0.167083333333333333703407674875;0.171666666666666661855700226624;0.000416666666666666693410320255;0.044166666666666666574148081281;0.058749999999999996669330926125;0.117499999999999993338661852249;0.079166666666666662965923251249;0.054166666666666668517038374375;0.048750000000000001665334536938;0.060833333333333336478965236438;0.180833333333333345915860945752
-0.020000000000000000416333634234;0.149583333333333345915860945752;0.165000000000000007771561172376;0.000000000000000000000000000000;0.054583333333333330927850113312;0.045416666666666667684371105906;0.156666666666666676288599546751;0.093750000000000000000000000000;0.066250000000000003330669073875;0.057500000000000002498001805407;0.048750000000000001665334536938;0.142499999999999987787546729123
-0.018333333333333333425851918719;0.166666666666666657414808128124;0.203333333333333338144299773376;0.000000000000000000000000000000;0.038749999999999999722444243844;0.054166666666666668517038374375;0.092916666666666661300588714312;0.117916666666666669627261399000;0.057083333333333333148296162562;0.040000000000000000832667268469;0.055833333333333332038073137937;0.154999999999999998889776975375
-0.017083333333333332315628894094;0.151666666666666671847707448251;0.197500000000000008881784197001;0.000000000000000000000000000000;0.030833333333333334119741309109;0.043749999999999997224442438437;0.094583333333333338699411285688;0.119583333333333333148296162562;0.057916666666666664908813544344;0.052499999999999998057109706906;0.062083333333333330650294357156;0.172499999999999986677323704498
-0.018333333333333333425851918719;0.119166666666666670737484423626;0.218333333333333323711400453249;0.002500000000000000052041704279;0.059166666666666666019036568969;0.036249999999999997501998194593;0.112500000000000002775557561563;0.141666666666666662965923251249;0.064166666666666663521034763562;0.048333333333333332315628894094;0.044999999999999998334665463062;0.134583333333333332593184650250
-0.015833333333333334674852821422;0.137500000000000011102230246252;0.219166666666666676288599546751;0.001666666666666666773641281019;0.037083333333333336201409480282;0.055000000000000000277555756156;0.095833333333333339809634310313;0.142083333333333339254522798001;0.065416666666666664631257788187;0.046249999999999999444888487687;0.042083333333333333703407674875;0.142083333333333339254522798001
-0.018749999999999999306110609609;0.141249999999999986677323704498;0.200833333333333335923853724125;0.000416666666666666693410320255;0.047916666666666669904817155157;0.057500000000000002498001805407;0.088333333333333333148296162562;0.099166666666666666851703837438;0.059583333333333335368742211813;0.062083333333333330650294357156;0.057083333333333333148296162562;0.167083333333333333703407674875
-0.017916666666666667545593227828;0.152083333333333320380731379373;0.174999999999999988897769753748;0.006666666666666667094565124074;0.051249999999999996946886682281;0.047083333333333331205405869468;0.111250000000000001665334536938;0.110000000000000000555111512313;0.065000000000000002220446049250;0.057500000000000002498001805407;0.047500000000000000555111512313;0.158750000000000002220446049250
-0.008750000000000000832667268469;0.171666666666666661855700226624;0.201250000000000012212453270877;0.001666666666666666773641281019;0.043333333333333334813630699500;0.052499999999999998057109706906;0.112916666666666665186369300500;0.071249999999999993893773364562;0.047083333333333331205405869468;0.057500000000000002498001805407;0.059583333333333335368742211813;0.172499999999999986677323704498
-0.022916666666666665047591422422;0.120833333333333334258519187188;0.215833333333333321490954403998;0.010000000000000000208166817117;0.040000000000000000832667268469;0.047083333333333331205405869468;0.088749999999999995559107901499;0.132083333333333330372738601000;0.064166666666666663521034763562;0.061249999999999998889776975375;0.044583333333333335923853724125;0.152499999999999996669330926125
-0.020416666666666666296592325125;0.094583333333333338699411285688;0.252083333333333325931846502499;0.001250000000000000026020852140;0.042916666666666665463925056656;0.035416666666666665741480812812;0.117083333333333330927850113312;0.163333333333333330372738601000;0.062500000000000000000000000000;0.060416666666666667129259593594;0.041666666666666664353702032031;0.108333333333333337034076748751
-0.025416666666666667268037471672;0.089166666666666671847707448251;0.244583333333333347026083970377;0.003749999999999999861222121922;0.027916666666666666019036568969;0.022499999999999999167332731531;0.104999999999999996114219413812;0.208749999999999991118215802999;0.062916666666666662410811738937;0.070833333333333331482961625625;0.045416666666666667684371105906;0.093750000000000000000000000000
-0.031666666666666669349705642844;0.086666666666666669627261399000;0.219166666666666676288599546751;0.002500000000000000052041704279;0.019583333333333334536074943344;0.026249999999999999028554853453;0.127916666666666678509045596002;0.216249999999999997779553950750;0.061249999999999998889776975375;0.069166666666666667961926862063;0.050000000000000002775557561563;0.089583333333333334258519187188
-0.036666666666666666851703837438;0.076249999999999998334665463062;0.205416666666666664076146275875;0.003333333333333333547282562037;0.035000000000000003330669073875;0.031666666666666669349705642844;0.110000000000000000555111512313;0.213333333333333347026083970377;0.064166666666666663521034763562;0.079583333333333339254522798001;0.050833333333333334536074943344;0.093750000000000000000000000000
-0.028750000000000001249000902703;0.067083333333333328152292551749;0.228750000000000008881784197001;0.003749999999999999861222121922;0.032916666666666663521034763562;0.022916666666666665047591422422;0.092083333333333336478965236438;0.204999999999999987787546729123;0.053749999999999999167332731531;0.101250000000000006661338147751;0.064166666666666663521034763562;0.099583333333333329262515576374
-0.023750000000000000277555756156;0.084166666666666667406815349750;0.233333333333333337034076748751;0.002083333333333333304421275400;0.028750000000000001249000902703;0.030833333333333334119741309109;0.105416666666666672402818960563;0.177499999999999991118215802999;0.067083333333333328152292551749;0.082916666666666666296592325125;0.069166666666666667961926862063;0.095000000000000001110223024625
-0.033750000000000002220446049250;0.074583333333333334813630699500;0.216666666666666674068153497501;0.001250000000000000026020852140;0.042083333333333333703407674875;0.021666666666666667406815349750;0.095833333333333339809634310313;0.204166666666666662965923251249;0.065833333333333327042069527124;0.079166666666666662965923251249;0.072499999999999995003996389187;0.092499999999999998889776975375
-0.023750000000000000277555756156;0.111250000000000001665334536938;0.216666666666666674068153497501;0.002916666666666666799662133158;0.028333333333333331899295259859;0.026666666666666668378260496297;0.127083333333333325931846502499;0.144999999999999990007992778374;0.065000000000000002220446049250;0.084166666666666667406815349750;0.065000000000000002220446049250;0.104166666666666671292595935938
-0.022083333333333333287074040641;0.117499999999999993338661852249;0.187500000000000000000000000000;0.002916666666666666799662133158;0.052499999999999998057109706906;0.045833333333333330095182844843;0.109166666666666661855700226624;0.139166666666666660745477201999;0.066250000000000003330669073875;0.061249999999999998889776975375;0.059583333333333335368742211813;0.136250000000000009992007221626
-0.029166666666666667129259593594;0.121249999999999996669330926125;0.172083333333333338144299773376;0.000416666666666666693410320255;0.071666666666666670182372911313;0.058749999999999996669330926125;0.104583333333333333703407674875;0.092499999999999998889776975375;0.091249999999999997779553950750;0.052083333333333335646297967969;0.067500000000000004440892098501;0.138750000000000012212453270877
-0.019583333333333334536074943344;0.127083333333333325931846502499;0.156666666666666676288599546751;0.000416666666666666693410320255;0.061249999999999998889776975375;0.050000000000000002775557561563;0.125833333333333324821623477874;0.130416666666666652973916029623;0.075833333333333335923853724125;0.056250000000000001387778780781;0.044166666666666666574148081281;0.152499999999999996669330926125
-0.030833333333333334119741309109;0.129166666666666679619268620627;0.165000000000000007771561172376;0.001666666666666666773641281019;0.050833333333333334536074943344;0.044999999999999998334665463062;0.126666666666666677398822571377;0.114166666666666666296592325125;0.082083333333333327597181039437;0.053749999999999999167332731531;0.065000000000000002220446049250;0.135833333333333333703407674875
-0.032083333333333331760517381781;0.130000000000000004440892098501;0.204999999999999987787546729123;0.002916666666666666799662133158;0.044166666666666666574148081281;0.031666666666666669349705642844;0.115416666666666667406815349750;0.132083333333333330372738601000;0.070416666666666669072149886688;0.049166666666666664076146275875;0.050000000000000002775557561563;0.137083333333333334813630699500
-0.032500000000000001110223024625;0.126250000000000001110223024625;0.214166666666666671847707448251;0.000000000000000000000000000000;0.033750000000000002220446049250;0.033750000000000002220446049250;0.139583333333333337034076748751;0.137083333333333334813630699500;0.056666666666666663798590519718;0.049583333333333333425851918719;0.052083333333333335646297967969;0.124583333333333337589188261063
-0.020833333333333332176851016015;0.153333333333333321490954403998;0.180833333333333345915860945752;0.003749999999999999861222121922;0.044583333333333335923853724125;0.057916666666666664908813544344;0.088749999999999995559107901499;0.127500000000000002220446049250;0.054583333333333330927850113312;0.056666666666666663798590519718;0.044166666666666666574148081281;0.167083333333333333703407674875
-0.024583333333333332038073137937;0.165833333333333332593184650250;0.157083333333333324821623477874;0.014166666666666665949647629930;0.052916666666666667406815349750;0.056666666666666663798590519718;0.080000000000000001665334536938;0.140833333333333338144299773376;0.051249999999999996946886682281;0.062916666666666662410811738937;0.036249999999999997501998194593;0.157500000000000001110223024625
-0.018749999999999999306110609609;0.140000000000000013322676295502;0.202500000000000013322676295502;0.001250000000000000026020852140;0.038333333333333330372738601000;0.054166666666666668517038374375;0.102083333333333331482961625625;0.142499999999999987787546729123;0.050416666666666665186369300500;0.042500000000000003053113317719;0.044583333333333335923853724125;0.162916666666666654084139054248
-0.022916666666666665047591422422;0.146666666666666667406815349750;0.142083333333333339254522798001;0.007916666666666667337426410711;0.056250000000000001387778780781;0.052083333333333335646297967969;0.062500000000000000000000000000;0.179166666666666668517038374375;0.062916666666666662410811738937;0.059583333333333335368742211813;0.044166666666666666574148081281;0.163750000000000006661338147751
-0.021666666666666667406815349750;0.135416666666666657414808128124;0.184166666666666672957930472876;0.007083333333333332974823814965;0.064583333333333339809634310313;0.049166666666666664076146275875;0.095000000000000001110223024625;0.118749999999999994448884876874;0.071249999999999993893773364562;0.055833333333333332038073137937;0.050000000000000002775557561563;0.147083333333333343695414896501
-0.019166666666666665186369300500;0.137916666666666659635254177374;0.210416666666666668517038374375;0.003749999999999999861222121922;0.042916666666666665463925056656;0.046666666666666668794594130532;0.117499999999999993338661852249;0.131250000000000005551115123126;0.054583333333333330927850113312;0.050416666666666665186369300500;0.041666666666666664353702032031;0.143749999999999988897769753748
-0.019583333333333334536074943344;0.143749999999999988897769753748;0.179166666666666668517038374375;0.004166666666666666608842550801;0.054583333333333330927850113312;0.048333333333333332315628894094;0.097500000000000003330669073875;0.139166666666666660745477201999;0.047083333333333331205405869468;0.061666666666666668239482618219;0.059583333333333335368742211813;0.145416666666666666296592325125
-0.022499999999999999167332731531;0.134583333333333332593184650250;0.194583333333333330372738601000;0.006250000000000000346944695195;0.039166666666666669072149886688;0.042916666666666665463925056656;0.087499999999999994448884876874;0.131250000000000005551115123126;0.063750000000000001110223024625;0.071666666666666670182372911313;0.060833333333333336478965236438;0.144999999999999990007992778374
-0.024583333333333332038073137937;0.110416666666666662965923251249;0.171666666666666661855700226624;0.005000000000000000104083408559;0.032500000000000001110223024625;0.055000000000000000277555756156;0.070416666666666669072149886688;0.113750000000000003885780586188;0.084583333333333329817627088687;0.097083333333333327042069527124;0.062916666666666662410811738937;0.172083333333333338144299773376
-0.018333333333333333425851918719;0.135416666666666657414808128124;0.167500000000000009992007221626;0.002916666666666666799662133158;0.048333333333333332315628894094;0.052083333333333335646297967969;0.102083333333333331482961625625;0.133333333333333331482961625625;0.057500000000000002498001805407;0.067500000000000004440892098501;0.055416666666666669627261399000;0.159583333333333327042069527124
-0.023750000000000000277555756156;0.136250000000000009992007221626;0.195833333333333331482961625625;0.001250000000000000026020852140;0.056666666666666663798590519718;0.044166666666666666574148081281;0.113333333333333327597181039437;0.121249999999999996669330926125;0.071666666666666670182372911313;0.056250000000000001387778780781;0.055833333333333332038073137937;0.123749999999999998889776975375
-0.023750000000000000277555756156;0.148333333333333344805637921127;0.169166666666666659635254177374;0.002083333333333333304421275400;0.052499999999999998057109706906;0.040833333333333332593184650250;0.113333333333333327597181039437;0.147499999999999992228438827624;0.057083333333333333148296162562;0.057500000000000002498001805407;0.056666666666666663798590519718;0.131250000000000005551115123126
-0.010833333333333333703407674875;0.132083333333333330372738601000;0.187916666666666676288599546751;0.001666666666666666773641281019;0.029166666666666667129259593594;0.052499999999999998057109706906;0.103333333333333332593184650250;0.177083333333333342585191871876;0.051666666666666666296592325125;0.052499999999999998057109706906;0.054166666666666668517038374375;0.147083333333333343695414896501
-0.025000000000000001387778780781;0.137083333333333334813630699500;0.176249999999999990007992778374;0.002500000000000000052041704279;0.051666666666666666296592325125;0.043749999999999997224442438437;0.131250000000000005551115123126;0.130000000000000004440892098501;0.057500000000000002498001805407;0.062083333333333330650294357156;0.058749999999999996669330926125;0.124166666666666661300588714312
-0.034166666666666664631257788187;0.110000000000000000555111512313;0.194166666666666654084139054248;0.005000000000000000104083408559;0.055833333333333332038073137937;0.037916666666666667961926862063;0.104583333333333333703407674875;0.142499999999999987787546729123;0.070000000000000006661338147751;0.067916666666666666851703837438;0.058333333333333334258519187188;0.119583333333333333148296162562
-0.019166666666666665186369300500;0.128750000000000003330669073875;0.190833333333333327042069527124;0.003749999999999999861222121922;0.047916666666666669904817155157;0.054166666666666668517038374375;0.089999999999999996669330926125;0.130000000000000004440892098501;0.070833333333333331482961625625;0.068333333333333329262515576374;0.053749999999999999167332731531;0.142499999999999987787546729123
-0.013750000000000000069388939039;0.142499999999999987787546729123;0.157916666666666677398822571377;0.001666666666666666773641281019;0.034583333333333333980963431031;0.050000000000000002775557561563;0.098750000000000004440892098501;0.170000000000000012212453270877;0.059999999999999997779553950750;0.058333333333333334258519187188;0.057916666666666664908813544344;0.154583333333333322601177428623
-0.032916666666666663521034763562;0.103333333333333332593184650250;0.191666666666666679619268620627;0.002083333333333333304421275400;0.046666666666666668794594130532;0.025000000000000001387778780781;0.140416666666666661855700226624;0.182499999999999995559107901499;0.061666666666666668239482618219;0.050416666666666665186369300500;0.037083333333333336201409480282;0.126250000000000001110223024625
-0.026666666666666668378260496297;0.087083333333333332038073137937;0.207083333333333341474968847251;0.003749999999999999861222121922;0.039583333333333331482961625625;0.026666666666666668378260496297;0.137500000000000011102230246252;0.232916666666666660745477201999;0.047500000000000000555111512313;0.054583333333333330927850113312;0.058333333333333334258519187188;0.078333333333333338144299773376
-0.016666666666666666435370203203;0.154999999999999998889776975375;0.223333333333333328152292551749;0.000416666666666666693410320255;0.028333333333333331899295259859;0.037083333333333336201409480282;0.153749999999999997779553950750;0.130000000000000004440892098501;0.045833333333333330095182844843;0.049166666666666664076146275875;0.052916666666666667406815349750;0.107499999999999998334665463062
-0.015416666666666667059870654555;0.146249999999999991118215802999;0.190000000000000002220446049250;0.004583333333333333356462979680;0.041666666666666664353702032031;0.048750000000000001665334536938;0.128750000000000003330669073875;0.120833333333333334258519187188;0.059166666666666666019036568969;0.050833333333333334536074943344;0.061666666666666668239482618219;0.132083333333333330372738601000
-0.009166666666666666712925959359;0.161666666666666652973916029623;0.206249999999999988897769753748;0.000416666666666666693410320255;0.037916666666666667961926862063;0.052499999999999998057109706906;0.118333333333333332038073137937;0.092083333333333336478965236438;0.055416666666666669627261399000;0.051666666666666666296592325125;0.066666666666666665741480812812;0.147916666666666668517038374375
-0.016666666666666666435370203203;0.179999999999999993338661852249;0.181249999999999994448884876874;0.000000000000000000000000000000;0.033333333333333332870740406406;0.052499999999999998057109706906;0.107083333333333335923853724125;0.084166666666666667406815349750;0.052916666666666667406815349750;0.060416666666666667129259593594;0.068333333333333329262515576374;0.163333333333333330372738601000
-0.015416666666666667059870654555;0.181666666666666670737484423626;0.158750000000000002220446049250;0.005000000000000000104083408559;0.027916666666666666019036568969;0.042500000000000003053113317719;0.121666666666666672957930472876;0.087916666666666670737484423626;0.055000000000000000277555756156;0.062083333333333330650294357156;0.069583333333333330372738601000;0.172499999999999986677323704498
-0.014999999999999999444888487687;0.157500000000000001110223024625;0.166666666666666657414808128124;0.002083333333333333304421275400;0.027916666666666666019036568969;0.059166666666666666019036568969;0.122916666666666660190365689687;0.097083333333333327042069527124;0.062916666666666662410811738937;0.059999999999999997779553950750;0.064166666666666663521034763562;0.164583333333333331482961625625
-0.015833333333333334674852821422;0.152499999999999996669330926125;0.198750000000000009992007221626;0.000000000000000000000000000000;0.035416666666666665741480812812;0.046666666666666668794594130532;0.110000000000000000555111512313;0.084166666666666667406815349750;0.056666666666666663798590519718;0.060416666666666667129259593594;0.073749999999999996114219413812;0.165833333333333332593184650250
-0.017916666666666667545593227828;0.165000000000000007771561172376;0.177916666666666667406815349750;0.000000000000000000000000000000;0.040833333333333332593184650250;0.051249999999999996946886682281;0.124583333333333337589188261063;0.099166666666666666851703837438;0.061249999999999998889776975375;0.052916666666666667406815349750;0.051249999999999996946886682281;0.157916666666666677398822571377
-0.015416666666666667059870654555;0.160416666666666679619268620627;0.212916666666666670737484423626;0.000833333333333333386820640509;0.021250000000000001526556658860;0.037499999999999998612221219219;0.137916666666666659635254177374;0.112083333333333326486958014812;0.046666666666666668794594130532;0.043333333333333334813630699500;0.060833333333333336478965236438;0.150833333333333347026083970377
-0.017083333333333332315628894094;0.165416666666666656304585103499;0.207083333333333341474968847251;0.002083333333333333304421275400;0.037499999999999998612221219219;0.041250000000000001942890293094;0.127500000000000002220446049250;0.110416666666666662965923251249;0.052916666666666667406815349750;0.057083333333333333148296162562;0.052499999999999998057109706906;0.129166666666666679619268620627
-0.022083333333333333287074040641;0.138750000000000012212453270877;0.222083333333333327042069527124;0.006250000000000000346944695195;0.048750000000000001665334536938;0.046666666666666668794594130532;0.105833333333333334813630699500;0.102499999999999993893773364562;0.057500000000000002498001805407;0.061666666666666668239482618219;0.057916666666666664908813544344;0.130000000000000004440892098501
-0.017083333333333332315628894094;0.152083333333333320380731379373;0.198333333333333333703407674875;0.000000000000000000000000000000;0.044583333333333335923853724125;0.061666666666666668239482618219;0.121249999999999996669330926125;0.077083333333333337034076748751;0.053749999999999999167332731531;0.048750000000000001665334536938;0.057500000000000002498001805407;0.167916666666666658525031152749
-0.022499999999999999167332731531;0.153333333333333321490954403998;0.190000000000000002220446049250;0.003333333333333333547282562037;0.038333333333333330372738601000;0.047916666666666669904817155157;0.118749999999999994448884876874;0.082500000000000003885780586188;0.067916666666666666851703837438;0.056666666666666663798590519718;0.054166666666666668517038374375;0.164583333333333331482961625625
-0.016250000000000000555111512313;0.140000000000000013322676295502;0.201250000000000012212453270877;0.000416666666666666693410320255;0.044166666666666666574148081281;0.038333333333333330372738601000;0.123333333333333336478965236438;0.099583333333333329262515576374;0.062500000000000000000000000000;0.060833333333333336478965236438;0.058333333333333334258519187188;0.154999999999999998889776975375
-0.051249999999999996946886682281;0.112083333333333326486958014812;0.194583333333333330372738601000;0.000000000000000000000000000000;0.055416666666666669627261399000;0.042083333333333333703407674875;0.111250000000000001665334536938;0.134583333333333332593184650250;0.094166666666666662410811738937;0.039166666666666669072149886688;0.045833333333333330095182844843;0.119583333333333333148296162562
-0.017083333333333332315628894094;0.166666666666666657414808128124;0.214583333333333320380731379373;0.009166666666666666712925959359;0.036249999999999997501998194593;0.045833333333333330095182844843;0.116666666666666668517038374375;0.089583333333333334258519187188;0.056666666666666663798590519718;0.056250000000000001387778780781;0.049583333333333333425851918719;0.141666666666666662965923251249
-0.017916666666666667545593227828;0.184583333333333321490954403998;0.199166666666666658525031152749;0.005833333333333333599324266316;0.047500000000000000555111512313;0.047083333333333331205405869468;0.130000000000000004440892098501;0.070833333333333331482961625625;0.051249999999999996946886682281;0.047500000000000000555111512313;0.046666666666666668794594130532;0.151666666666666671847707448251
-0.019166666666666665186369300500;0.169583333333333335923853724125;0.170416666666666660745477201999;0.003333333333333333547282562037;0.040000000000000000832667268469;0.049583333333333333425851918719;0.102916666666666670182372911313;0.065000000000000002220446049250;0.050833333333333334536074943344;0.058333333333333334258519187188;0.057500000000000002498001805407;0.213333333333333347026083970377
-0.020833333333333332176851016015;0.159583333333333327042069527124;0.192500000000000004440892098501;0.005000000000000000104083408559;0.037499999999999998612221219219;0.055416666666666669627261399000;0.109166666666666661855700226624;0.071249999999999993893773364562;0.055000000000000000277555756156;0.071249999999999993893773364562;0.061666666666666668239482618219;0.160833333333333328152292551749
-0.022499999999999999167332731531;0.152083333333333320380731379373;0.182083333333333347026083970377;0.021250000000000001526556658860;0.030833333333333334119741309109;0.046666666666666668794594130532;0.112083333333333326486958014812;0.082500000000000003885780586188;0.064166666666666663521034763562;0.074166666666666672402818960563;0.064166666666666663521034763562;0.147499999999999992228438827624
-0.019166666666666665186369300500;0.142916666666666664076146275875;0.168750000000000011102230246252;0.030833333333333334119741309109;0.042916666666666665463925056656;0.050000000000000002775557561563;0.115000000000000004996003610813;0.079166666666666662965923251249;0.065000000000000002220446049250;0.076666666666666660745477201999;0.051249999999999996946886682281;0.158333333333333325931846502499
-0.014166666666666665949647629930;0.166666666666666657414808128124;0.165833333333333332593184650250;0.000000000000000000000000000000;0.046249999999999999444888487687;0.057500000000000002498001805407;0.123333333333333336478965236438;0.087499999999999994448884876874;0.059583333333333335368742211813;0.054583333333333330927850113312;0.047083333333333331205405869468;0.177499999999999991118215802999
-0.018333333333333333425851918719;0.190833333333333327042069527124;0.155833333333333323711400453249;0.000000000000000000000000000000;0.032916666666666663521034763562;0.057500000000000002498001805407;0.108333333333333337034076748751;0.071666666666666670182372911313;0.049583333333333333425851918719;0.058749999999999996669330926125;0.055416666666666669627261399000;0.200833333333333335923853724125
-0.012500000000000000693889390391;0.175833333333333341474968847251;0.179583333333333344805637921127;0.010000000000000000208166817117;0.052499999999999998057109706906;0.062916666666666662410811738937;0.108749999999999999444888487687;0.073333333333333333703407674875;0.048333333333333332315628894094;0.065833333333333327042069527124;0.055416666666666669627261399000;0.154999999999999998889776975375
-0.015416666666666667059870654555;0.154999999999999998889776975375;0.221250000000000002220446049250;0.000000000000000000000000000000;0.035000000000000003330669073875;0.041250000000000001942890293094;0.130000000000000004440892098501;0.117083333333333330927850113312;0.047083333333333331205405869468;0.060416666666666667129259593594;0.063750000000000001110223024625;0.113750000000000003885780586188
-0.018749999999999999306110609609;0.147499999999999992228438827624;0.202083333333333337034076748751;0.000416666666666666693410320255;0.042500000000000003053113317719;0.047083333333333331205405869468;0.120416666666666671847707448251;0.100000000000000005551115123126;0.055000000000000000277555756156;0.059999999999999997779553950750;0.070416666666666669072149886688;0.135833333333333333703407674875
-0.018749999999999999306110609609;0.135416666666666657414808128124;0.197916666666666657414808128124;0.000000000000000000000000000000;0.044583333333333335923853724125;0.050000000000000002775557561563;0.117499999999999993338661852249;0.102916666666666670182372911313;0.061249999999999998889776975375;0.059583333333333335368742211813;0.070000000000000006661338147751;0.142083333333333339254522798001
-0.017083333333333332315628894094;0.153333333333333321490954403998;0.204999999999999987787546729123;0.000000000000000000000000000000;0.022916666666666665047591422422;0.042500000000000003053113317719;0.108749999999999999444888487687;0.097916666666666665741480812812;0.057500000000000002498001805407;0.069166666666666667961926862063;0.071666666666666670182372911313;0.154166666666666674068153497501
-0.021666666666666667406815349750;0.157916666666666677398822571377;0.209999999999999992228438827624;0.000416666666666666693410320255;0.032083333333333331760517381781;0.045833333333333330095182844843;0.098333333333333328152292551749;0.080000000000000001665334536938;0.056250000000000001387778780781;0.066666666666666665741480812812;0.076249999999999998334665463062;0.154583333333333322601177428623
-0.017083333333333332315628894094;0.162083333333333329262515576374;0.190833333333333327042069527124;0.000000000000000000000000000000;0.042500000000000003053113317719;0.050416666666666665186369300500;0.095000000000000001110223024625;0.066250000000000003330669073875;0.056250000000000001387778780781;0.080416666666666664076146275875;0.074166666666666672402818960563;0.165000000000000007771561172376
-0.025000000000000001387778780781;0.147499999999999992228438827624;0.177499999999999991118215802999;0.000000000000000000000000000000;0.050833333333333334536074943344;0.059583333333333335368742211813;0.119999999999999995559107901499;0.078333333333333338144299773376;0.067916666666666666851703837438;0.074583333333333334813630699500;0.057916666666666664908813544344;0.140833333333333338144299773376
-0.024166666666666666157814447047;0.158333333333333325931846502499;0.189583333333333325931846502499;0.000833333333333333386820640509;0.052083333333333335646297967969;0.046666666666666668794594130532;0.124166666666666661300588714312;0.068333333333333329262515576374;0.065000000000000002220446049250;0.053749999999999999167332731531;0.065416666666666664631257788187;0.151666666666666671847707448251
-0.027500000000000000138777878078;0.123333333333333336478965236438;0.195000000000000006661338147751;0.011666666666666667198648532633;0.056666666666666663798590519718;0.052083333333333335646297967969;0.092916666666666661300588714312;0.109583333333333338144299773376;0.075416666666666673513041985188;0.059583333333333335368742211813;0.062916666666666662410811738937;0.133333333333333331482961625625
-0.025000000000000001387778780781;0.123749999999999998889776975375;0.222083333333333327042069527124;0.001250000000000000026020852140;0.050416666666666665186369300500;0.040000000000000000832667268469;0.078750000000000000555111512313;0.115833333333333329817627088687;0.059583333333333335368742211813;0.071249999999999993893773364562;0.072083333333333332593184650250;0.140000000000000013322676295502
-0.028333333333333331899295259859;0.110833333333333339254522798001;0.180833333333333345915860945752;0.000833333333333333386820640509;0.062083333333333330650294357156;0.029583333333333333009518284484;0.154166666666666674068153497501;0.183749999999999996669330926125;0.055416666666666669627261399000;0.038333333333333330372738601000;0.047500000000000000555111512313;0.108333333333333337034076748751
-0.086249999999999993338661852249;0.105416666666666672402818960563;0.182083333333333347026083970377;0.018333333333333333425851918719;0.042083333333333333703407674875;0.027083333333333334258519187188;0.125000000000000000000000000000;0.113333333333333327597181039437;0.087499999999999994448884876874;0.081250000000000002775557561563;0.059999999999999997779553950750;0.071666666666666670182372911313
-0.122499999999999997779553950750;0.094583333333333338699411285688;0.185416666666666674068153497501;0.007499999999999999722444243844;0.040000000000000000832667268469;0.028750000000000001249000902703;0.127500000000000002220446049250;0.108333333333333337034076748751;0.092083333333333336478965236438;0.079583333333333339254522798001;0.044166666666666666574148081281;0.069583333333333330372738601000
-0.021929824561403507554580016858;0.137719298245614046871665436811;0.210526315789473672523968161840;0.000438596491228070183617665512;0.042982456140350878970313175387;0.038157894736842105920526790896;0.135087719298245617638443150099;0.113157894736842110083863133241;0.061403508771929821152824047203;0.051315789473684210453274801012;0.054824561403508768886450042146;0.132456140350877188405220863388
-0.036764705882352942400981277160;0.126960784313725483229973178823;0.236274509803921561879036516984;0.009313725490196078302118642966;0.027941176470588236641079404876;0.061274509803921566042372859329;0.087254901960784309045138229521;0.116666666666666668517038374375;0.045098039215686273883942902785;0.063725490196078427018733236764;0.112745098039215688179304208916;0.075980392156862738839429027848
-0.012612612612612612156270941455;0.090540540540540545566550179046;0.076576576576576571575571961148;0.339189189189189166384608142835;0.022522522522522521459809041744;0.098648648648648654124748702543;0.031981981981981981444373985823;0.014414414414414414636333994224;0.043243243243243245643725458649;0.086936936936936937136977121554;0.154954954954954954304824354949;0.028378378378378379953694832238
-0.027477477477477477846301567865;0.118018018018018019943404794958;0.192342342342342348393557927011;0.018018018018018017861736623786;0.030630630630630630018007565241;0.039639639639639637214152401157;0.132432432432432439783909217113;0.053603603603603604266236715148;0.081981981981981977281037643479;0.097747747747747748547908486216;0.104504504504504505679740589130;0.103603603603603600102900372804
-0.015686274509803921350936661838;0.073039215686274513994469259615;0.060294117647058824427386269917;0.491176470588235269953969464041;0.020098039215686275965611073957;0.061274509803921566042372859329;0.043137254901960783715075820055;0.027450980392156862364139158217;0.038235294117647061762355065184;0.051470588235294115198037445680;0.083333333333333328707404064062;0.034803921568627452232114194430
-0.092962962962962969459823625584;0.072962962962962965574043039396;0.118148148148148154912284724105;0.133333333333333331482961625625;0.045185185185185182399347780802;0.050370370370370370904922197042;0.053333333333333336756520992594;0.084814814814814815102650413792;0.078518518518518515270088187208;0.108888888888888882289229798062;0.088888888888888892281237019688;0.072592592592592597444678403917
-0.033687943262411347566942509957;0.083333333333333328707404064062;0.073404255319148931091532972459;0.008865248226950355261988256927;0.065957446808510636349076605711;0.248226950354609926518989482247;0.021985815602836879939507852555;0.020921985815602835850901541903;0.151773049645390067929895394627;0.086879432624113475669425099568;0.104609929078014182723954661469;0.100354609929078020247317226676
-0.063333333333333338699411285688;0.104999999999999996114219413812;0.128333333333333327042069527124;0.005000000000000000104083408559;0.055555555555555552471602709375;0.057777777777777775125578330062;0.086666666666666669627261399000;0.043333333333333334813630699500;0.136666666666666658525031152749;0.092222222222222219323306546812;0.074999999999999997224442438437;0.151111111111111112714766591125
-0.028666666666666666685170383744;0.067333333333333328374337156674;0.136666666666666658525031152749;0.343999999999999972466468989296;0.029333333333333332787473679559;0.034000000000000002442490654175;0.029999999999999998889776975375;0.044666666666666667018237291131;0.055333333333333331593983928087;0.074666666666666672846908170413;0.074666666666666672846908170413;0.080666666666666664298190880800
-0.029797979797979799038154524737;0.124242424242424237545989740283;0.158585858585858580083183255738;0.183838383838383828683404885851;0.008585858585858585634298378864;0.040909090909090908838585676222;0.088383838383838383978563513210;0.065151515151515154711248101194;0.033838383838383841173413912884;0.055050505050505051107823106804;0.097979797979797986218208905029;0.113636363636363632578785143323
-0.038888888888888889505679458125;0.046666666666666668794594130532;0.090370370370370364798695561603;0.512962962962962953916701280832;0.013333333333333334189130248149;0.020740740740740740144509857146;0.039259259259259257635044093604;0.060740740740740740977177125615;0.036296296296296298722339201959;0.072592592592592597444678403917;0.034814814814814812327092852229;0.033333333333333332870740406406
-0.048333333333333332315628894094;0.065833333333333327042069527124;0.147083333333333343695414896501;0.097500000000000003330669073875;0.007083333333333332974823814965;0.072916666666666671292595935938;0.012916666666666666574148081281;0.122499999999999997779553950750;0.064583333333333339809634310313;0.143749999999999988897769753748;0.182083333333333347026083970377;0.035416666666666665741480812812
-0.023333333333333334397297065266;0.042222222222222223486642889156;0.082962962962962960578039428583;0.561851851851851824548589320329;0.010740740740740739936343040029;0.033333333333333332870740406406;0.028518518518518519433424529552;0.026666666666666668378260496297;0.032962962962962964741375770927;0.057407407407407406996213694583;0.072592592592592597444678403917;0.027407407407407408106436719208
-0.011231884057971014412302679375;0.129347826086956524394011580625;0.205797101449275349205336738123;0.092391304347826080922700953124;0.017028985507246376801537834922;0.052173913043478258033669447968;0.060869565217391306821692609219;0.069202898550724631365760330937;0.035507246376811595067746196719;0.089855072463768115298421435000;0.121014492753623192911049955001;0.115579710144927530479641575312
-0.016071428571428569842538536250;0.329166666666666662965923251249;0.109523809523809523280846178750;0.000000000000000000000000000000;0.023809523809523808202115446875;0.099404761904761898549942600312;0.067857142857142851988250242812;0.005952380952380952050528861719;0.029761904761904760252644308594;0.033928571428571425994125121406;0.126190476190476186246769429999;0.158333333333333325931846502499
-0.048888888888888891448569751219;0.170000000000000012212453270877;0.134074074074074067741690896582;0.002962962962962962815832712593;0.051481481481481482231910007386;0.087777777777777774015355305437;0.078518518518518515270088187208;0.018148148148148149361169600979;0.074814814814814820098654024605;0.065925925925925929482751541855;0.107037037037037041642406620667;0.160370370370370357582245901540
-0.014285714285714285268213963320;0.106666666666666673513041985188;0.246190476190476181805877331499;0.012380952380952381375323057000;0.016666666666666666435370203203;0.043333333333333334813630699500;0.050952380952380950385194324781;0.046190476190476191520328796969;0.081904761904761910762395871188;0.138571428571428567622092486999;0.102857142857142855318919316687;0.140000000000000013322676295502
-0.044841269841269841556208319844;0.168650793650793662248332793752;0.220634920634920628224051597499;0.000396825396825396825052634231;0.032936507936507937455150596406;0.038888888888888889505679458125;0.068650793650793656697217670626;0.052380952380952382207990325469;0.063492063492063488538974525000;0.071428571428571424606346340624;0.104761904761904764415980650938;0.132936507936507936067371815625
-0.022222222222222223070309254922;0.111111111111111104943205418749;0.248989898989898983394652987045;0.002525252525252525467175379603;0.040909090909090908838585676222;0.029797979797979799038154524737;0.119191919191919196152618098949;0.089898989898989895008796224829;0.062121212121212118772994870142;0.065151515151515154711248101194;0.073232323232323232042872973580;0.134848484848484856390982145058
-0.018229166666666667823148983985;0.100000000000000005551115123126;0.094791666666666662965923251249;0.346354166666666685170383743753;0.014583333333333333564629796797;0.047916666666666669904817155157;0.078645833333333331482961625625;0.047395833333333331482961625625;0.047395833333333331482961625625;0.066145833333333334258519187188;0.101562500000000000000000000000;0.036979166666666667129259593594
-0.013157894736842104532748010115;0.202631578947368412579876917334;0.100000000000000005551115123126;0.179824561403508775825343946053;0.027192982456140352143236782467;0.070175438596491224174656053947;0.069298245614035081096915291710;0.036842105263157891303915647541;0.040350877192982456675984792582;0.048245614035087716620076037088;0.097368421052631576317892836414;0.114912280701754382361556849901
-0.019270833333333334258519187188;0.214583333333333320380731379373;0.128124999999999988897769753748;0.002604166666666666522106377002;0.045312499999999998612221219219;0.092187500000000005551115123126;0.073437500000000002775557561563;0.037499999999999998612221219219;0.060937499999999998612221219219;0.054166666666666668517038374375;0.123958333333333337034076748751;0.147916666666666668517038374375
-0.032692307692307694122479944099;0.107371794871794865033898247475;0.161858974358974366802854660818;0.012500000000000000693889390391;0.046794871794871795156467442212;0.056730769230769230448974127512;0.091987179487179493442283728655;0.080769230769230773714362214832;0.090064102564102563319714533918;0.069871794871794873360570932164;0.085256410256410258829973258798;0.164102564102564102421766278894
-0.014227642276422763564780460399;0.112195121951219514699893409215;0.047967479674796746624831911276;0.065040650406504071923130538835;0.076422764227642270284945880121;0.108943089430894313185405053446;0.012601626016260162807536282514;0.005691056910569106119801574550;0.117073170731707323910519846777;0.063414634146341464226992457043;0.086178861788617888706198755244;0.290243902439024370476516878625
-0.015196078431372548808719891156;0.038235294117647061762355065184;0.055882352941176473282158809752;0.646568627450980426552007429564;0.006862745098039215591034789554;0.016666666666666666435370203203;0.038725490196078432569848359890;0.034803921568627452232114194430;0.027941176470588236641079404876;0.038725490196078432569848359890;0.059803921568627453619892975212;0.020588235294117646773104368663
-0.008333333333333333217685101602;0.072222222222222215437525960624;0.059259259259259261520824679792;0.483333333333333337034076748751;0.016666666666666666435370203203;0.069444444444444447528397290625;0.025000000000000001387778780781;0.010185185185185186007572610833;0.031018518518518518184423626849;0.081018518518518517490534236458;0.123611111111111116045435665001;0.019907407407407408383992475365
-0.037777777777777778178691647781;0.095555555555555560243163881751;0.188888888888888883954564334999;0.054444444444444441144614899031;0.038888888888888889505679458125;0.023333333333333334397297065266;0.134444444444444449748843339876;0.136666666666666658525031152749;0.081666666666666665186369300500;0.068333333333333329262515576374;0.057777777777777775125578330062;0.082222222222222224319310157625
-0.010101010101010101868701518413;0.135858585858585845240753542384;0.132828282828282823180288119147;0.120707070707070707182850810568;0.026767676767676766569348245639;0.061616161616161617409215267571;0.084343434343434345312751077017;0.171717171717171712685967577272;0.047979797979797976503757439559;0.047979797979797976503757439559;0.065656565656565663013921607671;0.094444444444444441977282167500
-0.069369369369369368594213653978;0.108108108108108114109313646622;0.155405405405405400154350559205;0.090090090090090085839236166976;0.029279279279279278591641144658;0.043693693693693691493251662905;0.068468468468468463017373437651;0.105405405405405411256580805457;0.076576576576576571575571961148;0.076576576576576571575571961148;0.072972972972972977023786711470;0.104054054054054059830214384874
-0.050877192982456138914404419893;0.135526315789473689177313531218;0.106578947368421050878595224276;0.002631578947368420993285775822;0.053070175438596489669862421579;0.131140350877192973788609720032;0.057017543859649119641908043832;0.028070175438596491751530592751;0.110087719298245609311770465411;0.049561403508771931236687180444;0.082456140350877199507451109639;0.192982456140350866480304148354
-0.070289855072463769403157130000;0.067391304347826086473816076250;0.153260869565217394683287466250;0.036956521739130436532416723594;0.021739130434782608092270095312;0.060144927536231886089357345782;0.029347826086956522312343409453;0.076086956521739135261839237501;0.115217391304347827052367847500;0.166304347826086967865322208127;0.109057971014492757766412012188;0.094202898550724639692433015625
-0.004255319148936170282893076688;0.136879432624113478444982661131;0.032978723404255318174538302856;0.123758865248226948563292637573;0.032269503546099288782134095754;0.222340425531914881451811538682;0.012765957446808509981317492077;0.011702127659574467627434657402;0.062056737588652481629747370562;0.042553191489361701094207290907;0.129432624113475169824738486568;0.189007092198581555519965036183
-0.016250000000000000555111512313;0.074166666666666672402818960563;0.105416666666666672402818960563;0.341666666666666674068153497501;0.022916666666666665047591422422;0.069583333333333330372738601000;0.061249999999999998889776975375;0.059583333333333335368742211813;0.056666666666666663798590519718;0.052499999999999998057109706906;0.060833333333333336478965236438;0.079166666666666662965923251249
-0.024796747967479673691038044581;0.132926829268292689967267961038;0.108130081300813002398442108642;0.021138211382113820252515168363;0.065040650406504071923130538835;0.126829268292682928453984914086;0.037398373983739838233297803072;0.052439024390243900441976876436;0.139024390243902451480551007990;0.096747967479674790158838959542;0.099593495934959350157633650724;0.095934959349593493249663822553
-0.039655172413793106367396745782;0.090804597701149430966083286876;0.048850574712643680952428582032;0.000000000000000000000000000000;0.113793103448275867428662877501;0.130459770114942530394586128750;0.053448275862068968244944500157;0.008620689655172413673467346484;0.235057471264367823238217170001;0.036206896551724140898009807188;0.054022988505747125687062037969;0.189080459770114950313057988751
-0.027777777777777776235801354687;0.133333333333333331482961625625;0.150584795321637432419237256909;0.009941520467836258145855055091;0.050877192982456138914404419893;0.066666666666666665741480812812;0.085380116959064333848061778554;0.044152046783625734094336223734;0.119005847953216378765084471070;0.075146198830409363655924437353;0.087426900584795325110931685231;0.149707602339181289341496494671
-0.022357723577235772555171777753;0.151626016260162588267235150852;0.147967479674796759114840938309;0.006910569105691056687734707964;0.037804878048780486687885371566;0.060569105691056911167091669768;0.043495934959349592807686946117;0.013821138211382113375469415928;0.093495934959349588644350603772;0.093089430894308947128656939185;0.112195121951219514699893409215;0.216666666666666674068153497501
-0.061403508771929821152824047203;0.080263157894736841813099204046;0.127631578947368429233222286712;0.000877192982456140367235331023;0.210087719298245600985097780722;0.028508771929824559820954021916;0.049561403508771931236687180444;0.064912280701754379585999288338;0.199561403508771939563359865133;0.052192982456140353531015563249;0.028508771929824559820954021916;0.096491228070175433240152074177
-0.059401709401709398838953291033;0.089743589743589743945584302764;0.221367521367521358222063554422;0.003418803418803418800453464144;0.034188034188034191473981593390;0.029487179487179486503389824748;0.105555555555555555247160270937;0.096581196581196585015938183005;0.103418803418803412208504255432;0.087179487179487175074754645721;0.087606837606837600906928287259;0.082051282051282051210883139447
-0.024390243902439025236450476086;0.136585365853658546875237789209;0.254878048780487809210626437562;0.003252032520325203249211831746;0.012195121951219512618225238043;0.031707317073170732113496228521;0.170731707317073183594047236511;0.106097560975609753186610362263;0.039430894308943087445129549451;0.063821138211382119620473929444;0.084552845528455281010060673452;0.072357723577235771861282387363
-0.006201550387596899138742401192;0.205813953488372086697566487601;0.139922480620155026409534571030;0.000000000000000000000000000000;0.012403100775193798277484802384;0.089147286821705432058315921040;0.082558139534883723253955167820;0.046899224806201553206186360967;0.039922480620155041675101159626;0.039922480620155041675101159626;0.203488372093023256459431991061;0.133720930232558127270792169838
-0.048717948717948718340142733041;0.126923076923076916244781386922;0.115384615384615391020517449761;0.011538461538461539102051744976;0.023504273504273504036277131490;0.142307692307692301714183713557;0.029914529914529915805010418239;0.013247863247863247634916739059;0.100427350427350431383288764664;0.074358974358974358476181976130;0.145726495726495736127148461492;0.167948717948717934911329052738
-0.118817204301075271533072452712;0.072043010752688166342672104747;0.117204301075268815801599942006;0.109139784946236564899813004104;0.065591397849462371172357677551;0.040860215053763443426859680585;0.073118279569892474789583047823;0.086021505376344092885787517844;0.082258064516129034138280928801;0.059677419354838709408817010171;0.057526881720430106392782931835;0.117741935483870963086161509636
-0.072592592592592597444678403917;0.078518518518518515270088187208;0.129259259259259268182162827543;0.101481481481481478068573665041;0.045925925925925925596970955667;0.058888888888888886452566140406;0.077777777777777779011358916250;0.087037037037037037756626034479;0.088148148148148142144719940916;0.068518518518518520266091798021;0.064444444444444443087505192125;0.127407407407407413657551842334
-0.088518518518518524151872384209;0.058518518518518518323201504927;0.134074074074074067741690896582;0.127037037037037031650399399041;0.011851851851851851263330850372;0.038148148148148146308056283260;0.035925925925925923654080662573;0.088888888888888892281237019688;0.093703703703703705718552896542;0.101851851851851846197938300520;0.177777777777777784562474039376;0.043703703703703702942995334979
-0.057037037037037038866849059104;0.047777777777777780121581940875;0.045555555555555557467606320188;0.507407407407407418098443940835;0.022592592592592591199673890401;0.034444444444444444197728216750;0.011481481481481481399242738917;0.077037037037037042752629645292;0.044444444444444446140618509844;0.048518518518518516380311211833;0.070000000000000006661338147751;0.033703703703703701000105041885
-0.041666666666666664353702032031;0.045652173913043478381545980938;0.100000000000000005551115123126;0.359057971014492771644199820003;0.011231884057971014412302679375;0.040579710144927533255199136875;0.012681159420289855876973206250;0.131159420289855083163743643127;0.039855072463768112522863873437;0.102173913043478267748120913438;0.069565217391304348670821866563;0.046376811594202899113881244375
-0.030747126436781610503423678438;0.074999999999999997224442438437;0.130459770114942530394586128750;0.202298850574712640870700397500;0.014367816091954022789112244141;0.054597701149425290068073479688;0.028160919540229884666659998516;0.101149425287356320435350198750;0.060344827586206899183718377344;0.145977011494252878476274304376;0.106896551724137936489889000313;0.050000000000000002775557561563
-0.005555555555555555767577313730;0.067407407407407402000210083770;0.054074074074074073015250263552;0.465555555555555555802271783250;0.027777777777777776235801354687;0.053333333333333336756520992594;0.024074074074074074125473288177;0.011851851851851851263330850372;0.042962962962962959745372160114;0.062592592592592588562894206916;0.084074074074074078843921142834;0.100740740740740741809844394083
-0.002380952380952381167156239883;0.142063492063492058381513061249;0.055555555555555552471602709375;0.098412698412698410010968075312;0.046825396825396825573051273750;0.119047619047619041010577234374;0.012301587301587301251371009414;0.002380952380952381167156239883;0.044444444444444446140618509844;0.076587301587301592764589486251;0.096825396825396828348608835313;0.303174603174603152222488233747
-0.033333333333333332870740406406;0.060740740740740740977177125615;0.065925925925925929482751541855;0.299999999999999988897769753748;0.016296296296296294836558615771;0.061111111111111109106541761093;0.012592592592592592726230549260;0.079259259259259265406605265980;0.044074074074074071072359970458;0.130370370370370358692468926165;0.122962962962962968349600600959;0.073333333333333333703407674875
-0.014666666666666666393736839780;0.102666666666666669960328306388;0.114333333333333328485359459137;0.120333333333333333814429977338;0.050666666666666665408413905425;0.100000000000000005551115123126;0.055666666666666669849306003925;0.029000000000000001471045507628;0.086999999999999994004795667024;0.065666666666666664853302393112;0.113000000000000003219646771413;0.146999999999999991784349617774
-0.014779874213836478175077004948;0.126729559748427672571935431733;0.071698113207547167768929341491;0.110377358490566040982727713526;0.023270440251572325346396397094;0.153773584905660370969471273384;0.008805031446540880282758401165;0.008805031446540880282758401165;0.070754716981132073638782742364;0.102515723270440256564839387465;0.165094339622641500531230462911;0.143396226415094335537858682983
-0.054365079365079366224833279375;0.072222222222222215437525960624;0.085317460317460319663140921875;0.150793650793650785280064496874;0.014682539682539682418527249297;0.078968253968253965258128346250;0.013095238095238095551997581367;0.046825396825396825573051273750;0.074603174603174601808852628437;0.165079365079365075752448888124;0.139285714285714290472384391251;0.104761904761904764415980650938
-0.015416666666666667059870654555;0.187083333333333323711400453249;0.045416666666666667684371105906;0.111666666666666664076146275875;0.016666666666666666435370203203;0.205833333333333340364745822626;0.006250000000000000346944695195;0.000416666666666666693410320255;0.037083333333333336201409480282;0.055416666666666669627261399000;0.123749999999999998889776975375;0.195000000000000006661338147751
-0.002713178294573643373199800521;0.118604651162790702967342326701;0.029457364341085270909026405661;0.187984496124031008612575988082;0.026744186046511627535826605140;0.190310077519379838850710484621;0.003875968992248061961714000745;0.014341085271317829258341802756;0.044573643410852716029157960520;0.096899224806201555981743922530;0.179069767441860455692292930507;0.105426356589147285358620820261
-0.004629629629629629372633559115;0.078703703703703706273664408855;0.040123456790123454562824178993;0.434876543209876564866078751947;0.025617283950617283916351141215;0.099074074074074078288809630521;0.004012345679012345976699460692;0.007716049382716048954389265191;0.029012345679012344762393027509;0.084567901234567907642336592744;0.131481481481481476958350640416;0.060185185185185181844236268489
-0.007142857142857142634106981660;0.072619047619047624730903578438;0.046031746031746034741871653750;0.406349206349206348853897452500;0.026587301587301586519584972734;0.133730158730158726898551435625;0.007936507936507936067371815625;0.009126984126984127518311673555;0.043650793650793648370544985937;0.086904761904761901325500161875;0.131349206349206354405012575626;0.028571428571428570536427926640
-0.020202020202020203737403036826;0.152525252525252535962252409263;0.128787878787878784514475682954;0.112121212121212121548552431705;0.033838383838383841173413912884;0.074747474747474743073105685198;0.025757575757575756902895136591;0.060606060606060607742762158523;0.040909090909090908838585676222;0.117171717171717176819711880853;0.095454545454545458582629180455;0.137878787878787878451447568295
-0.007291666666666666782314898398;0.106597222222222218213083522187;0.065277777777777781786916477813;0.278125000000000011102230246252;0.042013888888888892281237019688;0.091319444444444439201724605937;0.016666666666666666435370203203;0.010416666666666666088425508008;0.051388888888888886730121896562;0.088194444444444450303954852188;0.108333333333333337034076748751;0.134374999999999994448884876874
-0.016384180790960451573612388643;0.105932203389830503770241421080;0.097175141242937856933536977522;0.111299435028248586143639897728;0.037853107344632770658865439373;0.088983050847457625942560355270;0.011864406779661017254934307630;0.010169491525423728084387420267;0.084180790960451973292677507743;0.122598870056497180613952480144;0.136158192090395480100539771229;0.177401129943502822161605081419
-0.003658536585365853872203745212;0.153252032520325209841161040458;0.086178861788617888706198755244;0.114227642276422763911725155594;0.019105691056910567571236470030;0.130487804878048785361954742257;0.011788617886178862428914193572;0.007723577235772357933718534895;0.060162601626016262712504101273;0.084552845528455281010060673452;0.149186991869918711417497547700;0.179674796747967491228337166831
-0.018452380952380952744418252109;0.069940476190476191797884553125;0.048214285714285716466509512657;0.382738095238095210604001294996;0.019940476190476189022326991562;0.080059523809523802651000323749;0.008928571428571428075793292578;0.020535714285714285615158658516;0.045238095238095236971798129844;0.097619047619047619179788455313;0.130059523809523819304345693126;0.078273809523809523280846178750
-0.004273504273504273934247699174;0.103846153846153851918465704784;0.030769230769230770938804653269;0.409829059829059816344454247883;0.007692307692307692734701163317;0.126923076923076916244781386922;0.004273504273504273934247699174;0.004700854700854700633783078700;0.025641025641025640136039243089;0.070085470085470086276657752933;0.126923076923076916244781386922;0.085042735042735045913886438029
-0.004074074074074073709139653943;0.060370370370370372847812490136;0.030740740740740742087400150240;0.478518518518518509718973064082;0.008518518518518519017090895318;0.091851851851851851193941911333;0.003703703703703703845051542487;0.008518518518518519017090895318;0.031111111111111110216764785719;0.077037037037037042752629645292;0.124074074074074072737694507396;0.081481481481481488060580886668
-0.003508771929824561468941324094;0.077192982456140354918794344030;0.032894736842105261331870025288;0.370614035087719284611296188814;0.019736842105263156799122015173;0.100000000000000005551115123126;0.008333333333333333217685101602;0.014473684210526315679912201517;0.032017543859649125193023166958;0.071052631578947367252396816184;0.140789473684210519888182489012;0.129385964912280715388703811186
-0.017094017094017095736990796695;0.079059829059829056507879840865;0.141025641025641024217662788942;0.164957264957264954086113561971;0.015811965811965811301575968173;0.076923076923076927347011633174;0.027350427350427350403627713149;0.064957264957264962412786246659;0.080769230769230773714362214832;0.125213675213675212916086820769;0.114102564102564099646208717331;0.092735042735042738648587601347
-0.012962962962962962590318660716;0.089351851851851848973495862083;0.034722222222222223764198645313;0.372222222222222232090871330001;0.011574074074074073431583897786;0.135648148148148156577619261043;0.002777777777777777883788656865;0.009722222222222222376419864531;0.031944444444444441977282167500;0.091666666666666660190365689687;0.134259259259259272623054926044;0.073148148148148142699831453228
-0.007037037037037036958653235530;0.045555555555555557467606320188;0.031481481481481478346129421197;0.379629629629629650189315270836;0.026666666666666668378260496297;0.135925925925925922266301881791;0.002592592592592592518063732143;0.012592592592592592726230549260;0.050370370370370370904922197042;0.082962962962962960578039428583;0.145925925925925931148086078792;0.079259259259259265406605265980
-0.028531073446327683690304510833;0.040395480225988697475791866509;0.057344632768361582242366836226;0.333898305084745772308707500997;0.020338983050847456168774840535;0.128813559322033893694836592658;0.003107344632768361744612484188;0.024576271186440679095142058941;0.083615819209039543569161878622;0.085593220338983047601466580545;0.103954802259886999737936719157;0.089830508474576270527833798951
-0.012500000000000000693889390391;0.079924242424242425419933510966;0.049242424242424240321547301846;0.332954545454545447480398934204;0.021590909090909091161414323778;0.114772727272727276259800532898;0.004166666666666666608842550801;0.007954545454545453725403447720;0.039772727272727272096464190554;0.083712121212121209934409193920;0.129166666666666679619268620627;0.124242424242424237545989740283
-0.009523809523809524668624959531;0.086190476190476192352996065438;0.030476190476190476164042308937;0.392857142857142849212692681249;0.010476190476190475747708674703;0.127619047619047631947353238502;0.006190476190476190687661528500;0.011904761904761904101057723437;0.034285714285714287419271073531;0.068095238095238097564276813500;0.126190476190476186246769429999;0.096190476190476187356992454625
-0.008695652173913043583852733320;0.106884057971014495569406221875;0.105434782608695654104735695000;0.228260869565217378029942096873;0.021376811594202897726102463594;0.079710144927536225045727746874;0.042391304347826085086037295468;0.040579710144927533255199136875;0.054710144927536230596842870000;0.086231884057971011636745117812;0.123913043478260875840391008751;0.101811594202898550443059377812
-0.006382978723404254990658746038;0.080851063829787239711777147022;0.050000000000000002775557561563;0.416312056737588642718606024573;0.016312056737588651739168099652;0.092198581560283682234668845012;0.007446808510638298211903318702;0.005673758865248227332978014914;0.033333333333333332870740406406;0.079078014184397166230766629269;0.136524822695035463748780557580;0.075886524822695033964947697314
-0.008757062146892655510321823442;0.092372881355932204283654129995;0.060451977401129945721702796391;0.275423728813559309802627694808;0.023163841807909604786352986139;0.107909604519774007802546123003;0.014124293785310734414273348136;0.005367231638418078903951524694;0.049435028248587573052041932442;0.072598870056497177838394918581;0.148587570621468934017883611887;0.141807909604519777335696062437
-0.006730769230769231142863517903;0.088782051282051285823193609303;0.048076923076923079591882270734;0.383012820512820539864407010100;0.024358974358974359170071366520;0.091025641025641021442105227379;0.008974358974358973700669039886;0.005448717948717948442172165358;0.037499999999999998612221219219;0.055769230769230772326583434051;0.113782051282051280272078486178;0.136538461538461525224263937162
-0.016666666666666666435370203203;0.072514619883040934422702150641;0.104678362573099412169419508700;0.247076023391812865659389331086;0.023099415204678362678603065206;0.095029239766081866069846739720;0.011111111111111111535154627461;0.021052631578947367946286206575;0.072222222222222215437525960624;0.105555555555555555247160270937;0.116081871345029244424473802155;0.114912280701754382361556849901
-0.009259259259259258745267118229;0.101851851851851846197938300520;0.050000000000000002775557561563;0.288888888888888861750103842496;0.030555555555555554553270880547;0.095833333333333339809634310313;0.008796296296296296848837847904;0.008333333333333333217685101602;0.040740740740740744030290443334;0.087962962962962965018931527084;0.135648148148148156577619261043;0.142129629629629633535969901459
-0.005797101449275362389235155547;0.132608695652173924628414170002;0.050724637681159423507892825000;0.207246376811594190670007264998;0.016304347826086956069202571484;0.146014492753623187359934831875;0.005072463768115941656899892109;0.011956521739130435144637942813;0.042753623188405795452204927187;0.072101449275362314295101384687;0.137318840579710138571911670624;0.172101449275362305968428699998
-0.008928571428571428075793292578;0.056845238095238094511163495781;0.071726190476190471168038698124;0.384821428571428592046999028753;0.019345238095238095898942276563;0.074702380952380950662750080937;0.006250000000000000346944695195;0.011904761904761904101057723437;0.048809523809523809589894227656;0.100595238095238098674499838125;0.110714285714285709527615608749;0.105357142857142857539365365938
-0.005555555555555555767577313730;0.129487179487179498993398851781;0.105128205128205129414986629399;0.220940170940170932389889912884;0.008547008547008547868495398347;0.124786324786324787083913179231;0.014529914529914530335608091605;0.008119658119658120301598280832;0.050854700854700854439904844639;0.073931623931623932644008334591;0.126068376068376064580434103846;0.132051282051282053986440701010
-0.018644067796610170467674905126;0.072316384180790962976637104020;0.060169491525423730859944981830;0.218361581920903963238700384863;0.009887005649717514957353081684;0.118361581920903957687585261738;0.007062146892655367207136674068;0.025141242937853108818657688062;0.072033898305084748114879289460;0.093502824858757063730685388236;0.240112994350282493716264298200;0.064406779661016946847418296329
-0.005185185185185185036127464286;0.091481481481481483064577275854;0.045925925925925925596970955667;0.452592592592592601885570502418;0.015925925925925926707193980292;0.088148148148148142144719940916;0.004444444444444444440589503387;0.007777777777777777554191196430;0.031481481481481478346129421197;0.067037037037037033870845448291;0.092962962962962969459823625584;0.097037037037037032760622423666
-0.008503401360544218454129428153;0.079591836734693874322310591651;0.064285714285714279370154144999;0.419727891156462584731912102143;0.016326530612244899431928502054;0.074489795918367351923450314644;0.010204081632653060410231837807;0.040136054421768707634043948929;0.035374149659863948769178421117;0.077210884353741501828771731653;0.109863945578231286814840927946;0.064285714285714279370154144999
-0.013703703703703704053218359604;0.072222222222222215437525960624;0.128148148148148149916281113292;0.116296296296296300387673738896;0.031111111111111110216764785719;0.066296296296296297612116177334;0.009259259259259258745267118229;0.025185185185185185452461098521;0.081481481481481488060580886668;0.101481481481481478068573665041;0.178148148148148138814050867040;0.176666666666666666296592325125
-0.048750000000000001665334536938;0.080000000000000001665334536938;0.067083333333333328152292551749;0.114166666666666666296592325125;0.023750000000000000277555756156;0.119583333333333333148296162562;0.008750000000000000832667268469;0.020000000000000000416333634234;0.086249999999999993338661852249;0.125833333333333324821623477874;0.162083333333333329262515576374;0.143749999999999988897769753748
-0.009064327485380116802837768830;0.109649122807017537772900084292;0.072222222222222215437525960624;0.195906432748538000820914817268;0.033333333333333332870740406406;0.108187134502923970602594749835;0.015204678362573099265064868746;0.005847953216374268681221337829;0.066666666666666665741480812812;0.073391812865497077500442912878;0.165204678362573104122290601481;0.145321637426900573952792683485
-0.014414414414414414636333994224;0.082882882882882882857877859806;0.039639639639639637214152401157;0.360810810810810789206470872159;0.015315315315315315009003782620;0.129729729729729736931176375947;0.005855855855855855891800576529;0.003603603603603603659083498556;0.049099099099099097198717345236;0.084234234234234234284244280389;0.107207207207207208532473430296;0.107207207207207208532473430296
-0.008510638297872340565786153377;0.099645390070921990854913019575;0.087234042553191490365627203118;0.247872340425531911822787378696;0.024468085106382979343475625456;0.118085106382978727301846788578;0.015248226950354609385285264977;0.014184397163120567031402430302;0.060283687943262408148736852809;0.077304964539007092749756111516;0.109929078014184403166986214728;0.137234042553191493141184764681
-0.006028368794326241161818380476;0.127659574468085096343727968815;0.085815602836879431580818788916;0.154255319148936170803310119481;0.037588652482269502286271745106;0.091843971631205667538466741462;0.032624113475177303478336199305;0.007801418439716312040743684264;0.085815602836879431580818788916;0.087234042553191490365627203118;0.093971631205673755715679362766;0.189361702127659570216167139733
-0.006944444444444444058950338672;0.075347222222222218213083522187;0.046875000000000000000000000000;0.440624999999999988897769753748;0.018402777777777778317469525859;0.081597222222222223764198645313;0.007291666666666666782314898398;0.006597222222222222202947516934;0.040277777777777780399137697032;0.067013888888888886730121896562;0.103472222222222215437525960624;0.105555555555555555247160270937
-0.007986111111111110494320541875;0.082291666666666665741480812812;0.044444444444444446140618509844;0.412847222222222198784180591247;0.020833333333333332176851016015;0.083333333333333328707404064062;0.005208333333333333044212754004;0.011458333333333332523795711211;0.036458333333333335646297967969;0.071874999999999994448884876874;0.107291666666666660190365689687;0.115972222222222226539756206876
-0.003401360544217686947970902267;0.157482993197278903219071821695;0.059863945578231290978177270290;0.154421768707483003657543463305;0.035374149659863948769178421117;0.143537414965986404036257795269;0.012925170068027210315553254816;0.004761904761904762334312479766;0.051360544217687077728218270067;0.068707482993197274701024923615;0.163265306122448966563709404909;0.144897959183673458172236792052
-0.011224489795918366624727369185;0.086734693877551019558502787277;0.068027210884353747633035425224;0.336734693877551005680714979462;0.042176870748299316593588059732;0.065646258503401361261708757411;0.015986394557823128959039848951;0.028231292517006803532986225491;0.044557823129251702964914727545;0.080612244897959178802082647053;0.122108843537414968327681208393;0.097959183673469382713783204508
-0.003260869565217391127104340498;0.155072463768115953453019528752;0.050000000000000002775557561563;0.107608695652173916301741485313;0.041304347826086953987534400312;0.148913043478260870289275885625;0.010507246376811593679967415937;0.011956521739130435144637942813;0.054710144927536230596842870000;0.068115942028985507206151339687;0.146376811594202904664996367501;0.202173913043478259421448228750
-0.006666666666666667094565124074;0.147916666666666668517038374375;0.039583333333333331482961625625;0.097083333333333327042069527124;0.031666666666666669349705642844;0.183749999999999996669330926125;0.008750000000000000832667268469;0.005000000000000000104083408559;0.047916666666666669904817155157;0.072083333333333332593184650250;0.198333333333333333703407674875;0.161250000000000004440892098501
-0.010606060606060606701928072937;0.059090909090909089773635542997;0.037373737373737371536552842599;0.443939393939393966981299399777;0.014646464646464647102463985107;0.080303030303030306646938640824;0.002525252525252525467175379603;0.016161616161616161602143648679;0.045959595959595957170851221463;0.085353535353535348040310282158;0.118686868686868687849944592472;0.085353535353535348040310282158
-0.003431372549019607795517394777;0.091176470588235289382872394981;0.052941176470588234559411233704;0.380882352941176449689919536468;0.007352941176470588133251560237;0.105392156862745098311329172702;0.004411764705882352879950936142;0.016176470588235295627876908497;0.028921568627450981725512946241;0.076960784313725494332203425074;0.146078431372549027988938519229;0.086274509803921567430151640110
-0.015853658536585366056748114261;0.102845528455284551672122006494;0.065447154471544713438824203422;0.217073170731707315583847162088;0.018699186991869919116648901536;0.120325203252032525425008202546;0.006910569105691056687734707964;0.026422764227642277917729174419;0.046341463414634145867587733392;0.097560975609756100945801904345;0.163414634146341469778107580169;0.119105691056910573122351593156
-0.016666666666666666435370203203;0.115306122448979586625483761964;0.086054421768707478612725481071;0.145918367346938776529796655268;0.019387755102040816340691620212;0.148979591836734703846900629287;0.010884353741496597886562192059;0.008843537414965987192294605279;0.081292517006802719747859953259;0.090476190476190473943596259687;0.131632653061224486057412264017;0.144557823129251694638242042856
-0.004609929078014184111733442251;0.133333333333333331482961625625;0.059219858156028370999024446064;0.198581560283687952317421832049;0.021631205673758865243305749004;0.128014184397163111039930072366;0.010638297872340425273551822727;0.017021276595744681131572306754;0.039361702127659575767282262859;0.080851063829787239711777147022;0.170212765957446804376829163630;0.136524822695035463748780557580
-0.004385964912280701510916003372;0.130701754385964902249739338913;0.044298245614035086648030414835;0.143859649122807020660275156843;0.032017543859649125193023166958;0.153947368421052638298718306942;0.008771929824561403021832006743;0.000877192982456140367235331023;0.054385964912280704286473564935;0.079824561403508770274228822927;0.147368421052631565215662590163;0.199561403508771939563359865133
-0.016374269005847954389087917093;0.092982456140350874806976833042;0.056432748538011695549343471612;0.264619883040935699458628960201;0.026900584795321636627507544404;0.095906432748538009147587501957;0.019590643274853800775980872118;0.017543859649122806043664013487;0.056432748538011695549343471612;0.088596491228070173296060829671;0.172514619883040926096029465953;0.092105263157894731729236070805
-0.017295597484276729188801269288;0.119182389937106919530762638715;0.062264150943396226467463350218;0.187735849056603787410324457596;0.042767295597484274172206397679;0.087421383647798736604705993614;0.038993710691823897651620001170;0.023899371069182391569274415133;0.053459119496855347919428425030;0.097169811320754723160675325744;0.170754716981132065312110057675;0.099056603773584911420968523998
-0.012500000000000000693889390391;0.072023809523809517729731055624;0.059226190476190473943596259687;0.295833333333333337034076748751;0.024404761904761904794947113828;0.105357142857142857539365365938;0.011309523809523809242949532461;0.011309523809523809242949532461;0.057738095238095241135134472188;0.091369047619047613628673332187;0.154761904761904767191538212501;0.104166666666666671292595935938
-0.016216216216216217116397046993;0.090090090090090085839236166976;0.114864864864864871241145749536;0.059459459459459462760122505642;0.043243243243243245643725458649;0.118018018018018019943404794958;0.030180180180180180699034409031;0.013513513513513514263664205828;0.105855855855855857106107009713;0.077027027027027031302885973219;0.135135135135135142636642058278;0.196396396396396388794869380945
-0.004074074074074073709139653943;0.055555555555555552471602709375;0.031851851851851853414387960584;0.475925925925925918935632807916;0.022592592592592591199673890401;0.103703703703703700722549285729;0.004814814814814815172039352831;0.002962962962962962815832712593;0.035555555555555555524716027094;0.072592592592592597444678403917;0.137037037037037040532183596042;0.053333333333333336756520992594
-0.032916666666666663521034763562;0.072083333333333332593184650250;0.049166666666666664076146275875;0.399166666666666669627261399000;0.058749999999999996669330926125;0.064583333333333339809634310313;0.040000000000000000832667268469;0.015833333333333334674852821422;0.076249999999999998334665463062;0.055000000000000000277555756156;0.053749999999999999167332731531;0.082500000000000003885780586188
-0.032608695652173912138405142969;0.054710144927536230596842870000;0.120289855072463772178714691563;0.357246376811594212874467757501;0.040579710144927533255199136875;0.026086956521739129016834723984;0.035144927536231884701578565000;0.036231884057971015800081460156;0.061956521739130437920195504375;0.086231884057971011636745117812;0.081159420289855066510398273749;0.067753623188405803778877611876
-0.065000000000000002220446049250;0.070000000000000006661338147751;0.133750000000000007771561172376;0.070416666666666669072149886688;0.140416666666666661855700226624;0.035833333333333335091186455656;0.054583333333333330927850113312;0.094166666666666662410811738937;0.124583333333333337589188261063;0.085000000000000006106226635438;0.049166666666666664076146275875;0.077083333333333337034076748751
-0.012333333333333333300951828448;0.120999999999999996447286321199;0.174999999999999988897769753748;0.000000000000000000000000000000;0.119999999999999995559107901499;0.053666666666666668072949164525;0.078666666666666662521834041399;0.056000000000000001165734175856;0.109666666666666662299789436474;0.064000000000000001332267629550;0.072666666666666671070551331013;0.137000000000000010658141036402
-0.029464285714285713690951951094;0.083035714285714282145711706562;0.156547619047619046561692357500;0.002380952380952381167156239883;0.103273809523809517729731055624;0.042857142857142857539365365938;0.043452380952380950662750080937;0.058035714285714287696826829688;0.124107142857142860314922927500;0.091964285714285720629845855001;0.120535714285714287696826829688;0.144345238095238082021154468748
-0.051249999999999996946886682281;0.137083333333333334813630699500;0.096666666666666664631257788187;0.068333333333333329262515576374;0.071249999999999993893773364562;0.101666666666666669072149886688;0.040416666666666663243479007406;0.020000000000000000416333634234;0.085833333333333330927850113312;0.051249999999999996946886682281;0.076666666666666660745477201999;0.199583333333333334813630699500
-0.018055555555555553859381490156;0.035763888888888886730121896562;0.072916666666666671292595935938;0.501041666666666718477074482507;0.031597222222222220988641083750;0.046527777777777779011358916250;0.033680555555555553859381490156;0.043055555555555555247160270937;0.059374999999999997224442438437;0.072569444444444450303954852188;0.048611111111111111882099322656;0.036805555555555556634939051719
-0.057317073170731709652603313998;0.079674796747967485677222043705;0.156504065040650397477861588413;0.042682926829268295898511809128;0.019918699186991871419305510926;0.058536585365853661955259923388;0.084959349593495936403542145854;0.090650406504065042523343720404;0.078861788617886174890259098902;0.136991869918699188390931453796;0.091463414634146339432518857393;0.102439024390243896278640534092
-0.034166666666666664631257788187;0.124166666666666661300588714312;0.152083333333333320380731379373;0.005833333333333333599324266316;0.052916666666666667406815349750;0.046666666666666668794594130532;0.042916666666666665463925056656;0.049583333333333333425851918719;0.117499999999999993338661852249;0.128750000000000003330669073875;0.117499999999999993338661852249;0.127916666666666678509045596002
-0.039166666666666669072149886688;0.129583333333333328152292551749;0.160833333333333328152292551749;0.005000000000000000104083408559;0.089999999999999996669330926125;0.054166666666666668517038374375;0.066250000000000003330669073875;0.036249999999999997501998194593;0.115833333333333329817627088687;0.060833333333333336478965236438;0.084583333333333329817627088687;0.157500000000000001110223024625
-0.084552845528455281010060673452;0.058943089430894310409847491883;0.163821138211382111293801244756;0.046747967479674794322175301886;0.051626016260162603532801739448;0.054878048780487805047290095217;0.042276422764227640505030336726;0.082520325203252031798228927073;0.128455284552845522272335188063;0.118699186991869917728870120754;0.089837398373983745614168583415;0.077642276422764222587602489511
-0.083006535947712414835741867591;0.070915032679738559950877174742;0.113725490196078429794290798327;0.065032679738562096383169830460;0.083986928104575170328516264817;0.066993464052287579613143009283;0.055882352941176473282158809752;0.074509803921568626416949143731;0.107189542483660124605471253290;0.107189542483660124605471253290;0.093464052287581700362295578088;0.078104575163398692883021112721
-0.005277777777777777935830361145;0.100833333333333330372738601000;0.046666666666666668794594130532;0.240833333333333343695414896501;0.042500000000000003053113317719;0.186388888888888881734118285749;0.046388888888888889228123701969;0.013333333333333334189130248149;0.044999999999999998334665463062;0.043333333333333334813630699500;0.153611111111111114935212640376;0.075833333333333335923853724125
-0.008119658119658120301598280832;0.056410256410256411074843896358;0.067948717948717943238001737427;0.533333333333333325931846502499;0.038888888888888889505679458125;0.042735042735042735873030039784;0.046153846153846156408206979904;0.018803418803418802535132314802;0.052564102564102564707493314700;0.041025641025641025605441569724;0.046581196581196582240380621442;0.047435897435897433904727904519
-0.006589147286821705334913801266;0.175581395348837210335091185698;0.124418604651162792440466375865;0.083333333333333328707404064062;0.055426356589147289521957162606;0.109689922480620150047059269127;0.070930232558139530429919261678;0.016666666666666666435370203203;0.075193798449612408996145518358;0.059689922480620154210395611472;0.081782945736434103922718463764;0.140697674418604645740771275086
-0.040849673202614379674546540855;0.099346405228758163930002922370;0.116666666666666668517038374375;0.308823529411764718943800289708;0.043790849673202611458400212996;0.046732026143790850181147789044;0.050980392156862744390544150974;0.030718954248366011489101978782;0.052941176470588234559411233704;0.067973856209150321228129598694;0.062745098039215685403746647353;0.078431372549019606754683309191
-0.028231292517006803532986225491;0.160204081632653067002181046519;0.103741496598639459936208595536;0.098299319727891160125565761518;0.072789115646258506497900953036;0.068367346938775511167030174420;0.071428571428571424606346340624;0.040476190476190478106932602032;0.085374149659863951544735982679;0.058163265306122445552627908683;0.048299319727891157350008199955;0.164625850340136048455264017321
-0.078070175438596497996535106267;0.100000000000000005551115123126;0.118421052631578940794732091035;0.172368421052631587420123082666;0.049122807017543859697816799326;0.042105263157894735892572413150;0.063157894736842107308305571678;0.042105263157894735892572413150;0.109649122807017537772900084292;0.067543859649122808819221575050;0.071052631578947367252396816184;0.086403508771929829479496731892
-0.002564102564102564100340098108;0.129914529914529924825572493319;0.037179487179487179238090988065;0.036324786324786327573743704988;0.067094017094017091573654454351;0.248290598290598296671305433847;0.006837606837606837600906928287;0.012393162393162392501122504029;0.095299145299145293641629450576;0.046581196581196582240380621442;0.140170940170940172553315505866;0.177350427350427358730300397838
-0.165040650406504063596457854146;0.056910569105691054259121841596;0.069512195121951225740275503995;0.220731707317073172491816990259;0.047967479674796746624831911276;0.046747967479674794322175301886;0.044715447154471545110343555507;0.053658536585365852744633485827;0.123983739837398368455190222903;0.077642276422764222587602489511;0.042682926829268295898511809128;0.050406504065040651230145130057
-0.009863945578231291672066660681;0.179931972789115657285208271787;0.101020408163265310030887178527;0.000000000000000000000000000000;0.101020408163265310030887178527;0.111904761904761909652172846563;0.100340136054421769085109872321;0.017006802721088436908258856306;0.102721088435374155456436540135;0.033333333333333332870740406406;0.064965986394557820315931451205;0.177891156462585020570088545355
-0.019629629629629628817522046802;0.173333333333333339254522798001;0.164814814814814802890197142915;0.000740740740740740703958178148;0.074814814814814820098654024605;0.062222222222222220433529571437;0.057037037037037038866849059104;0.054444444444444441144614899031;0.077037037037037042752629645292;0.057777777777777775125578330062;0.091851851851851851193941911333;0.166296296296296303163231300459
-0.037837837837837839938259776318;0.141891891891891885890686353378;0.122072072072072074222504056706;0.017567567567567568542763467576;0.078828828828828828578778598057;0.079729729729729734155618814384;0.078828828828828828578778598057;0.038738738738738738576206088737;0.116216216216216222667512170119;0.051801801801801800051450186402;0.072522522522522517296472699400;0.163963963963963954562075286958
-0.028070175438596491751530592751;0.101315789473684206289938458667;0.117105263157894740055908755494;0.003070175438596491231113549958;0.071491228070175438791267197303;0.057894736842105262719648806069;0.035964912280701755165068789211;0.047368421052631580481229178758;0.145614035087719306815756681317;0.084210526315789471785144826299;0.097368421052631576317892836414;0.210526315789473672523968161840
-0.044444444444444446140618509844;0.054273504273504274975081784760;0.061111111111111109106541761093;0.392307692307692301714183713557;0.090598290598290595609931585841;0.037179487179487179238090988065;0.019230769230769231836752908293;0.034188034188034191473981593390;0.081623931623931625378709497909;0.058547008547008547174606007957;0.043162393162393161705203681322;0.083333333333333328707404064062
-0.019259259259259260688157411323;0.178148148148148138814050867040;0.051851851851851850361274642864;0.009629629629629630344078705662;0.070000000000000006661338147751;0.174074074074074075513252068959;0.027037037037037036507625131776;0.029999999999999998889776975375;0.101851851851851846197938300520;0.051851851851851850361274642864;0.138888888888888895056794581251;0.147407407407407403665544620708
-0.001550387596899224784685600298;0.136434108527131781052332826221;0.025968992248062015143483804991;0.000000000000000000000000000000;0.036821705426356592105729959030;0.358914728682170558471398180700;0.005813953488372092942571001117;0.011240310077519379688970602160;0.060465116279069766602738411621;0.028682170542635658516683605512;0.202713178294573637128195287005;0.131395348837209297032657673299
-0.003333333333333333547282562037;0.177777777777777784562474039376;0.085925925925925919490744320228;0.000370370370370370351979089074;0.078148148148148147140723551729;0.136666666666666658525031152749;0.033703703703703701000105041885;0.004074074074074073709139653943;0.099259259259259255414598044354;0.056296296296296295669225884239;0.104444444444444450859066364501;0.220000000000000001110223024625
-0.055284552845528453501877663712;0.141869918699186997601557891358;0.121544715447154477727664811937;0.032113821138211380568083797016;0.064634146341463416529649066433;0.108943089430894313185405053446;0.042276422764227640505030336726;0.015040650406504065678126025318;0.123577235772357726939496558316;0.052845528455284555835458348838;0.101219512195121957853771732516;0.140650406504065045298901281967
-0.050450450450450448625083765819;0.059009009009009009971702397479;0.042342342342342340066885242322;0.363963963963963965664305533210;0.054504504504504502904183027567;0.088738738738738734412869746393;0.022522522522522521459809041744;0.013063063063063063209967573641;0.095045045045045045695175645051;0.077477477477477477152412177475;0.081981981981981977281037643479;0.050900900900900901413503873982
-0.052845528455284555835458348838;0.065447154471544713438824203422;0.031300813008130083658908660027;0.458130081300813007949557231768;0.048373983739837395079419479771;0.063821138211382119620473929444;0.023577235772357724857828387144;0.005284552845528455063128792091;0.063414634146341464226992457043;0.045528455284552848958412596403;0.063821138211382119620473929444;0.078455284552845533374565434315
-0.062429378531073449754007498314;0.070621468926553673806090216658;0.069491525423728814359058958416;0.229943502824858758692982974026;0.096327683615819212348263533841;0.067796610169491525188512071054;0.030790960451977402584367027316;0.029943502824858757999093583635;0.142655367231638408043181698304;0.041242937853107342061065310190;0.047740112994350283881495045080;0.111016949152542371281882083167
-0.068439716312056739222491330565;0.040425531914893619855888573511;0.074822695035460989876341386662;0.417375886524822714562787950854;0.052127659574468084013876278959;0.025177304964539008735879832557;0.039716312056737590463484366410;0.057801418439716312214216031862;0.089361702127659578542839824422;0.044680851063829789271419912211;0.042907801418439715790409394458;0.047163120567375885205940733158
-0.060999999999999998667732370450;0.063000000000000000444089209850;0.133000000000000007105427357601;0.189666666666666677842911781227;0.058333333333333334258519187188;0.030666666666666664992080271190;0.045666666666666667906415710831;0.059333333333333335146697606888;0.108333333333333337034076748751;0.078666666666666662521834041399;0.069666666666666668406016071913;0.102666666666666669960328306388
-0.008843537414965987192294605279;0.094217687074829928328689732098;0.066326530612244902207486063617;0.334353741496598633187176119463;0.049319727891156461829780255357;0.087755102040816324038274842678;0.023469387755102041198673745726;0.006462585034013605157776627408;0.049319727891156461829780255357;0.067687074829931970221252868214;0.089455782312925169463824204286;0.122789115646258509273458514599
-0.010062893081761005789620533335;0.205660377358490575883109841016;0.070125786163522010885351676279;0.000000000000000000000000000000;0.087106918238993705227990460571;0.103773584905660382071701519635;0.062578616352201257844178883261;0.011635220125786162673198198547;0.065723270440251571611334213685;0.038993710691823897651620001170;0.073270440251572324652507006704;0.271069182389937102239940713844
-0.003100775193798449569371200596;0.190697674418604662394116644464;0.082945736434108532919573519848;0.000000000000000000000000000000;0.137984496124031019714806234333;0.094573643410852711865821618176;0.060077519379844963876013963500;0.016279069767441860239198803129;0.082558139534883723253955167820;0.047674418604651165598529161116;0.071317829457364340095537613706;0.212790697674418605167545592849
-0.021428571428571428769682682969;0.074999999999999997224442438437;0.174999999999999988897769753748;0.007738095238095238359576910625;0.058630952380952380820211544687;0.084523809523809528831961301876;0.041964285714285710915394389531;0.074107142857142857539365365938;0.114583333333333328707404064062;0.093750000000000000000000000000;0.112500000000000002775557561563;0.140773809523809523280846178750
-0.009401709401709401267566157401;0.097435897435897436680285466082;0.064957264957264962412786246659;0.013247863247863247634916739059;0.068803418803418808780136828318;0.229914529914529902621112000816;0.014957264957264957902505209120;0.023504273504273504036277131490;0.141880341880341875882010072019;0.061965811965811967709782948077;0.085042735042735045913886438029;0.188888888888888883954564334999
-0.009649122807017544364849293004;0.129824561403508759171998576676;0.092543859649122803268106451924;0.000000000000000000000000000000;0.108333333333333337034076748751;0.101315789473684206289938458667;0.062719298245614035769435190559;0.012719298245614034728601104973;0.112719298245614038544992752122;0.046052631578947365864618035403;0.071491228070175438791267197303;0.252631578947368429233222286712
-0.015306122448979591482709494699;0.110884353741496605172400791162;0.143537414965986404036257795269;0.005442176870748298943281096030;0.086054421768707478612725481071;0.080272108843537415268087897857;0.036054421768707482776061823415;0.042517006802721087066476712835;0.128911564625850350029878654823;0.076530612244897960882994425447;0.076870748299319724416989174642;0.197619047619047610853115770624
-0.006918238993710692022465202911;0.188679245283018881540471056724;0.122012578616352201921202436097;0.000000000000000000000000000000;0.121069182389937107791055836969;0.073584905660377356029222539746;0.053459119496855347919428425030;0.028616352201257862220007410770;0.082389937106918234577257464935;0.046540880503144650692792794189;0.070125786163522010885351676279;0.206603773584905670013256440143
-0.000877192982456140367235331023;0.171929824561403515881252701547;0.056140350877192983503061185502;0.000000000000000000000000000000;0.045614035087719301264641558191;0.178070175438596489669862421579;0.046929824561403508942358797640;0.004385964912280701510916003372;0.059649122807017541936236426636;0.035526315789473683626198408092;0.087280701754385958679449686315;0.313596491228070151091600337168
-0.025694444444444443365060948281;0.126736111111111104943205418749;0.116319444444444447528397290625;0.036111111111111107718762980312;0.135416666666666657414808128124;0.058680555555555555247160270937;0.067708333333333328707404064062;0.033333333333333332870740406406;0.108680555555555558022717832500;0.053124999999999998612221219219;0.073958333333333334258519187188;0.164236111111111110494320541875
-0.038405797101449277997087250469;0.044202898550724636916875454062;0.063043478260869562079804495625;0.398550724637681152984214349999;0.082246376811594204547795072813;0.040217391304347822889031505156;0.035507246376811595067746196719;0.048913043478260871677054666407;0.084420289855072466744800863125;0.067028985507246383046542348438;0.057608695652173913526183923750;0.039855072463768112522863873437
-0.044927536231884057649210717500;0.056521739130434782427681028594;0.133333333333333331482961625625;0.263043478260869545426459126247;0.034782608695652174335410933281;0.029347826086956522312343409453;0.068115942028985507206151339687;0.101811594202898550443059377812;0.068478260869565210633425067499;0.073913043478260873064833447188;0.068840579710144927938486603125;0.056884057971014492793848660313
-0.056737588652482268125609721210;0.062765957446808504083257673756;0.107092198581560285597369386323;0.056382978723404253429407617659;0.073404255319148931091532972459;0.049645390070921988079355458012;0.064184397163120562868066087958;0.157092198581560288372926947886;0.104964539007092197420156765020;0.106028368794326241508763075672;0.082624113475177299314999856961;0.079078014184397166230766629269
-0.007317073170731707744407490424;0.166260162601626015899114463537;0.100813008130081302460290260115;0.021544715447154472176549688811;0.095934959349593493249663822553;0.095528455284552851733970157966;0.059349593495934958864435060377;0.029268292682926830977629961694;0.113414634146341467002550018606;0.055691056910569108895359136113;0.083333333333333328707404064062;0.171544715447154466625434565685
-0.069642857142857145236192195625;0.097619047619047619179788455313;0.069940476190476191797884553125;0.279166666666666674068153497501;0.058333333333333334258519187188;0.063095238095238093123384715000;0.054464285714285715078730731875;0.027976190476190477413043211641;0.090476190476190473943596259687;0.055952380952380954826086423282;0.070535714285714284921269268125;0.062797619047619046561692357500
-0.092857142857142860314922927500;0.116666666666666668517038374375;0.135714285714285703976500485624;0.007619047619047619041010577234;0.112380952380952386926438180126;0.036666666666666666851703837438;0.088095238095238101450057399688;0.071428571428571424606346340624;0.149523809523809531052407351126;0.046190476190476191520328796969;0.041904761904761902990834698812;0.100952380952380946221857982437
-0.066954022988505751401433485626;0.079022988505747127074840818750;0.075287356321839082884395111250;0.146551724137931022040604034373;0.123850574712643671237977116562;0.072126436781609196136066941563;0.036494252873563219619068576094;0.037068965517241377061186113906;0.141666666666666662965923251249;0.060057471264367813523765704531;0.061781609195402299727906125781;0.099137931034482762449044912501
-0.035454545454545453864181325798;0.121212121212121215485524317046;0.072121212121212127654779067143;0.182424242424242433191494683342;0.059090909090909089773635542997;0.078181818181818185653497721432;0.053636363636363634799231192574;0.020606060606060606910094890054;0.101212121212121211599743730858;0.080909090909090902732359040783;0.095757575757575763564233284342;0.099393939393939395587906915353
-0.057878787878787876786113031358;0.068181818181818176771713524431;0.119999999999999995559107901499;0.099696969696969700569511019239;0.057878787878787876786113031358;0.046060606060606058831385922758;0.040909090909090908838585676222;0.062424242424242423754598974028;0.119090909090909094492083397654;0.143636363636363645346349926513;0.077878787878787880671893617546;0.106363636363636368531437881302
-0.067500000000000004440892098501;0.139444444444444454189735438376;0.063888888888888883954564334999;0.102499999999999993893773364562;0.074166666666666672402818960563;0.116111111111111109384097517250;0.046388888888888889228123701969;0.021111111111111111743321444578;0.095000000000000001110223024625;0.051111111111111114102545371907;0.066666666666666665741480812812;0.156111111111111117155658689626
-0.015942028985507245703034939766;0.119202898550724634141317892500;0.068478260869565210633425067499;0.061594202898550727554027872657;0.103985507246376812640065168125;0.103623188405797095335003632499;0.050724637681159423507892825000;0.046739130434782609480048876094;0.140579710144927538806314260000;0.039130434782608698729422513907;0.060144927536231886089357345782;0.189855072463768120849536558126
-0.060370370370370372847812490136;0.074814814814814820098654024605;0.050740740740740739034286832521;0.367037037037037050524190817669;0.074074074074074069962136945833;0.046666666666666668794594130532;0.067037037037037033870845448291;0.017407407407407406163546426114;0.068148148148148152136727162542;0.044444444444444446140618509844;0.066666666666666665741480812812;0.062592592592592588562894206916
-0.030894308943089431734874139579;0.034959349593495933627984584291;0.049593495934959347382076089161;0.489024390243902429276090515486;0.032926829268292684416152837912;0.036991869918699189778710234577;0.029674796747967479432217530189;0.092276422764227636341693994382;0.044308943089430896655755987013;0.048780487804878050472900952172;0.052439024390243900441976876436;0.058130081300813006561778450987
-0.033333333333333332870740406406;0.137037037037037040532183596042;0.156790123456790136957650361182;0.006172839506172839163511412153;0.100925925925925932813420615730;0.054320987654320987414457988507;0.103703703703703700722549285729;0.044135802469135801406885377673;0.101851851851851846197938300520;0.044135802469135801406885377673;0.049691358024691358041824429392;0.167901234567901236349740656806
-0.019841269841269840168429539062;0.121031746031746031966314092188;0.147619047619047621955346016875;0.000000000000000000000000000000;0.160714285714285726180960978127;0.033730158730158728286330216406;0.107936507936507941618486938751;0.042063492063492066708185745938;0.112698412698412700483352466563;0.051587301587301584437916801562;0.060714285714285713690951951094;0.142063492063492058381513061249
-0.011851851851851851263330850372;0.203333333333333338144299773376;0.102222222222222228205090743813;0.000000000000000000000000000000;0.087777777777777774015355305437;0.089259259259259260410601655167;0.068148148148148152136727162542;0.029259259259259259161600752464;0.090370370370370364798695561603;0.047777777777777780121581940875;0.077407407407407410881994280771;0.192592592592592593003786305417
-0.029696969696969697377619823442;0.126666666666666677398822571377;0.156060606060606066325391338978;0.002121212121212121427121788386;0.079090909090909086720522225278;0.060909090909090905785472358502;0.097272727272727274594465995960;0.062121212121212118772994870142;0.089999999999999996669330926125;0.074242424242424248648219986535;0.081818181818181817677171352443;0.140000000000000013322676295502
-0.047101449275362319846216507813;0.115217391304347827052367847500;0.152536231884057960073164394998;0.012681159420289855876973206250;0.115217391304347827052367847500;0.060507246376811596455524977500;0.050724637681159423507892825000;0.034420289855072463969243301563;0.120289855072463772178714691563;0.063405797101449279384866031251;0.073188405797101452332498183750;0.154710144927536236147957993126
-0.033333333333333332870740406406;0.053333333333333336756520992594;0.089629629629629628539966290646;0.108518518518518514159865162583;0.068518518518518520266091798021;0.138518518518518513049642137958;0.008518518518518519017090895318;0.035925925925925923654080662573;0.148148148148148139924273891666;0.100000000000000005551115123126;0.099629629629629623543962679832;0.115925925925925932258309103418
-0.040178571428571431545240244532;0.058333333333333334258519187188;0.077976190476190476719153821250;0.348511904761904744987077719998;0.052976190476190475331375040469;0.051488095238095235584019349062;0.019345238095238095898942276563;0.027083333333333334258519187188;0.085119047619047621955346016875;0.097321428571428572618096097813;0.073214285714285717854288293438;0.068452380952380958989422765626
-0.041489361702127657005600980256;0.109219858156028373774582007627;0.101063829787234035761933625963;0.024113475177304964647273521905;0.087588652482269505061829306669;0.117730496453900712605644685027;0.018085106382978721750731665452;0.030851063829787233466772633506;0.116666666666666668517038374375;0.086170212765957446277020892467;0.082624113475177299314999856961;0.184397163120567364469337690025
-0.104444444444444450859066364501;0.031111111111111110216764785719;0.068888888888888888395456433500;0.159259259259259267071939802918;0.119999999999999995559107901499;0.062592592592592588562894206916;0.017777777777777777762358013547;0.058888888888888886452566140406;0.146296296296296285399662906457;0.119259259259259259300378630542;0.057777777777777775125578330062;0.053703703703703704885885628073
-0.042105263157894735892572413150;0.025438596491228069457202209946;0.038888888888888889505679458125;0.596783625730994193858691687637;0.044444444444444446140618509844;0.028362573099415203797812878861;0.011111111111111111535154627461;0.011695906432748537362442675658;0.071052631578947367252396816184;0.058479532163742686812213378289;0.041520467836257311800007840930;0.030116959064327486483847451382
-0.015530303030303029693248717535;0.035606060606060606354983377742;0.027272727272727271402574800163;0.523484848484848441785288741812;0.048863636363636366033436075895;0.089015151515151519356905396307;0.007575757575757575967845269815;0.025757575757575756902895136591;0.073484848484848486194209726818;0.042803030303030301095823517699;0.050000000000000002775557561563;0.060606060606060607742762158523
-0.087499999999999994448884876874;0.091249999999999997779553950750;0.060833333333333336478965236438;0.053749999999999999167332731531;0.117916666666666669627261399000;0.087083333333333332038073137937;0.024166666666666666157814447047;0.047916666666666669904817155157;0.170416666666666660745477201999;0.085000000000000006106226635438;0.062500000000000000000000000000;0.111666666666666664076146275875
-0.065909090909090903287470553096;0.125000000000000000000000000000;0.117803030303030298320265956136;0.039393939393939390869459060696;0.046212121212121211322187974702;0.106818181818181812126056229317;0.062121212121212118772994870142;0.046212121212121211322187974702;0.113636363636363632578785143323;0.100000000000000005551115123126;0.088257575757575756902895136591;0.088636363636363638129900266449
-0.033333333333333332870740406406;0.085555555555555551361379684749;0.126666666666666677398822571377;0.053333333333333336756520992594;0.077037037037037042752629645292;0.092222222222222219323306546812;0.033333333333333332870740406406;0.052222222222222225429533182250;0.130370370370370358692468926165;0.101481481481481478068573665041;0.114074074074074077733698118209;0.100370370370370373680479758605
-0.068027210884353747633035425224;0.063265306122448974890382089598;0.068707482993197274701024923615;0.092176870748299319369145621295;0.119387755102040818422359791384;0.132993197278911567948966876429;0.019387755102040816340691620212;0.017346938775510203911700557455;0.167687074829931975772367991340;0.064625850340136056781936702009;0.062925170068027211356387340402;0.123469387755102036341448012990
-0.029245283018867924973438476854;0.059433962264150944077023552836;0.040566037735849054535197666382;0.351257861635220103302401639667;0.109433962264150946852581114399;0.079874213836477983563533200595;0.016981132075471697812085736246;0.011320754716981131296482665505;0.114465408805031448880029643078;0.051886792452830191035850759818;0.046226415094339619316077261146;0.089308176100628924864999191868
-0.020289855072463766627599568437;0.099275362318840584818779859688;0.051811594202898547667501816250;0.287318840579710133020796547498;0.062318840579710148286363136094;0.106159420289855074837070958438;0.027173913043478260115337619141;0.017391304347826087167705466641;0.080072463768115942350789282500;0.074999999999999997224442438437;0.084057971014492749439739327499;0.089130434782608694566086171562
-0.023333333333333334397297065266;0.077916666666666661855700226624;0.069583333333333330372738601000;0.000416666666666666693410320255;0.146666666666666667406815349750;0.100833333333333330372738601000;0.039166666666666669072149886688;0.037499999999999998612221219219;0.154166666666666674068153497501;0.044999999999999998334665463062;0.055833333333333332038073137937;0.249583333333333323711400453249
-0.040650406504065039747786158841;0.080487804878048782586397180694;0.139430894308943092996244672577;0.000813008130081300812302957937;0.079674796747967485677222043705;0.060975609756097559621679238262;0.008943089430894309369013406297;0.010569105691056910126257584182;0.105691056910569111670916697676;0.099186991869918694764152178323;0.055284552845528453501877663712;0.318292682926829273437618894604
-0.093464052287581700362295578088;0.048039215686274512606690478833;0.139542483660130722800118974192;0.030718954248366011489101978782;0.069934640522875818335890585331;0.073202614379084970930300357850;0.025816993464052286066934271958;0.114052287581699343665952994797;0.129411764705882365023015267980;0.105228758169934641375498074467;0.099673202614379091679452926655;0.070915032679738559950877174742
-0.021428571428571428769682682969;0.122789115646258509273458514599;0.160884353741496594070170544910;0.012585034013605441577388077690;0.100000000000000005551115123126;0.072448979591836729086118396026;0.067687074829931970221252868214;0.061904761904761906876615285000;0.111904761904761909652172846563;0.061904761904761906876615285000;0.069387755102040815646802229821;0.137074829931972785868055098035
-0.011016949152542372669660863949;0.094632768361581923177716646478;0.079661016949152535504552474777;0.197457627118644063468622107393;0.114689265536723164484733672452;0.087005649717514121910255653347;0.073163841807909607561910547702;0.024858757062146893956899873501;0.098305084745762716380568235763;0.035593220338983051764802922889;0.048587570621468928466768488761;0.135028248587570620653508512987
-0.037878787878787879839226349077;0.096969696969696969612861892074;0.064848484848484849729643997307;0.351212121212121197721955923043;0.080909090909090902732359040783;0.050303030303030300818267761542;0.063030303030303033717807181802;0.017878787878787879422892714842;0.077575757575757575690289513659;0.029999999999999998889776975375;0.035151515151515148882577221912;0.094242424242424238656212764909
-0.037121212121212124324109993267;0.175378787878787884002562691421;0.071212121212121212709966755483;0.014772727272727272443408885749;0.071590909090909093936971885341;0.109090909090909085610299200653;0.123106060606060607742762158523;0.035227272727272725127978247883;0.097348484848484850839867021932;0.063636363636363629803227581760;0.064772727272727273484242971335;0.136742424242424248648219986535
-0.038461538461538463673505816587;0.073931623931623932644008334591;0.096581196581196585015938183005;0.088461538461538466449063378150;0.078632478632478630675706199327;0.117094017094017094349212015914;0.014102564102564102768710974090;0.048290598290598292507969091503;0.138034188034188043392447298174;0.103418803418803412208504255432;0.095299145299145293641629450576;0.107692307692307698285816286443
-0.050000000000000002775557561563;0.172083333333333338144299773376;0.138333333333333335923853724125;0.004166666666666666608842550801;0.044583333333333335923853724125;0.085833333333333330927850113312;0.122916666666666660190365689687;0.033333333333333332870740406406;0.080000000000000001665334536938;0.051249999999999996946886682281;0.098333333333333328152292551749;0.119166666666666670737484423626
-0.016666666666666666435370203203;0.156666666666666676288599546751;0.048148148148148148250946576354;0.042222222222222223486642889156;0.080000000000000001665334536938;0.193333333333333329262515576374;0.035185185185185187395351391615;0.016296296296296294836558615771;0.106296296296296291505889541895;0.051851851851851850361274642864;0.105185185185185187117795635459;0.148148148148148139924273891666
-0.084420289855072466744800863125;0.057608695652173913526183923750;0.145289855072463780505387376252;0.098913043478260867513718324062;0.055072463768115940963010501719;0.063043478260869562079804495625;0.011231884057971014412302679375;0.063768115942028982812139759062;0.110507246376811599231082539063;0.117391304347826089249373637813;0.073550724637681155759771911562;0.119202898550724634141317892500
-0.059999999999999997779553950750;0.085555555555555551361379684749;0.092962962962962969459823625584;0.002592592592592592518063732143;0.080000000000000001665334536938;0.089999999999999996669330926125;0.071481481481481479178796689666;0.108518518518518514159865162583;0.105925925925925923376524906416;0.053333333333333336756520992594;0.101481481481481478068573665041;0.148148148148148139924273891666
-0.059374999999999997224442438437;0.060416666666666667129259593594;0.087847222222222215437525960624;0.097569444444444444752839729063;0.037152777777777777623580135469;0.118749999999999994448884876874;0.015625000000000000000000000000;0.085763888888888889505679458125;0.099305555555555549696045147812;0.125347222222222220988641083750;0.120833333333333334258519187188;0.092013888888888895056794581251
-0.068402777777777784562474039376;0.077430555555555558022717832500;0.139236111111111116045435665001;0.067708333333333328707404064062;0.057291666666666664353702032031;0.047222222222222220988641083750;0.030902777777777779011358916250;0.053124999999999998612221219219;0.138888888888888895056794581251;0.096875000000000002775557561563;0.075694444444444439201724605937;0.147222222222222226539756206876
-0.105277777777777775680689842375;0.068611111111111108828986004937;0.119444444444444450303954852188;0.035000000000000003330669073875;0.052499999999999998057109706906;0.050277777777777775403134086218;0.038611111111111109939209029562;0.065555555555555561353386906376;0.136388888888888892836348532001;0.122222222222222218213083522187;0.089999999999999996669330926125;0.116111111111111109384097517250
-0.177083333333333342585191871876;0.062916666666666662410811738937;0.055833333333333332038073137937;0.035833333333333335091186455656;0.099583333333333329262515576374;0.047500000000000000555111512313;0.069166666666666667961926862063;0.154999999999999998889776975375;0.122916666666666660190365689687;0.040833333333333332593184650250;0.039583333333333331482961625625;0.093750000000000000000000000000
-0.018888888888888889089345823891;0.103703703703703700722549285729;0.169259259259259248198148384290;0.015925925925925926707193980292;0.065555555555555561353386906376;0.101111111111111109939209029562;0.050370370370370370904922197042;0.031851851851851853414387960584;0.108148148148148146030500527104;0.087777777777777774015355305437;0.086296296296296301497896763522;0.161111111111111121596550788126
-0.049090909090909087830745249903;0.079393939393939391702126329164;0.122121212121212116552548820891;0.012727272727272727695368992329;0.103939393939393942556392858023;0.056666666666666663798590519718;0.038787878787878787845144756830;0.082121212121212122658775456330;0.144242424242424255309558134286;0.119696969696969690577503797613;0.080303030303030306646938640824;0.110909090909090915499923823972
-0.023958333333333334952408577578;0.087152777777777773460243793124;0.084722222222222226539756206876;0.008333333333333333217685101602;0.103124999999999994448884876874;0.113888888888888886730121896562;0.012500000000000000693889390391;0.048263888888888890893458238907;0.144791666666666679619268620627;0.091319444444444439201724605937;0.090972222222222218213083522187;0.190972222222222209886410837498
-0.006666666666666667094565124074;0.157142857142857139685077072500;0.088095238095238101450057399688;0.000952380952380952380126322154;0.057142857142857141072855853281;0.182380952380952393587776327877;0.060952380952380952328084617875;0.006190476190476190687661528500;0.080476190476190478939599870500;0.059047619047619050169917187532;0.115714285714285713968507707250;0.185238095238095229477792713624
-0.071895424836601301565863764154;0.079084967320261434498007702132;0.081372549019607845477430885239;0.039869281045751631120666047536;0.097712418300653594571691940018;0.080718954248366017734106492298;0.064379084967320254762057629705;0.036274509803921571593487982454;0.189215686274509797826226531470;0.084967320261437911943502854228;0.066666666666666665741480812812;0.107843137254901966226583454045
-0.055031446540880504803006090242;0.163522012578616343647652797699;0.122955974842767296051349035224;0.002201257861635220070689600291;0.080817610062893077693679799722;0.062264150943396226467463350218;0.109748427672955978229296647442;0.063522012578616351974325482388;0.099685534591194974174399590083;0.048113207547169814515264363308;0.056603773584905661686583755454;0.135534591194968551119970356922
-0.050000000000000002775557561563;0.094444444444444441977282167500;0.090370370370370364798695561603;0.000740740740740740703958178148;0.114444444444444445863062753688;0.103703703703703700722549285729;0.036296296296296298722339201959;0.012222222222222222862142437805;0.167037037037037039421960571417;0.055185185185185184342238073896;0.108518518518518514159865162583;0.167037037037037039421960571417
-0.023809523809523808202115446875;0.196726190476190471168038698124;0.149107142857142854763807804375;0.009821428571428571230317317031;0.016964285714285712997062560703;0.112202380952380956213865204063;0.045833333333333330095182844843;0.056547619047619047949471138281;0.047023809523809523280846178750;0.090476190476190473943596259687;0.145238095238095249461807156877;0.106249999999999997224442438437
-0.091242937853107344836622871753;0.054519774011299433624788690622;0.120338983050847461719889963661;0.052542372881355929592483988699;0.073163841807909607561910547702;0.052542372881355929592483988699;0.018926553672316385329432719686;0.073446327683615822423668362262;0.135028248587570620653508512987;0.147175141242937845831306731270;0.071751412429378533253121474900;0.109322033898305082111335195805
-0.097916666666666665741480812812;0.059523809523809520505288617187;0.053273809523809521893067397968;0.119047619047619041010577234374;0.071428571428571424606346340624;0.089583333333333334258519187188;0.008035714285714284921269268125;0.102083333333333331482961625625;0.112797619047619049337249919063;0.092261904761904767191538212501;0.061309523809523806814336666093;0.132738095238095238359576910625
-0.025980392156862746472212322146;0.084313725490196084200178461288;0.071568627450980387694201567683;0.106372549019607839926315762114;0.068627450980392162849241799449;0.095098039215686269720606560441;0.036764705882352942400981277160;0.128431372549019595652453062939;0.097549019607843137635860841783;0.040686274509803922738715442620;0.062745098039215685403746647353;0.181862745098039207958251495256
-0.034523809523809526056403740313;0.101984126984126982629064173125;0.080158730158730165382685584063;0.001190476190476190583578119941;0.106349206349206346078339890937;0.101984126984126982629064173125;0.020238095238095239053466301016;0.036904761904761905488836504219;0.148015873015873017370935826875;0.055952380952380954826086423282;0.076190476190476197348999676251;0.236507936507936500358795228749
-0.071969696969696975163977015200;0.089015151515151519356905396307;0.119318181818181823228286475569;0.003409090909090908925321850020;0.057954545454545453031514057329;0.063636363636363629803227581760;0.100000000000000005551115123126;0.157196969696969696128618920739;0.093560606060606066325391338978;0.050757575757575758290673917372;0.057575757575757578743402831378;0.135606060606060618844992404775
-0.019871794871794870585013370601;0.096794871794871797932025003774;0.148397435897435897578233721106;0.024679487179487178544201597674;0.064102564102564096870651155768;0.105448717948717948789116860553;0.018910256410256408993175725186;0.060256410256410257442194478017;0.100320512820512824925245354279;0.107371794871794865033898247475;0.108974358974358975782337211058;0.144871794871794884462801178415
-0.036742424242424243097104863409;0.114772727272727276259800532898;0.087878787878787875675890006733;0.016287878787878788677812025298;0.108712121212121218261081878609;0.085606060606060602191647035397;0.020075757575757576661734660206;0.009090909090909090467524933388;0.164772727272727265157570286647;0.070454545454545450255956495766;0.067803030303030309422496202387;0.217803030303030303871381079261
-0.098000000000000003774758283726;0.034000000000000002442490654175;0.065333333333333326597980317274;0.324333333333333306836010478946;0.064666666666666663965123973412;0.054666666666666668961127584225;0.011333333333333334147496884725;0.025333333333333332704206952712;0.102999999999999994337862574412;0.085000000000000006106226635438;0.063333333333333338699411285688;0.070999999999999993671728759637
-0.028869047619047620567567236094;0.082738095238095235584019349062;0.137500000000000011102230246252;0.074107142857142857539365365938;0.048511904761904763028201870156;0.061309523809523806814336666093;0.050595238095238095898942276563;0.058035714285714287696826829688;0.118154761904761901325500161875;0.099107142857142851988250242812;0.100595238095238098674499838125;0.140476190476190476719153821250
-0.046453900709219855813536526057;0.066312056737588651045278709262;0.100354609929078020247317226676;0.004609929078014184111733442251;0.086524822695035460973222996017;0.076950354609929078053554007965;0.014893617021276596423806637404;0.034042553191489362263144613507;0.190070921985815599608571346835;0.103900709219858153331550454368;0.081914893617021269922595649859;0.193971631205673761266794485891
-0.031623931623931622603151936346;0.091452991452991447274278868917;0.107692307692307698285816286443;0.004273504273504273934247699174;0.081196581196581199546535856371;0.108119658119658124117989927981;0.017948717948717947401338079771;0.021367521367521367936515019892;0.159401709401709390512280606345;0.106410256410256406911507554014;0.116239316239316242684864732837;0.154273504273504280526196907886
-0.070555555555555551916491197062;0.093055555555555558022717832500;0.080000000000000001665334536938;0.080000000000000001665334536938;0.082222222222222224319310157625;0.091111111111111114935212640376;0.034166666666666664631257788187;0.065277777777777781786916477813;0.117222222222222227649979231501;0.079722222222222222098864108375;0.081388888888888885619898871937;0.125277777777777765688682620748
-0.086163522012578611097843861444;0.076415094339622638419662337128;0.123270440251572327428064568267;0.045597484276729556562646195061;0.090566037735849050371861324038;0.047484276729559751761833297223;0.070125786163522010885351676279;0.098427672955974848667537457914;0.106289308176100633085425783975;0.088993710691823893488283658826;0.083018867924528297330688531019;0.083647798742138360084119597104
-0.069927536231884052098095594374;0.082246376811594204547795072813;0.098188405797101446781383060625;0.046014492753623188747713612656;0.087681159420289853101415644687;0.067391304347826086473816076250;0.056884057971014492793848660313;0.086231884057971011636745117812;0.128985507246376807088950044999;0.099637681159420288246053587500;0.063405797101449279384866031251;0.113405797101449282160423592813
-0.005925925925925925631665425186;0.166296296296296303163231300459;0.147777777777777785672697064001;0.000740740740740740703958178148;0.031481481481481478346129421197;0.114074074074074077733698118209;0.072222222222222215437525960624;0.048148148148148148250946576354;0.059259259259259261520824679792;0.062962962962962956692258842395;0.112222222222222223209087133000;0.178888888888888875072780137998
-0.054088050314465410672859491115;0.066981132075471697118196345855;0.152515723270440245462609141214;0.037421383647798740768042335958;0.052515723270440253789281825902;0.098427672955974848667537457914;0.012893081761006289914783806694;0.064150943396226414727756548473;0.112264150943396229243020911781;0.118867924528301888154047105672;0.094654088050314472146951061404;0.135220125786163519743254823879
-0.108484848484848489524878800694;0.078484848484848490635101825319;0.096969696969696969612861892074;0.054848484848484847786753704213;0.042424242424242426807712291748;0.057272727272727273761798727492;0.027575757575757576384178904050;0.079090909090909086720522225278;0.142424242424242425419933510966;0.127575757575757564588059267408;0.084848484848484853615424583495;0.100000000000000005551115123126
-0.009057971014492753950020365039;0.161594202898550726166249091875;0.089855072463768115298421435000;0.000362318840579710149327197222;0.076811594202898555994174500938;0.102898550724637674602668369062;0.031884057971014491406069879531;0.029347826086956522312343409453;0.124275362318840579267664736562;0.079710144927536225045727746874;0.071376811594202893562766121249;0.222826086956521729476321524999
-0.029059829059829060671216183209;0.152991452991453003029675983271;0.255982905982905961650430981535;0.000000000000000000000000000000;0.055982905982905985242670254820;0.051282051282051280272078486178;0.070512820512820512108831394471;0.041025641025641025605441569724;0.078205128205128204843532557788;0.053846153846153849142908143222;0.052136752136752138875319673161;0.158974358974358964680106964806
-0.044230769230769233224531689075;0.113141025641025641523818023870;0.122756410256410250503300574110;0.001282051282051282050170049054;0.046153846153846156408206979904;0.139102564102564107972881402020;0.028525641025641024911552179333;0.050961538461538460897948255024;0.145512820512820523211061640723;0.067948717948717943238001737427;0.081410256410256412462622677140;0.158974358974358964680106964806
-0.007246376811594202986543944434;0.133333333333333331482961625625;0.127536231884057965624279518124;0.060507246376811596455524977500;0.065579710144927541581871821563;0.098188405797101446781383060625;0.044202898550724636916875454062;0.050000000000000002775557561563;0.093840579710144922387371479999;0.078260869565217397458845027813;0.093840579710144922387371479999;0.147463768115942028824605358750
-0.022962962962962962798485477833;0.061851851851851852304164935958;0.063333333333333338699411285688;0.366666666666666640761462758746;0.068148148148148152136727162542;0.067777777777777784007362527063;0.024444444444444445724284875610;0.034074074074074076068363581271;0.078888888888888883399452822687;0.075185185185185188228018660084;0.068148148148148152136727162542;0.068518518518518520266091798021
-0.024842767295597485699421014260;0.048427672955974845891979896351;0.048742138364779877268695429393;0.447798742138364791465221514954;0.036163522012578615261180203788;0.075157232704402512912800204958;0.028616352201257862220007410770;0.016981132075471697812085736246;0.089622641509433956241714724911;0.058805031446540881323592486751;0.057547169811320755816730354582;0.067295597484276728494911878897
-0.047058823529411764052809985515;0.136928104575163411826821402428;0.114705882352941171409277387738;0.031699346405228756573535520147;0.040522875816993465802884344384;0.091830065359477131003984595736;0.080065359477124176112994291543;0.042810457516339869843413623585;0.094444444444444441977282167500;0.084967320261437911943502854228;0.087581699346405222916800425992;0.147385620915032683475587305111
-0.005000000000000000104083408559;0.119999999999999995559107901499;0.058055555555555554692048758625;0.275833333333333319270508354748;0.043888888888888887007677652718;0.151666666666666671847707448251;0.028888888888888887562789165031;0.008888888888888888881179006773;0.067500000000000004440892098501;0.038611111111111109939209029562;0.082222222222222224319310157625;0.119444444444444450303954852188
-0.013333333333333334189130248149;0.031481481481481478346129421197;0.021111111111111111743321444578;0.589629629629629614662178482831;0.033333333333333332870740406406;0.075555555555555556357383295563;0.001111111111111111110147375847;0.005925925925925925631665425186;0.073333333333333333703407674875;0.054814814814814816212873438417;0.048888888888888891448569751219;0.051481481481481482231910007386
-0.053787878787878787290033244517;0.045075757575757574580066489034;0.165151515151515160262363224319;0.078030303030303033162695669489;0.043939393939393937837945003366;0.065909090909090903287470553096;0.016287878787878788677812025298;0.068181818181818176771713524431;0.134090909090909093936971885341;0.134469696969696961286189207385;0.103409090909090908838585676222;0.091666666666666660190365689687
-0.037333333333333336423454085207;0.129666666666666680063357830477;0.080333333333333339920656612776;0.001333333333333333288808764117;0.093333333333333337589188261063;0.113666666666666665852503115275;0.021333333333333332620940225866;0.013666666666666667240281896056;0.161000000000000004218847493576;0.075333333333333335479764514275;0.073999999999999996336264018737;0.199000000000000010214051826551
-0.053418803418803416371840597776;0.074786324786324784308355617668;0.032478632478632481206393123330;0.000000000000000000000000000000;0.121367521367521366548736239110;0.131196581196581202322093417934;0.022649572649572648902482896460;0.021794871794871793768688661430;0.199145299145299131682307347546;0.058547008547008547174606007957;0.081196581196581199546535856371;0.203418803418803417759619378558
-0.075555555555555556357383295563;0.056944444444444443365060948281;0.069722222222222227094867719188;0.134444444444444449748843339876;0.108333333333333337034076748751;0.079444444444444442532393679812;0.059166666666666666019036568969;0.042777777777777775680689842375;0.139444444444444454189735438376;0.059722222222222225151977426094;0.040833333333333332593184650250;0.133611111111111124927219862002
-0.076587301587301592764589486251;0.046428571428571430157461463750;0.076190476190476197348999676251;0.205952380952380942336077396249;0.083730158730158724122993874062;0.084920634920634924247551111876;0.007539682539682539784420267637;0.046825396825396825573051273750;0.125396825396825395415589810000;0.082142857142857142460634634062;0.051984126984126986792400515469;0.112301587301587305067762656563
-0.040000000000000000832667268469;0.062777777777777779566470428563;0.105555555555555555247160270937;0.208333333333333342585191871876;0.050833333333333334536074943344;0.053888888888888888950567945813;0.016388888888888890338346726594;0.039722222222222221266196839906;0.120277777777777775125578330062;0.113888888888888886730121896562;0.068333333333333329262515576374;0.119999999999999995559107901499
-0.047222222222222220988641083750;0.050347222222222223764198645313;0.042013888888888892281237019688;0.399305555555555580227178325003;0.095138888888888883954564334999;0.040277777777777780399137697032;0.015972222222222220988641083750;0.005208333333333333044212754004;0.118749999999999994448884876874;0.052430555555555556634939051719;0.030208333333333333564629796797;0.103124999999999994448884876874
-0.042361111111111113269878103438;0.058333333333333334258519187188;0.077083333333333337034076748751;0.175694444444444430875051921248;0.078819444444444441977282167500;0.108333333333333337034076748751;0.014236111111111110841265237070;0.031250000000000000000000000000;0.129513888888888900607909704377;0.080555555555555560798275394063;0.074305555555555555247160270937;0.129513888888888900607909704377
-0.052962962962962961688262453208;0.069259259259259256524821068979;0.059999999999999997779553950750;0.223703703703703710159444995043;0.066296296296296297612116177334;0.092222222222222219323306546812;0.012592592592592592726230549260;0.034074074074074076068363581271;0.104074074074074068851913921208;0.084074074074074078843921142834;0.082962962962962960578039428583;0.117777777777777772905132280812
-0.078148148148148147140723551729;0.041481481481481480289019714291;0.098518518518518519155868773396;0.321481481481481479178796689666;0.027777777777777776235801354687;0.036666666666666666851703837438;0.013333333333333334189130248149;0.026296296296296296779448908865;0.104074074074074068851913921208;0.108148148148148146030500527104;0.075185185185185188228018660084;0.068888888888888888395456433500
-0.078985507246376818191180291251;0.037318840579710146898584355313;0.094927536231884060424768279063;0.275362318840579711753946412500;0.032971014492753622504572774687;0.057971014492753623892351555469;0.006159420289855072755402787266;0.040579710144927533255199136875;0.101449275362318847015785650001;0.101086956521739129710724114375;0.079710144927536225045727746874;0.093478260869565218960097752188
-0.060555555555555556912494807875;0.031944444444444441977282167500;0.053888888888888888950567945813;0.445277777777777772350020768499;0.035555555555555555524716027094;0.043888888888888887007677652718;0.011944444444444445030395485219;0.048055555555555552749158465531;0.077222222222222219878418059125;0.083888888888888887840344921187;0.043888888888888887007677652718;0.063888888888888883954564334999
-0.071111111111111111049432054187;0.070370370370370374790702783230;0.077777777777777779011358916250;0.071111111111111111049432054187;0.083333333333333328707404064062;0.097407407407407400889987059145;0.022222222222222223070309254922;0.064444444444444443087505192125;0.151481481481481494721919034419;0.087777777777777774015355305437;0.054814814814814816212873438417;0.148148148148148139924273891666
-0.035294117647058823039607489136;0.112091503267973860435979815975;0.101960784313725488781088301948;0.012091503267973856619588168826;0.073856209150326798673624750791;0.100000000000000005551115123126;0.089869281045751633896223609099;0.058823529411764705066012481893;0.131045751633986934381326250332;0.082026143790849673220755278180;0.073856209150326798673624750791;0.129084967320261451151353071509
-0.071944444444444449748843339876;0.086944444444444449193731827563;0.113888888888888886730121896562;0.030555555555555554553270880547;0.053055555555555557190050564031;0.069444444444444447528397290625;0.032777777777777780676693453188;0.082500000000000003885780586188;0.125277777777777765688682620748;0.130555555555555563573832955626;0.087777777777777774015355305437;0.115277777777777784562474039376
-0.065972222222222223764198645313;0.089236111111111113269878103438;0.160069444444444430875051921248;0.009027777777777776929690745078;0.058680555555555555247160270937;0.046527777777777779011358916250;0.065625000000000002775557561563;0.063888888888888883954564334999;0.119444444444444450303954852188;0.128819444444444430875051921248;0.080208333333333339809634310313;0.112500000000000002775557561563
-0.006296296296296296363115274630;0.178148148148148138814050867040;0.107777777777777777901135891625;0.000000000000000000000000000000;0.061481481481481484174800300480;0.131851851851851858965503083709;0.067777777777777784007362527063;0.021111111111111111743321444578;0.090740740740740746805848004897;0.043703703703703702942995334979;0.087407407407407405885990669958;0.203703703703703692395876601040
-0.000000000000000000000000000000;0.238888888888888900607909704377;0.027350427350427350403627713149;0.000000000000000000000000000000;0.029914529914529915805010418239;0.242735042735042733097472478221;0.005555555555555555767577313730;0.000000000000000000000000000000;0.043162393162393161705203681322;0.031196581196581196770978294808;0.147435897435897439455843027645;0.233760683760683762866250390289
-0.037878787878787879839226349077;0.106060606060606063549833777415;0.079696969696969696683730433051;0.012121212121212121201607736509;0.065454545454545459692852205080;0.156363636363636371306995442865;0.013030303030303030942249620239;0.018787878787878787428811122595;0.123333333333333336478965236438;0.092727272727272727625980053290;0.105454545454545453586625569642;0.189090909090909087275633737590
-0.019090909090909092410415226482;0.137878787878787878451447568295;0.126363636363636372417218467490;0.003636363636363636360482320953;0.077575757575757575690289513659;0.104545454545454538641813257982;0.028181818181818182877940159869;0.015454545454545455182571167541;0.115151515151515157486805662757;0.070000000000000006661338147751;0.096666666666666664631257788187;0.205454545454545445259952884953
-0.023913043478260870289275885625;0.108333333333333337034076748751;0.141666666666666662965923251249;0.092391304347826080922700953124;0.033333333333333332870740406406;0.081884057971014487242733537187;0.023913043478260870289275885625;0.051811594202898547667501816250;0.074275362318840576492107175000;0.116666666666666668517038374375;0.141304347826086945660861715623;0.110507246376811599231082539063
-0.021794871794871793768688661430;0.077243589743589746721141864327;0.041025641025641025605441569724;0.320833333333333359238537241254;0.048076923076923079591882270734;0.111217948717948711401248829134;0.008333333333333333217685101602;0.012820512820512820068019621544;0.099679487179487186176984891972;0.078205128205128204843532557788;0.082371794871794870585013370601;0.098397435897435894802676159543
-0.060416666666666667129259593594;0.101190476190476191797884553125;0.091369047619047613628673332187;0.002083333333333333304421275400;0.077976190476190476719153821250;0.098809523809523805426557885312;0.020238095238095239053466301016;0.025595238095238094511163495781;0.179464285714285715078730731875;0.088095238095238101450057399688;0.091071428571428567066980974687;0.163690476190476191797884553125
-0.147777777777777785672697064001;0.133703703703703713490114068918;0.031111111111111110216764785719;0.000000000000000000000000000000;0.144444444444444430875051921248;0.077777777777777779011358916250;0.072962962962962965574043039396;0.051481481481481482231910007386;0.184814814814814820653765536917;0.015925925925925926707193980292;0.052592592592592593558897817729;0.087407407407407405885990669958
-0.082993197278911565173409314866;0.053741496598639457160651033973;0.131972789115646249591407013213;0.004081632653061224857982125513;0.065306122448979597727714008215;0.042517006802721087066476712835;0.042517006802721087066476712835;0.117346938775510209462815680581;0.124829931972789118233002625402;0.097278911564625855645793706117;0.097619047619047619179788455313;0.139795918367346949651164322859
-0.048181818181818179824826842150;0.053939393939393939780835296460;0.151818181818181824338509500194;0.009696969696969696961286189207;0.057575757575757578743402831378;0.047272727272727271818908434398;0.021515151515151514916013297807;0.143636363636363645346349926513;0.129090909090909089496079786841;0.149090909090909079504072565214;0.097272727272727274594465995960;0.090909090909090911614143237784
-0.052592592592592593558897817729;0.075555555555555556357383295563;0.115185185185185182121792024645;0.016296296296296294836558615771;0.092962962962962969459823625584;0.070740740740740742920067418709;0.052222222222222225429533182250;0.048888888888888891448569751219;0.145555555555555549140933635499;0.096296296296296296501893152708;0.078518518518518515270088187208;0.155185185185185176015565389207
-0.058181818181818181767717135244;0.081515151515151512695567248556;0.127878787878787869569663371294;0.012424242424242424448488364419;0.096969696969696969612861892074;0.083939393939393938670612271835;0.036969696969696971833307941324;0.073333333333333333703407674875;0.142424242424242425419933510966;0.095757575757575763564233284342;0.064545454545454544748039893420;0.126060606060606067435614363603
-0.037222222222222219045750790656;0.105277777777777775680689842375;0.164444444444444448638620315251;0.003888888888888888777095598215;0.066944444444444445307951241375;0.055277777777777779844026184719;0.040000000000000000832667268469;0.039444444444444441699726411343;0.131944444444444447528397290625;0.099444444444444446418174266000;0.106388888888888893946571556626;0.149722222222222228760202256126
-0.028333333333333331899295259859;0.126666666666666677398822571377;0.115666666666666667628859954675;0.001666666666666666773641281019;0.094666666666666662854900948787;0.090999999999999997557509345825;0.030666666666666664992080271190;0.021666666666666667406815349750;0.152333333333333320602775984298;0.072999999999999995448085599037;0.097666666666666665519436207887;0.166666666666666657414808128124
-0.057777777777777775125578330062;0.063333333333333338699411285688;0.225925925925925918935632807916;0.028518518518518519433424529552;0.034814814814814812327092852229;0.037407407407407410049327012302;0.058148148148148150193836869448;0.117037037037037036646403009854;0.085185185185185183232015049271;0.122222222222222218213083522187;0.095185185185185192113799246272;0.074444444444444438091501581312
-0.016358024691358025171084022986;0.095370370370370369239587660104;0.080246913580246909125648357985;0.000000000000000000000000000000;0.113580246913580248935282668299;0.134259259259259272623054926044;0.021604938271604937072289942535;0.006790123456790123426807248563;0.161419753086419759391390016390;0.067283950617283955208947077153;0.103703703703703700722549285729;0.199382716049382707756976174096
-0.036734693877551023721839129621;0.077891156462585028896761230044;0.043877551020408162019137421339;0.000000000000000000000000000000;0.105442176870748305361757957144;0.112925170068027214131944901965;0.006122448979591836419611450282;0.000680272108843537367910137004;0.195578231292517001893571659821;0.080272108843537415268087897857;0.083333333333333328707404064062;0.257142857142857117480616579996
-0.079333333333333339032478193076;0.053666666666666668072949164525;0.083000000000000004329869796038;0.034666666666666665075346998037;0.110666666666666663187967856175;0.081666666666666665186369300500;0.020000000000000000416333634234;0.078333333333333338144299773376;0.169666666666666660079343387224;0.096666666666666664631257788187;0.093333333333333337589188261063;0.099000000000000004662936703426
-0.168181818181818182322828647557;0.046666666666666668794594130532;0.047575757575757576800512538284;0.102121212121212126544556042518;0.162727272727272720409530393226;0.049393939393939392812349353790;0.026363636363636363396656392410;0.023333333333333334397297065266;0.199393939393939401139022038478;0.045454545454545455807071618892;0.058787878787878784792031439110;0.070000000000000006661338147751
-0.094848484848484848619420972682;0.036363636363636361870099733551;0.119999999999999995559107901499;0.070606060606060602746758547710;0.056666666666666663798590519718;0.053636363636363634799231192574;0.009090909090909090467524933388;0.093030303030303032607584157176;0.144848484848484837517190726430;0.130909090909090919385704410161;0.124848484848484847509197948057;0.065151515151515154711248101194
-0.060884353741496595457949325692;0.041836734693877553059593310536;0.136394557823129258800065599644;0.020408163265306120820463675614;0.049319727891156461829780255357;0.064965986394557820315931451205;0.006122448979591836419611450282;0.046258503401360541451570185245;0.152721088435374158231994101698;0.168367346938775502840357489731;0.135714285714285703976500485624;0.117006802721088432051033123571
-0.120303030303030300540712005386;0.054848484848484847786753704213;0.069696969696969701679734043864;0.096060606060606054668049580414;0.071515151515151517691570859370;0.087575757575757570694285902846;0.012424242424242424448488364419;0.074545454545454539752036282607;0.135151515151515161372586248945;0.116060606060606058553830166602;0.065151515151515154711248101194;0.096666666666666664631257788187
-0.085185185185185183232015049271;0.077037037037037042752629645292;0.107407407407407409771771256146;0.025925925925925925180637321432;0.080370370370370369794699172417;0.064814814814814811216869827604;0.056666666666666663798590519718;0.127407407407407413657551842334;0.128518518518518531923433556585;0.046296296296296293726335591145;0.070740740740740742920067418709;0.129629629629629622433739655207
-0.053921568627450983113291727022;0.071895424836601301565863764154;0.151307189542483649935533662756;0.046732026143790850181147789044;0.074509803921568626416949143731;0.044771241830065360012280706314;0.050000000000000002775557561563;0.163398692810457518698186163419;0.097058823529411766828367547078;0.086601307189542481301813836581;0.066993464052287579613143009283;0.092810457516339872618971185148
-0.050000000000000002775557561563;0.115503875968992253397971126105;0.116666666666666668517038374375;0.006201550387596899138742401192;0.095348837209302331197058322232;0.073643410852713184211459918060;0.059302325581395351483671163351;0.034496124031007754928701558583;0.149999999999999994448884876874;0.090697674418604656843001521338;0.074031007751937979999290462274;0.134108527131782950814198329681
-0.037931034482758620163256324531;0.095402298850574718258599205001;0.089942528735632187864013076251;0.052873563218390803863933058437;0.073850574712643682340207362813;0.108045977011494251374124075937;0.031896551724137932326552657969;0.068390804597701151945621234063;0.114655172413793096652945280312;0.094827586206896546938693859374;0.089367816091954016544107730624;0.142816091954022977850158326873
-0.034967320261437909167945292666;0.067647058823529407356467402224;0.127450980392156854037466473528;0.130392156862745106638001857391;0.106862745098039210733809056819;0.061437908496732022978203957564;0.053267973856209148431073430174;0.034640522875816995296283096195;0.139869281045751636671781170662;0.060130718954248367491555171682;0.077777777777777779011358916250;0.105555555555555555247160270937
-0.023611111111111110494320541875;0.072569444444444450303954852188;0.032638888888888890893458238907;0.395486111111111093840975172498;0.071180555555555552471602709375;0.105902777777777776235801354687;0.017013888888888887424011286953;0.003472222222222222029475169336;0.085416666666666668517038374375;0.050000000000000002775557561563;0.073611111111111113269878103438;0.069097222222222226539756206876
-0.006034482758620689571427142539;0.192816091954022994503503696251;0.064367816091954022095222853750;0.000000000000000000000000000000;0.076436781609195397768630186874;0.169827586206896558040924105626;0.048850574712643680952428582032;0.020114942528735631904757141797;0.117241379310344825959155912187;0.040804597701149428190525725313;0.094827586206896546938693859374;0.168678160919540243156689030002
-0.004333333333333333134418374755;0.215999999999999997557509345825;0.077333333333333337256121353676;0.000000000000000000000000000000;0.054666666666666668961127584225;0.145999999999999990896171198074;0.031333333333333331094383567006;0.005000000000000000104083408559;0.096666666666666664631257788187;0.048666666666666663632057066025;0.102666666666666669960328306388;0.217333333333333322823222033549
-0.005882352941176470506601248189;0.158333333333333325931846502499;0.075980392156862738839429027848;0.000000000000000000000000000000;0.062254901960784314596253352647;0.173529411764705876475289869632;0.019117647058823530881177532592;0.004411764705882352879950936142;0.099019607843137250058340725900;0.048529411764705883414183773539;0.104901960784313727503835877997;0.248039215686274516770026821177
-0.004385964912280701510916003372;0.095614035087719304040199119754;0.078947368421052627196488060690;0.446052631578947367252396816184;0.010964912280701753777290008429;0.061842105263157892691694428322;0.033333333333333332870740406406;0.014035087719298245875765296375;0.043859649122807015109160033717;0.051315789473684210453274801012;0.094298245614035089423587976398;0.065350877192982451124869669457
-0.009166666666666666712925959359;0.178055555555555550251156660124;0.054166666666666668517038374375;0.051111111111111114102545371907;0.054166666666666668517038374375;0.163333333333333330372738601000;0.018333333333333333425851918719;0.005000000000000000104083408559;0.096388888888888885064787359624;0.046666666666666668794594130532;0.130833333333333329262515576374;0.192777777777777770129574719249
-0.001633986928104575213002713774;0.152614379084967333177758064267;0.054248366013071896984953923493;0.000326797385620915010074477580;0.066339869281045751869818616342;0.212745098039215679852631524227;0.018300653594771242732575089462;0.012091503267973856619588168826;0.092810457516339872618971185148;0.049019607843137254221677068244;0.099346405228758163930002922370;0.240522875816993469966220686729
-0.008333333333333333217685101602;0.169736842105263158186900795954;0.079824561403508770274228822927;0.000000000000000000000000000000;0.113596491228070181622733514359;0.100000000000000005551115123126;0.036403508771929826703939170329;0.002631578947368420993285775822;0.091666666666666660190365689687;0.040789473684210528214855173701;0.067105263157894737280351193931;0.289912280701754399014902219278
-0.034146341463414636718809447302;0.182113821138211395833650385612;0.073983739837398379557420469155;0.012601626016260162807536282514;0.061788617886178863469748279158;0.137804878048780499177894398599;0.026829268292682926372316742913;0.030487804878048779810839619131;0.081300813008130079495572317683;0.052845528455284555835458348838;0.088617886178861793311511974025;0.217479674796747957099540826675
-0.020754716981132074332672132755;0.126415094339622641195219898691;0.028930817610062893596722943812;0.094968553459119503523666594447;0.055660377358490567556437156327;0.187735849056603787410324457596;0.008490566037735848906042868123;0.005345911949685534271525799710;0.090566037735849050371861324038;0.049056603773584908645410962436;0.073899371069182387405938072789;0.258176100628930815794603859104
-0.012962962962962962590318660716;0.111111111111111104943205418749;0.126851851851851854524610985209;0.162500000000000005551115123126;0.087037037037037037756626034479;0.057407407407407406996213694583;0.036111111111111107718762980312;0.023611111111111110494320541875;0.072685185185185186007572610833;0.055092592592592595779343866980;0.052314814814814813992427389167;0.202314814814814808441312266041
-0.021212121212121213403856145874;0.126666666666666677398822571377;0.102121212121212126544556042518;0.056363636363636365755880319739;0.050606060606060605799871865429;0.116363636363636363535434270489;0.068181818181818176771713524431;0.038787878787878787845144756830;0.105757575757575758568229673529;0.060303030303030302761158054636;0.095151515151515153601025076568;0.158484848484848478422648554442
-0.018055555555555553859381490156;0.142222222222222222098864108375;0.080000000000000001665334536938;0.002222222222222222220294751693;0.047222222222222220988641083750;0.161388888888888887285233408875;0.018055555555555553859381490156;0.023611111111111110494320541875;0.103888888888888891726125507375;0.089444444444444437536390068999;0.106111111111111114380101128063;0.207777777777777783452251014751
-0.047500000000000000555111512313;0.051249999999999996946886682281;0.172916666666666662965923251249;0.005000000000000000104083408559;0.036666666666666666851703837438;0.043333333333333334813630699500;0.024166666666666666157814447047;0.057500000000000002498001805407;0.137916666666666659635254177374;0.144999999999999990007992778374;0.100833333333333330372738601000;0.177916666666666667406815349750
-0.020075757575757576661734660206;0.117803030303030298320265956136;0.153409090909090911614143237784;0.150378787878787889553677814547;0.038257575757575754127337575028;0.060606060606060607742762158523;0.027651515151515152629579930021;0.031818181818181814901613790880;0.069318181818181820452728914006;0.095833333333333339809634310313;0.093560606060606066325391338978;0.141287878787878795616705929206
-0.055092592592592595779343866980;0.106481481481481482509465763542;0.086574074074074067186579384270;0.003703703703703703845051542487;0.093055555555555558022717832500;0.095833333333333339809634310313;0.029629629629629630760412339896;0.027777777777777776235801354687;0.155092592592592587452671182291;0.040740740740740744030290443334;0.058796296296296297889671933490;0.247222222222222232090871330001
-0.035144927536231884701578565000;0.202173913043478259421448228750;0.068115942028985507206151339687;0.002536231884057970828449946055;0.049637681159420292409389929844;0.174999999999999988897769753748;0.032608695652173912138405142969;0.007608695652173913352711576152;0.074637681159420293797168710626;0.054710144927536230596842870000;0.133695652173913048788023161251;0.164130434782608691790528609999
-0.029924242424242422644375949403;0.182196969696969690577503797613;0.054924242424242424032154730185;0.000378787878787878787550241766;0.023863636363636364645657295114;0.266287878787878795616705929206;0.027272727272727271402574800163;0.010227272727272727209646419055;0.045075757575757574580066489034;0.032954545454545451643735276548;0.174621212121212121548552431705;0.152272727272727281810915656024
-0.025000000000000001387778780781;0.128703703703703709049221970417;0.151388888888888878403449211874;0.004166666666666666608842550801;0.048611111111111111882099322656;0.077777777777777779011358916250;0.062037037037037036368847253698;0.036111111111111107718762980312;0.117129629629629625209297216770;0.077777777777777779011358916250;0.099074074074074078288809630521;0.172222222222222220988641083750
-0.002991452991452991667237215623;0.211538461538461536326494183413;0.111965811965811970485340509640;0.001282051282051282050170049054;0.052564102564102564707493314700;0.096581196581196585015938183005;0.047863247863247866675795449964;0.016239316239316240603196561665;0.059829059829059831610020836479;0.033760683760683758702914047944;0.090598290598290595609931585841;0.274786324786324809288373671734
-0.015350877192982455288206011801;0.155701754385964924454199831416;0.114473684210526310822686468782;0.018421052631578945651957823770;0.059649122807017541936236426636;0.093859649122807017884717595280;0.051315789473684210453274801012;0.026754385964912280604366401349;0.079824561403508770274228822927;0.067543859649122808819221575050;0.099122807017543862473374360889;0.217982456140350888684764640857
-0.000892857142857142829263372708;0.168750000000000011102230246252;0.161011904761904772742653335627;0.000595238095238095291789059971;0.045238095238095236971798129844;0.078273809523809523280846178750;0.051190476190476189022326991562;0.022619047619047618485899064922;0.061309523809523806814336666093;0.044047619047619050725028699844;0.072321428571428578169211220938;0.293750000000000011102230246252
-0.048263888888888890893458238907;0.094097222222222220988641083750;0.094444444444444441977282167500;0.041319444444444443365060948281;0.059027777777777776235801354687;0.084027777777777784562474039376;0.020138888888888890199568848516;0.069791666666666668517038374375;0.111805555555555560798275394063;0.088194444444444450303954852188;0.087499999999999994448884876874;0.201388888888888895056794581251
-0.028030303030303030387138107926;0.081439393939393936450166222585;0.092803030303030303871381079261;0.058712121212121215485524317046;0.004545454545454545233762466694;0.220833333333333325931846502499;0.012121212121212121201607736509;0.125378787878787867349217322044;0.057575757575757578743402831378;0.084848484848484853615424583495;0.140530303030303033162695669489;0.093181818181818185098386209120
-0.067283950617283955208947077153;0.057407407407407406996213694583;0.083333333333333328707404064062;0.203703703703703692395876601040;0.048148148148148148250946576354;0.070987654320987650380381239756;0.036419753086419752452496112483;0.024691358024691356654045648611;0.130246913580246925778993727363;0.085802469135802472699481313612;0.075925925925925924486747931041;0.116049382716049379049572110034
-0.040000000000000000832667268469;0.142499999999999987787546729123;0.092083333333333336478965236438;0.094583333333333338699411285688;0.022499999999999999167332731531;0.134583333333333332593184650250;0.024583333333333332038073137937;0.014999999999999999444888487687;0.096250000000000002220446049250;0.070833333333333331482961625625;0.106666666666666673513041985188;0.160416666666666679619268620627
-0.018217054263565891220055803501;0.103875968992248060573935219963;0.100775193798449611004564019368;0.001550387596899224784685600298;0.067829457364341080860548061082;0.127906976744186051675455928489;0.020542635658914728397084203948;0.007364341085271317727256601415;0.153488372093023267561662237313;0.060852713178294576268356763649;0.104263565891472870239553571992;0.233333333333333337034076748751
-0.024137931034482758285708570156;0.135919540229885060789172257500;0.077586206896551726530653070313;0.002011494252873563190475714180;0.080459770114942527619028567187;0.131609195402298845278821204374;0.018390804597701149170063672500;0.022413793103448275551015100859;0.109770114942528737578264497188;0.072701149425287353578184479375;0.104022988505747121523725695624;0.220977011494252861822928934998
-0.015040650406504065678126025318;0.082926829268292687191710399475;0.059756097560975607319022628872;0.206097560975609744859937677575;0.080081300813008127192915708292;0.109756097560975610094580190434;0.017479674796747966813992292145;0.023170731707317072933793866696;0.085365853658536591797023618255;0.056097560975609757349946704608;0.061788617886178863469748279158;0.202439024390243915707543465032
-0.053061224489795916214873727768;0.095918367346938773754239093705;0.105442176870748305361757957144;0.008843537414965987192294605279;0.078571428571428569842538536250;0.085714285714285715078730731875;0.042517006802721087066476712835;0.061224489795918365930837978794;0.139115646258503394827599208838;0.069727891156462579180796979017;0.087755102040816324038274842678;0.172108843537414957225450962142
-0.005303030303030303350964036468;0.167045454545454552519601065796;0.208712121212121209934409193920;0.003409090909090908925321850020;0.029166666666666667129259593594;0.069696969696969701679734043864;0.141287878787878795616705929206;0.082196969696969698904176482301;0.030303030303030303871381079261;0.029545454545454544886817771498;0.083712121212121209934409193920;0.149621212121212127099667554830
-0.025000000000000001387778780781;0.215942028985507239458030426249;0.099275362318840584818779859688;0.053260869565217389132172343125;0.030797101449275363777013936328;0.103985507246376812640065168125;0.036231884057971015800081460156;0.010869565217391304046135047656;0.073913043478260873064833447188;0.059782608695652175723189714063;0.101449275362318847015785650001;0.189492753623188403544475022500
-0.004609929078014184111733442251;0.220212765957446821030174533007;0.079432624113475180926968732820;0.012765957446808509981317492077;0.056737588652482268125609721210;0.137588652482269507837386868232;0.026950354609929078747443398356;0.005673758865248227332978014914;0.086170212765957446277020892467;0.057446808510638297518013928311;0.100354609929078020247317226676;0.212056737588652483017526151343
-0.029166666666666667129259593594;0.199679487179487191728100015098;0.063461538461538458122390693461;0.000000000000000000000000000000;0.064423076923076916244781386922;0.145512820512820523211061640723;0.036217948717948721115700294604;0.003525641025641025692177743522;0.094551282051282048435325577884;0.042948717948717948789116860553;0.096474358974358978557894772621;0.224038461538461547428724429665
-0.015686274509803921350936661838;0.128758169934640509524115259410;0.109477124183006535584894436397;0.001307189542483660040297910321;0.075816993464052281903597929613;0.106535947712418296862146860349;0.019281045751633987817008630827;0.020261437908496732901442172192;0.131045751633986934381326250332;0.078104575163398692883021112721;0.095098039215686269720606560441;0.218627450980392157298126676324
-0.013953488372093023062170402682;0.150387596899224817992291036717;0.109689922480620150047059269127;0.000000000000000000000000000000;0.077519379844961239234280014898;0.101162790697674420670182371396;0.037596899224806204498072759179;0.013953488372093023062170402682;0.109689922480620150047059269127;0.046899224806201553206186360967;0.080232558139534879138032863466;0.258914728682170525164707441945
-0.038775510204081632681383240424;0.084353741496598633187176119463;0.090476190476190473943596259687;0.003061224489795918209805725141;0.088435374149659864984052148884;0.098299319727891160125565761518;0.019047619047619049337249919063;0.031972789115646257918079697902;0.167006802721088448704378492948;0.076530612244897960882994425447;0.094217687074829928328689732098;0.207823129251700683406411940268
-0.057843137254901963451025892482;0.092156862745098044875646792207;0.083823529411764699514897358767;0.002450980392156862711083853412;0.133823529411764702290454920330;0.073039215686274513994469259615;0.018627450980392156604237285933;0.020588235294117646773104368663;0.172549019607843134860303280220;0.075490196078431368031935733143;0.063725490196078427018733236764;0.205882352941176460792149782719
-0.033870967741935487094195877944;0.160752688172043023406843076373;0.100000000000000005551115123126;0.000000000000000000000000000000;0.084408602150537637154315007137;0.107526881720430109168340493397;0.053763440860215054584170246699;0.041935483870967744934876719753;0.089784946236559137755506299072;0.041935483870967744934876719753;0.078494623655913975390774339758;0.207526881720430100841667808709
-0.028248587570621468828546696272;0.192090395480225994973011438560;0.109039548022598867249577381244;0.001694915254237288086344714877;0.068926553672316384635543329296;0.103389830508474570014421090036;0.046892655367231639296221601398;0.014689265536723164137788977257;0.063559322033898302262144852648;0.049152542372881358190284117882;0.087005649717514121910255653347;0.235310734463276827188593642859
-0.013793103448275861877547754375;0.143965517241379320489969018126;0.094540229885057475156528994376;0.032758620689655175428622868594;0.080747126436781613278981240001;0.110344827586206895020382035000;0.024712643678160919197273059922;0.027011494252873562843531018984;0.104022988505747121523725695624;0.062068965517241378448964894687;0.079022988505747127074840818750;0.227011494252873563537420409375
-0.026666666666666668378260496297;0.128888888888888886175010384250;0.080740740740740737924063807895;0.017407407407407406163546426114;0.080370370370370369794699172417;0.094444444444444441977282167500;0.034074074074074076068363581271;0.037407407407407410049327012302;0.112962962962962959467816403958;0.068518518518518520266091798021;0.075555555555555556357383295563;0.242962962962962963908708502458
-0.005416666666666666851703837438;0.186249999999999998889776975375;0.065833333333333327042069527124;0.000000000000000000000000000000;0.119166666666666670737484423626;0.108749999999999999444888487687;0.013750000000000000069388939039;0.000416666666666666693410320255;0.085000000000000006106226635438;0.033750000000000002220446049250;0.058749999999999996669330926125;0.322916666666666685170383743753
-0.054273504273504274975081784760;0.100854700854700857215462406202;0.100427350427350431383288764664;0.012393162393162392501122504029;0.049145299145299144172316374579;0.115811965811965816852691091299;0.020512820512820512802720784862;0.032478632478632481206393123330;0.133333333333333331482961625625;0.118803418803418797677906582066;0.106837606837606832743681195552;0.155128205128205132190544190962
-0.027083333333333334258519187188;0.154166666666666674068153497501;0.082083333333333327597181039437;0.025416666666666667268037471672;0.071666666666666670182372911313;0.111250000000000001665334536938;0.025000000000000001387778780781;0.028333333333333331899295259859;0.100833333333333330372738601000;0.093750000000000000000000000000;0.085000000000000006106226635438;0.195416666666666655194362078873
-0.039837398373983742838611021853;0.089430894308943090220687111014;0.144715447154471543722564774725;0.069105691056910570346794031593;0.035365853658536582082572152785;0.053658536585365852744633485827;0.020325203252032519873893079421;0.090243902439024387129862248003;0.096747967479674790158838959542;0.117479674796747965426213511364;0.095121951219512196340488685564;0.147967479674796759114840938309
-0.070454545454545450255956495766;0.105303030303030301095823517699;0.105681818181818182322828647557;0.016287878787878788677812025298;0.040151515151515153323469320412;0.070075757575757569028951365908;0.035606060606060606354983377742;0.059469696969696971000640672855;0.123484848484848488969767288381;0.102651515151515146384575416505;0.098106060606060599416089473834;0.172727272727272729291314590228
-0.014285714285714285268213963320;0.160884353741496594070170544910;0.173129251700680275583010825358;0.033673469387755103343629059509;0.031972789115646257918079697902;0.078571428571428569842538536250;0.041156462585034012113816004330;0.030952380952380953438307642500;0.060884353741496595457949325692;0.071088435374149661072351591429;0.113945578231292518611716957366;0.189455782312925175014939327411
-0.013690476190476190410105772344;0.266964285714285709527615608749;0.072916666666666671292595935938;0.000000000000000000000000000000;0.041964285714285710915394389531;0.133333333333333331482961625625;0.035416666666666665741480812812;0.002678571428571428596210335371;0.058333333333333334258519187188;0.059226190476190473943596259687;0.101785714285714284921269268125;0.213690476190476180695654306874
-0.011363636363636363951767904723;0.153787878787878778963360559828;0.126893939393939392257237841477;0.000000000000000000000000000000;0.066666666666666665741480812812;0.088257575757575756902895136591;0.068939393939393939225723784148;0.026893939393939393645016622258;0.095075757575757577355624050597;0.060227272727272726515757028665;0.094696969696969696128618920739;0.207196969696969685026388674487
-0.025308641975308642652064960998;0.163271604938271613916001001598;0.090740740740740746805848004897;0.000308641975308641969017592332;0.038271604938271606977107097691;0.174382716049382713308091297222;0.034259259259259260133045899011;0.025308641975308642652064960998;0.064814814814814811216869827604;0.067283950617283955208947077153;0.149999999999999994448884876874;0.166049382716049381825129671597
-0.012264150943396227161352740609;0.165723270440251563284661528996;0.046226415094339619316077261146;0.000000000000000000000000000000;0.029245283018867924973438476854;0.297798742138364769260761022451;0.016981132075471697812085736246;0.003773584905660377387948134498;0.061949685534591195090747817176;0.027044025157232705336429745557;0.187735849056603787410324457596;0.151257861635220119955747009044
-0.007000000000000000145716771982;0.140666666666666662077744831549;0.132333333333333330594783205925;0.034666666666666665075346998037;0.067666666666666666629659232512;0.091333333333333335812831421663;0.061666666666666668239482618219;0.019333333333333334314030338419;0.093666666666666661966722529087;0.048666666666666663632057066025;0.084000000000000005218048215738;0.219000000000000000222044604925
-0.004901960784313725422167706824;0.234313725490196078649063338162;0.184640522875817003622955780884;0.002941176470588235253300624095;0.041503267973856207417870933796;0.053594771241830062302735626645;0.095751633986928111341718761196;0.012091503267973856619588168826;0.045424836601307187755605099255;0.051633986928104572133868543915;0.067647058823529407356467402224;0.205555555555555546920487586249
-0.015229885057471264156458978789;0.135632183908045989007007392502;0.110344827586206895020382035000;0.002298850574712643646257959062;0.043390804597701150557842453281;0.146551724137931022040604034373;0.031896551724137932326552657969;0.019540229885057470993192652031;0.098850574712643676789092239687;0.067816091954022994503503696251;0.112643678160919538666639994062;0.215804597701149430966083286876
-0.055277777777777779844026184719;0.110833333333333339254522798001;0.087499999999999994448884876874;0.002777777777777777883788656865;0.117222222222222227649979231501;0.104999999999999996114219413812;0.038333333333333330372738601000;0.012222222222222222862142437805;0.173611111111111104943205418749;0.048333333333333332315628894094;0.074722222222222217657972009874;0.174166666666666664076146275875
-0.016346153846153847061239972049;0.164102564102564102421766278894;0.121153846153846153632649418341;0.000000000000000000000000000000;0.084615384615384620081712796491;0.073076923076923080979661051515;0.059935897435897438068064246863;0.021474358974358974394558430276;0.116025641025641029768777912068;0.051602564102564099646208717331;0.062179487179487180625869768846;0.229487179487179476788938359277
-0.009333333333333334105863521302;0.243333333333333345915860945752;0.090666666666666673179975077801;0.012666666666666666352103476356;0.038333333333333330372738601000;0.123999999999999999111821580300;0.038999999999999999944488848769;0.028666666666666666685170383744;0.070666666666666669294194491613;0.061333333333333329984160542381;0.088333333333333333148296162562;0.193666666666666653640049844398
-0.044242424242424242819549107253;0.092121212121212117662771845517;0.160909090909090918275481385535;0.056666666666666663798590519718;0.023030303030303029415692961379;0.089999999999999996669330926125;0.016969696969696971416974307090;0.072727272727272723740199467102;0.086969696969696974608865502887;0.121818181818181811570944717005;0.113030303030303036493364743365;0.121515151515151520467128420933
-0.022727272727272727903535809446;0.126515151515151524908020519433;0.116666666666666668517038374375;0.000378787878787878787550241766;0.089393939393939400583910526166;0.080681818181818187873943770683;0.035984848484848487581988507600;0.022727272727272727903535809446;0.135227272727272723740199467102;0.070833333333333331482961625625;0.085984848484848483418652165255;0.212878787878787889553677814547
-0.000303030303030303030040193413;0.149090909090909079504072565214;0.040303030303030305814271372356;0.000000000000000000000000000000;0.060909090909090905785472358502;0.197272727272727266267793311272;0.008787878787878787220644305478;0.008181818181818182461606525635;0.108787878787878794506482904580;0.046666666666666668794594130532;0.083939393939393938670612271835;0.295757575757575774666463530593
-0.007037037037037036958653235530;0.270370370370370372015145221667;0.076296296296296292616112566520;0.011851851851851851263330850372;0.035925925925925923654080662573;0.140370370370370367574253123166;0.054074074074074073015250263552;0.002592592592592592518063732143;0.057037037037037038866849059104;0.052222222222222225429533182250;0.092592592592592587452671182291;0.199629629629629629095077802958
-0.004802259887005650047797633562;0.200000000000000011102230246252;0.050564971751412432499073190684;0.011299435028248587531418678509;0.063276836158192087400387038088;0.167231638418079087138323757245;0.019209039548022600191190534247;0.002824858757062146882854669627;0.077683615819209045350035580668;0.046892655367231639296221601398;0.119774011299435031996374334540;0.236440677966101686635624901101
-0.002830188679245282824120666376;0.178930817610062881106713916779;0.067924528301886791248342944982;0.000943396226415094346987033624;0.121383647798742139167771370012;0.099056603773584911420968523998;0.027358490566037736713145278600;0.001572327044025157317258534206;0.136792452830188676626832489092;0.045911949685534587939361728104;0.051257861635220128282419693733;0.266037735849056600212492185165
-0.022916666666666665047591422422;0.165972222222222215437525960624;0.067013888888888886730121896562;0.003819444444444444319158860068;0.081944444444444444752839729063;0.105902777777777776235801354687;0.022916666666666665047591422422;0.009027777777777776929690745078;0.089930555555555555247160270937;0.047916666666666669904817155157;0.076041666666666660190365689687;0.306597222222222243193101576253
-0.016959064327485378481652489313;0.196198830409356733683878815100;0.094152046783625736869893785297;0.022514619883040935116591541032;0.021052631578947367946286206575;0.154385964912280709837588688060;0.033625730994152044917022692516;0.045614035087719301264641558191;0.050292397660818714821839847673;0.063742690058479531400870143898;0.123391812865497080276000474441;0.178070175438596489669862421579
-0.006388888888888889262818171488;0.192500000000000004440892098501;0.098888888888888887285233408875;0.044444444444444446140618509844;0.055833333333333332038073137937;0.102222222222222228205090743813;0.044166666666666666574148081281;0.009444444444444444544672911945;0.071111111111111111049432054187;0.053055555555555557190050564031;0.095277777777777780676693453188;0.226666666666666655194362078873
-0.149999999999999994448884876874;0.075617283950617286691908702778;0.080246913580246909125648357985;0.164814814814814802890197142915;0.034259259259259260133045899011;0.097530864197530861559037873576;0.034259259259259260133045899011;0.039197530864197534239412590296;0.069135802469135795855770254548;0.074691358024691359429603210174;0.110493827160493829353526962223;0.069753086419753085323236518889
-0.143749999999999988897769753748;0.098611111111111107718762980312;0.039583333333333331482961625625;0.070486111111111110494320541875;0.030555555555555554553270880547;0.107291666666666660190365689687;0.013888888888888888117900677344;0.240625000000000005551115123126;0.030555555555555554553270880547;0.035069444444444444752839729063;0.077777777777777779011358916250;0.111805555555555560798275394063
-0.015804597701149426802746944531;0.102298850574712649197373082188;0.119252873563218383945461198437;0.242816091954022983401273449999;0.041666666666666664353702032031;0.059482758620689656081648166719;0.038218390804597698884315093437;0.020977011494252875006827352422;0.058045977011494255537460418282;0.073275862068965511020302017187;0.102586206896551720979537947187;0.125574712643678171319905345626
-0.045402298850574715483041643438;0.135919540229885060789172257500;0.097126436781609190584951818437;0.034770114942528733414928154843;0.072126436781609196136066941563;0.080747126436781613278981240001;0.037643678160919541442197555625;0.046551724137931037306170622969;0.119252873563218383945461198437;0.064942528735632179537340391562;0.068678160919540223727786099062;0.196839080459770110476114268749
-0.019491525423728815052948348807;0.122316384180790965752194665583;0.134463276836158190929992883866;0.024576271186440679095142058941;0.073163841807909607561910547702;0.061299435028248590306976240072;0.051977401129943499868968359579;0.042655367231638416369854382992;0.096610169491525427210021348401;0.063559322033898302262144852648;0.102259887005649724445177639609;0.207627118644067798491903431568
-0.014444444444444443781394582516;0.150277777777777787893143113251;0.102499999999999993893773364562;0.002222222222222222220294751693;0.052777777777777777623580135469;0.129166666666666679619268620627;0.050000000000000002775557561563;0.021388888888888887840344921187;0.098888888888888887285233408875;0.050277777777777775403134086218;0.109444444444444441422170655187;0.218611111111111117155658689626
-0.071726190476190471168038698124;0.167261904761904750538192843123;0.077083333333333337034076748751;0.000000000000000000000000000000;0.068750000000000005551115123126;0.127083333333333325931846502499;0.046130952380952383595769106250;0.028273809523809523974735569141;0.062797619047619046561692357500;0.040773809523809524668624959531;0.113690476190476189022326991562;0.196428571428571424606346340624
-0.010638297872340425273551822727;0.143617021276595757672822628592;0.079078014184397166230766629269;0.000354609929078014208311125932;0.093971631205673755715679362766;0.120921985815602830993675809168;0.034042553191489362263144613507;0.056028368794326238733205514109;0.112765957446808506858815235319;0.040425531914893619855888573511;0.074468085106382975180139283111;0.233687943262411351730278852301
-0.015819209039548021850096759522;0.135310734463276849393054135362;0.103954802259886999737936719157;0.001412429378531073441427334814;0.074576271186440681870699620504;0.093220338983050848868927573676;0.035028248587570622041287293769;0.014124293785310734414273348136;0.140677966101694917888664804195;0.064689265536723161709176110890;0.097175141242937856933536977522;0.224011299435028260473856676072
-0.011818181818181817954727108599;0.186666666666666675178376522126;0.073030303030303028721803570988;0.107272727272727269598462385147;0.072727272727272723740199467102;0.089090909090909095602306422279;0.026969696969696969890417648230;0.007272727272727272720964641906;0.096363636363636359649653684301;0.051818181818181818787394377068;0.051212121212121208824186169295;0.225757575757575768005125382842
-0.011988304093567251143448437745;0.209941520467836262309191397435;0.069590643274853800082091481727;0.009064327485380116802837768830;0.050292397660818714821839847673;0.129532163742690054064610194473;0.015497076023391813046070630833;0.022222222222222223070309254922;0.073684210526315782607831295081;0.071345029239766086237573006201;0.077192982456140354918794344030;0.259649122807017518343997153352
-0.036309523809523812365451789219;0.136011904761904750538192843123;0.070535714285714284921269268125;0.046726190476190476719153821250;0.016369047619047619873677845703;0.217857142857142860314922927500;0.008630952380952381514100935078;0.040773809523809524668624959531;0.076785714285714290472384391251;0.084821428571428575393653659376;0.128273809523809512178615932498;0.136904761904761917978845531252
-0.035034013605442178296289768014;0.146938775510204094887356518484;0.115986394557823127571261068169;0.095238095238095232808461787499;0.062244897959183670410610034196;0.063265306122448974890382089598;0.059523809523809520505288617187;0.026530612244897958107436863884;0.078571428571428569842538536250;0.065306122448979597727714008215;0.081972789115646260693637259465;0.169387755102040821197917352947
-0.008653846153846154326538808732;0.112179487179487183401427330409;0.028525641025641024911552179333;0.128846153846153832489562773844;0.027564102564102563319714533918;0.248397435897435903129348844232;0.006410256410256410034009810772;0.006730769230769231142863517903;0.072115384615384608979482550239;0.055448717948717946013559298990;0.135897435897435886476003474854;0.169230769230769240163425592982
-0.009356725146198830583843530917;0.122222222222222218213083522187;0.053801169590643273255015088807;0.002631578947368420993285775822;0.077777777777777779011358916250;0.208187134502923976153709872960;0.009064327485380116802837768830;0.003801169590643274816266217186;0.134502923976608179668090770065;0.045614035087719301264641558191;0.076608187134502930826229771810;0.256432748538011678895998102234
-0.009615384615384615918376454147;0.133012820512820512108831394471;0.100000000000000005551115123126;0.001602564102564102508502452693;0.104166666666666671292595935938;0.088141025641025647074933146996;0.031730769230769229061195346731;0.011538461538461539102051744976;0.142628205128205121088313944711;0.065064102564102568870829657044;0.073397435897435900353791282669;0.239102564102564113523996525146
-0.010057471264367815952378570898;0.174999999999999988897769753748;0.121264367816091955809554292500;0.003735632183908045925169183477;0.042816091954022986176831011562;0.113218390804597696108757531874;0.025862068965517241020402039453;0.019540229885057470993192652031;0.085632183908045972353662023124;0.083908045977011500027309409688;0.098850574712643676789092239687;0.220114942528735618720858724373
-0.000909090909090909090120580238;0.158484848484848478422648554442;0.065454545454545459692852205080;0.000000000000000000000000000000;0.056666666666666663798590519718;0.210303030303030297210042931511;0.025454545454545455390737984658;0.005757575757575757353923240345;0.091818181818181812681167741630;0.040000000000000000832667268469;0.096363636363636359649653684301;0.248787878787878780073583584453
-0.014942528735632183700676733906;0.138793103448275861877547754375;0.153160919540229895075000854376;0.000000000000000000000000000000;0.049137931034482759673487350938;0.073275862068965511020302017187;0.053448275862068968244944500157;0.037643678160919541442197555625;0.105747126436781607727866116875;0.070114942528735638149761655313;0.093678160919540232054458783750;0.210057471264367828789332293127
-0.023333333333333334397297065266;0.108888888888888882289229798062;0.120277777777777775125578330062;0.079444444444444442532393679812;0.059444444444444445585506997531;0.091666666666666660190365689687;0.022499999999999999167332731531;0.045833333333333330095182844843;0.083611111111111108273874492625;0.068333333333333329262515576374;0.096944444444444444197728216750;0.199722222222222217657972009874
-0.013742690058479532094759534289;0.143859649122807020660275156843;0.118128654970760235687343708832;0.047076023391812868434946892648;0.054093567251461985301297374917;0.093567251461988298899541405262;0.030701754385964910576412023602;0.021345029239766083462015444638;0.083040935672514623600015681859;0.066959064327485384726657002830;0.094152046783625736869893785297;0.233333333333333337034076748751
-0.014999999999999999444888487687;0.121388888888888893391460044313;0.110555555555555559688052369438;0.000000000000000000000000000000;0.101666666666666669072149886688;0.083611111111111108273874492625;0.033611111111111112437210834969;0.008888888888888888881179006773;0.140000000000000013322676295502;0.054166666666666668517038374375;0.075555555555555556357383295563;0.255555555555555535818257339997
-0.018518518518518517490534236458;0.164074074074074066631467871957;0.120370370370370363688472536978;0.000000000000000000000000000000;0.064074074074074074958140556646;0.078518518518518515270088187208;0.035555555555555555524716027094;0.022222222222222223070309254922;0.115185185185185182121792024645;0.057037037037037038866849059104;0.078518518518518515270088187208;0.245925925925925936699201201918
-0.024722222222222221821308352219;0.136666666666666658525031152749;0.144722222222222224319310157625;0.002777777777777777883788656865;0.046111111111111109661653273406;0.100833333333333330372738601000;0.036388888888888887285233408875;0.041388888888888891726125507375;0.081944444444444444752839729063;0.071944444444444449748843339876;0.109166666666666661855700226624;0.203333333333333338144299773376
-0.011111111111111111535154627461;0.194444444444444447528397290625;0.087426900584795325110931685231;0.012280701754385964924454199831;0.087426900584795325110931685231;0.117543859649122811594779136612;0.036842105263157891303915647541;0.009356725146198830583843530917;0.091812865497076026621847688602;0.071345029239766086237573006201;0.102923976608187139891725792040;0.177485380116959051699510041544
-0.005228758169934640161191641283;0.180065359477124181664109414669;0.118954248366013065618673749668;0.000000000000000000000000000000;0.090849673202614375511210198511;0.096405228758169939085043154137;0.054575163398692810856616119963;0.012418300653594770491250365296;0.087908496732026150666250430277;0.042156862745098042100089230644;0.084967320261437911943502854228;0.226470588235294117973595007243
-0.004402515723270440141379200583;0.147169811320754712058445079492;0.114465408805031448880029643078;0.000628930817610062861851283333;0.054402515723270442049575024157;0.094339622641509440770235528362;0.032704402515723270117309340321;0.025786163522012579829567613388;0.082075471698113203200541931892;0.052830188679245285165997358945;0.111320754716981135112874312654;0.279874213836477980787975639032
-0.009615384615384615918376454147;0.160256410256410269932203505050;0.060256410256410257442194478017;0.027884615384615386163291717025;0.069230769230769234612310469856;0.130448717948717957115789545242;0.014743589743589743251694912374;0.015384615384615385469402326635;0.097756410256410256054415697236;0.056410256410256411074843896358;0.081410256410256412462622677140;0.276602564102564119075111648272
-0.033974358974358971619000868714;0.084615384615384620081712796491;0.076602564102564107972881402020;0.283012820512820506557716271345;0.036858974358974359863960756911;0.078205128205128204843532557788;0.052564102564102564707493314700;0.040384615384615386857181107416;0.075320512820512816598572669591;0.096153846153846159183764541467;0.083653846153846148081534295216;0.058653846153846153632649418341
-0.027469135802469134971515174470;0.159259259259259267071939802918;0.169444444444444453079512413751;0.014814814814814815380206169948;0.035185185185185187395351391615;0.065740740740740738479175320208;0.116666666666666668517038374375;0.059567901234567899315663908055;0.058950617283950616787091547621;0.053703703703703704885885628073;0.082716049382716053117725607535;0.156481481481481471407235517290
-0.018859649122807017190828204889;0.097807017543859647856763217533;0.085087719298245614862885588536;0.035526315789473683626198408092;0.080263157894736841813099204046;0.143859649122807020660275156843;0.014473684210526315679912201517;0.009649122807017544364849293004;0.121052631578947370027954377747;0.066666666666666665741480812812;0.091666666666666660190365689687;0.235087719298245623189558273225
-0.031818181818181814901613790880;0.124545454545454542527593844170;0.085454545454545449700844983454;0.105151515151515148605021465755;0.053636363636363634799231192574;0.081818181818181817677171352443;0.015757575757575758429451795450;0.020303030303030301928490786167;0.109696969696969695573507408426;0.089090909090909095602306422279;0.088787878787878790620702318392;0.193939393939393939225723784148
-0.025000000000000001387778780781;0.141111111111111103832982394124;0.092222222222222219323306546812;0.063888888888888883954564334999;0.073888888888888892836348532001;0.085000000000000006106226635438;0.029999999999999998889776975375;0.014444444444444443781394582516;0.101388888888888889505679458125;0.071111111111111111049432054187;0.065277777777777781786916477813;0.236666666666666664076146275875
-0.021726190476190475331375040469;0.191071428571428558740308289998;0.078273809523809523280846178750;0.000892857142857142829263372708;0.052976190476190475331375040469;0.120535714285714287696826829688;0.037202380952380952050528861719;0.005357142857142857192420670742;0.107440476190476197348999676251;0.051488095238095235584019349062;0.088988095238095241135134472188;0.244047619047619041010577234374
-0.051851851851851850361274642864;0.101234567901234570608259843993;0.104629629629629627984854778333;0.084259259259259255969709556666;0.076234567901234562281587159305;0.060185185185185181844236268489;0.025617283950617283916351141215;0.031172839506172840551290192934;0.127469135802469130114289441735;0.096913580246913585969359417049;0.073765432098765432167297717569;0.166666666666666657414808128124
-0.007692307692307692734701163317;0.138141025641025649850490708559;0.109294871794871795156467442212;0.117948717948717946013559298990;0.051602564102564099646208717331;0.113782051282051280272078486178;0.052884615384615384081623545853;0.027564102564102563319714533918;0.066025641025641026993220350505;0.085576923076923078204103489952;0.099358974358974352925066853004;0.130128205128205137741659314088
-0.064197530864197535627191371077;0.137037037037037040532183596042;0.125308641975308637794839228263;0.001543209876543209790877853038;0.058024691358024689524786055017;0.057407407407407406996213694583;0.066049382716049376274014548471;0.101851851851851846197938300520;0.101851851851851846197938300520;0.042592592592592591616007524635;0.067283950617283955208947077153;0.176851851851851843422380738957
-0.059999999999999997779553950750;0.190000000000000002220446049250;0.091666666666666660190365689687;0.000277777777777777777536843962;0.058611111111111113824989615750;0.097777777777777782897139502438;0.031944444444444441977282167500;0.005555555555555555767577313730;0.095555555555555560243163881751;0.043055555555555555247160270937;0.074999999999999997224442438437;0.250555555555555531377365241497
-0.018611111111111109522875395328;0.196944444444444449748843339876;0.096111111111111105498316931062;0.008611111111111111049432054187;0.063888888888888883954564334999;0.098611111111111107718762980312;0.044999999999999998334665463062;0.023611111111111110494320541875;0.068333333333333329262515576374;0.069444444444444447528397290625;0.075833333333333335923853724125;0.234999999999999986677323704498
-0.054022988505747125687062037969;0.091379310344827588408200824688;0.131321839080459773496656339375;0.120689655172413798367436754688;0.039655172413793106367396745782;0.058333333333333334258519187188;0.030747126436781610503423678438;0.058333333333333334258519187188;0.077011494252873569088535532501;0.083908045977011500027309409688;0.089655172413793102204060403437;0.164942528735632171210667706873
-0.026900584795321636627507544404;0.147368421052631565215662590163;0.054970760233918128379038137155;0.115789473684210525439297612138;0.040058479532163744629702506472;0.181578947368421061980825470528;0.030409356725146198530129737492;0.006432748538011696243232862003;0.072807017543859653407878340658;0.044152046783625734094336223734;0.145321637426900573952792683485;0.134210526315789474560702387862
-0.031547619047619046561692357500;0.122619047619047613628673332187;0.122619047619047613628673332187;0.001488095238095238012632215430;0.095535714285714279370154144999;0.068154761904761898549942600312;0.051785714285714289084605610469;0.023214285714285715078730731875;0.144047619047619035459462111248;0.055952380952380954826086423282;0.081845238095238095898942276563;0.201190476190476197348999676251
-0.006214689265536723489224968375;0.162146892655367219626683095157;0.094632768361581923177716646478;0.002259887005649717593019909501;0.053389830508474574177757432381;0.128531073446327692710866585912;0.034180790960451977456013850087;0.013841807909604519552515533576;0.085593220338983047601466580545;0.056214689265536722795335577985;0.097457627118644071795294792082;0.265536723163841803518891993008
-0.020833333333333332176851016015;0.141666666666666662965923251249;0.054166666666666668517038374375;0.035227272727272725127978247883;0.024621212121212120160773650923;0.222348484848484850839867021932;0.007954545454545453725403447720;0.036363636363636361870099733551;0.065909090909090903287470553096;0.069696969696969701679734043864;0.153409090909090911614143237784;0.167803030303030314973611325513
-0.009782608695652174682355628477;0.119202898550724634141317892500;0.114130434782608689014971048437;0.000362318840579710149327197222;0.055434782608695651329178133437;0.124275362318840579267664736562;0.028985507246376811946175777734;0.032971014492753622504572774687;0.106521739130434778264344686249;0.063043478260869562079804495625;0.105434782608695654104735695000;0.239855072463768109747306311874
-0.057986111111111113269878103438;0.089930555555555555247160270937;0.102083333333333331482961625625;0.013194444444444444405895033867;0.097222222222222223764198645313;0.073263888888888892281237019688;0.027777777777777776235801354687;0.031597222222222220988641083750;0.164236111111111110494320541875;0.104861111111111113269878103438;0.069791666666666668517038374375;0.168055555555555569124948078752
-0.011635220125786162673198198547;0.150628930817610057202315942959;0.116352201257861637140322841333;0.000000000000000000000000000000;0.058490566037735849946876953709;0.102830188679245287941554920508;0.057861635220125787193445887624;0.020754716981132074332672132755;0.090566037735849050371861324038;0.050000000000000002775557561563;0.098113207547169817290821924871;0.242767295597484278335542740024
-0.008888888888888888881179006773;0.172777777777777780121581940875;0.107222222222222218768195034500;0.006944444444444444058950338672;0.059444444444444445585506997531;0.108888888888888882289229798062;0.048055555555555552749158465531;0.014999999999999999444888487687;0.083888888888888887840344921187;0.061388888888888888673012189656;0.098055555555555562463609931001;0.229444444444444450859066364501
-0.003000000000000000062450045135;0.166666666666666657414808128124;0.060333333333333336034876026588;0.092333333333333336701009841363;0.100666666666666668183971466988;0.108999999999999999666933092612;0.018666666666666668211727042603;0.003666666666666666598434209945;0.110666666666666663187967856175;0.056000000000000001165734175856;0.048333333333333332315628894094;0.230666666666666658747075757674
-0.010909090909090909948808700847;0.114545454545454547523597454983;0.028787878787878789371701415689;0.066666666666666665741480812812;0.087272727272727279590469606774;0.188181818181818172330821425930;0.008484848484848485708487153545;0.024545454545454543915372624951;0.111212121212121206603740120045;0.040909090909090908838585676222;0.077575757575757575690289513659;0.240909090909090906063028114659
-0.021052631578947367946286206575;0.160087719298245612087328026973;0.047807017543859652020099559877;0.102631578947368420906549602023;0.040789473684210528214855173701;0.208771929824561414124062252995;0.026315789473684209065496020230;0.014912280701754385484059106659;0.059649122807017541936236426636;0.045175438596491229725771177073;0.123245614035087713844518475526;0.149561403508771922910014495756
-0.016319444444444445446729119453;0.173263888888888883954564334999;0.055555555555555552471602709375;0.156597222222222220988641083750;0.034027777777777774848022573906;0.127430555555555546920487586249;0.018055555555555553859381490156;0.008333333333333333217685101602;0.052083333333333335646297967969;0.056597222222222222376419864531;0.097916666666666665741480812812;0.203819444444444441977282167500
-0.010333333333333333259318465025;0.070000000000000006661338147751;0.015666666666666665547191783503;0.105666666666666672624863565488;0.220666666666666677620867176302;0.123333333333333336478965236438;0.007666666666666666248020067798;0.000000000000000000000000000000;0.204333333333333339032478193076;0.022333333333333333509118645566;0.033333333333333332870740406406;0.186666666666666675178376522126
-0.008771929824561403021832006743;0.069298245614035081096915291710;0.055263157894736840425320423265;0.357602339181286532632242369800;0.047953216374269004573793750978;0.091812865497076026621847688602;0.036549707602339179257633361431;0.050292397660818714821839847673;0.066959064327485384726657002830;0.060233918128654972967694902763;0.080409356725146194366793395147;0.074853801169590644670748247336
-0.018018018018018017861736623786;0.135135135135135142636642058278;0.134684684684684696787115854022;0.038738738738738738576206088737;0.041441441441441441428938929903;0.076576576576576571575571961148;0.036936936936936934361419559991;0.018468468468468467180709779996;0.098198198198198194397434690472;0.105855855855855857106107009713;0.103603603603603600102900372804;0.192342342342342348393557927011
-0.015686274509803921350936661838;0.191503267973856222683437522392;0.041503267973856207417870933796;0.095751633986928111341718761196;0.033333333333333332870740406406;0.161111111111111121596550788126;0.008823529411764705759901872284;0.011111111111111111535154627461;0.056862745098039214897145399163;0.062418300653594771532084450882;0.094444444444444441977282167500;0.227450980392156859588581596654
-0.012318840579710145510805574531;0.090217391304347832603482970626;0.040217391304347822889031505156;0.419927536231884057649210717500;0.021014492753623187359934831875;0.109420289855072461193685740000;0.016304347826086956069202571484;0.010144927536231883313799784219;0.048913043478260871677054666407;0.065217391304347824276810285937;0.094202898550724639692433015625;0.072101449275362314295101384687
-0.014814814814814815380206169948;0.081851851851851856189945522146;0.058518518518518518323201504927;0.406296296296296322037022719087;0.012962962962962962590318660716;0.117777777777777772905132280812;0.018888888888888889089345823891;0.022222222222222223070309254922;0.044074074074074071072359970458;0.057777777777777775125578330062;0.099259259259259255414598044354;0.065555555555555561353386906376
-0.010233918128654970192137341201;0.152923976608187128789495545789;0.050877192982456138914404419893;0.097076023391812871210504454211;0.033918128654970756963304978626;0.201754385964912269502136155097;0.012865497076023392486465724005;0.006432748538011696243232862003;0.053216374269005849162450516587;0.064912280701754379585999288338;0.126315789473684214616611143356;0.189473684210526321924916715034
-0.020068027210884353817021974464;0.147959183673469385489340766071;0.121768707482993190915898651383;0.118027210884353736530805178973;0.044217687074829932492026074442;0.081292517006802719747859953259;0.031632653061224487445191044799;0.066326530612244902207486063617;0.071088435374149661072351591429;0.080952380952380956213865204063;0.075170068027210878991439813035;0.141496598639455795076713684466
-0.007407407407407407690103084974;0.201851851851851865626841231460;0.079166666666666662965923251249;0.009722222222222222376419864531;0.091666666666666660190365689687;0.097685185185185180456457487708;0.028240740740740739866954100989;0.009722222222222222376419864531;0.108333333333333337034076748751;0.065277777777777781786916477813;0.074537037037037040532183596042;0.226388888888888889505679458125
-0.008333333333333333217685101602;0.129365079365079377327063525627;0.125000000000000000000000000000;0.016269841269841271019780393203;0.039682539682539680336859078125;0.087301587301587296741089971874;0.026587301587301586519584972734;0.009920634920634920084214769531;0.089682539682539683112416639688;0.106349206349206346078339890937;0.170634920634920639326281843751;0.190873015873015861032513384998
-0.037074829931972787255833878817;0.118027210884353736530805178973;0.146598639455782303597786153659;0.046598639455782311924458838348;0.046938775510204082397347491451;0.073129251700680270031895702232;0.059183673469387756971293867991;0.043197278911564628012254019040;0.085034013605442174132953425669;0.063265306122448974890382089598;0.109523809523809523280846178750;0.171428571428571430157461463750
-0.010476190476190475747708674703;0.124761904761904768301761237126;0.130000000000000004440892098501;0.011904761904761904101057723437;0.066666666666666665741480812812;0.084761904761904760530200064750;0.050000000000000002775557561563;0.021428571428571428769682682969;0.072857142857142856429142341312;0.079523809523809524391069203375;0.111904761904761909652172846563;0.235714285714285709527615608749
-0.010975609756097560315568628653;0.200000000000000011102230246252;0.073577235772357724163938996753;0.063008130081300808833510984641;0.040243902439024391293198590347;0.117886178861788620819694983766;0.028455284552845527129560920798;0.010162601626016259936946539710;0.063008130081300808833510984641;0.054065040650406501199221054321;0.071951219512195116467800914961;0.266666666666666662965923251249
-0.013793103448275861877547754375;0.187931034482758607673247297498;0.123850574712643671237977116562;0.007758620689655172306120611836;0.038793103448275863265326535156;0.085057471264367814911544485312;0.078160919540229883972770608125;0.009770114942528735496596326016;0.066379310344827580081528139999;0.054310344827586204408120806875;0.119827586206896555265366544063;0.214367816091954016544107730624
-0.018518518518518517490534236458;0.117129629629629625209297216770;0.161574074074074064411021822707;0.000462962962962962980631442811;0.062037037037037036368847253698;0.056944444444444443365060948281;0.031944444444444441977282167500;0.012037037037037037062736644089;0.095833333333333339809634310313;0.076388888888888895056794581251;0.106944444444444439201724605937;0.260185185185185186007572610833
-0.020614035087719299876862777410;0.196491228070175438791267197303;0.087719298245614030218320067434;0.012719298245614034728601104973;0.052192982456140353531015563249;0.106140350877192979339724843157;0.051754385964912281992145182130;0.018421052631578945651957823770;0.075438596491228068763312819556;0.049561403508771931236687180444;0.087280701754385958679449686315;0.241666666666666668517038374375
-0.017647058823529411519803744568;0.069281045751633990592566192390;0.071241830065359473822539371213;0.247385620915032689026702428237;0.077124183006535951268034523309;0.085620915032679739686827247169;0.029738562091503266404668437417;0.025163398692810458323609879017;0.105228758169934641375498074467;0.066666666666666665741480812812;0.070915032679738559950877174742;0.133986928104575159226286018566
-0.038749999999999999722444243844;0.119999999999999995559107901499;0.020833333333333332176851016015;0.000000000000000000000000000000;0.157500000000000001110223024625;0.149583333333333345915860945752;0.015833333333333334674852821422;0.000833333333333333386820640509;0.227083333333333331482961625625;0.030416666666666668239482618219;0.057083333333333333148296162562;0.182083333333333347026083970377
-0.008518518518518519017090895318;0.204814814814814810661758315291;0.077777777777777779011358916250;0.000000000000000000000000000000;0.048518518518518516380311211833;0.161111111111111121596550788126;0.041481481481481480289019714291;0.004444444444444444440589503387;0.079629629629629633535969901459;0.039629629629629632703302632990;0.110000000000000000555111512313;0.224074074074074064411021822707
-0.000000000000000000000000000000;0.110000000000000000555111512313;0.197083333333333332593184650250;0.000000000000000000000000000000;0.005000000000000000104083408559;0.017083333333333332315628894094;0.438749999999999973354647408996;0.155416666666666675178376522126;0.004166666666666666608842550801;0.005416666666666666851703837438;0.033333333333333332870740406406;0.033750000000000002220446049250
-0.002702702702702702852732841166;0.188738738738738726086197061704;0.110360360360360357234732475717;0.012612612612612612156270941455;0.077027027027027031302885973219;0.092792792792792788691969008141;0.099099099099099099974274906799;0.022522522522522521459809041744;0.060810810810810814186488926225;0.033333333333333332870740406406;0.069369369369369368594213653978;0.230630630630630634181343907585
-0.006666666666666667094565124074;0.165000000000000007771561172376;0.063750000000000001110223024625;0.005416666666666666851703837438;0.052916666666666667406815349750;0.147916666666666668517038374375;0.018333333333333333425851918719;0.005416666666666666851703837438;0.095000000000000001110223024625;0.056666666666666663798590519718;0.089166666666666671847707448251;0.293750000000000011102230246252
-0.010416666666666666088425508008;0.208749999999999991118215802999;0.126666666666666677398822571377;0.031250000000000000000000000000;0.032916666666666663521034763562;0.104999999999999996114219413812;0.039166666666666669072149886688;0.019166666666666665186369300500;0.047500000000000000555111512313;0.058749999999999996669330926125;0.089583333333333334258519187188;0.230833333333333334813630699500
-0.005701754385964912658080194774;0.170614035087719301264641558191;0.129824561403508759171998576676;0.022368421052631579093450397977;0.075877192982456140302183200674;0.084210526315789471785144826299;0.050438596491228067375534038774;0.015350877192982455288206011801;0.064912280701754379585999288338;0.036842105263157891303915647541;0.090789473684210530990412735264;0.253070175438596500772092667830
-0.016666666666666666435370203203;0.206862745098039202407136372130;0.084640522875816998071840657758;0.044771241830065360012280706314;0.046078431372549022437823396103;0.124183006535947715320844508824;0.036928104575163399336812375395;0.007516339869281045936444396460;0.052287581699346406816086840763;0.043464052287581697586738016525;0.109150326797385621713232239927;0.227450980392156859588581596654
-0.006730769230769231142863517903;0.138141025641025649850490708559;0.086538461538461536326494183413;0.109935897435897433904727904519;0.072756410256410261605530820361;0.105448717948717948789116860553;0.037179487179487179238090988065;0.007051282051282051384355487045;0.071794871794871789605352319086;0.043269230769230768163247091707;0.093269230769230770938804653269;0.227884615384615379918287203509
-0.011494252873563218231289795312;0.129310344827586215510351053126;0.071839080459770110476114268749;0.259770114942528718149361566248;0.024137931034482758285708570156;0.110344827586206895020382035000;0.031609195402298853605493889063;0.018390804597701149170063672500;0.050862068965517238938733868281;0.076149425287356325986465321876;0.107471264367816093932006538125;0.108620689655172408816241613749
-0.001315789473684210496642887911;0.213157894736842101757190448552;0.040789473684210528214855173701;0.004824561403508772182424646502;0.012280701754385964924454199831;0.250438596491228071538870381119;0.015350877192982455288206011801;0.004385964912280701510916003372;0.029385964912280702898694784153;0.054385964912280704286473564935;0.219298245614035075545800168584;0.154385964912280709837588688060
-0.000000000000000000000000000000;0.225694444444444447528397290625;0.044444444444444446140618509844;0.000000000000000000000000000000;0.037152777777777777623580135469;0.200000000000000011102230246252;0.012500000000000000693889390391;0.000000000000000000000000000000;0.061458333333333330095182844843;0.042361111111111113269878103438;0.102083333333333331482961625625;0.274305555555555580227178325003
-0.002976190476190476025264430859;0.190476190476190465616923574999;0.069940476190476191797884553125;0.014285714285714285268213963320;0.072023809523809517729731055624;0.126785714285714279370154144999;0.025892857142857144542302805235;0.001785714285714285658526745415;0.082440476190476189022326991562;0.052678571428571428769682682969;0.067857142857142851988250242812;0.292857142857142871417153173752
-0.007309941520467835851526672286;0.173684210526315802036734226022;0.058479532163742686812213378289;0.195321637426900590606138052863;0.036842105263157891303915647541;0.105263157894736836261984080920;0.032163742690058477746717358059;0.004678362573099415291921765458;0.049707602339181283790381371546;0.043859649122807015109160033717;0.105263157894736836261984080920;0.187426900584795330662046808357
-0.013043478260869564508417361992;0.095652173913043481157103542500;0.086231884057971011636745117812;0.319202898550724645243548138751;0.030797101449275363777013936328;0.056521739130434782427681028594;0.039130434782608698729422513907;0.046739130434782609480048876094;0.053985507246376809864507606562;0.054710144927536230596842870000;0.074637681159420293797168710626;0.129347826086956524394011580625
-0.019642857142857142460634634062;0.198809523809523797099885200623;0.080654761904761909652172846563;0.000297619047619047645894529985;0.050595238095238095898942276563;0.162500000000000005551115123126;0.036904761904761905488836504219;0.004761904761904762334312479766;0.077083333333333337034076748751;0.051190476190476189022326991562;0.105059523809523810977673008438;0.212499999999999994448884876874
-0.000000000000000000000000000000;0.159829059829059816344454247883;0.016239316239316240603196561665;0.000000000000000000000000000000;0.050000000000000002775557561563;0.291880341880341898086470564522;0.004700854700854700633783078700;0.000000000000000000000000000000;0.092735042735042738648587601347;0.040170940170940173941094286647;0.112393162393162396317514151178;0.232051282051282059537555824136
-0.004802259887005650047797633562;0.167514124293785315877869379619;0.047175141242937854157979415959;0.011581920903954802393176493069;0.043785310734463275816885641234;0.221468926553672312840248537213;0.012994350282485874967242089895;0.002542372881355932021096855067;0.069491525423728814359058958416;0.059039548022598871412913723589;0.129378531073446323418352221779;0.230225988700564959676952980772
-0.004861111111111111188209932266;0.194791666666666668517038374375;0.063541666666666662965923251249;0.000694444444444444470947164216;0.070138888888888889505679458125;0.175347222222222209886410837498;0.032986111111111111882099322656;0.004861111111111111188209932266;0.067013888888888886730121896562;0.054513888888888889505679458125;0.122222222222222218213083522187;0.209027777777777784562474039376
-0.045528455284552848958412596403;0.059349593495934958864435060377;0.151626016260162588267235150852;0.000000000000000000000000000000;0.089837398373983745614168583415;0.072764227642276427254763859764;0.031300813008130083658908660027;0.044308943089430896655755987013;0.163414634146341469778107580169;0.061382113821138208076266806756;0.110975609756097562397236799825;0.169512195121951231291390627121
-0.012162162162162162837297785245;0.166216216216216211565281923868;0.114414414414414411513831737466;0.001351351351351351426366420583;0.051801801801801800051450186402;0.137837837837837845489374899444;0.047747747747747745772350924653;0.017567567567567568542763467576;0.095945945945945951272015861377;0.062162162162162165612855346808;0.099549549549549545823801111055;0.193243243243243240092610335523
-0.006250000000000000346944695195;0.194583333333333330372738601000;0.137083333333333334813630699500;0.002083333333333333304421275400;0.037499999999999998612221219219;0.103333333333333332593184650250;0.060833333333333336478965236438;0.017916666666666667545593227828;0.067500000000000004440892098501;0.067083333333333328152292551749;0.115833333333333329817627088687;0.190000000000000002220446049250
-0.012745098039215686097636037744;0.128758169934640509524115259410;0.092810457516339872618971185148;0.171241830065359479373654494339;0.046078431372549022437823396103;0.075816993464052281903597929613;0.042156862745098042100089230644;0.029084967320261438661344044476;0.065032679738562096383169830460;0.062745098039215685403746647353;0.081699346405228759349093081710;0.191830065359477136555099718862
-0.010763888888888888811790067734;0.196527777777777773460243793124;0.116319444444444447528397290625;0.032291666666666669904817155157;0.064930555555555560798275394063;0.076041666666666660190365689687;0.046527777777777779011358916250;0.008680555555555555941049661328;0.058680555555555555247160270937;0.051388888888888886730121896562;0.071874999999999994448884876874;0.265972222222222220988641083750
-0.037643678160919541442197555625;0.103735632183908049741560830626;0.109770114942528737578264497188;0.104597701149425292843631041251;0.048275862068965516571417140312;0.073563218390804596680254690000;0.063505747126436778993152643125;0.050000000000000002775557561563;0.093390804597701146394506110937;0.087931034482758615999919982187;0.087068965517241372897849771562;0.140517241379310348081688175625
-0.003658536585365853872203745212;0.155691056910569114446474259239;0.113821138211382108518243683193;0.000406504065040650406151478968;0.074796747967479676466595606144;0.088617886178861793311511974025;0.040243902439024391293198590347;0.007723577235772357933718534895;0.086991869918699185615373892233;0.047560975609756098170244342782;0.088211382113821137918030501623;0.292276422764227661321712048448
-0.003459119496855346011232601455;0.145911949685534586551582947322;0.077358490566037732549808936255;0.018867924528301886072378934500;0.077672955974842763926524469298;0.115094339622641511633460709163;0.030817610062893081857016142067;0.013836477987421384044930405821;0.093710691823899364139016654462;0.052515723270440253789281825902;0.078616352201257858056671068425;0.292138364779874204479881427687
-0.002272727272727272616881233347;0.142424242424242425419933510966;0.090151515151515149160132978068;0.000000000000000000000000000000;0.039393939393939390869459060696;0.130303030303030309422496202387;0.020833333333333332176851016015;0.009469696969696969959806587269;0.072727272727272723740199467102;0.073863636363636367421214856677;0.131818181818181806574941106192;0.286742424242424243097104863409
-0.001550387596899224784685600298;0.268992248062015493204057747789;0.070542635658914734642088717465;0.000000000000000000000000000000;0.039922480620155041675101159626;0.113953488372093028613285525807;0.032170542635658917751673158136;0.017441860465116278827713003352;0.050000000000000002775557561563;0.040310077519379844401825607747;0.104263565891472870239553571992;0.260852713178294559615011394271
-0.000427350427350427350056683018;0.245299145299145288090514327450;0.039743589743589741170026741202;0.000000000000000000000000000000;0.011111111111111111535154627461;0.260683760683760701315492269714;0.024358974358974359170071366520;0.002136752136752136967123849587;0.025213675213675214303865601551;0.022649572649572648902482896460;0.230341880341880328453285642354;0.138034188034188043392447298174
-0.000000000000000000000000000000;0.282478632478632474267499219422;0.105128205128205129414986629399;0.000000000000000000000000000000;0.022222222222222223070309254922;0.143589743589743579210704638172;0.042307692307692310040856398246;0.005555555555555555767577313730;0.038461538461538463673505816587;0.034615384615384617306155234928;0.117948717948717946013559298990;0.207692307692307703836931409569
-0.033660130718954246742402602877;0.110130718954248363328218829338;0.127777777777777767909128669999;0.080392156862745103862444295828;0.043137254901960783715075820055;0.075163398692810454160273536672;0.037581699346405227080136768336;0.032026143790849670445197716617;0.109803921568627449456556632867;0.080718954248366017734106492298;0.116013071895424840773713981434;0.153594771241830074792744653678
-0.009259259259259258745267118229;0.099629629629629623543962679832;0.061111111111111109106541761093;0.414814814814814802890197142915;0.031851851851851853414387960584;0.067407407407407402000210083770;0.017037037037037038034181790636;0.012962962962962962590318660716;0.051111111111111114102545371907;0.056666666666666663798590519718;0.068888888888888888395456433500;0.109259259259259264296382241355
-0.006944444444444444058950338672;0.149722222222222228760202256126;0.108055555555555557467606320188;0.001111111111111111110147375847;0.058888888888888886452566140406;0.100000000000000005551115123126;0.030277777777777778456247403938;0.015833333333333334674852821422;0.107777777777777777901135891625;0.088611111111111112714766591125;0.088888888888888892281237019688;0.243888888888888877293226187248
-0.017320261437908497648141548098;0.125163398692810456935831098235;0.059477124183006532809336874834;0.008169934640522876281854003366;0.141830065359477119901754349485;0.084640522875816998071840657758;0.018954248366013070475899482403;0.014052287581699346788455251556;0.141830065359477119901754349485;0.068627450980392162849241799449;0.041176470588235293546208737325;0.278758169934640531728575751913
-0.038636363636363635354342704886;0.153030303030303016509350300112;0.104924242424242419868818387840;0.091666666666666660190365689687;0.046590909090909092549193104560;0.076893939393939389481680279914;0.064772727272727273484242971335;0.049242424242424240321547301846;0.073106060606060604967204596960;0.084848484848484853615424583495;0.083333333333333328707404064062;0.132954545454545464133744303581
-0.013414634146341463186158371457;0.241869918699187003152673014483;0.125203252032520334635634640108;0.033739837398373981325327974901;0.015040650406504065678126025318;0.074390243902439021073114133742;0.032520325203252035961565269417;0.038617886178861790535954412462;0.047967479674796746624831911276;0.078048780487804877981083961913;0.109756097560975610094580190434;0.189430894308943081894014426325
-0.007371794871794871625847456187;0.208974358974358981333452334184;0.090064102564102563319714533918;0.020192307692307693428590553708;0.032692307692307694122479944099;0.143910256410256398584834869325;0.022435897435897435986396075691;0.007692307692307692734701163317;0.046474358974358975782337211058;0.055769230769230772326583434051;0.119230769230769237387868031419;0.245192307692307681632470917066
-0.010465116279069767296627802011;0.160852713178294581819471886774;0.084108527131782948038640768118;0.025193798449612402751141004842;0.053488372093023255071653210280;0.117829457364341083636105622645;0.020155038759689922200912803874;0.012015503875968992081313402309;0.074806201550387599330527166330;0.063565891472868216172109612216;0.084108527131782948038640768118;0.293410852713178293971196808343
-0.081818181818181817677171352443;0.109848484848484848064309460369;0.096212121212121207158851632357;0.131060606060606071876506462104;0.012878787878787878451447568295;0.055681818181818179547271085994;0.037121212121212124324109993267;0.193560606060606071876506462104;0.053409090909090906063028114659;0.089393939393939400583910526166;0.061742424242424244484883644191;0.077272727272727270708685409772
-0.021544715447154472176549688811;0.218292682926829267886503771479;0.072357723577235771861282387363;0.055691056910569108895359136113;0.022764227642276424479206298201;0.154878048780487803659511314436;0.024796747967479673691038044581;0.002845528455284553059900787275;0.034146341463414636718809447302;0.059349593495934958864435060377;0.129268292682926833059298132866;0.204065040650406509525893739010
-0.026666666666666668378260496297;0.157083333333333324821623477874;0.136250000000000009992007221626;0.029999999999999998889776975375;0.053333333333333336756520992594;0.095833333333333339809634310313;0.058333333333333334258519187188;0.021666666666666667406815349750;0.065416666666666664631257788187;0.050416666666666665186369300500;0.094166666666666662410811738937;0.210833333333333344805637921127
-0.008558558558558557877171679706;0.191441441441441428938929902870;0.089189189189189194140183758464;0.000000000000000000000000000000;0.033333333333333332870740406406;0.150900900900900913903512901015;0.033783783783783785659160514570;0.007207207207207207318166997112;0.065315315315315314315114392230;0.059909909909909908609648709898;0.134234234234234223182014034137;0.226126126126126120174930633766
-0.004629629629629629372633559115;0.171759259259259250418594433540;0.088425925925925921711190369479;0.000000000000000000000000000000;0.057870370370370370627366440885;0.160648148148148151026504137917;0.029629629629629630760412339896;0.004629629629629629372633559115;0.095833333333333339809634310313;0.050925925925925923098969150260;0.108796296296296293726335591145;0.226851851851851860075726108334
-0.010833333333333333703407674875;0.173333333333333339254522798001;0.104999999999999996114219413812;0.006666666666666667094565124074;0.062500000000000000000000000000;0.119583333333333333148296162562;0.056666666666666663798590519718;0.047083333333333331205405869468;0.073333333333333333703407674875;0.047500000000000000555111512313;0.095000000000000001110223024625;0.202500000000000013322676295502
-0.022222222222222223070309254922;0.181623931623931617052036813220;0.087606837606837600906928287259;0.001282051282051282050170049054;0.058974358974358973006779649495;0.108974358974358975782337211058;0.042735042735042735873030039784;0.034188034188034191473981593390;0.055555555555555552471602709375;0.043162393162393161705203681322;0.076068376068376061804876542283;0.287606837606837584253582917881
-0.030188679245283019103585075982;0.160062893081760998503781934232;0.091823899371069175878723456208;0.077987421383647795303240002340;0.052830188679245285165997358945;0.120125786163522013660909237842;0.036163522012578615261180203788;0.010691823899371068543051599420;0.056289308176100630309868222412;0.039308176100628929028335534213;0.093710691823899364139016654462;0.230817610062893086020352484411
-0.021698113207547168462818731882;0.143081761006289304161143149940;0.054402515723270442049575024157;0.202515723270440262115954510591;0.042767295597484274172206397679;0.118238993710691825400616039587;0.024528301886792454322705481218;0.010062893081761005789620533335;0.074213836477987418782653605831;0.073270440251572324652507006704;0.091823899371069175878723456208;0.143396226415094335537858682983
-0.000862068965517241367346734648;0.237931034482758624326592666876;0.088218390804597701659872655000;0.004885057471264367748298163008;0.040229885057471263809514283594;0.111781609195402295564569783437;0.052011494252873560761862847812;0.002298850574712643646257959062;0.048563218390804595292475909218;0.039942528735632185088455514688;0.106034482758620693387818789688;0.267241379310344806530252981247
-0.000000000000000000000000000000;0.268478260869565221735655313751;0.075362318840579714529503974063;0.000000000000000000000000000000;0.051449275362318837301334184531;0.127898550724637682929341053750;0.053260869565217389132172343125;0.000724637681159420298654394443;0.061231884057971017187860240938;0.038405797101449277997087250469;0.081159420289855066510398273749;0.242028985507246385822099910001
-0.019259259259259260688157411323;0.125185185185185177125788413832;0.056296296296296295669225884239;0.007407407407407407690103084974;0.096296296296296296501893152708;0.149259259259259258190155605917;0.034074074074074076068363581271;0.012962962962962962590318660716;0.133333333333333331482961625625;0.064444444444444443087505192125;0.115925925925925932258309103418;0.185555555555555556912494807875
-0.001250000000000000026020852140;0.156250000000000000000000000000;0.030833333333333334119741309109;0.000000000000000000000000000000;0.066250000000000003330669073875;0.228750000000000008881784197001;0.007916666666666667337426410711;0.000416666666666666693410320255;0.059583333333333335368742211813;0.039583333333333331482961625625;0.133750000000000007771561172376;0.275416666666666642981908807997
-0.008680555555555555941049661328;0.225347222222222226539756206876;0.091666666666666660190365689687;0.011111111111111111535154627461;0.039930555555555552471602709375;0.118055555555555552471602709375;0.049652777777777774848022573906;0.012152777777777777970524830664;0.067708333333333328707404064062;0.047569444444444441977282167500;0.084722222222222226539756206876;0.243402777777777773460243793124
-0.006845238095238095205052886172;0.214583333333333320380731379373;0.083035714285714282145711706562;0.002083333333333333304421275400;0.028869047619047620567567236094;0.147619047619047621955346016875;0.019047619047619049337249919063;0.011607142857142857539365365938;0.055059523809523808202115446875;0.072321428571428578169211220938;0.098511904761904758864865527812;0.260416666666666685170383743753
-0.022962962962962962798485477833;0.113703703703703709604333482730;0.144814814814814812882204364541;0.003703703703703703845051542487;0.041481481481481480289019714291;0.082962962962962960578039428583;0.030370370370370370488588562807;0.013333333333333334189130248149;0.100740740740740741809844394083;0.111111111111111104943205418749;0.110370370370370368684476147791;0.224444444444444446418174266000
-0.005092592592592593003786305417;0.197685185185185186007572610833;0.074537037037037040532183596042;0.199074074074074069962136945833;0.021759259259259259439156508620;0.087037037037037037756626034479;0.023611111111111110494320541875;0.008333333333333333217685101602;0.037499999999999998612221219219;0.063888888888888883954564334999;0.071296296296296302053008275834;0.210185185185185197109802857085
-0.004444444444444444440589503387;0.102592592592592596334455379292;0.064814814814814811216869827604;0.405925925925925912274294660165;0.021851851851851851471497667490;0.074814814814814820098654024605;0.026296296296296296779448908865;0.009259259259259258745267118229;0.035185185185185187395351391615;0.067407407407407402000210083770;0.082222222222222224319310157625;0.105185185185185187117795635459
-0.007575757575757575967845269815;0.210606060606060602191647035397;0.232954545454545441929283811078;0.008333333333333333217685101602;0.021212121212121213403856145874;0.093560606060606066325391338978;0.078787878787878781738918121391;0.044696969696969700291955263083;0.038636363636363635354342704886;0.051515151515151513805790273182;0.064772727272727273484242971335;0.147348484848484839737636775681
-0.013703703703703704053218359604;0.246296296296296290950778029583;0.038888888888888889505679458125;0.030370370370370370488588562807;0.032962962962962964741375770927;0.176296296296296284289439881832;0.018518518518518517490534236458;0.001481481481481481407916356297;0.054444444444444441144614899031;0.032222222222222221543752596062;0.133333333333333331482961625625;0.221481481481481473627681566541
-0.029999999999999998889776975375;0.133333333333333331482961625625;0.154999999999999998889776975375;0.028750000000000001249000902703;0.016250000000000000555111512313;0.085833333333333330927850113312;0.057500000000000002498001805407;0.078333333333333338144299773376;0.059999999999999997779553950750;0.119583333333333333148296162562;0.102499999999999993893773364562;0.132916666666666655194362078873
-0.006746031746031746351155433672;0.114285714285714282145711706562;0.044444444444444446140618509844;0.001984126984126984016842953906;0.076587301587301592764589486251;0.241269841269841273101448564375;0.025396825396825396803368590781;0.009126984126984127518311673555;0.125793650793650790831179620000;0.073015873015873020146493388438;0.108333333333333337034076748751;0.173015873015873011819820703749
-0.004861111111111111188209932266;0.102777777777777773460243793124;0.073958333333333334258519187188;0.333333333333333314829616256247;0.029861111111111112575988713047;0.101736111111111110494320541875;0.034375000000000002775557561563;0.017708333333333332870740406406;0.055902777777777780399137697032;0.066319444444444444752839729063;0.085416666666666668517038374375;0.093750000000000000000000000000
-0.030180180180180180699034409031;0.081081081081081085581985234967;0.121171171171171168645663840380;0.004054054054054054279099261748;0.073423423423423422873312915726;0.081981981981981977281037643479;0.037837837837837839938259776318;0.019369369369369369288103044369;0.152702702702702697301617718040;0.081531531531531531431511439223;0.147297297297297291596152035709;0.169369369369369360267540969289
-0.046124031007751940813843560818;0.157364341085271308706694526336;0.132170542635658916363894377355;0.005038759689922480550228200968;0.029457364341085270909026405661;0.091860465116279071962068769608;0.026356589147286821339655205065;0.019767441860465116004741403799;0.096511627906976746316125570502;0.100775193798449611004564019368;0.099612403100775195885496771098;0.194961240310077527082555093330
-0.074206349206349206393262818438;0.114285714285714282145711706562;0.132142857142857145236192195625;0.046031746031746034741871653750;0.032539682539682542039560786407;0.071428571428571424606346340624;0.052777777777777777623580135469;0.095634920634920628224051597499;0.078571428571428569842538536250;0.103571428571428578169211220938;0.092460317460317464899333117501;0.106349206349206346078339890937
-0.065891472868217060288031916571;0.117829457364341083636105622645;0.113178294573643409282048821751;0.166279069767441861626977583910;0.060465116279069766602738411621;0.061240310077519378995081211770;0.058527131782945739091328363202;0.042635658914728681578854008194;0.076744186046511633780831118656;0.039922480620155041675101159626;0.063178294573643406506491260188;0.134108527131782950814198329681
-0.007751937984496123923428001490;0.151937984496124028899188829200;0.094573643410852711865821618176;0.050000000000000002775557561563;0.060465116279069766602738411621;0.120155038759689927752027926999;0.048837209302325580717596409386;0.015891472868217054043027403054;0.085658914728682172823326368416;0.064341085271317835503346316273;0.088759689922480622392697569012;0.211627906976744190048478344579
-0.025666666666666667490082076597;0.136666666666666658525031152749;0.123333333333333336478965236438;0.126000000000000000888178419700;0.035999999999999997279953589668;0.066333333333333327486158736974;0.070666666666666669294194491613;0.030666666666666664992080271190;0.075999999999999998112620858137;0.057000000000000002053912595557;0.138333333333333335923853724125;0.113333333333333327597181039437
-0.003947368421052631706769098230;0.085087719298245614862885588536;0.081578947368421056429710347402;0.541228070175438613631513362634;0.021052631578947367946286206575;0.033333333333333332870740406406;0.028947368421052631359824403035;0.009649122807017544364849293004;0.031140350877192982115282404720;0.044736842105263158186900795954;0.047807017543859652020099559877;0.071491228070175438791267197303
-0.007909604519774010925048379761;0.126836158192090403540319698550;0.091525423728813559698380686314;0.251977401129943490154516894108;0.033333333333333332870740406406;0.073163841807909607561910547702;0.027118644067796609381515438031;0.014124293785310734414273348136;0.070338983050847458944332402098;0.052824858757062144454241803260;0.074293785310734467008941805943;0.176553672316384191454119445552
-0.040000000000000000832667268469;0.087407407407407405885990669958;0.070370370370370374790702783230;0.333703703703703724592344315170;0.061111111111111109106541761093;0.050740740740740739034286832521;0.030740740740740742087400150240;0.018888888888888889089345823891;0.075555555555555556357383295563;0.067777777777777784007362527063;0.064444444444444443087505192125;0.099259259259259255414598044354
-0.001075268817204301074336170174;0.207526881720430100841667808709;0.140860215053763448977974803711;0.008602150537634408594689361394;0.026344086021505376538076603765;0.111290322580645167915847082440;0.045698924731182796743489404889;0.005376344086021505805361719865;0.049462365591397848552102090025;0.076344086021505372374740261421;0.116129032258064521232476806745;0.211290322580645173466962205566
-0.001736111111111111014737584668;0.231597222222222232090871330001;0.111805555555555560798275394063;0.012847222222222221682530474141;0.035069444444444444752839729063;0.107986111111111116045435665001;0.054166666666666668517038374375;0.007638888888888888638317720137;0.057986111111111113269878103438;0.054861111111111110494320541875;0.104513888888888892281237019688;0.219791666666666662965923251249
-0.016666666666666666435370203203;0.152380952380952394697999352502;0.098015873015873014595378265312;0.036507936507936510073246694219;0.067063492063492061157070622812;0.104365079365079369000390840938;0.029365079365079364837054498594;0.003968253968253968033685907812;0.080158730158730165382685584063;0.053174603174603173039169945469;0.103174603174603168875833603124;0.255158730158730140402667529997
-0.003819444444444444319158860068;0.170833333333333337034076748751;0.052430555555555556634939051719;0.000000000000000000000000000000;0.093055555555555558022717832500;0.168402777777777790113589162502;0.021874999999999998612221219219;0.000694444444444444470947164216;0.079513888888888883954564334999;0.042013888888888892281237019688;0.080555555555555560798275394063;0.286805555555555535818257339997
-0.000000000000000000000000000000;0.232539682539682546202897128751;0.027777777777777776235801354687;0.000000000000000000000000000000;0.021031746031746033354092872969;0.225000000000000005551115123126;0.003571428571428571317053490830;0.000396825396825396825052634231;0.040476190476190478106932602032;0.044841269841269841556208319844;0.132936507936507936067371815625;0.271428571428571407953000971247
-0.015555555555555555108382392859;0.171851851851851838981488640457;0.074074074074074069962136945833;0.052592592592592593558897817729;0.060370370370370372847812490136;0.115925925925925932258309103418;0.014814814814814815380206169948;0.001481481481481481407916356297;0.058518518518518518323201504927;0.057407407407407406996213694583;0.081481481481481488060580886668;0.295925925925925925596970955667
-0.002439024390243902436908873810;0.191869918699186986499327645106;0.075609756097560973375770743132;0.208943089430894318736520176572;0.020731707317073171797927599869;0.089430894308943090220687111014;0.020731707317073171797927599869;0.006504065040650406498423663493;0.036585365853658534385228762176;0.069512195121951225740275503995;0.069918699186991867255969168582;0.207723577235772366433863567181
-0.027777777777777776235801354687;0.140740740740740749581405566460;0.072592592592592597444678403917;0.041481481481481480289019714291;0.115555555555555550251156660124;0.098148148148148151026504137917;0.041481481481481480289019714291;0.013703703703703704053218359604;0.114814814814814813992427389167;0.045555555555555557467606320188;0.083703703703703696836768699541;0.204444444444444456410181487627
-0.038235294117647061762355065184;0.093627450980392157298126676324;0.145098039215686286373951929818;0.001960784313725490168867082730;0.031862745098039213509366618382;0.044607843137254903076449608079;0.036764705882352942400981277160;0.043137254901960783715075820055;0.153921568627450988664406850148;0.143627450980392146195896430072;0.102941176470588230396074891360;0.164215686274509803377341654596
-0.043650793650793648370544985937;0.083333333333333328707404064062;0.092857142857142860314922927500;0.202380952380952383595769106250;0.049603174603174600421073847656;0.071825396825396820021936150624;0.021825396825396824185272492969;0.025000000000000001387778780781;0.120634920634920636550724282188;0.101984126984126982629064173125;0.078571428571428569842538536250;0.108333333333333337034076748751
-0.057894736842105262719648806069;0.134649122807017546099572768981;0.087719298245614030218320067434;0.074999999999999997224442438437;0.026315789473684209065496020230;0.107894736842105265495206367632;0.017982456140350877582534394605;0.017105263157894737974240584322;0.131578947368421045327480101150;0.089473684210526316373801591908;0.109649122807017537772900084292;0.144736842105263163738015919080
-0.053985507246376809864507606562;0.161231884057971008861187556249;0.106159420289855074837070958438;0.003623188405797101493271972217;0.089130434782608694566086171562;0.092028985507246377495427225313;0.042028985507246374719869663750;0.014855072463768116339255520586;0.112681159420289861428088329376;0.035507246376811595067746196719;0.069202898550724631365760330937;0.219565217391304356997494551251
-0.058333333333333334258519187188;0.085714285714285715078730731875;0.241666666666666668517038374375;0.012698412698412698401684295391;0.012301587301587301251371009414;0.034126984126984123701920026406;0.115873015873015877685858754376;0.117857142857142854763807804375;0.071428571428571424606346340624;0.070238095238095238359576910625;0.080158730158730165382685584063;0.099603174603174596257737505312
-0.043560606060606063549833777415;0.115909090909090906063028114659;0.135606060606060618844992404775;0.004166666666666666608842550801;0.041666666666666664353702032031;0.092424242424242422644375949403;0.064772727272727273484242971335;0.043939393939393937837945003366;0.099621212121212124324109993267;0.059469696969696971000640672855;0.112500000000000002775557561563;0.186363636363636370196772418240
-0.005555555555555555767577313730;0.091111111111111114935212640376;0.059629629629629629650189315271;0.508148148148148126601597596164;0.017777777777777777762358013547;0.063703703703703706828775921167;0.021111111111111111743321444578;0.006666666666666667094565124074;0.032592592592592589673117231541;0.053333333333333336756520992594;0.057037037037037038866849059104;0.083333333333333328707404064062
-0.020454545454545454419292838111;0.079545454545454544192928381108;0.239015151515151513805790273182;0.037121212121212124324109993267;0.030303030303030303871381079261;0.054545454545454542805149600326;0.045454545454545455807071618892;0.068181818181818176771713524431;0.083333333333333328707404064062;0.046590909090909092549193104560;0.123484848484848488969767288381;0.171969696969696966837304330511
-0.015666666666666665547191783503;0.175666666666666665408413905425;0.117666666666666669405216794075;0.056333333333333332482162347787;0.039666666666666669516239096538;0.107666666666666660523432597074;0.062333333333333330872338962081;0.018999999999999999528155214534;0.060999999999999998667732370450;0.033000000000000001554312234475;0.114000000000000004107825191113;0.198000000000000009325873406851
-0.133333333333333331482961625625;0.059615384615384618693934015710;0.081410256410256412462622677140;0.158653846153846145305976733653;0.077884615384615385469402326635;0.050961538461538460897948255024;0.044551282051282052598661920229;0.046153846153846156408206979904;0.134935897435897428353612781393;0.078846153846153843591793020096;0.049358974358974357088403195348;0.084294871794871800707582565337
-0.057575757575757578743402831378;0.071212121212121212709966755483;0.117045454545454549744043504234;0.148484848484848497296439973070;0.042045454545454545580707161889;0.052651515151515150547911758849;0.016287878787878788677812025298;0.059848484848484845288751898806;0.109090909090909085610299200653;0.137500000000000011102230246252;0.093181818181818185098386209120;0.095075757575757577355624050597
-0.015942028985507245703034939766;0.095289855072463763852042006874;0.199275362318840576492107175000;0.009420289855072464316187996758;0.016666666666666666435370203203;0.051811594202898547667501816250;0.042028985507246374719869663750;0.098550724637681164086444596251;0.082971014492753625280130336250;0.121739130434782613643385218438;0.107246376811594198996679949687;0.159057971014492760541969573751
-0.002192982456140350755458001686;0.246491228070175427689036951051;0.040350877192982456675984792582;0.000000000000000000000000000000;0.035964912280701755165068789211;0.202631578947368412579876917334;0.009210526315789472825978911885;0.000438596491228070183617665512;0.047807017543859652020099559877;0.041228070175438599753725554820;0.133333333333333331482961625625;0.240350877192982453900427231019
-0.001219512195121951218454436905;0.238211382113821146244703186312;0.036178861788617885930641193681;0.000000000000000000000000000000;0.032113821138211380568083797016;0.221138211382113814007510654847;0.010975609756097560315568628653;0.000000000000000000000000000000;0.052032520325203251987389307942;0.041463414634146343595855199737;0.141056910569105686814594946554;0.225609756097560981702443427821
-0.006756756756756757131832102914;0.232882882882882891184550544494;0.175675675675675685427634675762;0.020720720720720720714469464951;0.014864864864864865690030626411;0.078828828828828828578778598057;0.128378378378378371627022147550;0.060360360360360361398068818062;0.027477477477477477846301567865;0.037387387387387387149839668155;0.089639639639639639989709962720;0.127027027027027034078443534781
-0.005925925925925925631665425186;0.208518518518518519710980285709;0.109259259259259264296382241355;0.004814814814814815172039352831;0.056296296296296295669225884239;0.126296296296296295391670128083;0.040370370370370368962031903948;0.020370370370370372015145221667;0.067037037037037033870845448291;0.039259259259259257635044093604;0.089259259259259260410601655167;0.232592592592592600775347477793
-0.012280701754385964924454199831;0.119736842105263155411343234391;0.051754385964912281992145182130;0.403508771929824539004272310194;0.020175438596491228337992396291;0.110526315789473680850640846529;0.011403508771929825316160389548;0.008333333333333333217685101602;0.049122807017543859697816799326;0.061842105263157892691694428322;0.076754385964912283379923962912;0.074561403508771925685572057318
-0.047407407407407405053323401489;0.112962962962962959467816403958;0.154814814814814821763988561543;0.120370370370370363688472536978;0.019629629629629628817522046802;0.047777777777777780121581940875;0.035925925925925923654080662573;0.047407407407407405053323401489;0.073333333333333333703407674875;0.115555555555555550251156660124;0.072962962962962965574043039396;0.151851851851851848973495862083
-0.013414634146341463186158371457;0.074390243902439021073114133742;0.070731707317073164165144305571;0.502845528455284518365431267739;0.010975609756097560315568628653;0.059349593495934958864435060377;0.021544715447154472176549688811;0.033333333333333332870740406406;0.024796747967479673691038044581;0.060569105691056911167091669768;0.068292682926829273437618894604;0.059756097560975607319022628872
-0.011249999999999999583666365766;0.156666666666666676288599546751;0.083750000000000004996003610813;0.090416666666666672957930472876;0.052916666666666667406815349750;0.112500000000000002775557561563;0.014583333333333333564629796797;0.007916666666666667337426410711;0.102083333333333331482961625625;0.078333333333333338144299773376;0.087916666666666670737484423626;0.201666666666666660745477201999
-0.028518518518518519433424529552;0.127407407407407413657551842334;0.098888888888888887285233408875;0.003333333333333333547282562037;0.092962962962962969459823625584;0.089999999999999996669330926125;0.055925925925925927539861248761;0.024814814814814813853649511088;0.104444444444444450859066364501;0.064444444444444443087505192125;0.092222222222222219323306546812;0.217037037037037028319730325165
-0.003763440860215053977017030107;0.166666666666666657414808128124;0.072043010752688166342672104747;0.275806451612903236192408940042;0.011827956989247311384017002922;0.139247311827956993246502293005;0.031182795698924729854706328069;0.011290322580645160630008483338;0.031720430107526884078161799607;0.051075268817204304283574600731;0.089247311827956990470944731442;0.116129032258064521232476806745
-0.004513888888888888464845372539;0.140972222222222220988641083750;0.095138888888888883954564334999;0.274305555555555580227178325003;0.018055555555555553859381490156;0.093750000000000000000000000000;0.054513888888888889505679458125;0.026388888888888888811790067734;0.030902777777777779011358916250;0.064583333333333339809634310313;0.115625000000000005551115123126;0.081250000000000002775557561563
-0.019696969696969695434729530348;0.134469696969696961286189207385;0.143560606060606055223161092727;0.007954545454545453725403447720;0.060606060606060607742762158523;0.066287878787878784514475682954;0.027651515151515152629579930021;0.032196969696969696128618920739;0.123863636363636370196772418240;0.087499999999999994448884876874;0.092803030303030303871381079261;0.203409090909090900511912991533
-0.003174603174603174600421073848;0.204761904761904756089307966249;0.190873015873015861032513384998;0.034920634920634921471993550313;0.017063492063492061850960013203;0.061111111111111109106541761093;0.071031746031746029190756530625;0.032142857142857139685077072500;0.046428571428571430157461463750;0.073809523809523810977673008438;0.102777777777777773460243793124;0.161904761904761912427730408126
-0.026422764227642277917729174419;0.160162601626016254385831416585;0.101626016260162599369465397103;0.000813008130081300812302957937;0.071138211382113819558625777972;0.100406504065040647066808787713;0.050000000000000002775557561563;0.008943089430894309369013406297;0.123170731707317071546015085914;0.045528455284552848958412596403;0.071951219512195116467800914961;0.239837398373983740063053460290
-0.016666666666666666435370203203;0.159583333333333327042069527124;0.066250000000000003330669073875;0.000000000000000000000000000000;0.050416666666666665186369300500;0.167916666666666658525031152749;0.029583333333333333009518284484;0.032916666666666663521034763562;0.073333333333333333703407674875;0.063333333333333338699411285688;0.112500000000000002775557561563;0.227500000000000007771561172376
-0.027777777777777776235801354687;0.157870370370370383117375467918;0.159722222222222209886410837498;0.000462962962962962980631442811;0.026388888888888888811790067734;0.079166666666666662965923251249;0.070833333333333331482961625625;0.052777777777777777623580135469;0.047685185185185184619793830052;0.058333333333333334258519187188;0.112962962962962959467816403958;0.206018518518518517490534236458
-0.017592592592592593697675695807;0.143518518518518517490534236458;0.089814814814814819543542512292;0.003240740740740740647579665179;0.027777777777777776235801354687;0.196759259259259272623054926044;0.012962962962962962590318660716;0.012037037037037037062736644089;0.081944444444444444752839729063;0.068518518518518520266091798021;0.112962962962962959467816403958;0.232870370370370366464030098541
-0.013888888888888888117900677344;0.130000000000000004440892098501;0.045555555555555557467606320188;0.025555555555555557051272685953;0.020000000000000000416333634234;0.268888888888888899497686679751;0.012222222222222222862142437805;0.002777777777777777883788656865;0.088888888888888892281237019688;0.061111111111111109106541761093;0.172777777777777780121581940875;0.158333333333333325931846502499
-0.009629629629629630344078705662;0.169259259259259248198148384290;0.121481481481481481954354251229;0.000370370370370370351979089074;0.030740740740740742087400150240;0.167777777777777775680689842375;0.052962962962962961688262453208;0.028888888888888887562789165031;0.072592592592592597444678403917;0.047407407407407405053323401489;0.115555555555555550251156660124;0.183333333333333320380731379373
-0.008680555555555555941049661328;0.059027777777777776235801354687;0.048958333333333332870740406406;0.603125000000000022204460492503;0.035416666666666665741480812812;0.034375000000000002775557561563;0.037499999999999998612221219219;0.016319444444444445446729119453;0.035069444444444444752839729063;0.028819444444444446140618509844;0.039583333333333331482961625625;0.053124999999999998612221219219
-0.025333333333333332704206952712;0.183666666666666672513841263026;0.089666666666666672291796658101;0.002666666666666666577617528233;0.055000000000000000277555756156;0.127000000000000001776356839400;0.043333333333333334813630699500;0.012000000000000000249800180541;0.082333333333333327819225644362;0.049333333333333333203807313794;0.084333333333333329595582483762;0.245333333333333319936642169523
-0.008156028368794325869584049826;0.196099290780141849444007107195;0.176595744680851068908467027541;0.001063829787234042570723269172;0.025886524822695034658837087704;0.078723404255319151534564525718;0.045744680851063826421132318956;0.052836879432624113406280486060;0.051418439716312054621472071858;0.056028368794326238733205514109;0.097872340425531917373902501822;0.209574468085106380144111426489
-0.032000000000000000666133814775;0.140666666666666662077744831549;0.045999999999999999222843882762;0.001666666666666666773641281019;0.097333333333333327264114132049;0.136333333333333334147496884725;0.021000000000000001304512053935;0.002666666666666666577617528233;0.122666666666666659968321084762;0.041000000000000001720845688169;0.080333333333333339920656612776;0.278333333333333321490954403998
-0.051282051282051280272078486178;0.100000000000000005551115123126;0.085042735042735045913886438029;0.001709401709401709400226732072;0.102136752136752134711983330817;0.105128205128205129414986629399;0.041025641025641025605441569724;0.031196581196581196770978294808;0.162820512820512824925245354279;0.051282051282051280272078486178;0.073504273504273506811834693053;0.194871794871794873360570932164
-0.025581395348837208947312404916;0.170930232558139522103246576989;0.079457364341085273684583967224;0.003100775193798449569371200596;0.026356589147286821339655205065;0.182170542635658905261664131103;0.011240310077519379688970602160;0.012015503875968992081313402309;0.082558139534883723253955167820;0.065503875968992250622413564543;0.155038759689922478468560029796;0.186046511627906974162272035755
-0.022695035460992909331912059656;0.239007092198581572173310405560;0.166312056737588642718606024573;0.000000000000000000000000000000;0.021276595744680850547103645454;0.079432624113475180926968732820;0.113475177304964536251219442420;0.019503546099290780535540079654;0.035815602836879435744155131260;0.035815602836879435744155131260;0.102836879432624109242944143716;0.163829787234042539845191299719
-0.002222222222222222220294751693;0.190370370370370384227598492544;0.076666666666666660745477201999;0.000370370370370370351979089074;0.065555555555555561353386906376;0.131481481481481476958350640416;0.037037037037037034981068472916;0.007407407407407407690103084974;0.079629629629629633535969901459;0.041111111111111112159655078813;0.088148148148148142144719940916;0.280000000000000026645352591004
-0.019827586206896553183698372891;0.096551724137931033142834280625;0.181609195402298861932166573752;0.129310344827586215510351053126;0.025287356321839080108837549687;0.051149425287356324598686541094;0.063218390804597707210987778126;0.108908045977011494476194286563;0.063505747126436778993152643125;0.087068965517241372897849771562;0.072126436781609196136066941563;0.101436781609195406095302871563
-0.034666666666666665075346998037;0.101333333333333330816827810850;0.094000000000000000222044604925;0.003333333333333333547282562037;0.086999999999999994004795667024;0.077666666666666661633655621699;0.026666666666666668378260496297;0.010333333333333333259318465025;0.154999999999999998889776975375;0.084333333333333329595582483762;0.090666666666666673179975077801;0.234999999999999986677323704498
-0.035833333333333335091186455656;0.089166666666666671847707448251;0.187500000000000000000000000000;0.002500000000000000052041704279;0.040416666666666663243479007406;0.047500000000000000555111512313;0.059583333333333335368742211813;0.035000000000000003330669073875;0.105833333333333334813630699500;0.094166666666666662410811738937;0.125416666666666676288599546751;0.177083333333333342585191871876
-0.015909090909090907450806895440;0.235984848484848491745324849944;0.060984848484848482030873384474;0.000757575757575757575100483532;0.030303030303030303871381079261;0.175378787878787884002562691421;0.020833333333333332176851016015;0.007575757575757575967845269815;0.066287878787878784514475682954;0.060984848484848482030873384474;0.132575757575757569028951365908;0.192424242424242414317703264715
-0.004074074074074073709139653943;0.174814814814814811771981339916;0.073333333333333333703407674875;0.000000000000000000000000000000;0.085925925925925919490744320228;0.152592592592592585232225133041;0.049629629629629627707299022177;0.016666666666666666435370203203;0.131851851851851858965503083709;0.031111111111111110216764785719;0.053333333333333336756520992594;0.226666666666666655194362078873
-0.089639639639639639989709962720;0.069369369369369368594213653978;0.112612612612612614237939112627;0.011711711711711711783601153058;0.074774774774774774299679336309;0.092342342342342342842442803885;0.016216216216216217116397046993;0.044144144144144144281671771068;0.162612612612612617013496674190;0.112612612612612614237939112627;0.091441441441441437265602587559;0.122522522522522520072030260962
-0.022569444444444444058950338672;0.129166666666666679619268620627;0.068750000000000005551115123126;0.008333333333333333217685101602;0.057986111111111113269878103438;0.169097222222222232090871330001;0.022916666666666665047591422422;0.020486111111111111188209932266;0.109027777777777779011358916250;0.073263888888888892281237019688;0.082291666666666665741480812812;0.236111111111111104943205418749
-0.000000000000000000000000000000;0.343693693693693680391021416654;0.065765765765765760164640596486;0.000000000000000000000000000000;0.020270270270270271395496308742;0.170270270270270279722168993430;0.049099099099099097198717345236;0.002702702702702702852732841166;0.031981981981981981444373985823;0.024324324324324325674595570490;0.146846846846846845746625831453;0.145045045045045034592945398799
-0.021874999999999998612221219219;0.251041666666666662965923251249;0.050694444444444444752839729063;0.059027777777777776235801354687;0.036458333333333335646297967969;0.155902777777777779011358916250;0.010763888888888888811790067734;0.003819444444444444319158860068;0.063194444444444441977282167500;0.051388888888888886730121896562;0.114930555555555549696045147812;0.180902777777777773460243793124
-0.003968253968253968033685907812;0.099206349206349200842147695312;0.038095238095238098674499838125;0.421031746031746034741871653750;0.030952380952380953438307642500;0.116269841269841273101448564375;0.008333333333333333217685101602;0.017063492063492061850960013203;0.034920634920634921471993550313;0.044444444444444446140618509844;0.063888888888888883954564334999;0.121825396825396822797493712187
-0.000000000000000000000000000000;0.147142857142857130803292875498;0.006190476190476190687661528500;0.100000000000000005551115123126;0.012380952380952381375323057000;0.347142857142857141905523121750;0.000476190476190476190063161077;0.006190476190476190687661528500;0.027619047619047619457344211469;0.028571428571428570536427926640;0.166666666666666657414808128124;0.157619047619047630837130213877
-0.015384615384615385469402326635;0.209401709401709407165625975722;0.146153846153846161959322103030;0.000000000000000000000000000000;0.026495726495726495269833478119;0.161111111111111121596550788126;0.061965811965811967709782948077;0.014957264957264957902505209120;0.039743589743589741170026741202;0.038461538461538463673505816587;0.100000000000000005551115123126;0.186324786324786328961522485770
-0.013425925925925926221471407018;0.202314814814814808441312266041;0.111574074074074075513252068959;0.000462962962962962980631442811;0.061111111111111109106541761093;0.092129629629629630760412339896;0.048148148148148148250946576354;0.006944444444444444058950338672;0.094444444444444441977282167500;0.037499999999999998612221219219;0.077777777777777779011358916250;0.254166666666666651863693004998
-0.008333333333333333217685101602;0.190873015873015861032513384998;0.060714285714285713690951951094;0.000000000000000000000000000000;0.048015873015873018758714607657;0.180555555555555552471602709375;0.017460317460317460735996775156;0.001587301587301587300210536924;0.098809523809523805426557885312;0.045634920634920632387387939843;0.119444444444444450303954852188;0.228571428571428564291423413124
-0.007264957264957265167804045802;0.199145299145299131682307347546;0.104273504273504277750639346323;0.012820512820512820068019621544;0.072649572649572655147487409977;0.085897435897435897578233721106;0.024358974358974359170071366520;0.011538461538461539102051744976;0.103846153846153851918465704784;0.055128205128205126639429067836;0.076923076923076927347011633174;0.246153846153846167510437226156
-0.015277777777777777276635440273;0.246296296296296290950778029583;0.134259259259259272623054926044;0.002777777777777777883788656865;0.039814814814814816767984950729;0.102777777777777773460243793124;0.052777777777777777623580135469;0.015277777777777777276635440273;0.055555555555555552471602709375;0.041666666666666664353702032031;0.088888888888888892281237019688;0.204629629629629633535969901459
-0.022916666666666665047591422422;0.263194444444444453079512413751;0.131250000000000005551115123126;0.000000000000000000000000000000;0.036111111111111107718762980312;0.075694444444444439201724605937;0.097916666666666665741480812812;0.013888888888888888117900677344;0.045833333333333330095182844843;0.045833333333333330095182844843;0.100694444444444447528397290625;0.166666666666666657414808128124
-0.001666666666666666773641281019;0.322500000000000008881784197001;0.156666666666666676288599546751;0.000000000000000000000000000000;0.006250000000000000346944695195;0.068333333333333329262515576374;0.184999999999999997779553950750;0.017500000000000001665334536938;0.024166666666666666157814447047;0.023333333333333334397297065266;0.115833333333333329817627088687;0.078750000000000000555111512313
-0.051041666666666665741480812812;0.182812499999999988897769753748;0.154166666666666674068153497501;0.024479166666666666435370203203;0.024479166666666666435370203203;0.055729166666666669904817155157;0.122916666666666660190365689687;0.137500000000000011102230246252;0.029687499999999998612221219219;0.035416666666666665741480812812;0.068229166666666660190365689687;0.113541666666666665741480812812
-0.042307692307692310040856398246;0.217521367521367525732500780578;0.182051282051282042884210454758;0.032051282051282048435325577884;0.020085470085470086970547143324;0.060256410256410257442194478017;0.076495726495726501514837991635;0.060256410256410257442194478017;0.037606837606837605070264629603;0.042307692307692310040856398246;0.081623931623931625378709497909;0.147435897435897439455843027645
-0.000000000000000000000000000000;0.187837837837837834387144653192;0.064414414414414408738274175903;0.000000000000000000000000000000;0.009459459459459459984564944079;0.302702702702702719506078210543;0.023423423423423423567202306117;0.008558558558558557877171679706;0.031081081081081082806427673404;0.034684684684684684297106826989;0.151351351351351359753039105271;0.186486486486486496838566040424
-0.013414634146341463186158371457;0.250813008130081283031387329174;0.081707317073170734889053790084;0.013008130081300812996847326986;0.032520325203252035961565269417;0.166666666666666657414808128124;0.073577235772357724163938996753;0.031300813008130083658908660027;0.032926829268292684416152837912;0.028048780487804878674973352304;0.112195121951219514699893409215;0.163821138211382111293801244756
-0.023931623931623933337897724982;0.435470085470085477297175202693;0.079487179487179482340053482403;0.002136752136752136967123849587;0.012820512820512820068019621544;0.090170940170940169777757944303;0.070512820512820512108831394471;0.005128205128205128200680196215;0.014102564102564102768710974090;0.029059829059829060671216183209;0.107264957264957258575854837090;0.129914529914529924825572493319
-0.011904761904761904101057723437;0.267261904761904756089307966249;0.131547619047619052112807480626;0.001190476190476190583578119941;0.005357142857142857192420670742;0.088095238095238101450057399688;0.032142857142857139685077072500;0.014880952380952380126322154297;0.039285714285714284921269268125;0.084523809523809528831961301876;0.197619047619047610853115770624;0.126190476190476186246769429999
-0.003645833333333333391157449199;0.274479166666666662965923251249;0.066145833333333334258519187188;0.000520833333333333326105318850;0.016145833333333334952408577578;0.159374999999999988897769753748;0.031770833333333331482961625625;0.003645833333333333391157449199;0.036458333333333335646297967969;0.066145833333333334258519187188;0.170833333333333337034076748751;0.170833333333333337034076748751
-0.010000000000000000208166817117;0.254444444444444417552375625746;0.105185185185185187117795635459;0.002962962962962962815832712593;0.020370370370370372015145221667;0.121481481481481481954354251229;0.048518518518518516380311211833;0.011481481481481481399242738917;0.060740740740740740977177125615;0.043703703703703702942995334979;0.111111111111111104943205418749;0.209999999999999992228438827624
-0.001219512195121951218454436905;0.228455284552845527823450311189;0.067479674796747962650655949801;0.000000000000000000000000000000;0.024796747967479673691038044581;0.178455284552845538925680557441;0.023170731707317072933793866696;0.001219512195121951218454436905;0.032520325203252035961565269417;0.040243902439024391293198590347;0.138211382113821140693588063186;0.264227642276422758360610032469
-0.020277777777777776513357110844;0.265277777777777779011358916250;0.091388888888888894501683068938;0.000000000000000000000000000000;0.023055555555555554830826636703;0.134722222222222215437525960624;0.038055555555555557745162076344;0.005555555555555555767577313730;0.030555555555555554553270880547;0.052222222222222225429533182250;0.139166666666666660745477201999;0.199722222222222217657972009874
-0.023148148148148146863167795573;0.270833333333333314829616256247;0.088888888888888892281237019688;0.000000000000000000000000000000;0.050925925925925923098969150260;0.105092592592592598554901428543;0.050000000000000002775557561563;0.001388888888888888941894328433;0.058333333333333334258519187188;0.050462962962962966406710307865;0.071296296296296302053008275834;0.229629629629629627984854778333
-0.026829268292682926372316742913;0.255284552845528478481895717778;0.036585365853658534385228762176;0.000000000000000000000000000000;0.028861788617886179053595441246;0.217479674796747957099540826675;0.024390243902439025236450476086;0.000000000000000000000000000000;0.045934959349593497413000164897;0.030487804878048779810839619131;0.149186991869918711417497547700;0.184959349593495941954657268980
-0.025641025641025640136039243089;0.300641025641025627646030216056;0.037820512820512817986351450372;0.000000000000000000000000000000;0.023076923076923078204103489952;0.181410256410256404135949992451;0.028205128205128205537421948179;0.002564102564102564100340098108;0.031410256410256409687065115577;0.037179487179487179238090988065;0.149999999999999994448884876874;0.182051282051282042884210454758
-0.017204301075268817189378722787;0.318817204301075296513090506778;0.063978494623655915440885166845;0.000000000000000000000000000000;0.020967741935483872467438359877;0.127419354838709669719420958245;0.040860215053763443426859680585;0.003225806451612903223008510523;0.042473118279569892219438287384;0.039784946236559141918842641417;0.151075268817204289018008012135;0.174193548387096774909821306210
-0.004166666666666666608842550801;0.253124999999999988897769753748;0.132291666666666668517038374375;0.003125000000000000173472347598;0.021354166666666667129259593594;0.105208333333333334258519187188;0.052604166666666667129259593594;0.025520833333333332870740406406;0.038541666666666668517038374375;0.042187500000000002775557561563;0.117708333333333331482961625625;0.204166666666666662965923251249
-0.006565656565656565434030422779;0.293939393939393944776838907273;0.111111111111111104943205418749;0.000000000000000000000000000000;0.016161616161616161602143648679;0.109595959595959593912972707130;0.079797979797979798344265134347;0.007575757575757575967845269815;0.040404040404040407474806073651;0.040909090909090908838585676222;0.126767676767676779059357272672;0.167171717171717165717481634601
-0.018055555555555553859381490156;0.243055555555555552471602709375;0.082291666666666665741480812812;0.009722222222222222376419864531;0.012500000000000000693889390391;0.167361111111111099392090295623;0.021874999999999998612221219219;0.011111111111111111535154627461;0.042013888888888892281237019688;0.057291666666666664353702032031;0.141319444444444441977282167500;0.193402777777777784562474039376
-0.005000000000000000104083408559;0.208333333333333342585191871876;0.089166666666666671847707448251;0.000000000000000000000000000000;0.043749999999999997224442438437;0.110833333333333339254522798001;0.022083333333333333287074040641;0.001250000000000000026020852140;0.088749999999999995559107901499;0.054166666666666668517038374375;0.092083333333333336478965236438;0.284583333333333354797645142753
-0.007037037037037036958653235530;0.125925925925925913384517684790;0.030740740740740742087400150240;0.016296296296296294836558615771;0.106666666666666673513041985188;0.172222222222222220988641083750;0.008148148148148147418279307885;0.001111111111111111110147375847;0.147037037037037049413967793043;0.036666666666666666851703837438;0.060370370370370372847812490136;0.287777777777777798995373359503
-0.001709401709401709400226732072;0.211111111111111110494320541875;0.119230769230769237387868031419;0.000000000000000000000000000000;0.048717948717948718340142733041;0.116239316239316242684864732837;0.039316239316239315337853099663;0.010683760683760683968257509946;0.045299145299145297804965792920;0.040170940170940173941094286647;0.090170940170940169777757944303;0.277350427350427364281415520963
-0.005952380952380952050528861719;0.301785714285714268267923898748;0.169047619047619057663922603751;0.000000000000000000000000000000;0.018452380952380952744418252109;0.073809523809523810977673008438;0.089880952380952380820211544687;0.013095238095238095551997581367;0.027976190476190477413043211641;0.041071428571428571230317317031;0.097619047619047619179788455313;0.161309523809523819304345693126
-0.025833333333333333148296162562;0.224166666666666652973916029623;0.110833333333333339254522798001;0.002916666666666666799662133158;0.020000000000000000416333634234;0.133750000000000007771561172376;0.064583333333333339809634310313;0.009583333333333332593184650250;0.065000000000000002220446049250;0.062916666666666662410811738937;0.097916666666666665741480812812;0.182499999999999995559107901499
-0.016296296296296294836558615771;0.147037037037037049413967793043;0.058518518518518518323201504927;0.004444444444444444440589503387;0.040000000000000000832667268469;0.209259259259259255969709556666;0.005925925925925925631665425186;0.010000000000000000208166817117;0.111111111111111104943205418749;0.066666666666666665741480812812;0.099259259259259255414598044354;0.231481481481481482509465763542
-0.017521367521367521569164438233;0.244017094017094010593993402836;0.059401709401709398838953291033;0.000000000000000000000000000000;0.070085470085470086276657752933;0.129487179487179498993398851781;0.035897435897435894802676159543;0.001282051282051282050170049054;0.098717948717948714176806390697;0.028632478632478631369595589717;0.102991452991452986376330613894;0.211965811965811962158667824951
-0.009090909090909090467524933388;0.175252525252525243049106506987;0.148989898989898977843537863919;0.014646464646464647102463985107;0.035858585858585860506320130980;0.078282828282828287314032422728;0.038888888888888889505679458125;0.079292929292929290041591627869;0.077777777777777779011358916250;0.074747474747474743073105685198;0.106060606060606063549833777415;0.161111111111111121596550788126
-0.005769230769230769551025872488;0.191025641025641013115432542691;0.217948717948717951564674422116;0.013461538461538462285727035805;0.006410256410256410034009810772;0.043589743589743587537377322860;0.122435897435897431129170342956;0.083333333333333328707404064062;0.034615384615384617306155234928;0.064743589743589749496699425890;0.094871794871794867809455809038;0.121794871794871792380909880649
-0.002916666666666666799662133158;0.228750000000000008881784197001;0.246666666666666672957930472876;0.003333333333333333547282562037;0.007916666666666667337426410711;0.041250000000000001942890293094;0.142499999999999987787546729123;0.053333333333333336756520992594;0.023333333333333334397297065266;0.047083333333333331205405869468;0.069583333333333330372738601000;0.133333333333333331482961625625
-0.004301075268817204297344680697;0.129569892473118286613242844396;0.083333333333333328707404064062;0.000000000000000000000000000000;0.062365591397849459709412656139;0.201612903225806439078127141329;0.058602150537634407900799971003;0.034408602150537634378757445575;0.106989247311827961883778925767;0.037096774193548384679353091542;0.087634408602150534739472220735;0.194086021505376349338689578872
-0.011111111111111111535154627461;0.161111111111111121596550788126;0.092424242424242422644375949403;0.001515151515151515150200967064;0.043434343434343436474165400796;0.150505050505050502751558383352;0.034343434343434342537193515454;0.027777777777777776235801354687;0.077777777777777779011358916250;0.058080808080808080107182433949;0.135353535353535364693655651536;0.206565656565656563525834599204
-0.005855855855855855891800576529;0.260810810810810811410931364662;0.140540540540540548342107740609;0.000000000000000000000000000000;0.031981981981981981444373985823;0.090540540540540545566550179046;0.068018018018018017167847233395;0.021171171171171170033442621161;0.028828828828828829272667988448;0.045045045045045042919618083488;0.115315315315315317090671953792;0.191891891891891902544031722755
-0.002173913043478260895963183330;0.237681159420289861428088329376;0.184057971014492754990854450625;0.000000000000000000000000000000;0.026086956521739129016834723984;0.091304347826086956763091961875;0.079710144927536225045727746874;0.018115942028985507900040730078;0.047101449275362319846216507813;0.050724637681159423507892825000;0.118115942028985509981708901250;0.144927536231884063200325840626
-0.000000000000000000000000000000;0.194444444444444447528397290625;0.113194444444444444752839729063;0.000000000000000000000000000000;0.021527777777777777623580135469;0.159027777777777767909128669999;0.102083333333333331482961625625;0.008333333333333333217685101602;0.046527777777777779011358916250;0.054861111111111110494320541875;0.147222222222222226539756206876;0.152777777777777790113589162502
-0.001612903225806451611504255261;0.304838709677419328336611670238;0.122043010752688169118229666310;0.000537634408602150537168085087;0.034408602150537634378757445575;0.105913978494623653436867982691;0.063978494623655915440885166845;0.018817204301075269451404281540;0.030645161290322579100697808485;0.027419354838709678046093642934;0.082258064516129034138280928801;0.207526881720430100841667808709
-0.008796296296296296848837847904;0.190740740740740738479175320208;0.125000000000000000000000000000;0.000000000000000000000000000000;0.031018518518518518184423626849;0.161111111111111121596550788126;0.058796296296296297889671933490;0.018055555555555553859381490156;0.056481481481481479733908201979;0.063888888888888883954564334999;0.117129629629629625209297216770;0.168981481481481482509465763542
-0.004301075268817204297344680697;0.210752688172043012304612830121;0.096774193548387094088170101713;0.001612903225806451611504255261;0.043548387096774193727455326552;0.123655913978494624849702177016;0.023118279569892472014025486260;0.007526881720430107954034060214;0.067741935483870974188391755888;0.060215053763440863632272481709;0.111290322580645167915847082440;0.249462365591397838837650624555
-0.003645833333333333391157449199;0.250000000000000000000000000000;0.123958333333333337034076748751;0.000000000000000000000000000000;0.028125000000000000693889390391;0.107812500000000005551115123126;0.033854166666666664353702032031;0.005729166666666666261897855605;0.043229166666666665741480812812;0.063020833333333331482961625625;0.109895833333333331482961625625;0.230729166666666679619268620627
-0.000462962962962962980631442811;0.248148148148148145475389014791;0.090740740740740746805848004897;0.000000000000000000000000000000;0.036574074074074071349915726614;0.137962962962962953916701280832;0.051388888888888886730121896562;0.002777777777777777883788656865;0.059722222222222225151977426094;0.039351851851851853136832204427;0.100000000000000005551115123126;0.232870370370370366464030098541
-0.002469135802469135752140738660;0.262962962962962953916701280832;0.079629629629629633535969901459;0.000000000000000000000000000000;0.029012345679012344762393027509;0.150617283950617297794138949030;0.039506172839506172034251818559;0.001851851851851851922525771243;0.064197530864197535627191371077;0.040123456790123454562824178993;0.109876543209876539886060697881;0.219753086419753079772121395763
-0.001736111111111111014737584668;0.229166666666666657414808128124;0.087152777777777773460243793124;0.000000000000000000000000000000;0.030555555555555554553270880547;0.152430555555555569124948078752;0.036111111111111107718762980312;0.005555555555555555767577313730;0.057291666666666664353702032031;0.044791666666666667129259593594;0.110416666666666662965923251249;0.244791666666666657414808128124
-0.000000000000000000000000000000;0.245185185185185172684896315332;0.068888888888888888395456433500;0.000000000000000000000000000000;0.038888888888888889505679458125;0.168148148148148157687842285668;0.052592592592592593558897817729;0.007777777777777777554191196430;0.048518518518518516380311211833;0.038148148148148146308056283260;0.100740740740740741809844394083;0.231111111111111100502313320249
-0.003875968992248061961714000745;0.209689922480620155598174392253;0.105813953488372095024239172290;0.000387596899224806196171400074;0.018992248062015503612398603650;0.184496124031007763255374243272;0.038372093023255816890415559328;0.036821705426356592105729959030;0.034496124031007754928701558583;0.053875968992248064737271562308;0.151937984496124028899188829200;0.161240310077519377607302430988
-0.034444444444444444197728216750;0.193333333333333329262515576374;0.105555555555555555247160270937;0.014074074074074073917306471060;0.029999999999999998889776975375;0.130000000000000004440892098501;0.029999999999999998889776975375;0.022592592592592591199673890401;0.076666666666666660745477201999;0.072962962962962965574043039396;0.123333333333333336478965236438;0.167037037037037039421960571417
-0.001851851851851851922525771243;0.220000000000000001110223024625;0.061111111111111109106541761093;0.000000000000000000000000000000;0.026666666666666668378260496297;0.202592592592592601885570502418;0.022962962962962962798485477833;0.006296296296296296363115274630;0.044444444444444446140618509844;0.038518518518518521376314822646;0.151111111111111112714766591125;0.224444444444444446418174266000
-0.004054054054054054279099261748;0.193693693693693685942136539779;0.149099099099099102749832468362;0.000000000000000000000000000000;0.045045045045045042919618083488;0.085585585585585585710610700971;0.076126126126126125726045756892;0.031981981981981981444373985823;0.054054054054054057054656823311;0.046846846846846847134404612234;0.086036036036036031560136905227;0.227477477477477485479084862163
-0.014367816091954022789112244141;0.189367816091954022095222853750;0.106034482758620693387818789688;0.078160919540229883972770608125;0.045977011494252872925159181250;0.114367816091954024870780415313;0.055172413793103447510191017500;0.038505747126436784544267766250;0.060632183908045977904777146250;0.058045977011494255537460418282;0.104597701149425292843631041251;0.134770114942528745904937181876
-0.052160493827160495095007775035;0.169135802469135815284673185488;0.079012345679012344068503637118;0.108024691358024685361449712673;0.053703703703703704885885628073;0.059876543209876544049397040226;0.032098765432098767813595685539;0.010802469135802468536144971267;0.124074074074074072737694507396;0.086419753086419748289159770138;0.058024691358024689524786055017;0.166666666666666657414808128124
-0.009941520467836258145855055091;0.158771929824561397470716883618;0.208479532163742681261098255163;0.000292397660818713455745110341;0.042690058479532166924030889277;0.054970760233918128379038137155;0.085964912280701757940626350774;0.041228070175438599753725554820;0.067251461988304089834045385032;0.059064327485380117843671854416;0.085672514619883038955450160756;0.185672514619883044506565283882
-0.019791666666666665741480812812;0.146875000000000005551115123126;0.117361111111111110494320541875;0.000000000000000000000000000000;0.076736111111111116045435665001;0.107291666666666660190365689687;0.047916666666666669904817155157;0.027777777777777776235801354687;0.094097222222222220988641083750;0.052777777777777777623580135469;0.088194444444444450303954852188;0.221180555555555546920487586249
-0.021000000000000001304512053935;0.226666666666666655194362078873;0.108999999999999999666933092612;0.000333333333333333322202191029;0.032333333333333331982561986706;0.104666666666666671736685145788;0.035333333333333334647097245806;0.005333333333333333155235056466;0.052333333333333335868342572894;0.051999999999999997613020497056;0.140333333333333337700210563526;0.220666666666666677620867176302
-0.005345911949685534271525799710;0.228930817610062897760059286156;0.069182389937106916755205077152;0.000000000000000000000000000000;0.038679245283018866274904468128;0.132389937106918237352815026497;0.025471698113207548452852080345;0.001886792452830188693974067249;0.069811320754716979508636143237;0.042767295597484274172206397679;0.093396226415094332762301121420;0.292138364779874204479881427687
-0.012162162162162162837297785245;0.223423423423423417322197792600;0.170270270270270279722168993430;0.000000000000000000000000000000;0.042792792792792792855305350486;0.062612612612612611462381551064;0.072972972972972977023786711470;0.026126126126126126419935147283;0.064414414414414408738274175903;0.052252252252252252839870294565;0.059459459459459462760122505642;0.213513513513513525365894452079
-0.038492063492063494090089648125;0.190476190476190465616923574999;0.177380952380952389146884229376;0.029365079365079364837054498594;0.027777777777777776235801354687;0.051190476190476189022326991562;0.058333333333333334258519187188;0.052380952380952382207990325469;0.043650793650793648370544985937;0.086904761904761901325500161875;0.103571428571428578169211220938;0.140476190476190476719153821250
-0.015925925925925926707193980292;0.160370370370370357582245901540;0.130740740740740740699621369458;0.010740740740740739936343040029;0.022222222222222223070309254922;0.110370370370370368684476147791;0.040370370370370368962031903948;0.095555555555555560243163881751;0.055925925925925927539861248761;0.089629629629629628539966290646;0.124074074074074072737694507396;0.144074074074074076623475093584
-0.045454545454545455807071618892;0.141287878787878795616705929206;0.182954545454545453031514057329;0.007575757575757575967845269815;0.032575757575757577355624050597;0.067045454545454546968485942671;0.046590909090909092549193104560;0.055303030303030305259159860043;0.099621212121212124324109993267;0.085606060606060602191647035397;0.082954545454545461358186742018;0.153030303030303016509350300112
-0.026016260162601625993694653971;0.174796747967479682017710729269;0.208536585365853649465250896355;0.000000000000000000000000000000;0.028861788617886179053595441246;0.055284552845528453501877663712;0.055691056910569108895359136113;0.025203252032520325615072565029;0.065853658536585368832305675824;0.063821138211382119620473929444;0.093902439024390244037832076174;0.202032520325203246436274184816
-0.004583333333333333356462979680;0.270833333333333314829616256247;0.172916666666666662965923251249;0.000000000000000000000000000000;0.023333333333333334397297065266;0.082500000000000003885780586188;0.078750000000000000555111512313;0.022499999999999999167332731531;0.019583333333333334536074943344;0.043333333333333334813630699500;0.097500000000000003330669073875;0.184166666666666672957930472876
-0.021111111111111111743321444578;0.255185185185185181566680512333;0.058148148148148150193836869448;0.000000000000000000000000000000;0.033333333333333332870740406406;0.206666666666666665186369300500;0.017777777777777777762358013547;0.002592592592592592518063732143;0.041851851851851848418384349770;0.030370370370370370488588562807;0.128518518518518531923433556585;0.204444444444444456410181487627
-0.022641509433962262592965331010;0.127358490566037735325366497818;0.088679245283018862111568125783;0.152830188679245276839324674256;0.029245283018867924973438476854;0.085534591194968548344412795359;0.015408805031446540928508071033;0.112578616352201260619736444824;0.050000000000000002775557561563;0.075786163522012575666231271043;0.073584905660377356029222539746;0.166352201257861626038092595081
-0.011581920903954802393176493069;0.138700564971751399978572294458;0.047457627118644069019737230519;0.000000000000000000000000000000;0.110169491525423726696608639486;0.153389830508474572789978651599;0.006214689265536723489224968375;0.002259887005649717593019909501;0.120056497175141246858132149100;0.055367231638418078210062134303;0.070338983050847458944332402098;0.284463276836158185378877760741
-0.012121212121212121201607736509;0.254848484848484824194514430928;0.104242424242424247537996961910;0.000000000000000000000000000000;0.053030303030303031774916888708;0.092424242424242422644375949403;0.064848484848484849729643997307;0.006666666666666667094565124074;0.077575757575757575690289513659;0.050606060606060605799871865429;0.062121212121212118772994870142;0.221515151515151526018243544058
-0.004081632653061224857982125513;0.154761904761904767191538212501;0.149999999999999994448884876874;0.000000000000000000000000000000;0.064965986394557820315931451205;0.090476190476190473943596259687;0.055102040816326532113311742478;0.048299319727891157350008199955;0.078911564625850333376533285445;0.045918367346938777917575436049;0.072789115646258506497900953036;0.234693877551020418925631361162
-0.037820512820512817986351450372;0.141987179487179482340053482403;0.101602564102564102421766278894;0.003525641025641025692177743522;0.051602564102564099646208717331;0.116987179487179487891168605529;0.024358974358974359170071366520;0.015384615384615385469402326635;0.107692307692307698285816286443;0.083012820512820509333273832908;0.092948717948717951564674422116;0.223076923076923089306333736204
-0.000000000000000000000000000000;0.280496453900709208362229674094;0.046099290780141841117334422506;0.000000000000000000000000000000;0.024468085106382979343475625456;0.170212765957446804376829163630;0.033687943262411347566942509957;0.000354609929078014208311125932;0.045035460992907803967622015762;0.038652482269503546374878055758;0.107092198581560285597369386323;0.253900709219858133902647523428
-0.007317073170731707744407490424;0.154471544715447162143817649849;0.142276422764227639117251555945;0.000000000000000000000000000000;0.092682926829268291735175466783;0.078455284552845533374565434315;0.041463414634146343595855199737;0.024390243902439025236450476086;0.089024390243902434827205638612;0.051219512195121948139320267046;0.051626016260162603532801739448;0.267073170731707332237192531466
-0.005228758169934640161191641283;0.217647058823529415683140086912;0.169934640522875823887005708457;0.000980392156862745084433541365;0.031045751633986928830211127206;0.088888888888888892281237019688;0.117320261437908496260362767316;0.051633986928104572133868543915;0.037581699346405227080136768336;0.035294117647058823039607489136;0.085294117647058825815165050699;0.159150326797385610611001993675
-0.005555555555555555767577313730;0.161111111111111121596550788126;0.091481481481481483064577275854;0.000000000000000000000000000000;0.087037037037037037756626034479;0.102962962962962964463820014771;0.037037037037037034981068472916;0.008888888888888888881179006773;0.093333333333333337589188261063;0.040740740740740744030290443334;0.087037037037037037756626034479;0.284814814814814798449305044414
-0.019379844961240309808570003725;0.148837209302325579329817628604;0.130232558139534881913590425029;0.102713178294573645454867971694;0.031007751937984495693712005959;0.077906976744186048899898366926;0.094186046511627902200203266148;0.062790697674418610718660715975;0.048837209302325580717596409386;0.078294573643410858565516718954;0.067441860465116285072717516869;0.138372093023255815502636778547
-0.005246913580246913635929395525;0.251851851851851826769035369580;0.093518518518518514714976674895;0.030555555555555554553270880547;0.027777777777777776235801354687;0.117592592592592595779343866980;0.043209876543209874144579885069;0.014197530864197531116910333537;0.041666666666666664353702032031;0.043827160493827163612046149410;0.116049382716049379049572110034;0.214506172839506181748703284029
-0.018604651162790697416227203576;0.212790697674418605167545592849;0.063178294573643406506491260188;0.003875968992248061961714000745;0.022480620155038759377941204320;0.181782945736434109473833586890;0.022480620155038759377941204320;0.009689922480620154904285001862;0.068604651162790700191784765138;0.070542635658914734642088717465;0.139147286821705434833873482603;0.186821705426356593493508739812
-0.002046783625730994298635989637;0.278947368421052610543142691313;0.154093567251461976974624690229;0.000000000000000000000000000000;0.035087719298245612087328026973;0.070760233918128648267220626167;0.115497076023391806454121422121;0.021052631578947367946286206575;0.041812865497076023846290127040;0.038011695906432746427938695888;0.058771929824561405797389568306;0.183918128654970758351083759408
-0.003205128205128205017004905386;0.197115384615384608979482550239;0.083012820512820509333273832908;0.000000000000000000000000000000;0.073397435897435900353791282669;0.120512820512820514884388956034;0.023397435897435897578233721106;0.011858974358974358476181976130;0.107692307692307698285816286443;0.045512820512820510721052613690;0.064743589743589749496699425890;0.269551282051282037333095331633
-0.005405405405405405705465682331;0.254504504504504514006413273819;0.133783783783783777332487829881;0.000000000000000000000000000000;0.058108108108108111333756085060;0.077927927927927923001938381731;0.062162162162162165612855346808;0.009009009009009008930868311893;0.060810810810810814186488926225;0.045945945945945948496458299815;0.063063063063063057311907755320;0.229279279279279268877189679188
-0.029166666666666667129259593594;0.180833333333333345915860945752;0.138750000000000012212453270877;0.010833333333333333703407674875;0.045833333333333330095182844843;0.080416666666666664076146275875;0.037916666666666667961926862063;0.036249999999999997501998194593;0.068750000000000005551115123126;0.069583333333333330372738601000;0.075833333333333335923853724125;0.225833333333333330372738601000
-0.006666666666666667094565124074;0.202380952380952383595769106250;0.094285714285714292137718928188;0.000952380952380952380126322154;0.056190476190476193463219090063;0.143333333333333340364745822626;0.029523809523809525084958593766;0.022857142857142857123031731703;0.065714285714285711192950145687;0.042857142857142857539365365938;0.071904761904761901880611674187;0.263333333333333308168278108496
-0.003100775193798449569371200596;0.254263565891472864688438448866;0.159689922480620166700404638505;0.000000000000000000000000000000;0.035271317829457367321044358732;0.077131782945736429568661662870;0.088372093023255812727079216984;0.015503875968992247846856002980;0.045736434108527131148225208790;0.044961240310077518755882408641;0.074806201550387599330527166330;0.201162790697674426221297494521
-0.021052631578947367946286206575;0.232456140350877193956335986513;0.086842105263157901018367113011;0.000000000000000000000000000000;0.082163742690058480522274919622;0.107309941520467841402641795412;0.040350877192982456675984792582;0.004970760233918129072927527545;0.064912280701754379585999288338;0.047076023391812868434946892648;0.059356725146198829889954140526;0.253508771929824572310963048949
-0.006410256410256410034009810772;0.191025641025641013115432542691;0.084188034188034194249539154953;0.000000000000000000000000000000;0.038034188034188030902438271141;0.140598290598290598385489147404;0.045299145299145297804965792920;0.005128205128205128200680196215;0.078205128205128204843532557788;0.055128205128205126639429067836;0.105128205128205129414986629399;0.250854700854700851664347283076
-0.008518518518518519017090895318;0.211111111111111110494320541875;0.088148148148148142144719940916;0.000000000000000000000000000000;0.061111111111111109106541761093;0.107037037037037041642406620667;0.065925925925925929482751541855;0.025555555555555557051272685953;0.067777777777777784007362527063;0.048888888888888891448569751219;0.068888888888888888395456433500;0.247037037037037027209507300540
-0.007222222222222221890697291258;0.136111111111111099392090295623;0.065277777777777781786916477813;0.236666666666666664076146275875;0.032222222222222221543752596062;0.141944444444444456410181487627;0.021666666666666667406815349750;0.016111111111111110771876298031;0.057222222222222222931531376844;0.048333333333333332315628894094;0.118333333333333332038073137937;0.118888888888888891171013995063
-0.010683760683760683968257509946;0.173931623931623924317335649903;0.116666666666666668517038374375;0.000427350427350427350056683018;0.053418803418803416371840597776;0.100000000000000005551115123126;0.032905982905982907038566764868;0.010683760683760683968257509946;0.096581196581196585015938183005;0.076495726495726501514837991635;0.110256410256410253278858135673;0.217948717948717951564674422116
-0.005185185185185185036127464286;0.234444444444444455299958463002;0.113703703703703709604333482730;0.004444444444444444440589503387;0.017777777777777777762358013547;0.147777777777777785672697064001;0.032222222222222221543752596062;0.010000000000000000208166817117;0.050370370370370370904922197042;0.073703703703703701832772310354;0.132592592592592595224232354667;0.177777777777777784562474039376
-0.030833333333333334119741309109;0.140000000000000013322676295502;0.152499999999999996669330926125;0.004166666666666666608842550801;0.029999999999999998889776975375;0.066250000000000003330669073875;0.047916666666666669904817155157;0.027500000000000000138777878078;0.073749999999999996114219413812;0.082500000000000003885780586188;0.112500000000000002775557561563;0.232083333333333335923853724125
-0.004166666666666666608842550801;0.232738095238095243910692033751;0.101190476190476191797884553125;0.000000000000000000000000000000;0.048214285714285716466509512657;0.119345238095238101450057399688;0.053273809523809521893067397968;0.004761904761904762334312479766;0.055059523809523808202115446875;0.037202380952380952050528861719;0.111309523809523802651000323749;0.232738095238095243910692033751
-0.004878048780487804873817747620;0.228455284552845527823450311189;0.179268292682926821957067886615;0.000813008130081300812302957937;0.036178861788617885930641193681;0.070731707317073164165144305571;0.060162601626016262712504101273;0.018699186991869919116648901536;0.041056910569105688202373727336;0.048780487804878050472900952172;0.086585365853658530221892419831;0.224390243902439029399786818431
-0.004365079365079365183999193789;0.238095238095238082021154468748;0.149603174603174599033295066874;0.003968253968253968033685907812;0.018253968253968255036623347110;0.101984126984126982629064173125;0.067857142857142851988250242812;0.017063492063492061850960013203;0.031746031746031744269487262500;0.049603174603174600421073847656;0.118253968253968250179397614374;0.199206349206349192515475010623
-0.005185185185185185036127464286;0.222222222222222209886410837498;0.164814814814814802890197142915;0.001111111111111111110147375847;0.028518518518518519433424529552;0.084814814814814815102650413792;0.080000000000000001665334536938;0.062222222222222220433529571437;0.037777777777777778178691647781;0.043703703703703702942995334979;0.099629629629629623543962679832;0.170000000000000012212453270877
-0.030072463768115943044678672891;0.228985507246376812640065168125;0.138768115942028980036582197499;0.002536231884057970828449946055;0.027173913043478260115337619141;0.067753623188405803778877611876;0.057608695652173913526183923750;0.020289855072463766627599568437;0.060144927536231886089357345782;0.068840579710144927938486603125;0.109782608695652178498747275626;0.188043478260869562079804495625
-0.010999999999999999361621760841;0.190333333333333326597980317274;0.058333333333333334258519187188;0.000000000000000000000000000000;0.056000000000000001165734175856;0.174999999999999988897769753748;0.026666666666666668378260496297;0.003666666666666666598434209945;0.076333333333333336367942933975;0.045666666666666667906415710831;0.102999999999999994337862574412;0.254000000000000003552713678801
-0.001111111111111111110147375847;0.164444444444444448638620315251;0.141851851851851840091711665082;0.000000000000000000000000000000;0.053333333333333336756520992594;0.081481481481481488060580886668;0.025925925925925925180637321432;0.007037037037037036958653235530;0.056296296296296295669225884239;0.055555555555555552471602709375;0.093333333333333337589188261063;0.319629629629629652409761320087
-0.025000000000000001387778780781;0.177083333333333342585191871876;0.115000000000000004996003610813;0.000000000000000000000000000000;0.050833333333333334536074943344;0.096666666666666664631257788187;0.076249999999999998334665463062;0.029583333333333333009518284484;0.063333333333333338699411285688;0.045833333333333330095182844843;0.090416666666666672957930472876;0.230000000000000009992007221626
-0.054487179487179487891168605529;0.066666666666666665741480812812;0.110576923076923072652988366826;0.223397435897435908680463967357;0.020512820512820512802720784862;0.055448717948717946013559298990;0.072115384615384608979482550239;0.075320512820512816598572669591;0.093910256410256409687065115577;0.073397435897435900353791282669;0.079166666666666662965923251249;0.074999999999999997224442438437
-0.027777777777777776235801354687;0.067777777777777784007362527063;0.108611111111111116600547177313;0.252500000000000002220446049250;0.045277777777777777901135891625;0.055277777777777779844026184719;0.081111111111111106053428443374;0.060277777777777777346024379312;0.083611111111111108273874492625;0.043888888888888887007677652718;0.079166666666666662965923251249;0.094722222222222221543752596062
-0.017666666666666667323548622903;0.094666666666666662854900948787;0.104666666666666671736685145788;0.287666666666666681617670064952;0.029333333333333332787473679559;0.059333333333333335146697606888;0.082000000000000003441691376338;0.040000000000000000832667268469;0.054333333333333330705805508387;0.069666666666666668406016071913;0.072999999999999995448085599037;0.087666666666666670515439818701
-0.005555555555555555767577313730;0.185185185185185174905342364582;0.137777777777777776790912867000;0.000370370370370370351979089074;0.086296296296296301497896763522;0.068888888888888888395456433500;0.074444444444444438091501581312;0.018888888888888889089345823891;0.088148148148148142144719940916;0.055555555555555552471602709375;0.067037037037037033870845448291;0.211851851851851846753049812833
-0.120370370370370363688472536978;0.037037037037037034981068472916;0.089814814814814819543542512292;0.272530864197530864334595435139;0.037654320987654324448534737257;0.029629629629629630760412339896;0.037345679012345679714801605087;0.062037037037037036368847253698;0.121296296296296290950778029583;0.073456790123456794372458489306;0.053086419753086422357313267639;0.065740740740740738479175320208
-0.014444444444444443781394582516;0.082222222222222224319310157625;0.169722222222222218768195034500;0.135000000000000008881784197001;0.042777777777777775680689842375;0.051944444444444445863062753688;0.087499999999999994448884876874;0.053333333333333336756520992594;0.069444444444444447528397290625;0.056388888888888891171013995063;0.099722222222222225984644694563;0.137500000000000011102230246252
-0.004000000000000000083266726847;0.045999999999999999222843882762;0.050333333333333334091985733494;0.551000000000000045297099404706;0.017000000000000001221245327088;0.042333333333333333925452279800;0.034666666666666665075346998037;0.057333333333333333370340767488;0.031666666666666669349705642844;0.061999999999999999555910790150;0.072666666666666671070551331013;0.030999999999999999777955395075
-0.003773584905660377387948134498;0.231761006289308180150499083538;0.127044025157232703948650964776;0.000943396226415094346987033624;0.040566037735849054535197666382;0.094339622641509440770235528362;0.116981132075471699893753907418;0.031446540880503144610447208152;0.045597484276729556562646195061;0.044968553459119493809215128977;0.089308176100628924864999191868;0.173270440251572316325834322015
-0.023504273504273504036277131490;0.149145299145299142784537593798;0.171367521367521369324293800673;0.001282051282051282050170049054;0.043589743589743587537377322860;0.053418803418803416371840597776;0.115811965811965816852691091299;0.050000000000000002775557561563;0.079487179487179482340053482403;0.060256410256410257442194478017;0.080769230769230773714362214832;0.171367521367521369324293800673
-0.046190476190476191520328796969;0.109523809523809523280846178750;0.215238095238095228367569688999;0.011904761904761904101057723437;0.025238095238095236555464495609;0.037142857142857144125969171000;0.066190476190476188467215479250;0.059047619047619050169917187532;0.096190476190476187356992454625;0.111904761904761909652172846563;0.093333333333333337589188261063;0.128095238095238095343830764250
-0.028448275862068966857165719375;0.102586206896551720979537947187;0.114367816091954024870780415313;0.010919540229885057319725305547;0.077873563218390798312817935312;0.093390804597701146394506110937;0.054022988505747125687062037969;0.042816091954022986176831011562;0.138793103448275861877547754375;0.086781609195402301115684906563;0.090229885057471259646177941249;0.159770114942528740353822058751
-0.014965986394557822744544317572;0.156802721088435376151082323304;0.176870748299319729968104297768;0.017687074829931974384589210558;0.032312925170068028390968351005;0.067687074829931970221252868214;0.066666666666666665741480812812;0.041496598639455782586704657433;0.085374149659863951544735982679;0.077210884353741501828771731653;0.117006802721088432051033123571;0.145918367346938776529796655268
-0.203703703703703692395876601040;0.041111111111111112159655078813;0.092592592592592587452671182291;0.140740740740740749581405566460;0.058888888888888886452566140406;0.026666666666666668378260496297;0.060740740740740740977177125615;0.099629629629629623543962679832;0.106296296296296291505889541895;0.053703703703703704885885628073;0.055185185185185184342238073896;0.060740740740740740977177125615
-0.024382716049382715389759468394;0.098765432098765426616182594444;0.108333333333333337034076748751;0.124691358024691362205160771737;0.073148148148148142699831453228;0.066666666666666665741480812812;0.047222222222222220988641083750;0.021913580246913581806023074705;0.103395061728395062927710057465;0.050925925925925923098969150260;0.070679012345679012585542011493;0.209876543209876531559388013193
-0.048611111111111111882099322656;0.058333333333333334258519187188;0.090277777777777776235801354687;0.213333333333333347026083970377;0.078333333333333338144299773376;0.044722222222222218768195034500;0.039722222222222221266196839906;0.039722222222222221266196839906;0.149444444444444435315944019749;0.077777777777777779011358916250;0.057222222222222222931531376844;0.102499999999999993893773364562
-0.065646258503401361261708757411;0.058843537414965986498405214888;0.152721088435374158231994101698;0.019047619047619049337249919063;0.028911564625850341009316579743;0.056802721088435377538861104085;0.028571428571428570536427926640;0.071428571428571424606346340624;0.130612244897959195455428016430;0.148979591836734703846900629287;0.103741496598639459936208595536;0.134693877551020413374516238036
-0.079761904761904756089307966249;0.047619047619047616404230893750;0.101190476190476191797884553125;0.071130952380952378044653983125;0.045238095238095236971798129844;0.058928571428571427381903902187;0.037202380952380952050528861719;0.095238095238095232808461787499;0.142559523809523802651000323749;0.159226190476190465616923574999;0.084226190476190482270268944376;0.077678571428571430157461463750
-0.030180180180180180699034409031;0.051801801801801800051450186402;0.072522522522522517296472699400;0.119819819819819817219297419797;0.102252252252252248676533952221;0.078378378378378382729252393801;0.043243243243243245643725458649;0.041891891891891894217359038066;0.156306306306306319608978583346;0.073423423423423422873312915726;0.066216216216216219891954608556;0.163963963963963954562075286958
-0.111742424242424240321547301846;0.048863636363636366033436075895;0.112500000000000002775557561563;0.090530303030303030387138107926;0.039772727272727272096464190554;0.034090909090909088385856762216;0.034090909090909088385856762216;0.105681818181818182322828647557;0.131060606060606071876506462104;0.126893939393939392257237841477;0.070454545454545450255956495766;0.094318181818181814901613790880
-0.135454545454545466354190352831;0.048484848484848484806430946037;0.127575757575757564588059267408;0.018484848484848485916653970662;0.097272727272727274594465995960;0.038787878787878787845144756830;0.040303030303030305814271372356;0.058181818181818181767717135244;0.163333333333333330372738601000;0.081818181818181817677171352443;0.065757575757575750796668501152;0.124545454545454542527593844170
-0.256060606060606044120930846475;0.034242424242424240876658814159;0.091515151515151521577351445558;0.066060606060606055778272605039;0.052424242424242421811708680934;0.043333333333333334813630699500;0.043333333333333334813630699500;0.055454545454545457749961911986;0.146363636363636362425211245863;0.078787878787878781738918121391;0.062727272727272728736203077915;0.069696969696969701679734043864
-0.043567251461988303062877747607;0.100584795321637429643679695346;0.116374269005847949531862184358;0.092690058479532169699588450840;0.068421052631578951896962337287;0.086549707602339182033190922994;0.097953216374269000410457408634;0.040935672514619880768549364802;0.078947368421052627196488060690;0.075730994152046787748489009573;0.090058479532163740466366164128;0.108187134502923970602594749835
-0.018888888888888889089345823891;0.121851851851851850083718886708;0.186666666666666675178376522126;0.003333333333333333547282562037;0.043333333333333334813630699500;0.051111111111111114102545371907;0.094814814814814810106646802979;0.076296296296296292616112566520;0.099629629629629623543962679832;0.072592592592592597444678403917;0.107037037037037041642406620667;0.124444444444444440867059142874
-0.036231884057971015800081460156;0.088768115942028991138812443751;0.073550724637681155759771911562;0.074999999999999997224442438437;0.113043478260869564855362057187;0.094565217391304343119706743437;0.039130434782608698729422513907;0.023188405797101449556940622188;0.149637681159420277143823341248;0.064492753623188403544475022500;0.073188405797101452332498183750;0.169202898550724650794663261877
-0.072695035460992901699128765358;0.065602836879432621652874502161;0.078014184397163122142160318617;0.086170212765957446277020892467;0.111702127659574462770208924667;0.066666666666666665741480812812;0.032624113475177303478336199305;0.030496453900709218770570529955;0.167021276595744672111010231674;0.056382978723404253429407617659;0.050709219858156025229067864757;0.181914893617021289351498580800
-0.019927536231884056261431936719;0.069565217391304348670821866563;0.090579710144927536030756698437;0.436594202898550720615133968749;0.026449275362318839383002355703;0.038405797101449277997087250469;0.058333333333333334258519187188;0.031884057971014491406069879531;0.040942028985507243621366768593;0.051449275362318837301334184531;0.064130434782608700117201294688;0.071739130434782610867827656875
-0.086296296296296301497896763522;0.021481481481481479872686080057;0.039629629629629632703302632990;0.488148148148148164349180433419;0.030370370370370370488588562807;0.026666666666666668378260496297;0.040370370370370368962031903948;0.096296296296296296501893152708;0.067037037037037033870845448291;0.031481481481481478346129421197;0.035185185185185187395351391615;0.037037037037037034981068472916
-0.061481481481481484174800300480;0.063333333333333338699411285688;0.100000000000000005551115123126;0.263703703703703717931006167419;0.036296296296296298722339201959;0.036666666666666666851703837438;0.065925925925925929482751541855;0.037407407407407410049327012302;0.067777777777777784007362527063;0.078888888888888883399452822687;0.068518518518518520266091798021;0.119999999999999995559107901499
-0.014705882352941176266503120473;0.097058823529411766828367547078;0.082679738562091500964079671121;0.060130718954248367491555171682;0.042156862745098042100089230644;0.205555555555555546920487586249;0.028431372549019607448572699582;0.023529411764705882026404992757;0.064379084967320254762057629705;0.053267973856209148431073430174;0.195751633986928103015046076507;0.132352941176470589867975036213
-0.112878787878787884002562691421;0.020075757575757576661734660206;0.137500000000000011102230246252;0.084848484848484853615424583495;0.016287878787878788677812025298;0.026515151515151515887458444354;0.017803030303030303177491688871;0.112500000000000002775557561563;0.139015151515151508254675150056;0.203409090909090900511912991533;0.086363636363636364645657295114;0.042803030303030301095823517699
-0.080188679245283014940248733637;0.111006289308176103736158779611;0.162578616352201249517506198572;0.010691823899371068543051599420;0.054088050314465410672859491115;0.056603773584905661686583755454;0.124528301886792452934926700436;0.071069182389937105015498275407;0.095911949685534597653813193574;0.061635220125786163714032284133;0.062578616352201257844178883261;0.109119496855345915475865581357
-0.028472222222222221682530474141;0.140277777777777779011358916250;0.128472222222222209886410837498;0.001041666666666666652210637700;0.100347222222222226539756206876;0.059374999999999997224442438437;0.084375000000000005551115123126;0.023611111111111110494320541875;0.119791666666666671292595935938;0.073263888888888892281237019688;0.061458333333333330095182844843;0.179513888888888889505679458125
-0.030747126436781610503423678438;0.131034482758620701714491474377;0.133333333333333331482961625625;0.054310344827586204408120806875;0.067816091954022994503503696251;0.054022988505747125687062037969;0.199425287356321839782324900625;0.052011494252873560761862847812;0.086206896551724143673567368751;0.040804597701149428190525725313;0.049137931034482759673487350938;0.101149425287356320435350198750
-0.052830188679245285165997358945;0.112578616352201260619736444824;0.080503144654088046316964266680;0.184591194968553445887593511543;0.059433962264150944077023552836;0.063836477987421383351041015430;0.039622641509433960405051067255;0.017610062893081760565516802330;0.101572327044025162434692788338;0.078616352201257858056671068425;0.075786163522012575666231271043;0.133018867924528300106246092582
-0.144444444444444430875051921248;0.061111111111111109106541761093;0.067901234567901230798625533680;0.210493827160493834904642085348;0.050617283950617285304129921997;0.059876543209876544049397040226;0.046604938271604938460068723316;0.108333333333333337034076748751;0.073456790123456794372458489306;0.052777777777777777623580135469;0.055246913580246914676763481111;0.069135802469135795855770254548
-0.019230769230769231836752908293;0.166239316239316231582634486585;0.118376068376068371845732940528;0.103418803418803412208504255432;0.069230769230769234612310469856;0.056837606837606836907017537897;0.080341880341880347882188573294;0.030341880341880341637184059778;0.067094017094017091573654454351;0.062820512820512819374130231154;0.096153846153846159183764541467;0.129914529914529924825572493319
-0.030448717948717948095227470162;0.209935897435897439455843027645;0.120833333333333334258519187188;0.057371794871794869197234589819;0.048076923076923079591882270734;0.075320512820512816598572669591;0.065384615384615388244959888198;0.038141025641025644299375585433;0.076282051282051288598751170866;0.047756410256410253278858135673;0.098717948717948714176806390697;0.131730769230769234612310469856
-0.043518518518518518878313017240;0.127469135802469130114289441735;0.102777777777777773460243793124;0.108641975308641974828915977014;0.060185185185185181844236268489;0.107716049382716047566610484409;0.035802469135802469923923752049;0.030246913580246913288984700330;0.091666666666666660190365689687;0.087962962962962965018931527084;0.114814814814814813992427389167;0.089197530864197530076076247951
-0.083898305084745758430919693183;0.071468926553672318391363660339;0.164689265536723167260291234015;0.012146892655367232116692122190;0.031355932203389828838435704483;0.047175141242937854157979415959;0.028813559322033898552062325393;0.079661016949152535504552474777;0.127118644067796604524289705296;0.128531073446327692710866585912;0.124293785310734469784499367506;0.100847457627118650136388566807
-0.053888888888888888950567945813;0.099444444444444446418174266000;0.136111111111111099392090295623;0.015555555555555555108382392859;0.058333333333333334258519187188;0.084444444444444446973285778313;0.054444444444444441144614899031;0.060833333333333336478965236438;0.113611111111111107163651467999;0.114166666666666666296592325125;0.099444444444444446418174266000;0.109722222222222220988641083750
-0.008139534883720930119599401564;0.103875968992248060573935219963;0.093410852713178296746754369906;0.000387596899224806196171400074;0.045736434108527131148225208790;0.264728682170542628515619298923;0.052325581395348839952585962010;0.015891472868217054043027403054;0.070542635658914734642088717465;0.056589147286821704641024410876;0.163953488372093031388843087370;0.124418604651162792440466375865
-0.088492063492063496865647209688;0.064285714285714279370154144999;0.140079365079365081303564011250;0.056349206349206350241676233281;0.061507936507936504522131571093;0.051190476190476189022326991562;0.063492063492063488538974525000;0.091269841269841264774775879687;0.125396825396825395415589810000;0.064682539682539688663531762813;0.069841269841269842943987100625;0.123412698412698418337640760001
-0.098809523809523805426557885312;0.057539682539682536488445663281;0.122222222222222218213083522187;0.055555555555555552471602709375;0.078174603174603174426948726250;0.033333333333333332870740406406;0.065476190476190479494711382813;0.085317460317460319663140921875;0.140476190476190476719153821250;0.062698412698412697707794905000;0.062698412698412697707794905000;0.137698412698412708810025151251
-0.093910256410256409687065115577;0.064102564102564096870651155768;0.119871794871794876136128493727;0.009935897435897435292506685300;0.082692307692307689959143601754;0.046153846153846156408206979904;0.046794871794871795156467442212;0.101923076923076921795896510048;0.147115384615384620081712796491;0.071153846153846150857091856778;0.070512820512820512108831394471;0.145833333333333342585191871876
-0.113475177304964536251219442420;0.058156028368794326910418135412;0.106737588652482270901167282773;0.046808510638297870509738629607;0.093262411347517726323275155664;0.047872340425531914598344940259;0.064539007092198577564268191509;0.064893617021276592260470295059;0.162056737588652494119756397595;0.058865248226950356302822342514;0.055319148936170209340801307007;0.128014184397163111039930072366
-0.052222222222222225429533182250;0.149722222222222228760202256126;0.130000000000000004440892098501;0.044999999999999998334665463062;0.047222222222222220988641083750;0.066388888888888886175010384250;0.045555555555555557467606320188;0.031388888888888889783235214281;0.099166666666666666851703837438;0.080000000000000001665334536938;0.076111111111111115490324152688;0.177222222222222225429533182250
-0.052339181286549706084709754350;0.068128654970760232911786147270;0.063450292397660812415693953881;0.288011695906432774183514311517;0.068713450292397657004350719490;0.066081871345029241648916240592;0.034795321637426900041045740863;0.023976608187134502286896875489;0.116959064327485373624426756578;0.064912280701754379585999288338;0.068713450292397657004350719490;0.083918128654970766677756444096
-0.015972222222222220988641083750;0.131944444444444447528397290625;0.112500000000000002775557561563;0.000000000000000000000000000000;0.076388888888888895056794581251;0.102777777777777773460243793124;0.051388888888888886730121896562;0.020486111111111111188209932266;0.125694444444444441977282167500;0.073958333333333334258519187188;0.079513888888888883954564334999;0.209375000000000005551115123126
-0.004861111111111111188209932266;0.180555555555555552471602709375;0.124652777777777779011358916250;0.000000000000000000000000000000;0.082638888888888886730121896562;0.101736111111111110494320541875;0.129861111111111121596550788126;0.040972222222222222376419864531;0.065277777777777781786916477813;0.028819444444444446140618509844;0.090624999999999997224442438437;0.149999999999999994448884876874
-0.015204678362573099265064868746;0.091812865497076026621847688602;0.053508771929824561208732802697;0.378947368421052643849833430068;0.027777777777777776235801354687;0.095614035087719304040199119754;0.027777777777777776235801354687;0.026023391812865497019213734120;0.054093567251461985301297374917;0.060818713450292397060259474983;0.089473684210526316373801591908;0.078947368421052627196488060690
-0.047530864197530865722374215920;0.113271604938271611140443440036;0.124074074074074072737694507396;0.107407407407407409771771256146;0.035802469135802469923923752049;0.078703703703703706273664408855;0.049074074074074075513252068959;0.057716049382716051729946826754;0.089506172839506167870915476215;0.091358024691358022395526461423;0.090740740740740746805848004897;0.114814814814814813992427389167
-0.069393939393939396698129939978;0.054848484848484847786753704213;0.066969696969696970723084916699;0.282727272727272715968638294726;0.058484848484848486749321239131;0.052727272727272726793312784821;0.041515151515151511862899980088;0.045454545454545455807071618892;0.143030303030303035383141718739;0.073030303030303028721803570988;0.058787878787878784792031439110;0.053030303030303031774916888708
-0.095679012345679007034426888367;0.048456790123456792984679708525;0.118209876543209871369022323506;0.076851851851851851749053423646;0.048456790123456792984679708525;0.038580246913580244771946325955;0.057098765432098762262480562413;0.163271604938271613916001001598;0.119135802469135798631327816111;0.102160493827160497870565336598;0.059567901234567899315663908055;0.072530864197530867110152996702
-0.037345679012345679714801605087;0.090432098765432095133220968819;0.156790123456790136957650361182;0.013271604938271605589328316910;0.058333333333333334258519187188;0.045987654320987655931496362882;0.107098765432098771976932027883;0.114814814814814813992427389167;0.112962962962962959467816403958;0.069753086419753085323236518889;0.076234567901234562281587159305;0.116975308641975306311877602639
-0.044047619047619050725028699844;0.100595238095238098674499838125;0.162500000000000005551115123126;0.008035714285714284921269268125;0.083333333333333328707404064062;0.049702380952380949274971300156;0.104464285714285717854288293438;0.072916666666666671292595935938;0.107440476190476197348999676251;0.070535714285714284921269268125;0.088095238095238101450057399688;0.108333333333333337034076748751
-0.139166666666666660745477201999;0.083333333333333328707404064062;0.123055555555555556912494807875;0.083611111111111108273874492625;0.021666666666666667406815349750;0.068611111111111108828986004937;0.048333333333333332315628894094;0.048888888888888891448569751219;0.135555555555555568014725054127;0.092499999999999998889776975375;0.096388888888888885064787359624;0.058888888888888886452566140406
-0.080333333333333339920656612776;0.079333333333333339032478193076;0.102999999999999994337862574412;0.046333333333333330539272054693;0.074999999999999997224442438437;0.053333333333333336756520992594;0.037333333333333336423454085207;0.054333333333333330705805508387;0.148333333333333344805637921127;0.111666666666666664076146275875;0.061666666666666668239482618219;0.149333333333333345693816340827
-0.102777777777777773460243793124;0.058888888888888886452566140406;0.091666666666666660190365689687;0.089444444444444437536390068999;0.077777777777777779011358916250;0.076388888888888895056794581251;0.010833333333333333703407674875;0.038055555555555557745162076344;0.150833333333333347026083970377;0.108333333333333337034076748751;0.073333333333333333703407674875;0.121666666666666672957930472876
-0.033333333333333332870740406406;0.087106918238993705227990460571;0.077987421383647795303240002340;0.000943396226415094346987033624;0.136792452830188676626832489092;0.116666666666666668517038374375;0.040880503144654085911913199425;0.018553459119496854695663401458;0.172641509433962253572403255930;0.057547169811320755816730354582;0.085849056603773579721128328401;0.171698113207547159442256656803
-0.034353741496598637350512461808;0.142517006802721085678697932053;0.101700680272108837098876676919;0.030612244897959182965418989397;0.082993197278911565173409314866;0.088775510204081628518046898080;0.039795918367346937161155295826;0.033673469387755103343629059509;0.105102040816326527949975400134;0.090816326530612251355378816697;0.064285714285714279370154144999;0.185374149659863957095851105805
-0.024444444444444445724284875610;0.035925925925925923654080662573;0.048518518518518516380311211833;0.401481481481481494721919034419;0.085185185185185183232015049271;0.065185185185185179346234463083;0.016296296296296294836558615771;0.005185185185185185036127464286;0.106666666666666673513041985188;0.069259259259259256524821068979;0.054814814814814816212873438417;0.087037037037037037756626034479
-0.007142857142857142634106981660;0.114625850340136059557494263572;0.087755102040816324038274842678;0.073469387755102047443678259242;0.045578231292517007444686782947;0.144217687074829931104247293661;0.013945578231292516530048786194;0.007142857142857142634106981660;0.108843537414965982335068872544;0.084693877551020410598958676474;0.124149659863945577287225319196;0.188435374149659856657379464195
-0.091520467836257307636671498585;0.045906432748538013310923844301;0.099122807017543862473374360889;0.013742690058479532094759534289;0.085087719298245614862885588536;0.052339181286549706084709754350;0.038011695906432746427938695888;0.041812865497076023846290127040;0.182456140350877205058566232765;0.123099415204678361290824284424;0.090350877192982459451542354145;0.136549707602339170930960676742
-0.038461538461538463673505816587;0.077884615384615385469402326635;0.092307692307692312816413959808;0.000000000000000000000000000000;0.134935897435897428353612781393;0.113782051282051280272078486178;0.029166666666666667129259593594;0.017307692307692308653077617464;0.147115384615384620081712796491;0.053525641025641022829884008161;0.083974358974358967455664526369;0.211538461538461536326494183413
-0.016666666666666666435370203203;0.120408163265306122902131846786;0.074489795918367351923450314644;0.001020408163265306214495531378;0.135714285714285703976500485624;0.103401360544217682524426038526;0.030952380952380953438307642500;0.008163265306122449715964251027;0.162244897959183675961725157322;0.083333333333333328707404064062;0.055442176870748302586200395581;0.208163265306122446940406689464
-0.059941520467836253982518712746;0.082456140350877199507451109639;0.081578947368421056429710347402;0.000877192982456140367235331023;0.127777777777777767909128669999;0.114912280701754382361556849901;0.027192982456140352143236782467;0.013157894736842104532748010115;0.160233918128654978518810025889;0.055263157894736840425320423265;0.086257309941520463048014732976;0.190350877192982465002657477271
-0.069827586206896552489808982500;0.077873563218390798312817935312;0.072988505747126439238137152188;0.000574712643678160911564489766;0.102011494252873563537420409375;0.097413793103448276244904491250;0.028448275862068966857165719375;0.011781609195402298687072040195;0.191091954022988508299363275000;0.055172413793103447510191017500;0.077586206896551726530653070313;0.215229885057471259646177941249
-0.012727272727272727695368992329;0.131818181818181806574941106192;0.137575757575757573469843464409;0.000000000000000000000000000000;0.112424242424242426530156535591;0.069090909090909091716525836091;0.036666666666666666851703837438;0.014848484848484848688809911721;0.108181818181818184543274696807;0.048181818181818179824826842150;0.060909090909090905785472358502;0.267575757575757577910735562909
-0.013793103448275861877547754375;0.144827586206896563592039228752;0.075287356321839082884395111250;0.000000000000000000000000000000;0.104022988505747121523725695624;0.104310344827586207183678368438;0.025287356321839080108837549687;0.004597701149425287292515918125;0.131034482758620701714491474377;0.064080459770114936435270180937;0.061206896551724135346894684062;0.271551724137931049796179650002
-0.039830508474576267752276237388;0.089830508474576270527833798951;0.109887005649717511834850824926;0.016666666666666666435370203203;0.066101694915254236017965183692;0.088418079096045196219044726149;0.016101694915254236711854574082;0.037570621468926555797107624812;0.127966101694915262987350956791;0.111864406779661015867155526848;0.092937853107344634007169759116;0.202824858757062159719808391856
-0.044632768361581920402159084915;0.059604519774011301136429352709;0.130508474576271182865383480021;0.034180790960451977456013850087;0.082768361581920898983888434941;0.056779661016949152518851207105;0.019774011299435029914706163368;0.086158192090395477324982209666;0.133615819209039560222507248000;0.131355932203389841328444731516;0.085028248587570617877950951424;0.135593220338983050377024142108
-0.035277777777777775958245598531;0.111388888888888884509675847312;0.141111111111111103832982394124;0.014444444444444443781394582516;0.052777777777777777623580135469;0.074722222222222217657972009874;0.027222222222222220572307449515;0.062500000000000000000000000000;0.116944444444444448083508802938;0.133333333333333331482961625625;0.100277777777777771239797743874;0.130000000000000004440892098501
-0.033333333333333332870740406406;0.118333333333333332038073137937;0.111111111111111104943205418749;0.005833333333333333599324266316;0.096388888888888885064787359624;0.104999999999999996114219413812;0.044444444444444446140618509844;0.029166666666666667129259593594;0.138055555555555542479595487748;0.057500000000000002498001805407;0.099722222222222225984644694563;0.161111111111111121596550788126
-0.013963963963963963582637362038;0.130180180180180182780702580203;0.196846846846846834644395585201;0.000000000000000000000000000000;0.055405405405405408481023243894;0.051801801801801800051450186402;0.079729729729729734155618814384;0.042342342342342340066885242322;0.086936936936936937136977121554;0.090990990990990991416076383302;0.097747747747747748547908486216;0.154054054054054062605771946437
-0.028333333333333331899295259859;0.104166666666666671292595935938;0.093333333333333337589188261063;0.154583333333333322601177428623;0.072083333333333332593184650250;0.073333333333333333703407674875;0.038749999999999999722444243844;0.045833333333333330095182844843;0.095833333333333339809634310313;0.080416666666666664076146275875;0.064583333333333339809634310313;0.148749999999999993338661852249
-0.102333333333333331705006230550;0.045333333333333336589987538900;0.062333333333333330872338962081;0.319666666666666654528228264098;0.055666666666666669849306003925;0.039666666666666669516239096538;0.008000000000000000166533453694;0.045999999999999999222843882762;0.116000000000000005884182030513;0.074333333333333334591586094575;0.035000000000000003330669073875;0.095666666666666663743079368487
-0.006410256410256410034009810772;0.120512820512820514884388956034;0.051282051282051280272078486178;0.000000000000000000000000000000;0.073931623931623932644008334591;0.214102564102564091319536032643;0.016239316239316240603196561665;0.001282051282051282050170049054;0.116239316239316242684864732837;0.047863247863247866675795449964;0.094871794871794867809455809038;0.257264957264957239146951906150
-0.035672514619883043118786503101;0.125730994152046776646258763321;0.115497076023391806454121422121;0.002923976608187134340610668914;0.084795321637426895877709398519;0.128070175438596500772092667830;0.066666666666666665741480812812;0.045321637426900582279465368174;0.116666666666666668517038374375;0.043274853801169591016595461497;0.071637426900584791344961388404;0.163742690058479523074197459209
-0.027407407407407408106436719208;0.092592592592592587452671182291;0.083333333333333328707404064062;0.072962962962962965574043039396;0.112592592592592591338451768479;0.085185185185185183232015049271;0.020000000000000000416333634234;0.019629629629629628817522046802;0.118888888888888891171013995063;0.080370370370370369794699172417;0.076296296296296292616112566520;0.210740740740740728487168098582
-0.026893939393939393645016622258;0.105303030303030301095823517699;0.106060606060606063549833777415;0.046590909090909092549193104560;0.103409090909090908838585676222;0.090151515151515149160132978068;0.025378787878787879145336958686;0.014772727272727272443408885749;0.129166666666666679619268620627;0.056060606060606060774276215852;0.094696969696969696128618920739;0.201515151515151508254675150056
-0.015740740740740739173064710599;0.135802469135802461597251067360;0.121296296296296290950778029583;0.002160493827160493620492820455;0.086419753086419748289159770138;0.106481481481481482509465763542;0.033024691358024688137007274236;0.013271604938271605589328316910;0.102160493827160497870565336598;0.054938271604938269943030348941;0.090432098765432095133220968819;0.238271604938271597262655632221
-0.030994152046783626092141261665;0.096198830409356728132763691974;0.078362573099415203103923488470;0.094152046783625736869893785297;0.062865497076023388323129381661;0.107309941520467841402641795412;0.013450292397660818313753772202;0.004678362573099415291921765458;0.153508771929824566759847925823;0.072222222222222215437525960624;0.086549707602339182033190922994;0.199707602339181278239266248420
-0.017559523809523809589894227656;0.086904761904761901325500161875;0.048511904761904763028201870156;0.257440476190476164042308937496;0.067559523809523805426557885312;0.115773809523809528831961301876;0.015178571428571428422737987773;0.016071428571428569842538536250;0.096726190476190479494711382813;0.068154761904761898549942600312;0.065773809523809526056403740313;0.144345238095238082021154468748
-0.011635220125786162673198198547;0.058176100628930818570161420666;0.060062893081761006830454618921;0.392452830188679269163287699484;0.039937106918238991781766600297;0.090880503144654081748576857080;0.020754716981132074332672132755;0.023584905660377360192558882090;0.062893081761006289220894416303;0.077672955974842763926524469298;0.083333333333333328707404064062;0.078616352201257858056671068425
-0.019940476190476189022326991562;0.107738095238095243910692033751;0.108630952380952383595769106250;0.117559523809523808202115446875;0.075892857142857136909519510937;0.076488095238095243910692033751;0.061011904761904760252644308594;0.055654761904761901325500161875;0.089583333333333334258519187188;0.035416666666666665741480812812;0.056250000000000001387778780781;0.195833333333333331482961625625
-0.038181818181818184820830452963;0.034848484848484850839867021932;0.051212121212121208824186169295;0.526666666666666616336556216993;0.043030303030303029832026595614;0.036363636363636361870099733551;0.016969696969696971416974307090;0.021212121212121213403856145874;0.068484848484848481753317628318;0.058181818181818181767717135244;0.043636363636363639795234803387;0.061212121212121210767076462389
-0.030851063829787233466772633506;0.080141843971631210319372939921;0.107801418439716314989773593425;0.013475177304964539373721699178;0.097517730496453902677700398272;0.085460992907801416884616685365;0.029787234042553192847613274807;0.028368794326241134062804860605;0.152127659574468082626097498178;0.087588652482269505061829306669;0.086879432624113475669425099568;0.200000000000000011102230246252
-0.125333333333333324377534268024;0.048333333333333332315628894094;0.094333333333333338477366680763;0.029333333333333332787473679559;0.106999999999999997890576253212;0.067333333333333328374337156674;0.030999999999999999777955395075;0.056333333333333332482162347787;0.182333333333333319492552959673;0.077999999999999999888977697537;0.062333333333333330872338962081;0.118333333333333332038073137937
-0.030851063829787233466772633506;0.152127659574468082626097498178;0.163120567375886538208362708247;0.000000000000000000000000000000;0.086170212765957446277020892467;0.061347517730496452237343163461;0.049290780141843973383153354462;0.027659574468085104670400653504;0.109574468085106388470784111178;0.062056737588652481629747370562;0.066312056737588651045278709262;0.191489361702127658393379761037
-0.037421383647798740768042335958;0.087106918238993705227990460571;0.116666666666666668517038374375;0.018553459119496854695663401458;0.070440251572327042262067209322;0.095283018867924534900382127489;0.024213836477987422945989948175;0.025471698113207548452852080345;0.138050314465408802133694621261;0.111949685534591197866305378739;0.090251572327044018995145790996;0.184591194968553445887593511543
-0.020000000000000000416333634234;0.145555555555555549140933635499;0.102222222222222228205090743813;0.000000000000000000000000000000;0.125925925925925913384517684790;0.097777777777777782897139502438;0.043333333333333334813630699500;0.007777777777777777554191196430;0.118518518518518523041649359584;0.048518518518518516380311211833;0.062592592592592588562894206916;0.227777777777777773460243793124
-0.024074074074074074125473288177;0.103703703703703700722549285729;0.128148148148148149916281113292;0.000740740740740740703958178148;0.085185185185185183232015049271;0.096296296296296296501893152708;0.040740740740740744030290443334;0.023703703703703702526661700745;0.139629629629629631315523852209;0.083703703703703696836768699541;0.084444444444444446973285778313;0.189629629629629620213293605957
-0.009433962264150943036189467250;0.228301886792452835006628220071;0.062893081761006289220894416303;0.000000000000000000000000000000;0.092452830188679238632154522293;0.113522012578616354749883043951;0.036477987421383646637895736831;0.008176100628930817529327335080;0.098742138364779880044252990956;0.074213836477987418782653605831;0.074213836477987418782653605831;0.201572327044025167985807911464
-0.019047619047619049337249919063;0.106349206349206346078339890937;0.117857142857142854763807804375;0.001190476190476190583578119941;0.113888888888888886730121896562;0.072619047619047624730903578438;0.063492063492063488538974525000;0.028968253968253969421464688594;0.125000000000000000000000000000;0.042460317460317462123775555938;0.076984126984126988180179296251;0.232142857142857150787307318751
-0.026923076923076924571454071611;0.110256410256410253278858135673;0.104700854700854703582812987861;0.186752136752136754793696127308;0.072222222222222215437525960624;0.056837606837606836907017537897;0.040598290598290599773267928185;0.023931623931623933337897724982;0.107692307692307698285816286443;0.068376068376068382947963186780;0.060683760683760683274368119555;0.141025641025641024217662788942
-0.032624113475177303478336199305;0.092198581560283682234668845012;0.085106382978723402188414581815;0.087943262411347519758031410220;0.115957446808510639124634167274;0.058865248226950356302822342514;0.043971631205673759879015705110;0.011347517730496454665956029828;0.160638297872340435334947983392;0.064539007092198577564268191509;0.063120567375886518779459777306;0.183687943262411335076933482924
-0.030487804878048779810839619131;0.097560975609756100945801904345;0.100406504065040647066808787713;0.000000000000000000000000000000;0.156910569105691066749130868629;0.076829268292682925678427352523;0.044715447154471545110343555507;0.013414634146341463186158371457;0.171138211382113825109740901098;0.058943089430894310409847491883;0.066666666666666665741480812812;0.182926829268292678865037714786
-0.029999999999999998889776975375;0.100666666666666668183971466988;0.098666666666666666407614627587;0.000333333333333333322202191029;0.138333333333333335923853724125;0.069666666666666668406016071913;0.036999999999999998168132009368;0.046666666666666668794594130532;0.158000000000000001554312234475;0.066666666666666665741480812812;0.077333333333333337256121353676;0.176666666666666666296592325125
-0.009583333333333332593184650250;0.147499999999999992228438827624;0.129166666666666679619268620627;0.000000000000000000000000000000;0.089583333333333334258519187188;0.079166666666666662965923251249;0.050000000000000002775557561563;0.007916666666666667337426410711;0.116250000000000006106226635438;0.064583333333333339809634310313;0.063750000000000001110223024625;0.242499999999999993338661852249
-0.036842105263157891303915647541;0.148245614035087708293403352400;0.070175438596491224174656053947;0.003947368421052631706769098230;0.106140350877192979339724843157;0.140789473684210519888182489012;0.028947368421052631359824403035;0.008333333333333333217685101602;0.128070175438596500772092667830;0.049122807017543859697816799326;0.093859649122807017884717595280;0.185526315789473678075083284966
-0.022499999999999999167332731531;0.145833333333333342585191871876;0.075416666666666673513041985188;0.000000000000000000000000000000;0.124583333333333337589188261063;0.151666666666666671847707448251;0.027500000000000000138777878078;0.006666666666666667094565124074;0.109583333333333338144299773376;0.043749999999999997224442438437;0.084166666666666667406815349750;0.208333333333333342585191871876
-0.034722222222222223764198645313;0.094907407407407412547328817709;0.129629629629629622433739655207;0.006018518518518518531368322044;0.100925925925925932813420615730;0.071759259259259258745267118229;0.035185185185185187395351391615;0.030092592592592590922118134245;0.112500000000000002775557561563;0.069444444444444447528397290625;0.085185185185185183232015049271;0.229629629629629627984854778333
-0.038690476190476191797884553125;0.088690476190476194573442114688;0.114285714285714282145711706562;0.216071428571428580944768782501;0.068154761904761898549942600312;0.057440476190476187634548210781;0.030654761904761903407168333047;0.022321428571428571924206707422;0.079464285714285709527615608749;0.069940476190476191797884553125;0.066071428571428572618096097813;0.148214285714285715078730731875
-0.008750000000000000832667268469;0.147916666666666668517038374375;0.091249999999999997779553950750;0.019583333333333334536074943344;0.066666666666666665741480812812;0.123333333333333336478965236438;0.057916666666666664908813544344;0.056666666666666663798590519718;0.097500000000000003330669073875;0.056666666666666663798590519718;0.081250000000000002775557561563;0.192500000000000004440892098501
-0.089999999999999996669330926125;0.122222222222222218213083522187;0.088888888888888892281237019688;0.002222222222222222220294751693;0.068888888888888888395456433500;0.120370370370370363688472536978;0.047407407407407405053323401489;0.041481481481481480289019714291;0.106296296296296291505889541895;0.054814814814814816212873438417;0.077037037037037042752629645292;0.180370370370370375345814295542
-0.015757575757575758429451795450;0.204545454545454558070716188922;0.059999999999999997779553950750;0.000303030303030303030040193413;0.079393939393939391702126329164;0.162424242424242415427926289340;0.025151515151515150409133880771;0.010606060606060606701928072937;0.092121212121212117662771845517;0.049696969696969697793953457676;0.101212121212121211599743730858;0.198787878787878791175813830705
-0.031428571428571430712572976063;0.092857142857142860314922927500;0.108571428571428568732315511625;0.005714285714285714280757932926;0.093333333333333337589188261063;0.085714285714285715078730731875;0.025714285714285713829729829172;0.016666666666666666435370203203;0.125714285714285722850291904251;0.085238095238095237804465398312;0.103809523809523809867449983813;0.225238095238095237249353886000
-0.011538461538461539102051744976;0.135042735042735034811656191778;0.108119658119658124117989927981;0.002136752136752136967123849587;0.095299145299145293641629450576;0.126923076923076916244781386922;0.032478632478632481206393123330;0.009401709401709401267566157401;0.111111111111111104943205418749;0.065384615384615388244959888198;0.091452991452991447274278868917;0.211111111111111110494320541875
-0.035714285714285712303173170312;0.130158730158730168158243145626;0.119841269841269845719544662188;0.001984126984126984016842953906;0.068650793650793656697217670626;0.125396825396825395415589810000;0.048809523809523809589894227656;0.022619047619047618485899064922;0.125793650793650790831179620000;0.053174603174603173039169945469;0.088492063492063496865647209688;0.179365079365079366224833279375
-0.047674418604651165598529161116;0.097674418604651161435192818772;0.096124031007751936650507218474;0.013178294573643410669827602533;0.099612403100775195885496771098;0.086821705426356587942393616686;0.068217054263565890526166413110;0.070542635658914734642088717465;0.123255813953488377321399127595;0.066666666666666665741480812812;0.074031007751937979999290462274;0.156201550387596893587627278066
-0.018148148148148149361169600979;0.115925925925925932258309103418;0.095555555555555560243163881751;0.003333333333333333547282562037;0.130740740740740740699621369458;0.095555555555555560243163881751;0.042962962962962959745372160114;0.028888888888888887562789165031;0.142222222222222222098864108375;0.058518518518518518323201504927;0.068148148148148152136727162542;0.200000000000000011102230246252
-0.024305555555555555941049661328;0.110416666666666662965923251249;0.104861111111111113269878103438;0.003819444444444444319158860068;0.071527777777777773460243793124;0.090972222222222218213083522187;0.034375000000000002775557561563;0.029166666666666667129259593594;0.151388888888888878403449211874;0.077777777777777779011358916250;0.090277777777777776235801354687;0.211111111111111110494320541875
-0.040740740740740744030290443334;0.095185185185185192113799246272;0.117777777777777772905132280812;0.000740740740740740703958178148;0.112962962962962959467816403958;0.079259259259259265406605265980;0.029629629629629630760412339896;0.024444444444444445724284875610;0.168518518518518511939419113332;0.050370370370370370904922197042;0.076296296296296292616112566520;0.204074074074074074403029044333
-0.027666666666666665796991964044;0.115666666666666667628859954675;0.095000000000000001110223024625;0.034000000000000002442490654175;0.105999999999999997002397833512;0.098000000000000003774758283726;0.038333333333333330372738601000;0.029333333333333332787473679559;0.134333333333333332371140045325;0.060666666666666667351304198519;0.072333333333333332815229255175;0.188666666666666676954733361526
-0.050362318840579713141725193282;0.118115942028985509981708901250;0.070289855072463769403157130000;0.000362318840579710149327197222;0.092391304347826080922700953124;0.109782608695652178498747275626;0.015942028985507245703034939766;0.006884057971014492620376312715;0.168115942028985498879478654999;0.051449275362318837301334184531;0.078260869565217397458845027813;0.238043478260869578733149865002
-0.127450980392156854037466473528;0.044444444444444446140618509844;0.146732026143790855732262912170;0.003267973856209150426005427548;0.063725490196078427018733236764;0.053594771241830062302735626645;0.033986928104575160614064799347;0.065359477124183010254832026931;0.160457516339869293853226395186;0.095751633986928111341718761196;0.071895424836601301565863764154;0.133333333333333331482961625625
-0.047321428571428569842538536250;0.084226190476190482270268944376;0.167857142857142843661577558123;0.002083333333333333304421275400;0.076488095238095243910692033751;0.067559523809523805426557885312;0.041071428571428571230317317031;0.074702380952380950662750080937;0.132440476190476191797884553125;0.064285714285714279370154144999;0.076190476190476197348999676251;0.165773809523809517729731055624
-0.017730496453900710523976513855;0.125177304964538993470313243961;0.101063829787234035761933625963;0.000000000000000000000000000000;0.113120567375886521555017338869;0.087943262411347519758031410220;0.025886524822695034658837087704;0.008510638297872340565786153377;0.125177304964538993470313243961;0.053546099290780142798684693162;0.082269503546099284618797753410;0.259574468085106369041881180237
-0.056589147286821704641024410876;0.060852713178294576268356763649;0.121705426356589152536713527297;0.005813953488372092942571001117;0.083720930232558138373022416090;0.070155038759689924976470365436;0.026356589147286821339655205065;0.055038759689922479856338810578;0.143798449612403095310142475682;0.108527131782945734927992020857;0.093023255813953487081136017878;0.174418604651162795216023937428
-0.076016260162601628769252215534;0.054878048780487805047290095217;0.109756097560975610094580190434;0.138617886178861782209281727773;0.066260162601626010347999340411;0.059349593495934958864435060377;0.019918699186991871419305510926;0.034552845528455285173397015797;0.121138211382113822334183339535;0.097154471544715445552320431943;0.079268292682926830283740571303;0.143089430894308949904214500748
-0.017592592592592593697675695807;0.093055555555555558022717832500;0.100462962962962962243373965521;0.001388888888888888941894328433;0.076388888888888895056794581251;0.108333333333333337034076748751;0.026388888888888888811790067734;0.020833333333333332176851016015;0.149999999999999994448884876874;0.091666666666666660190365689687;0.125462962962962970570046650209;0.188425925925925913384517684790
-0.051388888888888886730121896562;0.104722222222222216547748985249;0.078888888888888883399452822687;0.003888888888888888777095598215;0.104999999999999996114219413812;0.098055555555555562463609931001;0.030555555555555554553270880547;0.016111111111111110771876298031;0.160555555555555562463609931001;0.068055555555555549696045147812;0.063333333333333338699411285688;0.219444444444444441977282167500
-0.024137931034482758285708570156;0.111781609195402295564569783437;0.072988505747126439238137152188;0.000287356321839080455782244883;0.110344827586206895020382035000;0.138218390804597690557642408749;0.020114942528735631904757141797;0.007471264367816091850338366953;0.157758620689655182367516772501;0.064367816091954022095222853750;0.092816091954022988952388573125;0.199712643678160911564489765624
-0.033771929824561404409610787525;0.138596491228070162193830583419;0.157456140350877182854105740262;0.000877192982456140367235331023;0.084210526315789471785144826299;0.056140350877192983503061185502;0.108333333333333337034076748751;0.028070175438596491751530592751;0.092543859649122803268106451924;0.063157894736842107308305571678;0.067105263157894737280351193931;0.169736842105263158186900795954
-0.021153846153846155020428199123;0.164102564102564102421766278894;0.105128205128205129414986629399;0.000000000000000000000000000000;0.071794871794871789605352319086;0.139743589743589746721141864327;0.044871794871794871972792151382;0.010897435897435896884344330715;0.087179487179487175074754645721;0.043589743589743587537377322860;0.105769230769230768163247091707;0.205769230769230759836574407018
-0.003205128205128205017004905386;0.200000000000000011102230246252;0.057692307692307695510258724880;0.000000000000000000000000000000;0.053846153846153849142908143222;0.203205128205128204843532557788;0.032051282051282048435325577884;0.007051282051282051384355487045;0.062820512820512819374130231154;0.033333333333333332870740406406;0.139102564102564107972881402020;0.207692307692307703836931409569
-0.025000000000000001387778780781;0.223245614035087719395633598651;0.071491228070175438791267197303;0.000438596491228070183617665512;0.058771929824561405797389568306;0.165350877192982442798196984768;0.074561403508771925685572057318;0.003508771929824561468941324094;0.076315789473684211841053581793;0.052631578947368418130992040460;0.127631578947368429233222286712;0.121052631578947370027954377747
-0.034000000000000002442490654175;0.153999999999999998001598555675;0.064000000000000001332267629550;0.102666666666666669960328306388;0.083333333333333328707404064062;0.138000000000000011546319456102;0.064666666666666663965123973412;0.023333333333333334397297065266;0.096666666666666664631257788187;0.040666666666666663465523612331;0.091999999999999998445687765525;0.106666666666666673513041985188
-0.008666666666666666268836749509;0.187333333333333323933445058174;0.061999999999999999555910790150;0.175333333333333341030879637401;0.047333333333333331427450474393;0.138666666666666660301387992149;0.051333333333333334980164153194;0.034666666666666665075346998037;0.064000000000000001332267629550;0.029999999999999998889776975375;0.103999999999999995226040994112;0.096666666666666664631257788187
-0.009444444444444444544672911945;0.213333333333333347026083970377;0.037222222222222219045750790656;0.006111111111111111431071218902;0.042222222222222223486642889156;0.261111111111111127147665911252;0.055555555555555552471602709375;0.016111111111111110771876298031;0.058888888888888886452566140406;0.030555555555555554553270880547;0.148888888888888876183003162623;0.120555555555555554692048758625
-0.044761904761904759697532796281;0.185238095238095229477792713624;0.050952380952380950385194324781;0.004285714285714285927408884191;0.079523809523809524391069203375;0.148571428571428576503876684001;0.106666666666666673513041985188;0.024285714285714285476380780437;0.088571428571428564846534925437;0.038571428571428569009871267781;0.105238095238095241690245984501;0.123333333333333336478965236438
-0.027642276422764226750938831856;0.156504065040650397477861588413;0.070325203252032522649450640984;0.001219512195121951218454436905;0.078048780487804877981083961913;0.159349593495934971354444087410;0.135365853658536594572581179818;0.024390243902439025236450476086;0.077235772357723581071908824924;0.044715447154471545110343555507;0.093089430894308947128656939185;0.132113821138211379180305016234
-0.029166666666666667129259593594;0.176190476190476202900114799377;0.080952380952380956213865204063;0.006547619047619047775998790684;0.061904761904761906876615285000;0.176190476190476202900114799377;0.047023809523809523280846178750;0.017261904761904763028201870156;0.111904761904761909652172846563;0.042261904761904764415980650938;0.098214285714285712303173170312;0.152380952380952394697999352502
-0.016666666666666666435370203203;0.189506172839506159544242791526;0.077777777777777779011358916250;0.003703703703703703845051542487;0.068518518518518520266091798021;0.175308641975308654448184597641;0.039506172839506172034251818559;0.011111111111111111535154627461;0.122222222222222218213083522187;0.039506172839506172034251818559;0.082716049382716053117725607535;0.173456790123456799923573612432
-0.009595959595959595300751487912;0.166161616161616149112134621646;0.065656565656565663013921607671;0.003030303030303030300401934127;0.070707070707070704407293249005;0.159595959595959596688530268693;0.106565656565656571852507283893;0.015656565656565656768917094155;0.104040404040404044216927559319;0.054545454545454542805149600326;0.114141414141414140881458649801;0.130303030303030309422496202387
-0.005913978494623655692008501461;0.161290322580645156813616836189;0.098387096774193549819642612420;0.012903225806451612892034042090;0.096236559139784946803608534083;0.100000000000000005551115123126;0.102150537634408608567149201463;0.044086021505376341012016894183;0.103225806451612903136272336724;0.039247311827956987695387169879;0.061827956989247312424851088508;0.174731182795698936072170681655
-0.004504504504504504465434155946;0.198198198198198199948549813598;0.096846846846846842971068269890;0.016216216216216217116397046993;0.088288288288288288563343542137;0.100000000000000005551115123126;0.078378378378378382729252393801;0.030630630630630630018007565241;0.081531531531531531431511439223;0.041891891891891894217359038066;0.072972972972972977023786711470;0.190540540540540537239877494358
-0.017391304347826087167705466641;0.163043478260869567630919618750;0.080434782608695645778063010312;0.005072463768115941656899892109;0.052173913043478258033669447968;0.160144927536231884701578565000;0.044927536231884057649210717500;0.007971014492753622851517469883;0.083333333333333328707404064062;0.052898550724637678766004711406;0.144202898550724628590202769374;0.188405797101449279384866031251
-0.014666666666666666393736839780;0.225333333333333329928649391150;0.089999999999999996669330926125;0.000000000000000000000000000000;0.022666666666666668294993769450;0.175333333333333341030879637401;0.076666666666666660745477201999;0.008666666666666666268836749509;0.067333333333333328374337156674;0.037333333333333336423454085207;0.141999999999999987343457519273;0.140000000000000013322676295502
-0.040104166666666669904817155157;0.158854166666666657414808128124;0.074999999999999997224442438437;0.043749999999999997224442438437;0.079687499999999994448884876874;0.090104166666666665741480812812;0.079687499999999994448884876874;0.052083333333333335646297967969;0.101562500000000000000000000000;0.060416666666666667129259593594;0.061458333333333330095182844843;0.157291666666666662965923251249
-0.028888888888888887562789165031;0.141111111111111103832982394124;0.068333333333333329262515576374;0.039444444444444441699726411343;0.058888888888888886452566140406;0.141666666666666662965923251249;0.073333333333333333703407674875;0.074999999999999997224442438437;0.106111111111111114380101128063;0.033888888888888892003681263532;0.081666666666666665186369300500;0.151666666666666671847707448251
-0.024031007751937984162626804618;0.223255813953488368994726442907;0.084108527131782948038640768118;0.003488372093023255765542600670;0.048837209302325580717596409386;0.149224806201550375117648172818;0.087984496124031003061460864956;0.012015503875968992081313402309;0.067054263565891475407099164840;0.040697674418604654067443959775;0.108914728682170544593610372885;0.150387596899224817992291036717
-0.029687499999999998612221219219;0.188541666666666662965923251249;0.103645833333333339809634310313;0.006250000000000000346944695195;0.070833333333333331482961625625;0.078125000000000000000000000000;0.065104166666666671292595935938;0.015104166666666666782314898398;0.104687500000000002775557561563;0.072395833333333339809634310313;0.081250000000000002775557561563;0.184375000000000011102230246252
-0.034285714285714287419271073531;0.119999999999999995559107901499;0.111904761904761909652172846563;0.001428571428571428570189483231;0.106190476190476196238776651626;0.071428571428571424606346340624;0.066666666666666665741480812812;0.014285714285714285268213963320;0.116666666666666668517038374375;0.070476190476190470057815673499;0.077142857142857138019742535562;0.209523809523809528831961301876
-0.046774193548387098251506444058;0.123118279569892477565140609386;0.110752688172043006753497706995;0.063440860215053768156323599214;0.088172043010752682024033788366;0.061290322580645158201395616970;0.070967741935483871773548969486;0.038709677419354840410825602248;0.124193548387096772134263744647;0.050537634408602150060119129193;0.048924731182795701267540522394;0.173118279569892480340698170949
-0.036419753086419752452496112483;0.138271604938271591711540509095;0.150617283950617297794138949030;0.099382716049382716083648858785;0.056172839506172841939068973716;0.058641975308641972053358415451;0.101234567901234570608259843993;0.083333333333333328707404064062;0.098765432098765426616182594444;0.041975308641975309087435164201;0.045679012345679011197763230712;0.089506172839506167870915476215
-0.027976190476190477413043211641;0.142261904761904756089307966249;0.062500000000000000000000000000;0.108928571428571430157461463750;0.073214285714285717854288293438;0.123809523809523813753230570001;0.051785714285714289084605610469;0.049404761904761902713278942656;0.113095238095238095898942276563;0.066666666666666665741480812812;0.096428571428571432933019025313;0.083928571428571421830788779062
-0.032666666666666663298990158637;0.191333333333333327486158736974;0.075999999999999998112620858137;0.024666666666666666601903656897;0.070666666666666669294194491613;0.123333333333333336478965236438;0.082666666666666666074547720200;0.016666666666666666435370203203;0.089333333333333334036474582263;0.073999999999999996336264018737;0.091999999999999998445687765525;0.126666666666666677398822571377
-0.020987654320987654543717582101;0.191975308641975317414107848890;0.073456790123456794372458489306;0.030864197530864195817557060764;0.053703703703703704885885628073;0.159876543209876542661618259444;0.090123456790123457338381740556;0.006172839506172839163511412153;0.075308641975308648897069474515;0.051851851851851850361274642864;0.114814814814814813992427389167;0.130864197530864201368672183889
-0.012777777777777778525636342977;0.166111111111111098281867270998;0.061666666666666668239482618219;0.019444444444444444752839729063;0.081111111111111106053428443374;0.141666666666666662965923251249;0.096666666666666664631257788187;0.034444444444444444197728216750;0.098888888888888887285233408875;0.067222222222222224874421669938;0.113888888888888886730121896562;0.106111111111111114380101128063
-0.023214285714285715078730731875;0.161904761904761912427730408126;0.098214285714285712303173170312;0.003571428571428571317053490830;0.063095238095238093123384715000;0.144642857142857156338422441877;0.081547619047619049337249919063;0.032738095238095239747355691406;0.104761904761904764415980650938;0.067261904761904758864865527812;0.103571428571428578169211220938;0.115476190476190482270268944376
-0.020666666666666666518636930050;0.129333333333333327930247946824;0.170666666666666660967521806924;0.000000000000000000000000000000;0.043999999999999997446487043362;0.073999999999999996336264018737;0.094666666666666662854900948787;0.070000000000000006661338147751;0.082000000000000003441691376338;0.072666666666666671070551331013;0.082666666666666666074547720200;0.159333333333333326820024922199
-0.026562499999999999306110609609;0.169791666666666674068153497501;0.068229166666666660190365689687;0.006250000000000000346944695195;0.040625000000000001387778780781;0.200520833333333342585191871876;0.076041666666666660190365689687;0.035416666666666665741480812812;0.069791666666666668517038374375;0.058333333333333334258519187188;0.140625000000000000000000000000;0.107812500000000005551115123126
-0.072619047619047624730903578438;0.142857142857142849212692681249;0.052380952380952382207990325469;0.067857142857142851988250242812;0.070833333333333331482961625625;0.148214285714285715078730731875;0.080357142857142863090480489063;0.020833333333333332176851016015;0.101190476190476191797884553125;0.050000000000000002775557561563;0.081547619047619049337249919063;0.111309523809523802651000323749
-0.034408602150537634378757445575;0.159677419354838701082144325483;0.053763440860215054584170246699;0.077956989247311828106212772127;0.088172043010752682024033788366;0.125268817204301080581174687723;0.077956989247311828106212772127;0.021505376344086023221446879461;0.103225806451612903136272336724;0.056451612903225804884765892666;0.072043010752688166342672104747;0.129569892473118286613242844396
-0.027777777777777776235801354687;0.177222222222222225429533182250;0.106666666666666673513041985188;0.000555555555555555555073687923;0.080000000000000001665334536938;0.095555555555555560243163881751;0.101111111111111109939209029562;0.019444444444444444752839729063;0.103333333333333332593184650250;0.046111111111111109661653273406;0.078888888888888883399452822687;0.163333333333333330372738601000
-0.043434343434343436474165400796;0.124242424242424237545989740283;0.118686868686868687849944592472;0.001010101010101010100133978042;0.107575757575757574580066489034;0.070202020202020196104619742528;0.076767676767676762406011903295;0.081313131313131309374497845965;0.117171717171717176819711880853;0.046969696969696966837304330511;0.064646464646464646408574594716;0.147979797979797988993766466592
-0.035057471264367819074880827657;0.131609195402298845278821204374;0.091954022988505745850318362500;0.006321839080459770027209387422;0.086781609195402301115684906563;0.098275862068965519346974701875;0.089655172413793102204060403437;0.045977011494252872925159181250;0.143678160919540220952228537499;0.047701149425287359129299602500;0.075862068965517240326512649062;0.147126436781609193360509380000
-0.040370370370370368962031903948;0.139629629629629631315523852209;0.121111111111111113824989615750;0.002962962962962962815832712593;0.064444444444444443087505192125;0.094074074074074073847917532021;0.106666666666666673513041985188;0.068888888888888888395456433500;0.095185185185185192113799246272;0.040740740740740744030290443334;0.082962962962962960578039428583;0.142962962962962958357593379333
-0.026881720430107527292085123349;0.144086021505376332685344209494;0.053763440860215054584170246699;0.284946236559139809418894628834;0.054838709677419356092187285867;0.072043010752688166342672104747;0.059677419354838709408817010171;0.066666666666666665741480812812;0.078494623655913975390774339758;0.021505376344086023221446879461;0.044623655913978495235472365721;0.092473118279569888056101945040
-0.012592592592592592726230549260;0.152962962962962967239377576334;0.100370370370370373680479758605;0.151481481481481494721919034419;0.043333333333333334813630699500;0.055185185185185184342238073896;0.121851851851851850083718886708;0.079629629629629633535969901459;0.062592592592592588562894206916;0.045185185185185182399347780802;0.052222222222222225429533182250;0.122592592592592586342448157666
-0.000537634408602150537168085087;0.222043010752688174669344789436;0.116666666666666668517038374375;0.000000000000000000000000000000;0.057526881720430106392782931835;0.094623655913978491072136023377;0.063978494623655915440885166845;0.014516129032258065154059600843;0.067741935483870974188391755888;0.045161290322580642520033933351;0.075806451612903225090178693790;0.241397849462365587935863686653
-0.002469135802469135752140738660;0.193209876543209868593464761943;0.094444444444444441977282167500;0.030246913580246913288984700330;0.054320987654320987414457988507;0.116049382716049379049572110034;0.058024691358024689524786055017;0.015432098765432097908778530382;0.068518518518518520266091798021;0.056172839506172841939068973716;0.085802469135802472699481313612;0.225308641975308643345954351389
-0.003535353535353535567309357646;0.211111111111111110494320541875;0.075252525252525251375779191676;0.060101010101010099440088652045;0.037878787878787879839226349077;0.184848484848484845288751898806;0.053030303030303031774916888708;0.023737373737373737569988918494;0.041414141414141417141259182699;0.065151515151515154711248101194;0.127272727272727259606455163521;0.116666666666666668517038374375
-0.006172839506172839163511412153;0.207407407407407401445098571457;0.079012345679012344068503637118;0.003703703703703703845051542487;0.069135802469135795855770254548;0.179012345679012335741830952429;0.078395061728395068478825180591;0.019135802469135803488553548846;0.077777777777777779011358916250;0.043209876543209874144579885069;0.103086419753086425132870829202;0.133950617283950607072640082151
-0.014000000000000000291433543964;0.168666666666666659191164967524;0.068666666666666667517837652213;0.017999999999999998639976794834;0.093333333333333337589188261063;0.143333333333333340364745822626;0.069333333333333330150693996075;0.050000000000000002775557561563;0.119333333333333332926251557637;0.046666666666666668794594130532;0.085999999999999993116617247324;0.122666666666666659968321084762
-0.056756756756756759907389664477;0.208108108108108119660428769748;0.054054054054054057054656823311;0.025225225225225224312541882909;0.042792792792792792855305350486;0.163513513513513508712549082702;0.088288288288288288563343542137;0.028828828828828829272667988448;0.063063063063063057311907755320;0.044144144144144144281671771068;0.105855855855855857106107009713;0.119369369369369371369771215541
-0.046153846153846156408206979904;0.145512820512820523211061640723;0.083974358974358967455664526369;0.067948717948717943238001737427;0.051923076923076925959232852392;0.146794871794871800707582565337;0.052564102564102564707493314700;0.047435897435897433904727904519;0.095512820512820506557716271345;0.057692307692307695510258724880;0.097435897435897436680285466082;0.107051282051282045659768016321
-0.036666666666666666851703837438;0.106111111111111114380101128063;0.091111111111111114935212640376;0.025555555555555557051272685953;0.065555555555555561353386906376;0.144999999999999990007992778374;0.052222222222222225429533182250;0.050000000000000002775557561563;0.113333333333333327597181039437;0.093888888888888882844341310374;0.111111111111111104943205418749;0.109444444444444441422170655187
-0.014666666666666666393736839780;0.170666666666666660967521806924;0.086666666666666669627261399000;0.004000000000000000083266726847;0.101999999999999993449684154712;0.109333333333333337922255168451;0.122666666666666659968321084762;0.062666666666666662188767134012;0.093333333333333337589188261063;0.053333333333333336756520992594;0.066000000000000003108624468950;0.114666666666666666740681534975
-0.020370370370370372015145221667;0.148148148148148139924273891666;0.085185185185185183232015049271;0.000000000000000000000000000000;0.079629629629629633535969901459;0.124074074074074072737694507396;0.117283950617283944106716830902;0.059876543209876544049397040226;0.104938271604938265779694006596;0.048148148148148148250946576354;0.075308641975308648897069474515;0.137037037037037040532183596042
-0.008000000000000000166533453694;0.195333333333333331038872415775;0.070000000000000006661338147751;0.000000000000000000000000000000;0.084000000000000005218048215738;0.138666666666666660301387992149;0.084666666666666667850904559600;0.007333333333333333196868419890;0.092666666666666661078544109387;0.053999999999999999389377336456;0.082666666666666666074547720200;0.182666666666666671625662843326
-0.020000000000000000416333634234;0.214666666666666672291796658101;0.063333333333333338699411285688;0.002000000000000000041633363423;0.066666666666666665741480812812;0.178666666666666668072949164525;0.043333333333333334813630699500;0.004666666666666667052931760651;0.087999999999999994892974086724;0.072666666666666671070551331013;0.114666666666666666740681534975;0.131333333333333329706604786224
-0.008333333333333333217685101602;0.161538461538461547428724429665;0.084615384615384620081712796491;0.000000000000000000000000000000;0.079487179487179482340053482403;0.158974358974358964680106964806;0.083974358974358967455664526369;0.025641025641025640136039243089;0.123717948717948722503479075385;0.046794871794871795156467442212;0.103846153846153851918465704784;0.123076923076923083755218613078
-0.003846153846153846367350581659;0.202564102564102566095272095481;0.051923076923076925959232852392;0.000000000000000000000000000000;0.055128205128205126639429067836;0.202564102564102566095272095481;0.072435897435897442231400589208;0.001282051282051282050170049054;0.089743589743589743945584302764;0.057692307692307695510258724880;0.117307692307692307265298836683;0.145512820512820523211061640723
-0.027777777777777776235801354687;0.187037037037037029429953349791;0.025000000000000001387778780781;0.000000000000000000000000000000;0.044444444444444446140618509844;0.252777777777777767909128669999;0.044444444444444446140618509844;0.001851851851851851922525771243;0.071296296296296302053008275834;0.043055555555555555247160270937;0.164814814814814802890197142915;0.137500000000000011102230246252
-0.000925925925925925961262885622;0.202314814814814808441312266041;0.070370370370370374790702783230;0.033796296296296296501893152708;0.039814814814814816767984950729;0.171296296296296307604123398960;0.061111111111111109106541761093;0.006481481481481481295159330358;0.066666666666666665741480812812;0.051388888888888886730121896562;0.149537037037037023878838226665;0.146296296296296285399662906457
-0.000000000000000000000000000000;0.254901960784313708074932947056;0.154411764705882359471900144854;0.000000000000000000000000000000;0.010294117647058823386552184331;0.092156862745098044875646792207;0.171568627450980393245316690809;0.041176470588235293546208737325;0.025490196078431372195272075487;0.022549019607843136941971451392;0.107352941176470581541302351525;0.120098039215686278047279245129
-0.024038461538461539795941135367;0.158012820512820506557716271345;0.237179487179487169523639522595;0.010576923076923077510214099561;0.007051282051282051384355487045;0.044551282051282052598661920229;0.130128205128205137741659314088;0.078525641025641024217662788942;0.042628205128205129414986629399;0.073397435897435900353791282669;0.103846153846153851918465704784;0.090064102564102563319714533918
-0.015555555555555555108382392859;0.093703703703703705718552896542;0.138888888888888895056794581251;0.077037037037037042752629645292;0.011481481481481481399242738917;0.082222222222222224319310157625;0.059999999999999997779553950750;0.023703703703703702526661700745;0.084444444444444446973285778313;0.121481481481481481954354251229;0.187407407407407411437105793084;0.104074074074074068851913921208
-0.003273809523809523887999395342;0.169940476190476197348999676251;0.211904761904761901325500161875;0.074999999999999997224442438437;0.011607142857142857539365365938;0.071130952380952378044653983125;0.112500000000000002775557561563;0.051488095238095235584019349062;0.022916666666666665047591422422;0.052380952380952382207990325469;0.107142857142857136909519510937;0.110714285714285709527615608749
-0.012612612612612612156270941455;0.132882882882882885633435421369;0.109459459459459465535680067205;0.027927927927927927165274724075;0.020270270270270271395496308742;0.154954954954954954304824354949;0.024324324324324325674595570490;0.013513513513513514263664205828;0.063063063063063057311907755320;0.068468468468468463017373437651;0.210810810810810822513161610914;0.161711711711711725314444265678
-0.006666666666666667094565124074;0.131111111111111122706773812752;0.071481481481481479178796689666;0.071481481481481479178796689666;0.027777777777777776235801354687;0.186666666666666675178376522126;0.027037037037037036507625131776;0.010370370370370370072254928573;0.070740740740740742920067418709;0.044814814814814814269983145323;0.208518518518518519710980285709;0.143333333333333340364745822626
-0.020930232558139534593255604022;0.168604651162790691865112080450;0.125193798449612397893915272107;0.146511627906976749091683132065;0.030232558139534883301369205810;0.080620155038759688803651215494;0.094961240310077521531439970204;0.034883720930232557655426006704;0.056976744186046514306642762904;0.061240310077519378995081211770;0.074031007751937979999290462274;0.105813953488372095024239172290
-0.008518518518518519017090895318;0.138518518518518513049642137958;0.072592592592592597444678403917;0.180740740740740729597391123207;0.025925925925925925180637321432;0.118148148148148154912284724105;0.025925925925925925180637321432;0.013703703703703704053218359604;0.067407407407407402000210083770;0.069259259259259256524821068979;0.107777777777777777901135891625;0.171481481481481484729911812792
-0.017559523809523809589894227656;0.050297619047619049337249919063;0.066666666666666665741480812812;0.138392857142857150787307318751;0.008928571428571428075793292578;0.154761904761904767191538212501;0.013095238095238095551997581367;0.014285714285714285268213963320;0.044047619047619050725028699844;0.094345238095238093123384715000;0.340178571428571441259691710002;0.057440476190476187634548210781
-0.044270833333333335646297967969;0.067187499999999997224442438437;0.165624999999999994448884876874;0.039062500000000000000000000000;0.019791666666666665741480812812;0.055208333333333331482961625625;0.026041666666666667823148983985;0.045312499999999998612221219219;0.103645833333333339809634310313;0.170833333333333337034076748751;0.170312500000000005551115123126;0.092708333333333337034076748751
-0.016190476190476189161104869640;0.123333333333333336478965236438;0.181904761904761902435723186500;0.079047619047619047116803869812;0.013809523809523809728672105734;0.055238095238095238914688422938;0.091428571428571428492126926812;0.040952380952380955381197935594;0.065714285714285711192950145687;0.091428571428571428492126926812;0.132857142857142868086484099877;0.108095238095238091458050178062
-0.000000000000000000000000000000;0.262301587301587313394435341252;0.208333333333333342585191871876;0.000000000000000000000000000000;0.011111111111111111535154627461;0.052380952380952382207990325469;0.183730158730158743551896805002;0.030952380952380953438307642500;0.018650793650793650452213157109;0.029365079365079364837054498594;0.091666666666666660190365689687;0.111507936507936514236583036563
-0.002651515151515151675482018234;0.198863636363636353543427048862;0.161742424242424243097104863409;0.000000000000000000000000000000;0.031818181818181814901613790880;0.067424242424242428195491072529;0.055681818181818179547271085994;0.018181818181818180935049866775;0.070454545454545450255956495766;0.062500000000000000000000000000;0.095833333333333339809634310313;0.234848484848484861942097268184
-0.010606060606060606701928072937;0.109469696969696966837304330511;0.102272727272727279035358094461;0.000000000000000000000000000000;0.069318181818181820452728914006;0.099242424242424243097104863409;0.019318181818181817677171352443;0.005681818181818181975883952362;0.156818181818181828779401598695;0.073106060606060604967204596960;0.089772727272727267933127848210;0.264393939393939403359468087729
-0.011333333333333334147496884725;0.082000000000000003441691376338;0.084000000000000005218048215738;0.126000000000000000888178419700;0.059999999999999997779553950750;0.089999999999999996669330926125;0.037999999999999999056310429069;0.010000000000000000208166817117;0.100000000000000005551115123126;0.085333333333333330483760903462;0.147999999999999992672528037474;0.165333333333333332149095440400
-0.005729166666666666261897855605;0.111979166666666671292595935938;0.120312500000000002775557561563;0.183333333333333320380731379373;0.018749999999999999306110609609;0.095833333333333339809634310313;0.058854166666666665741480812812;0.033333333333333332870740406406;0.037499999999999998612221219219;0.064583333333333339809634310313;0.139062500000000005551115123126;0.130729166666666674068153497501
-0.022222222222222223070309254922;0.136752136752136765895926373560;0.169658119658119665995599234520;0.163247863247863250757418995818;0.005128205128205128200680196215;0.046153846153846156408206979904;0.059829059829059831610020836479;0.048717948717948718340142733041;0.041880341880341877269788852800;0.074786324786324784308355617668;0.151282051282051271945405801489;0.080341880341880347882188573294
-0.013821138211382113375469415928;0.154471544715447162143817649849;0.124390243902439023848671695305;0.091869918699186994826000329795;0.010162601626016259936946539710;0.091463414634146339432518857393;0.047154471544715449715656774288;0.043495934959349592807686946117;0.047967479674796746624831911276;0.063414634146341464226992457043;0.204065040650406509525893739010;0.107723577235772360882748444055
-0.018992248062015503612398603650;0.148449612403100783541987084391;0.089534883720930227846146465254;0.133333333333333331482961625625;0.012790697674418604473656202458;0.102713178294573645454867971694;0.029069767441860464712855005587;0.025968992248062015143483804991;0.029457364341085270909026405661;0.052713178294573642679310410131;0.244573643410852720192494302864;0.112403100775193803828599925509
-0.013888888888888888117900677344;0.069444444444444447528397290625;0.090624999999999997224442438437;0.231250000000000011102230246252;0.015972222222222220988641083750;0.054166666666666668517038374375;0.028125000000000000693889390391;0.205555555555555546920487586249;0.053124999999999998612221219219;0.061458333333333330095182844843;0.093402777777777779011358916250;0.082986111111111107718762980312
-0.005303030303030303350964036468;0.149999999999999994448884876874;0.153409090909090911614143237784;0.106818181818181812126056229317;0.019696969696969695434729530348;0.063636363636363629803227581760;0.026893939393939393645016622258;0.046590909090909092549193104560;0.063257575757575762454010259717;0.080681818181818187873943770683;0.084469696969696972388419453637;0.199242424242424248648219986535
-0.014999999999999999444888487687;0.201111111111111101612536344874;0.086666666666666669627261399000;0.067222222222222224874421669938;0.047777777777777780121581940875;0.122777777777777777346024379312;0.030555555555555554553270880547;0.003888888888888888777095598215;0.069444444444444447528397290625;0.042777777777777775680689842375;0.103888888888888891726125507375;0.208888888888888901718132729002
-0.018181818181818180935049866775;0.241919191919191922668375127614;0.127777777777777767909128669999;0.000505050505050505050066989021;0.034343434343434342537193515454;0.117676767676767671244597579516;0.062626262626262627075668376619;0.023232323232323232736762363970;0.039898989898989899172132567173;0.038383838383838381203005951647;0.116666666666666668517038374375;0.178787878787878801167821052331
-0.020614035087719299876862777410;0.160964912280701755165068789211;0.136842105263157903793924674574;0.047807017543859652020099559877;0.026315789473684209065496020230;0.089912280701754387912671973027;0.144298245614035092199145537961;0.057894736842105262719648806069;0.050000000000000002775557561563;0.048684210526315788158946418207;0.103508771929824563984290364260;0.113157894736842110083863133241
-0.031159420289855074143181568047;0.076811594202898555994174500938;0.111594202898550723390691530312;0.218115942028985515532824024376;0.040579710144927533255199136875;0.075362318840579714529503974063;0.036956521739130436532416723594;0.057971014492753623892351555469;0.067391304347826086473816076250;0.103623188405797095335003632499;0.098550724637681164086444596251;0.081884057971014487242733537187
-0.042391304347826085086037295468;0.057608695652173913526183923750;0.188768115942028996689927566877;0.132971014492753614177900089999;0.019565217391304349364711256953;0.036956521739130436532416723594;0.039130434782608698729422513907;0.125000000000000000000000000000;0.093478260869565218960097752188;0.131884057971014490018291098750;0.069565217391304348670821866563;0.062681159420289858652530767813
-0.024444444444444445724284875610;0.307037037037037052744636866919;0.150370370370370376456037320168;0.004444444444444444440589503387;0.009629629629629630344078705662;0.081111111111111106053428443374;0.191851851851851856745057034459;0.025555555555555557051272685953;0.016666666666666666435370203203;0.031851851851851853414387960584;0.092592592592592587452671182291;0.064444444444444443087505192125
-0.032478632478632481206393123330;0.194871794871794873360570932164;0.195726495726495725024918215240;0.002136752136752136967123849587;0.027777777777777776235801354687;0.069658119658119660444484111395;0.103418803418803412208504255432;0.065384615384615388244959888198;0.038034188034188030902438271141;0.047863247863247866675795449964;0.095726495726495733351590899929;0.126923076923076916244781386922
-0.011309523809523809242949532461;0.126190476190476186246769429999;0.199404761904761917978845531252;0.007738095238095238359576910625;0.021428571428571428769682682969;0.026190476190476191103995162734;0.132738095238095238359576910625;0.251190476190476186246769429999;0.024404761904761904794947113828;0.051190476190476189022326991562;0.051190476190476189022326991562;0.097023809523809526056403740313
-0.004924242424242423858682382587;0.132196969696969701679734043864;0.184090909090909082834741639090;0.000000000000000000000000000000;0.067045454545454546968485942671;0.066287878787878784514475682954;0.149999999999999994448884876874;0.071212121212121212709966755483;0.066666666666666665741480812812;0.033712121212121214097745536264;0.057954545454545453031514057329;0.165909090909090922716373484036
-0.046258503401360541451570185245;0.087074829931972783092497536472;0.126870748299319741070334544020;0.008163265306122449715964251027;0.131632653061224486057412264017;0.050680272108843536782440963862;0.051360544217687077728218270067;0.048299319727891157350008199955;0.171088435374149666623466714555;0.061224489795918365930837978794;0.072108843537414965552123646830;0.145238095238095249461807156877
-0.062681159420289858652530767813;0.069202898550724631365760330937;0.186594202898550720615133968749;0.081884057971014487242733537187;0.031159420289855074143181568047;0.027536231884057970481505250859;0.031521739130434781039902247812;0.123188405797101455108055745313;0.096014492753623184584377270312;0.094202898550724639692433015625;0.063768115942028982812139759062;0.132246376811594207323352634376
-0.045238095238095236971798129844;0.076984126984126988180179296251;0.248412698412698418337640760001;0.041269841269841268938112222031;0.015873015873015872134743631250;0.024603174603174602502742018828;0.092063492063492069483743307501;0.142857142857142849212692681249;0.066666666666666665741480812812;0.065079365079365084079121572813;0.080158730158730165382685584063;0.100793650793650796382294743125
-0.023263888888888889505679458125;0.179861111111111110494320541875;0.149305555555555552471602709375;0.000347222222222222235473582108;0.051041666666666665741480812812;0.068055555555555549696045147812;0.078819444444444441977282167500;0.035416666666666665741480812812;0.074652777777777776235801354687;0.060416666666666667129259593594;0.082638888888888886730121896562;0.196180555555555552471602709375
-0.102252252252252248676533952221;0.059459459459459462760122505642;0.114414414414414411513831737466;0.206306306306306308506748337095;0.036036036036036035723473247572;0.036486486486486488511893355735;0.031081081081081082806427673404;0.088288288288288288563343542137;0.073873873873873868722839119982;0.111261261261261262811572692044;0.062162162162162165612855346808;0.078378378378378382729252393801
-0.011274509803921568470985725696;0.239705882352941185287065195553;0.149509803921568623641391582169;0.007843137254901960675468330919;0.021078431372549021050044615322;0.076470588235294123524710130368;0.084313725490196084200178461288;0.027941176470588236641079404876;0.040196078431372551931222147914;0.056862745098039214897145399163;0.106862745098039210733809056819;0.177941176470588241498305137611
-0.016091954022988505523805713437;0.240804597701149425414968163750;0.132183908045977016598726550001;0.004022988505747126380951428359;0.041954022988505750013654704844;0.097701149425287361904857164063;0.063218390804597707210987778126;0.008045977011494252761902856719;0.054597701149425290068073479688;0.050000000000000002775557561563;0.106321839080459765169983654687;0.185057471264367806584871800624
-0.021078431372549021050044615322;0.137254901960784325698483598899;0.197058823529411758501694862389;0.012745098039215686097636037744;0.035294117647058823039607489136;0.066666666666666665741480812812;0.091176470588235289382872394981;0.052941176470588234559411233704;0.060784313725490195234879564623;0.057843137254901963451025892482;0.100980392156862747166101712537;0.166176470588235286607314833418
-0.013020833333333333911574491992;0.197395833333333325931846502499;0.221874999999999988897769753748;0.001041666666666666652210637700;0.026562499999999999306110609609;0.063020833333333331482961625625;0.086979166666666662965923251249;0.046354166666666668517038374375;0.034895833333333334258519187188;0.051041666666666665741480812812;0.080729166666666671292595935938;0.177083333333333342585191871876
-0.008333333333333333217685101602;0.164444444444444448638620315251;0.195277777777777772350020768499;0.001111111111111111110147375847;0.049722222222222223209087133000;0.051944444444444445863062753688;0.130000000000000004440892098501;0.068611111111111108828986004937;0.061944444444444447805953046782;0.037777777777777778178691647781;0.086666666666666669627261399000;0.144166666666666665186369300500
-0.009057971014492753950020365039;0.142028985507246380270984786875;0.065579710144927541581871821563;0.000000000000000000000000000000;0.152898550724637677378225930624;0.097463768115942026049047797187;0.033695652173913043236908038125;0.001811594202898550746635986108;0.147463768115942028824605358750;0.041304347826086953987534400312;0.073550724637681155759771911562;0.235144927536231895803808811252
-0.009302325581395348708113601788;0.181782945736434109473833586890;0.119379844961240308420791222943;0.000000000000000000000000000000;0.055426356589147289521957162606;0.067441860465116285072717516869;0.055813953488372092248681610727;0.036046511627906979713387158881;0.091472868217054262296450417580;0.062015503875968991387424011918;0.081395348837209308134887919550;0.239922480620155031960649694156
-0.210493827160493834904642085348;0.048148148148148148250946576354;0.099382716049382716083648858785;0.027777777777777776235801354687;0.032098765432098767813595685539;0.034567901234567897927885127274;0.033333333333333332870740406406;0.168518518518518511939419113332;0.101234567901234570608259843993;0.080864197530864198593114622327;0.092592592592592587452671182291;0.070987654320987650380381239756
-0.105714285714285718964511318063;0.074761904761904765526203675563;0.179523809523809529942184326501;0.015714285714285715356286488031;0.020952380952380951495417349406;0.025714285714285713829729829172;0.084761904761904760530200064750;0.187619047619047629726907189252;0.060476190476190475053819284312;0.079047619047619047116803869812;0.086190476190476192352996065438;0.079523809523809524391069203375
-0.025666666666666667490082076597;0.143999999999999989119814358673;0.234000000000000013544720900427;0.004333333333333333134418374755;0.007666666666666666248020067798;0.018666666666666668211727042603;0.268333333333333312609170206997;0.137333333333333335035675304425;0.015666666666666665547191783503;0.021666666666666667406815349750;0.058666666666666665574947359119;0.064000000000000001332267629550
-0.022499999999999999167332731531;0.102916666666666670182372911313;0.206249999999999988897769753748;0.007083333333333332974823814965;0.007083333333333332974823814965;0.017500000000000001665334536938;0.189583333333333325931846502499;0.332083333333333341474968847251;0.012083333333333333078907223523;0.017916666666666667545593227828;0.056250000000000001387778780781;0.028750000000000001249000902703
-0.014634146341463415488814980847;0.060162601626016262712504101273;0.231300813008130073944457194557;0.005691056910569106119801574550;0.007317073170731707744407490424;0.023170731707317072933793866696;0.158943089430894302083174807194;0.313008130081300794955723176827;0.031707317073170732113496228521;0.054065040650406501199221054321;0.076829268292682925678427352523;0.023170731707317072933793866696
-0.045348837209302328421500760669;0.079069767441860464018965615196;0.223255813953488368994726442907;0.002325581395348837177028400447;0.012790697674418604473656202458;0.026744186046511627535826605140;0.111240310077519374831744869425;0.124418604651162792440466375865;0.070542635658914734642088717465;0.129069767441860466794523176759;0.093023255813953487081136017878;0.082170542635658913588336815792
-0.056250000000000001387778780781;0.117916666666666669627261399000;0.142916666666666664076146275875;0.005833333333333333599324266316;0.061249999999999998889776975375;0.076249999999999998334665463062;0.059166666666666666019036568969;0.052499999999999998057109706906;0.111250000000000001665334536938;0.064166666666666663521034763562;0.116666666666666668517038374375;0.135833333333333333703407674875
-0.041111111111111112159655078813;0.099629629629629623543962679832;0.173703703703703693506099625665;0.024074074074074074125473288177;0.055555555555555552471602709375;0.051111111111111114102545371907;0.049259259259259259577934386698;0.078888888888888883399452822687;0.071481481481481479178796689666;0.096296296296296296501893152708;0.141111111111111103832982394124;0.117777777777777772905132280812
-0.154054054054054062605771946437;0.077477477477477477152412177475;0.113963963963963965664305533210;0.009909909909909909303538100289;0.034234234234234231508686718826;0.059009009009009009971702397479;0.027027027027027028527328411656;0.036486486486486488511893355735;0.154954954954954954304824354949;0.104504504504504505679740589130;0.101801801801801802827007747965;0.126576576576576588228917330525
-0.141145833333333331482961625625;0.040104166666666669904817155157;0.040625000000000001387778780781;0.441145833333333348136306995002;0.009374999999999999653055304805;0.026041666666666667823148983985;0.020833333333333332176851016015;0.040104166666666669904817155157;0.069270833333333337034076748751;0.094791666666666662965923251249;0.035416666666666665741480812812;0.041145833333333332870740406406
-0.003418803418803418800453464144;0.124358974358974361251739537693;0.107692307692307698285816286443;0.329914529914529908172227123941;0.017094017094017095736990796695;0.085897435897435897578233721106;0.046581196581196582240380621442;0.014102564102564102768710974090;0.044871794871794871972792151382;0.041880341880341877269788852800;0.091880341880341886984240318270;0.092307692307692312816413959808
-0.001851851851851851922525771243;0.192222222222222210996633862123;0.115185185185185182121792024645;0.000000000000000000000000000000;0.051851851851851850361274642864;0.114444444444444445863062753688;0.194074074074074065521244847332;0.029259259259259259161600752464;0.056666666666666663798590519718;0.030370370370370370488588562807;0.092222222222222219323306546812;0.121851851851851850083718886708
-0.014655172413793103244894489023;0.171839080459770116027229391875;0.094540229885057475156528994376;0.075862068965517240326512649062;0.027586206896551723755095508750;0.107758620689655165714171403124;0.072413793103448281796019614376;0.029022988505747127768730209141;0.031609195402298853605493889063;0.046551724137931037306170622969;0.212068965517241386775637579376;0.116091954022988511074920836563
-0.013450292397660818313753772202;0.154970760233918120052365452466;0.175438596491228060436640134867;0.000000000000000000000000000000;0.068713450292397657004350719490;0.079239766081871346181664250707;0.129824561403508759171998576676;0.049122807017543859697816799326;0.085672514619883038955450160756;0.035672514619883043118786503101;0.066374269005847946756304622795;0.141520467836257296534441252334
-0.014062500000000000346944695195;0.140625000000000000000000000000;0.123958333333333337034076748751;0.005729166666666666261897855605;0.065104166666666671292595935938;0.092708333333333337034076748751;0.039583333333333331482961625625;0.029687499999999998612221219219;0.098437499999999997224442438437;0.090624999999999997224442438437;0.079687499999999994448884876874;0.219791666666666662965923251249
-0.013120567375886524677519595627;0.112411347517730492162613131768;0.179432624113475186478083855945;0.001063829787234042570723269172;0.057092198581560282821811824761;0.070567375886524827399703951869;0.072695035460992901699128765358;0.060283687943262408148736852809;0.076950354609929078053554007965;0.082978723404255314011201960511;0.102482269503546094546742040166;0.170921985815602833769233370731
-0.013978494623655914400051081259;0.107526881720430109168340493397;0.055376344086021503376748853498;0.095161290322580638356697591007;0.016129032258064515681361683619;0.195161290322580643907812714133;0.026344086021505376538076603765;0.010215053763440860856714920146;0.056989247311827959108221364204;0.080107526881720431122246850464;0.231182795698924720140254862599;0.111827956989247315200408650071
-0.003603603603603603659083498556;0.217567567567567565767205906013;0.052702702702702705628290402728;0.078828828828828828578778598057;0.025225225225225224312541882909;0.176576576576576577126687084274;0.027027027027027028527328411656;0.001801801801801801829541749278;0.043693693693693691493251662905;0.051801801801801800051450186402;0.166666666666666657414808128124;0.154504504504504508455298150693
-0.019607843137254901688670827298;0.171078431372549022437823396103;0.155392156862745101086886734265;0.002450980392156862711083853412;0.030882352941176471894380028971;0.061274509803921566042372859329;0.050980392156862744390544150974;0.034313725490196081424620899725;0.086764705882352938237644934816;0.098529411764705879250847431194;0.125000000000000000000000000000;0.163725490196078432569848359890
-0.033703703703703701000105041885;0.155185185185185176015565389207;0.181111111111111111604543566500;0.001851851851851851922525771243;0.020000000000000000416333634234;0.040370370370370368962031903948;0.118518518518518523041649359584;0.051111111111111114102545371907;0.068148148148148152136727162542;0.084074074074074078843921142834;0.101481481481481478068573665041;0.144444444444444430875051921248
-0.014184397163120567031402430302;0.127659574468085096343727968815;0.196453900709219864140209210746;0.040780141843971634552090677062;0.048226950354609929294547043810;0.036170212765957443501463330904;0.140070921985815610710801593086;0.099645390070921990854913019575;0.059219858156028370999024446064;0.055673758865248224037003410558;0.051418439716312054621472071858;0.130496453900709213913344797220
-0.017272727272727272929131459023;0.188484848484848477312425529817;0.156666666666666676288599546751;0.061818181818181820730284670162;0.043939393939393937837945003366;0.043939393939393937837945003366;0.104242424242424247537996961910;0.042727272727272724850422491727;0.053333333333333336756520992594;0.049393939393939392812349353790;0.058484848484848486749321239131;0.179696969696969688357057748362
-0.001412429378531073441427334814;0.072033898305084748114879289460;0.051129943502824862222588819805;0.378531073446327692710866585912;0.044915254237288135263916899476;0.107062146892655363217272679321;0.033050847457627118008982591846;0.016101694915254236711854574082;0.041807909604519771784580939311;0.082203389830508469260372805820;0.138135593220338970255056665337;0.033615819209039547732498220967
-0.028301886792452830843291877727;0.036477987421383646637895736831;0.054088050314465410672859491115;0.413836477987421402779943946371;0.065094339622641508857903147600;0.056918238993710693063299288497;0.022012578616352199839534264925;0.017610062893081760565516802330;0.092767295597484270008870055335;0.074842767295597481536084671916;0.047169811320754720385117764181;0.090880503144654081748576857080
-0.031944444444444441977282167500;0.057222222222222222931531376844;0.115833333333333329817627088687;0.150555555555555553581825734000;0.059166666666666666019036568969;0.049166666666666664076146275875;0.026111111111111112714766591125;0.023888888888888890060790970438;0.139722222222222219878418059125;0.100833333333333330372738601000;0.071944444444444449748843339876;0.173611111111111104943205418749
-0.056410256410256411074843896358;0.022756410256410255360526306845;0.042628205128205129414986629399;0.460576923076923050448527874323;0.100320512820512824925245354279;0.032051282051282048435325577884;0.037499999999999998612221219219;0.037499999999999998612221219219;0.097756410256410256054415697236;0.021794871794871793768688661430;0.028525641025641024911552179333;0.062179487179487180625869768846
-0.019658119658119657668926549832;0.058974358974358973006779649495;0.038461538461538463673505816587;0.374358974358974361251739537693;0.085897435897435897578233721106;0.076923076923076927347011633174;0.022649572649572648902482896460;0.011538461538461539102051744976;0.117521367521367520181385657452;0.049572649572649570004490016117;0.054273504273504274975081784760;0.090170940170940169777757944303
-0.027564102564102563319714533918;0.053205128205128203455753777007;0.030769230769230770938804653269;0.129166666666666679619268620627;0.117628205128205126639429067836;0.116346153846153849142908143222;0.014423076923076923877564681220;0.007692307692307692734701163317;0.246474358974358986884567457309;0.056089743589743591700713665205;0.053525641025641022829884008161;0.147115384615384620081712796491
-0.001190476190476190583578119941;0.222222222222222209886410837498;0.077380952380952383595769106250;0.000000000000000000000000000000;0.042063492063492066708185745938;0.161904761904761912427730408126;0.030952380952380953438307642500;0.001984126984126984016842953906;0.062698412698412697707794905000;0.044841269841269841556208319844;0.112698412698412700483352466563;0.242063492063492063932628184375
-0.008943089430894309369013406297;0.095934959349593493249663822553;0.050406504065040651230145130057;0.219105691056910578673466716282;0.086178861788617888706198755244;0.128455284552845522272335188063;0.019512195121951219495270990478;0.018292682926829267192614381088;0.120731707317073166940701867134;0.059756097560975607319022628872;0.071138211382113819558625777972;0.121544715447154477727664811937
-0.009629629629629630344078705662;0.033333333333333332870740406406;0.024444444444444445724284875610;0.633333333333333303727386009996;0.038148148148148146308056283260;0.038888888888888889505679458125;0.013333333333333334189130248149;0.010740740740740739936343040029;0.048148148148148148250946576354;0.062592592592592588562894206916;0.065555555555555561353386906376;0.021851851851851851471497667490
-0.000709219858156028416622251864;0.151063829787234038537491187526;0.071276595744680856792108158970;0.145744680851063818094459634267;0.028368794326241134062804860605;0.151773049645390067929895394627;0.023758865248226949951071418354;0.002482269503546099403967772901;0.047163120567375885205940733158;0.059929078014184400391428653165;0.106382978723404256204965179222;0.211347517730496453625121944242
-0.020238095238095239053466301016;0.083333333333333328707404064062;0.044841269841269841556208319844;0.277777777777777790113589162502;0.066269841269841270325891002813;0.115873015873015877685858754376;0.008730158730158730367998387578;0.010317460317460317234528055508;0.084126984126984133416371491876;0.084126984126984133416371491876;0.084920634920634924247551111876;0.119444444444444450303954852188
-0.018402777777777778317469525859;0.043749999999999997224442438437;0.031250000000000000000000000000;0.481944444444444453079512413751;0.035416666666666665741480812812;0.098611111111111107718762980312;0.018055555555555553859381490156;0.015277777777777777276635440273;0.055208333333333331482961625625;0.045138888888888888117900677344;0.056597222222222222376419864531;0.100347222222222226539756206876
-0.064227642276422761136167594032;0.051626016260162603532801739448;0.076829268292682925678427352523;0.103252032520325207065603478895;0.082113821138211376404747454671;0.095528455284552851733970157966;0.009756097560975609747635495239;0.026829268292682926372316742913;0.185772357723577224986044598154;0.077235772357723581071908824924;0.081707317073170734889053790084;0.145121951219512185238258439313
-0.100000000000000005551115123126;0.054421768707482991167534436272;0.107823129251700677855296817143;0.034013605442176873816517712612;0.044217687074829932492026074442;0.051700680272108841262213019263;0.026190476190476191103995162734;0.053741496598639457160651033973;0.173809523809523802651000323749;0.152040816326530603408428987677;0.101700680272108837098876676919;0.100340136054421769085109872321
-0.026950354609929078747443398356;0.073758865248226945787735076010;0.043617021276595745182813601559;0.001063829787234042570723269172;0.108156028368794329685975696975;0.146808510638297862183065944919;0.014893617021276596423806637404;0.014893617021276596423806637404;0.228368794326241131287247299042;0.062056737588652481629747370562;0.057801418439716312214216031862;0.221631205673758852059407331581
-0.004761904761904762334312479766;0.173469387755102039117005574553;0.067687074829931970221252868214;0.019727891156462583344133321361;0.052380952380952382207990325469;0.116666666666666668517038374375;0.017687074829931974384589210558;0.004081632653061224857982125513;0.117006802721088432051033123571;0.060544217687074831923954576496;0.112244897959183673186167595759;0.253741496598639482140669088039
-0.055185185185185184342238073896;0.053703703703703704885885628073;0.047407407407407405053323401489;0.337407407407407433641566285587;0.061851851851851852304164935958;0.084814814814814815102650413792;0.014444444444444443781394582516;0.017407407407407406163546426114;0.137407407407407394783760423707;0.052592592592592593558897817729;0.062962962962962956692258842395;0.074814814814814820098654024605
-0.002287581699346405341571886183;0.170915032679738565501992297868;0.047058823529411764052809985515;0.104901960784313727503835877997;0.052941176470588234559411233704;0.173856209150326790346952066102;0.021568627450980391857537910028;0.007516339869281045936444396460;0.060784313725490195234879564623;0.033986928104575160614064799347;0.088235294117647064537912626747;0.235947712418300648007374320514
-0.005228758169934640161191641283;0.139869281045751636671781170662;0.060130718954248367491555171682;0.009150326797385621366287544731;0.087581699346405222916800425992;0.144771241830065372502289733347;0.018627450980392156604237285933;0.021568627450980391857537910028;0.098039215686274508443354136489;0.043464052287581697586738016525;0.086928104575163395173476033051;0.284640522875816981418495288381
-0.051111111111111114102545371907;0.089259259259259260410601655167;0.044814814814814814269983145323;0.032592592592592589673117231541;0.058888888888888886452566140406;0.135925925925925922266301881791;0.004814814814814815172039352831;0.032962962962962964741375770927;0.180740740740740729597391123207;0.095185185185185192113799246272;0.098148148148148151026504137917;0.175555555555555548030710610874
-0.024293785310734464233384244380;0.039548022598870059829412326735;0.043502824858757060955127826674;0.485028248587570598449048020484;0.023163841807909604786352986139;0.079661016949152535504552474777;0.007627118644067796930652303189;0.024858757062146893956899873501;0.067796610169491525188512071054;0.079661016949152535504552474777;0.066101694915254236017965183692;0.058757062146892656551155909028
-0.050847457627118647360831005244;0.060169491525423730859944981830;0.088700564971751411080802540710;0.211864406779661007540482842160;0.050000000000000002775557561563;0.064406779661016946847418296329;0.013559322033898304690757719015;0.039548022598870059829412326735;0.112994350282485875314186785090;0.120621468926553676581647778221;0.072033898305084748114879289460;0.115254237288135594208249301573
-0.017241379310344827346934692969;0.073563218390804596680254690000;0.066666666666666665741480812812;0.437931034482758607673247297498;0.039942528735632185088455514688;0.044252873563218393659912663907;0.019540229885057470993192652031;0.023563218390804597374144080391;0.065517241379310350857245737188;0.059482758620689656081648166719;0.059770114942528734802706935625;0.092528735632183903292435900312
-0.003488372093023255765542600670;0.210465116279069774929411096309;0.191860465116279077513183892734;0.005813953488372092942571001117;0.042248062015503878852129560073;0.043798449612403103636815160371;0.029844961240310077105197805736;0.015503875968992247846856002980;0.042248062015503878852129560073;0.057751937984496126698985563053;0.052713178294573642679310410131;0.304263565891472853586208202614
-0.068678160919540223727786099062;0.058908045977011491700636725000;0.119827586206896555265366544063;0.027873563218390805945601229610;0.039367816091954020707444072968;0.055747126436781611891202459219;0.022413793103448275551015100859;0.047988505747126437850358371406;0.158333333333333325931846502499;0.152298850574712651972930643751;0.088505747126436787319825327813;0.160057471264367812135986923749
-0.112865497076023391098686943224;0.026315789473684209065496020230;0.124269005847953209475953428864;0.077192982456140354918794344030;0.092690058479532169699588450840;0.052339181286549706084709754350;0.011695906432748537362442675658;0.082748538011695904614839491842;0.174269005847953212251510990427;0.096491228070175433240152074177;0.057602339181286550673366519959;0.091520467836257307636671498585
-0.037570621468926555797107624812;0.090395480225988700251349428072;0.070338983050847458944332402098;0.211864406779661007540482842160;0.034463276836158192317771664648;0.135310734463276849393054135362;0.022881355932203389924595171578;0.026836158192090394519757623470;0.089548022598870055666075984391;0.066949152542372880603238627373;0.113841807909604519899460228771;0.100000000000000005551115123126
-0.018452380952380952744418252109;0.191071428571428558740308289998;0.157142857142857139685077072500;0.022916666666666665047591422422;0.029761904761904760252644308594;0.082440476190476189022326991562;0.114285714285714282145711706562;0.025892857142857144542302805235;0.051488095238095235584019349062;0.041964285714285710915394389531;0.066964285714285712303173170312;0.197619047619047610853115770624
-0.008510638297872340565786153377;0.106737588652482270901167282773;0.045035460992907803967622015762;0.046453900709219855813536526057;0.055673758865248224037003410558;0.164539007092198569237595506820;0.007801418439716312040743684264;0.005673758865248227332978014914;0.143262411347517742976620525042;0.082269503546099284618797753410;0.116312056737588653820836270825;0.217730496453900718156759808153
-0.046327683615819209572705972278;0.038135593220338985520623253933;0.044067796610169490678643455794;0.395480225988700584416335459537;0.061299435028248590306976240072;0.083333333333333328707404064062;0.013559322033898304690757719015;0.034745762711864407179529479208;0.099435028248587575827599494005;0.075988700564971756179488693306;0.053107344632768359315999617820;0.054519774011299433624788690622
-0.034583333333333333980963431031;0.050833333333333334536074943344;0.072916666666666671292595935938;0.424166666666666691831721891504;0.041666666666666664353702032031;0.037083333333333336201409480282;0.012916666666666666574148081281;0.025833333333333333148296162562;0.083333333333333328707404064062;0.072083333333333332593184650250;0.041666666666666664353702032031;0.102916666666666670182372911313
-0.019940476190476189022326991562;0.052083333333333335646297967969;0.039583333333333331482961625625;0.425595238095238082021154468748;0.061309523809523806814336666093;0.089583333333333334258519187188;0.017857142857142856151586585156;0.026190476190476191103995162734;0.083928571428571421830788779062;0.054464285714285715078730731875;0.050892857142857142460634634062;0.078571428571428569842538536250
-0.001418439716312056833244503729;0.103191489361702123939146247267;0.023758865248226949951071418354;0.000000000000000000000000000000;0.098936170212765961462508812474;0.245744680851063823645574757393;0.018085106382978721750731665452;0.003546099290780141757850607576;0.129787234042553184520940590119;0.028368794326241134062804860605;0.063829787234042548171863984408;0.283333333333333325931846502499
-0.041666666666666664353702032031;0.091111111111111114935212640376;0.102222222222222228205090743813;0.056666666666666663798590519718;0.065000000000000002220446049250;0.085555555555555551361379684749;0.019444444444444444752839729063;0.049444444444444443642616704437;0.143888888888888899497686679751;0.125277777777777765688682620748;0.074722222222222217657972009874;0.144999999999999990007992778374
-0.089189189189189194140183758464;0.045945945945945948496458299815;0.092792792792792788691969008141;0.089189189189189194140183758464;0.076126126126126125726045756892;0.045945945945945948496458299815;0.028828828828828829272667988448;0.144594594594594588743419194543;0.134684684684684696787115854022;0.136936936936936926034746875303;0.039189189189189191364626196901;0.076576576576576571575571961148
-0.049659863945578232302668908460;0.061224489795918365930837978794;0.122448979591836731861675957589;0.141156462585034003787143319641;0.040136054421768707634043948929;0.037074829931972787255833878817;0.032312925170068028390968351005;0.054761904761904761640423089375;0.079251700680272110788315842456;0.125850340136054422712774680804;0.087074829931972783092497536472;0.169047619047619057663922603751
-0.025833333333333333148296162562;0.103749999999999995003996389187;0.116250000000000006106226635438;0.068750000000000005551115123126;0.047916666666666669904817155157;0.094583333333333338699411285688;0.034583333333333333980963431031;0.025833333333333333148296162562;0.107499999999999998334665463062;0.114166666666666666296592325125;0.114583333333333328707404064062;0.146249999999999991118215802999
-0.025724637681159418650667092265;0.107246376811594198996679949687;0.147101449275362311519543823124;0.048188405797101450944719402969;0.039855072463768112522863873437;0.081884057971014487242733537187;0.045289855072463768015378349219;0.055797101449275361695345765156;0.101086956521739129710724114375;0.094565217391304343119706743437;0.096739130434782605316712533750;0.156521739130434794917690055627
-0.007516339869281045936444396460;0.081045751633986931605768688769;0.046732026143790850181147789044;0.410130718954248352225988583086;0.051307189542483658262206347445;0.083006535947712414835741867591;0.020261437908496732901442172192;0.030718954248366011489101978782;0.065686274509803924126494223401;0.061111111111111109106541761093;0.082679738562091500964079671121;0.059803921568627453619892975212
-0.061320754716981132337316751091;0.075471698113207544289515738001;0.112264150943396229243020911781;0.080503144654088046316964266680;0.060062893081761006830454618921;0.076100628930817607042946804086;0.038993710691823897651620001170;0.072012578616352199145644874534;0.117295597484276731270469440460;0.130503144654088049092521828243;0.067295597484276728494911878897;0.108176100628930821345718982229
-0.006737588652482269686860849589;0.038652482269503546374878055758;0.033687943262411347566942509957;0.625177304964539048981464475219;0.034042553191489362263144613507;0.047517730496453899902142836709;0.021985815602836879939507852555;0.007092198581560283515701215151;0.047872340425531914598344940259;0.041489361702127657005600980256;0.044326241134751774575217808660;0.051418439716312054621472071858
-0.028813559322033898552062325393;0.032485875706214688285466962725;0.029096045197740113413820139954;0.561016949152542410139687945048;0.042937853107344631231612197553;0.050000000000000002775557561563;0.019774011299435029914706163368;0.018361581920903955605917090566;0.077401129943502830488277766108;0.037853107344632770658865439373;0.034180790960451977456013850087;0.068079096045197740050269885614
-0.050666666666666665408413905425;0.068666666666666667517837652213;0.110666666666666663187967856175;0.166666666666666657414808128124;0.086333333333333331371939323162;0.070999999999999993671728759637;0.025666666666666667490082076597;0.047666666666666669682772550232;0.126000000000000000888178419700;0.076999999999999999000799277837;0.059999999999999997779553950750;0.109666666666666662299789436474
-0.033620689655172411591799175312;0.098275862068965519346974701875;0.073850574712643682340207362813;0.099137931034482762449044912501;0.057471264367816091156448976562;0.084770114942528729251591812499;0.014655172413793103244894489023;0.006321839080459770027209387422;0.174425287356321845333440023751;0.067816091954022994503503696251;0.085344827586206900571497158126;0.204310344827586198857005683749
-0.022222222222222223070309254922;0.050308641975308640570396789826;0.040432098765432099296557311163;0.469135802469135776426867323607;0.064506172839506173422030599340;0.049074074074074075513252068959;0.009567901234567901744276774423;0.012345679012345678327022824305;0.084876543209876545437175821007;0.050000000000000002775557561563;0.042592592592592591616007524635;0.104938271604938265779694006596
-0.020909090909090908422252041987;0.061515151515151515748680566276;0.058484848484848486749321239131;0.400606060606060632167668700276;0.046363636363636363812990026645;0.058787878787878784792031439110;0.010909090909090909948808700847;0.023333333333333334397297065266;0.086060606060606059664053191227;0.073030303030303028721803570988;0.054545454545454542805149600326;0.105454545454545453586625569642
-0.003703703703703703845051542487;0.130370370370370358692468926165;0.095925925925925928372528517230;0.020740740740740740144509857146;0.028888888888888887562789165031;0.110740740740740736813840783270;0.016666666666666666435370203203;0.006666666666666667094565124074;0.105555555555555555247160270937;0.107037037037037041642406620667;0.128888888888888886175010384250;0.244814814814814818433319487667
-0.017251461988304093997381727377;0.028070175438596491751530592751;0.038304093567251465413114885905;0.529532163742690076269070686976;0.040643274853801168722267078692;0.055263157894736840425320423265;0.010818713450292397754148865374;0.025146198830409357410919923836;0.085380116959064333848061778554;0.055847953216374271456778899392;0.058187134502923974765931092179;0.055555555555555552471602709375
-0.048245614035087716620076037088;0.064327485380116955493434716118;0.107602339181286546510030177615;0.100584795321637429643679695346;0.049707602339181283790381371546;0.090350877192982459451542354145;0.021929824561403507554580016858;0.060526315789473685013977188873;0.127777777777777767909128669999;0.129239766081871348957221812270;0.089766081871345035358977781925;0.109941520467836256758076274309
-0.018300653594771242732575089462;0.030392156862745097617439782312;0.045424836601307187755605099255;0.592156862745098044875646792207;0.031372549019607842701873323676;0.044117647058823532268956313374;0.010130718954248366450721086096;0.026470588235294117279705616852;0.065686274509803924126494223401;0.051960784313725492944424644293;0.031372549019607842701873323676;0.052614379084967320687749037234
-0.032716049382716050342168045972;0.056790123456790124467641334149;0.052469135802469132889847003298;0.351234567901234584486047651808;0.038888888888888889505679458125;0.097222222222222223764198645313;0.007098765432098765558455166769;0.027160493827160493707228994253;0.076851851851851851749053423646;0.082407407407407401445098571457;0.090123456790123457338381740556;0.087037037037037037756626034479
-0.076836158192090400764762136987;0.044915254237288135263916899476;0.154237288135593231253039903095;0.126836158192090403540319698550;0.038983050847457630105896697614;0.048587570621468928466768488761;0.045197740112994350125674714036;0.096045197740112997486505719280;0.120903954802259891443405592781;0.062146892655367234892249683753;0.089265536723163840804318169830;0.096045197740112997486505719280
-0.108496732026143793969907846986;0.064705882352941182511507633990;0.065686274509803924126494223401;0.006209150326797385245625182648;0.132679738562091503739637232684;0.058496732026143791194350285423;0.013071895424836601704021710191;0.021241830065359477985875713557;0.244771241830065350297829240844;0.100000000000000005551115123126;0.056535947712418301025483202693;0.128104575163398681780790866469
-0.004273504273504273934247699174;0.119230769230769237387868031419;0.026495726495726495269833478119;0.047863247863247866675795449964;0.058974358974358973006779649495;0.240170940170940178104430628991;0.005128205128205128200680196215;0.002136752136752136967123849587;0.104273504273504277750639346323;0.050854700854700854439904844639;0.109829059829059827446684494134;0.230769230769230782041034899521
-0.151550387596899233111358284987;0.072480620155038755214604861976;0.042635658914728681578854008194;0.179069767441860455692292930507;0.050000000000000002775557561563;0.116279069767441858851420022347;0.009689922480620154904285001862;0.029844961240310077105197805736;0.093798449612403106412372721934;0.055038759689922479856338810578;0.085658914728682172823326368416;0.113953488372093028613285525807
-0.014074074074074073917306471060;0.050370370370370370904922197042;0.061481481481481484174800300480;0.628148148148148122160705497663;0.015185185185185185244294281404;0.034444444444444444197728216750;0.020740740740740740144509857146;0.036666666666666666851703837438;0.025185185185185185452461098521;0.034814814814814812327092852229;0.044444444444444446140618509844;0.034444444444444444197728216750
-0.032222222222222221543752596062;0.083333333333333328707404064062;0.128518518518518531923433556585;0.114074074074074077733698118209;0.062592592592592588562894206916;0.063333333333333338699411285688;0.069629629629629624654185704458;0.028888888888888887562789165031;0.121851851851851850083718886708;0.062962962962962956692258842395;0.095555555555555560243163881751;0.137037037037037040532183596042
-0.006060606060606060600803868255;0.156363636363636371306995442865;0.095454545454545458582629180455;0.019393939393939393922572378415;0.050909090909090910781475969316;0.118181818181818179547271085994;0.058181818181818181767717135244;0.026969696969696969890417648230;0.091818181818181812681167741630;0.059999999999999997779553950750;0.085454545454545449700844983454;0.231212121212121202162848021544
-0.031699346405228756573535520147;0.061437908496732022978203957564;0.063398692810457513147071040294;0.279738562091503273343562341324;0.045424836601307187755605099255;0.066339869281045751869818616342;0.019281045751633987817008630827;0.022875816993464050813633647863;0.105882352941176469118822467408;0.093137254901960786490633381618;0.072549019607843143186975964909;0.138235294117647067313470188310
-0.003508771929824561468941324094;0.172222222222222220988641083750;0.127777777777777767909128669999;0.082456140350877199507451109639;0.035380116959064324133610313083;0.115204678362573101346733039918;0.047660818713450292527511464868;0.022807017543859650632320779096;0.068128654970760232911786147270;0.052631578947368418130992040460;0.090350877192982459451542354145;0.181871345029239767088213852730
-0.040849673202614379674546540855;0.035620915032679736911269685606;0.045424836601307187755605099255;0.422222222222222220988641083750;0.036274509803921571593487982454;0.083333333333333328707404064062;0.010784313725490195928768955014;0.026143790849673203408043420382;0.086928104575163395173476033051;0.070261437908496732207552781801;0.074183006535947712545286947261;0.067973856209150321228129598694
-0.079069767441860464018965615196;0.046124031007751940813843560818;0.101937984496124026123631267637;0.100775193798449611004564019368;0.032945736434108530144015958285;0.048449612403100777990871961265;0.032170542635658917751673158136;0.054651162790697677129614362457;0.119379844961240308420791222943;0.163178294573643412057606383314;0.111627906976744184497363221453;0.109689922480620150047059269127
-0.036486486486486488511893355735;0.043693693693693691493251662905;0.099549549549549545823801111055;0.068018018018018017167847233395;0.140990990990990994191633944865;0.047297297297297299922824720397;0.008558558558558557877171679706;0.063063063063063057311907755320;0.121171171171171168645663840380;0.120720720720720722796137636124;0.068918918918918922744687449722;0.181531531531531536982626562349
-0.037407407407407410049327012302;0.064074074074074074958140556646;0.111481481481481486950357862042;0.069259259259259256524821068979;0.050000000000000002775557561563;0.076296296296296292616112566520;0.015555555555555555108382392859;0.057777777777777775125578330062;0.161481481481481475848127615791;0.108888888888888882289229798062;0.102592592592592596334455379292;0.145185185185185194889356807835
-0.049645390070921988079355458012;0.053546099290780142798684693162;0.084042553191489358099808271163;0.292553191489361708033101194815;0.037234042553191487590069641556;0.045744680851063826421132318956;0.019148936170212765839337976104;0.071631205673758871488310262521;0.100000000000000005551115123126;0.098581560283687946766306708923;0.058510638297872341606620238963;0.089361702127659578542839824422
-0.025694444444444443365060948281;0.041319444444444443365060948281;0.038888888888888889505679458125;0.510416666666666629659232512495;0.050347222222222223764198645313;0.049305555555555553859381490156;0.011458333333333332523795711211;0.030208333333333333564629796797;0.074305555555555555247160270937;0.053124999999999998612221219219;0.037499999999999998612221219219;0.077430555555555558022717832500
-0.022777777777777778733803160094;0.082222222222222224319310157625;0.135277777777777774570466817750;0.084166666666666667406815349750;0.056666666666666663798590519718;0.054722222222222220711085327594;0.036666666666666666851703837438;0.026944444444444444475283972906;0.135833333333333333703407674875;0.081944444444444444752839729063;0.102222222222222228205090743813;0.180555555555555552471602709375
-0.036821705426356592105729959030;0.093798449612403106412372721934;0.076744186046511633780831118656;0.000000000000000000000000000000;0.125581395348837221437321431949;0.079457364341085273684583967224;0.017829457364341085023884403427;0.003875968992248061961714000745;0.198837209302325568227587382353;0.058527131782945739091328363202;0.065503875968992250622413564543;0.243023255813953481530020894752
-0.006296296296296296363115274630;0.058148148148148150193836869448;0.078148148148148147140723551729;0.478888888888888863970549891746;0.024814814814814813853649511088;0.040000000000000000832667268469;0.042592592592592591616007524635;0.023703703703703702526661700745;0.052222222222222225429533182250;0.046666666666666668794594130532;0.059999999999999997779553950750;0.088518518518518524151872384209
-0.004629629629629629372633559115;0.041203703703703700722549285729;0.058796296296296297889671933490;0.669444444444444397568361182493;0.022222222222222223070309254922;0.030555555555555554553270880547;0.028703703703703703498106847292;0.015740740740740739173064710599;0.018055555555555553859381490156;0.027777777777777776235801354687;0.043981481481481482509465763542;0.038888888888888889505679458125
-0.022988505747126436462579590625;0.045977011494252872925159181250;0.050574712643678160217675099375;0.589080459770114917006367249996;0.014942528735632183700676733906;0.059195402298850577360589397813;0.018965517241379310081628162266;0.009770114942528735496596326016;0.026436781609195401931966529219;0.066666666666666665741480812812;0.059770114942528734802706935625;0.035632183908045976516998365469
-0.022222222222222223070309254922;0.085000000000000006106226635438;0.067222222222222224874421669938;0.323333333333333305947832059246;0.038333333333333330372738601000;0.088333333333333333148296162562;0.035000000000000003330669073875;0.017222222222222222098864108375;0.071111111111111111049432054187;0.082777777777777783452251014751;0.104999999999999996114219413812;0.064444444444444443087505192125
-0.033950617283950615399312766840;0.108024691358024685361449712673;0.139506172839506170646473037777;0.003086419753086419581755706076;0.064197530864197535627191371077;0.085185185185185183232015049271;0.057407407407407406996213694583;0.050000000000000002775557561563;0.131481481481481476958350640416;0.116049382716049379049572110034;0.092592592592592587452671182291;0.118518518518518523041649359584
-0.004444444444444444440589503387;0.133703703703703713490114068918;0.082592592592592592448674793104;0.014444444444444443781394582516;0.085555555555555551361379684749;0.139629629629629631315523852209;0.037777777777777778178691647781;0.006296296296296296363115274630;0.123333333333333336478965236438;0.053333333333333336756520992594;0.084814814814814815102650413792;0.234074074074074073292806019708
-0.011666666666666667198648532633;0.069166666666666667961926862063;0.078750000000000000555111512313;0.370416666666666671847707448251;0.028750000000000001249000902703;0.083750000000000004996003610813;0.017083333333333332315628894094;0.015833333333333334674852821422;0.066250000000000003330669073875;0.092916666666666661300588714312;0.095833333333333339809634310313;0.069583333333333330372738601000
-0.017037037037037038034181790636;0.095185185185185192113799246272;0.115185185185185182121792024645;0.188148148148148147695835064042;0.035925925925925923654080662573;0.080000000000000001665334536938;0.052222222222222225429533182250;0.027407407407407408106436719208;0.074444444444444438091501581312;0.087777777777777774015355305437;0.106666666666666673513041985188;0.119999999999999995559107901499
-0.012592592592592592726230549260;0.067037037037037033870845448291;0.101481481481481478068573665041;0.412222222222222212106856886749;0.017407407407407406163546426114;0.054074074074074073015250263552;0.036296296296296298722339201959;0.023703703703703702526661700745;0.045925925925925925596970955667;0.065185185185185179346234463083;0.106296296296296291505889541895;0.057777777777777775125578330062
-0.007777777777777777554191196430;0.121388888888888893391460044313;0.058888888888888886452566140406;0.220555555555555560243163881751;0.029166666666666667129259593594;0.149166666666666669627261399000;0.014722222222222221613141535101;0.008888888888888888881179006773;0.047222222222222220988641083750;0.073055555555555554136937246312;0.109444444444444441422170655187;0.159722222222222209886410837498
-0.010294117647058823386552184331;0.040196078431372551931222147914;0.040686274509803922738715442620;0.608823529411764652330418812198;0.026960784313725491556645863511;0.039705882352941174184834949301;0.026960784313725491556645863511;0.018137254901960785796743991227;0.035294117647058823039607489136;0.048039215686274512606690478833;0.060294117647058824427386269917;0.044607843137254903076449608079
-0.005050505050505050934350759206;0.055555555555555552471602709375;0.044949494949494947504398112414;0.601515151515151558214711258188;0.005555555555555555767577313730;0.055050505050505051107823106804;0.018181818181818180935049866775;0.009595959595959595300751487912;0.024242424242424242403215473018;0.074747474747474743073105685198;0.081818181818181817677171352443;0.023737373737373737569988918494
-0.000740740740740740703958178148;0.162222222222222212106856886749;0.029259259259259259161600752464;0.354074074074074096607489536837;0.018888888888888889089345823891;0.149999999999999994448884876874;0.015555555555555555108382392859;0.002962962962962962815832712593;0.020740740740740740144509857146;0.029629629629629630760412339896;0.117407407407407404775767645333;0.098518518518518519155868773396
-0.003846153846153846367350581659;0.123717948717948722503479075385;0.088461538461538466449063378150;0.346794871794871784054237195960;0.021153846153846155020428199123;0.067307692307692304489741275120;0.036538461538461540489830525757;0.046794871794871795156467442212;0.034615384615384617306155234928;0.044230769230769233224531689075;0.066025641025641026993220350505;0.120512820512820514884388956034
-0.010606060606060606701928072937;0.043939393939393937837945003366;0.049494949494949494472884055085;0.651515151515151491601329780678;0.022222222222222223070309254922;0.031313131313131313537834188310;0.028282828282828284538474861165;0.024242424242424242403215473018;0.023232323232323232736762363970;0.034343434343434342537193515454;0.044444444444444446140618509844;0.036363636363636361870099733551
-0.046124031007751940813843560818;0.118217054263565893301723974673;0.150775193798449613780121580930;0.017441860465116278827713003352;0.033333333333333332870740406406;0.078294573643410858565516718954;0.089147286821705432058315921040;0.070155038759689924976470365436;0.082558139534883723253955167820;0.101162790697674420670182371396;0.105426356589147285358620820261;0.107364341085271319808924772587
-0.047101449275362319846216507813;0.095652173913043481157103542500;0.104347826086956516067338895937;0.257246376811594179567777018747;0.018840579710144928632375993516;0.061594202898550727554027872657;0.044927536231884057649210717500;0.040579710144927533255199136875;0.054347826086956520230675238281;0.097101449275362322621774069376;0.093478260869565218960097752188;0.084782608695652170172074590937
-0.017948717948717947401338079771;0.171153846153846156408206979904;0.092307692307692312816413959808;0.048717948717948718340142733041;0.046153846153846156408206979904;0.098076923076923075428545928389;0.038461538461538463673505816587;0.005128205128205128200680196215;0.107692307692307698285816286443;0.064743589743589749496699425890;0.110897435897435892027118597980;0.198717948717948705850133706008
-0.036728395061728397186229244653;0.133641975308641969277800853888;0.127160493827160492319450213472;0.070370370370370374790702783230;0.042592592592592591616007524635;0.066666666666666665741480812812;0.081172839506172836387953850590;0.036419753086419752452496112483;0.094444444444444441977282167500;0.086111111111111110494320541875;0.102160493827160497870565336598;0.122530864197530869885710558265
-0.009349593495934959558324450768;0.077235772357723581071908824924;0.045121951219512193564931124001;0.560975609756097615132830469520;0.030894308943089431734874139579;0.045528455284552848958412596403;0.008130081300813008990391317354;0.010975609756097560315568628653;0.026829268292682926372316742913;0.047154471544715449715656774288;0.048780487804878050472900952172;0.089024390243902434827205638612
-0.006666666666666667094565124074;0.085555555555555551361379684749;0.036666666666666666851703837438;0.336111111111111138249896157504;0.067777777777777784007362527063;0.092777777777777778456247403938;0.008888888888888888881179006773;0.010000000000000000208166817117;0.108333333333333337034076748751;0.037222222222222219045750790656;0.049444444444444443642616704437;0.160555555555555562463609931001
-0.031746031746031744269487262500;0.144444444444444430875051921248;0.096428571428571432933019025313;0.001984126984126984016842953906;0.085317460317460319663140921875;0.086111111111111110494320541875;0.046825396825396825573051273750;0.018253968253968255036623347110;0.122619047619047613628673332187;0.065079365079365084079121572813;0.090476190476190473943596259687;0.210714285714285715078730731875
-0.021666666666666667406815349750;0.139166666666666660745477201999;0.106666666666666673513041985188;0.025000000000000001387778780781;0.046249999999999999444888487687;0.101666666666666669072149886688;0.038749999999999999722444243844;0.014166666666666665949647629930;0.096666666666666664631257788187;0.087499999999999994448884876874;0.104583333333333333703407674875;0.217916666666666675178376522126
-0.010937499999999999306110609609;0.133333333333333331482961625625;0.113541666666666665741480812812;0.181770833333333325931846502499;0.028645833333333332176851016015;0.084895833333333337034076748751;0.035937499999999997224442438437;0.027604166666666665741480812812;0.042708333333333334258519187188;0.076562500000000005551115123126;0.091666666666666660190365689687;0.172395833333333331482961625625
-0.012857142857142856914864914586;0.098095238095238096454053788875;0.137619047619047613073561819874;0.199523809523809519950177104874;0.046666666666666668794594130532;0.059047619047619050169917187532;0.036190476190476189577438503875;0.070952380952380947332081007062;0.057619047619047618347121186844;0.073333333333333333703407674875;0.080952380952380956213865204063;0.127142857142857140795300097125
-0.057954545454545453031514057329;0.109469696969696966837304330511;0.135227272727272723740199467102;0.023106060606060605661093987351;0.075378787878787878451447568295;0.058333333333333334258519187188;0.058712121212121215485524317046;0.054924242424242424032154730185;0.134469696969696961286189207385;0.105681818181818182322828647557;0.076515151515151508254675150056;0.110227272727272729291314590228
-0.094623655913978491072136023377;0.122043010752688169118229666310;0.115591397849462360070127431300;0.015591397849462364927353164035;0.047311827956989245536068011688;0.095161290322580638356697591007;0.050537634408602150060119129193;0.031182795698924729854706328069;0.097311827956989241372731669344;0.088172043010752682024033788366;0.111290322580645167915847082440;0.131182795698924742344715355102
-0.041304347826086953987534400312;0.130434782608695648553620571874;0.073913043478260873064833447188;0.000000000000000000000000000000;0.092028985507246377495427225313;0.126086956521739124159608991249;0.062318840579710148286363136094;0.013043478260869564508417361992;0.155797101449275360307566984375;0.044927536231884057649210717500;0.122463768115942034375720481876;0.137681159420289855876973206250
-0.061333333333333329984160542381;0.121333333333333334702608397038;0.163333333333333330372738601000;0.015333333333333332496040135595;0.066000000000000003108624468950;0.059333333333333335146697606888;0.061333333333333329984160542381;0.051999999999999997613020497056;0.116000000000000005884182030513;0.066666666666666665741480812812;0.082000000000000003441691376338;0.135333333333333333259318465025
-0.051754385964912281992145182130;0.104385964912280707062031126497;0.156578947368421039776364978025;0.033333333333333332870740406406;0.025877192982456140996072591065;0.053947368421052632747603183816;0.084649122807017543324015207418;0.103947368421052635523160745379;0.085964912280701757940626350774;0.130263157894736830710868957794;0.085964912280701757940626350774;0.083333333333333328707404064062
-0.049612403100775193109939209535;0.119379844961240308420791222943;0.120155038759689927752027926999;0.082558139534883723253955167820;0.038759689922480619617140007449;0.082945736434108532919573519848;0.048449612403100777990871961265;0.075968992248062014449594414600;0.093023255813953487081136017878;0.094961240310077521531439970204;0.069379844961240305645233661380;0.124806201550387602106084727893
-0.050724637681159423507892825000;0.121014492753623192911049955001;0.100724637681159426283450386563;0.061594202898550727554027872657;0.078985507246376818191180291251;0.071739130434782610867827656875;0.047101449275362319846216507813;0.012318840579710145510805574531;0.126086956521739124159608991249;0.074637681159420293797168710626;0.064492753623188403544475022500;0.190579710144927527704084013749
-0.032812500000000001387778780781;0.130208333333333342585191871876;0.128645833333333320380731379373;0.000520833333333333326105318850;0.068229166666666660190365689687;0.078645833333333331482961625625;0.058333333333333334258519187188;0.020833333333333332176851016015;0.114062499999999997224442438437;0.069791666666666668517038374375;0.135937499999999988897769753748;0.161979166666666674068153497501
-0.034761904761904764693536407094;0.145238095238095249461807156877;0.121428571428571427381903902187;0.016190476190476189161104869640;0.053809523809523807091892422250;0.074285714285714288251938342000;0.076666666666666660745477201999;0.043333333333333334813630699500;0.113809523809523804871446372999;0.090476190476190473943596259687;0.109047619047619046006580845187;0.120952380952380950107638568625
-0.019629629629629628817522046802;0.154444444444444439756836118249;0.094074074074074073847917532021;0.174074074074074075513252068959;0.027037037037037036507625131776;0.090740740740740746805848004897;0.082962962962962960578039428583;0.053333333333333336756520992594;0.048888888888888891448569751219;0.050740740740740739034286832521;0.093703703703703705718552896542;0.110370370370370368684476147791
-0.038405797101449277997087250469;0.131884057971014490018291098750;0.100000000000000005551115123126;0.027536231884057970481505250859;0.056521739130434782427681028594;0.119565217391304351446379428126;0.020289855072463766627599568437;0.019565217391304349364711256953;0.116666666666666668517038374375;0.090579710144927536030756698437;0.102898550724637674602668369062;0.176086956521739140812954360626
-0.032592592592592589673117231541;0.088148148148148142144719940916;0.184074074074074084395036265960;0.007037037037037036958653235530;0.036296296296296298722339201959;0.053333333333333336756520992594;0.029629629629629630760412339896;0.040370370370370368962031903948;0.135925925925925922266301881791;0.148518518518518521931426334959;0.119629629629629627429743266021;0.124444444444444440867059142874
-0.160000000000000003330669073875;0.071481481481481479178796689666;0.112222222222222223209087133000;0.032962962962962964741375770927;0.030740740740740742087400150240;0.041481481481481480289019714291;0.035555555555555555524716027094;0.058888888888888886452566140406;0.149629629629629640197308049210;0.153333333333333321490954403998;0.084074074074074078843921142834;0.069629629629629624654185704458
-0.044761904761904759697532796281;0.105238095238095241690245984501;0.114761904761904759419977040125;0.101904761904761900770388649562;0.035714285714285712303173170312;0.089999999999999996669330926125;0.032857142857142855596475072844;0.042380952380952380265100032375;0.113809523809523804871446372999;0.100476190476190482825380456688;0.105714285714285718964511318063;0.112380952380952386926438180126
-0.044086021505376341012016894183;0.101612903225806447404799826018;0.160752688172043023406843076373;0.001075268817204301074336170174;0.056451612903225804884765892666;0.071505376344086019058110537117;0.030645161290322579100697808485;0.037634408602150538902808563080;0.130107526881720420020016604212;0.129569892473118286613242844396;0.110752688172043006753497706995;0.125806451612903213987948447539
-0.030158730158730159137681070547;0.127777777777777767909128669999;0.105555555555555555247160270937;0.001190476190476190583578119941;0.052777777777777777623580135469;0.155158730158730162607128022501;0.060714285714285713690951951094;0.009523809523809524668624959531;0.098015873015873014595378265312;0.073809523809523810977673008438;0.100396825396825400966704933126;0.184920634920634929798666235001
-0.014529914529914530335608091605;0.175641025641025627646030216056;0.059829059829059831610020836479;0.012820512820512820068019621544;0.053418803418803416371840597776;0.173076923076923072652988366826;0.035897435897435894802676159543;0.008119658119658120301598280832;0.080341880341880347882188573294;0.070085470085470086276657752933;0.087606837606837600906928287259;0.228632478632478625124591076201
-0.010714285714285714384841341484;0.122619047619047613628673332187;0.098015873015873014595378265312;0.296031746031746034741871653750;0.029761904761904760252644308594;0.068253968253968247403840052812;0.036507936507936510073246694219;0.018650793650793650452213157109;0.048412698412698414174304417656;0.067063492063492061157070622812;0.073809523809523810977673008438;0.130158730158730168158243145626
-0.011290322580645160630008483338;0.067204301075268813026042380443;0.091397849462365593486978809779;0.406989247311827950781548679515;0.030107526881720431816136240855;0.047849462365591399759523483226;0.023655913978494622768034005844;0.039247311827956987695387169879;0.061827956989247312424851088508;0.082795698924731181422842496431;0.067741935483870974188391755888;0.069892473118279563326638026410
-0.022413793103448275551015100859;0.043678160919540229278901222187;0.065517241379310350857245737188;0.552873563218390762230569634994;0.012068965517241379142854285078;0.036781609195402298340127345000;0.019540229885057470993192652031;0.023563218390804597374144080391;0.033908045977011497251751848125;0.067241379310344823183598350624;0.067241379310344823183598350624;0.055172413793103447510191017500
-0.064814814814814811216869827604;0.103703703703703700722549285729;0.089259259259259260410601655167;0.020370370370370372015145221667;0.071851851851851847308161325145;0.111481481481481486950357862042;0.022592592592592591199673890401;0.020000000000000000416333634234;0.160000000000000003330669073875;0.084444444444444446973285778313;0.088888888888888892281237019688;0.162592592592592594114009330042
-0.018840579710144928632375993516;0.108695652173913040461350476562;0.134057971014492766093084696877;0.021739130434782608092270095312;0.084782608695652170172074590937;0.094202898550724639692433015625;0.068115942028985507206151339687;0.093478260869565218960097752188;0.097101449275362322621774069376;0.076811594202898555994174500938;0.075362318840579714529503974063;0.126811594202898558769732062501
-0.070833333333333331482961625625;0.074166666666666672402818960563;0.152499999999999996669330926125;0.041666666666666664353702032031;0.050000000000000002775557561563;0.035833333333333335091186455656;0.090833333333333335368742211813;0.154166666666666674068153497501;0.130833333333333329262515576374;0.112500000000000002775557561563;0.037499999999999998612221219219;0.049166666666666664076146275875
-0.091860465116279071962068769608;0.117054263565891478182656726403;0.103100775193798455120486323722;0.010077519379844961100456401937;0.089147286821705432058315921040;0.076744186046511633780831118656;0.060465116279069766602738411621;0.047286821705426355932910809088;0.127131782945736432344219224433;0.072093023255813959426774317762;0.085271317829457363157708016388;0.119767441860465118086409574971
-0.038235294117647061762355065184;0.086764705882352938237644934816;0.082843137254901957899910769356;0.229901960784313713626048070182;0.088725490196078435345405921453;0.068627450980392162849241799449;0.047058823529411764052809985515;0.020588235294117646773104368663;0.113235294117647058986797503621;0.051470588235294115198037445680;0.080392156862745103862444295828;0.092156862745098044875646792207
-0.041111111111111112159655078813;0.110740740740740736813840783270;0.124074074074074072737694507396;0.140740740740740749581405566460;0.029999999999999998889776975375;0.073703703703703701832772310354;0.058148148148148150193836869448;0.048888888888888891448569751219;0.082962962962962960578039428583;0.074444444444444438091501581312;0.103703703703703700722549285729;0.111481481481481486950357862042
-0.011111111111111111535154627461;0.126767676767676779059357272672;0.103030303030303027611580546363;0.230303030303030314973611325513;0.033838383838383841173413912884;0.072727272727272723740199467102;0.046969696969696966837304330511;0.030303030303030303871381079261;0.064646464646464646408574594716;0.066666666666666665741480812812;0.092929292929292930947049455881;0.120707070707070707182850810568
-0.007222222222222221890697291258;0.132777777777777772350020768499;0.111111111111111104943205418749;0.222222222222222209886410837498;0.031111111111111110216764785719;0.072777777777777774570466817750;0.039444444444444441699726411343;0.021666666666666667406815349750;0.055555555555555552471602709375;0.046666666666666668794594130532;0.083888888888888887840344921187;0.175555555555555548030710610874
-0.023456790123456791596900927743;0.167283950617283960760062200279;0.111728395061728394410671683090;0.019135802469135803488553548846;0.070987654320987650380381239756;0.091358024691358022395526461423;0.058641975308641972053358415451;0.027777777777777776235801354687;0.090123456790123457338381740556;0.051851851851851850361274642864;0.161111111111111121596550788126;0.126543209876543216729771756945
-0.032380952380952378322209739281;0.192380952380952374713984909249;0.133809523809523822635014767002;0.040000000000000000832667268469;0.038571428571428569009871267781;0.064285714285714279370154144999;0.076666666666666660745477201999;0.020000000000000000416333634234;0.045714285714285714246063463406;0.065714285714285711192950145687;0.102380952380952378044653983125;0.188095238095238093123384715000
-0.052136752136752138875319673161;0.108974358974358975782337211058;0.104700854700854703582812987861;0.060683760683760683274368119555;0.060256410256410257442194478017;0.089743589743589743945584302764;0.031196581196581196770978294808;0.030769230769230770938804653269;0.122222222222222218213083522187;0.100427350427350431383288764664;0.095299145299145293641629450576;0.143589743589743579210704638172
-0.020555555555555556079827539406;0.092777777777777778456247403938;0.077222222222222219878418059125;0.192222222222222210996633862123;0.042222222222222223486642889156;0.096666666666666664631257788187;0.040555555555555553026714221687;0.020555555555555556079827539406;0.088888888888888892281237019688;0.099444444444444446418174266000;0.112777777777777782342027990126;0.116111111111111109384097517250
-0.012000000000000000249800180541;0.117999999999999993782751062099;0.105333333333333334369541489650;0.120666666666666672069752053176;0.051333333333333334980164153194;0.092666666666666661078544109387;0.028666666666666666685170383744;0.043333333333333334813630699500;0.075333333333333335479764514275;0.086666666666666669627261399000;0.081333333333333326931047224662;0.184666666666666673402019682726
-0.042063492063492066708185745938;0.154761904761904767191538212501;0.123809523809523813753230570001;0.000000000000000000000000000000;0.051587301587301584437916801562;0.079365079365079360673718156249;0.065873015873015874910301192813;0.011904761904761904101057723437;0.088095238095238101450057399688;0.050000000000000002775557561563;0.080952380952380956213865204063;0.251587301587301581662359239999
-0.023931623931623933337897724982;0.113675213675213673814035075793;0.097008547008547010848111824544;0.214957264957264970739458931348;0.036752136752136753405917346527;0.059829059829059831610020836479;0.074786324786324784308355617668;0.042307692307692310040856398246;0.063247863247863245206303872692;0.073931623931623932644008334591;0.080341880341880347882188573294;0.119230769230769237387868031419
-0.019696969696969695434729530348;0.104545454545454538641813257982;0.145454545454545447480398934204;0.137373737373737370148774061818;0.038888888888888889505679458125;0.064141414141414138105901088238;0.070202020202020196104619742528;0.035858585858585860506320130980;0.060606060606060607742762158523;0.089393939393939400583910526166;0.103030303030303027611580546363;0.130808080808080817725169708865
-0.036805555555555556634939051719;0.115972222222222226539756206876;0.168055555555555569124948078752;0.018402777777777778317469525859;0.064236111111111104943205418749;0.086805555555555552471602709375;0.065972222222222223764198645313;0.027777777777777776235801354687;0.099305555555555549696045147812;0.062500000000000000000000000000;0.082986111111111107718762980312;0.171180555555555558022717832500
-0.017283950617283948963942563637;0.116049382716049379049572110034;0.177777777777777784562474039376;0.004320987654320987240985640909;0.067283950617283955208947077153;0.071604938271604939847847504097;0.044444444444444446140618509844;0.041975308641975309087435164201;0.095061728395061731444748431841;0.095061728395061731444748431841;0.090740740740740746805848004897;0.178395061728395060152152495903
-0.022727272727272727903535809446;0.093939393939393933674608661022;0.227651515151515160262363224319;0.091666666666666660190365689687;0.032575757575757577355624050597;0.050378787878787877063668787514;0.068181818181818176771713524431;0.084848484848484853615424583495;0.057196969696969697516397701520;0.080303030303030306646938640824;0.099621212121212124324109993267;0.090909090909090911614143237784
-0.023148148148148146863167795573;0.078240740740740735703617758645;0.076851851851851851749053423646;0.299537037037037046083298719168;0.051388888888888886730121896562;0.044907407407407409771771256146;0.100462962962962962243373965521;0.091203703703703703498106847292;0.053240740740740741254732881771;0.035648148148148151026504137917;0.058796296296296297889671933490;0.086574074074074067186579384270
-0.080000000000000001665334536938;0.098888888888888887285233408875;0.090555555555555555802271783250;0.089444444444444437536390068999;0.051111111111111114102545371907;0.054444444444444441144614899031;0.106666666666666673513041985188;0.108333333333333337034076748751;0.098888888888888887285233408875;0.062777777777777779566470428563;0.057222222222222222931531376844;0.101666666666666669072149886688
-0.123809523809523813753230570001;0.083928571428571421830788779062;0.116666666666666668517038374375;0.029761904761904760252644308594;0.064880952380952386371326667813;0.054761904761904761640423089375;0.051190476190476189022326991562;0.064285714285714279370154144999;0.145238095238095249461807156877;0.122023809523809520505288617187;0.069642857142857145236192195625;0.073809523809523810977673008438
-0.084615384615384620081712796491;0.112820512820512822149687792717;0.114102564102564099646208717331;0.006410256410256410034009810772;0.087820512820512813823015108028;0.078205128205128204843532557788;0.076282051282051288598751170866;0.036538461538461540489830525757;0.156410256410256409687065115577;0.060897435897435896190454940324;0.064743589743589749496699425890;0.121153846153846153632649418341
-0.040666666666666663465523612331;0.103333333333333332593184650250;0.091333333333333335812831421663;0.007333333333333333196868419890;0.175999999999999989785948173449;0.068666666666666667517837652213;0.058666666666666665574947359119;0.014000000000000000291433543964;0.160000000000000003330669073875;0.054666666666666668961127584225;0.066000000000000003108624468950;0.159333333333333326820024922199
-0.025333333333333332704206952712;0.121999999999999997335464740900;0.089333333333333334036474582263;0.002666666666666666577617528233;0.193333333333333329262515576374;0.079333333333333339032478193076;0.064000000000000001332267629550;0.021999999999999998723243521681;0.134666666666666656748674313349;0.056000000000000001165734175856;0.068000000000000004884981308351;0.143333333333333340364745822626
-0.047333333333333331427450474393;0.110000000000000000555111512313;0.103333333333333332593184650250;0.110000000000000000555111512313;0.072666666666666671070551331013;0.053999999999999999389377336456;0.096666666666666664631257788187;0.111333333333333339698612007851;0.083333333333333328707404064062;0.049333333333333333203807313794;0.048666666666666663632057066025;0.113333333333333327597181039437
-0.038020833333333330095182844843;0.099479166666666660190365689687;0.091666666666666660190365689687;0.042708333333333334258519187188;0.140104166666666668517038374375;0.077604166666666668517038374375;0.049479166666666664353702032031;0.027604166666666665741480812812;0.142187499999999994448884876874;0.053124999999999998612221219219;0.055729166666666669904817155157;0.182291666666666657414808128124
-0.065151515151515154711248101194;0.063636363636363629803227581760;0.109090909090909085610299200653;0.227777777777777773460243793124;0.029292929292929294204927970213;0.034848484848484850839867021932;0.078282828282828287314032422728;0.108585858585858591185413501989;0.065656565656565663013921607671;0.115151515151515157486805662757;0.053535353535353533138696491278;0.048989898989898993109104452515
-0.013963963963963963582637362038;0.064414414414414408738274175903;0.063063063063063057311907755320;0.440090090090090091390351290102;0.033333333333333332870740406406;0.063963963963963962888747971647;0.020270270270270271395496308742;0.017117117117117115754343359413;0.064414414414414408738274175903;0.067117117117117111591007017068;0.072522522522522517296472699400;0.079729729729729734155618814384
-0.025925925925925925180637321432;0.139259259259259249308371408915;0.073333333333333333703407674875;0.038888888888888889505679458125;0.046666666666666668794594130532;0.154074074074074085505259290585;0.023333333333333334397297065266;0.021851851851851851471497667490;0.086296296296296301497896763522;0.058888888888888886452566140406;0.077037037037037042752629645292;0.254444444444444417552375625746
-0.010000000000000000208166817117;0.171481481481481484729911812792;0.061111111111111109106541761093;0.035185185185185187395351391615;0.055185185185185184342238073896;0.161481481481481475848127615791;0.019629629629629628817522046802;0.002222222222222222220294751693;0.092962962962962969459823625584;0.053703703703703704885885628073;0.088148148148148142144719940916;0.248888888888888881734118285749
-0.000000000000000000000000000000;0.321069182389937091137710467592;0.070125786163522010885351676279;0.000000000000000000000000000000;0.020754716981132074332672132755;0.160377358490566029880497467275;0.040566037735849054535197666382;0.001572327044025157317258534206;0.040880503144654085911913199425;0.032389937106918238740593807279;0.153459119496855339592755740341;0.158805031446540872996919802063
-0.019387755102040816340691620212;0.156462585034013612617087574108;0.123129251700680272807453263795;0.000000000000000000000000000000;0.118707482993197277476582485178;0.056802721088435377538861104085;0.086394557823129256024508038081;0.025850340136054420631106509632;0.120748299319727886436126595981;0.045578231292517007444686782947;0.058163265306122445552627908683;0.188775510204081620191374213391
-0.051754385964912281992145182130;0.159210526315789469009587264736;0.149561403508771922910014495756;0.039473684210526313598244030345;0.047807017543859652020099559877;0.053508771929824561208732802697;0.103070175438596492445419983142;0.041228070175438599753725554820;0.088157894736842101757190448552;0.075877192982456140302183200674;0.068421052631578951896962337287;0.121929824561403513105695139984
-0.037984496124031007224797207300;0.161240310077519377607302430988;0.148062015503875959998580924548;0.029069767441860464712855005587;0.051937984496124030286967609982;0.065503875968992250622413564543;0.079844961240310083350202319252;0.025968992248062015143483804991;0.083720930232558138373022416090;0.065116279069767440956795212514;0.071705426356589149761155965734;0.179844961240310075023529634564
-0.013888888888888888117900677344;0.139236111111111116045435665001;0.115972222222222226539756206876;0.000694444444444444470947164216;0.061805555555555558022717832500;0.092708333333333337034076748751;0.112500000000000002775557561563;0.059374999999999997224442438437;0.103819444444444450303954852188;0.043402777777777776235801354687;0.063541666666666662965923251249;0.193055555555555563573832955626
-0.037777777777777778178691647781;0.124444444444444440867059142874;0.086666666666666669627261399000;0.089999999999999996669330926125;0.094814814814814810106646802979;0.096666666666666664631257788187;0.032592592592592589673117231541;0.093333333333333337589188261063;0.079259259259259265406605265980;0.038888888888888889505679458125;0.043333333333333334813630699500;0.182222222222222229870425280751
-0.048870056497175143328526303321;0.142937853107344636782727320679;0.051129943502824862222588819805;0.069209039548022599497301143856;0.038983050847457630105896697614;0.220621468926553682132762901347;0.018644067796610170467674905126;0.015254237288135593861304606378;0.056214689265536722795335577985;0.041525423728813556922823124751;0.128531073446327692710866585912;0.168079096045197745601385008740
-0.050854700854700854439904844639;0.162820512820512824925245354279;0.189743589743589735618911618076;0.011111111111111111535154627461;0.035470085470085468970502518005;0.060683760683760683274368119555;0.075213675213675210140529259206;0.032905982905982907038566764868;0.082051282051282051210883139447;0.071794871794871789605352319086;0.076068376068376061804876542283;0.151282051282051271945405801489
-0.040322580645161289203404209047;0.132795698924731170320612250180;0.150537634408602155611234252319;0.072580645161290327505021480192;0.035483870967741935886774484743;0.073655913978494622074144615453;0.060752688172043010916834049340;0.017741935483870967943387242372;0.091397849462365593486978809779;0.089247311827956990470944731442;0.095698924731182799519046966452;0.139784946236559126653276052821
-0.031045751633986928830211127206;0.116339869281045754645376177905;0.140196078431372550543443367133;0.044444444444444446140618509844;0.056209150326797387153821006223;0.071568627450980387694201567683;0.029738562091503266404668437417;0.018627450980392156604237285933;0.110457516339869277199881025808;0.100980392156862747166101712537;0.089869281045751633896223609099;0.190522875816993453312875317351
-0.027659574468085104670400653504;0.070921985815602842095906055420;0.069858156028368798007299744768;0.358510638297872330504389992711;0.051773049645390069317674175409;0.064539007092198577564268191509;0.026595744680851064051241294806;0.023049645390070920558667211253;0.096808510638297873285296191170;0.060638297872340422844938956359;0.058510638297872341606620238963;0.091134751773049652023850342175
-0.061320754716981132337316751091;0.044339622641509431055784062892;0.064150943396226414727756548473;0.265408805031446537459061119080;0.069496855345911948131920610194;0.061949685534591195090747817176;0.022641509433962262592965331010;0.021698113207547168462818731882;0.138993710691823896263841220389;0.071383647798742136392213808449;0.062893081761006289220894416303;0.115723270440251574386891775248
-0.060457516339869281363217368153;0.047058823529411764052809985515;0.073856209150326798673624750791;0.212091503267973852109307131286;0.097712418300653594571691940018;0.055228758169934638599940512904;0.019607843137254901688670827298;0.026470588235294117279705616852;0.159803921568627438354326386616;0.059803921568627453619892975212;0.060457516339869281363217368153;0.127450980392156854037466473528
-0.006666666666666667094565124074;0.227407407407407419208666965460;0.060740740740740740977177125615;0.047407407407407405053323401489;0.072592592592592597444678403917;0.110000000000000000555111512313;0.020000000000000000416333634234;0.001481481481481481407916356297;0.069629629629629624654185704458;0.037777777777777778178691647781;0.082962962962962960578039428583;0.263333333333333308168278108496
-0.000980392156862745084433541365;0.197058823529411758501694862389;0.066993464052287579613143009283;0.000000000000000000000000000000;0.050326797385620916647219758033;0.180718954248366009407433807610;0.095424836601307183592268756911;0.018954248366013070475899482403;0.074836601307189540288611340202;0.032026143790849670445197716617;0.105555555555555555247160270937;0.177124183006535956819149646435
-0.031349206349206348853897452500;0.164682539682539680336859078125;0.112301587301587305067762656563;0.000793650793650793650105268462;0.098015873015873014595378265312;0.073412698412698415562083198438;0.059523809523809520505288617187;0.011904761904761904101057723437;0.134126984126984122314141245624;0.067460317460317456572660432812;0.066666666666666665741480812812;0.179761904761904761640423089375
-0.054166666666666668517038374375;0.124166666666666661300588714312;0.089444444444444437536390068999;0.022777777777777778733803160094;0.056111111111111111604543566500;0.123055555555555556912494807875;0.032777777777777780676693453188;0.043888888888888887007677652718;0.116944444444444448083508802938;0.085277777777777771794909256187;0.088055555555555553581825734000;0.163333333333333330372738601000
-0.009183673469387755930459782405;0.149319727891156467380895378483;0.098979591836734687193555259910;0.000340136054421768683955068502;0.116666666666666668517038374375;0.073469387755102047443678259242;0.113945578231292518611716957366;0.010884353741496597886562192059;0.109183673469387759746851429554;0.037755102040816328201611185023;0.058843537414965986498405214888;0.221428571428571419055231217499
-0.026422764227642277917729174419;0.132520325203252020695998680822;0.120325203252032525425008202546;0.000000000000000000000000000000;0.079674796747967485677222043705;0.122764227642276416152533613513;0.039837398373983742838611021853;0.046747967479674794322175301886;0.110162601626016265488061662836;0.052845528455284555835458348838;0.074796747967479676466595606144;0.193902439024390249588947199300
-0.031349206349206348853897452500;0.153968253968253976360358592501;0.134920634920634913145320865624;0.042063492063492066708185745938;0.063492063492063488538974525000;0.083333333333333328707404064062;0.067460317460317456572660432812;0.040873015873015873522522412031;0.076587301587301592764589486251;0.061904761904761906876615285000;0.073809523809523810977673008438;0.170238095238095243910692033751
-0.016000000000000000333066907388;0.189333333333333325709801897574;0.066666666666666665741480812812;0.006333333333333333176051738178;0.063000000000000000444089209850;0.147333333333333343917459501426;0.019666666666666665630458510350;0.011666666666666667198648532633;0.099000000000000004662936703426;0.063333333333333338699411285688;0.087666666666666670515439818701;0.230000000000000009992007221626
-0.002651515151515151675482018234;0.243560606060606060774276215852;0.125757575757575762454010259717;0.000000000000000000000000000000;0.045833333333333330095182844843;0.079545454545454544192928381108;0.092424242424242422644375949403;0.041666666666666664353702032031;0.063636363636363629803227581760;0.040909090909090908838585676222;0.060984848484848482030873384474;0.203030303030303033162695669489
-0.018965517241379310081628162266;0.194252873563218381169903636874;0.115517241379310339755015490937;0.000000000000000000000000000000;0.054310344827586204408120806875;0.088505747126436787319825327813;0.078160919540229883972770608125;0.023563218390804597374144080391;0.078160919540229883972770608125;0.039655172413793106367396745782;0.057471264367816091156448976562;0.251436781609195414421975556252
-0.003333333333333333547282562037;0.166666666666666657414808128124;0.115000000000000004996003610813;0.000000000000000000000000000000;0.071249999999999993893773364562;0.140833333333333338144299773376;0.046249999999999999444888487687;0.010416666666666666088425508008;0.085416666666666668517038374375;0.043749999999999997224442438437;0.087499999999999994448884876874;0.229583333333333333703407674875
-0.011858974358974358476181976130;0.131089743589743595864050007549;0.110256410256410253278858135673;0.000000000000000000000000000000;0.118589743589743584761819761297;0.084294871794871800707582565337;0.085897435897435897578233721106;0.033012820512820513496610175252;0.105128205128205129414986629399;0.041025641025641025605441569724;0.067307692307692304489741275120;0.211538461538461536326494183413
-0.025000000000000001387778780781;0.147916666666666668517038374375;0.084166666666666667406815349750;0.000000000000000000000000000000;0.088333333333333333148296162562;0.127083333333333325931846502499;0.037083333333333336201409480282;0.011666666666666667198648532633;0.108333333333333337034076748751;0.036666666666666666851703837438;0.091249999999999997779553950750;0.242499999999999993338661852249
-0.008119658119658120301598280832;0.149145299145299142784537593798;0.055555555555555552471602709375;0.000000000000000000000000000000;0.073504273504273506811834693053;0.153418803418803428861849624809;0.024786324786324785002245008059;0.002991452991452991667237215623;0.105982905982905981079333912476;0.054700854700854700807255426298;0.090598290598290595609931585841;0.281196581196581196770978294808
-0.015064102564102564360548619504;0.180769230769230765387689530144;0.034294871794871797932025003774;0.000000000000000000000000000000;0.067628205128205123863871506273;0.182371794871794862258340685912;0.017948717948717947401338079771;0.001923076923076923183675290829;0.087820512820512813823015108028;0.032371794871794874748349712945;0.092948717948717951564674422116;0.286858974358974339047279045189
-0.031481481481481478346129421197;0.156296296296296294281447103458;0.178518518518518520821203310334;0.012962962962962962590318660716;0.038148148148148146308056283260;0.068518518518518520266091798021;0.039259259259259257635044093604;0.046666666666666668794594130532;0.073703703703703701832772310354;0.086666666666666669627261399000;0.098518518518518519155868773396;0.169259259259259248198148384290
-0.008333333333333333217685101602;0.188141025641025638748260462307;0.091025641025641021442105227379;0.004487179487179486850334519943;0.048397435897435898966012501887;0.147435897435897439455843027645;0.021153846153846155020428199123;0.011217948717948717993198037846;0.073717948717948719727921513822;0.049679487179487176462533426502;0.106730769230769226285637785168;0.249679487179487180625869768846
-0.013247863247863247634916739059;0.161111111111111121596550788126;0.150427350427350420281058518412;0.003418803418803418800453464144;0.093589743589743590312934884423;0.072222222222222215437525960624;0.067948717948717943238001737427;0.055128205128205126639429067836;0.095299145299145293641629450576;0.042735042735042735873030039784;0.059829059829059831610020836479;0.185042735042735051465001561155
-0.004814814814814815172039352831;0.121851851851851850083718886708;0.096666666666666664631257788187;0.003703703703703703845051542487;0.037777777777777778178691647781;0.230740740740740746250736492584;0.032222222222222221543752596062;0.063703703703703706828775921167;0.085185185185185183232015049271;0.057407407407407406996213694583;0.120370370370370363688472536978;0.145555555555555549140933635499
-0.001572327044025157317258534206;0.204716981132075481752963241888;0.059748427672955975453739085879;0.000628930817610062861851283333;0.050000000000000002775557561563;0.201257861635220136609092378421;0.033018867924528301494024873364;0.010062893081761005789620533335;0.076100628930817607042946804086;0.049371069182389940022126495478;0.147798742138364774811876145577;0.165723270440251563284661528996
-0.006790123456790123426807248563;0.190123456790123462889496863681;0.123148148148148145475389014791;0.023148148148148146863167795573;0.080246913580246909125648357985;0.073148148148148142699831453228;0.056481481481481479733908201979;0.017283950617283948963942563637;0.087962962962962965018931527084;0.048765432098765430779518936788;0.052469135802469132889847003298;0.240432098765432089582105845693
-0.084166666666666667406815349750;0.043333333333333334813630699500;0.120416666666666671847707448251;0.046666666666666668794594130532;0.083333333333333328707404064062;0.053333333333333336756520992594;0.029583333333333333009518284484;0.112083333333333326486958014812;0.148333333333333344805637921127;0.083333333333333328707404064062;0.062500000000000000000000000000;0.132916666666666655194362078873
-0.100740740740740741809844394083;0.047777777777777780121581940875;0.100740740740740741809844394083;0.128518518518518531923433556585;0.085185185185185183232015049271;0.036296296296296298722339201959;0.026666666666666668378260496297;0.117037037037037036646403009854;0.116296296296296300387673738896;0.081481481481481488060580886668;0.045925925925925925596970955667;0.113333333333333327597181039437
-0.037596899224806204498072759179;0.162015503875968996938539135044;0.140697674418604645740771275086;0.024806201550387596554969604767;0.044186046511627906363539608492;0.086046511627906982488944720444;0.085271317829457363157708016388;0.070155038759689924976470365436;0.068992248062015509857403117167;0.065503875968992250622413564543;0.087596899224806207273630320742;0.127131782945736432344219224433
-0.031196581196581196770978294808;0.155555555555555558022717832500;0.109829059829059827446684494134;0.036752136752136753405917346527;0.068803418803418808780136828318;0.092307692307692312816413959808;0.056837606837606836907017537897;0.021367521367521367936515019892;0.090598290598290595609931585841;0.055555555555555552471602709375;0.079914529914529908172227123941;0.201282051282051288598751170866
-0.008999999999999999319988397417;0.132000000000000006217248937901;0.074333333333333334591586094575;0.000666666666666666644404382058;0.112333333333333326709002619737;0.119333333333333332926251557637;0.011666666666666667198648532633;0.003666666666666666598434209945;0.146999999999999991784349617774;0.055333333333333331593983928087;0.072666666666666671070551331013;0.262000000000000010658141036402
-0.019753086419753086017125909279;0.153703703703703703498106847292;0.102469135802469135665404564861;0.000925925925925925961262885622;0.094444444444444441977282167500;0.095987654320987658707053924445;0.032407407407407405608434913802;0.008024691358024691953398921385;0.125617283950617275589678456527;0.039506172839506172034251818559;0.068209876543209882471252569758;0.258950617283950634828215697780
-0.012681159420289855876973206250;0.139492753623188414646705268751;0.093115942028985501655036216562;0.000000000000000000000000000000;0.118115942028985509981708901250;0.107246376811594198996679949687;0.078260869565217397458845027813;0.014130434782608695606920257148;0.143115942028985504430593778125;0.042028985507246374719869663750;0.047101449275362319846216507813;0.204710144927536225045727746874
-0.025999999999999998806510248528;0.139666666666666661189566411849;0.089999999999999996669330926125;0.000666666666666666644404382058;0.082333333333333327819225644362;0.115333333333333329373537878837;0.036333333333333335535275665507;0.008999999999999999319988397417;0.121333333333333334702608397038;0.062333333333333330872338962081;0.076999999999999999000799277837;0.239999999999999991118215802999
-0.027642276422764226750938831856;0.111382113821138217790718272227;0.166260162601626015899114463537;0.003252032520325203249211831746;0.075609756097560973375770743132;0.071138211382113819558625777972;0.068699186991869914953312559192;0.051219512195121948139320267046;0.105284552845528456277435225275;0.056097560975609757349946704608;0.082113821138211376404747454671;0.181300813008130085046687440808
-0.022121212121212121409774553626;0.183636363636363625362335483260;0.094545454545454543637816868795;0.024545454545454543915372624951;0.029393939393939392396015719555;0.186060606060606065215168314353;0.041515151515151511862899980088;0.016666666666666666435370203203;0.060303030303030302761158054636;0.053939393939393939780835296460;0.140909090909090900511912991533;0.146363636363636362425211245863
-0.025000000000000001387778780781;0.131410256410256415238180238703;0.105448717948717948789116860553;0.007051282051282051384355487045;0.130128205128205137741659314088;0.073076923076923080979661051515;0.047435897435897433904727904519;0.017307692307692308653077617464;0.146153846153846161959322103030;0.050961538461538460897948255024;0.068589743589743595864050007549;0.197435897435897428353612781393
-0.003459119496855346011232601455;0.263836477987421380575483453867;0.060691823899371069583885685006;0.000000000000000000000000000000;0.046855345911949682069508327231;0.127044025157232703948650964776;0.020754716981132074332672132755;0.002201257861635220070689600291;0.090566037735849050371861324038;0.054088050314465410672859491115;0.056918238993710693063299288497;0.273584905660377353253664978183
-0.009469696969696969959806587269;0.181818181818181823228286475569;0.086742424242424245872662424972;0.000000000000000000000000000000;0.096590909090909088385856762216;0.100757575757575754127337575028;0.056060606060606060774276215852;0.011742424242424241709326082628;0.128030303030303022060465423237;0.045075757575757574580066489034;0.062878787878787881227005129858;0.220833333333333325931846502499
-0.020542635658914728397084203948;0.150387596899224817992291036717;0.113178294573643409282048821751;0.000775193798449612392342800149;0.050000000000000002775557561563;0.158139534883720928037931230392;0.055038759689922479856338810578;0.015891472868217054043027403054;0.095348837209302331197058322232;0.055426356589147289521957162606;0.089922480620155037511764817282;0.195348837209302322870385637543
-0.027131782945736433731998005214;0.161240310077519377607302430988;0.098062015503875971100811170800;0.000387596899224806196171400074;0.072480620155038755214604861976;0.103100775193798455120486323722;0.059689922480620154210395611472;0.015116279069767441650684602905;0.128682170542635671006692632545;0.047286821705426355932910809088;0.078682170542635654353347263168;0.208139534883720916935700984141
-0.012318840579710145510805574531;0.145289855072463780505387376252;0.115579710144927530479641575312;0.001811594202898550746635986108;0.061594202898550727554027872657;0.095652173913043481157103542500;0.072463768115942031600162920313;0.029710144927536232678511041172;0.097463768115942026049047797187;0.068840579710144927938486603125;0.077536231884057976726509764376;0.221739130434782605316712533750
-0.016081871345029238873358679029;0.158479532163742692363328501415;0.096491228070175433240152074177;0.000000000000000000000000000000;0.074561403508771925685572057318;0.104678362573099412169419508700;0.047076023391812868434946892648;0.013157894736842104532748010115;0.113742690058479534176427705461;0.046783625730994149449770702631;0.069298245614035081096915291710;0.259649122807017518343997153352
-0.011206896551724137775507550430;0.269827586206896563592039228752;0.081034482758620685061146104999;0.000000000000000000000000000000;0.087643678160919544217755117188;0.085344827586206900571497158126;0.054310344827586204408120806875;0.002873563218390804557822448828;0.100000000000000005551115123126;0.047126436781609194748288160781;0.056896551724137933714331438750;0.203735632183908055292675953751
-0.003594771241830065165029362007;0.223856209150326807000297435479;0.100000000000000005551115123126;0.000000000000000000000000000000;0.077124183006535951268034523309;0.098692810457516336186678529430;0.053267973856209148431073430174;0.044771241830065360012280706314;0.073529411764705884801962554320;0.057189542483660128768807595634;0.053267973856209148431073430174;0.214705882352941163082604703050
-0.013120567375886524677519595627;0.163475177304964525148989196168;0.102482269503546094546742040166;0.006382978723404254990658746038;0.078368794326241136838362422168;0.082978723404255314011201960511;0.086524822695035460973222996017;0.021631205673758865243305749004;0.102836879432624109242944143716;0.059219858156028370999024446064;0.054609929078014186887291003814;0.228368794326241131287247299042
-0.009294871794871794809522747016;0.197115384615384608979482550239;0.105448717948717948789116860553;0.000641025641025641025085024527;0.094871794871794867809455809038;0.078846153846153843591793020096;0.068589743589743595864050007549;0.015064102564102564360548619504;0.114423076923076919020338948485;0.051923076923076925959232852392;0.056730769230769230448974127512;0.207051282051282065088670947262
-0.022916666666666665047591422422;0.104583333333333333703407674875;0.082083333333333327597181039437;0.008750000000000000832667268469;0.105833333333333334813630699500;0.090833333333333335368742211813;0.022916666666666665047591422422;0.012083333333333333078907223523;0.160000000000000003330669073875;0.073333333333333333703407674875;0.065833333333333327042069527124;0.250833333333333352577199093503
-0.002222222222222222220294751693;0.162592592592592594114009330042;0.054074074074074073015250263552;0.000370370370370370351979089074;0.052222222222222225429533182250;0.232962962962962955026924305457;0.013703703703703704053218359604;0.015185185185185185244294281404;0.070000000000000006661338147751;0.044074074074074071072359970458;0.122222222222222218213083522187;0.230370370370370364243584049291
-0.005319148936170212636775911363;0.210992907801418438928919840691;0.171631205673758863161637577832;0.000354609929078014208311125932;0.041134751773049642309398876705;0.095035460992907799804285673417;0.103900709219858153331550454368;0.023404255319148935254869314804;0.053191489361702128102482589611;0.044680851063829789271419912211;0.101063829787234035761933625963;0.149290780141843965056480669773
-0.009666666666666667157015169209;0.160000000000000003330669073875;0.150333333333333346581994760527;0.000333333333333333322202191029;0.066666666666666665741480812812;0.081333333333333326931047224662;0.050000000000000002775557561563;0.023333333333333334397297065266;0.090999999999999997557509345825;0.065333333333333326597980317274;0.073333333333333333703407674875;0.228666666666666656970718918274
-0.061956521739130437920195504375;0.071376811594202893562766121249;0.064855072463768120849536558126;0.242028985507246385822099910001;0.080797101449275363083124545938;0.078260869565217397458845027813;0.019202898550724638998543625235;0.029347826086956522312343409453;0.113405797101449282160423592813;0.058695652173913044624686818906;0.060869565217391306821692609219;0.119202898550724634141317892500
-0.027430555555555555247160270937;0.088194444444444450303954852188;0.071874999999999994448884876874;0.161111111111111121596550788126;0.039236111111111110494320541875;0.166319444444444436426167044374;0.013194444444444444405895033867;0.058680555555555555247160270937;0.078819444444444441977282167500;0.066319444444444444752839729063;0.077777777777777779011358916250;0.151041666666666657414808128124
-0.025694444444444443365060948281;0.184722222222222232090871330001;0.081250000000000002775557561563;0.003472222222222222029475169336;0.086111111111111110494320541875;0.112847222222222223764198645313;0.033333333333333332870740406406;0.010416666666666666088425508008;0.094791666666666662965923251249;0.059027777777777776235801354687;0.080902777777777781786916477813;0.227430555555555552471602709375
-0.003666666666666666598434209945;0.169333333333333335701809119200;0.076666666666666660745477201999;0.000666666666666666644404382058;0.086333333333333331371939323162;0.166666666666666657414808128124;0.035000000000000003330669073875;0.008000000000000000166533453694;0.090999999999999997557509345825;0.042000000000000002609024107869;0.092666666666666661078544109387;0.228000000000000008215650382226
-0.005303030303030303350964036468;0.145833333333333342585191871876;0.098106060606060599416089473834;0.000000000000000000000000000000;0.049621212121212121548552431705;0.163257575757575768005125382842;0.033333333333333332870740406406;0.012878787878787878451447568295;0.095454545454545458582629180455;0.048484848484848484806430946037;0.129545454545454546968485942671;0.218181818181818171220598401305
-0.005151515151515151727523722514;0.254242424242424269742457454413;0.096060606060606054668049580414;0.007272727272727272720964641906;0.030606060606060605383538231195;0.142424242424242425419933510966;0.060909090909090905785472358502;0.042424242424242426807712291748;0.044242424242424242819549107253;0.035454545454545453864181325798;0.129696969696969699459287994614;0.151515151515151519356905396307
-0.009482758620689655040814081133;0.162931034482758613224362420624;0.116954022988505740299203239374;0.000287356321839080455782244883;0.092528735632183903292435900312;0.083045977011494256925239199063;0.036781609195402298340127345000;0.021551724137931035918391842188;0.111781609195402295564569783437;0.052873563218390803863933058437;0.060344827586206899183718377344;0.251436781609195414421975556252
-0.010833333333333333703407674875;0.170555555555555543589818512373;0.100277777777777771239797743874;0.000277777777777777777536843962;0.081666666666666665186369300500;0.078888888888888883399452822687;0.051944444444444445863062753688;0.009722222222222222376419864531;0.118333333333333332038073137937;0.061388888888888888673012189656;0.065277777777777781786916477813;0.250833333333333352577199093503
-0.007017543859649122937882648188;0.226315789473684220167726266482;0.080263157894736841813099204046;0.000000000000000000000000000000;0.026754385964912280604366401349;0.166228070175438585875937747005;0.028070175438596491751530592751;0.004385964912280701510916003372;0.069298245614035081096915291710;0.070175438596491224174656053947;0.128947368421052643849833430068;0.192543859649122794941433767235
-0.006250000000000000346944695195;0.146875000000000005551115123126;0.073611111111111113269878103438;0.000000000000000000000000000000;0.110416666666666662965923251249;0.163541666666666668517038374375;0.012847222222222221682530474141;0.003819444444444444319158860068;0.125000000000000000000000000000;0.043055555555555555247160270937;0.069791666666666668517038374375;0.244791666666666657414808128124
-0.001851851851851851922525771243;0.172222222222222220988641083750;0.046296296296296293726335591145;0.000000000000000000000000000000;0.085185185185185183232015049271;0.164074074074074066631467871957;0.016666666666666666435370203203;0.000370370370370370351979089074;0.112592592592592591338451768479;0.037037037037037034981068472916;0.066296296296296297612116177334;0.297407407407407398114429497582
-0.000326797385620915010074477580;0.218954248366013071169788872794;0.052614379084967320687749037234;0.000000000000000000000000000000;0.042810457516339869843413623585;0.214052287581699335339280310109;0.028431372549019607448572699582;0.001960784313725490168867082730;0.061111111111111109106541761093;0.037908496732026140951798964807;0.095098039215686269720606560441;0.246732026143790861283378035296
-0.001602564102564102508502452693;0.206730769230769217958965100479;0.106410256410256406911507554014;0.000000000000000000000000000000;0.078846153846153843591793020096;0.097115384615384617306155234928;0.062820512820512819374130231154;0.011858974358974358476181976130;0.078205128205128204843532557788;0.034615384615384617306155234928;0.062820512820512819374130231154;0.258974358974358997986797703561
-0.007051282051282051384355487045;0.212820512820512813823015108028;0.075961538461538455346833131898;0.000000000000000000000000000000;0.126282051282051277496520924615;0.083974358974358967455664526369;0.040064102564102567483050876262;0.002564102564102564100340098108;0.116346153846153849142908143222;0.038461538461538463673505816587;0.042628205128205129414986629399;0.253846153846153832489562773844
-0.000628930817610062861851283333;0.124213836477987421558211167394;0.030188679245283019103585075982;0.000000000000000000000000000000;0.071698113207547167768929341491;0.250943396226415094130146599127;0.008805031446540880282758401165;0.000943396226415094346987033624;0.098113207547169817290821924871;0.036792452830188678014611269873;0.105345911949685538955279184847;0.272327044025157227746802846013
-0.000564971751412429398254977375;0.209887005649717517385965948051;0.057062146892655367380609021666;0.000000000000000000000000000000;0.073728813559322037285426176823;0.173163841807909613113025670827;0.018079096045197740744159276005;0.011016949152542372669660863949;0.076271186440677971041246507866;0.043220338983050846093370012113;0.077401129943502830488277766108;0.259604519774011277544190079425
-0.003333333333333333547282562037;0.116296296296296300387673738896;0.028148148148148147834612942120;0.000000000000000000000000000000;0.131111111111111122706773812752;0.186666666666666675178376522126;0.009629629629629630344078705662;0.000000000000000000000000000000;0.150740740740740730707614147832;0.034814814814814812327092852229;0.056666666666666663798590519718;0.282592592592592617428692847170
-0.008333333333333333217685101602;0.134027777777777773460243793124;0.078125000000000000000000000000;0.107291666666666660190365689687;0.078819444444444441977282167500;0.104861111111111113269878103438;0.055555555555555552471602709375;0.031597222222222220988641083750;0.111111111111111104943205418749;0.043402777777777776235801354687;0.066319444444444444752839729063;0.180555555555555552471602709375
-0.006439393939393939225723784148;0.195075757575757569028951365908;0.168939393939393944776838907273;0.043181818181818182322828647557;0.040909090909090908838585676222;0.039772727272727272096464190554;0.134090909090909093936971885341;0.024242424242424242403215473018;0.047348484848484848064309460369;0.046590909090909092549193104560;0.081818181818181817677171352443;0.171590909090909099488087008467
-0.019281045751633987817008630827;0.213725490196078421467618113638;0.132026143790849675996312839743;0.000000000000000000000000000000;0.075816993464052281903597929613;0.081699346405228759349093081710;0.087254901960784309045138229521;0.010457516339869280322383282567;0.081045751633986931605768688769;0.025816993464052286066934271958;0.059150326797385618937674678364;0.213725490196078421467618113638
-0.012820512820512820068019621544;0.244017094017094010593993402836;0.126068376068376064580434103846;0.000000000000000000000000000000;0.060256410256410257442194478017;0.097008547008547010848111824544;0.102564102564102560544156972355;0.010256410256410256401360392431;0.061538461538461541877609306539;0.031196581196581196770978294808;0.067094017094017091573654454351;0.187179487179487180625869768846
-0.005208333333333333044212754004;0.198611111111111099392090295623;0.059027777777777776235801354687;0.000347222222222222235473582108;0.062500000000000000000000000000;0.160416666666666679619268620627;0.032986111111111111882099322656;0.004166666666666666608842550801;0.074999999999999997224442438437;0.028819444444444446140618509844;0.087847222222222215437525960624;0.285069444444444430875051921248
-0.001960784313725490168867082730;0.219934640522875812784775462205;0.077124183006535951268034523309;0.000000000000000000000000000000;0.071241830065359473822539371213;0.133660130718954245354623822095;0.041176470588235293546208737325;0.016993464052287580307032399674;0.062091503267973857660422254412;0.034640522875816995296283096195;0.063725490196078427018733236764;0.277450980392156876241926966031
-0.003030303030303030300401934127;0.175757575757575751351780013465;0.047348484848484848064309460369;0.000000000000000000000000000000;0.090909090909090911614143237784;0.169696969696969707230849166990;0.010984848484848484459486250842;0.002651515151515151675482018234;0.113636363636363632578785143323;0.035984848484848487581988507600;0.081818181818181817677171352443;0.268181818181818187873943770683
-0.008771929824561403021832006743;0.177777777777777784562474039376;0.030701754385964910576412023602;0.014327485380116959656771058462;0.055847953216374271456778899392;0.185672514619883044506565283882;0.008771929824561403021832006743;0.001169590643274853822980441365;0.115789473684210525439297612138;0.039766081871345032583420220362;0.091228070175438602529283116382;0.270175438596491235276886300198
-0.011851851851851851263330850372;0.111851851851851855079722497521;0.096666666666666664631257788187;0.103333333333333332593184650250;0.044814814814814814269983145323;0.114814814814814813992427389167;0.018888888888888889089345823891;0.010000000000000000208166817117;0.108518518518518514159865162583;0.063333333333333338699411285688;0.078148148148148147140723551729;0.237777777777777782342027990126
-0.002564102564102564100340098108;0.222435897435897422802497658267;0.170192307692307698285816286443;0.023717948717948716952363952259;0.013461538461538462285727035805;0.024038461538461539795941135367;0.346153846153846145305976733653;0.037179487179487179238090988065;0.018910256410256408993175725186;0.020192307692307693428590553708;0.038461538461538463673505816587;0.082692307692307689959143601754
-0.009649122807017544364849293004;0.238011695906432757530168942139;0.042105263157894735892572413150;0.011695906432748537362442675658;0.045029239766081870233183082064;0.161695906432748531811327552532;0.021345029239766083462015444638;0.007017543859649122937882648188;0.054678362573099416332755851045;0.039181286549707601551961744235;0.107894736842105265495206367632;0.261695906432748537362442675658
-0.015517241379310344612241223672;0.219540229885057475156528994376;0.029310344827586206489788978047;0.000000000000000000000000000000;0.042241379310344828734713473750;0.199425287356321839782324900625;0.011494252873563218231289795312;0.000000000000000000000000000000;0.061494252873563221006847356875;0.033620689655172411591799175312;0.110919540229885052462499572812;0.276436781609195381115284817497
-0.018888888888888889089345823891;0.152592592592592585232225133041;0.042222222222222223486642889156;0.004444444444444444440589503387;0.079629629629629633535969901459;0.158518518518518530813210531960;0.019259259259259260688157411323;0.002592592592592592518063732143;0.178148148148148138814050867040;0.051111111111111114102545371907;0.084814814814814815102650413792;0.207777777777777783452251014751
-0.006410256410256410034009810772;0.257264957264957239146951906150;0.050000000000000002775557561563;0.063247863247863245206303872692;0.045726495726495723637139434459;0.139316239316239320888968222789;0.038888888888888889505679458125;0.017094017094017095736990796695;0.077350427350427353179185274712;0.040598290598290599773267928185;0.117094017094017094349212015914;0.147008547008547013623669386106
-0.001515151515151515150200967064;0.143030303030303035383141718739;0.018787878787878787428811122595;0.000303030303030303030040193413;0.081515151515151512695567248556;0.265454545454545443039506835703;0.014242424242424242195048655901;0.000606060606060606060080386825;0.112121212121212121548552431705;0.038484848484848482863540652943;0.105151515151515148605021465755;0.218787878787878781183806609079
-0.000000000000000000000000000000;0.217094017094017099900327139039;0.024786324786324785002245008059;0.000000000000000000000000000000;0.038888888888888889505679458125;0.258547008547008572154624062023;0.006410256410256410034009810772;0.000427350427350427350056683018;0.062393162393162393541956589615;0.038888888888888889505679458125;0.153418803418803428861849624809;0.199145299145299131682307347546
-0.033986928104575160614064799347;0.174509803921568618090276459043;0.071568627450980387694201567683;0.004901960784313725422167706824;0.052287581699346406816086840763;0.145424836601307200245614126288;0.018627450980392156604237285933;0.024836601307189540982500730593;0.101960784313725488781088301948;0.049673202614379081965001461185;0.108823529411764707841570043456;0.213398692810457507595955917168
-0.010227272727272727209646419055;0.173484848484848491745324849944;0.120075757575757571804508927471;0.004545454545454545233762466694;0.094318181818181814901613790880;0.071969696969696975163977015200;0.071212121212121212709966755483;0.017803030303030303177491688871;0.089393939393939400583910526166;0.042803030303030301095823517699;0.067803030303030309422496202387;0.236363636363636359094542171988
-0.005392156862745097964384477507;0.124019607843137258385013410589;0.047549019607843134860303280220;0.013725490196078431182069579108;0.079411764705882348369669898602;0.241666666666666668517038374375;0.048039215686274512606690478833;0.032843137254901962063247111701;0.092647058823529415683140086912;0.025000000000000001387778780781;0.080392156862745103862444295828;0.209313725490196084200178461288
-0.001212121212121212120160773651;0.160303030303030308312273177762;0.080000000000000001665334536938;0.006060606060606060600803868255;0.053939393939393939780835296460;0.200303030303030316083834350138;0.056060606060606060774276215852;0.034848484848484850839867021932;0.082727272727272732621983664103;0.032424242424242424864821998653;0.104545454545454538641813257982;0.187575757575757562367613218157
-0.007037037037037036958653235530;0.182962962962962966129154551709;0.073333333333333333703407674875;0.006296296296296296363115274630;0.096666666666666664631257788187;0.107037037037037041642406620667;0.027407407407407408106436719208;0.028888888888888887562789165031;0.120740740740740745695624980272;0.081111111111111106053428443374;0.066666666666666665741480812812;0.201851851851851865626841231460
-0.004166666666666666608842550801;0.240416666666666667406815349750;0.092499999999999998889776975375;0.020000000000000000416333634234;0.074583333333333334813630699500;0.084583333333333329817627088687;0.036249999999999997501998194593;0.008333333333333333217685101602;0.092499999999999998889776975375;0.073749999999999996114219413812;0.052083333333333335646297967969;0.220833333333333325931846502499
-0.008479532163742689240826244657;0.192982456140350866480304148354;0.075146198830409363655924437353;0.053801169590643273255015088807;0.046198830409356725357206130411;0.183040935672514615273342997170;0.030116959064327486483847451382;0.018128654970760233605675537660;0.066081871345029241648916240592;0.055847953216374271456778899392;0.094736842105263160962458357517;0.175438596491228060436640134867
-0.005367231638418078903951524694;0.173728813559322042836541299948;0.124858757062146899508014996627;0.000000000000000000000000000000;0.076271186440677971041246507866;0.087570621468926551633771282468;0.044350282485875705540401270355;0.009322033898305085233837452563;0.079096045197740119658824653470;0.054802259887005648486546505183;0.081073446327683609813341547579;0.263559322033898313364375098899
-0.001351351351351351426366420583;0.199099099099099091647602222110;0.059909909909909908609648709898;0.000000000000000000000000000000;0.109459459459459465535680067205;0.121171171171171168645663840380;0.030630630630630630018007565241;0.000000000000000000000000000000;0.090090090090090085839236166976;0.025225225225225224312541882909;0.059009009009009009971702397479;0.304054054054054057054656823311
-0.013120567375886524677519595627;0.182978723404255305684529275823;0.049645390070921988079355458012;0.000000000000000000000000000000;0.067375886524822695133885019914;0.169858156028368789680627060079;0.014184397163120567031402430302;0.017021276595744681131572306754;0.080496453900709225015575043471;0.035106382978723406351750924159;0.089716312056737593239041927973;0.280496453900709208362229674094
-0.007575757575757575967845269815;0.213030303030303042044479866490;0.053636363636363634799231192574;0.000000000000000000000000000000;0.079090909090909086720522225278;0.146969696969696972388419453637;0.022121212121212121409774553626;0.001212121212121212120160773651;0.093333333333333337589188261063;0.035151515151515148882577221912;0.085151515151515144719240879567;0.262727272727272753716221131981
-0.036742424242424243097104863409;0.174999999999999988897769753748;0.080303030303030306646938640824;0.000000000000000000000000000000;0.103409090909090908838585676222;0.106818181818181812126056229317;0.047727272727272729291314590228;0.011742424242424241709326082628;0.115530303030303024836022984800;0.040530303030303027611580546363;0.070833333333333331482961625625;0.211363636363636364645657295114
-0.028448275862068966857165719375;0.158333333333333325931846502499;0.026724137931034484122472250078;0.004022988505747126380951428359;0.050862068965517238938733868281;0.283908045977011469496176232497;0.011206896551724137775507550430;0.003735632183908045925169183477;0.077873563218390798312817935312;0.037931034482758620163256324531;0.117528735632183911619108585001;0.199425287356321839782324900625
-0.120977011494252870149601619687;0.043965517241379307999959991093;0.081896551724137928163216315625;0.222988505747126447564809836877;0.047701149425287359129299602500;0.061206896551724135346894684062;0.011781609195402298687072040195;0.045402298850574715483041643438;0.118103448275862069061226122813;0.096264367816091947482881607812;0.048275862068965516571417140312;0.101436781609195406095302871563
-0.006250000000000000346944695195;0.227083333333333331482961625625;0.128869047619047605302000647498;0.000000000000000000000000000000;0.084821428571428575393653659376;0.080357142857142863090480489063;0.042261904761904764415980650938;0.003869047619047619179788455313;0.074404761904761904101057723437;0.036011904761904758864865527812;0.067559523809523805426557885312;0.248511904761904767191538212501
-0.002515723270440251447405133334;0.181761006289308163497153714161;0.096226415094339629030528726616;0.000000000000000000000000000000;0.089622641509433956241714724911;0.107547169811320758592287916144;0.044339622641509431055784062892;0.004088050314465408764663667540;0.093081761006289301385585588378;0.031446540880503144610447208152;0.074842767295597481536084671916;0.274528301886792447383811577311
-0.018367346938775511860919564811;0.175850340136054411610544434552;0.052721088435374152680878978572;0.002721088435374149471640548015;0.093537414965986401260700233706;0.163605442176870757853279769733;0.046598639455782311924458838348;0.017006802721088436908258856306;0.130612244897959195455428016430;0.054761904761904761640423089375;0.087414965986394560504280093483;0.156802721088435376151082323304
-0.025925925925925925180637321432;0.062222222222222220433529571437;0.036296296296296298722339201959;0.422592592592592575240217911414;0.068888888888888888395456433500;0.068148148148148152136727162542;0.013333333333333334189130248149;0.008518518518518519017090895318;0.067777777777777784007362527063;0.055555555555555552471602709375;0.064074074074074074958140556646;0.106666666666666673513041985188
-0.007547169811320754775896268995;0.144339622641509429668005282110;0.054088050314465410672859491115;0.151886792452830182709178075129;0.138050314465408802133694621261;0.094339622641509440770235528362;0.034591194968553458377602538576;0.003459119496855346011232601455;0.095283018867924534900382127489;0.030503144654088050480300609024;0.061320754716981132337316751091;0.184591194968553445887593511543
-0.005128205128205128200680196215;0.108333333333333337034076748751;0.136538461538461525224263937162;0.000000000000000000000000000000;0.068589743589743595864050007549;0.105128205128205129414986629399;0.051923076923076925959232852392;0.066987179487179485115611043966;0.109615384615384614530597673365;0.043269230769230768163247091707;0.077564102564102566095272095481;0.226923076923076921795896510048
-0.001388888888888888941894328433;0.229861111111111099392090295623;0.119097222222222215437525960624;0.000000000000000000000000000000;0.094097222222222220988641083750;0.078125000000000000000000000000;0.045486111111111109106541761093;0.007986111111111110494320541875;0.055208333333333331482961625625;0.026388888888888888811790067734;0.048958333333333332870740406406;0.293402777777777790113589162502
-0.033986928104575160614064799347;0.129411764705882365023015267980;0.113071895424836602050966405386;0.014705882352941176266503120473;0.072222222222222215437525960624;0.066339869281045751869818616342;0.024509803921568627110838534122;0.038888888888888889505679458125;0.117973856209150324003687160257;0.088235294117647064537912626747;0.080392156862745103862444295828;0.220261437908496726656437658676
-0.008518518518518519017090895318;0.166296296296296303163231300459;0.118518518518518523041649359584;0.003333333333333333547282562037;0.075925925925925924486747931041;0.122222222222222218213083522187;0.049629629629629627707299022177;0.014074074074074073917306471060;0.065925925925925929482751541855;0.041111111111111112159655078813;0.143333333333333340364745822626;0.191111111111111120486327763501
-0.002777777777777777883788656865;0.165079365079365075752448888124;0.080555555555555560798275394063;0.000000000000000000000000000000;0.070634920634920633775166720625;0.165079365079365075752448888124;0.025793650793650792218958400781;0.005952380952380952050528861719;0.092460317460317464899333117501;0.029761904761904760252644308594;0.113492063492063491314532086562;0.248412698412698418337640760001
-0.004444444444444444440589503387;0.168148148148148157687842285668;0.058148148148148150193836869448;0.212592592592592583011779083790;0.036666666666666666851703837438;0.098888888888888887285233408875;0.081111111111111106053428443374;0.006296296296296296363115274630;0.055925925925925927539861248761;0.040370370370370368962031903948;0.100740740740740741809844394083;0.136666666666666658525031152749
-0.009374999999999999653055304805;0.144270833333333320380731379373;0.058854166666666665741480812812;0.231250000000000011102230246252;0.039062500000000000000000000000;0.100000000000000005551115123126;0.051041666666666665741480812812;0.005729166666666666261897855605;0.064583333333333339809634310313;0.046354166666666668517038374375;0.129687500000000011102230246252;0.119791666666666671292595935938
-0.011111111111111111535154627461;0.136666666666666658525031152749;0.109629629629629632425746876834;0.131111111111111122706773812752;0.032962962962962964741375770927;0.075555555555555556357383295563;0.143703703703703694616322650290;0.058888888888888886452566140406;0.072592592592592597444678403917;0.044074074074074071072359970458;0.080370370370370369794699172417;0.103333333333333332593184650250
-0.006140350877192982462227099916;0.135087719298245617638443150099;0.173684210526315802036734226022;0.080701754385964913351969585165;0.037719298245614034381656409778;0.056140350877192983503061185502;0.188157894736842107308305571678;0.084649122807017543324015207418;0.047368421052631580481229178758;0.036403508771929826703939170329;0.077631578947368426457664725149;0.076315789473684211841053581793
-0.023333333333333334397297065266;0.114285714285714282145711706562;0.138571428571428567622092486999;0.116190476190476191242773040813;0.041904761904761902990834698812;0.069523809523809529387072814188;0.137142857142857149677084294126;0.069047619047619052112807480626;0.067142857142857143015746146375;0.052380952380952382207990325469;0.087619047619047624175792066126;0.082857142857142851433138730499
-0.021250000000000001526556658860;0.082500000000000003885780586188;0.103749999999999995003996389187;0.283333333333333325931846502499;0.035416666666666665741480812812;0.047083333333333331205405869468;0.145833333333333342585191871876;0.079166666666666662965923251249;0.059999999999999997779553950750;0.046666666666666668794594130532;0.051666666666666666296592325125;0.043333333333333334813630699500
-0.012162162162162162837297785245;0.203153153153153159804489291673;0.110360360360360357234732475717;0.105855855855855857106107009713;0.030630630630630630018007565241;0.067567567567567571318321029139;0.114414414414414411513831737466;0.082882882882882882857877859806;0.047747747747747745772350924653;0.030180180180180180699034409031;0.103153153153153154253374168547;0.091891891891891896992916599629
-0.018018018018018017861736623786;0.234684684684684674582655361519;0.102702702702702708403847964291;0.115765765765765762940198158049;0.038738738738738738576206088737;0.076126126126126125726045756892;0.084684684684684680133770484645;0.028378378378378379953694832238;0.049549549549549549987137453400;0.051801801801801800051450186402;0.114864864864864871241145749536;0.084684684684684680133770484645
-0.007352941176470588133251560237;0.103431372549019601203568186065;0.091176470588235289382872394981;0.309803921568627460558786879119;0.029411764705882352533006240947;0.055882352941176473282158809752;0.161764705882352949339875181067;0.035784313725490193847100783842;0.037745098039215684015967866571;0.044117647058823532268956313374;0.068627450980392162849241799449;0.054901960784313724728278316434
-0.011382113821138212239603149101;0.134552845528455283785618235015;0.092682926829268291735175466783;0.194308943089430891104640863887;0.033739837398373981325327974901;0.075609756097560973375770743132;0.165853658536585374383420798949;0.026422764227642277917729174419;0.063821138211382119620473929444;0.051626016260162603532801739448;0.082113821138211376404747454671;0.067886178861788618044137422203
-0.037499999999999998612221219219;0.112500000000000002775557561563;0.123611111111111116045435665001;0.154629629629629616882624532082;0.037037037037037034981068472916;0.063425925925925927262305492604;0.121759259259259261520824679792;0.040277777777777780399137697032;0.086574074074074067186579384270;0.056018518518518516102755455677;0.087037037037037037756626034479;0.079629629629629633535969901459
-0.020614035087719299876862777410;0.078947368421052627196488060690;0.110087719298245609311770465411;0.248684210526315785383388856644;0.050438596491228067375534038774;0.053508771929824561208732802697;0.102631578947368420906549602023;0.055701754385964911964190804383;0.074561403508771925685572057318;0.048684210526315788158946418207;0.064035087719298250386046333915;0.092105263157894731729236070805
-0.012301587301587301251371009414;0.093253968253968255730512737500;0.084126984126984133416371491876;0.303968253968253943053667853746;0.028174603174603175120838116641;0.055158730158730157056012899375;0.128968253968253981911473715627;0.075396825396825392640032248437;0.057936507936507938842929377188;0.050396825396825398191147371563;0.071825396825396820021936150624;0.038492063492063494090089648125
-0.014473684210526315679912201517;0.086842105263157901018367113011;0.074122807017543854146701676200;0.338596491228070173296060829671;0.040350877192982456675984792582;0.065350877192982451124869669457;0.110964912280701752389511227648;0.053070175438596489669862421579;0.058333333333333334258519187188;0.039035087719298248998267553134;0.060087719298245613475106807755;0.058771929824561405797389568306
-0.015333333333333332496040135595;0.069666666666666668406016071913;0.090999999999999997557509345825;0.397666666666666668294993769450;0.031666666666666669349705642844;0.037333333333333336423454085207;0.140000000000000013322676295502;0.072666666666666671070551331013;0.048333333333333332315628894094;0.024333333333333331816028533012;0.038666666666666668628060676838;0.033333333333333332870740406406
-0.025574712643678162299343270547;0.104885057471264364625795906250;0.101436781609195406095302871563;0.091954022988505745850318362500;0.062643678160919535891082432499;0.064942528735632179537340391562;0.030459770114942528312917957578;0.021264367816091953727886121328;0.105459770114942522067913444062;0.093678160919540232054458783750;0.146839080459770121578344515001;0.150862068965517237550955087499
-0.056250000000000001387778780781;0.107738095238095243910692033751;0.094345238095238093123384715000;0.125892857142857139685077072500;0.047321428571428569842538536250;0.062500000000000000000000000000;0.033928571428571425994125121406;0.039583333333333331482961625625;0.106547619047619043786134795937;0.077083333333333337034076748751;0.138392857142857150787307318751;0.110416666666666662965923251249
-0.038194444444444447528397290625;0.140625000000000000000000000000;0.100347222222222226539756206876;0.022222222222222223070309254922;0.072569444444444450303954852188;0.072569444444444450303954852188;0.051041666666666665741480812812;0.034722222222222223764198645313;0.116666666666666668517038374375;0.074305555555555555247160270937;0.141666666666666662965923251249;0.135069444444444436426167044374
-0.059210526315789470397366045518;0.180263157894736847364214327172;0.113157894736842110083863133241;0.022807017543859650632320779096;0.064035087719298250386046333915;0.096491228070175433240152074177;0.042543859649122807431442794268;0.010964912280701753777290008429;0.080263157894736841813099204046;0.057456140350877191180778424950;0.088157894736842101757190448552;0.184649122807017534997342522729
-0.023611111111111110494320541875;0.153240740740740732928060197082;0.110185185185185191558687733959;0.128240740740740738479175320208;0.046296296296296293726335591145;0.102314814814814816767984950729;0.073148148148148142699831453228;0.023611111111111110494320541875;0.063888888888888883954564334999;0.054166666666666668517038374375;0.086111111111111110494320541875;0.135185185185185186007572610833
-0.016091954022988505523805713437;0.086781609195402301115684906563;0.074712643678160925442277573438;0.320689655172413767836303577496;0.037931034482758620163256324531;0.067241379310344823183598350624;0.116091954022988511074920836563;0.056321839080459769333319997031;0.055747126436781611891202459219;0.062643678160919535891082432499;0.060919540229885056625835915156;0.044827586206896551102030201719
-0.010784313725490195928768955014;0.083823529411764699514897358767;0.084313725490196084200178461288;0.228431372549019601203568186065;0.028921568627450981725512946241;0.072549019607843143186975964909;0.159313725490196067546833091910;0.077941176470588235947190014485;0.063235294117647056211239942058;0.060294117647058824427386269917;0.070098039215686275271721683566;0.060294117647058824427386269917
-0.035135135135135137085526935152;0.150900900900900913903512901015;0.163963963963963954562075286958;0.029729729729729731380061252821;0.036036036036036035723473247572;0.072972972972972977023786711470;0.073423423423423422873312915726;0.040540540540540542790992617483;0.112162162162162168388412908371;0.075675675675675679876519552636;0.100000000000000005551115123126;0.109459459459459465535680067205
-0.022222222222222223070309254922;0.114957264957264951310556000408;0.108119658119658124117989927981;0.144444444444444430875051921248;0.027777777777777776235801354687;0.079914529914529908172227123941;0.108974358974358975782337211058;0.053846153846153849142908143222;0.083333333333333328707404064062;0.075641025641025635972702900744;0.102991452991452986376330613894;0.077777777777777779011358916250
-0.010476190476190475747708674703;0.124285714285714291027495903563;0.089523809523809519395065592562;0.202857142857142846992246631999;0.029999999999999998889776975375;0.085238095238095237804465398312;0.113809523809523804871446372999;0.054761904761904761640423089375;0.061428571428571429602349951438;0.060476190476190475053819284312;0.111428571428571432377907513001;0.055714285714285716188953756500
-0.030833333333333334119741309109;0.144999999999999990007992778374;0.106666666666666673513041985188;0.021250000000000001526556658860;0.072083333333333332593184650250;0.080416666666666664076146275875;0.127500000000000002220446049250;0.038333333333333330372738601000;0.093333333333333337589188261063;0.057500000000000002498001805407;0.104583333333333333703407674875;0.122499999999999997779553950750
-0.033333333333333332870740406406;0.146794871794871800707582565337;0.173397435897435892027118597980;0.027564102564102563319714533918;0.067628205128205123863871506273;0.053205128205128203455753777007;0.106410256410256406911507554014;0.047115384615384614530597673365;0.092307692307692312816413959808;0.043269230769230768163247091707;0.057371794871794869197234589819;0.151602564102564091319536032643
-0.024444444444444445724284875610;0.150740740740740730707614147832;0.107777777777777777901135891625;0.005925925925925925631665425186;0.078518518518518515270088187208;0.090370370370370364798695561603;0.130740740740740740699621369458;0.042962962962962959745372160114;0.098888888888888887285233408875;0.051851851851851850361274642864;0.057037037037037038866849059104;0.160740740740740739589398344833
-0.051282051282051280272078486178;0.077350427350427353179185274712;0.108119658119658124117989927981;0.158119658119658113015759681730;0.064957264957264962412786246659;0.037179487179487179238090988065;0.071794871794871789605352319086;0.092735042735042738648587601347;0.099145299145299140008980032235;0.083333333333333328707404064062;0.065384615384615388244959888198;0.090598290598290595609931585841
-0.036752136752136753405917346527;0.099572649572649565841153673773;0.106410256410256406911507554014;0.061538461538461541877609306539;0.055128205128205126639429067836;0.068376068376068382947963186780;0.104700854700854703582812987861;0.093162393162393164480761242885;0.118376068376068371845732940528;0.066239316239316239909307171274;0.064957264957264962412786246659;0.124786324786324787083913179231
-0.033333333333333332870740406406;0.109803921568627449456556632867;0.096078431372549025213380957666;0.100490196078431376358608417831;0.074999999999999997224442438437;0.061274509803921566042372859329;0.102450980392156859588581596654;0.045098039215686273883942902785;0.100980392156862747166101712537;0.055882352941176473282158809752;0.069117647058823533656735094155;0.150490196078431365256378171580
-0.023577235772357724857828387144;0.134959349593495925301311899602;0.117479674796747965426213511364;0.009756097560975609747635495239;0.129268292682926833059298132866;0.075609756097560973375770743132;0.100000000000000005551115123126;0.021951219512195120631137257305;0.105284552845528456277435225275;0.057723577235772358107190882492;0.066666666666666665741480812812;0.157723577235772349780518197804
-0.025641025641025640136039243089;0.122649572649572644045257163725;0.123931623931623935419565896154;0.085042735042735045913886438029;0.071794871794871789605352319086;0.057692307692307695510258724880;0.057692307692307695510258724880;0.020940170940170938634894426400;0.104273504273504277750639346323;0.071794871794871789605352319086;0.072222222222222215437525960624;0.186324786324786328961522485770
-0.017708333333333332870740406406;0.123958333333333337034076748751;0.108333333333333337034076748751;0.111458333333333339809634310313;0.063541666666666662965923251249;0.082291666666666665741480812812;0.062500000000000000000000000000;0.029687499999999998612221219219;0.108333333333333337034076748751;0.058333333333333334258519187188;0.081770833333333334258519187188;0.152083333333333320380731379373
-0.031746031746031744269487262500;0.165873015873015866583628508124;0.148412698412698412786525636875;0.016269841269841271019780393203;0.044444444444444446140618509844;0.065476190476190479494711382813;0.096031746031746037517429215313;0.063492063492063488538974525000;0.076984126984126988180179296251;0.075396825396825392640032248437;0.088888888888888892281237019688;0.126984126984126977077949049999
-0.035000000000000003330669073875;0.154166666666666674068153497501;0.116250000000000006106226635438;0.002500000000000000052041704279;0.045416666666666667684371105906;0.104166666666666671292595935938;0.091249999999999997779553950750;0.034583333333333333980963431031;0.081250000000000002775557561563;0.057916666666666664908813544344;0.113750000000000003885780586188;0.163750000000000006661338147751
-0.017829457364341085023884403427;0.179069767441860455692292930507;0.107751937984496129474543124616;0.001937984496124030980857000372;0.040697674418604654067443959775;0.115116279069767443732352774077;0.112790697674418599616430469723;0.025968992248062015143483804991;0.091085271317829452630832065552;0.056589147286821704641024410876;0.102713178294573645454867971694;0.148449612403100783541987084391
-0.007364341085271317727256601415;0.173643410852713175884787233372;0.088372093023255812727079216984;0.012403100775193798277484802384;0.059689922480620154210395611472;0.146899224806201544879513676278;0.131007751937984501244827129085;0.015116279069767441650684602905;0.094573643410852711865821618176;0.027519379844961239928169405289;0.110852713178294579043914325212;0.132558139534883712151724921569
-0.032407407407407405608434913802;0.103240740740740744030290443334;0.120833333333333334258519187188;0.121759259259259261520824679792;0.039814814814814816767984950729;0.069907407407407404220656133020;0.068518518518518520266091798021;0.043518518518518518878313017240;0.113425925925925930037863054167;0.090277777777777776235801354687;0.089814814814814819543542512292;0.106481481481481482509465763542
-0.016666666666666666435370203203;0.171428571428571430157461463750;0.119999999999999995559107901499;0.080000000000000001665334536938;0.028095238095238096731609545031;0.109523809523809523280846178750;0.060952380952380952328084617875;0.030476190476190476164042308937;0.071428571428571424606346340624;0.070476190476190470057815673499;0.114285714285714282145711706562;0.126666666666666677398822571377
-0.015333333333333332496040135595;0.203333333333333338144299773376;0.116000000000000005884182030513;0.017666666666666667323548622903;0.035666666666666665963525417737;0.120333333333333333814429977338;0.095000000000000001110223024625;0.024666666666666666601903656897;0.087333333333333332260117742862;0.062666666666666662188767134012;0.113000000000000003219646771413;0.108999999999999999666933092612
-0.022999999999999999611421941381;0.086333333333333331371939323162;0.072333333333333332815229255175;0.188333333333333324821623477874;0.049000000000000001887379141863;0.080666666666666664298190880800;0.105999999999999997002397833512;0.033666666666666664187168578337;0.097000000000000002886579864025;0.076999999999999999000799277837;0.098333333333333328152292551749;0.088333333333333333148296162562
-0.034353741496598637350512461808;0.063945578231292515836159395803;0.072448979591836729086118396026;0.245578231292517018546917029198;0.041496598639455782586704657433;0.066326530612244902207486063617;0.095578231292517010220244344509;0.089455782312925169463824204286;0.075850340136054419937217119241;0.085034013605442174132953425669;0.088095238095238101450057399688;0.041836734693877553059593310536
-0.085802469135802472699481313612;0.094135802469135804182442939236;0.094135802469135804182442939236;0.201851851851851865626841231460;0.036728395061728397186229244653;0.054320987654320987414457988507;0.054012345679012342680724856336;0.068827160493827158060931026284;0.091358024691358022395526461423;0.081172839506172836387953850590;0.064506172839506173422030599340;0.073148148148148142699831453228
-0.015625000000000000000000000000;0.119791666666666671292595935938;0.101562500000000000000000000000;0.304687500000000000000000000000;0.020312500000000000693889390391;0.061458333333333330095182844843;0.070312500000000000000000000000;0.037499999999999998612221219219;0.046875000000000000000000000000;0.078125000000000000000000000000;0.070312500000000000000000000000;0.073437500000000002775557561563
-0.007037037037037036958653235530;0.171481481481481484729911812792;0.100740740740740741809844394083;0.211481481481481492501472985168;0.026296296296296296779448908865;0.085925925925925919490744320228;0.101111111111111109939209029562;0.021111111111111111743321444578;0.042962962962962959745372160114;0.054444444444444441144614899031;0.086666666666666669627261399000;0.090740740740740746805848004897
-0.021717171717171718237082700398;0.154545454545454541417370819545;0.132323232323232314877614612669;0.025252525252525252069668582067;0.035858585858585860506320130980;0.094444444444444441977282167500;0.028282828282828284538474861165;0.031818181818181814901613790880;0.081313131313131309374497845965;0.082828282828282834282518365399;0.125757575757575762454010259717;0.185858585858585861894098911762
-0.015151515151515151935690539631;0.131439393939393939225723784148;0.113257575757575751351780013465;0.073484848484848486194209726818;0.042424242424242426807712291748;0.080681818181818187873943770683;0.098863636363636361870099733551;0.042045454545454545580707161889;0.085606060606060602191647035397;0.070075757575757569028951365908;0.085227272727272720964641905539;0.161742424242424243097104863409
-0.036574074074074071349915726614;0.111574074074074075513252068959;0.110648148148148148250946576354;0.115277777777777784562474039376;0.047685185185185184619793830052;0.078240740740740735703617758645;0.117129629629629625209297216770;0.045370370370370373402924002448;0.095833333333333339809634310313;0.061111111111111109106541761093;0.084722222222222226539756206876;0.095833333333333339809634310313
-0.036249999999999997501998194593;0.152916666666666672957930472876;0.144583333333333341474968847251;0.056250000000000001387778780781;0.046249999999999999444888487687;0.068333333333333329262515576374;0.097500000000000003330669073875;0.036249999999999997501998194593;0.077083333333333337034076748751;0.067083333333333328152292551749;0.094166666666666662410811738937;0.123333333333333336478965236438
-0.019166666666666665186369300500;0.111250000000000001665334536938;0.122499999999999997779553950750;0.135000000000000008881784197001;0.042500000000000003053113317719;0.041250000000000001942890293094;0.180416666666666669627261399000;0.069166666666666667961926862063;0.073749999999999996114219413812;0.038749999999999999722444243844;0.050416666666666665186369300500;0.115833333333333329817627088687
-0.018333333333333333425851918719;0.114444444444444445863062753688;0.105277777777777775680689842375;0.121388888888888893391460044313;0.053055555555555557190050564031;0.078055555555555558577829344813;0.147222222222222226539756206876;0.048611111111111111882099322656;0.076944444444444440311947630562;0.040000000000000000832667268469;0.065277777777777781786916477813;0.131388888888888888395456433500
-0.010476190476190475747708674703;0.160952380952380957879199741001;0.041904761904761902990834698812;0.268095238095238108666507059752;0.020000000000000000416333634234;0.118095238095238100339834375063;0.012857142857142856914864914586;0.020000000000000000416333634234;0.031428571428571430712572976063;0.049523809523809525501292228000;0.197142857142857147456638244876;0.069523809523809529387072814188
-0.020370370370370372015145221667;0.117407407407407404775767645333;0.078148148148148147140723551729;0.296666666666666689611275842253;0.038148148148148146308056283260;0.084074074074074078843921142834;0.055925925925925927539861248761;0.023333333333333334397297065266;0.060370370370370372847812490136;0.047407407407407405053323401489;0.093333333333333337589188261063;0.084814814814814815102650413792
-0.002916666666666666799662133158;0.102916666666666670182372911313;0.071666666666666670182372911313;0.395833333333333314829616256247;0.029583333333333333009518284484;0.060833333333333336478965236438;0.107499999999999998334665463062;0.038749999999999999722444243844;0.044583333333333335923853724125;0.027500000000000000138777878078;0.056250000000000001387778780781;0.061666666666666668239482618219
-0.041891891891891894217359038066;0.072972972972972977023786711470;0.092792792792792788691969008141;0.213063063063063051760792632194;0.038738738738738738576206088737;0.059009009009009009971702397479;0.086486486486486491287450917298;0.052702702702702705628290402728;0.108108108108108114109313646622;0.094594594594594599845649440795;0.062612612612612611462381551064;0.077027027027027031302885973219
-0.059649122807017541936236426636;0.065789473684210522663740050575;0.110964912280701752389511227648;0.136842105263157903793924674574;0.032894736842105261331870025288;0.036842105263157891303915647541;0.122807017543859642305648094407;0.077631578947368426457664725149;0.116228070175438596978167993257;0.100438596491228077089985504244;0.069736842105263152635785672828;0.070175438596491224174656053947
-0.043434343434343436474165400796;0.035858585858585860506320130980;0.078787878787878781738918121391;0.337373737373737381251004308069;0.050000000000000002775557561563;0.037373737373737371536552842599;0.090909090909090911614143237784;0.082828282828282834282518365399;0.077777777777777779011358916250;0.066666666666666665741480812812;0.059595959595959598076309049475;0.039393939393939390869459060696
-0.022619047619047618485899064922;0.038690476190476191797884553125;0.050595238095238095898942276563;0.538095238095238070918924222497;0.014880952380952380126322154297;0.047619047619047616404230893750;0.074404761904761904101057723437;0.045238095238095236971798129844;0.048809523809523809589894227656;0.037499999999999998612221219219;0.044642857142857143848413414844;0.036904761904761905488836504219
-0.015517241379310344612241223672;0.091954022988505745850318362500;0.105747126436781607727866116875;0.327011494252873569088535532501;0.035057471264367819074880827657;0.045977011494252872925159181250;0.086206896551724143673567368751;0.052873563218390803863933058437;0.043678160919540229278901222187;0.048850574712643680952428582032;0.051149425287356324598686541094;0.095977011494252875700716742813
-0.041880341880341877269788852800;0.185042735042735051465001561155;0.102136752136752134711983330817;0.005128205128205128200680196215;0.054700854700854700807255426298;0.098717948717948714176806390697;0.115384615384615391020517449761;0.015811965811965811301575968173;0.082478632478632477043056780985;0.037179487179487179238090988065;0.088888888888888892281237019688;0.172649572649572646820814725288
-0.068750000000000005551115123126;0.126736111111111104943205418749;0.108333333333333337034076748751;0.045833333333333330095182844843;0.033333333333333332870740406406;0.056597222222222222376419864531;0.140277777777777779011358916250;0.189236111111111104943205418749;0.045486111111111109106541761093;0.029513888888888888117900677344;0.061458333333333330095182844843;0.094444444444444441977282167500
-0.088095238095238101450057399688;0.086054421768707478612725481071;0.095238095238095232808461787499;0.087414965986394560504280093483;0.060544217687074831923954576496;0.053401360544217686687762380870;0.152040816326530603408428987677;0.076530612244897960882994425447;0.103401360544217682524426038526;0.054421768707482991167534436272;0.057142857142857141072855853281;0.085714285714285715078730731875
-0.040476190476190478106932602032;0.103333333333333332593184650250;0.117619047619047623065569041501;0.023809523809523808202115446875;0.067619047619047620290011479938;0.094285714285714292137718928188;0.073333333333333333703407674875;0.058571428571428572895651853969;0.131428571428571422385900291374;0.071904761904761901880611674187;0.072380952380952379154877007750;0.145238095238095249461807156877
-0.025877192982456140996072591065;0.113596491228070181622733514359;0.097807017543859647856763217533;0.000000000000000000000000000000;0.076315789473684211841053581793;0.128947368421052643849833430068;0.023684210526315790240614589379;0.013157894736842104532748010115;0.128070175438596500772092667830;0.069736842105263152635785672828;0.089473684210526316373801591908;0.233333333333333337034076748751
-0.002916666666666666799662133158;0.171250000000000013322676295502;0.097083333333333327042069527124;0.000000000000000000000000000000;0.039583333333333331482961625625;0.151666666666666671847707448251;0.037083333333333336201409480282;0.030416666666666668239482618219;0.073333333333333333703407674875;0.053333333333333336756520992594;0.113333333333333327597181039437;0.230000000000000009992007221626
-0.058119658119658121342432366419;0.118803418803418797677906582066;0.061538461538461541877609306539;0.186752136752136754793696127308;0.035042735042735043138328876466;0.108119658119658124117989927981;0.035042735042735043138328876466;0.067521367521367517405828095889;0.064957264957264962412786246659;0.047863247863247866675795449964;0.063675213675213671038477514230;0.152564102564102577197502341733
-0.057608695652173913526183923750;0.068840579710144927938486603125;0.132246376811594207323352634376;0.136594202898550731717364215001;0.045289855072463768015378349219;0.066666666666666665741480812812;0.024637681159420291021611149063;0.059782608695652175723189714063;0.103985507246376812640065168125;0.117028985507246371944312102187;0.087681159420289853101415644687;0.099637681159420288246053587500
-0.007291666666666666782314898398;0.135416666666666657414808128124;0.138541666666666674068153497501;0.004513888888888888464845372539;0.049652777777777774848022573906;0.118749999999999994448884876874;0.026041666666666667823148983985;0.045486111111111109106541761093;0.095833333333333339809634310313;0.087152777777777773460243793124;0.120138888888888892281237019688;0.171180555555555558022717832500
-0.056097560975609757349946704608;0.137398373983739829906625118383;0.091869918699186994826000329795;0.000000000000000000000000000000;0.137398373983739829906625118383;0.097967479674796742461495568932;0.044308943089430896655755987013;0.014634146341463415488814980847;0.134959349593495925301311899602;0.045528455284552848958412596403;0.076016260162601628769252215534;0.163821138211382111293801244756
-0.012925170068027210315553254816;0.129591836734693877097868153214;0.115646258503401364037266318974;0.002380952380952381167156239883;0.160544217687074830536175795714;0.089115646258503405929829455090;0.042857142857142857539365365938;0.045238095238095236971798129844;0.100340136054421769085109872321;0.052721088435374152680878978572;0.071088435374149661072351591429;0.177551020408163257036093796160
-0.028888888888888887562789165031;0.115185185185185182121792024645;0.135555555555555568014725054127;0.000740740740740740703958178148;0.059999999999999997779553950750;0.065555555555555561353386906376;0.048148148148148148250946576354;0.026666666666666668378260496297;0.148888888888888876183003162623;0.088518518518518524151872384209;0.090740740740740746805848004897;0.191111111111111120486327763501
-0.048449612403100777990871961265;0.072093023255813959426774317762;0.152325581395348824687019373414;0.001550387596899224784685600298;0.043023255813953491244472360222;0.057364341085271317033367211025;0.046899224806201553206186360967;0.063178294573643406506491260188;0.132945736434108535695131081411;0.105038759689922475693002468233;0.088372093023255812727079216984;0.188759689922480627943812692138
-0.039716312056737590463484366410;0.100354609929078020247317226676;0.121631205673758860386080016269;0.007446808510638298211903318702;0.039007092198581561071080159309;0.094326241134751770411881466316;0.020212765957446809927944286756;0.056737588652482268125609721210;0.124113475177304963259494741123;0.117730496453900712605644685027;0.136170212765957449052578454030;0.142553191489361713584216317940
-0.037499999999999998612221219219;0.090277777777777776235801354687;0.162962962962962976121161773335;0.017129629629629630066522949505;0.056481481481481479733908201979;0.076388888888888895056794581251;0.039814814814814816767984950729;0.063425925925925927262305492604;0.091203703703703703498106847292;0.106944444444444439201724605937;0.090277777777777776235801354687;0.167592592592592598554901428543
-0.036111111111111107718762980312;0.091666666666666660190365689687;0.124603174603174604584410190000;0.009523809523809524668624959531;0.067857142857142851988250242812;0.079761904761904756089307966249;0.040873015873015873522522412031;0.027777777777777776235801354687;0.156746031746031744269487262500;0.089285714285714287696826829688;0.080555555555555560798275394063;0.195238095238095238359576910625
-0.023504273504273504036277131490;0.091880341880341886984240318270;0.088034188034188040616889736611;0.155982905982905983854891474039;0.046581196581196582240380621442;0.129487179487179498993398851781;0.046153846153846156408206979904;0.025641025641025640136039243089;0.094871794871794867809455809038;0.080769230769230773714362214832;0.093589743589743590312934884423;0.123504273504273509587392254616
-0.020652173913043476993767200156;0.099637681159420288246053587500;0.042753623188405795452204927187;0.257971014492753614177900089999;0.058333333333333334258519187188;0.129710144927536241699073116251;0.019927536231884056261431936719;0.018115942028985507900040730078;0.084057971014492749439739327499;0.061231884057971017187860240938;0.088768115942028991138812443751;0.118840579710144930714044164688
-0.056190476190476193463219090063;0.049523809523809525501292228000;0.099523809523809528276849789563;0.169047619047619057663922603751;0.081904761904761910762395871188;0.059999999999999997779553950750;0.014761904761904762542479296883;0.043809523809523812087896033063;0.115238095238095236694242373687;0.104761904761904764415980650938;0.081428571428571433488130537626;0.123809523809523813753230570001
-0.054320987654320987414457988507;0.095679012345679007034426888367;0.079629629629629633535969901459;0.032716049382716050342168045972;0.101234567901234570608259843993;0.103703703703703700722549285729;0.028395061728395062233820667075;0.030246913580246913288984700330;0.169444444444444453079512413751;0.088271604938271602813770755347;0.086111111111111110494320541875;0.130246913580246925778993727363
-0.048290598290598292507969091503;0.088461538461538466449063378150;0.174358974358974350149509291441;0.010683760683760683968257509946;0.068803418803418808780136828318;0.044444444444444446140618509844;0.073076923076923080979661051515;0.087606837606837600906928287259;0.124786324786324787083913179231;0.074358974358974358476181976130;0.072649572649572655147487409977;0.132478632478632479818614342548
-0.116037735849056605763607308290;0.056289308176100630309868222412;0.110062893081761009606012180484;0.003144654088050314634517068413;0.087735849056603767981421526656;0.059119496855345912700308019794;0.038679245283018866274904468128;0.038050314465408803521473402043;0.234591194968553462540938880920;0.068238993710691822625058478025;0.067295597484276728494911878897;0.120754716981132076414340303927
-0.035714285714285712303173170312;0.076785714285714290472384391251;0.200595238095238104225614961251;0.003571428571428571317053490830;0.048809523809523809589894227656;0.039285714285714284921269268125;0.020238095238095239053466301016;0.064285714285714279370154144999;0.111309523809523802651000323749;0.109523809523809523280846178750;0.088095238095238101450057399688;0.201785714285714290472384391251
-0.026068376068376069437659836581;0.082051282051282051210883139447;0.141452991452991450049836430480;0.025213675213675214303865601551;0.032051282051282048435325577884;0.064529914529914536580612605121;0.032905982905982907038566764868;0.087606837606837600906928287259;0.085042735042735045913886438029;0.106410256410256406911507554014;0.162820512820512824925245354279;0.153846153846153854694023266347
-0.016176470588235295627876908497;0.100000000000000005551115123126;0.096078431372549025213380957666;0.023039215686274511218911698052;0.026470588235294117279705616852;0.127450980392156854037466473528;0.020588235294117646773104368663;0.181862745098039207958251495256;0.060784313725490195234879564623;0.124019607843137258385013410589;0.110294117647058820264049927573;0.113235294117647058986797503621
-0.022222222222222223070309254922;0.093827160493827166387603710973;0.104938271604938265779694006596;0.006481481481481481295159330358;0.058024691358024689524786055017;0.137654320987654316121862052569;0.028086419753086420969534486858;0.081172839506172836387953850590;0.122530864197530869885710558265;0.100000000000000005551115123126;0.121604938271604942623405065660;0.123456790123456783270228243055
-0.014506172839506172381196513754;0.110493827160493829353526962223;0.113271604938271611140443440036;0.308641975308641958175570607636;0.030246913580246913288984700330;0.065123456790123462889496863681;0.046913580246913583193801855487;0.032407407407407405608434913802;0.062037037037037036368847253698;0.062654320987654318897419614132;0.060185185185185181844236268489;0.093518518518518514714976674895
-0.034684684684684684297106826989;0.073423423423423422873312915726;0.143693693693693697044366786031;0.107657657657657654381999634552;0.045045045045045042919618083488;0.041891891891891894217359038066;0.080180180180180180005145018640;0.059459459459459462760122505642;0.108558558558558559958839850879;0.107207207207207208532473430296;0.081981981981981977281037643479;0.116216216216216222667512170119
-0.111299435028248586143639897728;0.044915254237288135263916899476;0.116101694915254238793522745254;0.091807909604519774560138500874;0.037288135593220340935349810252;0.057627118644067797104124650787;0.025141242937853108818657688062;0.099717514124293790689357308565;0.114689265536723164484733672452;0.135875706214689279116569764483;0.082203389830508469260372805820;0.083333333333333328707404064062
-0.041666666666666664353702032031;0.063333333333333338699411285688;0.120999999999999996447286321199;0.267333333333333311720991787297;0.040333333333333332149095440400;0.050000000000000002775557561563;0.041666666666666664353702032031;0.038999999999999999944488848769;0.068666666666666667517837652213;0.055333333333333331593983928087;0.091999999999999998445687765525;0.119666666666666671181573633476
-0.042248062015503878852129560073;0.170542635658914726315416032776;0.098837209302325576554260067041;0.122093023255813948324544071511;0.021705426356589146985598404171;0.088372093023255812727079216984;0.048837209302325580717596409386;0.026356589147286821339655205065;0.064341085271317835503346316273;0.067054263565891475407099164840;0.092248062015503881627687121636;0.157364341085271308706694526336
-0.028968253968253969421464688594;0.219444444444444441977282167500;0.120634920634920636550724282188;0.000000000000000000000000000000;0.066269841269841270325891002813;0.097619047619047619179788455313;0.053174603174603173039169945469;0.026587301587301586519584972734;0.087698412698412692156679781874;0.050396825396825398191147371563;0.090873015873015869359186069687;0.158333333333333325931846502499
-0.056589147286821704641024410876;0.103488372093023250908316867935;0.134108527131782950814198329681;0.006976744186046511531085201341;0.105038759689922475693002468233;0.059302325581395351483671163351;0.035271317829457367321044358732;0.048062015503875968325253609237;0.136434108527131781052332826221;0.104263565891472870239553571992;0.091472868217054262296450417580;0.118992248062015498755172870915
-0.083809523809523805981669397625;0.055238095238095238914688422938;0.109047619047619046006580845187;0.129047619047619049892361431375;0.055714285714285716188953756500;0.054285714285714284366157755812;0.015714285714285715356286488031;0.094285714285714292137718928188;0.121428571428571427381903902187;0.118095238095238100339834375063;0.067619047619047620290011479938;0.095714285714285710082727121062
-0.074999999999999997224442438437;0.088095238095238101450057399688;0.101190476190476191797884553125;0.059126984126984125089698807187;0.061507936507936504522131571093;0.090873015873015869359186069687;0.028174603174603175120838116641;0.055952380952380954826086423282;0.125396825396825395415589810000;0.109523809523809523280846178750;0.091666666666666660190365689687;0.113492063492063491314532086562
-0.063265306122448974890382089598;0.062925170068027211356387340402;0.110884353741496605172400791162;0.145238095238095249461807156877;0.048299319727891157350008199955;0.080272108843537415268087897857;0.032993197278911562397851753303;0.056802721088435377538861104085;0.114285714285714282145711706562;0.103401360544217682524426038526;0.080272108843537415268087897857;0.101360544217687073564881927723
-0.022592592592592591199673890401;0.095925925925925928372528517230;0.143333333333333340364745822626;0.038888888888888889505679458125;0.041111111111111112159655078813;0.082592592592592592448674793104;0.027407407407407408106436719208;0.118888888888888891171013995063;0.092962962962962969459823625584;0.094814814814814810106646802979;0.147777777777777785672697064001;0.093703703703703705718552896542
-0.056306306306306307118969556313;0.034234234234234231508686718826;0.163513513513513508712549082702;0.061261261261261260036015130481;0.056306306306306307118969556313;0.057207207207207205756915868733;0.013963963963963963582637362038;0.133333333333333331482961625625;0.117567567567567574093878590702;0.123423423423423425648870477289;0.063063063063063057311907755320;0.119819819819819817219297419797
-0.074358974358974358476181976130;0.063247863247863245206303872692;0.124786324786324787083913179231;0.034615384615384617306155234928;0.060256410256410257442194478017;0.070512820512820512108831394471;0.023504273504273504036277131490;0.059401709401709398838953291033;0.164102564102564102421766278894;0.111111111111111104943205418749;0.114529914529914525478382358870;0.099572649572649565841153673773
-0.042307692307692310040856398246;0.060897435897435896190454940324;0.123397435897435903129348844232;0.009935897435897435292506685300;0.085897435897435897578233721106;0.063461538461538458122390693461;0.023397435897435897578233721106;0.143910256410256398584834869325;0.158653846153846145305976733653;0.103205128205128199292417434663;0.072435897435897442231400589208;0.112500000000000002775557561563
-0.051999999999999997613020497056;0.049666666666666664520235485725;0.126333333333333325265712687724;0.207666666666666666074547720200;0.039333333333333331260917020700;0.042666666666666665241880451731;0.029333333333333332787473679559;0.162333333333333329484560181299;0.072999999999999995448085599037;0.092999999999999999333866185225;0.063000000000000000444089209850;0.061666666666666668239482618219
-0.030303030303030303871381079261;0.084848484848484853615424583495;0.142121212121212120438329407079;0.205151515151515140278348781067;0.044242424242424242819549107253;0.048181818181818179824826842150;0.034242424242424240876658814159;0.061818181818181820730284670162;0.085757575757575754682449087341;0.078484848484848490635101825319;0.068484848484848481753317628318;0.116363636363636363535434270489
-0.027118644067796609381515438031;0.087853107344632766495529097028;0.041242937853107342061065310190;0.439265536723163818599857677327;0.025423728813559323680415502622;0.107062146892655363217272679321;0.012429378531073446978449936751;0.010734463276836157807903049388;0.049152542372881358190284117882;0.053672316384180789039515246941;0.078531073446327689935309024349;0.067514124293785310326754256494
-0.012318840579710145510805574531;0.106521739130434778264344686249;0.047101449275362319846216507813;0.380797101449275365858682107500;0.053260869565217389132172343125;0.085507246376811590904409854375;0.021739130434782608092270095312;0.012681159420289855876973206250;0.076811594202898555994174500938;0.050000000000000002775557561563;0.056159420289855072061513396875;0.097101449275362322621774069376
-0.003594771241830065165029362007;0.116666666666666668517038374375;0.038562091503267975634017261655;0.194444444444444447528397290625;0.043137254901960783715075820055;0.198039215686274500116681451800;0.016013071895424835222598858309;0.003267973856209150426005427548;0.084313725490196084200178461288;0.045751633986928101627267295726;0.093464052287581700362295578088;0.162745098039215690954861770479
-0.010360360360360360357234732476;0.207657657657657646055326949863;0.117567567567567574093878590702;0.023423423423423423567202306117;0.047297297297297299922824720397;0.099549549549549545823801111055;0.090540540540540545566550179046;0.021171171171171170033442621161;0.066666666666666665741480812812;0.038738738738738738576206088737;0.063513513513513517039221767391;0.213513513513513525365894452079
-0.031481481481481478346129421197;0.132716049382716055893283169098;0.165432098765432106235451215070;0.018827160493827162224267368629;0.047530864197530865722374215920;0.063580246913580246159725106736;0.048148148148148148250946576354;0.062654320987654318897419614132;0.088580246913580240608609983610;0.093827160493827166387603710973;0.091666666666666660190365689687;0.155555555555555558022717832500
-0.008611111111111111049432054187;0.149722222222222228760202256126;0.143888888888888899497686679751;0.038611111111111109939209029562;0.032777777777777780676693453188;0.116666666666666668517038374375;0.049166666666666664076146275875;0.037777777777777778178691647781;0.086944444444444449193731827563;0.069166666666666667961926862063;0.107222222222222218768195034500;0.159444444444444444197728216750
-0.008620689655172413673467346484;0.069540229885057466829856309687;0.041379310344827585632643263125;0.479022988505747149279301311253;0.028160919540229884666659998516;0.076724137931034483428582859688;0.013505747126436781421765509492;0.007758620689655172306120611836;0.051724137931034482040804078906;0.049425287356321838394546119844;0.065517241379310350857245737188;0.108620689655172408816241613749
-0.013333333333333334189130248149;0.077222222222222219878418059125;0.192777777777777770129574719249;0.078888888888888883399452822687;0.057222222222222222931531376844;0.053888888888888888950567945813;0.046388888888888889228123701969;0.113611111111111107163651467999;0.072777777777777774570466817750;0.073055555555555554136937246312;0.089166666666666671847707448251;0.131666666666666654084139054248
-0.011217948717948717993198037846;0.107371794871794865033898247475;0.076923076923076927347011633174;0.313461538461538458122390693461;0.045192307692307691346922382536;0.075961538461538455346833131898;0.055769230769230772326583434051;0.033333333333333332870740406406;0.052884615384615384081623545853;0.047115384615384614530597673365;0.065064102564102568870829657044;0.115705128205128210394647680914
-0.018421052631578945651957823770;0.038596491228070177459397172015;0.109210526315789480111817510988;0.411403508771929826703939170329;0.029824561403508770968118213318;0.024561403508771929848908399663;0.046491228070175437403488416521;0.095614035087719304040199119754;0.058771929824561405797389568306;0.048684210526315788158946418207;0.052631578947368418130992040460;0.065789473684210522663740050575
-0.012916666666666666574148081281;0.120416666666666671847707448251;0.111666666666666664076146275875;0.226666666666666655194362078873;0.042083333333333333703407674875;0.072916666666666671292595935938;0.076249999999999998334665463062;0.038333333333333330372738601000;0.080416666666666664076146275875;0.047916666666666669904817155157;0.077499999999999999444888487687;0.092916666666666661300588714312
-0.009583333333333332593184650250;0.151249999999999995559107901499;0.086666666666666669627261399000;0.195000000000000006661338147751;0.042500000000000003053113317719;0.110416666666666662965923251249;0.035833333333333335091186455656;0.009583333333333332593184650250;0.069583333333333330372738601000;0.050833333333333334536074943344;0.076249999999999998334665463062;0.162500000000000005551115123126
-0.031851851851851853414387960584;0.068888888888888888395456433500;0.041851851851851848418384349770;0.399259259259259258190155605917;0.038148148148148146308056283260;0.097777777777777782897139502438;0.017407407407407406163546426114;0.015185185185185185244294281404;0.082592592592592592448674793104;0.061851851851851852304164935958;0.063703703703703706828775921167;0.081481481481481488060580886668
-0.027777777777777776235801354687;0.098148148148148151026504137917;0.145185185185185194889356807835;0.108888888888888882289229798062;0.058888888888888886452566140406;0.054814814814814816212873438417;0.037037037037037034981068472916;0.054444444444444441144614899031;0.085185185185185183232015049271;0.097407407407407400889987059145;0.076296296296296292616112566520;0.155925925925925912274294660165
-0.042735042735042735873030039784;0.088461538461538466449063378150;0.147863247863247865288016669183;0.012820512820512820068019621544;0.070940170940170937941005036009;0.037179487179487179238090988065;0.038034188034188030902438271141;0.057264957264957262739191179435;0.127777777777777767909128669999;0.103846153846153851918465704784;0.093162393162393164480761242885;0.179914529914529913723342247067
-0.038617886178861790535954412462;0.058130081300813006561778450987;0.108130081300813002398442108642;0.201219512195121963404886855642;0.081300813008130079495572317683;0.063008130081300808833510984641;0.022764227642276424479206298201;0.019918699186991871419305510926;0.118699186991869917728870120754;0.069105691056910570346794031593;0.064634146341463416529649066433;0.154471544715447162143817649849
-0.023809523809523808202115446875;0.081292517006802719747859953259;0.082312925170068024227632008660;0.188435374149659856657379464195;0.070408163265306120126574285223;0.087414965986394560504280093483;0.042517006802721087066476712835;0.028231292517006803532986225491;0.110884353741496605172400791162;0.067006802721088429275475562008;0.064285714285714279370154144999;0.153401360544217685299983600089
-0.104074074074074068851913921208;0.091111111111111114935212640376;0.146296296296296285399662906457;0.027037037037037036507625131776;0.054074074074074073015250263552;0.058148148148148150193836869448;0.052222222222222225429533182250;0.050000000000000002775557561563;0.108888888888888882289229798062;0.079259259259259265406605265980;0.080000000000000001665334536938;0.148888888888888876183003162623
-0.063475177304964533475661880857;0.062056737588652481629747370562;0.145390070921985803398257530716;0.038652482269503546374878055758;0.087234042553191490365627203118;0.046453900709219855813536526057;0.076950354609929078053554007965;0.077659574468085107445958215067;0.112765957446808506858815235319;0.084397163120567372796010374714;0.078723404255319151534564525718;0.126241134751773037558919554613
-0.111250000000000001665334536938;0.070000000000000006661338147751;0.112916666666666665186369300500;0.019166666666666665186369300500;0.042083333333333333703407674875;0.104583333333333333703407674875;0.047500000000000000555111512313;0.097916666666666665741480812812;0.126666666666666677398822571377;0.093333333333333337589188261063;0.100000000000000005551115123126;0.074583333333333334813630699500
-0.127564102564102554993041849229;0.038782051282051283047636047741;0.143910256410256398584834869325;0.044871794871794871972792151382;0.032371794871794874748349712945;0.058012820512820514884388956034;0.028525641025641024911552179333;0.101923076923076921795896510048;0.128846153846153832489562773844;0.160256410256410269932203505050;0.075320512820512816598572669591;0.059615384615384618693934015710
-0.051388888888888886730121896562;0.088194444444444450303954852188;0.088541666666666671292595935938;0.011805555555555555247160270937;0.101736111111111110494320541875;0.095486111111111104943205418749;0.019097222222222223764198645313;0.019097222222222223764198645313;0.150347222222222215437525960624;0.085416666666666668517038374375;0.088888888888888892281237019688;0.200000000000000011102230246252
-0.021698113207547168462818731882;0.119182389937106919530762638715;0.092767295597484270008870055335;0.169811320754716971181963458548;0.075157232704402512912800204958;0.089622641509433956241714724911;0.045283018867924525185930662019;0.020440251572327042955956599712;0.093081761006289301385585588378;0.061320754716981132337316751091;0.072641509433962261899075940619;0.138993710691823896263841220389
-0.074122807017543854146701676200;0.071491228070175438791267197303;0.080701754385964913351969585165;0.164912280701754399014902219278;0.047807017543859652020099559877;0.081578947368421056429710347402;0.012719298245614034728601104973;0.067543859649122808819221575050;0.096929824561403504779022455295;0.117105263157894740055908755494;0.065789473684210522663740050575;0.119298245614035083872472853272
-0.043693693693693691493251662905;0.070720720720720720020580074561;0.142342342342342331740212557634;0.026576576576576575738908303492;0.066666666666666665741480812812;0.056306306306306307118969556313;0.018918918918918919969129888159;0.075225225225225220149205540565;0.117567567567567574093878590702;0.139189189189189183037953512212;0.080630630630630625854671222896;0.162162162162162171163970469934
-0.029385964912280702898694784153;0.125000000000000000000000000000;0.165350877192982442798196984768;0.014912280701754385484059106659;0.050000000000000002775557561563;0.073245614035087724946748721777;0.046491228070175437403488416521;0.047807017543859652020099559877;0.103070175438596492445419983142;0.089912280701754387912671973027;0.102631578947368420906549602023;0.152192982456140352143236782467
-0.045726495726495723637139434459;0.087606837606837600906928287259;0.119658119658119663220041672957;0.008547008547008547868495398347;0.088461538461538466449063378150;0.100427350427350431383288764664;0.032478632478632481206393123330;0.048717948717948718340142733041;0.127777777777777767909128669999;0.091880341880341886984240318270;0.107692307692307698285816286443;0.141025641025641024217662788942
-0.027358490566037736713145278600;0.083333333333333328707404064062;0.171698113207547159442256656803;0.000943396226415094346987033624;0.085220125786163516967697262317;0.067295597484276728494911878897;0.056918238993710693063299288497;0.076729559748427669796377870171;0.118238993710691825400616039587;0.068238993710691822625058478025;0.107547169811320758592287916144;0.136477987421383645250116956049
-0.027651515151515152629579930021;0.089772727272727267933127848210;0.173484848484848491745324849944;0.003787878787878787983922634908;0.056439393939393942001281345711;0.084469696969696972388419453637;0.047727272727272729291314590228;0.096969696969696969612861892074;0.121590909090909096712529446904;0.089772727272727267933127848210;0.093181818181818185098386209120;0.115151515151515157486805662757
-0.043840579710144926550707822344;0.080797101449275363083124545938;0.190217391304347838154598093752;0.016304347826086956069202571484;0.042028985507246374719869663750;0.063768115942028982812139759062;0.028985507246376811946175777734;0.097463768115942026049047797187;0.114492753623188406320032584063;0.109782608695652178498747275626;0.105797101449275357532009422812;0.106521739130434778264344686249
-0.039837398373983742838611021853;0.129674796747967474574991797454;0.101219512195121957853771732516;0.142682926829268280632945220532;0.026016260162601625993694653971;0.101626016260162599369465397103;0.026016260162601625993694653971;0.042682926829268295898511809128;0.079268292682926830283740571303;0.093902439024390244037832076174;0.093495934959349588644350603772;0.123577235772357726939496558316
-0.072777777777777774570466817750;0.072222222222222215437525960624;0.110000000000000000555111512313;0.092777777777777778456247403938;0.038333333333333330372738601000;0.089999999999999996669330926125;0.011111111111111111535154627461;0.091111111111111114935212640376;0.108333333333333337034076748751;0.131111111111111122706773812752;0.083888888888888887840344921187;0.098333333333333328152292551749
-0.042553191489361701094207290907;0.103900709219858153331550454368;0.128014184397163111039930072366;0.012411347517730497019838864503;0.054964539007092201583493107364;0.081914893617021269922595649859;0.036170212765957443501463330904;0.077304964539007092749756111516;0.113120567375886521555017338869;0.106028368794326241508763075672;0.103900709219858153331550454368;0.139716312056737596014599489536
-0.042592592592592591616007524635;0.118148148148148154912284724105;0.121111111111111113824989615750;0.005185185185185185036127464286;0.060370370370370372847812490136;0.082592592592592592448674793104;0.059629629629629629650189315271;0.050370370370370370904922197042;0.140000000000000013322676295502;0.098148148148148151026504137917;0.085185185185185183232015049271;0.136666666666666658525031152749
-0.112356321839080453006687321249;0.039942528735632185088455514688;0.103735632183908049741560830626;0.052011494252873560761862847812;0.053448275862068968244944500157;0.060344827586206899183718377344;0.020114942528735631904757141797;0.037068965517241377061186113906;0.204885057471264370176911029375;0.135632183908045989007007392502;0.078160919540229883972770608125;0.102298850574712649197373082188
-0.015833333333333334674852821422;0.161250000000000004440892098501;0.128333333333333327042069527124;0.001250000000000000026020852140;0.051249999999999996946886682281;0.082916666666666666296592325125;0.054583333333333330927850113312;0.050833333333333334536074943344;0.094583333333333338699411285688;0.064166666666666663521034763562;0.094583333333333338699411285688;0.200416666666666659635254177374
-0.053333333333333336756520992594;0.139666666666666661189566411849;0.098666666666666666407614627587;0.000000000000000000000000000000;0.096000000000000001998401444325;0.095000000000000001110223024625;0.034000000000000002442490654175;0.017666666666666667323548622903;0.119333333333333332926251557637;0.058999999999999996891375531050;0.095666666666666663743079368487;0.191666666666666679619268620627
-0.006989247311827957200025540629;0.127956989247311830881770333690;0.096236559139784946803608534083;0.002150537634408602148672340348;0.015591397849462364927353164035;0.261290322580645162364731959315;0.026881720430107527292085123349;0.054301075268817201868731814329;0.052150537634408598852697735992;0.056451612903225804884765892666;0.169354838709677407715403774091;0.130645161290322581182365979657
-0.001388888888888888941894328433;0.126944444444444443087505192125;0.060277777777777777346024379312;0.000833333333333333386820640509;0.013333333333333334189130248149;0.354166666666666685170383743753;0.010833333333333333703407674875;0.032500000000000001110223024625;0.036944444444444446418174266000;0.036944444444444446418174266000;0.206388888888888899497686679751;0.119444444444444450303954852188
-0.025980392156862746472212322146;0.072058823529411758501694862389;0.204901960784313719177163193308;0.006372549019607843048818018872;0.036274509803921571593487982454;0.059313725490196075873505776599;0.014705882352941176266503120473;0.109803921568627449456556632867;0.108823529411764707841570043456;0.127941176470588224844959768234;0.115686274509803926902051784964;0.118137254901960780939518258492
-0.008641975308641974481971281818;0.141975308641975300760762479513;0.158024691358024688137007274236;0.001543209876543209790877853038;0.039197530864197534239412590296;0.108641975308641974828915977014;0.026543209876543211178656633820;0.058333333333333334258519187188;0.081481481481481488060580886668;0.096604938271604934296732380972;0.107098765432098771976932027883;0.171913580246913583193801855487
-0.050000000000000002775557561563;0.075757575757575759678452698154;0.145757575757575752462003038090;0.091818181818181812681167741630;0.026666666666666668378260496297;0.057878787878787876786113031358;0.025757575757575756902895136591;0.102424242424242417648372338590;0.085151515151515144719240879567;0.146060606060606057443607141977;0.091515151515151521577351445558;0.101212121212121211599743730858
-0.109047619047619046006580845187;0.046666666666666668794594130532;0.106190476190476196238776651626;0.213333333333333347026083970377;0.020000000000000000416333634234;0.050000000000000002775557561563;0.021904761904761906043948016531;0.086190476190476192352996065438;0.086666666666666669627261399000;0.133333333333333331482961625625;0.063809523809523815973676619251;0.062857142857142861425145952126
-0.086868686868686872948330801592;0.020202020202020203737403036826;0.084343434343434345312751077017;0.351010101010100994400886520452;0.040404040404040407474806073651;0.035353535353535352203646624503;0.011616161616161616368381181985;0.069696969696969701679734043864;0.082828282828282834282518365399;0.114141414141414140881458649801;0.061111111111111109106541761093;0.042424242424242426807712291748
-0.074761904761904765526203675563;0.060952380952380952328084617875;0.123333333333333336478965236438;0.041904761904761902990834698812;0.068571428571428574838542147063;0.087142857142857146901526732563;0.022380952380952379848766398140;0.057142857142857141072855853281;0.139047619047619058774145628377;0.110952380952380955103642179438;0.078571428571428569842538536250;0.135238095238095240580022959875
-0.054597701149425290068073479688;0.105172413793103450285748579063;0.124137931034482756897929789375;0.004022988505747126380951428359;0.070689655172413795591879193125;0.081609195402298856381051450626;0.028735632183908045578224488281;0.043678160919540229278901222187;0.125287356321839071782164864999;0.122988505747126442013694713751;0.102873563218390806639490620000;0.136206896551724132571337122499
-0.046280276816608997836333116993;0.124711649365628604591016426184;0.128316032295271054142205002790;0.010668973471741637071286135097;0.077277970011534025118749013927;0.077998846597462520580101852374;0.065743944636678194881618253476;0.063437139561707031609749662948;0.117358708189158014723041389971;0.075980392156862738839429027848;0.074682814302191466437896849584;0.137543252595155707229679364900
-0.041109253065774807589516370854;0.127090301003344480212930989182;0.099219620958751392203467389663;0.003901895206243032477450016771;0.100334448160535119609626519832;0.096293199554069119905364004808;0.052814938684503903720823814183;0.033862876254180600266163736478;0.127926421404682272298103384855;0.061176142697881831511441674820;0.076086956521739135261839237501;0.180183946488294305376953730047
-0.061693861693861692940821228603;0.113442113442113440280323288789;0.082672882672882669341518635520;0.063247863247863245206303872692;0.128049728049728056555878197287;0.067443667443667448813116038764;0.079564879564879564810553347343;0.043822843822843821071089109864;0.139083139083139073477468627971;0.049728049728049728006595842089;0.051126651126651129208866564113;0.120124320124320130287465246965
-0.009520083463745434779190723873;0.150104329681794462780786147960;0.120370370370370363688472536978;0.000521648408972352609948297530;0.089462702138758481984481818472;0.093635889410537298527259508774;0.042253521126760562598434489701;0.015649452269170579382651098399;0.116588419405320817268112421061;0.062728221178925402945480982453;0.096504955659885233165695694879;0.202660406885759009076863890186
-0.030862533692722373540595626196;0.117789757412398915503715102204;0.150404312668463602253865474268;0.003099730458221024251980191266;0.055256064690026952812562655026;0.081536388140161730753163737972;0.050269541778975738999246658523;0.047035040431266848803826263747;0.112668463611859837048001509174;0.091374663072776279859610326639;0.113072776280323444852982106568;0.146630727762803225733279077758
-0.022844089091947458042275442835;0.122501427755568242927708411116;0.121644774414620210345461259749;0.001998857795545402708803361946;0.074957167332952601146445203995;0.093946316390633929915843225444;0.055968018275271272377047182545;0.041547687035979441461108763178;0.109223300970873779536240988364;0.079954311821816101413240573947;0.091090805254140497226877926096;0.184323243860651048153798114981
-0.028160040774719674594450680161;0.118119266055045871177675564923;0.116590214067278291620866070843;0.000637104994903160064094460591;0.095310907237512745848739825760;0.089194699286442399865926233815;0.072757390417940881466307700975;0.031345565749235471120215379415;0.127675840978593274632757470499;0.057849133537206928745710854400;0.078873598369011213571333485106;0.183486238532110101928651602066
-0.073167762356951548952110897517;0.089724859995130260004181366185;0.116873630387143906395053249980;0.038592646700754809629962949202;0.070976381787192593941782092770;0.051497443389335283148167121681;0.045045045045045042919618083488;0.061358655953250546000177223505;0.147431214998782561531598389593;0.081689797906014119388551364409;0.077550523496469445094980699196;0.146092037983929862177134850754
-0.072262450125609570261708825001;0.100339884734742132432749883719;0.120585192847642977409527986765;0.003103295404167282379309655838;0.066942515147037084943804075010;0.067238067090291120386780221452;0.037682872764888429573115757876;0.047288310920644303914084360940;0.137136101669868476493618913992;0.099601004876607057703097325430;0.089108910891089104788775898669;0.158711393527412453208214060396
-0.112281163617217322192587403151;0.077925496906673691333011788629;0.113860734500460705764801616624;0.007897854416216928269411923225;0.060023693563248652071973054944;0.061471633539555085856687099977;0.028958799526128734674879083855;0.047387126497301569616471539348;0.177043569830196118042309194607;0.103330261945504806031514988263;0.075819402395682508610796901394;0.134000263261813884474449309891
-0.092447916666666671292595935938;0.082682291666666671292595935938;0.137532552083333342585191871876;0.008300781250000000000000000000;0.061197916666666664353702032031;0.053710937500000000000000000000;0.040690104166666664353702032031;0.057291666666666664353702032031;0.141764322916666657414808128124;0.101725260416666671292595935938;0.076822916666666671292595935938;0.145833333333333342585191871876
-0.054529333530367964100182831544;0.124427368109945327145915427991;0.123245160336929213129586457853;0.005911038865080537989260545118;0.056450421161519138968376552157;0.080094576621841287455971780673;0.048027190778779371704843015323;0.052312693955962760727906868397;0.122949608393675191564398119226;0.092064430323629375951810516199;0.086301167430175851347229354360;0.153687010492093989455497649033
-0.063315030885380915726123873810;0.117021276595744683213240477926;0.125257378174330830100657863113;0.005319148936170212636775911363;0.053706245710363760548222700208;0.082875772134522990297611499955;0.053019903912148252933533854048;0.070693205216197665952115869459;0.119766643788606727549783670383;0.073438572409059710288659061916;0.090253946465339740523603495603;0.145332875772134523240097792041
-0.048130322102924845417692978344;0.095766999876588917994801875011;0.136122423793656660562234606004;0.005183265457238060182343364346;0.050721954831543875075183791523;0.068493150684931503047181422517;0.046279155868196961143290479868;0.044427989633469083807781885298;0.137356534616808578785907002384;0.101814142910033322841911740397;0.099716154510675059086111104989;0.165987905713933098228451967771
-0.089576962283384298224575559288;0.131243628950050955639383687412;0.109836901121304786332899539048;0.010703363914373088122689026136;0.051732925586136596640685070270;0.055810397553516820357000227659;0.058995922528032616882764926913;0.029051987767584098315554186343;0.144367991845056053978879617716;0.087920489296636081255620354113;0.094801223241590210077944789191;0.135958205912334345599745688560
-0.017878028404344194213226870716;0.181787802840434414841652710493;0.130492898913951549388912098948;0.002673350041771094514481132975;0.032581453634085211223947453618;0.100417710944026739028345218685;0.051294903926482872391634515452;0.024728487886382623933689828277;0.089390142021720964127240449670;0.077527151211361736149463297352;0.103926482873851297461520459819;0.187301587301587302292205095000
-0.096908939014202166717382169736;0.094235588972431075238667119720;0.109941520467836256758076274309;0.005346700083542189028962265951;0.067000835421888046972149766134;0.093233082706766917668872451941;0.025229741019214702718587162167;0.025898078529657475588265924671;0.156725146198830406207846976940;0.085045948203842938739605017417;0.088387635756056806557445781891;0.152046783625730985711754783551
-0.107280927835051539953603594313;0.060728092783505153995360359431;0.154639175257731964485685693944;0.008698453608247423002319820284;0.033666237113402060210365362991;0.040914948453608247780355355872;0.033344072164948453107502501780;0.075547680412371129299309302496;0.154317010309278357382822832733;0.134503865979381437290030021359;0.082635309278350513317867864771;0.113724226804123709766436434165
-0.080824972129319952451886877043;0.076226309921962095983438700841;0.142001114827201790902222455770;0.011845039018952062057077334600;0.061315496098104792233041138161;0.051003344481605351889985655589;0.052118171683389072357250881851;0.103818283166109248671915565865;0.119843924191750272889578354807;0.106465997770345599526820024039;0.078177257525083615474770226683;0.116360089186176143827289308774
-0.050183150183150185275060550794;0.114285714285714282145711706562;0.117032967032967033516044352837;0.003479853479853480067301996215;0.072710622710622715980655073054;0.086446886446886445076742688798;0.071794871794871789605352319086;0.074358974358974358476181976130;0.114835164835164829644220674254;0.062271062271062271875621263462;0.077838827838827839844526579327;0.154761904761904767191538212501
-0.023274853801169590600261827262;0.163391812865497088047561646817;0.118128654970760235687343708832;0.000233918128654970770017099135;0.053099415204678361568380040580;0.103976608187134500482784460473;0.095438596491228072649093405744;0.034970760233918131432151454874;0.094385964912280698180246929496;0.050292397660818714821839847673;0.084210526315789471785144826299;0.178596491228070169965391755795
-0.035478806907378333812541626457;0.163108320251177385529217644944;0.103453689167974885454448497057;0.015070643642072212992077950844;0.048194662480376765367751090707;0.090266875981161689979082041191;0.034222919937205650842138027201;0.057299843014128729046241517153;0.081632653061224483281854702454;0.081475667189952902247362942489;0.088226059654631081019537930388;0.201569858712715849202723461531
-0.051437451437451438274184312149;0.098523698523698521878344536162;0.130536130536130529078420181577;0.002020202020202020200267956085;0.087801087801087807083177949607;0.061693861693861692940821228603;0.068686868686868685074387030909;0.067132867132867132808904386820;0.144522144522144513345551786188;0.076612276612276611342799981230;0.068220668220668218006963456901;0.142812742812742810016857220035
-0.085848074921956299410119584081;0.089316684009712099534539220258;0.133021158515435306002316906415;0.013527575442247658649153052579;0.058099202219909815148035647780;0.054110301768990634596612210316;0.061567811307665629150243091772;0.081338883107873738431692345330;0.138917793964620200908299807452;0.091397849462365593486978809779;0.072320499479708630352625675641;0.120534165799514397798830600550
-0.072705778040490609548385236849;0.088813358947835083223587560042;0.135658341953598354789889413041;0.003398847347421309148668422395;0.057484852962908228324323545166;0.062804787941480713642228295157;0.058519284764297324619164442083;0.072410226097236587983196898222;0.135953893896852362477289943854;0.086153391458548833625741281139;0.090882222550613275813269353876;0.135215014038717301625425193379
-0.057239057239057242187918461696;0.102234465870829502320837889329;0.140495867768595045221857731121;0.005356596265687174444891649472;0.053719008264462811408357367782;0.054637281910009181939980038578;0.051117232935414751160418944664;0.057851239669421489209000242226;0.114172023262932353926402129218;0.111570247933884300617357610008;0.104224058769513308608800628008;0.147382920110192827678474714048
-0.100892244337680167531878794307;0.080473575840768696298965778624;0.135209334248455742555350411749;0.022477693891557997546426506119;0.052505147563486613548899839543;0.039464653397391899480872723416;0.045298558682223745430750483365;0.082532601235415239959714028828;0.145847632120796155685837902638;0.124399450926561433439232473575;0.074811256005490739395824562052;0.096087851750171579534587351645
-0.060741249142072753497423320823;0.083733699382292386959036889493;0.149450926561427582806018676820;0.010466712422786548369879611187;0.058167467398764584329828863929;0.054735758407687025439702921403;0.068977350720658886507052898196;0.101578586135895682085461544375;0.125257378174330830100657863113;0.098490048043925873533233072976;0.067261496225120107061989926933;0.121139327385037742779161362705
-0.065303030303030307202050153137;0.097575757575757579576070099847;0.106060606060606063549833777415;0.001818181818181818180241160476;0.110757575757575763009121772029;0.070151515151515145274352391880;0.077575757575757575690289513659;0.051818181818181818787394377068;0.149090909090909079504072565214;0.056515151515151518246682371682;0.074848484848484844733640386494;0.138484848484848488414655776069
-0.097174163783160322216403415041;0.082900807381776242532822607245;0.133794694348327553035105097479;0.014273356401384083153027759749;0.056660899653979239498635678274;0.046856978085351788654300264625;0.073961937716262970976544011137;0.082468281430219142480453342614;0.134083044982698962321876479109;0.096597462514417531398436267409;0.084486735870818910343338359326;0.096741637831603236041821958224
-0.043441938178780281631929938158;0.128822055137844615479991716711;0.147368421052631565215662590163;0.001670843776106933908920382237;0.060985797827903087675593951644;0.063826232247284883647431286136;0.080868838763575603967304061825;0.047117794486215537619333559860;0.117126148705096078117549041053;0.076190476190476197348999676251;0.081537176274018380306429776283;0.151044277360066842019747923587
-0.041776837652035957171303692803;0.132381456019742632657099079552;0.126211880839062234871406076309;0.001586462189317821257217300257;0.060461836770668075935475371807;0.087784241142252777967414090199;0.071919619249074570599411515559;0.054468535166578527229042094859;0.114754098360655740207469932557;0.068570421293848049515418097144;0.082319760267935832009911223395;0.157764851048827786650363691479
-0.092896174863387984133034080969;0.091133439097479285173619700799;0.108408249603384451709153779575;0.008989952406134321324926439445;0.057112638815441568729269761207;0.061166931077031555519241123875;0.065044949762030665474377144619;0.060285563194077206039533933790;0.167459897761325582354885455061;0.072448439978847173348341925703;0.091133439097479285173619700799;0.123920324343380933163061285995
-0.079748822605965469234590159431;0.079748822605965469234590159431;0.128414442700156977705816530033;0.044113029827315540509768965194;0.048979591836734691356891602254;0.050078492935635793292803441545;0.024175824175824176670568377290;0.083987441130298268188170141002;0.130298273155416005630868880871;0.131083202511773938558903296325;0.079277864992150712253327071721;0.120094191522762946955360519041
-0.052119309262166402252347552349;0.131397174254317100627886816255;0.154788069073783368656549441766;0.001726844583987441035868859451;0.049764521193092624284926017708;0.051648351648351645271084464639;0.063422291993720569802661657377;0.062323390894819467866749818086;0.119937205651491365920868759076;0.074097331240188385459433106917;0.094348508634222921775958070612;0.144427001569858715068761512157
-0.066403568977350724278352345209;0.082361015785861357851871389357;0.107584076870281403204288039888;0.003946465339739190468504315135;0.124227865477007551331389834104;0.065545641729581327616926955670;0.100377487989018535086138683710;0.071207961564859298397855980056;0.166781056966369245486703221104;0.060054907343857238943840570755;0.054907343857240907547545560874;0.096602608098833225858115270057
-0.059025394646533974052360349560;0.106211393273850374097122539752;0.141557995881949200134286570574;0.010981468771448180815619721784;0.067261496225120107061989926933;0.060226492793411121051683210226;0.072580645161290327505021480192;0.057995881949210709160880128366;0.131262868908716551219484358626;0.076183939601921754625202254374;0.077728208647906651962422586166;0.138984214138641037905586017587
-0.061686197916666664353702032031;0.103515625000000000000000000000;0.125000000000000000000000000000;0.002929687500000000000000000000;0.108886718750000000000000000000;0.059082031250000000000000000000;0.072265625000000000000000000000;0.061197916666666664353702032031;0.148437500000000000000000000000;0.057128906250000000000000000000;0.063476562500000000000000000000;0.136393229166666657414808128124
-0.066231983527796842170509705738;0.115305422100205903768177506663;0.119766643788606727549783670383;0.006691832532601235672409245581;0.065030885380919695171186845073;0.063829787234042548171863984408;0.075669183253260122179462143777;0.055765271105010297270077046505;0.123713109128345918885649723507;0.076012354152367872517359614903;0.078586135895676048623847975705;0.153397391901166774141884729943
-0.042424242424242426807712291748;0.119090909090909094492083397654;0.152424242424242434301717707967;0.003333333333333333547282562037;0.055000000000000000277555756156;0.066515151515151513250678760869;0.058636363636363639240123291074;0.054242424242424244762439400347;0.109393939393939390591903304539;0.075606060606060607187650646210;0.101515151515151516581347834745;0.161818181818181805464718081566
-0.056641604010025062287958519391;0.101587301587301587213474363125;0.132497911445279864528501434506;0.000668337510442773628620283244;0.108103592314118632233821415412;0.054803675856307437763703660494;0.105430242272347540755106365395;0.072013366750208848698910912844;0.136675020885547199300802390098;0.056808688387635752903292996052;0.053299916457811194470117754918;0.121470342522974103505184473306
-0.111368496079828932510125127919;0.087312900926585890193365457890;0.141126158232359216748719177303;0.007483962936564505022407622903;0.047220242337847467828382264088;0.040805416963649324135765539268;0.126514611546685667997635960091;0.116001425516749828714679892983;0.119030648610121164709951813165;0.056842480399144690306201255225;0.059871703492516040179260983223;0.086421952957947259510440574104
-0.143632210165619639274936503170;0.051541976013706455872487310899;0.120788121073672191641001916196;0.019131924614505996240509944073;0.043546544831524841567826911160;0.042547115933752141514467837169;0.034266133637921185328689688276;0.044688749286122216031191811680;0.163049685893774998213245908119;0.138777841233580806479253055841;0.085094231867504283028935674338;0.112935465448315244807453439080
-0.064453125000000000000000000000;0.113118489583333328707404064062;0.094401041666666671292595935938;0.000651041666666666630526594250;0.093587239583333328707404064062;0.084960937500000000000000000000;0.041666666666666664353702032031;0.027343750000000000000000000000;0.154459635416666657414808128124;0.066731770833333328707404064062;0.084635416666666671292595935938;0.173990885416666657414808128124
-0.108477237048665617336062894083;0.070800627943485086590591492950;0.127786499215070653567849490173;0.005965463108320251048311000375;0.095918367346938773754239093705;0.048665620094191522349014178417;0.068916797488226058665539142112;0.081161695447409726300591614745;0.138461538461538469224620939713;0.082417582417582416209889117908;0.060753532182103608949574891085;0.110675039246467821207886572665
-0.070531125071387784641885332348;0.086664762992575666844530246635;0.141633352370074239168218355189;0.002855511136493432255284430354;0.048829240434037690654633934173;0.046544831524842948666798037038;0.152341519131924618690732131654;0.165619645916619068204411746592;0.098515134209023413891515019714;0.048686464877213023183522011550;0.047115933752141632429033535345;0.090662478583666480935754350412
-0.022789539227895391076961217891;0.098630136986301367163498809987;0.165130759651307607027703738822;0.003362391033623910244210186704;0.034620174346201744441930969742;0.056662515566625153151658622619;0.098132004981320047898307734613;0.153300124533001236315499227203;0.076214196762141972474324802533;0.082938978829389789493298223988;0.085305105853051052533508880060;0.122914072229140719505480205953
-0.039622641509433960405051067255;0.094339622641509440770235528362;0.206199460916442062208275842750;0.003638814016172506674018372053;0.038679245283018866274904468128;0.054582210242587601844999056766;0.052964959568733156747288859378;0.069272237196765493183470141503;0.107951482479784366397268513538;0.111320754716981135112874312654;0.095283018867924534900382127489;0.126145552560646911910424705638
-0.034501347708894881949337474225;0.100539083557951477998493317045;0.164016172506738555636474075072;0.002425876010781671116012248035;0.061455525606469003918608251524;0.054851752021563345007582057633;0.095283018867924534900382127489;0.057816711590296498979313355449;0.110781671159029648787708310920;0.090970350404312672054629729246;0.083962264150943391460835130147;0.143396226415094335537858682983
-0.021668742216687422730281298300;0.137110834371108353257895373645;0.132752179327521785401344800448;0.021170610211706103465090222926;0.051058530510585307948812072709;0.088418430884184315288187860915;0.047945205479452052133026995762;0.047322540473225406520985103498;0.104109589041095892958388446914;0.075342465753424653351899564768;0.094271481942714813184736044605;0.178829389788293907637140023326
-0.065504358655043587456034970273;0.063760896637608963088972302558;0.147696139476961391112652677293;0.011457036114570360446629493367;0.099750933997509338979625681532;0.039352428393524284400140089701;0.065130759651307601476588615697;0.100373599003735991530561477703;0.134993773349937729033598543538;0.087422166874221662880017902353;0.070361145703611460699988811029;0.114196762141967625425742483003
-0.036036036036036035723473247572;0.111069974083672709519454713245;0.136862890287547833700898536335;0.004813032210292484021352255041;0.092928544983339508855912924901;0.062939651980747871040655638808;0.081081081081081085581985234967;0.055781809206466741180019397461;0.113785017894606932387091546843;0.072565716401332844287530576821;0.077748981858570903602512203179;0.154387263976305061374816318676
-0.062941319698076453326152090995;0.092646700754808866684619772514;0.135135135135135142636642058278;0.039566593620647676210477783343;0.062089116143170197670286825087;0.053080107134161190474141989171;0.099099099099099099974274906799;0.067202337472607745483266228348;0.123569515461407347656219712917;0.088994399805210622211859572417;0.068663257852447034945697623698;0.107012417823228636604149244249
-0.082176870748299324365149232108;0.088163265306122451381298787965;0.132789115646258504277454903786;0.031292517006802723911196295603;0.048571428571428570952761560875;0.055102040816326532113311742478;0.033877551020408160076247128245;0.081768707482993197022125286821;0.122585034013605445601946541956;0.124353741496598640958737291839;0.088299319727891151243781564517;0.111020408163265305034883567714
-0.163588000591103899239442398539;0.052608245899216789231989110931;0.113639722181173338788617854789;0.032510713757942955037805177199;0.063691443771242792215581118853;0.037091768878380372564951272807;0.029259642382148662309582221042;0.071375794295847491688356001305;0.160189153243682574911943561347;0.142899364563322001098200075830;0.065464755430766963240074574060;0.067681395005172159673456633300
-0.070807453416149065961171515937;0.094962042788129738535296553437;0.136231884057971014412302679375;0.010904071773636990830280701914;0.060317460317460318275362141094;0.066942719116632160014646046875;0.057280883367839888209438470312;0.071773636991028288978355931249;0.119392684610075919260374632813;0.083229813664596266620243625312;0.092615596963423044152285967812;0.135541752933057285668283498126
-0.080680272108843542611111843144;0.068435374149659861098271562696;0.148027210884353749298369962162;0.015510204081632653419497991365;0.041224489795918368983951296514;0.047755102040816323205607574209;0.045714285714285714246063463406;0.103809523809523809867449983813;0.125986394557823122575257457356;0.144761904761904758309754015499;0.079727891156462588062581176018;0.098367346938775510056807149795
-0.086349874950638408344083529755;0.094247729366855340082942404933;0.114913781755956304064802964149;0.016453863367118598537430784745;0.100829274713702773946799595706;0.060813479004870343858080161681;0.037646439383967354730398113816;0.046728971962616820678970697145;0.141766486771093852548020208815;0.083980518625773326046868305639;0.081874424114782157202441226218;0.134395155982624719959162007399
-0.051707474226804120420730725982;0.104542525773195879579269274018;0.131121134020618562709969978641;0.001932989690721649556071071174;0.092622422680412375139979985761;0.052190721649484538013918921706;0.077963917525773196448568569394;0.088112113402061861822112120990;0.120489690721649486682132135229;0.073775773195876290233563565835;0.076192010309278357382822832733;0.129349226804123723644224241980
-0.051564625850340134460836338803;0.103809523809523809867449983813;0.112108843537414959445897011392;0.006122448979591836419611450282;0.077959183673469392705790426135;0.065034013605442170247172839481;0.062585034013605447822392591206;0.084217687074829933324693342911;0.135782312925170067785529681714;0.077142857142857138019742535562;0.086258503401360542284237453714;0.137414965986394549402049847231
-0.071319253137434951428375029536;0.083715947352310984830303652870;0.127793082338536895248282121429;0.011478420569329659400859000584;0.064279155188246103747040649523;0.059993878175696360721680377992;0.066421793694520961381932977474;0.065962656871747779585568594030;0.129170492806856440637375271763;0.122130394857667579078253083935;0.095347413529231705986433098587;0.102387511478420567545555286415
-0.050256996002284406999116583847;0.097944031981724730129279521407;0.100228440890919479056009322449;0.010993717875499714464737621711;0.070245573957738435821873679288;0.121787549971444891694360990186;0.038263849229011992481019888146;0.046830382638492290547915786192;0.124500285551113643034426559097;0.102941176470588230396074891360;0.100085665334094797707109592011;0.135922330097087373790287756492
-0.067150866462793071254289145600;0.091488277268093776140034378841;0.126274209989806318610305879702;0.011977573904179408467718381814;0.058868501529051986409513119725;0.070463812436289505192199555950;0.031982670744138637364262223173;0.049439347604485220366576925244;0.134046890927624867684286869007;0.110474006116207945638052478898;0.095820591233435267741747054515;0.152013251783893993396290511555
-0.046070817427932078680363758849;0.097801763854152956589871337201;0.118862708964064756056444593924;0.037778070290904304517898282256;0.075951033302619458398297069834;0.070159273397393709381653081891;0.050283006449914437185899629412;0.052915624588653419058115190410;0.146110306700013153902162343911;0.069237857048835060869151902807;0.079505067789917074905226002102;0.155324470185599583516022903495
-0.096497709472439782696362442493;0.080981232451603366029324604369;0.115413033840697495935323502181;0.010935421900398995670444790562;0.127826215457366637595626457369;0.039012856509531547433144993420;0.087778927146445986928746663125;0.091029998522240279656969619282;0.165509088222255074107636119152;0.046106103147628196836649294710;0.046106103147628196836649294710;0.092803310181764450681463074488
-0.078768909754825242042208799376;0.093505477308294213112382919917;0.121674491392801245592814041174;0.020865936358894107000017115183;0.074726134585289510914307697931;0.061032863849765257857615807779;0.044470526864893063223593827615;0.057120500782472612144591295191;0.140975482524778289450395618587;0.088158581116327600080140314276;0.083724569640062598829821638446;0.134976525821596249343770068663
-0.065025668026852709302509936151;0.091746742135053307998227012376;0.125707516124786089495302121577;0.005791759905225747281920511966;0.062129788074239834794187942180;0.070685797025141508531653755654;0.048045281031986311615078477644;0.050941160984599186123400471615;0.149269448466499921046590770857;0.101882321969198372246800943230;0.090298802158746874213512967344;0.138475714097670121738303805614
-0.087636932707355244542846151035;0.091549295774647890255870663623;0.101721439749608760783061711663;0.006129368805425143736098636538;0.073030777256129372765336427165;0.062597809076682317530604393596;0.038862806468440272422704140354;0.037167449139280127334838965680;0.172926447574334896106762471391;0.086071987480438177930963661311;0.087636932707355244542846151035;0.154668753260302549445981412646
-0.077207826546800639722079040439;0.099947117927022738337328178204;0.139079851930195674825085916382;0.012162876784769963839361039959;0.068041600564075446766487687000;0.042481931958399436755069444871;0.055173629472942006812807846927;0.046712497796580293440982245556;0.154944473823373868315300683207;0.099418297197250135588397768061;0.076326458663846283303477946447;0.128503437334743508824175250993
-0.034746970776906631328539987180;0.109052031361368498285635553202;0.104240912330719887046726057633;0.001781895937277263100573243548;0.081254454739843190447246001895;0.104953670705630788817508403099;0.055416963649322879825742660387;0.066464718460441912784020246363;0.131682109764789723183042724486;0.057555238774055592076983600691;0.079828937990021386905681310964;0.173022095509622247933023686528
-0.033918128654970756963304978626;0.140350877192982448349312107894;0.092898913951545536438203498619;0.000835421888053466954460191118;0.085380116959064333848061778554;0.104093567251461988076854936480;0.050626566416040102991402704902;0.029908103592314119745232403602;0.124477861319966576214568476644;0.054302422723475352039912422697;0.090893901420217207420826355246;0.192314118629908104018966241711
-0.066191042409829564663326095797;0.126833135156559639877826839438;0.079468886246531908468249127964;0.001783590963139120152622374427;0.080261593341260401013315117780;0.096313912009512489542650826024;0.042211652794292509049967065948;0.013079667063020213729762630805;0.157550535077288944574291917888;0.070947284978200561567085458137;0.073523583036068179685784684807;0.191835116924296472662447854418
-0.076698695950583387070942364971;0.074124914207275224842241811984;0.106897735072065888650705289820;0.002402196293754289661837031389;0.085621139327385034634154692412;0.079444063143445431407485557429;0.044783802333562112985010372768;0.057481125600549076715140017768;0.189258750857927260380364486991;0.084248455730954019404777000091;0.073095401509951959950761590790;0.125943719972546330776452805367
-0.059363525091799262956016036696;0.087515299877600982725311951071;0.109547123623011014026396026111;0.005711954304365564859258252994;0.077519379844961239234280014898;0.075479396164830681037472004391;0.060995512035903712289020006665;0.055691554467564262365097960128;0.152386780905752750037152054574;0.092411260709914316846536053163;0.077927376580987348098084055437;0.145450836393308857719119941976
-0.070998116760828622329171366800;0.088323917137476462557721390567;0.092655367231638419145411944555;0.014689265536723164137788977257;0.093596986817325797392008723818;0.093408662900188330069362052654;0.034463276836158192317771664648;0.046327683615819209572705972278;0.152542372881355942082493015732;0.083050847457627113845646249501;0.073446327683615822423668362262;0.156497175141242950147102419578
-0.024879890185312284606178323543;0.140528483184625935242806349379;0.095401509951956078858792409392;0.000514756348661633529942283083;0.091626630061770755752981187925;0.112560054907343859431634314205;0.057309540150995194607297378298;0.025737817433081674328709809174;0.126801647220315727437878194905;0.051475634866163348657419618348;0.091626630061770755752981187925;0.181537405628002745938687212401
-0.071097647897362795110787203612;0.087491090520313619105507996210;0.112081254454739848158695281199;0.014789736279401282867396183462;0.083214540270848180725238307787;0.063257305773342833998817980046;0.052387740555951529952682932390;0.068959372772630075920652359400;0.142017106200997861309431868904;0.090876692801140412925064993033;0.071275837491090524022929741932;0.142551674982181048045859483864
-0.115367965367965369383185247898;0.064285714285714279370154144999;0.089177489177489174809743133210;0.012121212121212121201607736509;0.086796536796536802316204273211;0.076190476190476197348999676251;0.035497835497835500406793585171;0.114285714285714282145711706562;0.146753246753246746614252060681;0.066233766233766228070933834715;0.063852813852813855577394974716;0.129437229437229434081402246193
-0.098579782790309100626302551973;0.064494569757727646108769192779;0.091729323308270674375286546365;0.004344193817878027989720646218;0.099749373433583962689219504227;0.074018379281537177716288056217;0.044444444444444446140618509844;0.040434419381787801983652030913;0.201837928153717621748697297335;0.066332497911445284510811859491;0.083040935672514623600015681859;0.130994152046783635112703336745
-0.075703527546571544593057012662;0.087594133967499016035773706790;0.091755846214823619244604913092;0.000396353547364248928828317498;0.105231866825208089655241394667;0.082045184304399526586948354634;0.038644470868014271780488400054;0.039437177962742764325554389870;0.191240586603250106723095314010;0.060642092746730082153394647548;0.077090764962346416955263350701;0.150217994451050329551833328878
-0.103648863035430985335416664839;0.070333157059756748474832477314;0.089194429754979723257157786520;0.007756037369998237257506801257;0.098536929314295793047584481883;0.071390798519301953972693297601;0.043187026264762909399941293032;0.036664903930900757944577605940;0.188965274105411612515226238429;0.077912920853164105428056984692;0.078441741582936722054775202650;0.133967918209060454781678117797
-0.091300940438871477922155861506;0.078957680250783701669803349432;0.116771159874608149165098325284;0.013322884012539185083490167472;0.080329153605015676808953628552;0.068181818181818176771713524431;0.052507836990595614656829326350;0.083659874608150469610379218466;0.140673981191222569053778101988;0.095611285266457679554719106818;0.062304075235109716845993688139;0.116379310344827582857085701562
-0.045438346400570206462532496516;0.088203848895224520876290341675;0.112437633642195292105192550025;0.010691375623663578603439461290;0.088916607270135422647072687141;0.084105488239486811408163191572;0.053991446899501069345284065548;0.081432644333570919359388540215;0.136671418389166077211882566189;0.083749109052031367461665922747;0.082858161083392736778741038961;0.131503920171062022026475801795
-0.040805416963649324135765539268;0.084818246614397713178945537038;0.105131860299358517729650941419;0.002494654312188168340802540968;0.100855310049893079349381252996;0.091054882394868141837207531353;0.041339985744832503933299250320;0.062544547398431932228035634580;0.149501069137562364597116015830;0.066821097647897356730517515189;0.084105488239486811408163191572;0.170527441197434070918603765676
-0.088194921070693210740643053214;0.097632120796156490749595491252;0.105010295126973227097799679086;0.001887439945092656131894748306;0.086135895676046667079894803010;0.080988332189430342622493697036;0.043067947838023333539947401505;0.046842827728208649706864719064;0.155799588194921068140530451274;0.068462594371997254061312787599;0.074639670555936857287981922582;0.151338366506520244358924287553
-0.034568781183178902416397448860;0.146293656450463299689701557327;0.084996436208125442091088075358;0.011760513186029936463783407419;0.076443335709194579208336506326;0.104597291518175344871011134273;0.049893086243763366816050819352;0.043121881682109765299149017892;0.114397719173200282383184855917;0.057555238774055592076983600691;0.077512473271560938803403928432;0.198859586600142551615633124129
-0.065560567010309281354984989321;0.108086340206185571588548555155;0.093750000000000000000000000000;0.006926546391752576997680179716;0.081507731958762888457847850532;0.091011597938144325747877871891;0.042686855670103093784994996440;0.056056701030927837126061064055;0.135792525773195865701481466203;0.073614690721649486682132135229;0.081346649484536084906416419926;0.163659793814432991121421423486
-0.080185317177476830852178579789;0.068068424803991445237727475615;0.121347113328581612812229195697;0.040627227369921595223623000948;0.091054882394868141837207531353;0.056486101211689239420810082493;0.042765502494654314413757845159;0.085531004989308628827515690318;0.162330719885958651982349465470;0.090342124019957240066425185887;0.055238774055595150913600122067;0.106022808267997148412575825205
-0.058956185567010307990720718863;0.061694587628865982242842846972;0.108247422680412375139979985761;0.015463917525773196448568569394;0.149001288659793812430010007120;0.079896907216494839065745736661;0.029155927835051546892497498220;0.051224226804123709766436434165;0.177996134020618562709969978641;0.072648195876288665373543551596;0.068460051546391759158538548036;0.127255154639175249720040028478
-0.018012548067192876016795466398;0.153815017202995341083493485712;0.105950212507589555666065450623;0.005970451325642582227071208933;0.078627808136004853634126732231;0.100991702084598261590642209740;0.065776158672333537302812089820;0.026411657559198543215872589940;0.107265735681036228355011985514;0.054746002833434524725841896498;0.090872293058085404360291192916;0.191560412871888269270570503977
-0.030371203599550054830213952073;0.111454818147731532507194174286;0.170884889388826399780896281300;0.008342707161604798540843752619;0.041713535808023997908389191025;0.070959880014998130692838174127;0.034683164604424443488994711515;0.049962504686914134544029053586;0.106767904011998496227597854613;0.114266966629171351499394404527;0.104330708661417317917319280696;0.156261717285339329919224837795
-0.036981955185405514241470115167;0.110053539559785848456208157131;0.153380924053142964069706977170;0.000594883997620464038090515313;0.079119571683521711102926587955;0.064445766408883595199874605441;0.051754907792980371639135483974;0.033610945865556213218994230374;0.128395796153083469048894471598;0.080408487011699392166264033222;0.087646242316081701684282734277;0.173606979972238756326774478111
-0.030696202531645570138474354849;0.107489451476793243522855902938;0.143354430379746822232789327245;0.000210970464135021100980649233;0.070780590717299571301701632819;0.082489451476793249073971026064;0.073628691983122357411772895830;0.054219409282700421759404463273;0.123523206751054853702598279597;0.067827004219409278706898192013;0.079535864978902956479167585258;0.166244725738396631475879416939
-0.028626506024096384089849820498;0.127421686746987949945264517737;0.112481927710843379597527302849;0.003759036144578313184960727256;0.099277108433734939652026696422;0.089542168674698788266574922545;0.053301204819277109292485761216;0.045783132530120479453117354751;0.097253012048192769012366909465;0.079710843373493975305699166256;0.083084337349397588412536208580;0.179759036144578304705632376681
-0.036114911080711353807970454000;0.114181486548107613554492445473;0.131691746466028269946235695897;0.003556771545827633329572847742;0.086639306885544914438312957827;0.067487460100319196509843777676;0.064386684906520746940472577080;0.037391700866393068336535066010;0.131509347925216596442155037039;0.072868217054263564880223214004;0.084632922936616505893425710383;0.169539443684450535920760216868
-0.096098680436029829121657996893;0.072097915471409451670936618939;0.122489959839357426263362071950;0.016351118760757316072940170670;0.062440237139032322977172384526;0.052782558806655194283408150113;0.029355517307324534986845421258;0.056511761331038440347995788215;0.169726525148211904170381103540;0.108051252629565885943208058961;0.074584050487664949047328377674;0.139510422642952769400892520935
-0.046827466318991740890087527305;0.085832246849196006110993550919;0.168187744458930893420856023113;0.008909169926119078763981917746;0.061929595827900911497732039379;0.047044763146458064284605171679;0.044980443285528033670050973569;0.053672316384180789039515246941;0.125054324206866573909735507186;0.119187309865275967157849379419;0.084311169056931770104945655930;0.154063450673620178088540910721
-0.036408036408036408004829098672;0.091020091020091023481519698635;0.156621156621156609745071364159;0.001443001443001443000191397203;0.092463092463092463879625881873;0.049062049062049063741230980895;0.088911088911088911879154750295;0.060717060717060719610138619373;0.128316128316128319486466580202;0.076590076590076591744882250623;0.078033078033078032142988433861;0.140415140415140415885986158173
-0.045108433734939758219528727068;0.090891566265060244611539985726;0.165879518072289150465437046478;0.004144578313253012395722674199;0.053204819277108433839273970989;0.050698795180722892872449136803;0.073734939759036138839931595612;0.106602409638554218584971522432;0.106891566265060244944606893114;0.096385542168674703811248605234;0.075373493975903607666744221660;0.131084337349397589411736930742
-0.034409638554216866179746858734;0.109975903614457831691808564756;0.172915662650602403038746501807;0.003277108433734939822029597067;0.052915662650602407479638600307;0.044819277108433731859893356386;0.100337349397590355759568581107;0.082120481927710847758206114122;0.098024096385542172638061231282;0.082987951807228912959324418352;0.086361445783132526066161460676;0.131855421686746993037431252560
-0.076158352565240547416003380476;0.065151784129238415887996893616;0.136783241611929701209149357055;0.046777915853009055524580617202;0.070655068347239474713106233139;0.046955441150363930180589022712;0.040653293094265935403441858398;0.072696609266820519379415088679;0.143085389668027695986296521369;0.094887271436179657091436467908;0.071187644239304098681131449666;0.135007988638380982404640917593
-0.127749091604513281827948389946;0.066073819085867277478563153181;0.090552686938229112745268878371;0.034327787339835533209075890682;0.150602409638554229909246373609;0.041690571811053740713948201346;0.058519793459552493786191007530;0.054886211512717539284800238875;0.179384203480589032864145337953;0.067603748326639886978561833075;0.040447504302925992025752321979;0.088162172499521893054286181268
-0.037740037740037743474452724968;0.110556110556110559484110922313;0.100899100899100896411297867417;0.000000000000000000000000000000;0.116994116994116992280794420367;0.074814074814074815744646684834;0.077478077478077472806106129610;0.031746031746031744269487262500;0.150627150627150624417893709506;0.054390054390054391741937678262;0.068598068598068592804928300666;0.176157176157176159625450395652
-0.014139344262295081358637993674;0.121413934426229511154282647567;0.127766393442622944176534360849;0.000204918032786885245723901283;0.096106557377049178780836768965;0.074077868852459011206335048882;0.086885245901639346355338489047;0.035963114754098357561673537930;0.116086065573770491621274913996;0.059528688524590166186722939301;0.080225409836065575408525774037;0.187602459016393441348924397971
-0.094265060240963857718377028050;0.070168674698795174826670972834;0.121349397590361451904072964680;0.050024096385542171638860509120;0.069397590361445785078764458831;0.044626506024096387892363679839;0.028240963855421685746449611543;0.070265060240963850279882763061;0.150072289156626514916581527359;0.119036144578313254904777807042;0.069783132530120486891611619740;0.112771084337349392079374865716
-0.070532280914794576176518603461;0.065472576401538154500236998956;0.103015583889900827485597289979;0.020845982594616473126958311468;0.139749038656142493541878479846;0.045436146529042702180145596458;0.055960331916616069813930067767;0.061121230520137626029963939800;0.158469945355191266234129443546;0.089455575794373604070486294404;0.062031977332523781376583116298;0.127909330095122453219147473646
-0.026848937844217150849868147588;0.110444531864673484156114113830;0.166011014948859170203832036350;0.000590086546026750589574727535;0.088906372934697094900791114469;0.048288749016522421186881075528;0.103363493312352477948579121403;0.096282454760031471741044128976;0.098151062155782842211237948504;0.056353265145554679027561917337;0.072974036191974817056049573694;0.131785995279307621697029162533
-0.045358649789029537036100236946;0.094936708860759499994941279510;0.167616033755274257410761151732;0.001793248945147679412545627109;0.068670886075949372218119037825;0.053059071729957808793987084073;0.045991561181434596761175015445;0.042194092827004217594044632733;0.140189873417721516668521530846;0.102742616033755271298666400526;0.090611814345991567587468296097;0.146835443037974688884617080475
-0.078375286041189928809558296052;0.061327231121281466919015201711;0.144851258581235708966516995133;0.013615560640732264630070602607;0.072654462242562931062472841859;0.051830663615560643164847931530;0.024485125858123568676205650263;0.049199084668192220870519548725;0.161899313501144170857060089475;0.125972540045766578931107915196;0.088329519450800919599942062632;0.127459954233409611390470672632
-0.070184426229508198313844502536;0.090368852459016393852131443509;0.122540983606557379870238833064;0.001536885245901639315824205312;0.097336065573770488845717352433;0.057991803278688525136175258012;0.044774590163934424591474225963;0.030840163934426231134855456162;0.165778688524590156472271473831;0.079610655737704913437191578396;0.080840163934426223502072161864;0.158196721311475413385139177080
-0.057836520434945630497747259824;0.095988001499812528050092907961;0.125609298837645294577569643479;0.019028871391076115221485665074;0.077802774653168357832377921568;0.062429696287964006606863165416;0.068616422947131605614146110383;0.057649043869516310156786431662;0.126734158230221216623334612450;0.085395575553055866335760981656;0.076771653543307089018199462771;0.146137982752155975996188885802
-0.027151639344262294001319801851;0.121618852459016393852131443509;0.140471311475409837976613403043;0.004098360655737705131318460161;0.086782786885245905006414091076;0.067827868852459019533007733571;0.106967213114754100544701032049;0.053893442622950822606942011816;0.107069672131147541893625430021;0.058401639344262297470766753804;0.081557377049180326822330755476;0.144159836065573782049042961262
-0.052113078241005139634722809205;0.094089091947458597386955148067;0.160194174757281565524280608770;0.004140491147915477225527336458;0.071673329525985152166356328962;0.043689320388349515977832737690;0.059680182752712737648259633261;0.061250713877784121463854205558;0.129925756710451173470133312549;0.089520274129069099533495545984;0.077527127355796685015398850283;0.156196459166190737555268697179
-0.150019817677368216823907687285;0.032699167657550536059130052990;0.106024573919936582200307384483;0.154181529924692833910526701402;0.039833531510107017536981288686;0.029528339278636545062184382004;0.029924692826000791334717376913;0.050733254062623862890024639682;0.141300039635354729439242760236;0.118113357114546180248737528018;0.062623860483551327393847429903;0.085017835909631397917074480119
-0.110169491525423726696608639486;0.074011299435028252147183991383;0.112052730696798497067590005827;0.009604519774011300095595267123;0.077777777777777779011358916250;0.061205273069679849706759000583;0.044444444444444446140618509844;0.039924670433145008352493476877;0.155367231638418090700071161336;0.078907721280602638458390174492;0.082674199623352165322565099359;0.153860640301318268852170945138
-0.043809523809523812087896033063;0.101088435374149659962128566804;0.156326530612244884999029181927;0.001904761904761904760252644309;0.081360544217687069679101341535;0.064353741496598643179183341090;0.074693877551020401717174479472;0.058095238095238095621386520406;0.115238095238095236694242373687;0.059319727891156463772670548451;0.075374149659863942662951785678;0.168435374149659866649386685822
-0.078565830721003135361790725710;0.084443573667711602226404465910;0.134208463949843259666039330114;0.008424764890282132254184510600;0.067594043887147334248588492756;0.057014106583072099443398883523;0.045062695924764889499058995170;0.038009404388714730649301287713;0.131857366771159861817963587782;0.102468652037617555250470502415;0.089145768025078370166980334943;0.163205329153605027681095407388
-0.055074971164936564749226022286;0.087946943483275669128929052931;0.152825836216839677783596584959;0.047001153402537486358792051533;0.067906574394463667387888961002;0.055795847750865053271684956826;0.054065743944636680817783513930;0.053633217993079587704308153207;0.128460207612456744907802885791;0.078143021914648211345699735375;0.080017301038062288442986869086;0.139129181084198388917982924795
-0.066711590296495953955613344988;0.075067385444743936484535140607;0.133288409703504029391041285635;0.028436657681940702424583378161;0.066172506738544467630447343254;0.054986522911051209649979654159;0.032345013477088950526461275103;0.039487870619946088823759566822;0.165094339622641500531230462911;0.093396226415094332762301121420;0.087735849056603767981421526656;0.157277628032345018205262476840
-0.036243556701030930911056060495;0.090528350515463915093583580074;0.155927835051546392897137138789;0.009503865979381442494200449289;0.059922680412371136238203206403;0.051224226804123709766436434165;0.058150773195876290233563565835;0.068460051546391759158538548036;0.125000000000000000000000000000;0.107603092783505160934254263339;0.087789948453608240841461451964;0.149645618556701026635735729542
-0.062210859508156808594936393320;0.102264426588750914626224641779;0.120404187971755533004269977937;0.008278548819089358995482186288;0.075724373021670315919706695240;0.061115169223277331089771990946;0.054297540784027271965062055870;0.046749452154857561170242519211;0.160822985147309471809506931095;0.079863647431215004091065168268;0.076333089846603363604060632497;0.151935719503287075538011663411
-0.053059895833333335646297967969;0.099772135416666671292595935938;0.172688802083333342585191871876;0.006998697916666666955787245996;0.054199218750000000000000000000;0.058105468750000000000000000000;0.063313802083333328707404064062;0.051269531250000000000000000000;0.131347656250000000000000000000;0.080566406250000000000000000000;0.067057291666666671292595935938;0.161621093750000000000000000000
-0.044277360066833748586390129276;0.089055973266499582896571496349;0.166081871345029247200031363718;0.009022556390977444149004149665;0.073851294903926487100953579557;0.061654135338345864014719666102;0.049456975772765247867379656554;0.058980785296574772536004616086;0.122305764411027570459644664425;0.082038429406850466030221014080;0.091729323308270674375286546365;0.151545530492898927743539161384
-0.075365745529776859146231515751;0.078173488990690112587778060060;0.143786020393084079671552899526;0.018767548396630709395260794281;0.041377272055563768526909029788;0.045958327176001179115161221489;0.035761785133737254704922037263;0.072262450125609570261708825001;0.136544997783360433363242236737;0.117777449386729723967981442456;0.094428845869661590106680648660;0.139796069159154712213677385080
-0.059251856082238721357136057577;0.056253569388920614258164931698;0.157195888063963451486415578984;0.119360365505425475296519266521;0.039548829240434034415496711290;0.041976013706453457752232338862;0.027841233580810965247964716696;0.051970302684180465224716982675;0.108794974300399777122905220494;0.120502569960022842820990263135;0.090948029697315815877978195658;0.126356367789834389547820592270
-0.077288031833486384170051053388;0.065503520048974597789204210585;0.139577594123048681629128964232;0.034435261707988981672023953706;0.058463422099785736230082022757;0.051117232935414751160418944664;0.035047444138353228693105734237;0.046219773492500768052870796510;0.154882154882154871033961285320;0.102234465870829502320837889329;0.093357820630547899698470359908;0.141873278236914590610950881455
-0.145620748299319729968104297768;0.052508503401360547002685308371;0.125212585034013612617087574108;0.019982993197278912933523287165;0.042304421768707481388283042634;0.040603741496598642901627584934;0.029761904761904760252644308594;0.049532312925170067507973925558;0.151573129251700688957527063394;0.132440476190476191797884553125;0.085459183673469385489340766071;0.125000000000000000000000000000
-0.187941117160717874323694331906;0.036297640653357533813139212953;0.123008671103044975314588782567;0.014720709820528333003353260722;0.048598507763662028569040529646;0.036902601330913491206597853989;0.026819923371647510362825173047;0.052833232506553737262144920805;0.149223633797136517875614458717;0.145392216172615440505921924341;0.084089534180278285857568221218;0.094172212139544256293000046298
-0.128637566137566133894765130208;0.047949735449735450543151671354;0.127149470899470901086303342709;0.007936507936507936067371815625;0.052910052910052907115812104166;0.037698412698412696320016124218;0.041997354497354498492622809636;0.073908730158730159831570460938;0.156415343915343924008354292710;0.126488095238095232808461787499;0.085813492063492063932628184375;0.113095238095238095898942276563
-0.069427191166321594595345345624;0.068046928916494137107306983125;0.129330572808833671460959635624;0.006349206349206349200842147695;0.072877846790890266071016867500;0.057004830917874393936273236250;0.046100759144237404840716010312;0.044306418219461699004035892813;0.158178053830227732801105844374;0.075086266390614220256338740001;0.100621118012422364196289947813;0.172670807453416147447811113125
-0.079894644424934158077888923799;0.055019022534386889666802034071;0.161545215100965755539164092625;0.061457418788410884957773561155;0.036728124085455074454564794451;0.042873865964296167807567883301;0.042288557213930350053843199021;0.079309335674568340324164239519;0.148083113842551933325708546363;0.113549897570968685855952173824;0.076675446297922153493509256350;0.102575358501609592565273487708
-0.029245283018867924973438476854;0.124123989218328845129946103043;0.128436657681940707975698501286;0.000539083557951482530458398035;0.073854447439353099191805540613;0.079245283018867920810102134510;0.052291105121293798840831357211;0.029514824797843664666574525768;0.126819407008086249000200496084;0.082075471698113203200541931892;0.091509433962264144502007923165;0.182345013477088951914240055885
-0.022202998846597463838969943595;0.118944636678200696411344949865;0.125144175317185690765597883001;0.000576701268742791251648016626;0.075692041522491343430445454032;0.083910034602076119525371211694;0.060121107266435984406438564065;0.021626297577854669551555844009;0.129036908881199535725770033423;0.061418685121107263746864646237;0.098471741637831608495723401120;0.202854671280276815936716161559
-0.148148148148148139924273891666;0.055861646770737682921037503547;0.108662381389654116858878296625;0.006427915518824609333869979366;0.069329660238751145140412290857;0.030762167125803489137192414660;0.043617998163452707804932373392;0.054790327517600247164697435664;0.196969696969696961286189207385;0.107438016528925622816714735563;0.062901744719926544480159691375;0.115090296908478731396918703922
-0.049357174523422489564872250867;0.089700014777597161796940383738;0.149697059258164621997622134586;0.001182207773016107511115935225;0.086596719373429886790205500802;0.058962612679178363905840853931;0.084527855770651694200523706968;0.055120437416876014169453412705;0.126791783655977541300785560452;0.061770356140091624286281302147;0.083345647997635580184194736830;0.152948130633958928603632898557
-0.115855524946434043642717881539;0.074380165289256200411571740005;0.133302724211815132315805954022;0.017294153657790019978923723443;0.057239057239057242187918461696;0.053719008264462811408357367782;0.037649219467401288941044157355;0.064738292011019285543405032968;0.131619222528313428721702393887;0.103764921946740126812436244563;0.090296908478726664593061457253;0.120140801958983772790290345256
-0.105670103092783504439289288257;0.084568298969072169812832839852;0.090045103092783504439289288257;0.052835051546391752219644644128;0.061050257731958761098223220642;0.077641752577319589345705708183;0.033988402061855667313228224202;0.080863402061855674252122128109;0.128060567010309267477197181506;0.097615979381443299112142142349;0.059117268041237111542152149468;0.128543814432989678131491473323
-0.066405023547880692724731943599;0.096075353218210354788730853670;0.091679748822605960922871304319;0.031868131868131865935822588654;0.054317111459968606124171230931;0.094819466248037678757221158321;0.033908948194662481834260603364;0.100470957613814762532378210835;0.108791208791208793282834221827;0.081632653061224483281854702454;0.089795918367346932997818953481;0.150235478806907379878410324636
-0.081274281274281268139247913496;0.098057498057498054810920962154;0.119968919968919965346465517086;0.023465423465423466270474150974;0.055011655011655009872573174334;0.073193473193473190807623041110;0.058430458430458430407750114455;0.066666666666666665741480812812;0.125874125874125886159760057126;0.099456099456099456013191684178;0.071639471639471638542140397021;0.126961926961926957480031319392
-0.048484848484848484806430946037;0.096037296037296035478014744058;0.121989121989121984679371735183;0.010722610722610723468783966439;0.066200466200466198674057238804;0.079564879564879564810553347343;0.066511266511266514678268890748;0.089044289044289043344448941752;0.122610722610722616687795039070;0.085314685314685320682848157503;0.077855477855477861481858781190;0.135664335664335666820079495665
-0.072324414715719057000775649158;0.067725752508361200532327472956;0.133361204013377920851723956730;0.004180602006688963027947192330;0.068283166109253071174300941948;0.065496098104793759597797020433;0.038322185061315496013012449339;0.065635451505016720319396483774;0.152313266443701217367490130528;0.113294314381270896929798652764;0.080964325529542927051274148198;0.138099219620958751919559404087
-0.107542450967487171475944762733;0.055811504541266286627543280474;0.122153481637488486866160997124;0.050151375542977494337293364879;0.056732920889824928201150555651;0.046597341055679870891470528704;0.048835066473608003401185584380;0.114782150849019354277302795708;0.124917730683164404648088918748;0.110175069106226139470372515916;0.062524680795050677217794543594;0.099776227458207189524586055995
-0.081185567010309281354984989321;0.087306701030927830187167160148;0.129188144329896920092792811374;0.015141752577319587610982232206;0.055734536082474230023198202844;0.059922680412371136238203206403;0.043653350515463915093583580074;0.070070876288659794672852854092;0.122261597938144325747877871891;0.115818298969072169812832839852;0.087951030927835058270680690384;0.131765463917525776915695701064
-0.126496231712723505857809414010;0.061474804196837595782199059613;0.083345647997635580184194736830;0.034284025417467119123404728498;0.079503472735333230447807295604;0.056302645189892121246888478936;0.027781882665878526728064912277;0.070489138466085413115003177609;0.182355548987734594756915385005;0.097975469188709918277879751258;0.067385843061918138108268294673;0.112605290379784242493776957872
-0.085423634336677808920335053244;0.077619843924191744832796757692;0.120540691192865104253151287139;0.017837235228539576048500947536;0.061315496098104792233041138161;0.062012263099219623596614070493;0.029682274247491639840301758113;0.066750278706800447725555613943;0.148272017837235231541015423318;0.115802675585284287063103647597;0.091833890746934224158515291947;0.122909698996655519787069010818
-0.089026915113871632478925732812;0.066390614216701171468315578750;0.114147688060731541948022993438;0.001794340924775707354563158979;0.049965493443754310787241479375;0.059489302967563835455866438906;0.024292615596963423180154606484;0.020151828847481022960463903360;0.219599723947550035108022825625;0.110420979986197376199186237500;0.085852311939268455276419444999;0.158868184955141489300700641252
-0.163480963480963470413342975007;0.066355866355866349737269160869;0.096192696192696186541226666122;0.015384615384615385469402326635;0.067443667443667448813116038764;0.059362859362859364542597262471;0.021756021756021756002885680914;0.033721833721833724406558019382;0.160528360528360530823377416709;0.118104118104118110954559028869;0.073970473970473973879258267061;0.123698523698523701885854109150
-0.101487429248387522884300437909;0.083980518625773326046868305639;0.091746742135053307998227012376;0.062919573515861526580295048916;0.086876398578386207494084203518;0.063182835329735426155295385797;0.041200473871264971237327046083;0.056074766355140186202543617355;0.131499276030011852389733917335;0.087666184020007892341297406347;0.057522706331446626926151566295;0.135843095958931153743876052431
-0.071428571428571424606346340624;0.080727762803234501265414735371;0.107681940700808623234685512671;0.016576819407008086537658186899;0.101347708894878707486242319646;0.068059299191374669768528349323;0.056334231805929918524000754587;0.046495956873315362478660262013;0.171563342318059308677646868091;0.065498652291105116662883744993;0.073719676549865234549407944087;0.140566037735849053147418885601
-0.057824100513992005012653407903;0.081953169617361501519958721929;0.132781267846944606159098611897;0.012135922330097087193379046255;0.080668189605939466524375802692;0.067247287264420335661796457316;0.045688178183894916084550885671;0.061393489434608795873860032088;0.150485436893203872177338098481;0.087949743003997715717900973686;0.075671045117075952379792624924;0.146202170188463737021677957273
-0.178326670474014847833643671038;0.034980011422044543500931013114;0.103655054254711595507210120104;0.062964020559680186628348508293;0.035551113649343234202060415328;0.023557966876070816214516767673;0.017704169046259279896027294399;0.077098800685322668724275274599;0.177327241576242133902496789233;0.152341519131924618690732131654;0.063392347230154202919472083977;0.073101085094231868510838978636
-0.051560758082497215593065220673;0.106884057971014495569406221875;0.135172798216276479621456019231;0.003762541806020066985360994494;0.062430323299888519639200268330;0.078874024526198432960555351201;0.064241917502787071470038426924;0.054765886287625416273261436118;0.118311036789297663318620834616;0.086956521739130432369080381250;0.091555183946488288837528557451;0.145484949832775906086723693988
-0.049127640036730944872456205985;0.100550964187327826482309944822;0.137588001224364847585590609924;0.003673094582185491233788932064;0.091827364554637275206872004674;0.059228650137741048475881200375;0.087695133149678597406229130229;0.071319253137434951428375029536;0.136822773186409563095367047936;0.069788797061524340814564482116;0.058616467707376801454799419844;0.133761861034588314112170337467
-0.104828042328042325692649683333;0.065476190476190479494711382813;0.079365079365079360673718156249;0.000165343915343915334736912826;0.126488095238095232808461787499;0.063492063492063488538974525000;0.047123015873015872134743631250;0.014715608465608464791585241471;0.253968253968253954155898099998;0.059193121693121693305261743490;0.054232804232804229793707406770;0.130952380952380958989422765626
-0.096230725299828664964785218672;0.068960593946316386948502952237;0.094231867504283264858067070691;0.001570531125071387718722393245;0.064391776127926902972831157967;0.059537407195888063238253806730;0.035122786978869217910936839644;0.040119931467732725116626113504;0.215019988577955456499068986886;0.083095374071958882922217526357;0.083380925185608217864441371603;0.158338092518560819010886575597
-0.125902668759811625642797139335;0.061224489795918365930837978794;0.144270015698587134034269752192;0.007378335949764521124738525515;0.067346938775510206687258119018;0.032496075353218210890471340235;0.077080062794348508381503393139;0.067660910518053368756241638948;0.140973312401883821287640330411;0.102825745682888533560905841568;0.065934065934065935743468855890;0.106907378335949765357781870989
-0.049056603773584908645410962436;0.087331536388140160176440929263;0.138679245283018864887125687346;0.006603773584905660645749669868;0.070080862533692722671219144104;0.064555256064690022532737145866;0.075876010781671152094496335394;0.086253369272237201403896733609;0.127628032345013464610161690871;0.076415094339622638419662337128;0.080997304582210244427997736238;0.136522911051212947342037296039
-0.084580115830115834563152077408;0.082287644787644789734493144806;0.097731660231660230642170006377;0.002051158301158300962391267674;0.074444980694980691926510019130;0.072514478764478765282497363387;0.028595559845559843925588694447;0.027750965250965251018833157559;0.200651544401544396079017928969;0.091336872586872591694984180322;0.076254826254826255094165787796;0.161800193050193052979324193075
-0.057012068248023302363680642202;0.090303786933000410042104988406;0.146067415730337074597500190976;0.061672908863920100630551246468;0.048439450686641696841583382138;0.052351227632126511035703941843;0.061173533083645439956121947489;0.092634207240948812644987242493;0.093965875988347893899010898622;0.092717436537661263029619362896;0.073990844777361633455292633244;0.129671244277985847626055715409
-0.043717152412804584360461745973;0.090380633858894734999900322236;0.171444497531454048688814850721;0.025800286669851887899618247957;0.051680203854116896211579046394;0.049848702022615064277655250180;0.055582099060359928255348194170;0.069597069597069599611316448318;0.108217869087434304109507365865;0.113234591495461056620541739903;0.086160216594999200490079260817;0.134336677814938687536283623558
-0.047405149594930619250110481744;0.079169006176305442568086334632;0.175182481751824825622065873176;0.028475174460575920082350265261;0.055827384294537582554163179793;0.037779738509665518331193112544;0.045560279136921469356202862855;0.075719900537418782793253058117;0.116708109408839341702979197635;0.123927167722788167392167224534;0.082297264779016610081185945091;0.131948343627175751491265032200
-0.038643790849673204101932810772;0.095261437908496726656437658676;0.179411764705882353920785021728;0.011519607843137255609455849026;0.055964052287581701750074358870;0.044035947712418303801040764256;0.059150326797385618937674678364;0.059150326797385618937674678364;0.114624183006535942941361838621;0.117810457516339867067856062022;0.092075163398692816407731243089;0.132352941176470589867975036213
-0.038282888822295475794721397733;0.095370092897812411281144306940;0.176356008390770147009618540324;0.025397063230446510068150089978;0.037533712915792626085842442762;0.044875636799520529640616928191;0.065552891818999106665621923185;0.069373688942163613813107758688;0.099865148336829481778842421136;0.117770452502247532922119432897;0.087353910698231951315051446727;0.142268504644890630972398071208
-0.049791144527986636036942513783;0.087218045112781958372316637451;0.199164578111946544147770055133;0.006683375104427735635681528947;0.073517126148705091992496818420;0.034753550543024223917765169745;0.093400167084377608284206928602;0.072013366750208848698910912844;0.118964076858813702641803899951;0.098412698412698410010968075312;0.063492063492063488538974525000;0.102589807852965744783269030904
-0.065044383226201402115052019326;0.130241812059993883332609243553;0.129476584022038571086810065935;0.001071319253137434888978329894;0.064432200795837155093970238795;0.076522803795531071924251875771;0.099326599326599332440146383760;0.039638812366085095229006896034;0.114478114478114484375836923391;0.046219773492500768052870796510;0.081267217630853996745976530747;0.152280379553106831602704573925
-0.117513020833333328707404064062;0.109049479166666671292595935938;0.105468750000000000000000000000;0.027343750000000000000000000000;0.076009114583333328707404064062;0.065429687500000000000000000000;0.048177083333333335646297967969;0.043294270833333335646297967969;0.153645833333333342585191871876;0.069661458333333328707404064062;0.070638020833333328707404064062;0.113769531250000000000000000000
-0.108815426997245182083595693712;0.098867462503826136765994192501;0.112182430364248547638439390539;0.001836547291092745616894466032;0.081114172023262931521259133660;0.067799204162840520648813935622;0.041781450872359959802793127892;0.026323844505662687826008649949;0.173859810223446598076435520852;0.047597183960820327319751754658;0.080961126415671866296541736574;0.158861340679522511365462378308
-0.120795107033639145810433035422;0.073012232415902142412811315353;0.095820591233435267741747054515;0.042431192660550461071000682978;0.070718654434250766138703170327;0.064729867482161057568035289478;0.029943934760448522036657692524;0.037971457696228338996036200115;0.178389398572884799731852467630;0.093272171253822630521135295112;0.069954128440366969421404519380;0.122961264016309884672395469352
-0.025376685170499603538818433890;0.167803330689928614782857607679;0.090880253766851701313633782320;0.000634417129262490110154504297;0.061379857256145912980382917112;0.108485329103885808077478714040;0.044885011895321173802653191842;0.017763679619349721783283513332;0.095162569389373508066398699157;0.051387787470261694910966809857;0.096590007930214119569178876645;0.239651070578905639463229704234
-0.052512886597938145116781782917;0.106797680412371129299309302496;0.093427835051546392897137138789;0.019813144329896906215005003560;0.072970360824742272476406412807;0.120167525773195879579269274018;0.040914948453608247780355355872;0.028028350515463918563030532027;0.135953608247422669252912896809;0.068137886597938138177887879010;0.088756443298969076027837843412;0.172519329896907214205725722422
-0.029124860646599776137222193029;0.160117056856187295332816233895;0.113294314381270896929798652764;0.007664437012263099029130142270;0.049470457079152728441240327584;0.122491638795986623744482812981;0.070234113712374576787844659975;0.065635451505016720319396483774;0.085284280936454848198735589904;0.055044593088071351594248170613;0.072603121516164992321762383654;0.169035674470457086826513659616
-0.060680272108843538725331256956;0.108571428571428568732315511625;0.102312925170068028113412594848;0.014693877551020407407067480676;0.062993197278911561287628728678;0.081768707482993197022125286821;0.103265306122448982661943261974;0.048843537414965984555514921794;0.119727891156462581956354540580;0.066938775510204079344234173732;0.095374149659863946548732371866;0.134829931972789113236999014589
-0.050970873786407765171357908685;0.106225014277555679376163766392;0.133780696744717292334669878073;0.003854940034266133609686111328;0.080668189605939466524375802692;0.070531125071387784641885332348;0.108509423186750428302893567434;0.051113649343232439581363735215;0.112221587664191893574106018150;0.072244431753283835928591827269;0.080097087378640782762140304385;0.129782981153626492121233582111
-0.070065903572667356802305960173;0.084287200832466185884683795848;0.133021158515435306002316906415;0.004162330905306972292367895250;0.066944155393687129751434383707;0.074748525841137697378613324872;0.047519944502254593543533189859;0.072667360388484217303961543166;0.126430801248699264949237885958;0.095386749913284774038402247243;0.083073187651751645432796067325;0.141692681234824841007835516393
-0.076968100673105069309265502397;0.075212174422007602170303641742;0.142230026338893755788461703560;0.002487562189054726320691646180;0.095697980684811237428455399368;0.074626865671641784416578957462;0.034825870646766170224406522493;0.059262510974539071850752947057;0.175885279484928297444312761399;0.055311676909569798543664376211;0.067749487854843429279760869122;0.139742464149839040743472651229
-0.045606060606060608297873670836;0.090454545454545454141737081954;0.145606060606060599971200986147;0.000909090909090909090120580238;0.098030303030303037048476255677;0.075757575757575759678452698154;0.053939393939393939780835296460;0.064393939393939392257237841477;0.159393939393939393367460866102;0.055606060606060603301870060022;0.063333333333333338699411285688;0.146969696969696972388419453637
-0.045598911070780401288971006579;0.095621597096188754028034395560;0.101746823956442827840973563980;0.006692377495462795145009238240;0.113656987295825767647627912993;0.080875680580762249194393120888;0.056941923774954626702449189679;0.042536297640653357443607518462;0.165154264972776770870055429441;0.051837568058076224919439312089;0.063634301270417428786352331826;0.175703266787658796133086980262
-0.094957983193277306632751333382;0.053991596638655464657219340552;0.165756302521008397343749152242;0.016806722689075629523225430262;0.030882352941176471894380028971;0.035294117647058823039607489136;0.039285714285714284921269268125;0.114915966386554616041060228326;0.125840336134453778527131362353;0.135294117647058814712934804447;0.087815126050420161396559137756;0.099159663865546213146195952959
-0.066653970672252899065668430012;0.073509807655684628047154660635;0.099790516092172917850255942085;0.009712435726528280410807525413;0.085126642544277278390474350545;0.072938487907065321924626744021;0.100552275756998668598818369446;0.056560655113311750219473594825;0.158446010283755461811594500432;0.061131213102266233894166447271;0.071986288326033140427817613727;0.143591696819653391603566205958
-0.156558061821219729470300308094;0.070843776106934000513781768404;0.067167919799498751465272050609;0.013700918964076859440925915123;0.093400167084377608284206928602;0.076858813700918959810337582894;0.028237259816207185836312021365;0.026900584795321636627507544404;0.201837928153717621748697297335;0.074686716791979954055413770675;0.064661654135338350601891477254;0.125146198830409366431481998916
-0.070876288659793812430010007120;0.102126288659793812430010007120;0.104220360824742272476406412807;0.006121134020618556638437812722;0.078447164948453607102862861211;0.089884020618556700887857857651;0.026417525773195876109822322064;0.042364690721649486682132135229;0.163981958762886598224284284697;0.086823453608247419532872868331;0.073614690721649486682132135229;0.155122422680412375139979985761
-0.087695133149678597406229130229;0.086776859504132233813500363340;0.099632690541781449011793370119;0.004897459442913988311718576085;0.085858585858585856342983788636;0.080961126415671866296541736574;0.030915212733394550892462859792;0.035506580961126417428364021589;0.167891031527395151456971689186;0.070247933884297522610928865561;0.074227119681665135186854342919;0.175390266299357194812458260458
-0.143956043956043944209710616633;0.044583987441130297491032052903;0.092621664050235474885397479738;0.007064364207221350382137625701;0.106593406593406589411010543245;0.046938775510204082397347491451;0.023233908948194662708042201871;0.030298273155416013957541565560;0.221821036106750385519248425226;0.110832025117739402242378332630;0.061067503924646784896346218829;0.110989010989010983276870092595
-0.116483516483516486017535385145;0.050235478806907381266189105418;0.089010989010989013947572345842;0.023390894819466247211980913789;0.091993720565149136869642632064;0.058398744113029824043259452537;0.021036106750392465775112427195;0.030455259026687598461480277479;0.206593406593406581084337858556;0.090109890109890108944590281226;0.068445839874411301684276054402;0.153846153846153854694023266347
-0.081859174471037118858696146617;0.077349982656954557880268907866;0.083593479014915025859799868613;0.009018383628165106344343193712;0.108047173083593475717556486870;0.084807492195629552433899789321;0.026708289975719737285864141541;0.022545959070412763258772770314;0.187651751647589321025932918019;0.075095386749913284329949192397;0.070065903572667356802305960173;0.173257023933402698467887148581
-0.139302507836990607792415630684;0.061912225705329150537981064417;0.118730407523510966827373636079;0.003330721003134796270872541868;0.090517241379310345306130614063;0.050940438871473356363672735370;0.037029780564263321818163632315;0.052115987460815048348816702628;0.185148902821316602151924257669;0.078565830721003135361790725710;0.062891849529780566308012623722;0.119514106583072099443398883523
-0.096488402061855674252122128109;0.101320876288659794672852854092;0.088434278350515468924974982201;0.014336340206185566384378127225;0.084407216494845366261401409247;0.087951030927835058270680690384;0.040753865979381444228923925266;0.049291237113402060210365362991;0.145618556701030937849949964402;0.066527061855670102663573572954;0.074742268041237111542152149468;0.150128865979381437290030021359
-0.076821773485513611401387379374;0.080187298800117060015857362032;0.115598478197249054932882472713;0.027802165642376353710263359176;0.069505414105940882540934921963;0.077260755048287971247233940630;0.029119110330699443656143898806;0.053409423470880887374612200347;0.155399473222124662186161003774;0.089991220368744517799086679588;0.077553409423470887062990186678;0.147351477904594685419681354688
-0.044090489381348109410030389199;0.096375807940904889559163848389;0.132271468144044335168985071505;0.011657433056325022802113267062;0.086565096952908593408437809558;0.079409048938134815798228771655;0.035664819944598337431163059819;0.058171745152354570329578109522;0.159741458910433981044363349611;0.078254847645429365110558705965;0.072599261311172669230984411115;0.145198522622345338461968822230
-0.034628378378378378565916051457;0.111124517374517381429477325128;0.124155405405405400154350559205;0.008687258687258687245291710610;0.083132239382239375702354777786;0.087355212355212361052814173945;0.041747104247104246943500527323;0.040419884169884172375741826500;0.140926640926640922568680025506;0.063585907335907340676151022762;0.075651544401544396079017928969;0.188585907335907326798363214948
-0.055682976554536189883748420471;0.078109072375127416854034834159;0.126911314984709477915458819552;0.011340468909276249162565441964;0.082313965341488271043601798738;0.072757390417940881466307700975;0.033639143730886847394323524441;0.040392456676860345743396152329;0.171890927624872569268177358026;0.095948012232415905153892765611;0.068552497451580027276740736397;0.162461773700305817103028971360
-0.046125975473801560100550744892;0.079013377926421407559942622356;0.134197324414715712936896352403;0.007525083612040133970721988987;0.084308807134894095391963730890;0.070930880713489408151417592308;0.059503901895206240402202979567;0.074414715719063551091494446155;0.148968784838350049026800547836;0.088350055741360095096226245914;0.069397993311036784702672264302;0.137263099219620959834387008414
-0.025699600228440890731240742184;0.122644203312392924276608141554;0.110651056539120495880723638038;0.000285551113649343236370464760;0.108509423186750428302893567434;0.087521416333523699426777398003;0.066961736150770986841784804255;0.029697315819531697883570942054;0.134066247858366655032469338948;0.048829240434037690654633934173;0.076670474014848652433151698915;0.188463735008566529716134141381
-0.081443050193050189888843704011;0.063706563706563704152507909839;0.126447876447876444983009491807;0.009773166023166022717272305442;0.084821428571428575393653659376;0.056225868725868724529171061022;0.041143822393822394867246572403;0.054054054054054057054656823311;0.180743243243243256745955704901;0.088923745173745169512180552829;0.082046332046332048903991562838;0.130670849420849416455681080151
-0.073904179408766562664467869581;0.105249745158002033784683248996;0.102446483180428135617567875215;0.015672782874617735560107689707;0.066004077471967376178341169179;0.084480122324159023783352040482;0.034785932721712535531377596953;0.050713557594291538976882804945;0.137996941896024460927350219208;0.074668705402650359381766520528;0.081422018348623850791945244509;0.172655453618756365985476008973
-0.069603850425768234999601702384;0.079970381340244353629564955099;0.152659508823892398066135456247;0.004319387881031716384938601294;0.058496853017400964047656231060;0.051462421325435027397166010132;0.040232012834752563235074518389;0.055041342712575588858037178852;0.133777613229668024263929737572;0.120942860668888069186621692097;0.094162655806491427079585321280;0.139331111933851670148243329095
-0.038746711313082993211054372296;0.108466873953599621249743734097;0.133939248983496766998158022943;0.000358765845491509200414215197;0.084190385075340823384237864957;0.074862473092561582221904359358;0.073427409710595553660184009459;0.044367376225783308751893230237;0.130590767758909348517093462760;0.067926333413059078458751116614;0.085027505381487678004504005003;0.158096149246591710646470119173
-0.055055401662049863187320397628;0.097760849492151427608810365655;0.138619575253924293134488721080;0.002423822714681440285838798232;0.090489381348107106317613101965;0.064058171745152353571128855947;0.066251154201292711265480761540;0.078601108033240996153523383327;0.135156971375807927193690716194;0.060364727608494921085036111208;0.066943674976915973351410116265;0.144275161588180989014063015929
-0.158493777257738527319830268425;0.089671311562599720357269461601;0.086586533347516217440364982849;0.011807254547388575105504315843;0.076693968726731204244018158533;0.077225827039676633867237853792;0.037230081906180191586575034535;0.027550260610573341912843403634;0.153281565790873319787834816452;0.084778215083501751170302895844;0.072758217210935005603289482679;0.123922986916285504666035421906
-0.042105263157894735892572413150;0.105964912280701747948619129147;0.146198830409356717030533445723;0.003625730994152046894607455130;0.067485380116959065022186337046;0.066900584795321640929621764826;0.056842105263157895189696233729;0.047719298245614036324546702872;0.128421052631578935798728480222;0.095321637426900585055022929737;0.095672514619883047837234357758;0.143742690058479533066204680836
-0.098627002288329518320253441743;0.100457665903890158709543811710;0.102288329519450799098834181677;0.002173913043478260895963183330;0.077688787185354685194127455361;0.075171624713958815067194052517;0.035011441647597250914625277574;0.032837528604118995656513391168;0.157093821510297493304619820265;0.087299771167048054176795801595;0.082151029748283754816640112040;0.149199084668192233360528575759
-0.112180922525750112472842090483;0.055306762203313930559289701705;0.128414688759516337768218363635;0.070980743394536499613067803693;0.037841468875951633776821836364;0.050268696820420954995967122159;0.015226153157187640591052613104;0.075682937751903267553643672727;0.125503806538289297556332257955;0.152821316614420055213230398294;0.083184057321988358335573821023;0.092588446036721894216725559090
-0.082814445828144456207553503191;0.070485678704856793985733531827;0.119551681195516817934887399133;0.035242839352428396992866765913;0.083188044831880442186999857768;0.046201743462017434704858231953;0.099003735990037353142945164564;0.104234122042341226244133167711;0.127023661270236620790541337556;0.087546699875466996165762623150;0.051307596513075967581407610396;0.093399750933997507940098614654
-0.048365427675772502957851628480;0.086878638602776531163485174147;0.137931034482758618775477543750;0.004702194357366771410022820987;0.084751455441110609689836508096;0.066166592028661000424172300427;0.076578593819973131417988554404;0.058665472458575909642242152131;0.139946260635915809000806575568;0.074227496641289747447700619887;0.082624272279444688216187842045;0.139162561576354676384781328125
-0.045423340961098394863437732738;0.106521739130434778264344686249;0.126887871853546913003540907994;0.001144164759725400460146915727;0.082265446224256286167353380279;0.072768878718535462413186110098;0.054805491990846680327997830773;0.061784897025171627016337794203;0.135125858123569780877559765031;0.068421052631578951896962337287;0.087299771167048054176795801595;0.157551487414187646463048508849
-0.055410691003911341501186882397;0.081269013472403298092849865952;0.137874837027379404386095984592;0.002281616688396349238582283547;0.092785745328118215957680092743;0.055845284658843981351328267237;0.056497175141242937657093392545;0.049652325076053889507665672909;0.156127770534550208703095108831;0.086918730986527595328006157160;0.076597131681877442255235166613;0.148739678400695352067373278260
-0.071790540540540542790992617483;0.096525096525096526489662096537;0.105212355212355210265506855194;0.001447876447876447801935140269;0.110038610038610040753326302365;0.067326254826254830487819447171;0.085183397683397679700512128420;0.046211389961389959246673697635;0.167591698841698832911362160303;0.059242277992277991849334739527;0.062138030888030888754247627048;0.127292471042471044828658932602
-0.016623207301173403144245455110;0.141677531508039994401215722064;0.100717079530638853324120418620;0.002172968274663189709727806331;0.092242503259452407471385981808;0.105063016079965237947746459213;0.056279878313776621201469652078;0.028574532811820946981429258926;0.108865710560625814085078388871;0.052368535419382876427984996326;0.093654932637983481780175054610;0.201760104302477177862229495986
-0.067059095106186517032398342053;0.127770083102493076099293034531;0.087026777469990768132390712708;0.000807940904893813464753005160;0.085641735918744230082744195443;0.112188365650969526510216667248;0.043282548476454296704218904779;0.013965835641735918973282970512;0.140004616805170817306347430531;0.059441366574330564698236401000;0.086334256694367492168673550168;0.176477377654662981321109782584
-0.110964854547847838195373526560;0.052652362774779519483114853529;0.160984599183888382745166722998;0.013426352507568777711055574287;0.060155324470185601859473223385;0.032381203106489404863754799635;0.057259444517572727351151229414;0.108463867316045806110658134003;0.133210477820192185749448299248;0.114913781755956304064802964149;0.060550217190996444283079824800;0.095037514808477024930155607763
-0.067048054919908464666100655904;0.085812356979405035595220851974;0.123455377574370708804174512352;0.005377574370709382010902199767;0.083524027459954228169713985608;0.075057208237986269838692976464;0.064416475972540049310666177007;0.044393592677345536379185375608;0.141075514874141882959435179146;0.080892448512585812814279506711;0.080778032036613267585778430657;0.148169336384439354059594506907
-0.051605504587155966167433263081;0.082696228338430169402251124211;0.144877675840978603627462462100;0.013251783893985728812747737493;0.103848114169215091640019466013;0.046508664627930684787315840367;0.091488277268093776140034378841;0.092125382262996935445187318692;0.118883792048929667894974215869;0.089194699286442399865926233815;0.064602446483180434033677386196;0.100917431192660556060758381136
-0.064099497727816312497850503860;0.093877062903611571687001458031;0.142908395120784514897849248882;0.008610380291796221677302902719;0.083951207845013156583213742579;0.053695288208562542975332831929;0.081439846926572592722415322442;0.071155226022482656600409711700;0.133939248983496766998158022943;0.071274814637646496939815676797;0.067208801722076064177890941664;0.127840229610141103977483112430
-0.043897459165154265048336412747;0.089950090744101637851848352057;0.149160617059891115188108301481;0.011683303085299455784107358625;0.078039927404718698045194003043;0.062840290381125221697011795641;0.064088021778584386423105456743;0.080421960072595277679852188157;0.123752268602540835273906338898;0.095621597096188754028034395560;0.079854809437386570225569926151;0.120689655172413798367436754688
-0.131926546391752580467127131669;0.075547680412371129299309302496;0.136597938144329883458638619231;0.037210051546391752219644644128;0.052351804123711341565350352312;0.049291237113402060210365362991;0.057667525773195879579269274018;0.076030927835051539953603594313;0.104864690721649486682132135229;0.098260309278350513317867864771;0.062500000000000000000000000000;0.117751288659793812430010007120
-0.091212121212121216595747341671;0.112727272727272731511760639478;0.099848484848484853060313071182;0.043939393939393937837945003366;0.056212121212121213265078267796;0.071969696969696975163977015200;0.047424242424242424309710486341;0.064090909090909087275633737590;0.133787878787878788955367781455;0.085909090909090907173251139284;0.073030303030303028721803570988;0.119848484848484843068305849556
-0.127878787878787869569663371294;0.082272727272727275149577508273;0.119545454545454551964489553484;0.014999999999999999444888487687;0.049242424242424240321547301846;0.058787878787878784792031439110;0.038030303030303032330028401020;0.055303030303030305259159860043;0.142424242424242425419933510966;0.097424242424242427085268047904;0.080909090909090902732359040783;0.133181818181818178992159573681
-0.075020885547201335286082723997;0.070676691729323309898447291744;0.156892230576441110700969261416;0.008020050125313283109762529932;0.061988304093567252184282523331;0.038095238095238098674499838125;0.067335004177109442080606527270;0.109440267335004171034285036512;0.130492898913951549388912098948;0.089223057644110273511905973010;0.069674185463659152328652623964;0.123141186299081037414104855543
-0.029670329670329669002892813978;0.123076923076923083755218613078;0.136420722135007860265076828910;0.009733124018838305163692226074;0.078492935635792779325292656267;0.073155416012558871496906931498;0.069073783359497639700030902077;0.065463108320251178762205768180;0.113657770800627944129956858887;0.063579277864992150837153417342;0.084144427001569863100449708782;0.153532182103610664869464130788
-0.032658489729569972759293250419;0.144229348307965132836017119189;0.129156199202009741577867885098;0.000886655829762080633336951418;0.077877937047436091022589721433;0.088517807004581061658399221415;0.060588148367075510269952332010;0.048618294665287421774113596484;0.111275306635141124633747722328;0.058667060735924335401758611397;0.081572336338111423037489089438;0.165952416137136099516524723185
-0.042579642579642577870924213812;0.133799533799533798550385199633;0.108158508158508165353239860451;0.011499611499611499601525288483;0.060450660450660449740656332551;0.100077700077700074143827180251;0.075524475524475526144740911150;0.071639471639471638542140397021;0.093706293706293700140896874018;0.072261072261072256672775893094;0.085159285159285155741848427624;0.145143745143745145353975090075
-0.134503865979381437290030021359;0.074259020618556700887857857651;0.131121134020618562709969978641;0.018846649484536081436969467973;0.038820876288659794672852854092;0.039626288659793812430010007120;0.051707474226804120420730725982;0.078286082474226803551431430606;0.149162371134020615981441437725;0.119201030927835058270680690384;0.073614690721649486682132135229;0.090850515463917522196446441285
-0.085140137493389736467186423852;0.104706504494976204711065292940;0.111404900405429233001264321956;0.034197073858628593279185281517;0.055349903049532876708749284944;0.074916270051119338013734250126;0.050590516481579410335012170208;0.069804336329984131848114259355;0.117927022739291384456628009048;0.095364004935660148798426405392;0.082143486691344969052863689285;0.118455843469063987205558419191
-0.121890547263681592315975876772;0.108574773192859228010398453534;0.107404155692127592502949084974;0.011413520632133449667078295420;0.047410008779631258868381138427;0.064969271290605798419015570744;0.035411179397131987978131206773;0.052824114720515069620887516066;0.132133450395083396067263947771;0.116330114135206316716697472202;0.075651155984781975893938010813;0.125987708516242330469836474549
-0.099964362081254448666456369210;0.052922309337134709750216643442;0.096044191019244481988259565242;0.005345687811831789301719730645;0.085352815395580899915373151998;0.063613684960798291823103056686;0.031004989308624376215250961764;0.045081967213114755577141323784;0.232002851033499657429359785965;0.085887384176764072774012959144;0.075552387740555948525411622541;0.127227369921596583646206113372
-0.058679354094579007361520694985;0.103229527104959625805058465176;0.126874279123414063219499325896;0.011966551326412918146435693245;0.080305651672433683851970442902;0.065743944636678194881618253476;0.068194925028835062796872534818;0.051326412918108417493545658772;0.132929642445213380685942183845;0.076124567474048443482814718664;0.078287197231833915989085426190;0.146337946943483288020360078008
-0.070247933884297522610928865561;0.090449954086317715939991046525;0.116926844199571472460164045515;0.063666972757881842848171061178;0.065197428833792467339769416412;0.059993878175696360721680377992;0.096877869605142330478031453822;0.086623813896541168588782966253;0.097643097643097642723830631439;0.083409856137128868258656666512;0.063973063973063973297605855350;0.104989286807468620854599805625
-0.076675257731958768037117124550;0.123067010309278357382822832733;0.128221649484536071028628612112;0.004188144329896907082366741548;0.062983247422680410654294291817;0.069104381443298973364264270458;0.088917525773195879579269274018;0.047036082474226803551431430606;0.137403350515463928971371387888;0.068943298969072169812832839852;0.069587628865979384018558562275;0.123872422680412375139979985761
-0.035909561105364265487516206576;0.123836264223437270137750942922;0.105955371656568639315842972337;0.002364415546032215022231870449;0.090586670607359240370293207434;0.089404462834343140231752045111;0.049800502438303528851548662715;0.051869366041081721441230456549;0.128565095315501698447491207844;0.057632628934535246045811618387;0.086301167430175851347229354360;0.177774493867297184168663193304
-0.066249347939488778536087920656;0.111893583724569645188040567518;0.124543557642149194109038035094;0.005738132498695878817851490084;0.061684924360980698809786559877;0.069509650495565983296941681147;0.044600938967136148638470416472;0.083463745435576428000068460733;0.115023474178403750656229931337;0.075639019300991136574019435557;0.085550339071465836271457305884;0.156103286384976530642987313513
-0.206593406593406581084337858556;0.050915750915750915273072507716;0.118681318681318676011571255913;0.033516483516483515370243395637;0.025457875457875457636536253858;0.043956043956043959475277205229;0.023992673992673994171065388059;0.056410256410256411074843896358;0.151465201465201454444908790720;0.133516483516483513982464614855;0.064652014652014658246947931275;0.090842490842490838942602238149
-0.108163265306122455267079374153;0.085086342229199377062975884201;0.108163265306122455267079374153;0.044113029827315540509768965194;0.053375196232339092161645055512;0.051648351648351645271084464639;0.058398744113029824043259452537;0.081475667189952902247362942489;0.127472527472527463743290354614;0.103139717425431709507677169313;0.076295133437990575453468977685;0.102668759811616952526414081603
-0.052579365079365079915785230469;0.104497354497354491553728905728;0.111276455026455028951559711459;0.012566137566137565440005374739;0.122850529100529098913696657291;0.056712962962962965018931527084;0.091104497354497354644209394792;0.080357142857142863090480489063;0.131613756613756627267264320835;0.059193121693121693305261743490;0.064814814814814811216869827604;0.112433862433862427621100721353
-0.055734536082474230023198202844;0.116945876288659794672852854092;0.135631443298969062150050035598;0.030927835051546392897137138789;0.058472938144329897336426427046;0.069909793814432991121421423486;0.075708762886597932850740733102;0.082152061855670102663573572954;0.109213917525773196448568569394;0.079413659793814428411451444845;0.080541237113402067149259266898;0.105347938144329897336426427046
-0.052425876010781670422122857644;0.127628032345013464610161690871;0.164824797843665771246435269859;0.013342318059299191138067364193;0.034366576819407010368045973792;0.060916442048517517593442249790;0.068733153638814020736091947583;0.071293800539083559963948744098;0.100539083557951477998493317045;0.100808625336927221161076317912;0.081805929919137460037958931025;0.123315363881401615642197100442
-0.077861319966583131257920058488;0.080033416875522137012843870707;0.121971595655806175351187903289;0.003341687552213867817840764474;0.071512113617376776852907482862;0.057309941520467838627084233849;0.032247284878863823054384596389;0.064995822890559731832560430576;0.173433583959899745297050799309;0.081203007518796999075760822961;0.088888888888888892281237019688;0.147201336675020888478115921316
-0.087184873949579827501210615992;0.091596638655462178646438076157;0.107563025210084040050872999927;0.018907563025210082779947740050;0.078781512605042014474321376838;0.075210084033613441856225279025;0.034453781512605044512476126783;0.040966386554621848914425896737;0.156302521008403361157945710147;0.070378151260504201447432137684;0.082352941176470587092417474651;0.156302521008403361157945710147
-0.030303030303030303871381079261;0.128864401591674310187940477590;0.113712886440159172130037745774;0.002907866544230180722713230423;0.078206305479032747762779820278;0.095500459136822771211150495674;0.097337006427915512274395837267;0.049127640036730944872456205985;0.112947658402203859884238568156;0.051576369758187939895677232016;0.091062136516681976838860634871;0.148454239363330270373708685838
-0.031733247422680410654294291817;0.137242268041237125419939957283;0.110502577319587624860020014239;0.000483247422680412389017767794;0.159471649484536071028628612112;0.067654639175257727523593587193;0.079252577319587624860020014239;0.035277061855670102663573572954;0.120167525773195879579269274018;0.043492268041237111542152149468;0.062983247422680410654294291817;0.151739690721649472804344327415
-0.170237919314319502417376384074;0.064134771686123831502257530701;0.088961134919462100945075633263;0.014482045219447318637473465230;0.108763115117481892757389516646;0.049357174523422489564872250867;0.047436086892271314696678530254;0.050096054381557557355630905249;0.190187675483966311951178340678;0.089108910891089104788775898669;0.050687158268065614363795390318;0.076547953302792959284772678075
-0.124024526198439247193228140986;0.081661092530657744537059272716;0.107023411371237456291005685216;0.004598662207357859937895128155;0.073857302118171680449520977163;0.075390189520624303898266305168;0.030239687848383500073934371244;0.040412486064659976225943438521;0.162904124860646593031532347595;0.083612040133779264028390798558;0.074832775919732447134080643991;0.141443701226309920260248986779
-0.073427409710595553660184009459;0.109423582874910302331628031425;0.103802917962210000668576981298;0.000956708921310691273384718691;0.086821334608945227584442250190;0.077852188471657493562538832066;0.055369528820856252215865112021;0.031690983018416649108495164455;0.163238459698636678707472924543;0.062066491270031096116888136294;0.069600574025352787699283396705;0.165749820617077242568271344680
-0.109868875086266387652855769375;0.061145617667356801094857843282;0.132919254658385083134319870624;0.028571428571428570536427926640;0.054106280193236717945826086407;0.046790890269151140523629095469;0.032574189095928227088982964688;0.110420979986197376199186237500;0.124223602484472048224084517187;0.120358868184955142277559048125;0.071773636991028288978355931249;0.107246376811594198996679949687
-0.081052631578947362256393205371;0.089122807017543853591590163887;0.150877192982456137526625639111;0.012397660818713450783801199862;0.072280701754385959234561198627;0.047602339181286548730476226865;0.062690058479532156932023667650;0.070526315789473686956867481967;0.132982456140350868700750197604;0.091461988304093563839636260582;0.070175438596491224174656053947;0.118830409356725147373978757059
-0.061768368617683686028208001062;0.101867995018679949326134703824;0.143088418430884184440188278131;0.003860523038605230376763000066;0.062141967621419678946548259546;0.068119551681195517067735067940;0.047322540473225406520985103498;0.066376089663760892700672400224;0.128518057285180564708326755863;0.079825653798256540616407050948;0.077708592777085930269898028655;0.159402241594022414661324660301
-0.057735934664246826852895821958;0.089496370235934666337307419326;0.159709618874773140451139852303;0.002835753176043557220731283763;0.052858439201451903888262506825;0.063974591651542650483364127467;0.056828493647912883823813956496;0.063634301270417428786352331826;0.132940108892921959871102899342;0.099705081669691469903327174507;0.080081669691470055982840392517;0.140199637023593476348182207403
-0.049469111969111967397338958108;0.099179536679536675625179498184;0.165299227799227788082703227701;0.003740347490347490245349293403;0.052485521235521234717502636613;0.063465250965250963322006327871;0.067567567567567571318321029139;0.084218146718146716378505800549;0.113055019305019308073489980870;0.092181467181467177662845813302;0.079512548262548263244831048269;0.129826254826254816610031639357
-0.064663023679417119815582282172;0.087026917628010527772097759680;0.156952034001214324465678373599;0.023072252580449301162524022857;0.046043311070633474724189682092;0.061020036429872498429105576179;0.050900627403359641198754559355;0.078121837684679215629834914125;0.113236187006678812316806670424;0.122242461040275252059927879600;0.075996761789111522134021470265;0.120724549686298324169264617467
-0.141212121212121205493517095420;0.053030303030303031774916888708;0.131212121212121224367308514047;0.021818181818181819897617401693;0.046515151515151516303792078588;0.037424242424242422366820193247;0.024393939393939394894017524962;0.051515151515151513805790273182;0.163030303030303025391134497113;0.157272727272727286251807754525;0.071969696969696975163977015200;0.100606060606060601636535523085
-0.128982128982128990690725345303;0.050283050283050280404584242433;0.101787101787101791350309554218;0.014874014874014874001972863482;0.041403041403041400403406413488;0.046953046953046952138866032556;0.047286047286047287740995415106;0.046620046620046623475630553912;0.235986235986235998174365136038;0.102786102786102784278909894056;0.072150072150072144805399432244;0.110889110889110895086240304863
-0.040000000000000000832667268469;0.093805309734513273034473002099;0.157640117994100298348669753068;0.019823008849557521154904904392;0.056047197640117993322483869179;0.058879056047197640688661834929;0.074926253687315633178478435639;0.061238938053097345670661155737;0.118820058997050143068108241096;0.089793510324483780116189279852;0.081651917404129789601618938377;0.147374631268436584452530269118
-0.070560471976401181737337253708;0.092861356932153388266115712213;0.141120943952802363474674507415;0.003893805309734513393771226930;0.078230088495575222928835046332;0.048731563421828910653843536238;0.061238938053097345670661155737;0.062536873156342182022982001399;0.149498525073746307834099411593;0.084483775811209443906690808035;0.073746312684365780687478775235;0.133097345132743349882531447292
-0.034750559431354480222076119844;0.094774252994603139232943078696;0.139133868632354884553592455632;0.001711201790180334443916554399;0.119520863498749504993945436127;0.061866526260365935219187605298;0.074239831512439125038582687921;0.093194682111359741782941057409;0.122811636172173221925874031513;0.051730946426220877909507578352;0.066078715282348293724723475862;0.140186915887850455098018187527
-0.062129788074239834794187942180;0.077135711465051992608010777985;0.141634855864156916638307848189;0.002632618138738975800683395079;0.111096485454784787982873695000;0.043569830196130053534542270199;0.108727129129919705685658470884;0.115571936290641039124515998537;0.124654468869290505073088581867;0.055153350006581544628936342178;0.050283006449914437185899629412;0.107410820060550221688444594292
-0.063703537841468871327776923863;0.100425436632333178743614610084;0.121921182266009855976740539063;0.002910882221227048885503485565;0.101656963725929236352918394459;0.068405732198835653146140600711;0.057545902373488583281258001989;0.061016569637259293612530086648;0.138154948499776081272116812215;0.061688311688311688041341795952;0.065270935960591136559827418751;0.157299596954769360657166998863
-0.091940532081377146500500430193;0.066118935837245693121211331800;0.132237871674491386242422663599;0.013562858633281167641815301295;0.079420970266040682994379551474;0.061424100156494521041139478257;0.051773604590505999112348689550;0.077725612936880544845408280707;0.151278038601982273148038871113;0.098852373500260826144625525558;0.075378195096504951866478450029;0.100286906624934793463843618611
-0.027964601769911504730581341960;0.117876106194690272177538759024;0.109616519174041304740541136198;0.000825958702064896787067849182;0.117168141592920355131823839656;0.081415929203539821878976567859;0.054749262536873156970163023516;0.042831858407079648198845234219;0.146312684365781708883957890066;0.050265486725663714728806752419;0.065132743362831854727623692725;0.185840707964601781210234321406
-0.047197640117994099639986416150;0.075398230088495568623763176674;0.126371681415929193459390944554;0.002831858407079646065135358768;0.169675516224188777103520919809;0.050619469026548673251664212103;0.047197640117994099639986416150;0.064424778761061951559696581171;0.146194690265486731961530608714;0.067964601769911509032695562382;0.063480825958702066791339291285;0.138643067846607681570247905256
-0.075305810397553518686919460379;0.087665647298674820309116739736;0.135958205912334345599745688560;0.005733944954128440685270362565;0.082441386340468908455747509834;0.054281345565749233861296829673;0.056065239551478081303503842037;0.038608562691131498301189139966;0.153287461773700312006596391257;0.080530071355759430540288690281;0.078236493374108054266180545255;0.151885830784913355984144800459
-0.073858628591574118638085622024;0.092367354133615367506315863011;0.124449145073153535911991696139;0.007932310946589107153448239274;0.087431693989071038175531214165;0.071567072095892830807528639525;0.075973911510664557389382878227;0.071919619249074570599411515559;0.130089899524061330948754289238;0.066102591221575884850025772721;0.065750044068394145058142896687;0.132557729596333523369722229290
-0.071759259259259258745267118229;0.098544973544973546442093947917;0.122685185185185188783130172396;0.006613756613756613389476513021;0.055720899470899469541063098177;0.080026455026455028951559711459;0.041170634920634920084214769531;0.038029100529100530458936901823;0.133928571428571424606346340624;0.112599206349206351629455014063;0.103835978835978837153675158333;0.135085978835978837153675158333
-0.097727272727272732066872151790;0.089545454545454539196924770295;0.115454545454545448590621958829;0.010303030303030303455047445027;0.063484848484848491190213337632;0.061969696969696966282192818198;0.029393939393939392396015719555;0.039848484848484848341865216526;0.143030303030303035383141718739;0.118787878787878789510479293767;0.083333333333333328707404064062;0.147121212121212124879221505580
-0.116861979166666671292595935938;0.063639322916666671292595935938;0.123372395833333328707404064062;0.010742187500000000000000000000;0.068359375000000000000000000000;0.052083333333333335646297967969;0.060546875000000000000000000000;0.062825520833333328707404064062;0.164062500000000000000000000000;0.088216145833333328707404064062;0.076985677083333328707404064062;0.112304687500000000000000000000
-0.046971027216856892083640673263;0.087211003804506873060553573396;0.077114427860696513339355817607;0.002341235001463271882260475110;0.117061750073163592378300279506;0.099063505999414686042925382026;0.030582382206613988040455609507;0.022973368451858353772587761910;0.159642961662276844370111916760;0.054433713784021071913077349791;0.071992976294995611463711782108;0.230611647644132278234252453331
-0.112947658402203859884238568156;0.059840832568105295496962980906;0.129476584022038571086810065935;0.012702785430058156912469513600;0.064432200795837155093970238795;0.039485766758494030004289498947;0.030762167125803489137192414660;0.060453014998469542518044761437;0.176920722375267819304056615692;0.124732170186715646265085410960;0.072543617998163459348326398413;0.115702479338842978418000484453
-0.072849709213345575919973384771;0.101622283440465255299756108798;0.093816957453321095372622551167;0.003826140189776553422740246191;0.108509335782063051634160899539;0.069635751453933275589847085030;0.046678910315273949849235179954;0.031527395163758797913544640323;0.158708295071931432262957173407;0.060912151821242731253303048788;0.098102234465870824520195014884;0.153810835629017456094302929159
-0.090321316614420069091018206109;0.099529780564263328757057536222;0.097178683385579930908981793891;0.004114420062695924550089099370;0.078173981191222569053778101988;0.086402821316614419888679776705;0.044083072100313480667921339773;0.034286833855799371539863074076;0.178095611285266464118848261933;0.058385579937304074582549162642;0.069161442006269585602851179829;0.160266457680250773432106825567
-0.135402780422776619628777439175;0.063416492096743479200959825448;0.095029518187011996488422482798;0.004951437821367358181612328138;0.123405065701771093911176535585;0.049323938297467145863706150521;0.035802704246810132526768200023;0.037707103408874502459280364519;0.204913349838126063184873260070;0.058274614359169682464845152481;0.061321653018472671581307054112;0.130451342601409253640909469141
-0.142241379310344834285828596876;0.061128526645768024860849720881;0.106583072100313480667921339773;0.003722570532915360410480820619;0.074843260188087776252352512074;0.056426332288401256920273851847;0.043103448275862071836783684375;0.050548589341692790055660111648;0.166340125391849530389620781534;0.089929467084639502783005582387;0.077586206896551726530653070313;0.127547021943573674063188150285
-0.041731974921630096697633405256;0.093456112852664571799543580255;0.127547021943573674063188150285;0.001959247648902821131722262749;0.078761755485893411576903133664;0.073275862068965511020302017187;0.059169278996865207198574410086;0.051920062695924765194810390767;0.130485893416927900556601116477;0.092084639498432596660393301136;0.086990595611285262411804808380;0.162617554858934171280182567898
-0.058919270833333335646297967969;0.088053385416666671292595935938;0.123860677083333328707404064062;0.008300781250000000000000000000;0.078938802083333328707404064062;0.065104166666666671292595935938;0.041829427083333335646297967969;0.057291666666666664353702032031;0.144856770833333342585191871876;0.093098958333333328707404064062;0.079915364583333328707404064062;0.159830729166666657414808128124
-0.100034317089910770870453404768;0.126630061770761831452247747620;0.109471516815374050879405842807;0.001715854495538778360860798777;0.075154426904598489733722033179;0.072923816060398077842918951319;0.077728208647906651962422586166;0.034145504461221685976735074064;0.133836650652024713448184911613;0.060741249142072753497423320823;0.067776252573781739507730037531;0.139842141386410434567011407125
-0.049405122000403305093652051028;0.107279693486590041451300692188;0.125630167372454110141788419241;0.004839685420447671290733460125;0.069368824359749947650044532566;0.079048195200645293700958404770;0.067150635208711437207362848767;0.058882839282113332013413042887;0.119983867715265174469507769572;0.077434966727162740651735362007;0.077434966727162740651735362007;0.163541036499294217820832386678
-0.130748112560054918773744248028;0.056108442004118047607974517632;0.107927247769389153542185511014;0.007721345229924502298612942752;0.071551132463967048735753451183;0.060569663692518871389580681353;0.035346602608098832976057934729;0.043411118737131090816738776539;0.178620452985586819494301380473;0.101750171585449550315516376031;0.075497597803706240071619504306;0.130748112560054918773744248028
-0.053635067712045618459892892815;0.117248752672843903344102045594;0.120990734141126154987944119057;0.011938702779757661906478993785;0.059158945117605131469584733850;0.100498930862437635402883984170;0.029044903777619385937258655872;0.032252316464718461253013970236;0.119387027797576622534236889805;0.100320741268709906490741445850;0.096400570206699925934756834067;0.159123307198859587074935006967
-0.138148148148148158798065310293;0.075185185185185188228018660084;0.115370370370370373125368246292;0.009814814814814814408761023401;0.063518518518518515825199699520;0.049074074074074075513252068959;0.032222222222222221543752596062;0.049259259259259259577934386698;0.166296296296296303163231300459;0.101111111111111109939209029562;0.071851851851851847308161325145;0.128148148148148149916281113292
-0.061507936507936504522131571093;0.098379629629629636311527463022;0.133432539682539680336859078125;0.002149470899470899351579866732;0.058697089947089949035774480990;0.074570105820105814231624208333;0.063326719576719578408408040104;0.056712962962962965018931527084;0.133432539682539680336859078125;0.095403439153439156816816080209;0.083167989417989418576837579167;0.139219576719576715317927551041
-0.033125216788067984863275228236;0.055497745404092961585273968694;0.138224072147069027005628072402;0.003642039542143600538981473846;0.065730142212972603177334462998;0.032604925424904611375165330855;0.091571279916753386962646743541;0.257544224765868912108146560058;0.100069372181755114614709611942;0.070412764481442943753641827698;0.050988553590010407545740633850;0.100589663544918481163925605415
-0.102747252747252743043659961586;0.081684981684981686211877160986;0.128571428571428558740308289998;0.004578754578754578967447752547;0.056227106227106228575340907128;0.054945054945054944139926078606;0.111355311355311362153663878871;0.072710622710622715980655073054;0.115750915750915756019523428222;0.078388278388278387343035547019;0.065567765567765570744462877428;0.127472527472527463743290354614
-0.088092518560822383189012896310;0.082238720731010850339970374989;0.128783552255853805945662315935;0.012992575671045116306179245669;0.063392347230154202919472083977;0.059394631639063395767141884107;0.042832667047401483395585586322;0.039834380354083383235508364351;0.135494003426613357499164180808;0.106367789834380360725063496830;0.092518560822387213571360575770;0.148058252427184455779496374817
-0.066999287241625085642660053509;0.103884533143264429222440980993;0.121347113328581612812229195697;0.004632929436920884061490433226;0.065573770491803282101095362577;0.072344975053456883617997164038;0.039736279401282964540698117162;0.045438346400570206462532496516;0.131860299358517452095185262806;0.094262295081967206744621989856;0.080719885958660017588606194749;0.173200285103349976845166224848
-0.088333333333333333148296162562;0.090555555555555555802271783250;0.125370370370370382007152443293;0.017962962962962961827040331286;0.068518518518518520266091798021;0.052962962962962961688262453208;0.049814814814814811771981339916;0.083518518518518519710980285709;0.120185185185185186562684123146;0.118703703703703700167437773416;0.058148148148148150193836869448;0.125925925925925913384517684790
-0.077912920853164105428056984692;0.105235325224748807459995703084;0.128679710911334399536798400732;0.010576414595452141714782001714;0.065044949762030665474377144619;0.077560373699982379513961916473;0.047770139256125505877736969751;0.056231270932487219249562571122;0.118632117045654850162605953301;0.088136788295434517759296966233;0.083201128150890188428512317387;0.141018861272695222863760022847
-0.055711541303384071177617897774;0.106103147628195657037331045558;0.151618146889315796865815855199;0.008571006354366779780851182124;0.043150583715087925673614677180;0.039012856509531547433144993420;0.176296734151027034709358076725;0.082015664252992462324165501286;0.099601004876607057703097325430;0.078321264962317130309266133281;0.056598197133146149750970721470;0.102999852224028368152808354807
-0.032362937786315944255211007885;0.079946800650214269734483707452;0.145854883995862272261234693360;0.002364415546032215022231870449;0.061031476281956556495522647765;0.061327028225210578060710986392;0.112309738436530220928588619245;0.141864932761932904803359178914;0.103738732082163442882460913097;0.043002807743460914891020507866;0.059997044480567460200681750848;0.156199202009753207454068046900
-0.071958880639634500986367982023;0.124214734437464308092202713851;0.111650485436893209811870519843;0.001142204454597372945481859041;0.103797829811536262978322042727;0.065962307252998286788425730265;0.059680182752712737648259633261;0.028269560251284981539088292379;0.147915476870359802186172260008;0.051113649343232439581363735215;0.069960022844089087001862026227;0.164334665905197019331041019541
-0.040551839464882943886436805769;0.103260869565217391907729904688;0.118171683389074688719233563461;0.001254180602006688995120331498;0.107302118171683391611992419712;0.069119286510590863259473337621;0.067725752508361200532327472956;0.043199554069119287802447360036;0.143115942028985504430593778125;0.055741360089186176018927199038;0.066053511705685616361982681610;0.184503901895206240402202979567
-0.024982746721877155393620739687;0.161904761904761912427730408126;0.108212560386473435891652172813;0.001242236024844720542956166831;0.060455486542443065411944758125;0.096480331262939963976599244688;0.046100759144237404840716010312;0.027881297446514838322961793438;0.097860593512767421464637607187;0.061421670117322288429129173437;0.106280193236714975979495534375;0.207177363699102834448950716251
-0.061454849498327759893534505409;0.122352285395763663022883349640;0.095457079152731327820191609135;0.000975473801560758119362504193;0.079152731326644368281542085697;0.099916387959866223567040321996;0.032469342251950944477911775721;0.028567447045707915903589579898;0.130713489409141569996819498556;0.063405797101449279384866031251;0.070791527313266447429818128967;0.214743589743589730067796494950
-0.090959282263630092391082371250;0.069703243616287088868510579687;0.146859903381642509234694671250;0.004140786749482401954414179102;0.053830227743271223672660852344;0.038923395445134574555101636406;0.050241545893719805060406713437;0.054244306418219465082408703438;0.162180814354727392823107834374;0.115942028985507247784703110938;0.079917184265010349220048624375;0.133057280883367851087584199377
-0.090657552083333328707404064062;0.080240885416666671292595935938;0.101562500000000000000000000000;0.001627604166666666738946811499;0.094563802083333328707404064062;0.066569010416666671292595935938;0.040527343750000000000000000000;0.032552083333333335646297967969;0.194661458333333342585191871876;0.062337239583333335646297967969;0.081868489583333328707404064062;0.152832031250000000000000000000
-0.137048665620094184403043868770;0.077237048665620089415995153104;0.105651491365777075448484367826;0.007692307692307692734701163317;0.063265306122448974890382089598;0.063736263736263731871645177307;0.029356357927786499995015390141;0.030455259026687598461480277479;0.167189952904238631203881482179;0.096389324960753530735502181415;0.079277864992150712253327071721;0.142700156985871268178200921284
-0.067675613934894351952920033000;0.088663620788121066951248394616;0.116076527698458026316430391489;0.007852655625356938159931097232;0.067247287264420335661796457316;0.073243860651056535981950901260;0.033837806967447175976460016500;0.030268418046830381645806440361;0.170474014848657901000095193922;0.095802398629354648673661642988;0.086379211878926331902306401389;0.162478583666476300573222601997
-0.082238720731010850339970374989;0.077812678469446033835410503343;0.122929754426042259218831986800;0.018989149057681325299951069496;0.076813249571673333782051429353;0.072244431753283835928591827269;0.045830953740719590494556712201;0.052969731581953172216969960573;0.162478583666476300573222601997;0.070245573957738435821873679288;0.080953740719588801466599647938;0.136493432324386071430311062613
-0.039403453689167977636031992006;0.110361067503924645261115244921;0.127001569858712720639815074719;0.000470957613814756656002435964;0.112558869701726849132938923503;0.077864992150706441309537808593;0.069858712715855572628065317531;0.029042386185243327517691014350;0.153689167974882273659531506382;0.059340659340659338005785627956;0.063265306122448974890382089598;0.157142857142857139685077072500
-0.031969696969696967392415842824;0.133787878787878788955367781455;0.118484848484848484528875189881;0.008181818181818182461606525635;0.070000000000000006661338147751;0.085454545454545449700844983454;0.061969696969696966282192818198;0.029696969696969697377619823442;0.123030303030303031497361132551;0.073181818181818181212605622932;0.098939393939393938115500759523;0.165303030303030312753165276263
-0.025713019063100341077277022350;0.170829023200827545547753061328;0.107137579429584753332171942475;0.010787645928771981418403669295;0.050539382296438596642307317097;0.104920939855179543021002075420;0.070636914437712430836491250830;0.028816314467267623022905809194;0.084380079799024676479035633747;0.062509235998226692077039956530;0.083493423969262597905682810051;0.200236441554603211701035547776
-0.081998413957176843891438977607;0.061062648691514669063717946074;0.129896907216494855719091106039;0.084694686756542431060879039251;0.039968279143536872277664429021;0.059952418715305315355390547438;0.027438540840602695936034649549;0.072482157018239498635914230817;0.130531324345757343552421048116;0.092307692307692312816413959808;0.090245836637589213480303840242;0.129421094369547989844093649481
-0.040786168169055711518744544719;0.128121767400620645283026988182;0.140978276932170826230006355217;0.011526525786907049209162323677;0.065760307374020984805262912687;0.075070193586522837581043177124;0.066351411260529041813427397756;0.051426038126200682154554044700;0.098714349046844979129744501734;0.058075956849416285332488030235;0.093837741983153533098516163591;0.169351263484557423844023560378
-0.008215206185567010613302052491;0.207313144329896920092792811374;0.114690721649484531075025017799;0.010470360824742267272235984876;0.039304123711340205327147145908;0.108730670103092785794274277578;0.051385309278350513317867864771;0.032216494845360821308588583634;0.056862113402061854883218217083;0.053479381443298966425370366551;0.097938144329896906215005003560;0.219394329896907214205725722422
-0.064391776127926902972831157967;0.129782981153626492121233582111;0.091804683038263848460225347026;0.056253569388920614258164931698;0.061536264991433463344971954712;0.105939463163906344433939921146;0.033123929183323817804218691663;0.023986293546544832505640343356;0.106938892061679044487298995136;0.060536836093660763291612880721;0.091804683038263848460225347026;0.173900628212450031329083799392
-0.024847094801223240656540269811;0.127548419979612637220611759403;0.110091743119266061157190961239;0.002293577981651376274108145026;0.061289500509683993156873071939;0.113277268093781857682955660493;0.048674821610601423649278274297;0.030071355759429152509909499713;0.112257900101936800019153395169;0.068042813455657491505945699828;0.095310907237512745848739825760;0.206294597349643227257587341228
-0.090576529119110335552811363868;0.079894644424934158077888923799;0.110330699443956681271572506375;0.002194907813871817443829304040;0.070676031606672518048384290523;0.053263096283289436405627981230;0.048287971905179985498968164848;0.056189640035118525174251402632;0.179689786362306119782417113129;0.077846063798653789000958624911;0.069359086918349424633056798939;0.161691542288557227324830023463
-0.083406496927129064600237029481;0.082674860989171788938634222177;0.106526192566578872811255962461;0.003072870939420544508097199454;0.072724612232952887125314589412;0.065700907228563060202830570233;0.036142815335089256700840110170;0.057067603160667251804838429052;0.158764998536728124678418794247;0.089405911618378700045361995308;0.092771436932982148659831977966;0.151741293532338311633722582883
-0.022558537978298116161157693682;0.151199314677327251166261135040;0.086950314106225015664541899696;0.022272986864648770810592992575;0.057395773843517988721529832219;0.119503141062250142767631189145;0.032552826956025127103089289449;0.038549400342661334362137637299;0.101656196459166195400491972123;0.059537407195888063238253806730;0.090091376356367783295731044291;0.217732724157624207839134555798
-0.006403013182674199485489019423;0.168926553672316376308870644607;0.082109227871939735599049470238;0.000000000000000000000000000000;0.065913370998116754817530704713;0.160075329566854995810842865467;0.032768361581920903147224777285;0.007721280602636534928784328713;0.079661016949152535504552474777;0.041996233521657252985015418290;0.099623352165725043150246165169;0.254802259887005666527670655341
-0.006416926812348248444772824683;0.186611168921262560171925315444;0.074401664932362124305065265162;0.000173430454387790494111959427;0.071106486298994103778525754933;0.150711064862989935209114378267;0.028442594519597640817520911583;0.005723204994797086685165421471;0.091397849462365593486978809779;0.049601109954908080557078875472;0.097467915365938254113054028949;0.237946583420048568546789624634
-0.026095360824742269006959460853;0.153994845360824750279959971522;0.091333762886597932850740733102;0.000644329896907216482550284642;0.082957474226804120420730725982;0.103414948453608240841461451964;0.032699742268041238901776779358;0.045908505154639178691411416366;0.128543814432989678131491473323;0.043492268041237111542152149468;0.073614690721649486682132135229;0.217300257731958768037117124550
-0.068205529473135101392600176951;0.097157016171100674117866446977;0.116197183098591547145694846677;0.003521126760563380361096497140;0.059467918622848198184627221963;0.071465832029212306153453937441;0.031690140845070421948825867275;0.043948878455920707686299664374;0.145539906103286376115590883273;0.096244131455399062335942517166;0.087506520605112159127969562178;0.179055816379760035506052417986
-0.003312945973496432203186934373;0.150101936799184515480831692003;0.060524974515800203378468324900;0.000000000000000000000000000000;0.035295616717635064363278729616;0.084989806320081545676359269237;0.079255861365953111929982810580;0.288481141692150888644619044499;0.049311926605504589893325118055;0.025611620795107033904391968804;0.059760448521916413600063577860;0.163353720693170223476897717774
-0.051037897543325078109077708177;0.119596267377642354046152206593;0.121881546372119592414051680862;0.014854313464102075412198722404;0.062654732431917728452397398087;0.080556084555322801654675402006;0.051418777375737953483358921858;0.037516663492668064772139757679;0.107027232908017522206023386389;0.063416492096743479200959825448;0.077699485812226243286460203308;0.212340506570177112166675215121
-0.131161236424394311850250005591;0.053467000835421885085452231579;0.066165413533834580017689575016;0.040768588137009190153214888142;0.181453634085213033610983757171;0.050793650793650793606737181562;0.030743525480367586699692594721;0.039264828738512946859628982565;0.164076858813700932060442028160;0.057477025898078529242418710510;0.051294903926482872391634515452;0.133333333333333331482961625625
-0.039293067947838024311923987852;0.127144818119423463897987858218;0.060398078242964996220631945789;0.000171585449553877825244058153;0.166609471516815377256648389448;0.103466026080988329760579347294;0.042381606039807825925258555344;0.022820864790665751353770929200;0.134351407000686345893925022210;0.035003431708991075699266559695;0.067433081674673989169832566404;0.200926561427590938402332199075
-0.009992163009404388812617625604;0.160266457680250773432106825567;0.072296238244514102189164361789;0.000000000000000000000000000000;0.083072100313479627087254186790;0.142633228840125386716053412783;0.038989028213166146419332847017;0.008228840125391849100178198739;0.116575235109717872949985917330;0.042123824451410656066752125071;0.090517241379310345306130614063;0.235305642633228839777359553409
-0.010048766070636913627645014913;0.162849120732968810632002032435;0.078616816905571151874454471908;0.000295551943254026877778983806;0.067238067090291120386780221452;0.155903650066499199766667516087;0.061031476281956556495522647765;0.019358652283138762933978327396;0.073740209841879705843226133766;0.041229496083936750805420956567;0.081129008423230383750812677590;0.248559184276636618848854709540
-0.018753781004234724300028247512;0.123815285339786251839200303948;0.066948981649526118076209968422;0.000201653559185319619043857964;0.066142367412784841551598447040;0.160717886670699749984692061844;0.031457955232909860787682276850;0.030248033877797942531318042825;0.097398669086509376269233939638;0.049405122000403305093652051028;0.093970558580358937161847165953;0.260939705585803594090066326316
-0.040734018955434561637396484457;0.084291187739463604988721101563;0.117564025005041344895673205428;0.005242992538818310420400958805;0.071385359951603138961573336019;0.098810244000806610187304102055;0.034281105061504335562716505592;0.053034886065739063332191705058;0.115345835854002820575203713815;0.080459770114942527619028567187;0.098205283323250652793845461019;0.200645291389393021219689217105
-0.081501831501831503712374171755;0.104212454212454216917471683246;0.105494505494505494413992607861;0.019230769230769231836752908293;0.062637362637362636874627241923;0.089010989010989013947572345842;0.059523809523809520505288617187;0.053113553113553112206002282392;0.112271062271062274651178825025;0.066117216117216118242971845120;0.079853479853479847339059460865;0.167032967032967022413814106585
-0.017582417582417582402332101310;0.126190476190476186246769429999;0.126556776556776551245775408461;0.000366300366300366300048585444;0.080586080586080591214859225602;0.122161172161172157379915859110;0.040842490842490843105938580493;0.020879120879120877801726763323;0.109890109890109888279852157211;0.047435897435897433904727904519;0.082967032967032963708398085600;0.224542124542124549302357650049
-0.018353174603174603890520799609;0.141369047619047616404230893750;0.113095238095238095898942276563;0.039517195767195770206292593230;0.054398148148148146863167795573;0.098214285714285712303173170312;0.051752645502645501507377190364;0.037863756613756613389476513021;0.095403439153439156816816080209;0.056547619047619047949471138281;0.089451058201058197827393314583;0.204034391534391540412585186459
-0.008909479686386315502866217741;0.173556664290805406913875685859;0.119565217391304351446379428126;0.006949394155381326092235649838;0.057020669992872419218343793546;0.110299358517462586792845513628;0.050962223806129719472224337551;0.027975766215253029811638185720;0.083392729864575909637380846107;0.064861012116892380330313017112;0.093727726300784033885982182710;0.202779757662152532171617735912
-0.045103092783505153995360359431;0.137403350515463928971371387888;0.094072164948453607102862861211;0.002577319587628865930201138568;0.080541237113402067149259266898;0.101965206185567008878578576514;0.038981958762886598224284284697;0.016913659793814431880898396798;0.110180412371134017757157153028;0.055412371134020615981441437725;0.089561855670103093784994996440;0.227287371134020615981441437725
-0.067218771566597654287811280938;0.115942028985507247784703110938;0.107660455486542447345321704688;0.031746031746031744269487262500;0.081297446514837820585874794688;0.077156659765355420366184091563;0.064872325741890959904800695313;0.060731538992408559685109992188;0.100345065562456869923124713750;0.075500345065562454727192687187;0.071083505866114560234336750000;0.146445824706694260886052916248
-0.022988505747126436462579590625;0.126033474490824776159669795561;0.119580560596894536207202008882;0.004638031861262351292218841792;0.064730792498487593755740476809;0.092357330106876384112624123190;0.049808429118773943355957811718;0.035692679975801569480786668009;0.097801976204880014531539700329;0.078443234523089336307499763734;0.075620084694494854593571631085;0.232304900181488194199630470393
-0.073940345368916804424941346952;0.070172684458398748574836645275;0.105808477237048670360763935605;0.009419152276295132686367850283;0.084772370486656201116204556456;0.070486656200941910643820165205;0.042229199372056512584716614356;0.040188383045525903625172503553;0.160753532182103614500690014211;0.090737833594976446960345128900;0.085086342229199377062975884201;0.166405023547880698275847066725
-0.072727272727272723740199467102;0.085151515151515144719240879567;0.087727272727272723185087954789;0.007727272727272727591285583770;0.062727272727272728736203077915;0.117575757575757569584062878221;0.033939393939393942833948614179;0.023787878787878788400256269142;0.123484848484848488969767288381;0.098484848484848480643094603693;0.098484848484848480643094603693;0.188181818181818172330821425930
-0.047439353099730456608806861141;0.121024258760107819576923304794;0.128301886792452829455513096946;0.037331536388140164339777271607;0.057816711590296498979313355449;0.087331536388140160176440929263;0.076819407008086260102430742336;0.064959568733153644215505551074;0.099595687331536383868346717918;0.079919137466307271777665732770;0.074528301886792450159369138873;0.124932614555256060739907297830
-0.043296817944705266734128912276;0.122848200312989042082278956514;0.089332290036515382691817421801;0.000652060511215440843750534849;0.113849765258215968044552823812;0.090375586854460093766405748283;0.055033907146583203873202450040;0.018518518518518517490534236458;0.136671883150756401370529147243;0.051773604590505999112348689550;0.075117370892018781036725272315;0.202529994783515909784199493515
-0.059314954051796153766673569407;0.082539682539682537876224444062;0.098245614035087719395633598651;0.001503759398496240691500691611;0.101253132832080205982805409803;0.094569757727652470347123880856;0.065831244778613198787020621694;0.040768588137009190153214888142;0.170091896407685877479210034835;0.045948203842940682495310511513;0.069340016708437757220195862828;0.170593149540517963203001272632
-0.051496792587312899269758048604;0.109408410548823942232132822028;0.101211689237348537173666329636;0.003207412687099073581031838387;0.113863150392017109524545048771;0.086243763364219530598298035784;0.059158945117605131469584733850;0.061653599429793301545110750794;0.118496079828937991851312006020;0.061297220242337850659719578061;0.069137562366357804832794897720;0.164825374198146828996769386322
-0.054445876288659794672852854092;0.107603092783505160934254263339;0.089400773195876290233563565835;0.004510309278350515052591340748;0.090367268041237111542152149468;0.118395618556701026635735729542;0.065882731958762888457847850532;0.047036082474226803551431430606;0.126771907216494839065745736661;0.050579896907216495560710711743;0.072326030927835058270680690384;0.172680412371134017757157153028
-0.053179579041648009085641035654;0.085311240483654279809222487074;0.100089565606806984998655707386;0.002015226153157187623243817853;0.084191670398566953448238336932;0.118898343036274070638746991335;0.037169726824899239348010127060;0.032019704433497539475261817188;0.152597402597402592716591129829;0.079825347066726379252621370597;0.078481862964621590394997951989;0.176220331392745177545577917044
-0.061818181818181820730284670162;0.106818181818181812126056229317;0.081969696969696970167973404386;0.004696969696969696857202780649;0.075454545454545454696848594267;0.118787878787878789510479293767;0.029848484848484849868421875385;0.022424242424242422921931705559;0.152424242424242434301717707967;0.076363636363636369641660905927;0.089242424242424248093108474222;0.180151515151515145829463904192
-0.017253278122843340031122849609;0.130020703933747400204978816873;0.096894409937888198447453191875;0.000828157349896480325830705471;0.082263630089717043603059210000;0.120634920634920636550724282188;0.064596273291925465631635461250;0.024016563146997928906989372422;0.113871635610766047674857759375;0.058109040717736371028934172500;0.096894409937888198447453191875;0.194616977225672865836614278123
-0.052020202020202022108463779659;0.091035353535353538689811614404;0.110984848484848491745324849944;0.005934343434343434392497229624;0.078787878787878781738918121391;0.102398989898989892233238663266;0.039141414141414143657016211364;0.046085858585858584246519598082;0.139393939393939403359468087729;0.082196969696969698904176482301;0.084343434343434345312751077017;0.167676767676767674020155141079
-0.063839219742869809937069192074;0.094133293926407568541492310032;0.085266735628786755052388457443;0.007388798581350672703416115894;0.095758829614304707966709884204;0.100487660706369150154237956940;0.066351411260529041813427397756;0.066794739175410081100103809604;0.153391458548839954012521502591;0.051721590069454703719742383328;0.060588148367075510269952332010;0.154278114378602032585874326287
-0.065838509316770182921985110625;0.089026915113871632478925732812;0.106556245686680470252660768438;0.002484472049689441085912333662;0.091649413388543821135101552500;0.089579020013802621025256200937;0.036438923395445133035508433750;0.036853002070393374445256284844;0.167839889579020018484101228751;0.077156659765355420366184091563;0.076466528640441677744377102499;0.160110420979986206591050290626
-0.047101449275362319846216507813;0.104654403567447040757087961538;0.079152731326644368281542085697;0.014910813823857302015674086704;0.083054626532887407264205137380;0.132525083612040128766551561057;0.034977703455964327672322866647;0.031075808249721292159106766917;0.145624303232998880686110965144;0.058389074693422519934937753305;0.078455964325529536917969153365;0.190078037904124863555210822597
-0.113649343232438609918588667824;0.061821816105082812164983607772;0.081953169617361501519958721929;0.001998857795545402708803361946;0.085950885208452315611182825705;0.083809251856082234155564947287;0.037978298115362650599902138993;0.029982866933181039764688691207;0.204169046259280423383231095613;0.077812678469446033835410503343;0.066247858366647635608437383326;0.154625928041119353739674124881
-0.039246467817896389662646328134;0.088383045525902662054029690353;0.128885400313971748564867425557;0.004709576138147566343183925142;0.062323390894819467866749818086;0.107221350078492941304553198734;0.044427001569858709517646389031;0.063736263736263731871645177307;0.118681318681318676011571255913;0.092464678178963893850905719773;0.089795918367346932997818953481;0.160125588697017262607147358722
-0.043642072213500783528505877484;0.083359497645211930172415293328;0.116169544740973310070764057400;0.005337519623233908695747462758;0.084301412872841444134941468747;0.100784929356357924601361730765;0.031554160125588696927945164816;0.045996860282574568434821316032;0.157770800627943491578619727989;0.081632653061224483281854702454;0.077864992150706441309537808593;0.171585557299843011191953223715
-0.117751288659793812430010007120;0.090045103092783504439289288257;0.082635309278350513317867864771;0.010148195876288660169373123665;0.066365979381443299112142142349;0.098582474226804120420730725982;0.029639175257731957546791790037;0.044619845360824743341066067615;0.146907216494845366261401409247;0.086823453608247419532872868331;0.075225515463917522196446441285;0.151256443298969062150050035598
-0.147390463917525776915695701064;0.072970360824742272476406412807;0.086501288659793812430010007120;0.034632731958762888457847850532;0.060728092783505153995360359431;0.077963917525773196448568569394;0.037048969072164948668213213523;0.051707474226804120420730725982;0.136114690721649472804344327415;0.108086340206185571588548555155;0.063144329896907214205725722422;0.123711340206185571588548555155
-0.058274614359169682464845152481;0.089697200533231769004061106898;0.100361835840792223972783858699;0.005903637402399543147868410387;0.072938487907065321924626744021;0.109312511902494760573922860658;0.044182060559893356066485381461;0.052370976956770141919061956060;0.152542372881355942082493015732;0.070462768996381638930692759004;0.074271567320510378795717087996;0.169681965339935236780632976661
-0.059026687598116168997908204119;0.096075353218210354788730853670;0.086185243328100472059993819585;0.033437990580847724852997515654;0.083202511773940349137923533362;0.094348508634222921775958070612;0.061067503924646784896346218829;0.067032967032967030740486791274;0.125274725274725273749254483846;0.078492935635792779325292656267;0.069544740973312396681293989786;0.146310832025117742993813862995
-0.044943820224719099876153904916;0.102075795086650156218155416354;0.120167587126261660168680123206;0.030279946676823463885819265329;0.067225290420872219065984154440;0.069320129499143026685636925777;0.108741192153875454451394944044;0.082079603884974289274012448914;0.103408874500095213089245760330;0.066273090839840023691387216331;0.063035612264330603826678611767;0.142449057322414779358510372731
-0.084981684981684985080718774952;0.071794871794871789605352319086;0.088827838827838831448069356611;0.008241758241758241967933606986;0.088278388278388283949560388919;0.077106227106227109846514622404;0.062637362637362636874627241923;0.058058608058608060509264703342;0.164468864468864467420772257356;0.073626373626373628478170019207;0.078754578754578752342041525480;0.143223443223443214211698659710
-0.105353466026080991313484958027;0.050960878517501716211679507751;0.118565545641729580550460809718;0.027110501029512696496981405403;0.071551132463967048735753451183;0.054221002059025392993962810806;0.031743308167467398916983256640;0.075669183253260122179462143777;0.168840082361015775269663663494;0.110501029512697329648673871816;0.070864790665751548059958508929;0.114619080301990389214594756595
-0.095716552088841888590309281426;0.089899524061343202840923538588;0.126564427992243960785501144528;0.001939009342499559314376700314;0.075268817204301077805617126160;0.054468535166578527229042094859;0.080028203772254544179354240896;0.072448439978847173348341925703;0.144015512074740004155870565228;0.061695751806804158268171534019;0.062224572536576767955995848070;0.135730653974969139863304690152
-0.131851851851851858965503083709;0.066481481481481474737904591166;0.115740740740740741254732881771;0.021296296296296295808003762318;0.068518518518518520266091798021;0.050185185185185186840239879302;0.041666666666666664353702032031;0.074259259259259260965713167479;0.135925925925925922266301881791;0.099259259259259255414598044354;0.072037037037037038311737546792;0.122777777777777777346024379312
-0.114599686028257458092483034306;0.060439560439560439941697467248;0.106122448979591832429747455535;0.028571428571428570536427926640;0.086813186813186810075748667259;0.063736263736263731871645177307;0.046153846153846156408206979904;0.048979591836734691356891602254;0.149136577708006284881392389252;0.084772370486656201116204556456;0.080847723704866564231608094815;0.129827315541601262527393600976
-0.059363525091799262956016036696;0.079151366789065688567283984867;0.158914728682170547369167934448;0.004283965728274173427603255249;0.085679314565483472021512056926;0.054875560995512037698595975144;0.046715626274989797972470029208;0.058547531619747045228407955619;0.148306813545491633643536033560;0.076499388004895960135876009645;0.064871481028151781189627911317;0.162790697674418616269775839100
-0.085507522376690153764755564225;0.063416492096743479200959825448;0.090078080365644644378342320579;0.002666158826890116344265901915;0.139211578746905345616013960353;0.053704056370215198790152300035;0.035040944581984381778205772662;0.040944581984383929262882872990;0.155970291373071806573236131044;0.089887640449438199752307809831;0.075795086650161880292841942719;0.167777566177870873787014716072
-0.068838763575605685374192432846;0.080534670008354222736635108504;0.123976608187134504368565046661;0.029239766081871343406106689145;0.064494569757727646108769192779;0.061487050960735173399385189441;0.035254803675856309641556407541;0.098913951545530495734759313109;0.130325814536340844895789814473;0.098078529657477028780299121991;0.085881370091896405694065208536;0.122974101921470346798770378882
-0.076747286231194061789651073013;0.081698724052561413899731235233;0.134069701009331548879899287385;0.008188916396876785852576574598;0.074652447152923254169998301677;0.063797371929156354575241039129;0.050847457627118647360831005244;0.060179013521234052397357316977;0.145876975814130643849253488042;0.081127404303942107777203318619;0.075414206817749004918560729038;0.147400495143782145346378342765
-0.109471516815374050879405842807;0.070521619766643783844273229988;0.103466026080988329760579347294;0.007892930679478380937008630269;0.088881262868908711416437995467;0.059540150995195606498100460158;0.035861358956760465421798045327;0.033115991763898421085254852869;0.164893617021276583933797610371;0.086993822923816063741320192548;0.087851750171585446524957774272;0.151509951956074112588979119209
-0.115288667141838913066109739702;0.074839629365645046754629277075;0.102280826799714896768733751742;0.003920171062009978821261135806;0.104953670705630788817508403099;0.063079116179615105086675441726;0.032074126870990732340871431916;0.030470420527441196417717250711;0.177476835352815387469860297642;0.078403421240199569486328812218;0.071454027084818252935072280252;0.145759087669280112953273942367
-0.110975112199102401988604071903;0.069563443492452053940056089232;0.130966952264381875092880136435;0.019787841697266422141820996217;0.055487556099551200994302035951;0.056711546307629541463501965382;0.030803753569971441261809985690;0.061199510403916766720922026934;0.144022847817217469756911896184;0.111995104039167681087008077156;0.075479396164830681037472004391;0.133006935944512433289688146942
-0.093427835051546392897137138789;0.051868556701030930911056060495;0.124677835051546392897137138789;0.015141752577319587610982232206;0.072003865979381437290030021359;0.056539948453608247780355355872;0.043331185567010307990720718863;0.066204896907216495560710711743;0.137564432989690732522802818494;0.115657216494845366261401409247;0.095038659793814428411451444845;0.128543814432989678131491473323
-0.028520499108734401194631402632;0.110262286732874970063278396992;0.124013241660300477242628858221;0.000509294626941685720129815440;0.110007639419404126823742728902;0.061370002546473137461369162793;0.059078176725235548305548149983;0.048128342245989302883302229930;0.125031830914183850200771530581;0.061879297173414823940440498973;0.086580086580086576542036880255;0.184619302266361084985391016744
-0.120281400137268359995523780981;0.066060398078242960062667066268;0.118737131091283462658303449189;0.012697323266986960260682693047;0.061256005490734385943163431421;0.053706245710363760548222700208;0.071207961564859298397855980056;0.080130404941660945961068307497;0.146877144818119420577318123833;0.083562113932738504851194250023;0.073781743308167460626556533043;0.111702127659574462770208924667
-0.069230769230769234612310469856;0.085347985347985350079724753414;0.158241758241758234682095007884;0.004945054945054944833815468996;0.068498168498168504614298512934;0.058058608058608060509264703342;0.044322344322344324474283183690;0.076739926739926744847508643943;0.135164835164835156477991517932;0.074175824175824175976678986899;0.080402930402930408715356236371;0.144871794871794884462801178415
-0.130791161796151106377905648515;0.046863863150392016942991091355;0.124732715609408406631786192520;0.018531717747683536245961732902;0.051674982181040628181900586924;0.053635067712045618459892892815;0.028153955808980755254333772086;0.073948681397006416071704393289;0.155381325730577335431092933504;0.118852459016393435797809274845;0.089451176051318609383500302101;0.107982893799002138690568131096
-0.151018853551704440585368161010;0.046848219386783469808666069412;0.112359550561797749690384762289;0.011616834888592648608596213933;0.060750333269853358519885233591;0.054084936202628074164433513715;0.023233669777185297217192427865;0.043610740811274043005063560940;0.187773757379546740731157683513;0.103027994667682351592752354463;0.082270043801180733900046959661;0.123405065701771093911176535585
-0.162087912087912094927233397357;0.063553113553113549372142188076;0.106776556776556771910513532475;0.004761904761904762334312479766;0.073076923076923080979661051515;0.060989010989010987440206434940;0.038095238095238098674499838125;0.042490842490842492540359387476;0.158058608058608052182592018653;0.099633699633699640552109144664;0.072893772893772898480158062284;0.117582417582417581014553320529
-0.115305422100205903768177506663;0.087508579272477696187060303146;0.093342484557309535198044159188;0.018702814001372684848956140513;0.090082361015785858415760856133;0.081503088538091975068233807633;0.043582704186684965985687512102;0.026938915579958817858585717886;0.130919698009608787003799079685;0.088366506520247078970697884870;0.076527110501029518840887533315;0.147220315717227184793003402774
-0.121310226623500286291523764248;0.069891449247762332808164842390;0.097124357265282804108075254135;0.056941534945724625593754808506;0.071224528661207389679255186365;0.057131974861931063280895415346;0.026852028185107599395076150017;0.059417253856408301648794889616;0.131974861931060755138034323863;0.101314035421824419347380796808;0.078842125309464869409303844350;0.127975623690725570646975484124
-0.094688644688644685309952819807;0.089010989010989013947572345842;0.098351648351648349177800412235;0.021978021978021979737638602614;0.082051282051282051210883139447;0.069230769230769234612310469856;0.046703296703296703906715947596;0.059340659340659338005785627956;0.146336996336996344458825092261;0.089377289377289378946578324303;0.077838827838827839844526579327;0.125091575091575091249751494615
-0.042411703856952857882856022798;0.105512043741687600029166560489;0.100930988621250189440914368788;0.015516477020836411462867410194;0.073887985813506723564714206987;0.086744495345056890633905766208;0.081720112309738440758977162659;0.054086005615486924813506419696;0.144081572336338115114529045968;0.062804787941480713642228295157;0.074479089700014780572878692055;0.157824737697650374634861236700
-0.087490287490287491078966297664;0.108003108003108000412240130572;0.092773892773892779883837533816;0.010567210567210567201401616444;0.090753690753690760550931315720;0.081274281274281268139247913496;0.039937839937839940407382499643;0.029370629370629369736533931246;0.148096348096348084943940648373;0.064024864024864028277939098643;0.072261072261072256672775893094;0.175446775446775449225356169336
-0.050795593635250921304979954130;0.117299061607507137949824027601;0.109955120359037122890200066649;0.026927784577723379300095984945;0.077111383108935130370475974360;0.086087311301509594763103905279;0.053651570787433697229396045714;0.054875560995512037698595975144;0.100367197062423502140759978829;0.085475316197470424528503940564;0.076907384740922068999680050183;0.160546715626274982824384096602
-0.089557226399331668620362734146;0.089557226399331668620362734146;0.092564745196324141329746737483;0.002506265664160400863380573355;0.078529657477025893719257965131;0.071512113617376776852907482862;0.044444444444444446140618509844;0.025730994152046784972931448010;0.175104427736006679205971181545;0.077861319966583131257920058488;0.078028404344193821873254535149;0.174603174603174593482179943749
-0.085118959657159751208688192037;0.069454706664696316820162280692;0.144081572336338115114529045968;0.012560957588296143769279744618;0.045662775232747157549972882862;0.052460469927589771510501037710;0.037978424708142458077198000410;0.069602482636323334541650353913;0.146002659967489289982722766581;0.133737254322447179921695692428;0.082163440224619480045653574507;0.121176296734151020539904664020
-0.142729864575908776958002022184;0.080363506771204559764321118109;0.097647897362794014441966794493;0.012295081967213114526593642495;0.068781183178902347008509821080;0.068602993585174631974155090575;0.029935851746258020089630491611;0.042409123307198856589472768519;0.165181753385602286821054462962;0.093014967925873132115199837244;0.076265146115466850296193968006;0.122772630078403416353793886628
-0.106475515463917522196446441285;0.080380154639175263597827836293;0.105025773195876290233563565835;0.010953608247422679661253752670;0.078447164948453607102862861211;0.057828608247422683130700704623;0.042686855670103093784994996440;0.054284793814432991121421423486;0.165270618556701026635735729542;0.096166237113402067149259266898;0.074097938144329897336426427046;0.128382731958762874580060042717
-0.019007731958762884988400898578;0.146262886597938152055675686825;0.120328608247422683130700704623;0.000322164948453608241275142321;0.076997422680412375139979985761;0.095521907216494839065745736661;0.056539948453608247780355355872;0.047841494845360821308588583634;0.103092783505154633738598590753;0.042847938144329897336426427046;0.084085051546391759158538548036;0.207152061855670116541361380769
-0.057309941520467838627084233849;0.105096073517126145646649604259;0.136340852130325818070133436777;0.001503759398496240691500691611;0.072180451127819553192033197320;0.070509607351712619283112815083;0.058646616541353384366441758857;0.051796157059314951176531849342;0.138512949039264837702845056810;0.077192982456140354918794344030;0.074352548036758558946957009539;0.156558061821219729470300308094
-0.057824296499656827053037488895;0.088023335621139328632800413743;0.137096774193548376352680406853;0.002059025394646534119769132332;0.089396019217570343862178106065;0.062113932738503775665694917052;0.071036376115305416290013340586;0.062457103637611532942486292086;0.136582017844886743906940296256;0.066746739876458474616249816336;0.079444063143445431407485557429;0.147220315717227184793003402774
-0.059027777777777776235801354687;0.100859788359788357658963775521;0.106150793650793648370544985937;0.003637566137566137364212082161;0.086309523809523808202115446875;0.087962962962962965018931527084;0.040343915343915341675806729427;0.042989417989417987031597334635;0.140376984126984127865256368750;0.088128306878306875149498011979;0.078538359788359782265310116145;0.165674603174603168875833603124
-0.080701754385964913351969585165;0.075020885547201335286082723997;0.137009189640768580531471343420;0.015705931495405178049962202635;0.067335004177109442080606527270;0.046282372598162070664873368742;0.071846282372598158083576436184;0.086382623224728491417856446333;0.136173767752715113577011152302;0.107101086048454474664026747632;0.073015873015873020146493388438;0.103425229741019211737729222023
-0.043771043771043773029649770478;0.104989286807468620854599805625;0.114937251300887666172201306836;0.001224364860728497077929644021;0.080501989592898684500177353129;0.076675849403122137148969272857;0.083256810529537803033939269426;0.056932966023875111738483667523;0.134680134680134677704899104356;0.065503520048974597789204210585;0.081879400061218243767058311278;0.155647382920110183279760462938
-0.034317089910775568084577713535;0.095916266300617711304532519989;0.121482498284145506994846641646;0.001544269045984900372986414752;0.121482498284145506994846641646;0.069663692518874401060635648264;0.108956760466712418433665732209;0.068119423472889503723415316472;0.120452985586822242103366420451;0.048730267673301304320876425891;0.069320521619766650722738177137;0.140013726835964302797066238782
-0.080348943985307619275459956043;0.101928374655647385749190902970;0.110039791857973676125759254774;0.011784511784511784646123366826;0.080042852770125502703812969685;0.071319253137434951428375029536;0.043158861340679519069674086040;0.038873584328129782983207718416;0.140495867768595045221857731121;0.094276094276094277168986934612;0.082797673706764621237574885981;0.144934190388735839594147591924
-0.095822102425876007347760321409;0.091778975741239887664590924032;0.111994609164420486080437910914;0.010512129380053908747627566811;0.080997304582210244427997736238;0.085309973045822107273750134482;0.047304582210242585027515360707;0.050404312668463610580538158956;0.153908355795148249489656677724;0.073584905660377356029222539746;0.082075471698113203200541931892;0.116307277628032348926190309157
-0.027661227661227662938392413139;0.133799533799533798550385199633;0.097902097902097903747709040090;0.000466200466200466200061836020;0.114840714840714841482594010813;0.096814296814296818549649970009;0.051903651903651905341607886157;0.034498834498834500539299341426;0.123698523698523701885854109150;0.054390054390054391741937678262;0.077700077700077696540859051311;0.186324786324786328961522485770
-0.116549228718339364929690304962;0.087411921538754516758373824814;0.074271567320510378795717087996;0.002666158826890116344265901915;0.161683488859264895554090912810;0.056941534945724625593754808506;0.077128166063606937163932286694;0.021710150447533802658961477050;0.203580270424681020191570723910;0.047038659302989907495806676252;0.041325461816796797698270182764;0.109693391734907635948204074339
-0.036728124085455074454564794451;0.094966344746853961766852592064;0.139596136962247596713382336020;0.004682470002926543764520950219;0.095697980684811237428455399368;0.059116183786947613942874824033;0.066286215978928891834343062328;0.054872695346795431758923911048;0.126426690079016690315683035806;0.075504828797190517986059887789;0.076821773485513611401387379374;0.169300556043312844245463111292
-0.053968253968253970809243469375;0.093233082706766917668872451941;0.133834586466165417206752863422;0.004177109440267334772300955592;0.076023391812865492855877391776;0.057477025898078529242418710510;0.061988304093567252184282523331;0.073350041771094401377162341760;0.132163742690058483297832481185;0.087050960735171267756982160790;0.077527151211361736149463297352;0.149206349206349203617705256875
-0.085281385281385277408183753778;0.061038961038961038474415232713;0.120129870129870128248050775710;0.015800865800865801502617102869;0.082251082251082255347718330540;0.061471861471861469206068306903;0.057142857142857141072855853281;0.075324675324675322007905720056;0.153246753246753242283517693068;0.083766233766233766377951042159;0.082251082251082255347718330540;0.122294372294372288845210050567
-0.075454545454545454696848594267;0.072575757575757571249397415158;0.115151515151515157486805662757;0.035151515151515148882577221912;0.095000000000000001110223024625;0.066515151515151513250678760869;0.070000000000000006661338147751;0.081666666666666665186369300500;0.128939393939393937005277734897;0.075303030303030302206046542324;0.079393939393939391702126329164;0.104848484848484843623417361869
-0.053361344537815123822976914880;0.087184873949579827501210615992;0.134453781512605036185803442095;0.003991596638655461881661778989;0.096428571428571432933019025313;0.084243697478991602656250847758;0.060294117647058824427386269917;0.073529411764705884801962554320;0.116176470588235297709545079670;0.064915966386554627143290474578;0.068697478991596644393169412979;0.156722689075630250421511391323
-0.052026618269812460737533399424;0.081871345029239761537098729605;0.132284734825569683103196894081;0.011292599314377899100136914967;0.063117564025005040706517434046;0.086509376890502115431402785362;0.072796934865900386757431306251;0.059689453518854608538024564268;0.133091349062310959627808415462;0.085904416212946158037944144326;0.101835047388586411032385115050;0.119580560596894536207202008882
-0.085668958223162353093904641810;0.061343204653622425415182561892;0.097126740701568833880052977747;0.046712497796580293440982245556;0.075092543627710200970781784235;0.077384100123391502679126574549;0.061872025383395028164112972036;0.071214524942711091015645763491;0.146483342147012168821262889651;0.074739996474528475056686716016;0.090604618367706682424689290656;0.111757447558610958915359390176
-0.144863915715539942619116686728;0.044190810652619254284001470978;0.106233538191395956995499716413;0.007901668129938543144730189738;0.047556335967222709837365357544;0.034533216271583261347544180353;0.058238220661398887312287797613;0.062335381913959611588360587575;0.202224173251390110239711361828;0.118378694761486685793627771091;0.083260169739537606692358906457;0.090283874743927419737055117821
-0.088674275680421424383759188004;0.069798068481123798356691168010;0.135791630084869774375277984291;0.002341235001463271882260475110;0.079016681299385424508407993471;0.050482879719051798605988778945;0.052385133157740709775040954810;0.042434884401521801022827418137;0.161545215100965755539164092625;0.094234708808896686105249784760;0.083552824114720508630327344690;0.139742464149839040743472651229
-0.053773584905660379296143958072;0.082749326145552554168105530152;0.132479784366576813781080090848;0.002291105121293800402082485590;0.104043126684636125234284520502;0.057142857142857141072855853281;0.071159029649595681443763339757;0.044070080862533694832094965932;0.150943396226415088579031476002;0.086388140161725066046294330135;0.082479784366576824883310337100;0.132479784366576813781080090848
-0.116622768510389232532453718250;0.068920105355575064787210237682;0.089844893181153059891208556564;0.087942639742464148722156380700;0.060140474100087798481339973478;0.047848990342405618714227699684;0.050190225343868889729126436805;0.088820602868012882291637311027;0.123646473514779045577149929613;0.105355575065847237303806593900;0.051507170032191983144453928389;0.109160081943225045764123137815
-0.109810479375696767867509606731;0.068979933110367888660086066466;0.087513935340022303011053850241;0.042224080267558528056781597115;0.085284280936454848198735589904;0.068422519509476031895900405289;0.046962095875139352185723140565;0.068561872909698992617499868629;0.166806020066889632014195399279;0.080546265328874031008687950361;0.059782608695652175723189714063;0.115105908584169455699530715265
-0.100819432250512139304099434867;0.086772022241732513214707012139;0.125548726953467942868414297664;0.009072285630670178652179558298;0.082821188176763246846512345201;0.057506584723441618589578894216;0.081943225051214513277031414873;0.064969271290605798419015570744;0.158764998536728124678418794247;0.069212759730757980602966483730;0.065261925665788700356984008977;0.097307579748317232781751329185
-0.079988851727982160366714481370;0.082775919732441471943218402885;0.131131549609810466039405696392;0.017697881828316611857454532242;0.051282051282051280272078486178;0.065496098104793759597797020433;0.030797101449275363777013936328;0.045429208472686735675871716467;0.138517279821627647962145601923;0.122909698996655519787069010818;0.097408026755852847311523134977;0.136566332218506142348601883896
-0.048308542845860211190078814525;0.105567987363432938541230043938;0.114782150849019354277302795708;0.004343819928919310027759514981;0.108068974595234956748157628681;0.065947084375411343937223307421;0.065157298933789659090010104592;0.047255495590364619828971370907;0.140713439515598254248018861290;0.074503093326313024613583024802;0.074371462419376074826082856362;0.150980650256680282161880768399
-0.103425229741019211737729222023;0.079197994987468670058383679589;0.114452798663324972761046183223;0.108270676691729322849155892072;0.049456975772765247867379656554;0.047284878863826235173561940428;0.068003341687552218419732241728;0.066165413533834580017689575016;0.113116123642439433960582562122;0.067836257309941513926609957252;0.069005847953216375989526909507;0.113784461152882210299708276580
-0.147095761381475675921848278449;0.080847723704866564231608094815;0.103296703296703290542168929278;0.021978021978021979737638602614;0.055102040816326532113311742478;0.072841444270015695550135603753;0.041444270015698586595576102809;0.071271585557299843571854580659;0.137205651491365765437535628735;0.090109890109890108944590281226;0.073469387755102047443678259242;0.105337519623233913379500847896
-0.074421768707482988114421118553;0.085986394557823128681484092795;0.140136054421768713185159072054;0.013877551020408163129360445964;0.046258503401360541451570185245;0.061088435374149659129461298335;0.044761904761904759697532796281;0.056326530612244900264595770523;0.134013605442176858550951124016;0.129115646258503413701390627466;0.089387755102040819532582816009;0.124625850340136054561490652759
-0.067340067340067338852449552178;0.097949188858279773173265425612;0.149525558616467713068942657628;0.003673094582185491233788932064;0.070860116314661769632010646092;0.053412917049280687897816477516;0.058769513314967859740622913023;0.059381695745332106761704693554;0.135598408325681041297627871245;0.080042852770125502703812969685;0.084022038567493115279738447043;0.139424548515457602526623759331
-0.120634920634920636550724282188;0.115455304928989144208628658816;0.114619883040935677254168467698;0.005179615705931495811542575325;0.054636591478696740209475279926;0.075689223057644111625208438454;0.047953216374269004573793750978;0.043609022556390979186158318726;0.136675020885547199300802390098;0.071679197994987467468241959523;0.084210526315789471785144826299;0.129657477025898082434451907829
-0.044230180593816954826014153923;0.131619222528313428721702393887;0.123813896541169268794568836256;0.002142638506274869777956659789;0.047903275176002450830292644923;0.085552494643403739771336802278;0.048668503213957756137197918633;0.042699724517906337273309702596;0.114478114478114484375836923391;0.082797673706764621237574885981;0.099020508111417201990711589588;0.177073767982858898406561820593
-0.062637362637362636874627241923;0.107221350078492941304553198734;0.119780219780219784886376999111;0.002668759811616954347873731379;0.077708006279434846397258240813;0.073783359497645209512661779172;0.064678178963893245834171352726;0.035164835164835164804664202620;0.147252747252747256956340038414;0.067817896389324963668521206728;0.080062794348508631303573679361;0.161224489795918357604165294106
-0.140955004591368227018222114566;0.072696663605754510695255987685;0.122589531680440774752405275194;0.016222834404652587692030607514;0.041934496479951025027510524978;0.060759106213651666028585651702;0.049127640036730944872456205985;0.062442607897153348806007500116;0.120293847566574838015007742342;0.116926844199571472460164045515;0.086929905111723299038217760426;0.109121518212427298655242680070
-0.105490523968784832842260357211;0.073578595317725759006322050482;0.114827201783723520378543980769;0.089743589743589743945584302764;0.053093645484949832102916644772;0.049470457079152728441240327584;0.025919732441471571987579025631;0.059225195094760312020110148978;0.128762541806020064383275780528;0.117892976588628767276034636780;0.075668896321070239219253039664;0.106326644370122624927432752884
-0.051334379905808476263207040802;0.086185243328100472059993819585;0.147880690737833608849882693903;0.009105180533751961943766950469;0.060910518053375196922960554957;0.057770800627943486027504604863;0.045525902668759811453558228322;0.076452119309262170365748545464;0.139089481946624793362587979573;0.108634222919937212248342461862;0.089010989010989013947572345842;0.128100470957613815636833010103
-0.036371237458193976521680923497;0.104236343366778144714501763701;0.155797101449275360307566984375;0.002508361204013377990240662996;0.063545150501672240106465494591;0.065774804905239681040995947114;0.061315496098104792233041138161;0.077480490523968784111197294351;0.113573021181716832250785387259;0.090022296544035679266571037260;0.099637681159420288246053587500;0.129738015607580831067835447357
-0.036254564423578508614021131962;0.099504434011476267096796277656;0.131455399061032873753163130459;0.001956181533646322422831387300;0.068335941575378200685264573622;0.082159624413145546095726956537;0.063901930099113199434945897792;0.061424100156494521041139478257;0.126238914971309346135797113675;0.084898278560250395319286553786;0.091940532081377146500500430193;0.151930099113197714100209623211
-0.092186128182616330906107293686;0.074773192859233242324457080485;0.108282118817676326072430015302;0.006292069066432543454625569979;0.067164179104477611526036184841;0.052824114720515069620887516066;0.031752999707345623547904978068;0.061018437225636525111926999898;0.182323675738952306613072096297;0.108282118817676326072430015302;0.082235879426397429092787660920;0.132865086333040671728866755075
-0.042559479828579875604344096018;0.098418797103590957564556163106;0.139057189301019651361812634605;0.003989951233929363121066824505;0.057632628934535246045811618387;0.074922417614895819859555103903;0.059110388650805381627328927152;0.068420274863307220525321383775;0.130633958918279891037173001678;0.090438894635732236526592942027;0.096645485444066800417850515714;0.138170533471257572788459810909
-0.104329681794470524591744720055;0.088941053729786126447187655231;0.129107981220657280774233299780;0.001304121022430881687501069699;0.080073030777256123946550303572;0.058033385498174230865409128910;0.036515388628064686382668213582;0.047600417318727175630677095342;0.160015649452269176356011826101;0.081768388106416275973309382152;0.080725091288471564898721055670;0.131585811163275945290251911501
-0.099326145552560640705763717051;0.077628032345013475712391937122;0.142183288409703512122916890803;0.020350404312668463058244583408;0.046091644204851754673679664620;0.046765498652291105641243262880;0.042722371967654985958073865504;0.089757412398921834761900129251;0.126684636118598370480015091744;0.117385444743935307698734504811;0.084231805929919134623418131014;0.106873315363881407624724317884
-0.056302645189892121246888478936;0.119994088961134920401363501696;0.136544997783360433363242236737;0.004876607063691443429143124177;0.056450421161519138968376552157;0.078469040933944134152966398688;0.060883700310329538774034574544;0.039456184424412593658715309175;0.114969705925816456648647090333;0.083197872026008576340494471424;0.100044332791488110867561545092;0.148810403428402543424269310890
-0.069848484848484854170536095808;0.075757575757575759678452698154;0.137575757575757573469843464409;0.012121212121212121201607736509;0.064696969696969697238841945364;0.049090909090909087830745249903;0.073030303030303028721803570988;0.088484848484848485639098214506;0.131969696969696959065743158135;0.093939393939393933674608661022;0.086212121212121212154855243170;0.117272727272727278480246582149
-0.043782552083333335646297967969;0.150553385416666657414808128124;0.131347656250000000000000000000;0.003906250000000000000000000000;0.066731770833333328707404064062;0.071289062500000000000000000000;0.095540364583333328707404064062;0.046549479166666664353702032031;0.101888020833333328707404064062;0.057128906250000000000000000000;0.099772135416666671292595935938;0.131510416666666657414808128124
-0.052590266875981159233610640058;0.129513343799058072702834465417;0.127001569858712720639815074719;0.001412872841444270076427525140;0.070015698587127153662557077496;0.080533751962323388284836767070;0.067346938775510206687258119018;0.048979591836734691356891602254;0.130926216640502357524411536360;0.074568288854003142440696194626;0.078649921507064360359784416232;0.138461538461538469224620939713
-0.045682888540031399426943892195;0.094505494505494502810449830577;0.127786499215070653567849490173;0.006593406593406593400874537991;0.090423861852433284891361608970;0.069544740973312396681293989786;0.073626373626373628478170019207;0.057613814756671898054118940991;0.134536891679748832340024478071;0.079748822605965469234590159431;0.080533751962323388284836767070;0.139403453689167983187147115132
-0.086179123711340205327147145908;0.062500000000000000000000000000;0.156411082474226803551431430606;0.037210051546391752219644644128;0.050740979381443299112142142349;0.045425257731958761098223220642;0.061372422680412368201086081854;0.102931701030927830187167160148;0.114207474226804120420730725982;0.100193298969072169812832839852;0.076836340206185571588548555155;0.105992268041237111542152149468
-0.090649400114263950500870237192;0.073128927823271752672873446954;0.112169110645591318942138059356;0.005141877737573795868752934979;0.067987050085697955936758773987;0.059226813940201863961654282775;0.042848981146448292256501133579;0.061702532850885546955588267792;0.197867072938487903455140326514;0.074271567320510378795717087996;0.075604646733955435666807431971;0.139402018663111776364260663286
-0.088136788295434517759296966233;0.118984664198836589954488829335;0.091662259827251901800337918758;0.001410188612726952228637600228;0.069099242023620666142136315102;0.078794288736118461846658078684;0.076326458663846283303477946447;0.021329102767495153325505441444;0.198484047241318517507124852273;0.056407544509078089145504009139;0.075973911510664557389382878227;0.123391503613608316536343068037
-0.068505029483177243276870171940;0.117065556711758583796623156559;0.124869927159209151423802097725;0.001734304543877905049539811522;0.067984738120013876727654178467;0.061567811307665629150243091772;0.125043357613596944899470031487;0.044571626777662159968329547155;0.132154006243496352501765045417;0.050988553590010407545740633850;0.079778009018383624906256557097;0.125737079431148118802141766537
-0.061622580168464606564793228927;0.103886508053790460603948986318;0.113935274124427374231594001230;0.004433279148810403275104974341;0.075956849416284916154396000820;0.078616816905571151874454471908;0.071671346239101527131332147746;0.042707255800206886386938265332;0.153687010492093989455497649033;0.056450421161519138968376552157;0.085562287572040790495364603885;0.151470370917688779144327781978
-0.071209587513935343472404326803;0.086259754738015601005507448917;0.137123745819397985234999737258;0.008918617614269788024250473768;0.073160535117056862963735852645;0.060758082497212928529961573076;0.070512820512820512108831394471;0.076505016722408031304425435337;0.128762541806020064383275780528;0.089743589743589743945584302764;0.083472686733556303306791335217;0.113573021181716832250785387259
-0.107448325017818965831928323951;0.077868852459016396627689005072;0.147540983606557374319123709938;0.004098360655737705131318460161;0.055238774055595150913600122067;0.047398431931575196740524802408;0.053100498930862438662359181762;0.065751960085531011013237900897;0.151639344262295083787250860041;0.102815395580898069627373558887;0.071454027084818252935072280252;0.115645046329294370890394816342
-0.111952319587628870700690697504;0.073292525773195879579269274018;0.117912371134020615981441437725;0.015786082474226803551431430606;0.062661082474226803551431430606;0.063949742268041231962882875450;0.038337628865979384018558562275;0.062338917525773196448568569394;0.156088917525773196448568569394;0.104864690721649486682132135229;0.078125000000000000000000000000;0.114690721649484531075025017799
-0.101630246271245228140145400175;0.073881373569198757755849271689;0.127991675338189392352461482005;0.010752688172043011610723439730;0.056018036767256328134489962167;0.049947970863683660569520839090;0.055671175858480748122047998550;0.073534512660423170804513404164;0.148109608047173074707458795274;0.107180020811654522217004625873;0.081512313562261531907360279092;0.113770378078390563270083646330
-0.056407544509078089145504009139;0.094306363476114929422777777290;0.090252071214524942632806414622;0.000528820729772607085739100086;0.076150185087255420346430412337;0.100652212233386217921093930272;0.037546271813855100485390892118;0.017451084082496032962028564839;0.205006169575180668962488539364;0.072448439978847173348341925703;0.086197778952934955842835051953;0.163053058346553841895243408544
-0.063986995714496827658557265295;0.087926703118073004650234736346;0.116151913698832570664976060471;0.002068863602778188252873103892;0.069011378749815277533485868844;0.058962612679178363905840853931;0.064578099601004870788933942549;0.047436086892271314696678530254;0.179991133441702366724257444730;0.077730161075809073301101648212;0.086596719373429886790205500802;0.145559332052608236818258546919
-0.074097938144329897336426427046;0.083118556701030923972162156588;0.140947164948453607102862861211;0.022873711340206184100543040927;0.053962628865979384018558562275;0.055090206185567008878578576514;0.064432989690721642617177167267;0.086662371134020615981441437725;0.116140463917525776915695701064;0.095844072164948460046396405687;0.086823453608247419532872868331;0.120006443298969076027837843412
-0.089396019217570343862178106065;0.118565545641729580550460809718;0.099176389842141388086815823044;0.003603294440631434492755547083;0.070521619766643783844273229988;0.067089910775566238831935095277;0.066746739876458474616249816336;0.039464653397391899480872723416;0.140871654083733699458491628320;0.068634179821551136169155427069;0.087165408373369931971375024204;0.148764584763212082130223734566
-0.049408131755018014352742738993;0.111682964487905295181136011706;0.106793618116314978361280907393;0.000000000000000000000000000000;0.060216160576428201522958261194;0.088522902727740604422734804757;0.047606793618116316491040151959;0.027020072053525474864432709410;0.187339166237776633128220282742;0.052238805970149251867162831786;0.091353576942871841937154897550;0.177817807514153380932242498602
-0.029287524640946211579306535100;0.121374260771613631804122235280;0.108983384961982537886271416028;0.006477048718670797358698543178;0.073782033230076038421429984737;0.100816671360180229455316691656;0.054350887074063644610610879226;0.061391157420444944503579165485;0.118839763446916366063099701478;0.058856660095747678762556631682;0.080259081948746827106511148031;0.185581526330611090713773592142
-0.052131336405529957178650590777;0.120967741935483874549106531049;0.090725806451612905911829898287;0.002016129032258064460170210452;0.116359447004608290709981588407;0.094470046082949302168607630392;0.038882488479262670988401140448;0.021025345622119814836814555292;0.145161290322580655010042960384;0.056451612903225804884765892666;0.074596774193548390230468214668;0.187211981566820284683672070969
-0.024383164005805514629177110919;0.145428156748911463491680251536;0.130624092888243836796391406097;0.008417997097242380794002158950;0.070827285921625543485546927513;0.087373004354136432625388408724;0.058925979680696662088568160698;0.023802612481857766263404485585;0.115239477503628451326989079462;0.061248185776487662490552565941;0.096081277213352689337000356318;0.177648766328011603610192992164
-0.011233019853709509672246014134;0.158307210031347955769831514772;0.133228840125391850834901674716;0.000000000000000000000000000000;0.054597701149425290068073479688;0.108672936259143149140271589204;0.044148380355276906072958809091;0.020898641588296761051335437287;0.095350052246603964056781421732;0.062173458725182866035918749503;0.117032392894461864663036010370;0.194357366771159861817963587782
-0.033176593521421104959756576136;0.117032392894461864663036010370;0.115203761755485897810835638211;0.001044932079414838139302945663;0.086990595611285262411804808380;0.092998955067920580086493487215;0.041536050156739813543627093395;0.048066875653082548336403334588;0.133490073145245552455051551988;0.049373040752351098070516144389;0.084117032392894461323429311506;0.196969696969696961286189207385
-0.013716356107660455931895882031;0.127587991718426496667859737499;0.104037267080745343683645387500;0.001552795031055900516064882666;0.113354037267080751116843373438;0.100672877846790895239870167188;0.059265010351966872226281424219;0.026915113871635611836330426172;0.108436853002070399121237187501;0.054865424430641823727583528125;0.081262939958592128597558712499;0.208333333333333342585191871876
-0.047864127637673697934772576446;0.123520329387545035881856847482;0.103448275862068964081608157812;0.024189397838394237350012616616;0.068193515182707151178753690601;0.089809572825527539396972542818;0.067421513124034992969768609328;0.043489449305198144002382321105;0.119660319094184244836931441114;0.061502830674215129558302095347;0.081574884199691194419656881109;0.169325784868759654511194412407
-0.037445573294629899696595032310;0.127431059506531191294342875153;0.122786647314949204368161872480;0.012772133526850507415084656770;0.091146589259796809145974805233;0.075181422351233678780246805218;0.053410740203193030062323032325;0.062119013062409286773934979919;0.123367198838896949264487545861;0.054281567489114661284599350211;0.074020319303338175109807650642;0.166037735849056594661377062039
-0.049563503238524361793615469196;0.103914390312588006404226348423;0.119402985074626863393199016627;0.007603491974091805029323243303;0.072373979160799781218393889048;0.083075190087299355390371147223;0.031822021965643480789776020856;0.054632497887918893275660536801;0.128132920304139669154253056149;0.089270627992114895410402652942;0.094902844269219938100334843512;0.165305547733032937030017706093
-0.083099906629318390227645352297;0.098972922502334262362388983547;0.110177404295051351024170571691;0.003112356053532524050031504714;0.078742608154372853435098988939;0.087457205104263927020191715656;0.035792094615624027442724042203;0.037037037037037034981068472916;0.154061624649859951752262077207;0.073451602863367562723517778522;0.075941487706193591677994447764;0.162153750389044504220947828799
-0.049602122015915121877593918498;0.106366047745358086040745604350;0.130238726790450926040776380432;0.009814323607427056367358275679;0.074270557029177716734658076803;0.070291777188328907755021646153;0.037135278514588858367329038401;0.049071618037135278367344426442;0.128116710875331551999778412210;0.086472148541114055020351258918;0.084350132625994694857141098510;0.174270557029177708407985392114
-0.028579513299377475032958528800;0.145161290322580655010042960384;0.112337294850028301951283538074;0.000000000000000000000000000000;0.065365025466893045269500817085;0.106677985285795126624286410788;0.066779852857951335631803146953;0.034521788341822297330185875808;0.095642331635540464573885799382;0.048387096774193547044085050857;0.095925297113752125421903826918;0.200622524052065653865639660580
-0.056257175660160738117632206468;0.141504018369690010015204961746;0.129161882893226165336386657145;0.001722158438576348957887995894;0.060275545350172217429207677242;0.084098737083811714310144225237;0.063145809414466125275566810160;0.054247990815154994992397519127;0.105625717566016075199542001428;0.052525832376578644733466916250;0.080941446613088399719693200041;0.170493685419058543795145510558
-0.049299568965517244489848991407;0.091594827586206892244824473437;0.136045258620689668571657193752;0.007273706896551723928567856348;0.044719827586206899183718377344;0.063577586206896546938693859374;0.037984913793103446122412236718;0.041217672413793100816281622656;0.138469827586206906122612281251;0.122036637931034488979697982813;0.101023706896551726530653070313;0.166756465517241381224522456250
-0.033950617283950615399312766840;0.171913580246913583193801855487;0.167283950617283960760062200279;0.007098765432098765558455166769;0.033333333333333332870740406406;0.059259259259259261520824679792;0.046296296296296293726335591145;0.034876543209876542661618259444;0.076234567901234562281587159305;0.094753086419753079772121395763;0.110493827160493829353526962223;0.164506172839506165095357914652
-0.024074074074074074125473288177;0.157716049382716050342168045972;0.140740740740740749581405566460;0.003086419753086419581755706076;0.035185185185185187395351391615;0.097839506172839499353877101839;0.051851851851851850361274642864;0.022222222222222223070309254922;0.095370370370370369239587660104;0.078086419753086416806198144513;0.121296296296296290950778029583;0.172530864197530858783480312013
-0.092653508771929821152824047203;0.107182017543859642305648094407;0.111842105263157895467251989885;0.002741228070175438444322502107;0.084155701754385969781679932566;0.090460526315789477336259949425;0.033168859649122806043664013487;0.038925438596491231113549957854;0.140076754385964924454199831416;0.062225877192982455288206011801;0.076754385964912283379923962912;0.159813596491228060436640134867
-0.079310344827586212734793491563;0.092307692307692312816413959808;0.131299734748010599183487556729;0.009018567639257294571430989549;0.060477453580901854857110322428;0.080371352785145885877504667860;0.033952254641909811183619893882;0.054111405835543767428585937296;0.141379310344827591183758386251;0.081697612732095484244787542139;0.083289124668435007836642114398;0.152785145888594153795736474422
-0.033950617283950615399312766840;0.123765432098765434942855279132;0.121913580246913580418244293924;0.009567901234567901744276774423;0.057716049382716051729946826754;0.101234567901234570608259843993;0.048765432098765430779518936788;0.087962962962962965018931527084;0.101234567901234570608259843993;0.077160493827160489543892651909;0.084876543209876545437175821007;0.151851851851851848973495862083
-0.021674876847290639597654049453;0.127339901477832501131004505623;0.125615763546798042682439700002;0.000985221674876847215013286885;0.066502463054187194169131203125;0.080049261083743841749260639062;0.099261083743842362658860167812;0.070197044334975366997042556250;0.114778325123152710740548343438;0.048768472906403938227359873281;0.076847290640394083638398114999;0.167980295566502457749180621249
-0.011515717398070338811644219845;0.177715530656707115797487972486;0.108309990662931843186100877574;0.000000000000000000000000000000;0.055399937752878929131394869501;0.127606598194833498194356025124;0.059757236227824465923941232859;0.021164021164021162846324841667;0.087768440709617173700607395403;0.049486461251167131181194491774;0.097416744475568001204734969178;0.203859321506380336552766152636
-0.053846153846153849142908143222;0.131054131054131051126176998878;0.104273504273504277750639346323;0.022792022792022793159505411609;0.065811965811965814077133529736;0.075783475783475787168619319800;0.028205128205128205537421948179;0.069230769230769234612310469856;0.105698005698005692565288882179;0.103988603988603989236594316026;0.076068376068376061804876542283;0.163247863247863250757418995818
-0.022998805256869772617456249009;0.128136200716845866098836381752;0.102150537634408608567149201463;0.000298685782556750280356677729;0.107228195937873360676917400269;0.094982078853046589261843735130;0.045400238948626048252066311761;0.036439665471923537998222286660;0.127240143369175634502354910182;0.054659498207885306997333429990;0.082138590203106334741711691549;0.198327359617682191794685309105
-0.061058344640434192296396531674;0.134871099050203530067548740590;0.124830393487109905792387110068;0.001899592944369063712145573319;0.071641791044776123587034533102;0.068656716417910448879702300928;0.071099050203527816571558162195;0.073541383989145184263414023462;0.114246947082767974501749108640;0.047489823609226593237320201979;0.068928086838534602387440486382;0.161736770691994574677963214526
-0.029370629370629369736533931246;0.130909090909090919385704410161;0.097622377622377617956139772559;0.000279720279720279720037101612;0.076083916083916083850091638396;0.089790209790209796203441783291;0.047832167832167829524259161644;0.051468531468531468486826696562;0.133706293706293694034670238580;0.059580419580419582969987857268;0.095944055944055944840087590819;0.187412587412587400281793748036
-0.043412264723740136285190516219;0.132361870066788095412491088609;0.146023072252580460306248255620;0.004553734061930783671989786399;0.054341226472374014322408442013;0.065573770491803282101095362577;0.044930176077717064175853778352;0.054341226472374014322408442013;0.110503946569520339338055237022;0.092592592592592587452671182291;0.097753491196114150607598958231;0.153612629022465085881776758470
-0.046893667861409797648075681309;0.125448028673835115798240735785;0.134408602150537626052084760886;0.009259259259259258745267118229;0.074372759856630818453560038961;0.070788530465949822678695113609;0.052568697729988053679583970279;0.050776583034647548853257603696;0.125448028673835115798240735785;0.075567502986857826297040219288;0.087216248506571086851479890356;0.147252090800477908327792420096
-0.040340909090909093936971885341;0.125852272727272729291314590228;0.125000000000000000000000000000;0.005681818181818181975883952362;0.055113636363636364645657295114;0.065625000000000002775557561563;0.070454545454545450255956495766;0.069318181818181820452728914006;0.122443181818181812126056229317;0.084375000000000005551115123126;0.088068181818181823228286475569;0.147727272727272734842429713353
-0.056405895691609975184377390178;0.145691609977324276758992027681;0.103458049886621314406021099330;0.002267573696145124776540891176;0.099489795918367346372335191518;0.081349206349206351629455014063;0.057823129251700682018633159487;0.039115646258503403154271893527;0.134070294784580490432546184820;0.047335600907029477812937301451;0.078798185941043083491130971652;0.154195011337868476131163220089
-0.052353104984683929146171976754;0.129490392648287377941329623354;0.108047897521581726110184717982;0.010303536619326092438342357127;0.058479532163742686812213378289;0.075187969924812025901417200657;0.074909495962127536916597136951;0.056530214424951263918472932346;0.115566694514062928700326438047;0.063492063492063488538974525000;0.086605402394876074279039812609;0.169033695349484813785778669626
-0.034075573549257762162589813215;0.150809716599190291042020817258;0.124831309041835356032912329738;0.000337381916329284735778931692;0.060391363022941971228085833445;0.098515519568151146967416309508;0.064439946018893384804826496293;0.036099865047233468950960144639;0.102901484480431848478332312880;0.060728744939271252223367270062;0.088731443994601894020846089006;0.178137651821862336154467243432
-0.044533067464273844160427273664;0.142904619474908595178064274478;0.120638085742771683506191493507;0.003323363243602525923109380912;0.066799601196410762771193958542;0.079428381522100369172001421703;0.067464273845131275675335302822;0.054503157195081419761351071429;0.123296776337653707367181254995;0.062146892655367234892249683753;0.077766699900299107728329772726;0.157195081422399463022543386614
-0.090354090354090352277260933533;0.116300366300366303518032395914;0.088522588522588527282231041227;0.001526251526251526250202439350;0.078449328449328448176203210096;0.079365079365079360673718156249;0.071123321123321120440508025240;0.031746031746031744269487262500;0.159035409035409025513274627883;0.052197802197802199708487336238;0.067765567765567760738498748196;0.163614163614163615756424974279
-0.039377289377289376171020762740;0.134004884004884000647805919471;0.127289377289377281243787365383;0.011904761904761904101057723437;0.053113553113553112206002282392;0.082417582417582416209889117908;0.028998778998778999838048520132;0.034188034188034191473981593390;0.113553113553113552147699749639;0.091269841269841264774775879687;0.094932844932844928642623472115;0.188949938949938944787731998076
-0.020908004778972519299706789297;0.156810035842293915564482631453;0.134408602150537626052084760886;0.000298685782556750280356677729;0.071385902031063319661541299865;0.080047789725209081423962231838;0.049283154121863799457248234148;0.029569892473118281062127721270;0.128434886499402628468047282695;0.055555555555555552471602709375;0.093488649940262846804728269490;0.179808841099163674304151072647
-0.031876138433515485703928504790;0.155434122647237410452802919281;0.103521554341226465489889108085;0.000303582270795385567290630702;0.089860352155434128351707556703;0.090163934426229511154282647567;0.064966605950212502618157373036;0.036126290224650879634449296418;0.125075895567698852639537676623;0.048876745598057075303799479116;0.083181542197935637306116518630;0.170613236187006689359435540609
-0.036656891495601175157137419092;0.120234604105571851739853173058;0.110557184750733131228805916635;0.000293255131964809383909864593;0.073607038123167156662418619817;0.076832844574780054247575833415;0.064222873900293256377302952842;0.024340175953079180165561368199;0.145454545454545447480398934204;0.055425219941348975727368753041;0.087976539589442820377129805820;0.204398826979472147957750394198
-0.029089861751152072677495397102;0.143721198156682022917252083971;0.108582949308755755124522579536;0.000288018433179723502054331297;0.096198156682027649577726435837;0.082373271889400925815927223539;0.071716589861751153800462077470;0.043202764976958525633410346245;0.128456221198156694818237610889;0.050115207373271887514309952394;0.075460829493087563935027617390;0.170794930875576039808194650504
-0.042429792429792431707191724399;0.149267399267399264450872919952;0.120879120879120879883394934495;0.002136752136752136967123849587;0.058913308913308912173611986418;0.077228327228327231512849948558;0.049145299145299144172316374579;0.061965811965811967709782948077;0.127594627594627585409625680768;0.063186813186813184373136209615;0.084249084249084255082706818030;0.163003663003663007424748343510
-0.044451450189155104764093806580;0.097099621689785628464441913366;0.149432534678436312880478453735;0.001261034047919293819839392512;0.061160151324085747226444453872;0.059583858764186634071613468677;0.069356872635561159223804850171;0.057692307692307695510258724880;0.109394703656998742991035555860;0.072509457755359399411254628376;0.105611601513240851990538260452;0.172446406052963435717728657437
-0.034250585480093680146307377754;0.130562060889929748563886846568;0.103044496487119441319180168648;0.002927400468384075155753309971;0.097482435597189692755293322080;0.079918032786885251361752580124;0.068501170960187360292614755508;0.052400468384074944117045902203;0.135245901639344273670317875258;0.047131147540983603372310994928;0.067037470725995321196855059043;0.181498829039812653585173052306
-0.080371352785145885877504667860;0.093103448275862074612341245938;0.117241379310344825959155912187;0.002122015915119363198976243368;0.076392572944297076897868237211;0.063925729442970827265391164929;0.057824933687002651183650669964;0.055437665782493365795868811574;0.139257294429708217142760418028;0.075066312997347478530585362932;0.085941644562334218448995670769;0.153315649867374004244879870384
-0.064516129032258062725446734476;0.112586970271979752711288824685;0.102150537634408608567149201463;0.006641366223908918425822278664;0.064516129032258062725446734476;0.090449082858950036190037735651;0.031625553447185324185131349850;0.031625553447185324185131349850;0.147691334598355483720411029935;0.081277672359266292523294339389;0.092030360531309293725676923259;0.174889310562934857662398258071
-0.062225877192982455288206011801;0.120065789473684209065496020230;0.091557017543859642305648094407;0.000000000000000000000000000000;0.120339912280701760716183912336;0.083333333333333328707404064062;0.046052631578947365864618035403;0.030153508771929824622270999157;0.167489035087719284611296188814;0.051809210526315790934503979770;0.068804824561403507554580016858;0.158168859649122806043664013487
-0.031897926634768737630398760530;0.116959064327485373624426756578;0.159755449229133428268312400178;0.001860712387028176477421492763;0.057947900053163213518470087138;0.067517278043593836889257886469;0.058213716108452953634788684667;0.054492291334396598945222223165;0.124933545986177563236196874641;0.074960127591706532390603001659;0.086656034024455083630833485131;0.164805954279638483539471849326
-0.007352941176470588133251560237;0.110294117647058820264049927573;0.107930672268907568156492970957;0.000787815126050420188111300668;0.041754201680672266283611548943;0.064075630252100834738371304411;0.165703781512605036185803442095;0.213235294117647050660124818933;0.074054621848739496381419655791;0.030462184873949579161367395841;0.055672268907563028650375969164;0.128676470588235281056199710292
-0.029817953546767105021952914967;0.141870684243565609028436824701;0.146264908976773383431080333139;0.002824858757062146882854669627;0.049278091650973007697977834596;0.087570621468926551633771282468;0.046767106089139989788527884684;0.096045197740112997486505719280;0.086942875078468304095302698897;0.069365976145637164851365241702;0.093534212178279979577055769369;0.149717514124293793464914870128
-0.034229208924949287851102752711;0.115618661257606489267679705790;0.146805273833671395822264571507;0.005578093306288032376949459490;0.055527383367139956926727961672;0.069979716024340776758805304780;0.055273833671399597022855232353;0.066430020283975654837860247426;0.108012170385395539495831940258;0.081896551724137928163216315625;0.078346855983772820120059066085;0.182302231237322504009412682535
-0.013009049773755656728702057023;0.160916289592760192173059863308;0.112273755656108600864406810160;0.001131221719457013675722012458;0.075509049773755651524531629093;0.088518099547511316926851066000;0.057409502262443436182426381720;0.036764705882352942400981277160;0.103506787330316735173951769866;0.054864253393665157743086524533;0.096153846153846159183764541467;0.199943438914027160624442558401
-0.022535211267605635004906972085;0.132394366197183088740274570227;0.143192488262910810892236668224;0.019248826291079813161077893824;0.058215962441314557385130257217;0.083802816901408450078747591760;0.052347417840375588815593488334;0.048122065727699531167971258583;0.097652582159624412572185292447;0.080046948356807506863574985800;0.090845070422535215137749275982;0.171596244131455410997233457238
-0.054881010199125786208629307339;0.124817872753763964288609145115;0.122389509470616802966347336223;0.003156872268091306336229573404;0.100534239922292378821566671832;0.069694026226323452233302191416;0.047353084021369597211847946028;0.033754249635745504909412062489;0.137202525497814475929914124208;0.057795046138902378407564697227;0.076493443419135498384520133186;0.171928120446818849531567252598
-0.022598870056497175062837357018;0.133628101203635468730013258210;0.144927536231884063200325840626;0.005649717514124293765709339254;0.082780643576516821369182252965;0.065585851142225495835624826668;0.079341685089658567364701013958;0.056251535249324489951217032058;0.112503070498648979902434064115;0.050110537951363304243201923782;0.075657086710881851776555606648;0.170965364775239492267644436652
-0.063360881542699726276524074819;0.126997245179063356079751656580;0.097245179063360887017353206829;0.021487603305785123869453556722;0.063911845730027547207718896516;0.092011019283746553476532881177;0.043801652892561986074593249896;0.047107438016528925539549987889;0.115977961432506881944703991394;0.079614325068870520074604257843;0.091460055096418732545338059481;0.157024793388429756424429228900
-0.100795755968169767347042409256;0.103978779840848800652963745961;0.108753315649867371428527462740;0.032891246684350131102014813678;0.047480106100795754775489854183;0.060212201591511936571432528353;0.027320954907161801999970762722;0.056763925729442971102045589760;0.138726790450928394449192637694;0.097082228116710869714189868773;0.098408488063660481959260550866;0.127586206896551729306210631876
-0.116193181818181820452728914006;0.095738636363636359094542171988;0.108806818181818185098386209120;0.033522727272727273484242971335;0.048579545454545451643735276548;0.053977272727272727903535809446;0.034090909090909088385856762216;0.052556818181818183710607428338;0.140340909090909099488087008467;0.107954545454545455807071618892;0.081818181818181817677171352443;0.126420454545454558070716188922
-0.049489395129615081081464467161;0.111285676878764075437011626946;0.156585493584708052017262502886;0.002094789211835559189500699517;0.078030898140874577206815843056;0.062581827703587319944311673225;0.053678973553286199460465866196;0.060487038491751764224257925662;0.124378109452736321238752736917;0.063105525006546217547942490000;0.093741817229641269393347613459;0.144540455616653573667207410836
-0.022443181818181816983281962052;0.133806818181818193425058893808;0.129829545454545447480398934204;0.005681818181818181975883952362;0.056250000000000001387778780781;0.091193181818181812126056229317;0.044318181818181819064950133225;0.047727272727272729291314590228;0.113636363636363632578785143323;0.086079545454545450255956495766;0.091193181818181812126056229317;0.177840909090909077283626515964
-0.032499280989358642068864924113;0.127408685648547598256996593591;0.096922634454989928243229257987;0.005752085130859937132929982084;0.116767328156456712262567521066;0.079953983318953120162930758852;0.038538970376761579050839401361;0.033649698015530631056702048909;0.132010353753235554208345092775;0.051193557664653437100366062396;0.084843255680184068157068111304;0.200460166810468798370692411481
-0.047658402203856746470744809585;0.133884297520661166291944255136;0.105509641873278242618638955719;0.003856749311294766034002856614;0.087603305785123972149186499792;0.083471074380165294348543625347;0.061707988980716256544045705823;0.049035812672176305737625767733;0.112121212121212121548552431705;0.055096418732782370675238325930;0.087052341597796137340203870281;0.173002754820936632818018097169
-0.076502732240437160138313288371;0.115329306873741738170835446908;0.104687949381650852176406374383;0.008915731952832902512673385331;0.086568881219442048169376846545;0.072188668392292210107541450270;0.042565429968363530099928482286;0.047167098073051479112383077563;0.130284728213977574196036357534;0.072188668392292210107541450270;0.084843255680184068157068111304;0.158757549611734244399130489001
-0.040296052631578947733625994942;0.113486842105263163738015919080;0.101973684210526313598244030345;0.009594298245614035422490495364;0.070723684210526313598244030345;0.108826754385964910576412023602;0.035635964912280701510916003372;0.043037280701754387912671973027;0.135690789473684209065496020230;0.085526315789473686401755969655;0.098410087719298239283816087664;0.156798245614035075545800168584
-0.040313852813852815715200961222;0.118506493506493504330734367613;0.094426406926406927788697487358;0.011634199134199134026412814080;0.066017316017316016174554249574;0.127435064935064928937080708238;0.030844155844155844020670897976;0.025162337662337663779510421591;0.126893939393939392257237841477;0.073051948051948048523662748721;0.105248917748917744652281669460;0.180465367965367967650891500853
-0.076382791922739251555540818117;0.111793971319871232594778120983;0.080187298800117060015857362032;0.002633889376646180759122817250;0.076382791922739251555540818117;0.096575943810359970997936329695;0.030436055019022533602024438437;0.016681299385425812920047405896;0.167105648229441017260654689380;0.077553409423470887062990186678;0.084577114427860700107686398042;0.179689786362306119782417113129
-0.045797413793103446122412236718;0.101831896551724143673567368751;0.099946120689655165714171403124;0.030441810344827586326532653516;0.109913793103448273469346929687;0.073275862068965511020302017187;0.033405172413793100816281622656;0.031788793103448273469346929687;0.158674568965517237550955087499;0.064116379310344834285828596876;0.082704741379310345306130614063;0.168103448275862071836783684375
-0.038263229308005429485373127818;0.099321573948439614842875755585;0.139755766621438265451260463124;0.030936227951153322940358592064;0.087381275440976929891334634704;0.060786974219810038788658346220;0.081139755766621440846719792717;0.056987788331071910497005461593;0.118588873812754402869984460267;0.070284938941655356048343605835;0.083853459972862962046313839437;0.132700135685210302005643256962
-0.039944903581267218739547786299;0.137190082644628091879113185314;0.108539944903581264679104378956;0.005234159779614324867202945768;0.074655647382920103938275246946;0.097796143250688707948548028526;0.034710743801652892137621364554;0.025344352617079891204499020319;0.123966942148760334019286233342;0.074931129476584021342766561702;0.084573002754820936210933268740;0.193112947658402200890037647696
-0.040757749712973592726150684484;0.121125143513203220591023523411;0.129161882893226165336386657145;0.002583237657864523653672428338;0.054535017221584387858701603591;0.094431687715269801985940034683;0.042766934557979335851385371825;0.040470723306544199859846600020;0.120838117106773820785825535040;0.081228473019517799524891188412;0.093857634902411016253331865755;0.178243398392652130368674079364
-0.069075791493444199664608618150;0.136232811000959380676178511749;0.107771026543012474196991945519;0.000319795330988167589032072913;0.076431084106172053616035100276;0.083146786056923563390519404948;0.045730732331307963334232624675;0.019507515190278223310427208048;0.130796290374160545377790754173;0.047649504317236968109483541411;0.088583306683722412566694970337;0.194755356571794047138013183940
-0.048252397154345809393571897772;0.091865140736158368284236530599;0.105165480977420358610352479900;0.010516548097742035514090552795;0.095886173832353857604537950010;0.106712032168264775444654901548;0.032477575007732753520350854615;0.042684812867305910177861960619;0.159604082895143828402240160358;0.076090318589545319349909391349;0.076399628827714199941212314116;0.154345808846272802838939242065
-0.030167264038231781514420859480;0.130227001194743119416585841464;0.083333333333333328707404064062;0.000000000000000000000000000000;0.101553166069295097706515207392;0.120967741935483874549106531049;0.056451612903225804884765892666;0.031660692951015534379877180982;0.139187574671445629670429866565;0.043906810035842291917163038306;0.081242532855436075389654604351;0.181302270011947430639054346102
-0.021145087833441770369669043816;0.148666232921275204281741366685;0.088158750813272609980764116244;0.000325309043591411864351087280;0.108653220559531554778587292276;0.118737800910865318182452199380;0.034157449577098243642669928022;0.017241379310344827346934692969;0.131424853610930369995912769809;0.045868575146389069241426028611;0.099219258295380613477121301003;0.186402081977878997243180947407
-0.037037037037037034981068472916;0.103703703703703700722549285729;0.071913580246913577642686732361;0.000308641975308641969017592332;0.118518518518518523041649359584;0.124691358024691362205160771737;0.036419753086419752452496112483;0.037345679012345679714801605087;0.183333333333333320380731379373;0.052160493827160495095007775035;0.071913580246913577642686732361;0.162654320987654310570746929443
-0.042370076133730553979983568524;0.096325719960278055609137481952;0.112214498510427015953716534113;0.000993048659384309804695756263;0.098642833498841439587856427806;0.099966898378020516147124396866;0.057927838464084738245851724514;0.050645481628599803292090086870;0.144654088050314461044720815153;0.061900033101621981801443439508;0.077126779212181389988600699326;0.157232704402515716113342136850
-0.046370322993284300572280898223;0.087943716021746082267540600697;0.096897985289414775844640814739;0.005436520626798848308813827401;0.107771026543012474196991945519;0.091461464662615926668465249350;0.056603773584905661686583755454;0.053086024944035817285659106801;0.163735209465941805584421331332;0.067476814838503360038934886234;0.068116405500479690338089255874;0.155100735529261263279110494295
-0.054360812425328551567016432955;0.099761051373954592880188840809;0.093189964157706098313305176362;0.000298685782556750280356677729;0.114396654719235366104435058787;0.106929510155316612185494307141;0.036140979689366789506799193532;0.030764635603345281966713997690;0.146057347670250886606524431954;0.061529271206690563933427995380;0.074970131421744329314194033032;0.181600955794504193008265247045
-0.012962962962962962590318660716;0.151543209876543211178656633820;0.086419753086419748289159770138;0.000308641975308641969017592332;0.096604938271604934296732380972;0.121913580246913580418244293924;0.053086419753086422357313267639;0.018518518518518517490534236458;0.132098765432098752548029096943;0.046913580246913583193801855487;0.084876543209876545437175821007;0.194753086419753085323236518889
-0.060034305317324183903782142124;0.076500857632933100260785863611;0.092624356775300176192189383073;0.007547169811320754775896268995;0.123842195540308744328150680758;0.086792452830188673851274927529;0.045283018867924525185930662019;0.073756432246998279711469592712;0.179073756432246988801182396855;0.063807890222984567363262442541;0.066895368782161235277072819372;0.123842195540308744328150680758
-0.041569086651053861747318052267;0.075234192037470726255321551434;0.080503512880562067000056458710;0.001756440281030444963347725285;0.135245901639344273670317875258;0.101873536299765810042572411476;0.037470725995316159218084806071;0.048594847775175642468070691393;0.197892271662763463702106037090;0.044496487119437939938837445197;0.063817330210772835186183726819;0.171545667447306787734007116342
-0.026350032530904357597201226326;0.103448275862068964081608157812;0.094990240728692262872634444193;0.000975927130774235538843153215;0.115810019518542611782763174233;0.098893949251789195487027939180;0.048145738451528953538716137928;0.075471698113207544289515738001;0.141834743005855551389871038737;0.056603773584905661686583755454;0.081001951854261552976588234287;0.156473649967469097266103972288
-0.053086419753086422357313267639;0.097222222222222223764198645313;0.075617283950617286691908702778;0.000308641975308641969017592332;0.116975308641975306311877602639;0.107098765432098771976932027883;0.046913580246913583193801855487;0.022222222222222223070309254922;0.190123456790123462889496863681;0.045987654320987655931496362882;0.079012345679012344068503637118;0.165432098765432106235451215070
-0.057680250783699059391462782287;0.086206896551724143673567368751;0.101880877742946712727345470739;0.002194357366771159962431925194;0.120689655172413798367436754688;0.083385579937304069031434039516;0.036990595611285266575141150724;0.028526645768025077343210682557;0.174921630094043878411724790567;0.072100313479623825974051953835;0.066457680250783704445360910995;0.168965517241379314938853895001
-0.053773584905660379296143958072;0.078616352201257858056671068425;0.091194968553459113125292390123;0.010062893081761005789620533335;0.106603773584905664462141317017;0.102830188679245287941554920508;0.045911949685534587939361728104;0.078301886792452826679955535383;0.165408805031446531907945995954;0.067924528301886791248342944982;0.074842767295597481536084671916;0.124528301886792452934926700436
-0.048196721311475412830027664768;0.092131147540983601706976457990;0.121639344262295084897473884666;0.005245901639344262290531872850;0.093770491803278691045342441157;0.085901639344262301078991583836;0.042622950819672128508486252940;0.068852459016393446900039521097;0.141967213114754103875370105925;0.074098360655737702251677490040;0.077377049180327867050621648559;0.148196721311475404503354980079
-0.042580645161290321676350600910;0.084516129032258066611227320664;0.110322580645161288925848452891;0.001935483870967741933805106314;0.117096774193548386344687628480;0.098387096774193549819642612420;0.044516129032258065778560052195;0.045806451612903226200401718415;0.163225806451612914793614095288;0.053870967741935484041082560225;0.071935483870967736885759791221;0.165806451612903221759509619915
-0.018558614290133002011629059780;0.124961336220228882987193230747;0.096814104546860499378446718310;0.000618620476337766820457142458;0.108258583359109192278957323197;0.122486854314877824378982040798;0.045777915248994743846466803916;0.028147231673368387078193464390;0.132075471698113205976099493455;0.040210330961954837691862962856;0.093411691927002785118538952247;0.188679245283018881540471056724
-0.041218637992831541616567392339;0.126344086021505375150297822984;0.088709677419354843186383163811;0.004181600955794504033413705457;0.101851851851851846197938300520;0.101254480286738349215092114264;0.045698924731182796743489404889;0.031660692951015534379877180982;0.148148148148148139924273891666;0.055555555555555552471602709375;0.082138590203106334741711691549;0.173237753882915179737267408200
-0.023809523809523808202115446875;0.108333333333333337034076748751;0.097023809523809526056403740313;0.007142857142857142634106981660;0.114285714285714282145711706562;0.115178571428571421830788779062;0.049702380952380949274971300156;0.044642857142857143848413414844;0.147916666666666668517038374375;0.059821428571428574005874878594;0.068750000000000005551115123126;0.163392857142857145236192195625
-0.040564373897707228788789279861;0.072016460905349799492825013658;0.099353321575543801502661267477;0.007936507936507936067371815625;0.170781893004115226109007608102;0.080246913580246909125648357985;0.035567313345091125520447405961;0.048206937095825984351815662876;0.192239858906525562520783978471;0.049088771310993532803745864612;0.059376837154614933722562852836;0.144620811287477946116553084721
-0.045282124229492647093930912661;0.100284495021337127784732956570;0.097202465623518252701984465602;0.011142721669037458642748106286;0.115220483641536267094274137435;0.093883357041251780383817049369;0.035561877667140827374847589226;0.056424845898530105736679018946;0.147937411095305837438473872680;0.070886676149834043636488445372;0.077524893314367002150611085654;0.148648648648648656900306264106
-0.016233766233766232234270177059;0.164502164502164510695436661081;0.115584415584415581279564833039;0.001948051948051948050258386225;0.057142857142857141072855853281;0.108441558441558436043372637414;0.042424242424242426807712291748;0.012337662337662338302157749581;0.104112554112554114849054087699;0.062337662337662337608268359190;0.107792207792207786476446074175;0.207142857142857156338422441877
-0.042595896520963426323813649788;0.083853702051739517631112619256;0.168376449598572702770482578671;0.002453166815343443482588803306;0.069580731489741295958673106270;0.071810883140053530238056112012;0.046610169491525424434463786838;0.031445138269402317376943756244;0.130240856378233710310965420831;0.080731489741302411844436903721;0.101471900089206062967051025225;0.170829616413916141048900954047
-0.026078710289236604891183191057;0.134186818397344725939390741587;0.141773352299668087272976890745;0.000000000000000000000000000000;0.077999051683262210499236743999;0.086533902323376002407862017662;0.069701280227596015826030395601;0.049075391180654341638511795054;0.091038406827880516414275291481;0.056424845898530105736679018946;0.084163110478899946786945918120;0.183025130393551449525801899654
-0.030470914127423823214435572027;0.127192982456140357694351905593;0.113111726685133889835910281363;0.002077562326869806207108037910;0.088411819021237306182037229974;0.094875346260387807828529105336;0.042705447830101571360383871934;0.038319482917820869849467868562;0.114496768236380427885556798628;0.057248384118190213942778399314;0.096491228070175433240152074177;0.194598337950138505769714925009
-0.011796733212341198662742591807;0.160390199637023583845163443584;0.101633393829401091901232234704;0.000000000000000000000000000000;0.075544464609800368593006680840;0.109800362976406537529605600412;0.063974591651542650483364127467;0.009754990925589837255649250380;0.105716878402903807776525013651;0.049682395644283124103157689433;0.092785843920145189001047469901;0.218920145190562603909611993913
-0.031754161331626118425219829078;0.099103713188220227126024042263;0.115749039692701657933149306245;0.000000000000000000000000000000;0.098079385403329069625932845611;0.078104993597951338779594721018;0.055057618437900128494089102560;0.029449423815621000172226828795;0.159795134443021763503978149856;0.051472471190781049488194298647;0.090140845070422540019627888341;0.191293213828425096023622131725
-0.067129629629629636311527463022;0.104938271604938265779694006596;0.109567901234567902091221469618;0.005658436213991769811459953132;0.073559670781893002344808962789;0.097479423868312750633968732927;0.041152263374485596736374048987;0.030349794238683128200229077720;0.148405349794238694549619594909;0.077674897119341557161220634953;0.083333333333333328707404064062;0.160751028806584372876642419214
-0.022751322751322751447577985573;0.122751322751322750059799204791;0.119576719576719572857292916979;0.003439153439153439222736308167;0.092328042328042328468207244896;0.080952380952380956213865204063;0.056349206349206350241676233281;0.024867724867724868426099860130;0.141269841269841267550333441250;0.056878306878306875149498011979;0.086243386243386246925446414480;0.192592592592592593003786305417
-0.037977632805219013745201550591;0.092497670083876978863735018876;0.122786579683131405471563368792;0.000931966449207828487658056282;0.093196644920782847898443890244;0.068266542404473440353029900507;0.060577819198508853215656699831;0.083876980428704561720820720438;0.143522833178005598808724130322;0.055684995340167756094906792441;0.079450139794967386541735265837;0.161230195712954327280641564357
-0.021409455842997322100318413618;0.137377341659232821147185177324;0.144959857270294367737051288714;0.005352363960749330525079603404;0.053523639607493310454966461975;0.083853702051739517631112619256;0.060437109723461196475469137113;0.070249776984834963466930446430;0.108162355040142724171836619007;0.068019625334522743065335248502;0.075825156110615521409812345155;0.170829616413916141048900954047
-0.022095332671300892124488512991;0.138778550148957291465734442681;0.114945382323733857887759768346;0.000248262164846077451173939066;0.091608738828202584958404486315;0.082174776564051643656938495042;0.080188679245283014940248733637;0.031281032770605760040538712019;0.112462760675273082400238422451;0.047666335650446874094843252578;0.085402184707050646239601121579;0.193147964250248271866894356208
-0.079385964912280698735358441809;0.063815789473684214616611143356;0.124780701754385964230564809441;0.029166666666666667129259593594;0.076315789473684211841053581793;0.058991228070175441566824758866;0.039473684210526313598244030345;0.070614035087719295713526435065;0.140789473684210519888182489012;0.084868421052631579093450397977;0.084649122807017543324015207418;0.147149122807017557201803015232
-0.038932948810382117521555755957;0.113914924297043973488996471133;0.097572698870463825393528622953;0.000000000000000000000000000000;0.137707281903388600863280544218;0.078586878154289829812029211098;0.061283345349675555358004430673;0.029319875030040853935986433498;0.162460946887767354596121549548;0.041576544099975965007587319633;0.070656092285508287353934520070;0.167988464311463581157823909962
-0.024419155998103365262652530987;0.146514935988620198514809089829;0.115457562825983878207480870515;0.000711237553342816534486525715;0.064485538169748696235572538171;0.081792318634423891166029818578;0.072783309625414890908778886569;0.028923660502607872330171900899;0.106922712185870086298855596851;0.055950687529634897388053360601;0.084874348032242766248778309546;0.217164532954006644915878609936
-0.047869903802107191537196229092;0.119560238204306001907895051772;0.109253321117727897338056664012;0.010535959688502061909476381629;0.087494273934951904969636871101;0.083600549702244619787450119475;0.041685753550160332958629538780;0.032295006871278057747343126493;0.141319285387081994276314844683;0.058405863490609249977225658768;0.080622995877233163963815343322;0.187356848373797513218619315012
-0.065111111111111105720361535987;0.099333333333333329040470971449;0.112666666666666664964324695575;0.048444444444444442754438284737;0.059999999999999997779553950750;0.067333333333333328374337156674;0.034444444444444444197728216750;0.044222222222222225262999728557;0.140000000000000013322676295502;0.097333333333333327264114132049;0.078666666666666662521834041399;0.152444444444444437980479278849
-0.042567567567567569930542248358;0.086486486486486491287450917298;0.149099099099099102749832468362;0.006531531531531531604983786821;0.105180180180180174454029895514;0.056531531531531530043732658442;0.077927927927927923001938381731;0.064639639639639645540825085845;0.115990990990990985864961260177;0.059234234234234232896465499607;0.077252252252252254227649075347;0.158558558558558548856609604627
-0.054741181859825925604123852963;0.101465872652313326973683160759;0.155061841502519476287957900240;0.002061383417315620827231503753;0.085661933119560232374745112338;0.054741181859825925604123852963;0.050847457627118647360831005244;0.038250114521300962455718774891;0.133073751717819516171559257600;0.069628950984883183905616022003;0.091158955565735222403844772998;0.163307375171781954392713487323
-0.055621866793984245380677577941;0.095249462878968724210970719923;0.113630938171401282832384538324;0.002387204583432800310965893331;0.088087849128670320242306956970;0.075913105753163040434472463858;0.031033659584626401006790530346;0.018858916209119121198956037233;0.156361900214848414947255150764;0.086416805920267361629250046917;0.092862258295535932139941337482;0.183576032465982336150389642171
-0.048813559322033898968395959628;0.108700564971751414966583126898;0.129717514124293775701346476126;0.003841807909604519778029585453;0.090621468926553677691870802846;0.074576271186440681870699620504;0.042937853107344631231612197553;0.043389830508474579173761043194;0.145762711864406785400305466283;0.072542372881355926539370670980;0.083615819209039543569161878622;0.155480225988700565542544040909
-0.066198830409356729242986716599;0.101520467836257316518455695586;0.120935672514619882433883901740;0.012865497076023392486465724005;0.084678362573099408283638922512;0.083274853801169584910368826058;0.044210526315789470952477557830;0.035321637426900587275468978987;0.128421052631578935798728480222;0.077192982456140354918794344030;0.082573099415204673223733777832;0.162807017543859650077209266783
-0.029473684210526315124800689205;0.140584795321637423537453059907;0.120233918128654970747248853513;0.000701754385964912228736134470;0.074619883040935669482607295322;0.077894736842105266605429392257;0.079532163742690065166840440725;0.036257309941520467211351075321;0.109941520467836256758076274309;0.053801169590643273255015088807;0.086549707602339182033190922994;0.190409356725146194921904907460
-0.025685425685425686270768608210;0.140836940836940843757574270967;0.116883116883116880413417959517;0.000000000000000000000000000000;0.062914862914862909604174490141;0.104761904761904764415980650938;0.095815295815295811743261822357;0.031746031746031744269487262500;0.117460317460317459348217994375;0.040115440115440118007406056222;0.086868686868686872948330801592;0.176911976911976909221380083181
-0.101268331351565599174335829957;0.066785572730875944480466444020;0.162504954419342040328189114007;0.020808561236623068085860310816;0.062822037257233453999560879311;0.046571541815299245803405625566;0.045977011494252872925159181250;0.046373365041617119197692176158;0.127427665477606033572754995475;0.088981371383273874520192237014;0.086999603646452636218633358567;0.143479984145858108224302895906
-0.108813559322033903686843814285;0.077288135593220341768017078721;0.118305084745762706388561014137;0.016610169491525422075239859510;0.066440677966101688300959438038;0.063389830508474576120647725475;0.054915254237288137206807192570;0.047457627118644069019737230519;0.136610169491525434981582520777;0.086101694915254239903745769880;0.080677966101694920109110853446;0.143389830508474563908194454598
-0.100000000000000005551115123126;0.069208211143695019806898471870;0.126099706744868034213880036987;0.002346041055718475071278916744;0.072727272727272723740199467102;0.053665689149560116821824351518;0.045747800586510262155215400526;0.041055718475073312012657567038;0.157184750733137840184028277690;0.083284457478005863295678068425;0.087096774193548387454910653105;0.161583577712609977039548425637
-0.037789661319073082623720694073;0.087700534759358295122666504540;0.135472370766488409143946114455;0.000356506238859180025774914258;0.093761140819964353121385158829;0.058110516934046348158648953586;0.057397504456327984312391521371;0.036363636363636361870099733551;0.150089126559714791664390531878;0.063458110516934049250004079568;0.087700534759358295122666504540;0.191800356506238861564739295318
-0.057744937055281879423329627343;0.082375478927203066303874834375;0.116584564860426925791969665624;0.001368363437328954561669758228;0.093869731800766284535164629688;0.067870826491516142442428360937;0.035577449370552821639179796875;0.038587848932676520330442571094;0.146962233169129707910371962498;0.078270388615216207606195553126;0.088396278051450463686400382812;0.192391899288451018179557650001
-0.041248303934871097253811456085;0.091451831750339218629619608691;0.131343283582089548344740137509;0.012483039348710990232294015811;0.076255088195386705463008070183;0.072727272727272723740199467102;0.048575305291723200329379039886;0.052374491180461328621031924513;0.138670284938941651420307721310;0.058344640434192671096802484954;0.093080054274084125798260913598;0.183446404341926716519139972661
-0.035273368606701938077208069444;0.116108171663727222089335100463;0.110523221634332743934514553530;0.014403292181069959204675612341;0.059964726631393294731253718055;0.066725455614344508781243803242;0.034685479129923577068517204225;0.038800705467372131884928876389;0.142269253380364502081789623844;0.071722516166960612049585677141;0.094062316284538510791080057061;0.215461493239271023591996367941
-0.023809523809523808202115446875;0.133540372670807455657282503125;0.125517598343685310435802193751;0.001811594202898550746635986108;0.074534161490683231710008271875;0.072204968944099376382261823437;0.060817805383022775778112389844;0.035196687370600415745158784375;0.131469979296066241669649343748;0.058747412008281575668267038282;0.089285714285714287696826829688;0.193064182194616990040358928127
-0.015222482435597189248666083472;0.146077283372365335223364013473;0.112412177985948477654254418212;0.000585480093676814987782575095;0.079625292740046843542600640831;0.090163934426229511154282647567;0.051229508196721312840438145031;0.026053864168618268148946981455;0.126463700234192039095759696465;0.059133489461358317018646602037;0.088700234192037472058522951102;0.204332552693208435723448701538
-0.020087884494664157153387407106;0.102008788449466411552002398366;0.154425612052730698575686574259;0.001255492780916509822086712944;0.070307595731324543097962020965;0.076898932831136218579715091437;0.057124921531701192134455880023;0.054613935969868174225005930111;0.112994350282485875314186785090;0.062774639045825489369612171231;0.094789704959196488531780744324;0.192718141870684256389267829945
-0.028673835125448028648964537979;0.121863799283154120023375810433;0.135005973715651123034930947142;0.000000000000000000000000000000;0.075268817204301077805617126160;0.071385902031063319661541299865;0.049581839904420547948671327276;0.042712066905615291012576761887;0.135902031063321382386988034341;0.057048984468339308806505982830;0.093189964157706098313305176362;0.189366786140979681540841284004
-0.042517482517482517445639444986;0.073846153846153853028688729410;0.147412587412587420265808191289;0.010629370629370629361409861247;0.065734265734265731606633664796;0.057902097902097902915041771621;0.034405594405594402962478284280;0.044475524475524476353260894257;0.137622377622377611849913137121;0.094545454545454543637816868795;0.107972027972027970199597746159;0.182937062937062938638987930062
-0.041910631741140215444918482035;0.077041602465331274207649414620;0.154391371340523886335205361320;0.032973805855161790467899862733;0.066255778120184904977918449731;0.052388289676425267571424626567;0.038520801232665637103824707310;0.028351309707241909019437287043;0.125731895223420653273649350012;0.088443759630200305399405635853;0.105701078582434521146993233742;0.188289676425269641990567492940
-0.045923816304734778326324118325;0.088643645425418304828468762935;0.141687433250267003082001338043;0.027767888928444287716112981457;0.060875756496974013642908829524;0.054111783552865791446784271557;0.038447846208615167606925666632;0.060875756496974013642908829524;0.118903524385902459314934276335;0.091135635457458175068268246832;0.104663581345674619460517362768;0.166963332146671417088867883649
-0.075802714333002313429332730266;0.069844422376696455034839061682;0.123138033763654425323252894486;0.006620324395895399276212867079;0.057927838464084738245851724514;0.062562065541211520081077424038;0.037735849056603772144757869000;0.053293611386957963349519928897;0.151274412446209871596636276081;0.093346573982125119472996743752;0.091360476663356504634094790163;0.177093677590201920013512904006
-0.087269585253456224971380095212;0.064804147465437791919562471321;0.116359447004608290709981588407;0.012384792626728110750966571629;0.078917050691244244875477420464;0.059331797235023041314772029864;0.035426267281105990047951337374;0.057891705069124423099768961265;0.164458525345622108559950902418;0.082373271889400925815927223539;0.079781105990783404702249015372;0.161002304147465441497288907158
-0.099245852187028651969491477303;0.065158371040723986333809136795;0.129110105580693829141480932776;0.004826546003016591451784123024;0.076319758672699855583942962767;0.055806938159879339311775225951;0.041628959276018097368510240130;0.039517345399698339258875989799;0.168024132730015096637288252168;0.084464555052790352140945628889;0.078129713423831070873148973988;0.157767722473604821153969623992
-0.057650862068965517959195921094;0.066271551724137928163216315625;0.137931034482758618775477543750;0.007812500000000000000000000000;0.079202586206896546938693859374;0.064655172413793107755175526563;0.031250000000000000000000000000;0.033135775862068964081608157812;0.157327586206896546938693859374;0.084859913793103453061306140626;0.095635775862068964081608157812;0.184267241379310331428342806248
-0.034225424601132266311243057544;0.126351003602676287274064748090;0.116314976839938244435046499348;0.005404014410705095319831237077;0.070509521358723625805708934422;0.079516212043232115114221869590;0.047606793618116316491040151959;0.034225424601132266311243057544;0.137416366443643855888012694777;0.063818836850231597246363435261;0.086721564590838906561032217724;0.197889861039629438854703380457
-0.033737024221453290606653752093;0.115340253748558246860156373259;0.134371395617070343853072245111;0.000000000000000000000000000000;0.070069204152249139894159668529;0.077566320645905420527732587743;0.075259515570934257255863997216;0.044117647058823532268956313374;0.111303344867358711134386339836;0.043540945790080741450989165742;0.093137254901960786490633381618;0.201557093425605543535183983295
-0.032346491228070178847175952797;0.125548245614035075545800168584;0.098958333333333328707404064062;0.000548245614035087688864500421;0.078673245614035089423587976398;0.096765350877192984890839966283;0.045230263157894738668129974712;0.029331140350877193956335986513;0.129660087719298239283816087664;0.059210526315789470397366045518;0.097587719298245612087328026973;0.206140350877192984890839966283
-0.079153605015673977884915757386;0.080721003134796243116966252273;0.132445141065830718218876427272;0.005747126436781609115644897656;0.066875653082549640915388522444;0.064002089864158825949225217755;0.072884012539184958590077201279;0.060083594566353183685780692258;0.129049111807732486134625560226;0.067136886102403342535538399716;0.081504702194357361855203691903;0.160397074190177651997757379831
-0.051568314726209464604611554250;0.084263689526847415645072203461;0.162413609782030843309286183285;0.004253056884635832320118442595;0.062732589048378528673310938757;0.063530037214247742083372827437;0.041201488569909620884867962332;0.060606060606060607742762158523;0.124401913875598083003559679582;0.078681552365762894019063367068;0.098883572567783087348125548033;0.167464114832535898580445632433
-0.085937500000000000000000000000;0.118265086206896546938693859374;0.094558189655172417142914298438;0.008620689655172413673467346484;0.063038793103448273469346929687;0.104525862068965511020302017187;0.035560344827586208571457149219;0.025053879310344827346934692969;0.125808189655172403265126490624;0.068965517241379309387738771875;0.089709051724137928163216315625;0.179956896551724143673567368751
-0.038194444444444447528397290625;0.113425925925925930037863054167;0.089120370370370363688472536978;0.048321759259259258745267118229;0.066550925925925930037863054167;0.098090277777777776235801354687;0.032407407407407405608434913802;0.104166666666666671292595935938;0.098958333333333328707404064062;0.076099537037037034981068472916;0.070023148148148153802061699480;0.164641203703703692395876601040
-0.049392712550607287269599510182;0.106342780026990546549114924346;0.097165991902834009108502755225;0.022941970310391364418212134524;0.060458839406207824651584559206;0.099595141700404857254547152934;0.032658569500674763941283629265;0.080161943319838058208404163452;0.111740890688259111862556949291;0.075303643724696361916315368035;0.093657219973009450675327514091;0.170580296896086364144551339450
-0.031328671328671328644155380516;0.118881118881118880148406447006;0.093426573426573428227115414302;0.006993006993006993000927540294;0.073846153846153853028688729410;0.106853146853146854788896291666;0.061258741258741256086040039008;0.041118881118881116243368722962;0.130349650349650347802565875099;0.059580419580419582969987857268;0.087832167832167837295820334020;0.188531468531468543448070818158
-0.039872408293460927242168878593;0.098883572567783087348125548033;0.120946305156831468430311815609;0.010632642211589580366615237494;0.067517278043593836889257886469;0.087719298245614030218320067434;0.057416267942583733285832892079;0.077086656034024453321151781893;0.120946305156831468430311815609;0.071770334928229664872567639122;0.085061137692716642932921899956;0.162147793726741096254073681848
-0.047110247693054878304064203576;0.092277804759592033101434083164;0.129917435648372991963128697535;0.004856726566294317440353189852;0.078921806702282659706781942077;0.087421078193297710456910465382;0.070422535211267608956653418772;0.067022826614861585881044447888;0.126274890723652249979735984198;0.064837299660029143466566381449;0.065565808644973286312129800990;0.165371539582321508410345245466
-0.034774985388661604213123013096;0.110461718293395669276968362738;0.107831677381648158298155237844;0.051724137931034482040804078906;0.065751022793687899370418392664;0.086791350087668028834286815254;0.038866160140268848910416465969;0.059322033898305086274671538149;0.106954997077732316679288260275;0.073056691992986561023926128655;0.085914669783752187215419837685;0.178550555230859137045840157043
-0.082974137931034488979697982813;0.071659482758620690612261228125;0.117187500000000000000000000000;0.028825431034482758979597960547;0.070043103448275856326432631249;0.070043103448275856326432631249;0.026939655172413791428542850781;0.067079741379310345306130614063;0.155172413793103453061306140626;0.097521551724137928163216315625;0.072467672413793107755175526563;0.140086206896551712652865262498
-0.053719008264462811408357367782;0.089256198347107434942770964881;0.109641873278236920419281830164;0.037741046831955921136980691699;0.061432506887052339139554391068;0.078236914600550960807723299695;0.028374655647382920203858347463;0.077134986225895318945333656302;0.134435261707988973345351269018;0.102754820936639124084877039422;0.080440771349862258410290394295;0.146831955922865020625067700166
-0.075983717774762551955269884729;0.085753052917232022722693329797;0.115061058344640435024963665001;0.007598371777476254848582293278;0.072184531886024416724723096195;0.074898236092265937924317142915;0.026322930800542741064385054983;0.026594301221166891102676288483;0.154409769335142471602395630725;0.108548168249660792472610637560;0.087109905020352776383596449250;0.165535956580732696030722195246
-0.057578586990351697527668051180;0.096794273264861493966115801868;0.095549330843448493366665275062;0.002801120448179271731764528042;0.068783068783068779250555735416;0.088079676314970434258810882966;0.031434796140678490650177678845;0.015250544662309368365571415893;0.194211017740429509048638578861;0.089947089947089942096880577083;0.082166199813258636308610505239;0.177404295051353882994860100553
-0.111733490566037735325366497818;0.083431603773584911420968523998;0.077830188679245279614882235819;0.020636792452830187566403807864;0.085790094339622646746335021817;0.075471698113207544289515738001;0.020636792452830187566403807864;0.041863207547169808964149240182;0.161556603773584911420968523998;0.078125000000000000000000000000;0.076061320754716985059751266363;0.166863207547169822841937047997
-0.028251748251748250856385524798;0.123076923076923083755218613078;0.083076923076923075983657440702;0.034125874125874124109802920657;0.099300699300699304949979762114;0.095944055944055944840087590819;0.046153846153846156408206979904;0.032447552447552450993750738917;0.138461538461538469224620939713;0.045594405594405591763962348750;0.079160839160839158168414542160;0.194405594405594406293147358156
-0.056790865384615384081623545853;0.100661057692307695510258724880;0.098257211538461536326494183413;0.000300480769230769247449264192;0.104266826923076927347011633174;0.084134615384615391020517449761;0.033954326923076920408117729266;0.013822115384615384081623545853;0.189002403846153854694023266347;0.047776442307692304489741275120;0.071514423076923072652988366826;0.199519230769230782041034899521
-0.047552836484983311560181817867;0.106785317018909906017221089769;0.111790878754171305042852679890;0.000000000000000000000000000000;0.098442714126807565055976567692;0.075639599555061179381176827974;0.059788654060066739881484920716;0.050889877641824246556900845917;0.145995550611790869677264481652;0.049221357063403782527988283846;0.075917686318131255562846604334;0.177975528364849838736105880344
-0.077206851119894601143123225029;0.090909090909090911614143237784;0.136495388669301720430127033978;0.019499341238471672860255168303;0.056916996047430827576629752684;0.068511198945981552355100063778;0.030039525691699604792450628565;0.066403162055335973601444266023;0.126482213438735169308557715340;0.095652173913043481157103542500;0.080368906455862976212500825568;0.151515151515151519356905396307
-0.040340909090909093936971885341;0.099715909090909091161414323778;0.116761363636363635354342704886;0.008806818181818181281994561971;0.071590909090909093936971885341;0.087215909090909093936971885341;0.062784090909090914389700799347;0.078693181818181814901613790880;0.120738636363636367421214856677;0.057954545454545453031514057329;0.078409090909090914389700799347;0.176988636363636375747887541365
-0.030358227079538554343818290704;0.116879174256223433703283376417;0.125683060109289618244687858351;0.001821493624772313295323566962;0.090467516697024893956857738431;0.074377656344869452764712036696;0.074377656344869452764712036696;0.038251366120218580069156644186;0.139344262295081955382869409732;0.047358834244080147413136216983;0.079538554948391015919639812637;0.181542197935640553518865658589
-0.053706293706293706247123509456;0.095944055944055944840087590819;0.080559440559440559370685264184;0.000279720279720279720037101612;0.093146853146853142435546146771;0.084195804195804191394358895195;0.047552447552447550671583798021;0.030209790209790209764006974069;0.196083916083916093286987347710;0.050069930069930067284555974538;0.073006993006993009531768734632;0.195244755244755235912279545119
-0.060207991242474001580831100000;0.093596059113300489329390075000;0.134646962233169131817334118750;0.001368363437328954561669758228;0.073617952928297758496967162500;0.061850027367268745059902812500;0.062671045429666116799438668750;0.042145593869731802494360550781;0.141762452107279696145170078125;0.070333880678708271538823737501;0.085659551176792553262018259375;0.172140120415982478263572374999
-0.054274084124830396236305318780;0.087381275440976929891334634704;0.133785617367706916036595998776;0.005970149253731343343132298429;0.083039348710990501523099283077;0.060515603799185885280920160767;0.066757123473541388203322810568;0.089280868385345990567714125064;0.132971506105834469391169250230;0.062143826322930799388455369581;0.080597014925373133831243421810;0.143283582089552247174069066205
-0.034438775510204078234011149107;0.094132653061224494384084948706;0.107397959183673466498909476741;0.010459183673469388264898327634;0.089795918367346932997818953481;0.083673469387755106119186621072;0.058418367346938775142017874487;0.064030612244897963658551987010;0.151785714285714273819039021873;0.063265306122448974890382089598;0.077806122448979594952156446652;0.164795918367346944100049199733
-0.059179869524697108207345053188;0.093196644920782847898443890244;0.102982292637465056017731512839;0.008387698042870456172082072044;0.078285181733457595565361941681;0.090400745573159371759608404773;0.041938490214352280860410360219;0.028424976700838770066193106345;0.158434296365330851141806078886;0.080382106244175216547276363599;0.089468779123951541754067307011;0.168918918918918914418014765033
-0.044237749546279493684242112295;0.116833030852994554371626634293;0.128629764065335744360751846216;0.056034482758620690612261228125;0.058076225045372048549907617598;0.058076225045372048549907617598;0.053539019963702361160073905921;0.062840290381125221697011795641;0.090517241379310345306130614063;0.080535390199637027497381325247;0.079401088929219598711028993421;0.171279491833030844682994597861
-0.038177339901477834460674642969;0.117487684729064040256574230625;0.124137931034482756897929789375;0.050985221674876846087443027500;0.065024630541871922262409100313;0.068965517241379309387738771875;0.051724137931034482040804078906;0.051231527093596060384861345938;0.103201970443349749784189839374;0.080788177339901484641515594376;0.073152709359605910810486761875;0.175123152709359602985372816875
-0.051005747126436781768710204688;0.079262452107279696145170078125;0.153735632183908038639330584374;0.057231800766283522086119717187;0.061302681992337161587247607031;0.043342911877394633968219039843;0.046695402298850573197253055469;0.066810344827586201632563245312;0.106800766283524903310642173437;0.096743295019157085623540126562;0.088362068965517237550955087499;0.148706896551724143673567368751
-0.023775894538606401340530283051;0.116054613935969871962861077463;0.146892655367231644847336724524;0.010828625235404896673396812901;0.062853107344632772046644220154;0.069679849340866295559493437395;0.058615819209039549120277001748;0.040254237288135590044912959229;0.105461393596986821585836935355;0.089453860640301322004752648809;0.094632768361581923177716646478;0.181497175141242944595987296452
-0.034348864994026284680472826949;0.120370370370370363688472536978;0.105734767025089604342014126814;0.050776583034647548853257603696;0.079151732377538835949692952454;0.072281959378733579013598387064;0.055256869772998803980179616246;0.035244922341696537093636010241;0.110812425328554356451782325621;0.074372759856630818453560038961;0.080047789725209081423962231838;0.181600955794504193008265247045
-0.031656804733727811340671109974;0.094082840236686393620146873218;0.179881656804733724985823073439;0.010355029585798817409747485385;0.058284023668639051152240426745;0.057988165680473373331249575813;0.079289940828402363792726248448;0.055325443786982245186756301791;0.105917159763313603604295565219;0.063313609467455622681342219948;0.093786982248520708860262118378;0.170118343195266280565292049687
-0.063895781637717127821041174229;0.129342431761786613719777960796;0.110421836228287842396333928718;0.001550868486352357427174308846;0.071960297766749378722828112132;0.081885856079404462093407346401;0.055831265508684863041466428513;0.028225806451612902442382946333;0.131823821339950381092975817410;0.057382133995037221119162040850;0.090260545905707201264078776148;0.177419354838709686372766327622
-0.036151960784313728891614658778;0.131740196078431376358608417831;0.098651960784313721952720754871;0.046875000000000000000000000000;0.077512254901960786490633381618;0.085477941176470589867975036213;0.042892156862745098311329172702;0.038909313725490196622658345404;0.133578431372549016886708272978;0.052696078431372549155664586351;0.071997549019607837150758200551;0.183517156862745084433541364888
-0.060157555502506565581199993176;0.112437335879684893735763751010;0.093339699212222487778589652407;0.002864645500119360286422898199;0.108379088087849129173889650701;0.082835999045118166583812069348;0.038911434709954645372320669594;0.050608737168775362602612943874;0.162329911673430415941510318589;0.052279780377178321215669853927;0.076390546669849609950908586598;0.159465266173311054354044813408
-0.048828125000000000000000000000;0.122209821428571424606346340624;0.114397321428571424606346340624;0.000279017857142857127368540393;0.080915178571428575393653659376;0.091517857142857136909519510937;0.046037946428571431545240244532;0.020368303571428571924206707422;0.159319196428571424606346340624;0.045479910714285712303173170312;0.083705357142857136909519510937;0.186941964285714273819039021873
-0.018362900715841890680879444631;0.137254901960784325698483598899;0.113912231559290380578097767739;0.003734827264239029120246327054;0.055399937752878929131394869501;0.122626828509181454163190494455;0.041705571117335825392924419930;0.021164021164021162846324841667;0.130718954248366020509664053861;0.044817927170868347708232448667;0.103330220977279799154935346905;0.206971677559912858868074181373
-0.044004117344312920767634977892;0.114256304683479151251823680013;0.080288214101904273323206950863;0.018270715388574370469099150682;0.086464230571281525117299793237;0.115028306742151309460808761287;0.029593412249099330935120377717;0.017241379310344827346934692969;0.140504374678332488723953019871;0.071796191456510546902158864668;0.095728255275347395869545152891;0.186824498198661870240755433770
-0.023828227284629483612166112039;0.122807017543859642305648094407;0.099502487562189059766559751097;0.001047394605917779594750349759;0.078554595443833460932658852016;0.125425504058654102568226562653;0.051322335689971194938596710244;0.029588897617177270515931297723;0.131186174391201892941438700291;0.048180151872217857889069136945;0.104215763288819068810298062999;0.184341450641529208676061557526
-0.023076923076923078204103489952;0.126373626373626368746272419230;0.104945054945054946915483640169;0.006043956043956044167642094322;0.059890109890109892443188499556;0.095054945054945050308958798269;0.100000000000000005551115123126;0.055494505494505491638435046298;0.103571428571428578169211220938;0.066483516483516483241977823582;0.103571428571428578169211220938;0.155494505494505497189550169423
-0.030498533724340175926625917668;0.114662756598240475613970090762;0.118768328445747806121346457076;0.001759530791788856303459187558;0.079472140762463339136445483746;0.100879765395894424595546468026;0.110850439882697951454737506083;0.032258064516129031362723367238;0.116422287390029327580620588378;0.054545454545454542805149600326;0.082404692082111430373458915710;0.157478005865102632654384251509
-0.044509594882729208720206770522;0.102078891257995740815545104851;0.079957356076759064644754460005;0.000799573560767590603079457701;0.101812366737739870559131816208;0.113272921108742000151359263782;0.034381663113006395715576246630;0.037846481876332625782222152111;0.182302771855010647961137237871;0.050106609808102345327007753895;0.075692963752665251564444304222;0.177238805970149265744950639601
-0.057359307359307359908129342330;0.101731601731601728477727419886;0.076569264069264064698216998295;0.002164502164502164500287095805;0.107142857142857136909519510937;0.125811688311688318897552107956;0.032467532467532464468540354119;0.024621212121212120160773650923;0.194805194805194814566817740342;0.045995670995670992486914485653;0.064935064935064928937080708238;0.166396103896103902952674502558
-0.016633565044687190909167284758;0.123634558093346572094084478977;0.092601787487586892377855463110;0.000000000000000000000000000000;0.112214498510427015953716534113;0.119910625620655408862802460135;0.051886792452830191035850759818;0.030287984111221449151640783271;0.177010923535253217320217800079;0.034260178748758689237785546311;0.069265143992055605570712373265;0.172293942403177746669484804443
-0.038765008576329328116027994611;0.104288164665523153118442678533;0.099485420240137220626586156413;0.000343053173241852460244316614;0.118353344768439103229518138960;0.086106346483704979122286715665;0.042195540308747857272120285188;0.021269296740994855787754147514;0.156432246998284729677664017800;0.046998284734133789763976807308;0.084048027444253853301958656630;0.201715265866209275680276391540
-0.055627846454131421594091477800;0.082303188028627197181386065949;0.079050097592713072791603678979;0.001301236174365647457404349119;0.148340923877683800169435812677;0.085556278464541307693380645105;0.023747560182173065718158611048;0.042615484710474951790537545548;0.176968119713728028186139340505;0.043266102797657773892936461380;0.063760572543916718690759637411;0.197462589459986986861750324351
-0.038888888888888889505679458125;0.114506172839506176197588160903;0.068518518518518520266091798021;0.001234567901234567876070369330;0.103703703703703700722549285729;0.110185185185185191558687733959;0.058950617283950616787091547621;0.032716049382716050342168045972;0.182098765432098769201374466320;0.039814814814814816767984950729;0.079629629629629633535969901459;0.169753086419753090874351642015
-0.044802867383512544330326221598;0.106630824372759849816283406199;0.062425328554360809407697274764;0.006571087216248506709947996285;0.126642771804062137519508723926;0.112305854241338112786685599076;0.025089605734767025935205708720;0.014038231780167264098335699885;0.216547192353643974671584260250;0.046296296296296293726335591145;0.070191158900836325695848927353;0.168458781362007176118922302521
-0.017825311942959002481368102622;0.102198455139631605437244843415;0.084076054664289953666234112006;0.002673796791443850111996693997;0.125965537730243604119806377639;0.111705288175876410461384580231;0.022281639928698752234348390289;0.021390374331550800895973551974;0.189245395127748072816586955014;0.057635175282234107907441966745;0.070707070707070704407293249005;0.194295900178253128087746404162
-0.042712066905615291012576761887;0.090800477897252096504132623522;0.114994026284348863087281245043;0.003285543608124253354973998142;0.117682198327359613387876891011;0.091995221027479090469824996035;0.032855436081242535284463457401;0.024193548387096773522042525428;0.148446833930704902293484792608;0.047192353643966546139498774437;0.073775388291517321470713852705;0.212066905615292705666874439885
-0.051851851851851850361274642864;0.077777777777777779011358916250;0.096581196581196585015938183005;0.000569800569800569763935504941;0.136752136752136765895926373560;0.080626780626780622518445795777;0.028490028490028490582020026523;0.013960113960113960246411934918;0.178062678062678059198731261858;0.059829059829059831610020836479;0.073219373219373218297789662756;0.202279202279202291459014872999
-0.032890575585072738540315384626;0.118912080961416824487208998562;0.063567362428842505428505660348;0.000000000000000000000000000000;0.127767235926628724973497241990;0.105313092979127137516215384494;0.031941808981657181243374310498;0.007273877292852624736052558063;0.211891208096141675509826995949;0.045857052498418725272610885213;0.064199873497786205667203773828;0.190385831752055673105061828210
-0.034482758620689654693869385937;0.073845152895250482094624544516;0.081327260897852957088893788296;0.000975927130774235538843153215;0.137280416395575810550866435733;0.096291476903057907077432275855;0.035133376707872476796268301769;0.020494469746258944797823176032;0.194860117111255698452154661027;0.057579700715679894840182129201;0.073519843851659077982318990507;0.194209499024072862471967937381
-0.058159722222222223764198645313;0.081597222222222223764198645313;0.089988425925925930037863054167;0.000289351851851851835789597445;0.151620370370370377566260344793;0.081018518518518517490534236458;0.033275462962962965018931527084;0.027777777777777776235801354687;0.175925925925925930037863054167;0.043981481481481482509465763542;0.057002314814814818155763731511;0.199363425925925930037863054167
-0.028619528619528621093959230848;0.115319865319865322295100895644;0.076599326599326597597716670407;0.013748597081930415131356681968;0.112233445566778902713345189568;0.129629629629629622433739655207;0.034792368125701460257470643000;0.028338945005611671651424288143;0.162177328843995521845400276106;0.047418630751964084557581458057;0.076599326599326597597716670407;0.174523007856341200172423100412
-0.031668153434433542192660837600;0.110838537020517394204865979646;0.101248884924174845090227847777;0.006913470115967886020502675137;0.087421944692239073049222497502;0.107493309545049056663579278847;0.027653880463871544082010700549;0.032560214094558427577741355208;0.160793933987511156180616467282;0.060214094558429971659752055757;0.085191793041926852647627299575;0.188001784121320236753405197305
-0.026663405088062620829081339480;0.107632093933463790502713663955;0.076810176125244614131482023822;0.002935420743639921559164918108;0.114481409001956940807431806206;0.122553816046966732034029234910;0.027152641878669274422275492498;0.016389432485322895372004126102;0.176859099804305280878580219905;0.033512720156555771133799481731;0.075342465753424653351899564768;0.219667318982387477221962512886
-0.011868686868686868784994459247;0.119444444444444450303954852188;0.084090909090909091161414323778;0.002020202020202020200267956085;0.116666666666666668517038374375;0.106565656565656571852507283893;0.032828282828282831506960803836;0.026767676767676766569348245639;0.156565656565656574628064845456;0.042424242424242426807712291748;0.062878787878787881227005129858;0.237878787878787884002562691421
-0.024659863945578230914890127679;0.120181405895691609253539411384;0.083616780045351474237591560268;0.002834467120181405862255896722;0.104875283446712014301382964732;0.116496598639455786750040999777;0.030328798185941044374125397098;0.022959183673469388958787718025;0.166099773242630394110008751341;0.044784580498866216613507162947;0.073979591836734692744670383036;0.209183673469387765297966552680
-0.034224598930481284209115244721;0.104545454545454538641813257982;0.103208556149732622042591856371;0.000534759358288770065767425699;0.104278074866310160873084100785;0.104010695187165769226567135775;0.044652406417112301684202435581;0.013368983957219250993664338978;0.150534759358288777741918806896;0.042780748663101601791947103948;0.089839572192513372783650993370;0.208021390374331538453134271549
-0.029840057292910001501828887172;0.104559560754356642431339707855;0.100262592504177613927929257898;0.000000000000000000000000000000;0.102172356170923850360310325414;0.107901647171162573535241335776;0.050370016710432084783288786412;0.017665313917402721693994394059;0.160181427548340887812017285796;0.034375746001432325171798254360;0.097397947004058252340463752716;0.195273334924803060319575820358
-0.128267973856209138716621964704;0.096677559912854024726236445986;0.084967320261437911943502854228;0.016884531590413944662776302152;0.075980392156862738839429027848;0.092592592592592587452671182291;0.021786492374727670084944008977;0.032407407407407405608434913802;0.157679738562091498188522109558;0.068899782135076248490435091298;0.072440087145969500603825963481;0.151416122004357306396471471999
-0.045042643923240935355245539995;0.116204690831556503582966399790;0.110341151385927510597539935588;0.022654584221748399336382462366;0.068763326226012791431152493260;0.088752665245202561061788060215;0.029850746268656715848299754157;0.037579957356076762464702767375;0.127665245202558647052981655179;0.076492537313432834578108554524;0.097014925373134330843782890952;0.179637526652452028663731198321
-0.042253521126760562598434489701;0.107892638851979805192371486555;0.121711400478341752462441149873;0.001860217911241031146438174027;0.077863406856231734409767852867;0.082646824342280100772484274785;0.031092213659314377888209790513;0.031889449906989102145882242212;0.146159978740366736094102861898;0.094339622641509440770235528362;0.093808131809726288952155925926;0.168482593675259112453446164182
-0.053232998885172799763410012019;0.114827201783723520378543980769;0.116220735785953183105689845434;0.000836120401337792627273481916;0.095875139353400223862777806971;0.090579710144927536030756698437;0.042363433667781495717274964363;0.027034559643255295924291203846;0.126254180602006688127758593509;0.064938684503901888955823551441;0.096432552954292080626963468148;0.171404682274247488482643575480
-0.065315315315315314315114392230;0.099099099099099099974274906799;0.106606606606606604814579952745;0.001501501501501501488478051982;0.107357357357357352523052895776;0.086086086086086088808855265597;0.034034034034034037208282796882;0.031531531531531528655953877660;0.169669669669669676004275515879;0.062812812812812812701679376914;0.072322322322322316057174873549;0.163663663663663666580916355997
-0.040061633281972264253312232540;0.143040575243965073504170959495;0.091165896250642017295540142641;0.001797637390857729795118347127;0.095788392398561891805108814424;0.118900873138161278230739981154;0.036723163841807911211834181131;0.018233179250128402765218638137;0.114535182331792495524780406413;0.052131484334874168828921625618;0.093990755007704165913118288245;0.193631227529532601305817252069
-0.033816425120772944379332614062;0.111873887617594716670232912747;0.108822781591660311395486360198;0.001017035341978133645979287536;0.095601322145944578334564312172;0.100177981184846179307790237090;0.040681413679125352778065405346;0.024917365878464277362258627591;0.147978642257818454597284585361;0.070683956267480294033411780674;0.091533180778032033342306306167;0.172896008136282725020649309045
-0.079197994987468670058383679589;0.101253132832080205982805409803;0.088972431077694230650010354111;0.029573934837092731575669546373;0.083208020050125314215350158520;0.085213032581453629354939494078;0.022807017543859650632320779096;0.034586466165413533302430693084;0.155137844611528824545487736941;0.083458646616541357077245777418;0.077443609022556397780689962929;0.159147869674185454824666408058
-0.083733873007842143931789280487;0.089805211231975712316000226565;0.098406273716164935350114717494;0.072603086263597266247771244707;0.049329623071085251795331316771;0.076144700227675179982078645935;0.019984821654439665489233490803;0.064507968631419179694752585874;0.120920819630660258958698705101;0.108019225904376417468633064800;0.075132810523652920897674789558;0.141411586137111050520687172138
-0.057725374600835176186475194982;0.086465241955293536957327660275;0.130434782608695648553620571874;0.016457872758535985885375296789;0.087202161631048880074956741737;0.067059690493736182070882989592;0.081061164333087687428047729554;0.058953574060427414715856997418;0.138786538933922870553416828443;0.056251535249324489951217032058;0.074428887251289613247173804211;0.145173176123802510906202201113
-0.039795918367346937161155295826;0.126275510204081620191374213391;0.114540816326530611735101672366;0.002806122448979591656181842296;0.075255102040816326813832404241;0.094387755102040810095687106696;0.059693877551020409211179895692;0.061224489795918365930837978794;0.101275510204081625742489336517;0.068877551020408156468022298213;0.094132653061224494384084948706;0.161734693877551016782945225714
-0.070048309178743967118307978126;0.102898550724637674602668369062;0.119806763285024153731228580000;0.002657004830917874572959735957;0.066908212560386468026329964687;0.078743961352657002028543331562;0.020048309178743960873303464609;0.048309178743961352087143978906;0.146135265700483102380147215626;0.085507246376811590904409854375;0.084782608695652170172074590937;0.174154589371980667023009914374
-0.056038647342995170919088820938;0.119082125603864732998893316562;0.088647342995169076118600059999;0.000724637681159420298654394443;0.131159420289855083163743643127;0.097584541062801927191472373124;0.046618357487922708337624300157;0.020289855072463766627599568437;0.162318840579710133020796547498;0.043961352657004827693132398281;0.060869565217391306821692609219;0.172705314009661825558339387499
-0.021763085399449034335050967570;0.137465564738292023161392307884;0.113498622589531680815433389853;0.003856749311294766034002856614;0.083471074380165294348543625347;0.089531680440771352347262279636;0.055922865013774102072030558475;0.034435261707988981672023953706;0.132782369146005496673978996114;0.054820936639118460209640915082;0.091460055096418732545338059481;0.180991735537190084892600339117
-0.017176596886741814229626612587;0.136876006441223829757092289583;0.091250670960815891130657462327;0.005367686527106817380439185428;0.087224906065485774409040686805;0.107890499194847014341469559895;0.047504025764895332906156966146;0.031937734836285563977398282987;0.123188405797101455108055745313;0.052871712292002145949787461632;0.088566827697262484608842214584;0.210144927536231873599348318749
-0.066906845084920230082303760355;0.110396294390118374084686081460;0.091353576942871841937154897550;0.000000000000000000000000000000;0.101132269686052489454652913992;0.100102933607822949801935408232;0.033453422542460115041151880177;0.030365414307771485674658507037;0.155172413793103453061306140626;0.050437467833247554005460244753;0.081574884199691194419656881109;0.179104477611940288150904621034
-0.089479702687249862425034052649;0.075185820468839342778366585662;0.111492281303602058795121365620;0.002572898799313893831303134974;0.098913664951400803726500043922;0.064036592338479136898854449100;0.052029731275014291791425335987;0.036020583190394514505605627619;0.166380789022298469781446783600;0.053173241852487132530491464877;0.080903373356203539534803326205;0.169811320754716971181963458548
-0.059523809523809520505288617187;0.106601731601731600229676644176;0.119047619047619041010577234374;0.003246753246753246967271078205;0.092261904761904767191538212501;0.078463203463203456955454839772;0.050054112554112552280205505895;0.031385281385281384169960716690;0.139069264069264064698216998295;0.079816017316017312532849814488;0.084686147186147184284799038778;0.155844155844155840551223946022
-0.045128205128205131635432678650;0.120769230769230767608135579394;0.125384615384615372146726031133;0.004615384615384615814293045588;0.068205128205128209839536168602;0.079230769230769229616306859043;0.079230769230769229616306859043;0.057692307692307695510258724880;0.112051282051282050100660114822;0.070512820512820512108831394471;0.072820512820512814378126620340;0.164358974358974369023300710069
-0.068310220852593736551305880766;0.089625064201335383207158713503;0.108628659476117106486015018163;0.019260400616332818551912353655;0.085772984078068825741780756289;0.068567026194144842232702785623;0.033127889060092452488959224866;0.046481766820749871593765334410;0.154596815613764759778092638953;0.093220338983050848868927573676;0.077555213148433485570443224333;0.154853620955315879337277351624
-0.036458333333333335646297967969;0.107638888888888895056794581251;0.149305555555555552471602709375;0.004629629629629629372633559115;0.075810185185185188783130172396;0.070891203703703706273664408855;0.048321759259259258745267118229;0.054398148148148146863167795573;0.122395833333333328707404064062;0.074074074074074069962136945833;0.081307870370370363688472536978;0.174768518518518517490534236458
-0.063973063973063973297605855350;0.122334455667788999377876280050;0.125140291806958486864331803190;0.044332210998877664975825751981;0.051907968574635240943671021796;0.084736251402918072450631825632;0.047418630751964084557581458057;0.074074074074074069962136945833;0.102974186307519643968078071339;0.071268237934904596353469230507;0.070707070707070704407293249005;0.141133557800224462841498507260
-0.038310708898944195732738648985;0.135746606334841618535236307252;0.111915535444947214505084787106;0.050377073906485672627475480567;0.049472096530920058043978571050;0.094720965309200599868688641436;0.053996983408748117083675310823;0.065761689291101058096877807202;0.091101055806938155412488811180;0.070286576168929110197680643068;0.081749622926093515329348804244;0.156561085972850677627832283179
-0.101642996379838479459323252740;0.080757449178501805597818474780;0.134224450013923690683270706359;0.010582010582010581423162420833;0.060707323865218598690773887938;0.067390698969646334326455416885;0.050125313283208017267611467105;0.057922584238373708842573250877;0.120300751879699241442267521052;0.089111668059036475142420385964;0.078529657477025893719257965131;0.148705096073517117893914019078
-0.016993087557603685916474134387;0.138536866359447008445471283267;0.134216589861751139922674269656;0.012384792626728110750966571629;0.065380184331797236430006137198;0.088133640552995384798151690120;0.083237327188940085642698818447;0.082085253456221196621811486693;0.088709677419354843186383163811;0.056163594470046082629544059728;0.075460829493087563935027617390;0.158698156682027663455514243651
-0.041118881118881116243368722962;0.139300699300699298843753126675;0.118041958041958036651486452229;0.006433566433566433560853337070;0.080839160839160845162254531715;0.090629370629370625822573970254;0.051748251748251747339502060186;0.044755244755244755205936257880;0.117762237762237764737704992513;0.056783216783216780565446413220;0.085874125874125878388198884750;0.166713286713286723550453416465
-0.014814814814814815380206169948;0.172364672364672372184557502806;0.123076923076923083755218613078;0.000284900284900284881967752471;0.059544159544159543095975806182;0.102279202279202285907899749873;0.053561253561253560628863112925;0.046438746438746437983358106294;0.096581196581196585015938183005;0.045584045584045586319010823217;0.085185185185185183232015049271;0.200284900284900285738487468734
-0.023848684210526317067690982299;0.153234649122807015109160033717;0.113486842105263163738015919080;0.012609649122807016843883509694;0.063048245614035089423587976398;0.091831140350877193956335986513;0.072916666666666671292595935938;0.072094298245614030218320067434;0.095394736842105268270763929195;0.054550438596491231113549957854;0.079221491228070178847175952797;0.167763157894736836261984080920
-0.051608986035215541343657008611;0.122950819672131145265936424948;0.119611414693381906682034809819;0.036429872495446269375918291189;0.051001821493624775738506826883;0.083181542197935637306116518630;0.039769277474195507959819906318;0.061323618700667881231680667042;0.112932604735883429514231579560;0.088646023072252583263619385434;0.081663630843958709415453256497;0.150880388585306612903025325068
-0.062937062937062943079880028563;0.122377622377622383154083252066;0.115675990675990672529316327655;0.020104895104895104118725157605;0.056818181818181816289392571662;0.081585081585081584143459565439;0.053030303030303031774916888708;0.061771561771561768472427189636;0.117424242424242430971048634092;0.081002331002331007248074001836;0.074300699300699296623307077425;0.152972027972027968534263209222
-0.094135802469135804182442939236;0.120370370370370363688472536978;0.098765432098765426616182594444;0.007407407407407407690103084974;0.050925925925925923098969150260;0.083333333333333328707404064062;0.041049382716049381825129671597;0.051234567901234567832702282431;0.115123456790123451787266617430;0.112345679012345683878137947431;0.079012345679012344068503637118;0.146296296296296285399662906457
-0.057622377622377624062366407998;0.118881118881118880148406447006;0.086433566433566436093549611996;0.008671328671328672188511887953;0.082237762237762232486737445925;0.093706293706293700140896874018;0.036643356643356640722775097174;0.039160839160839164274641177599;0.165874125874125866175745613873;0.050909090909090910781475969316;0.072727272727272723740199467102;0.187132867132867142245800096134
-0.047453703703703706273664408855;0.119212962962962965018931527084;0.093460648148148153802061699480;0.011863425925925926568416102214;0.080150462962962965018931527084;0.080439814814814811216869827604;0.116319444444444447528397290625;0.044270833333333335646297967969;0.131365740740740727376945073956;0.052662037037037034981068472916;0.073784722222222223764198645313;0.149016203703703692395876601040
-0.038530465949820791315971746371;0.124551971326164870323971456401;0.102449223416965357058572294591;0.054659498207885306997333429990;0.057945041816009561219669166121;0.083333333333333328707404064062;0.060633213859020311520264812088;0.086320191158900841377210610972;0.101254480286738349215092114264;0.074372759856630818453560038961;0.067502986857825561517465473571;0.148446833930704902293484792608
-0.053287981859410429863466163170;0.147108843537414962776566085267;0.099773242630385491902522687724;0.001417233560090702931127948361;0.072278911564625847319121021428;0.099773242630385491902522687724;0.064909297052154188434336390401;0.029478458049886621661350716295;0.135204081632653072553296169644;0.056405895691609975184377390178;0.070294784580498870241171971429;0.170068027210884348265906851339
-0.045059288537549403719228990894;0.145191040843214769218150195229;0.107246376811594198996679949687;0.002635046113306982983048865066;0.088537549407114626842663085426;0.095915678524374173297140089289;0.045849802371541500956020342983;0.040843214756258232334129587571;0.112779973649538872715325510399;0.042687747035573125886642742444;0.083003952569169967001805332529;0.190250329380764165998485282216
-0.015151515151515151935690539631;0.146969696969696972388419453637;0.139090909090909098377863983842;0.001515151515151515150200967064;0.069393939393939396698129939978;0.089696969696969691687726822238;0.054848484848484847786753704213;0.086666666666666669627261399000;0.069696969696969701679734043864;0.057272727272727273761798727492;0.086969696969696974608865502887;0.182727272727272738173098787229
-0.099647266313932975068112796180;0.114932392710170486194165562210;0.119929453262786589462507436110;0.015579071134626689895674722663;0.052028218694885358663881902430;0.082304526748971193472748097975;0.039388594944150499832513645515;0.047912992357436803847470230266;0.131687242798353920658627203011;0.076131687242798354309236685822;0.067313345091122869789934668461;0.153145208700764257070403573380
-0.085722819593787330516576616901;0.126642771804062137519508723926;0.118578255675029872739933978210;0.019414575866188769903697419750;0.064217443249701314234023641347;0.078853046594982073580482051511;0.069892473118279563326638026410;0.040322580645161289203404209047;0.114695340501792114595858151915;0.067801672640382323886676374514;0.076463560334528071771309498672;0.137395459976105138721891307796
-0.042114695340501794029730575630;0.143667861409796898675139686929;0.091099163679808844995555716650;0.008661887694145758292973980019;0.107228195937873360676917400269;0.079749103942652332932539138710;0.082437275985663083233134784678;0.046893667861409797648075681309;0.132019115890083638120700015861;0.040621266427718037694827302175;0.065710872162485070568926914802;0.159796893667861400478713562734
-0.040495867768595039670742607996;0.137465564738292023161392307884;0.114600550964187322677823033246;0.000550964187327823641700252910;0.080440771349862258410290394295;0.096143250688705231277175755622;0.068319559228650142412853085716;0.035261707988980713068816186251;0.127272727272727259606455163521;0.050137741046831954538909315033;0.074931129476584021342766561702;0.174380165289256205962686863131
-0.034567901234567897927885127274;0.150617283950617297794138949030;0.138888888888888895056794581251;0.007716049382716048954389265191;0.045679012345679011197763230712;0.089814814814814819543542512292;0.049691358024691358041824429392;0.041975308641975309087435164201;0.099691358024691353878488087048;0.091049382716049384600687233160;0.096604938271604934296732380972;0.153703703703703703498106847292
-0.030997304582210241652440174676;0.121967654986522913707069903921;0.127695417789757403870254393041;0.001684636118598382839919858078;0.062668463611859834272443947611;0.083557951482479783655854532753;0.032345013477088950526461275103;0.049528301886792455710484261999;0.136455525606469008081944593869;0.074123989218328842354388541480;0.092654986522911056412432628804;0.186320754716981118459528943276
-0.027199074074074073431583897786;0.139756944444444447528397290625;0.120659722222222223764198645313;0.003472222222222222029475169336;0.077256944444444447528397290625;0.092881944444444447528397290625;0.071180555555555552471602709375;0.023437500000000000000000000000;0.120659722222222223764198645313;0.054687500000000000000000000000;0.092013888888888895056794581251;0.176793981481481482509465763542
-0.017127403846153847755129362440;0.169170673076923072652988366826;0.114483173076923072652988366826;0.000000000000000000000000000000;0.054987980769230768163247091707;0.103665865384615391020517449761;0.086538461538461536326494183413;0.030348557692307692040811772927;0.100961538461538463673505816587;0.045973557692307695510258724880;0.091346153846153840816235458533;0.185396634615384608979482550239
-0.017805708300602251376032469921;0.140089028541503013425284507321;0.107096098455092950119116324004;0.000523697302958889797375174879;0.128043990573448535075229415270;0.087457449594134595294292466860;0.057083006022518985311808847882;0.033516627389368947032011192277;0.125425504058654102568226562653;0.043728724797067297647146233430;0.073317622414244568163077531153;0.185912542550405873731378392222
-0.078877005347593578954423776395;0.105080213903743321934847188004;0.124064171122994656992766238091;0.004545454545454545233762466694;0.071122994652406415494461100479;0.086631016042780742414386452310;0.034759358288770053624361366928;0.026737967914438501987328677956;0.133155080213903737051950315617;0.090106951871657750552380150566;0.089304812834224603368404871162;0.155614973262032080247863063960
-0.115757266700662928005094443051;0.097144314125446204477576372938;0.077766445690973989846028757711;0.006629270780214176726763408709;0.101733809280979095590602412358;0.076746557878633353544373107979;0.030086690464048954779530120618;0.021672616012238653249166731030;0.176440591534931162653876413060;0.057623661397246304927133309093;0.063997960224375316506950639450;0.174400815910249862294989497968
-0.064791133844842280220532870771;0.115657857345836889706447436765;0.095765842568911616061733127481;0.000568343279340721794362645269;0.097755044046604150365098462316;0.099460073884626312712420315165;0.036658141517476552917464971415;0.026143790849673203408043420382;0.145211707871554407400793706984;0.049730036942313156356210157583;0.075021312872975282060039603493;0.193236714975845408348575915625
-0.082432107666426335246256940081;0.078346551309781298222389978037;0.112232636385484252361521839703;0.022350396539293437836448674716;0.072098053352559476891769918439;0.063205960105743808075118295164;0.025234318673395816912119471453;0.081711127132900740477339240897;0.135784667147320348146166679726;0.110310021629415999644407975211;0.077865897620764235043111511914;0.138428262436914195632198243402
-0.079475308641975314638550287327;0.097479423868312750633968732927;0.094650205761316871799770922280;0.001543209876543209790877853038;0.101080246913580251710840229862;0.090534979423868316983359250116;0.022376543209876541967728869054;0.022376543209876541967728869054;0.159207818930041156146870662269;0.055298353909465018662938717853;0.073816872427983543092366858218;0.202160493827160503421680459724
-0.029840225563909774514348427488;0.115836466165413529139094350739;0.139802631578947372803511939310;0.001879699248120300647535430016;0.060150375939849620721133760526;0.091870300751879699352464569984;0.056390977443609019426062900493;0.066964285714285712303173170312;0.108787593984962405180283440131;0.071428571428571424606346340624;0.084351503759398496762322849918;0.172697368421052627196488060690
-0.016369047619047619873677845703;0.125992063492063488538974525000;0.139384920634920639326281843751;0.000744047619047619006316107715;0.058531746031746031966314092188;0.099702380952380958989422765626;0.040674603174603175814727507031;0.045634920634920632387387939843;0.101686507936507936067371815625;0.078621031746031744269487262500;0.097718253968253968033685907812;0.194940476190476191797884553125
-0.022753456221198155307039456829;0.127592165898617521113678208167;0.119527649769585256334103462450;0.002304147465437788016434650373;0.066820276497695854645009205797;0.113191244239631338963647522178;0.043202764976958525633410346245;0.045506912442396310614078913659;0.124711981566820270805884263154;0.062500000000000000000000000000;0.087557603686635940287708024243;0.184331797235023048253665933771
-0.041025641025641025605441569724;0.103167420814479632307225642762;0.133333333333333331482961625625;0.030165912518853695706289030909;0.057013574660633482837912566765;0.084766214177978888022479964093;0.056711915535444946956378231562;0.057315233785822018719446901969;0.097737556561085972561819801285;0.096530920060331829035682460471;0.080844645550527907684745798633;0.161387631975867279487957262063
-0.070217917675544791467068250768;0.087893462469733660280546416743;0.084019370460048425908183844513;0.007990314769975786352018687353;0.104842615012106538108227482553;0.076271186440677971041246507866;0.033898305084745762594256035527;0.026634382566585956819693592479;0.187409200968523009800392742363;0.076513317191283292117987002712;0.074334140435835346916171317844;0.169975786924939475941442879048
-0.047955974842767298826906596787;0.097746331236897271432795264445;0.121331236897274638564248050443;0.029612159329140460423124281419;0.049790356394129979544782571566;0.083333333333333328707404064062;0.020178197064989519121658290146;0.058700209643605873177651943706;0.127620545073375252220770903477;0.116614255765199167913515054806;0.089884696016771487014906938384;0.157232704402515716113342136850
-0.037684729064039405865838006093;0.088423645320197044594756619063;0.111083743842364537912636990313;0.011330049261083743189493233672;0.089408866995073887906642084999;0.073645320197044339405323398751;0.067241379310344823183598350624;0.052955665024630539650107863281;0.138423645320197047370314180625;0.075862068965517240326512649062;0.070935960591133009889297511563;0.183004926108374377236032159999
-0.020408163265306120820463675614;0.108928571428571430157461463750;0.123214285714285720629845855001;0.000255102040816326553623882845;0.088520408163265312806444740090;0.078061224489795924541546412456;0.077806122448979594952156446652;0.068877551020408156468022298213;0.114540816326530611735101672366;0.050510204081632655015443589264;0.076785714285714290472384391251;0.192091836734693877097868153214
-0.044371196754563892172829042693;0.107758620689655165714171403124;0.092545638945233266170475872059;0.000253549695740365108043157250;0.133113590263691683457381031985;0.085953346855983769891906831617;0.057048681541582151044433857123;0.061866125760649086362530368888;0.147312373225152143385585645774;0.040314401622718050444138526700;0.061359026369168359615891006342;0.168103448275862071836783684375
-0.025821596244131456848736050347;0.111893583724569645188040567518;0.134585289514866979221352494278;0.002869066249347939408925745042;0.092853416797078772160212167819;0.075378195096504951866478450029;0.084767866458007309904409964929;0.077464788732394360137867295180;0.107981220657276999475016054930;0.045383411580594681944411661334;0.067814293166405845147970410380;0.173187271778821066936515649104
-0.048792756539235412893695809089;0.097585513078470825787391618178;0.111418511066398384645736996390;0.002263581488933601691682095947;0.112676056338028171555087908473;0.076458752515090544488174373328;0.058853118712273638779564066681;0.052816901408450703248043112126;0.146126760563380281299217244850;0.048289738430583498129955444256;0.068410462776659963779479767254;0.176307847082494972834609825441
-0.037466307277628028982174868133;0.115633423180592997958626710897;0.090835579514824793534444324905;0.002156334231805930121833592139;0.080592991913746636623017138845;0.109703504043126690015164115266;0.035579514824797840721881669879;0.049056603773584908645410962436;0.123719676549865223447177697835;0.069002695417789763898674948450;0.094878706199460913217613722281;0.191374663072776285410725449765
-0.038740920096852302090262298861;0.105811138014527850170765077564;0.095641646489104115147483753390;0.001937046004842615017776941144;0.140677966101694917888664804195;0.088135593220338981357286911589;0.041162227602905568368818478575;0.037046004842615012919715411499;0.158595641646489093901095657202;0.043583535108958834647374658289;0.064406779661016946847418296329;0.184261501210653766413827270298
-0.057291666666666664353702032031;0.091269841269841264774775879687;0.119295634920634927023108673438;0.007688492063492063065266446387;0.094742063492063488538974525000;0.065972222222222223764198645313;0.051835317460317463511554336719;0.046378968253968255730512737500;0.145089285714285726180960978127;0.070932539682539680336859078125;0.079365079365079360673718156249;0.170138888888888895056794581251
-0.027112232030264818427589545990;0.119482976040353086610856792049;0.130201765447667094921513353256;0.000000000000000000000000000000;0.084804539722572513937848270871;0.073455233291298868691932000274;0.062736443883984874259063246882;0.033732660781841110331225053187;0.132408575031525838072710143933;0.051071878940731396667729313776;0.087957124842370740247510241261;0.197036569987389664770915942427
-0.017342739564961788534258602112;0.141975308641975300760762479513;0.094356261022927684356531585763;0.001469723691945914231110625892;0.084068195179306290376608501447;0.116990005878894770541265302199;0.060258671369782482174493054572;0.054379776601998823515327075029;0.117577895355673131549956167419;0.044091710758377422596510086805;0.076425631981187541752476022339;0.191064079952968840503402248032
-0.044378698224852068665580162588;0.111538461538461544653166868102;0.110355029585798819491415656557;0.004733727810650887636578776352;0.074556213017751477023509210085;0.092307692307692312816413959808;0.039053254437869819315487518452;0.037278106508875738511754605042;0.135798816568047348019021569598;0.090532544378698218134893238584;0.097041420118343199585630998172;0.162426035502958587830590886369
-0.056985294117647057599018722840;0.106617647058823525330062409466;0.127757352941176460792149782719;0.008578431372549020356155224931;0.065257352941176474669937590534;0.071997549019607837150758200551;0.033394607843137254221677068244;0.032781862745098040712310449862;0.130514705882352949339875181067;0.099571078431372542216770682444;0.095281862745098033773416545955;0.171262254901960786490633381618
-0.094820017559262517736762276854;0.069651741293532340448813044986;0.108867427568042143826154699582;0.014632718759145449047287534938;0.067310506292069069433914307865;0.064676616915422882603259324696;0.026046239391278900449089306335;0.060579455662862158327186534734;0.167105648229441017260654689380;0.092186128182616330906107293686;0.089844893181153059891208556564;0.144278606965174138743179810263
-0.036682615629984052785239612149;0.104731525784157369907134693676;0.095959595959595953007514879118;0.013024986709197236209312187327;0.096225412014885700062727380555;0.095959595959595953007514879118;0.037214247740563533017876807207;0.032695374800637957979354553117;0.135566188197767140133365160182;0.061935140882509301385461242262;0.087719298245614030218320067434;0.202286018075491763612561157970
-0.055381400208986415745204823224;0.124869383490073149189925061364;0.104231974921630096697633405256;0.003918495297805642263444525497;0.087251828631138977909742493466;0.082810867293625911589316501704;0.033699059561128529016738042401;0.024555903866248694755736181605;0.140020898641588287247827793180;0.077324973876698011032715385227;0.084639498432601878441516873863;0.181295715778474392232411105397
-0.034094670638861304667877050179;0.137371731214829539968746985323;0.106918238993710695838856850060;0.001986097318768619609391512526;0.074147633234028467730247768941;0.099635882158225747007307404601;0.054948692485931809048604890222;0.038728897715988086503102749703;0.110228401191658387237026772709;0.073816617014233698590430776676;0.089705395564382658935009828838;0.178417742469380996572780873066
-0.053571428571428568454759755468;0.094246031746031744269487262500;0.106481481481481482509465763542;0.007936507936507936067371815625;0.094907407407407412547328817709;0.083994708994708996985245619271;0.046296296296296293726335591145;0.032738095238095239747355691406;0.179563492063492063932628184375;0.066137566137566133894765130208;0.066468253968253968033685907812;0.167658730158730145953782653123
-0.083014048531289907906227654166;0.091634738186462325049141952604;0.125159642401021703461694301041;0.008939974457215836209367232357;0.082694763729246487105051244271;0.069604086845466150990091591666;0.045019157088122603582736047656;0.039591315453384422207161463803;0.157088122605363977868364599999;0.057151979565772670355272566667;0.082694763729246487105051244271;0.157407407407407412547328817709
-0.057575757575757578743402831378;0.087542087542087546059299540957;0.124579124579124581040368013873;0.001346801346801346872458782222;0.075757575757575759678452698154;0.073737373737373740345546480057;0.051851851851851850361274642864;0.049831649831649831028368424768;0.151178451178451189740314930532;0.055892255892255889027087079057;0.093602693602693604058018195246;0.177104377104377097573717492196
-0.041987179487179483727832263185;0.121794871794871792380909880649;0.122756410256410250503300574110;0.000961538461538461591837645415;0.090705128205128202067974996226;0.092948717948717951564674422116;0.038461538461538463673505816587;0.025000000000000001387778780781;0.128846153846153832489562773844;0.051602564102564099646208717331;0.085897435897435897578233721106;0.199038461538461525224263937162
-0.055654761904761901325500161875;0.095238095238095232808461787499;0.115178571428571421830788779062;0.009821428571428571230317317031;0.093750000000000000000000000000;0.061607142857142860314922927500;0.038095238095238098674499838125;0.055059523809523808202115446875;0.154464285714285720629845855001;0.071428571428571424606346340624;0.069642857142857145236192195625;0.180059523809523808202115446875
-0.019897084048027445513096012064;0.153687821612349923006135554715;0.126586620926243564877466951657;0.001715265866209262409641800318;0.065180102915951970699026674083;0.098799313893653512019810136735;0.056946826758147515989971765293;0.039451114922813036722804014289;0.104631217838765014360724592279;0.054545454545454542805149600326;0.083018867924528297330688531019;0.195540308747855912097080022249
-0.042145593869731802494360550781;0.103128991060025543280431747917;0.104725415070242661164101605209;0.005747126436781609115644897656;0.099936143039591321390879841147;0.082056194125159645502698424480;0.064814814814814811216869827604;0.034163473818646233892692976042;0.150383141762452099410296568749;0.045338441890166031322806361459;0.075989782886334608646983213021;0.191570881226053646440021793751
-0.037686809616634175945648621564;0.110136452241715393496335195778;0.107862248213125400120304675511;0.000649772579597140964580148648;0.082521117608836902501678878252;0.106237816764132547708854303892;0.033138401559454189193587581030;0.021442495126705651831144905373;0.134502923976608179668090770065;0.073099415204678358515266722861;0.086419753086419748289159770138;0.206302794022092256254197195631
-0.023399014778325122332347518750;0.143165024630541870553912531250;0.120689655172413798367436754688;0.000615763546798029563593412927;0.082204433497536949504436165626;0.093596059113300489329390075000;0.040948275862068964081608157812;0.020012315270935960437315159766;0.125615763546798042682439700002;0.053571428571428568454759755468;0.091748768472906402915434398437;0.204433497536945812944608746875
-0.034678436317780579611902425086;0.131778058007566201137450434544;0.120113493064312737423904309253;0.002522068095838587639678785024;0.062736443883984874259063246882;0.080390920554854986002091266073;0.065889029003783100568725217272;0.051702395964691047480776830980;0.122950819672131145265936424948;0.073139974779319036346514337765;0.085119798234552332405478125565;0.168978562421185363184861216723
-0.057790549169859511957625386458;0.094827586206896546938693859374;0.135057471264367817687102046875;0.003831417624521072599202975439;0.072477650063856965956254896355;0.069923371647509571791268001562;0.036079182630906765638645339322;0.034802043422733075495045795833;0.148786717752234981526626711457;0.092273307790549166651494772395;0.085887611749680708994603151041;0.168263090676883775298477985416
-0.029740965781899584424730065280;0.099456347937320110919046101117;0.104892868564118960095221666506;0.000959385992964502712886110114;0.080908218740006393465691303390;0.065877838183562520413261154317;0.056603773584905661686583755454;0.081547809401982737642633480846;0.151902782219379584027763030463;0.069075791493444199664608618150;0.071634154141349534739013904527;0.187400063959066193186586701813
-0.035244755244755246459398279057;0.100699300699300706152250484138;0.119440559440559437853757174253;0.003636363636363636360482320953;0.067692307692307690514255114067;0.079720279720279715873765269407;0.111048951048951044517920649923;0.076363636363636369641660905927;0.116923076923076921240784997735;0.046433566433566435260882343528;0.071608391608391608329498012608;0.171188811188811185193259234438
-0.067000000000000003996802888651;0.129000000000000003552713678801;0.095666666666666663743079368487;0.015333333333333332496040135595;0.083000000000000004329869796038;0.081333333333333326931047224662;0.036666666666666666851703837438;0.043333333333333334813630699500;0.129333333333333327930247946824;0.056666666666666663798590519718;0.080000000000000001665334536938;0.182666666666666671625662843326
-0.027113237639553429414451812818;0.128548644338118023267014677913;0.109090909090909085610299200653;0.001913875598086124457317125369;0.081977671451355663134741291742;0.094736842105263160962458357517;0.037320574162679427676625465438;0.030940988835725678762766932550;0.146092503987240829310678691400;0.073046251993620414655339345700;0.069856459330143547137303983163;0.199362041467304629271950489056
-0.027243589743589743945584302764;0.121153846153846153632649418341;0.133653846153846150857091856778;0.001602564102564102508502452693;0.076923076923076927347011633174;0.090705128205128202067974996226;0.055128205128205126639429067836;0.039102564102564102421766278894;0.127564102564102554993041849229;0.057692307692307695510258724880;0.083974358974358967455664526369;0.185256410256410264381088381924
-0.032961190855927698095673150647;0.137958532695374808119126441852;0.129984051036682618507356323789;0.003189792663476874023248397449;0.072301967038809145105204834181;0.085326953748006376110346593578;0.041733120680489101117505157390;0.043328017012227541815416742566;0.131844763423710792382692602587;0.066985645933014356656620691410;0.077884104199893666731213670573;0.176501860712387020901914524984
-0.019624819624819624802603001967;0.133910533910533924295549468297;0.136796536796536805091761834774;0.001731601731601731600229676644;0.079076479076479078145212042728;0.070707070707070704407293249005;0.093506493506493509881849490739;0.039538239538239539072606021364;0.119480519480519478681124212471;0.054545454545454542805149600326;0.066955266955266962147774734149;0.184126984126984138967486615002
-0.042832167832167832022260967051;0.103146853146853151317330343772;0.118589743589743584761819761297;0.001748251748251748250231885073;0.081293706293706288756872879731;0.087121212121212127099667554830;0.060314685314685312356175472814;0.076048951048951055065039383862;0.137237762237762239703187105988;0.049825174825174824155826769356;0.065559440559440559925796776497;0.176282051282051294149866293992
-0.044005270092226614342401092017;0.132542819499341241185064177444;0.114888010540184451468981308153;0.001844532279314887914661857948;0.089328063241106717140560533608;0.074308300395256918213782171279;0.057971014492753623892351555469;0.041633728590250329570920939659;0.144137022397891972902428392445;0.046376811594202899113881244375;0.076416337285902496967437969033;0.176548089591567841649677461646
-0.027404479578392620942040025511;0.096442687747035571455000990682;0.143346508563899854848955328634;0.002898550724637681194617577773;0.076152832674571804827401422244;0.065876152832674575443583364631;0.047167325428194996350672596463;0.065085638998682471267898108636;0.120158102766798419169802514261;0.064031620553359688829964113665;0.097496706192358367770722793466;0.193939393939393939225723784148
-0.007114624505928853447078719086;0.171805006587615272106717156930;0.115415019762845849626842209545;0.000000000000000000000000000000;0.058234519104084322971282006165;0.116732542819499338082600559119;0.041633728590250329570920939659;0.018181818181818180935049866775;0.076152832674571804827401422244;0.054281949934123843726219149630;0.112252964426877474557464609006;0.228194993412384722342167719944
-0.033233383308345826323559890625;0.126186906546726623767895603123;0.144927536231884063200325840626;0.001249375312343828153469060815;0.061719140429785109003280041406;0.084957521239380315303257873438;0.054972513743128434415829985937;0.050474762618690653670494583594;0.102948525737131438284599482813;0.072963518240879557397171595312;0.088705647176411800414186359376;0.177661169415292363726877056251
-0.046326754385964910576412023602;0.088541666666666671292595935938;0.138432017543859642305648094407;0.002467105263157894599890251897;0.069627192982456134751068077549;0.063048245614035089423587976398;0.063322368421052627196488060690;0.070449561403508775825343946053;0.135964912280701760716183912336;0.066885964912280701510916003372;0.088541666666666671292595935938;0.166392543859649133519695851646
-0.076923076923076927347011633174;0.119505494505494511137122515265;0.119780219780219784886376999111;0.001923076923076923183675290829;0.060714285714285713690951951094;0.073076923076923080979661051515;0.046703296703296703906715947596;0.026923076923076924571454071611;0.138736263736263742973875423559;0.065384615384615388244959888198;0.102197802197802195545150993894;0.168131868131868145166407657598
-0.045846153846153848976374689528;0.103999999999999995226040994112;0.128307692307692317035261453384;0.011384615384615385386135599788;0.052923076923076919908517368185;0.073538461538461538657962535126;0.043692307692307690014654752986;0.058461538461538460620392498868;0.128000000000000002664535259100;0.092615384615384613309352346278;0.098769230769230775823785961620;0.162461538461538462785327396887
-0.078074866310160431770448496991;0.083957219251336895338155841273;0.117112299465240640716778841579;0.012299465240641710428448618586;0.059090909090909089773635542997;0.066577540106951868525975157809;0.032620320855614975963376878099;0.032887700534759360670999939202;0.176203208556149737429308288483;0.091443850267379681029389359992;0.091443850267379681029389359992;0.158288770053475941201881482812
-0.049662618083670714841382221039;0.096896086369770581536720044369;0.160323886639676116416808326903;0.002429149797570850314448742679;0.074493927125506079200967235465;0.060998650472334679795149980919;0.045614035087719301264641558191;0.043994601889338728895051389145;0.149797570850202427239494795685;0.070175438596491224174656053947;0.089608636977058023220799043429;0.156005398110661275268284953199
-0.031372549019607842701873323676;0.134841628959276010890633301642;0.111915535444947214505084787106;0.001206636500754147862946030756;0.086274509803921567430151640110;0.094419306184012063987154306233;0.063951734539969828929883988167;0.034992458521870287158073153932;0.131825037707390652075289949607;0.050980392156862744390544150974;0.080542986425339371803211463430;0.177677224736048272601962594308
-0.041666666666666664353702032031;0.111293859649122806043664013487;0.134046052631578954672519898850;0.016173245614035089423587976398;0.051535087719298246222709991571;0.086896929824561403021832006743;0.053453947368421052266374005058;0.034539473684210529602633954482;0.130482456140350866480304148354;0.092105263157894731729236070805;0.086896929824561403021832006743;0.160910087719298239283816087664
-0.038225446428571431545240244532;0.099330357142857136909519510937;0.134765625000000000000000000000;0.078962053571428575393653659376;0.045479910714285712303173170312;0.078962053571428575393653659376;0.033761160714285712303173170312;0.053571428571428568454759755468;0.110491071428571424606346340624;0.081473214285714287696826829688;0.080357142857142863090480489063;0.164620535714285726180960978127
-0.085753052917232022722693329797;0.078154681139755766139387560543;0.130529172320217101699313388963;0.053188602442333782205352576966;0.073541383989145184263414023462;0.055630936227951149897208438233;0.033378561736770694101661405284;0.043419267299864311437929131898;0.147625508819538675542304417831;0.070556309362279509556081791288;0.086024423337856176230431515251;0.142198100407055633143116324391
-0.021701388888888888117900677344;0.151331018518518517490534236458;0.153935185185185174905342364582;0.005208333333333333044212754004;0.053530092592592594391565086198;0.074363425925925930037863054167;0.071469907407407412547328817709;0.056423611111111111882099322656;0.089988425925925930037863054167;0.055555555555555552471602709375;0.094618055555555552471602709375;0.171875000000000000000000000000
-0.019267299864314788027108704682;0.188331071913161451902851695195;0.115875169606512895548178221361;0.002442333785617367691855861267;0.051017639077340568021234901153;0.100407055630936228873828497399;0.049932157394843960929176063246;0.037720488466757122469896756911;0.077069199457259152108434818729;0.050746268656716414513496715699;0.105834464043419271273016590840;0.201356852103120764763133365705
-0.054754273504273504036277131490;0.098557692307692304489741275120;0.122329059829059824671126932571;0.014423076923076923877564681220;0.071581196581196576689265498317;0.109241452991452991927445737019;0.028579059829059828140573884525;0.025373931623931623990930717127;0.122329059829059824671126932571;0.070245726495726495963722868510;0.098290598290598288344632749158;0.184294871794871806258697688463
-0.020952927669345578626236559217;0.133180252583237651586856031827;0.148679678530424796978337553810;0.002583237657864523653672428338;0.052812858783008037599771000714;0.100459242250287031361644096705;0.065154994259471868400801497501;0.029563719862227326451442621646;0.097301951779563716771193071509;0.077210103329506313274421813730;0.100746268656716417289054277262;0.171354764638346729332951667857
-0.043560606060606063549833777415;0.102543290043290047375279527841;0.113095238095238095898942276563;0.001082251082251082250143547903;0.085227272727272720964641905539;0.082792207792207792027561197301;0.045995670995670992486914485653;0.038690476190476191797884553125;0.152326839826839838254457504263;0.065746753246753247834632816193;0.087121212121212127099667554830;0.181818181818181823228286475569
-0.047920892494929007154880196140;0.115111561866125755582146439338;0.101166328600405683313390170497;0.021044624746450305702305527689;0.087221095334685597166846093842;0.090010141987829611620597347610;0.033468559837728194261696756939;0.045385395537525352605001671691;0.153397565922920892100833611948;0.060344827586206899183718377344;0.079868154158215007298871057628;0.165060851926977697479159701288
-0.010895883777239708661843664572;0.166162227602905582246606286390;0.129539951573849870802845885009;0.005447941888619854330921832286;0.060532687651331719413949628006;0.100181598062953999828117446214;0.041767554479418884938457523504;0.019370460048426151045131149431;0.080508474576271180089825918458;0.061138014527845035983588672934;0.093825665859564158499672714697;0.230629539951573842015974946662
-0.006571087216248506709947996285;0.152031063321385911946137525774;0.075866188769414574788463312416;0.000000000000000000000000000000;0.077956989247311828106212772127;0.141278375149342882988179326276;0.025089605734767025935205708720;0.018817204301075269451404281540;0.106929510155316612185494307141;0.054958183990442055488756523118;0.095280764635603351631054636073;0.245221027479091996381654894321
-0.020576131687242798368187024494;0.155496766607877728860742649886;0.070252792475014702588964610186;0.000881834215167548451930201736;0.079365079365079360673718156249;0.152557319223985882183924900346;0.024397413286302176149700216001;0.011463844797178129875092622569;0.104644326866549092214242477894;0.045855379188712519500370490277;0.088183421516754845193020173610;0.246325690770135219409553428704
-0.022575250836120400177442490985;0.140468227424749153575689319950;0.112876254180602000887212454927;0.000000000000000000000000000000;0.070791527313266447429818128967;0.108974358974358975782337211058;0.035117056856187288393922329988;0.052954292084726864442423277524;0.114269788182831663614358319592;0.036510590858416944182174290745;0.081103678929765887772873611539;0.224358974358974366802854660818
-0.035467980295566504944648755782;0.096059113300492604547997643749;0.123645320197044328303093152499;0.004187192118226600555386252012;0.063546798029556650355686997500;0.078817733990147784139956854688;0.043842364532019707790144735782;0.079064039408866998437375173125;0.128571428571428558740308289998;0.083497536945812814157541481563;0.083743842364532014577171992187;0.179556650246305432583326933127
-0.005636604774535808673463499474;0.192970822281167103673382712259;0.107427055702917773061244588462;0.000000000000000000000000000000;0.043435013262599471428604402945;0.111405835543766582040881019111;0.030172413793103449591859188672;0.044761273209549069795887277223;0.089522546419098139591774554447;0.053713527851458886530622294231;0.101127320954907159999969223918;0.219827586206896546938693859374
-0.042621987066431513135889019850;0.108759553203997647030654150058;0.123162845385067609704776714352;0.008524397413286302280233108775;0.088183421516754845193020173610;0.090534979423868316983359250116;0.052028218694885358663881902430;0.040858318636096416232028616378;0.128159905937683726850906396066;0.056437389770723100923532911111;0.066725455614344508781243803242;0.194003527336860659424644381943
-0.043906810035842291917163038306;0.086021505376344092885787517844;0.057347670250896057297929075958;0.017025089605734768094524866910;0.217443249701314206268065731820;0.094086021505376343787574455746;0.024790919952210273974335663638;0.018219832735961768999111143330;0.144265232974910395657985873186;0.043906810035842291917163038306;0.060931899641577060011687905217;0.192054958183990431841436929972
-0.024072869225764476769358068964;0.128822381262199081586317106485;0.079375406636304490781697040802;0.000000000000000000000000000000;0.134027325959661686161084048763;0.121014964216005202479742308697;0.041314248536109300646845809979;0.021145087833441770369669043816;0.125894599869876389064415889152;0.037410540013012361093558411085;0.076122316200390366391914653832;0.210800260247234860777609810611
-0.012685560053981106282128266116;0.125775978407557359473045721643;0.075303643724696361916315368035;0.000000000000000000000000000000;0.101754385964912277828808839786;0.152766531713900144406892422921;0.020242914979757085230938074005;0.014844804318488528591113428945;0.129824561403508759171998576676;0.043724696356275301323268678289;0.085560053981106609644058380582;0.237516869095816457457814863119
-0.016267942583732056260892306909;0.140031897926634757434172229296;0.093779904306220102094826529537;0.000637958532695374782965636040;0.061244019138755982634148011812;0.146092503987240829310678691400;0.037639553429027111652871440128;0.032535885167464112521784613818;0.081658692185007972219601413144;0.049441786283891543674062774016;0.099521531100478469178405305229;0.241148325358851667310489119700
-0.019649122807017544573016110121;0.123157894736842105087859522428;0.116491228070175437125932660365;0.001403508771929824457472268939;0.061403508771929821152824047203;0.120701754385964907245742949726;0.047719298245614036324546702872;0.028421052631578947594848116864;0.100350877192982454455538743332;0.065614035087719305150422144379;0.085614035087719295158414922753;0.229473684210526301940902271781
-0.037345679012345679714801605087;0.079012345679012344068503637118;0.132407407407407418098443940835;0.006790123456790123426807248563;0.076851851851851851749053423646;0.085493827160493821026854277534;0.034567901234567897927885127274;0.050308641975308640570396789826;0.096604938271604934296732380972;0.070679012345679012585542011493;0.120679012345679015361099573056;0.209259259259259255969709556666
-0.052446434282059480047610833253;0.108730412535976969645723499980;0.088583306683722412566694970337;0.023025263831148064241904904748;0.079309242085065553840017571474;0.102334505916213625020816380129;0.036136872401662932519084137084;0.040614007035497279307634244105;0.133354653022065866574408232736;0.064278861528621680787587422401;0.075471698113207544289515738001;0.195714742564758542586744738401
-0.009637188208616779758197701256;0.138605442176870735648819277230;0.133219954648526067719771504017;0.000000000000000000000000000000;0.057256235827664397897152070982;0.124716553287981854469812503794;0.051303854875283445846623209263;0.045634920634920632387387939843;0.095804988662131523868836779911;0.046485260770975055100162620647;0.075963718820861683700407240849;0.221371882086167787173636156695
-0.030737704918032786316484106237;0.134074941451990642393710118085;0.121779859484777513989328667776;0.009367681498829039804521201518;0.060597189695550349175512394595;0.093384074941451997164953979791;0.034836065573770488845717352433;0.032786885245901641050547681289;0.115632318501170963664925750436;0.078161592505854804446840944365;0.088700234192037472058522951102;0.199941451990632318436169612141
-0.023050847457627119535539250705;0.171186440677966095202933161090;0.096949152542372879493015602748;0.000000000000000000000000000000;0.072542372881355926539370670980;0.114915254237288141925255047227;0.058983050847457627052783379895;0.016949152542372881297128017763;0.071525423728813555812600100126;0.043728813559322031456755297540;0.121355932203389832446660534515;0.208813559322033909237958937410
-0.042699724517906337273309702596;0.122314049586776857347913960439;0.096694214876033052208370577318;0.004683195592286501333922910106;0.081818181818181817677171352443;0.096143250688705231277175755622;0.036639118457300272335697144399;0.020661157024793389003214372224;0.141046831955922852275264745003;0.058953168044077138010283789527;0.077410468319559222472037163243;0.220936639118457289754360317602
-0.035894333534986895550833452262;0.106473079249848764926689170807;0.115749142972373458837509474506;0.023391812865497074724885351316;0.074813470457753578068960109704;0.093567251461988298899541405262;0.044363783020770319875936138487;0.051220004033071184212921878043;0.106069772131478126664383410116;0.083484573502722328464109580182;0.080056462996571889356722806497;0.184916313772938101234188934541
-0.045855379188712519500370490277;0.097295708406819517155561527488;0.110817166372721931377753890047;0.010582010582010581423162420833;0.077307466196355090204406224075;0.069370958259847154137034408450;0.059376837154614933722562852836;0.044679600235155790544094855932;0.148736037624926514810752564699;0.081128747795414457577578559722;0.089359200470311581088189711863;0.165490887713109935397426397685
-0.087832167832167837295820334020;0.085034965034965034891278889972;0.088951048951048952706521788514;0.005314685314685314680704930623;0.075244755244755240353171643619;0.108811188811188813696517740937;0.030209790209790209764006974069;0.029930069930069930911331610446;0.146293706293706304855106736795;0.082517482517482518278306713455;0.091748251748251755111063232562;0.168111888111888124752724138489
-0.023219814241486069067432751467;0.107327141382868931906990894731;0.090815273477812180624724192057;0.011867905056759546489342227460;0.072497420020639830040565243507;0.129772961816305459903375663089;0.037151702786377707732334840784;0.029927760577915376444257944399;0.132352941176470589867975036213;0.065015479876160992001032923326;0.087719298245614030218320067434;0.212332301341589257948072599902
-0.010093167701863354004943040820;0.131728778467908896887550440624;0.075051759834368528268022657812;0.010093167701863354004943040820;0.083592132505175983925305160938;0.147515527950310559868185578125;0.041925465838509319571603128907;0.027691511387163560142798957031;0.114389233954451344232872145312;0.047360248447204968125223700781;0.084109730848861280483319546875;0.226449275362318847015785650001
-0.021554341226472373271860760724;0.091681845780206439044945909700;0.097146326654523371124660968690;0.000000000000000000000000000000;0.127200971463266532257563312669;0.077717061323618705226401459640;0.051608986035215541343657008611;0.025804493017607770671828504305;0.133879781420765037180942158557;0.052519732847601696690276185109;0.104128718882817244972827097627;0.216757741347905291684483586323
-0.018780788177339902828011375391;0.104064039408866992886260050000;0.084667487684729064723043734375;0.000615763546798029563593412927;0.096982758620689654693869385937;0.136391625615763539824953909374;0.038485221674876848863000589063;0.043719211822660100641435576563;0.136391625615763539824953909374;0.041564039408866992886260050000;0.078509852216748762798737004687;0.219827586206896546938693859374
-0.014787946428571428075793292578;0.110491071428571424606346340624;0.068359375000000000000000000000;0.001395089285714285745262919214;0.111328125000000000000000000000;0.151785714285714273819039021873;0.032366071428571431545240244532;0.028738839285714284227379877734;0.134207589285714273819039021873;0.043526785714285712303173170312;0.078404017857142863090480489063;0.224609375000000000000000000000
-0.024384236453201969113679936640;0.108866995073891623113659932187;0.072413793103448281796019614376;0.000000000000000000000000000000;0.097044334975369461737670917501;0.148522167487684736419950581876;0.056403940886699505119494801875;0.024876847290640394239069621563;0.151231527093596052058188661249;0.037192118226600984209895273125;0.072660098522167482215650124999;0.206403940886699499568379678749
-0.032834101382488475873167033114;0.125576036866359458388231473691;0.073444700460829487331793075100;0.000000000000000000000000000000;0.092453917050691239443160895917;0.152937788018433190595501969256;0.023905529953917051266820692490;0.006912442396313364482984820114;0.136520737327188945720024548791;0.044930875576036866103635247782;0.093029953917050697831392369608;0.217453917050691253320948703731
-0.019008264462809915801289051274;0.127823691460055094415437793032;0.079338842975206616547900750902;0.000000000000000000000000000000;0.084848484848484853615424583495;0.145730027548209378762678056773;0.039944903581267218739547786299;0.013774104683195592668809581482;0.133333333333333331482961625625;0.047933884297520663875236124341;0.077685950413223139876528477998;0.230578512396694218500314832454
-0.014795918367346939242823466998;0.128571428571428558740308289998;0.074999999999999997224442438437;0.000000000000000000000000000000;0.096683673469387748644621183303;0.143112244897959178802082647053;0.039030612244897962270773206228;0.008418367346938775835907264877;0.130102040816326536276648084822;0.045408163265306125677689408349;0.087755102040816324038274842678;0.231122448979591832429747455535
-0.027412587412587414298359433928;0.106573426573426568997327024135;0.080839160839160845162254531715;0.000000000000000000000000000000;0.105734265734265739378194837172;0.135104895104895095236940960604;0.038321678321678320777721182822;0.016503496503496504349550733082;0.148811188811188821468078913313;0.040559440559440558538017995716;0.081398601398601402867605258962;0.218741258741258742803736936366
-0.020010964912280701510916003372;0.127741228070175433240152074177;0.074013157894736836261984080920;0.007401315789473683799670755690;0.089364035087719298489083996628;0.142543859649122806043664013487;0.046875000000000000000000000000;0.028782894736842104532748010115;0.126370614035087730497863844903;0.051809210526315790934503979770;0.078673245614035089423587976398;0.206414473684210536541527858390
-0.010149253731343283249644038335;0.124179104477611934598257903417;0.087164179104477615411816771029;0.000000000000000000000000000000;0.081492537313432839019000653025;0.132238805970149253532497368724;0.046865671641791041557301156217;0.046567164179104475474346713781;0.132238805970149253532497368724;0.048955223880597018015770061083;0.093134328358208950948693427563;0.197014925373134336394898014078
-0.029261363636363637436010876058;0.088352272727272723740199467102;0.070170454545454549744043504234;0.030965909090909092549193104560;0.085511363636363635354342704886;0.152840909090909082834741639090;0.030113636363636363257878514332;0.035795454545454546968485942671;0.140909090909090900511912991533;0.069886363636363635354342704886;0.081818181818181817677171352443;0.184375000000000011102230246252
-0.028152492668621700855347000925;0.112023460410557190725100440432;0.078005865102639293517938767764;0.000293255131964809383909864593;0.095894428152492675043738756813;0.132551319648093829384194464183;0.038416422287390027123787916707;0.014662756598240470062854967637;0.146920821114369493098905650186;0.044574780058651029823746370084;0.087096774193548387454910653105;0.221407624633431082683543422718
-0.024501424501424499957646929715;0.113105413105413110663732823014;0.104843304843304840900941599102;0.000569800569800569763935504941;0.076638176638176638832966602877;0.128490028490028496133135149648;0.038461538461538463673505816587;0.040455840455840455516245413037;0.126495726495726490412607745384;0.053276353276353279053711986535;0.079772079772079770854098512700;0.213390313390313390851105168622
-0.016309561880396547528526696169;0.121842021106491851800690540131;0.100415733930284620245565463392;0.003517748640869843099882041670;0.060761112887751836386662773748;0.142628717620722739178873439414;0.036136872401662932519084137084;0.057882954908858329223786398643;0.111928365845858648897070963812;0.067157019507515194889357701413;0.081228014070994558615268488211;0.200191877198592910191976557144
-0.033090467516697023853122772152;0.110503946569520339338055237022;0.065270188221007899298520271714;0.006071645415907710695291310543;0.079234972677595633117064721773;0.152094717668488171868901304151;0.040072859744990890762394997182;0.029143897996357012725177071388;0.134486945962355802786092340284;0.044626593806921674434384783581;0.082270795385549488898391246039;0.223132969034608386049711725718
-0.026831785345717232976747723683;0.098039215686274508443354136489;0.091159270725834198878523295662;0.000687994496044031628688431024;0.102167182662538699733367764111;0.146886824905400753538131652931;0.047471620227038185957368909840;0.034399724802201582518623723672;0.140350877192982448349312107894;0.052975576195390436384791144064;0.064671482628138973747233819722;0.194358445132438939495500562771
-0.023765432098765432861187107960;0.106790123456790120304304991805;0.092283950617283949657831954028;0.005555555555555555767577313730;0.086419753086419748289159770138;0.128395061728395071254382742154;0.033641975308641977604473538577;0.036111111111111107718762980312;0.138888888888888895056794581251;0.061419753086419753840274893264;0.076234567901234562281587159305;0.210493827160493834904642085348
-0.019776714513556618163514499997;0.107177033492822967875035544694;0.080382775119617222436829706567;0.006379585326953748046496794899;0.108452950558213717657807251271;0.141945773524720902925011500884;0.038596491228070177459397172015;0.023604465709728867511829619730;0.134609250398724095143521140017;0.047208931419457735023659239459;0.080701754385964913351969585165;0.211164274322169054354247919036
-0.029411764705882352533006240947;0.101633986928104574909426105478;0.096405228758169939085043154137;0.018627450980392156604237285933;0.090196078431372547767885805570;0.091176470588235289382872394981;0.062745098039215685403746647353;0.048692810457516340350014871774;0.155882352941176471894380028971;0.065359477124183010254832026931;0.070915032679738559950877174742;0.168954248366013082272019119046
-0.042307692307692310040856398246;0.078205128205128204843532557788;0.113782051282051280272078486178;0.003525641025641025692177743522;0.100641025641025644299375585433;0.083653846153846148081534295216;0.063141025641025638748260462307;0.052884615384615384081623545853;0.146474358974358981333452334184;0.058333333333333334258519187188;0.081089743589743593088492445986;0.175961538461538474775736062838
-0.063402385436283736908080754802;0.088512241054613929880368061731;0.077212806026365349287843287129;0.001883239171374764516289634919;0.119899560577526681504068051254;0.080351537978656628613549628426;0.050847457627118647360831005244;0.043314500941619586693587251602;0.182674199623352156995892414670;0.043314500941619586693587251602;0.072504708097928430299283775184;0.176082862523540495391927152014
-0.059454191033138398259083601260;0.105263157894736836261984080920;0.094541910331384010346411628234;0.000324886289798570482290074324;0.113710201429499668801526013340;0.085769980506822607324579621491;0.045808966861598438002900479660;0.016894087069525665079083864839;0.165367121507472375485647830828;0.052956465237166988613282114784;0.079597141000649768161068209338;0.180311890838206617670991249724
-0.110812425328554356451782325621;0.071087216248506571170118206737;0.094086021505376343787574455746;0.010155316606929509423706825544;0.101851851851851846197938300520;0.068100358422939072378099467642;0.034348864994026284680472826949;0.031362007168458778949560183946;0.170549581839904429436671762232;0.070788530465949822678695113609;0.077658303464755079614789678999;0.159199522102747903495867376478
-0.067901234567901230798625533680;0.084795321637426895877709398519;0.100714749837556849509923040387;0.016894087069525665079083864839;0.099740090968161138063052817415;0.080246913580246909125648357985;0.037686809616634175945648621564;0.042560103963612733179999736421;0.156270305393112401981525749761;0.062703053931124103081984344499;0.082196231319038332019388803928;0.168291098115659509826258499743
-0.035759897828863344837468929427;0.093550446998722863733988219792;0.121966794380587481572142394270;0.002234993614303959052341808089;0.094508301404853126137517449479;0.077905491698595147331829480208;0.050766283524904212698380945312;0.044061302681992334240312914062;0.137292464878671777173124723959;0.052681992337164751383227212500;0.090676883780332062645612722918;0.198595146871008931821478427082
-0.033463287849252759675877655354;0.087719298245614030218320067434;0.108187134502923970602594749835;0.002274204028589993376030520267;0.131903833658219615809770175474;0.078947368421052627196488060690;0.039636127355425598839389067507;0.029239766081871343406106689145;0.147173489278752428477403668694;0.072774528914879788032976648537;0.078947368421052627196488060690;0.189733593242365161657403405115
-0.055941741145316123406949770924;0.088381330685203568497954051963;0.094339622641509440770235528362;0.020191989407480966101093855514;0.095663687520688517329503497422;0.080767957629923864404375422055;0.039059913935782855642919741967;0.067527308838133071056120115827;0.168818272095332677640300289568;0.065541211519364442339430354423;0.068851373717312147615388084887;0.154915590863952346012410998810
-0.049591964846202131467212126381;0.098870056497175146104083864884;0.126177024482109240155480733847;0.004394224733207783943622626310;0.088512241054613929880368061731;0.071563088512241052052686995921;0.053672316384180789039515246941;0.039548022598870059829412326735;0.161644695543000621595908228301;0.061205273069679849706759000583;0.083490269930947894061468161908;0.161330822347771490887780032608
-0.066854990583804146941915291791;0.087884494664155682341899478160;0.112680477087256744606058589397;0.002510985561833019644173425888;0.096986817325800375733102498543;0.086001255492780911970918111820;0.045197740112994350125674714036;0.035781544256120526026343497961;0.153797865662272437159430182874;0.070307595731324543097962020965;0.084118016321406155477724553293;0.157878217200251108609521111248
-0.041997354497354498492622809636;0.118055555555555552471602709375;0.126322751322751336555683110419;0.001984126984126984016842953906;0.089285714285714287696826829688;0.080026455026455028951559711459;0.044642857142857143848413414844;0.037367724867724869119989250521;0.137235449735449738239978501042;0.061177248677248677322104697396;0.083333333333333328707404064062;0.178571428571428575393653659376
-0.090467516697024893956857738431;0.065270188221007899298520271714;0.106860959319975717951578531029;0.009411050394656951881278139638;0.094414086217364912023697343102;0.065270188221007899298520271714;0.045233758348512446978428869215;0.055859137826350942213071704145;0.151487553126897378508175506795;0.074984820886460232247650026238;0.092592592592592587452671182291;0.148148148148148139924273891666
-0.037687802393684743940127646056;0.101604278074866313796853489748;0.111280875986758343021421069352;0.014005602240896359092503509203;0.108479755538579067386528720363;0.080468551056786352670968653911;0.035141329258976318483664869063;0.034632034632034632004593532884;0.139292080468551043859193327989;0.061115355233002294221833494703;0.083778966131907314784932339080;0.192513368983957211533208919718
-0.093317972350230413147720298639;0.077476958525345626660474351866;0.109447004608294928829081982258;0.014976958525345621456303923935;0.082373271889400925815927223539;0.072004608294930869116790006501;0.062211981566820277744778167062;0.057315668202764978589325295388;0.125288018433179715316327929031;0.080069124423963133896364752218;0.078341013824884786487245946773;0.147177419354838717735489694860
-0.101515151515151516581347834745;0.096060606060606054668049580414;0.122424242424242421534152924778;0.000606060606060606060080386825;0.060606060606060607742762158523;0.065757575757575750796668501152;0.058484848484848486749321239131;0.029696969696969697377619823442;0.158181818181818173441044450556;0.069393939393939396698129939978;0.083030303030303023725799960175;0.154242424242424236435766715658
-0.052519732847601696690276185109;0.079842137219186398722214903501;0.117486338797814213186221365959;0.010625379477838493499919358953;0.084395871281117182394204689899;0.085306618093503344679717770305;0.038251366120218580069156644186;0.072859744990892538751836582378;0.153612629022465085881776758470;0.065270188221007899298520271714;0.082877959927140254503541427766;0.156952034001214324465678373599
-0.096491228070175433240152074177;0.073749187784275499479846871509;0.131254061078622474845190026826;0.009746588693957114468702229715;0.067251461988304089834045385032;0.065302144249512666940304939089;0.043534762833008444626869959393;0.043859649122807015109160033717;0.136777128005198173044121290332;0.105263157894736836261984080920;0.087719298245614030218320067434;0.139051332033788166420151810598
-0.086363636363636364645657295114;0.088484848484848485639098214506;0.103939393939393942556392858023;0.004242424242424242854243576772;0.080606060606060611628542744711;0.087878787878787875675890006733;0.028484848484848484390097311802;0.028484848484848484390097311802;0.163939393939393940335946808773;0.076666666666666660745477201999;0.088181818181818180657494110619;0.162727272727272720409530393226
-0.041590771098967818653058259315;0.084699453551912565196779780763;0.090771098967820276759432829294;0.006982392228293867776633963018;0.119611414693381906682034809819;0.083485124468731020108691609494;0.038251366120218580069156644186;0.037947783849423190327687649415;0.149362477231329698890149870749;0.051305403764420158541081917747;0.082574377656344871700966336903;0.213418336369156053100581971194
-0.055726600985221676209935282031;0.120073891625615769562784862501;0.086822660098522172478219260938;0.012931034482758620510201019727;0.082204433497536949504436165626;0.095751231527093597084565601563;0.042795566502463057434457738282;0.019088669950738917230337321485;0.142857142857142849212692681249;0.060036945812807884781392431250;0.080049261083743841749260639062;0.201662561576354676384781328125
-0.032440476190476193185663333907;0.115178571428571421830788779062;0.090476190476190473943596259687;0.004761904761904762334312479766;0.111607142857142863090480489063;0.102976190476190471168038698124;0.050000000000000002775557561563;0.025000000000000001387778780781;0.148214285714285715078730731875;0.049702380952380949274971300156;0.080952380952380956213865204063;0.188690476190476186246769429999
-0.027840909090909089773635542997;0.117897727272727279035358094461;0.105965909090909096712529446904;0.019886363636363636048232095277;0.083238636363636361870099733551;0.101420454545454549744043504234;0.056818181818181816289392571662;0.048295454545454544192928381108;0.121874999999999997224442438437;0.064488636363636359094542171988;0.082386363636363632578785143323;0.169886363636363640905457828012
-0.036658653846153847755129362440;0.118990384615384608979482550239;0.101262019230769231836752908293;0.003004807692307692474492641921;0.084134615384615391020517449761;0.102163461538461536326494183413;0.060697115384615384081623545853;0.025240384615384615918376454147;0.158052884615384608979482550239;0.042968750000000000000000000000;0.075420673076923072652988366826;0.191406250000000000000000000000
-0.043694141012909630539251537584;0.111221449851042694656477749504;0.086726249586229722798869090639;0.009268454154253558466280971118;0.098642833498841439587856427806;0.091691492883151273773911782428;0.036080767957629926445672907676;0.040383978814961932202187711027;0.152598477325388948155904245141;0.057596822244289969106034732249;0.074809665673618006009881753471;0.197285666997682879175712855613
-0.061538461538461541877609306539;0.105448717948717948789116860553;0.088461538461538466449063378150;0.001602564102564102508502452693;0.100641025641025644299375585433;0.088141025641025647074933146996;0.044230769230769233224531689075;0.027564102564102563319714533918;0.142948717948717940462444175864;0.065384615384615388244959888198;0.073717948717948719727921513822;0.200320512820512830476360477405
-0.033352176370830981244619550807;0.124364047484454495751116098745;0.107122668174109661465287501869;0.001978518937252685041400246391;0.085641605426794803479495499232;0.094120972300734878634997926383;0.045788581119276430819731160682;0.022328999434708875215793710822;0.145279819106840013542836231863;0.061899378179762577778522114613;0.079988694177501415416564611860;0.198134539287733169032890145900
-0.035108958837772395733534125384;0.124092009685230028614988384561;0.109564164648910417065863498465;0.003026634382566585883961307601;0.070520581113801453221334725185;0.101089588377723971213129061653;0.046004842615012107864824741910;0.025121065375302661926149028204;0.132869249394673122344201487977;0.069007263922518158327790160911;0.095944309927360776901750227807;0.187651331719128316999345429394
-0.085937500000000000000000000000;0.098668981481481482509465763542;0.101851851851851846197938300520;0.005497685185185185313683220443;0.094039351851851846197938300520;0.075520833333333328707404064062;0.040798611111111111882099322656;0.037905092592592594391565086198;0.148437500000000000000000000000;0.073495370370370363688472536978;0.072916666666666671292595935938;0.164930555555555552471602709375
-0.076593137254901966226583454045;0.111519607843137261160570972152;0.106617647058823525330062409466;0.007352941176470588133251560237;0.091911764705882359471900144854;0.089767156862745098311329172702;0.037683823529411762665031204733;0.032169117647058820264049927573;0.131127450980392162849241799449;0.062806372549019606754683309191;0.074142156862745098311329172702;0.178308823529411769603925108640
-0.017857142857142856151586585156;0.154761904761904767191538212501;0.110260770975056696108218545760;0.000000000000000000000000000000;0.077947845804988660778356290848;0.107993197278911559622294191740;0.053571428571428568454759755468;0.036848072562358273607241443415;0.117913832199546486645402865179;0.037698412698412696320016124218;0.090986394557823133122376191295;0.194160997732426315875997602234
-0.025000000000000001387778780781;0.108035714285714290472384391251;0.125892857142857139685077072500;0.000595238095238095291789059971;0.084523809523809528831961301876;0.090476190476190473943596259687;0.063988095238095232808461787499;0.048809523809523809589894227656;0.105357142857142857539365365938;0.052083333333333335646297967969;0.095238095238095232808461787499;0.200000000000000011102230246252
-0.059787849566055928374197492303;0.108003857280617163172387051873;0.105432336869173901017227024113;0.003214400514304082464439593636;0.087753134040501445944926217635;0.092574734811957576363639077499;0.056894889103182258449642461073;0.028286724525875925340123728802;0.133397621343619404710167941630;0.078752812600450014524078312661;0.074895531983285121291338271021;0.171006107360977183118322386690
-0.038483305036785514507968741782;0.104414261460101867595717806125;0.111205432937181658559211427928;0.002263723825693265533781639576;0.096774193548387094088170101713;0.091114883984153932638960782242;0.032541029994340692210741394774;0.019241652518392757253984370891;0.155631013016411995364407516718;0.067062818336162982602033366675;0.085172608941709110341733435234;0.196095076400679108052926835626
-0.038832199546485257624084397321;0.136337868480725626918470538840;0.104308390022675737118795780134;0.000566893424036281194135222794;0.096938775510204078234011149107;0.104024943310657591588608283928;0.064058956916099779599349517412;0.033730158730158728286330216406;0.127267573696145136485924354020;0.049036281179138323238486663058;0.073696145124716547214482886830;0.171201814058956902631081220534
-0.037536656891495601140462667900;0.094134897360703809199300451382;0.111730205278592370499168850984;0.001173020527859237535639458372;0.081818181818181817677171352443;0.071260997067448678121692751120;0.117302052785923760502839741093;0.073607038123167156662418619817;0.118475073313782985895414867628;0.047214076246334307773722116508;0.074193548387096769358706183084;0.171554252199413476143163848064
-0.028545673076923076122435318780;0.122896634615384608979482550239;0.106670673076923072652988366826;0.003605769230769230969391170305;0.111478365384615391020517449761;0.085637019230769231836752908293;0.065204326923076927347011633174;0.050480769230769231836752908293;0.121093750000000000000000000000;0.061899038461538463673505816587;0.075120192307692304489741275120;0.167367788461538463673505816587
-0.079096045197740119658824653470;0.099897277863379554951883676495;0.090652285567539805932746332928;0.012840267077555212946182727762;0.086543400102722142785971470857;0.082691319979455571442805705829;0.037750385208012326998527896649;0.032357473035439135444768510297;0.148690292758089370739327250703;0.068567026194144842232702785623;0.073703133025166928105065267118;0.187211093990755000904258054106
-0.037860576923076920408117729266;0.132812500000000000000000000000;0.100961538461538463673505816587;0.003906250000000000000000000000;0.096153846153846159183764541467;0.109074519230769231836752908293;0.042067307692307695510258724880;0.023437500000000000000000000000;0.135516826923076927347011633174;0.053185096153846152244870637560;0.078425480769230768163247091707;0.186598557692307681632470917066
-0.021847070506454815269625768792;0.119496855345911950907478171757;0.110890433631247925516660757239;0.000662032439589539905937243258;0.096656736180072824748954474217;0.093015557762330350333179751487;0.054948692485931809048604890222;0.038728897715988086503102749703;0.119165839126117181767661179492;0.055941741145316123406949770924;0.073154584574644160310796792146;0.215491559086395223499010853629
-0.054464519507724531988124283544;0.107357947106572398920931732391;0.104215763288819068810298062999;0.000523697302958889797375174879;0.118355590468709082063725190892;0.087195600942655146492477058473;0.051322335689971194938596710244;0.016496465043205028183637139705;0.146897093479968571250182662880;0.044252422100026188311883146298;0.080125687352710139865763494527;0.188792877716679768917984461041
-0.028571428571428570536427926640;0.096428571428571432933019025313;0.129761904761904772742653335627;0.004166666666666666608842550801;0.097916666666666665741480812812;0.073214285714285717854288293438;0.042857142857142857539365365938;0.039880952380952378044653983125;0.125595238095238093123384715000;0.081250000000000002775557561563;0.086904761904761901325500161875;0.193452380952380958989422765626
-0.081385281385281380006624374346;0.059523809523809520505288617187;0.117965367965367967650891500853;0.006926406926406926400918706577;0.096969696969696969612861892074;0.066883116883116877637860397954;0.036147186147186149973720148409;0.064069264069264067473774559858;0.178354978354978349619486266420;0.065800865800865804278174664432;0.073809523809523810977673008438;0.152164502164502168923831959546
-0.075383771929824566759847925823;0.075383771929824566759847925823;0.104166666666666671292595935938;0.052357456140350880358091956168;0.061677631578947365864618035403;0.081140350877192984890839966283;0.074013157894736836261984080920;0.098684210526315790934503979770;0.118421052631578940794732091035;0.081140350877192984890839966283;0.091557017543859642305648094407;0.086074561403508775825343946053
-0.065586419753086419581755706076;0.086033950617283944106716830902;0.114197530864197524524961124825;0.023148148148148146863167795573;0.081404320987654321672977175695;0.092206790123456783270228243055;0.055941358024691356654045648611;0.051311728395061727281412089496;0.142746913580246909125648357985;0.061342592592592594391565086198;0.064043209876543216729771756945;0.162037037037037034981068472916
-0.034544159544159541708197025400;0.090455840455840458291802974600;0.144230769230769217958965100479;0.003917378917378917628500101245;0.089387464387464393711368870754;0.074430199430199434074140185658;0.071937321937321940801268738142;0.095085470085470080725542629807;0.107905982905982911201903107212;0.070512820512820512108831394471;0.063034188034188032290217051923;0.154558404558404555162454130368
-0.041144326583092249993711675415;0.103503696560591454400857003293;0.115396978463516555746259939497;0.002571520411443265624606979713;0.065895210543233689870490366047;0.102860816457730638862066996353;0.087110253937640630406136210695;0.054323368691738989355588529406;0.132754741240758589171377934690;0.072002571520411437488995431977;0.111539697846351648635732090042;0.110896817743490833096942083102
-0.071746530505367903107760696457;0.059963341188792880498414916701;0.118617439120188530865540599279;0.038229903115998949136855600273;0.080911233307148472393421911875;0.070175438596491224174656053947;0.046347211311861744031936893862;0.068080649384655675393496210290;0.139565331238544115821653690546;0.081173081958627907317449512448;0.084838963079340135031713998615;0.140350877192982448349312107894
-0.098978790259230162162928934322;0.067556952081696777789865393515;0.122807017543859642305648094407;0.008379156847342236758002798069;0.075412411626080130822025182624;0.058654097931395650367125682578;0.043728724797067297647146233430;0.052369730295888976268070535980;0.162346163917255814634899024895;0.089814087457449592877267718904;0.081696779261586804921080329223;0.138256087981146885690364456423
-0.056953979150775491113734005921;0.084668192219679638821361322698;0.153063818967709125429266237006;0.001779811848461734097304187685;0.068395626748029500485692722123;0.064836003051106025352190442845;0.058225273328248158821729418833;0.049580472921434019795139391817;0.130434782608695648553620571874;0.070429697431985766042927821218;0.094838545639460966607536818174;0.166793796084413942226731819574
-0.026708562450903378798772180858;0.123854412149777423635121920142;0.116784498559832417008408356196;0.002094789211835559189500699517;0.095574757789997383250479856542;0.080387536004189574789791095100;0.078030898140874577206815843056;0.036658811207122284081538765577;0.130662477088242995337807883516;0.053417124901806757597544361715;0.080387536004189574789791095100;0.175438596491228060436640134867
-0.053986013986013985099798873080;0.092587412587412584730195419525;0.104895104895104895881274842395;0.060979020979020977233364675385;0.066013986013986017398202932327;0.078321678321678328549282355198;0.040559440559440558538017995716;0.080000000000000001665334536938;0.130349650349650347802565875099;0.086433566433566436093549611996;0.076643356643356641555442365643;0.129230769230769232391864420606
-0.048793859649122806043664013487;0.119791666666666671292595935938;0.101151315789473686401755969655;0.038651315789473686401755969655;0.086896929824561403021832006743;0.079495614035087716620076037088;0.049616228070175440179045978084;0.063048245614035089423587976398;0.132127192982456148628855885363;0.060032894736842104532748010115;0.075109649122807015109160033717;0.145285087719298239283816087664
-0.039641203703703706273664408855;0.100983796296296293726335591145;0.135416666666666657414808128124;0.008969907407407407343158389779;0.081886574074074069962136945833;0.072048611111111104943205418749;0.074074074074074069962136945833;0.063368055555555552471602709375;0.114004629629629636311527463022;0.069155092592592587452671182291;0.085937500000000000000000000000;0.154513888888888895056794581251
-0.033641499743194656912859130671;0.113764766307139192358377499659;0.122239342578325624333324128656;0.013097072419106316892856156642;0.058038007190549564806580917775;0.082948125321006677124202610685;0.030046224961479198189984174405;0.043143297380585518552287283001;0.134565998972778627651436522683;0.094247560349255257716727385287;0.095788392398561891805108814424;0.178479712378017463247914520252
-0.026785714285714284227379877734;0.104761904761904764415980650938;0.116666666666666668517038374375;0.007738095238095238359576910625;0.100297619047619052112807480626;0.081845238095238095898942276563;0.066964285714285712303173170312;0.029166666666666667129259593594;0.145535714285714296023499514376;0.057142857142857141072855853281;0.087202380952380947887192519374;0.175892857142857156338422441877
-0.061930783242258653775724752677;0.108378870673952645842241793162;0.115361262902246505812620114284;0.120522161505768068967547890225;0.044019429265330901890340697946;0.067698846387370975596908806438;0.054037644201578624580939447242;0.058894960534304797994398228411;0.101092896174863389191500573361;0.063752276867030971407857009581;0.074681238615664849445074935375;0.129629629629629622433739655207
-0.074655647382920103938275246946;0.114876033057851240082314348001;0.110468319559228644877180158801;0.004958677685950413534243796931;0.067493112947658404077166949264;0.089531680440771352347262279636;0.046556473829201104608355166192;0.043250688705234158204504524292;0.144903581267217640426991920322;0.064738292011019285543405032968;0.078512396694214878212214614450;0.160055096418732778484894652138
-0.051821862348178135415643907891;0.109041835357624836144729840726;0.124156545209176794042349456504;0.017543859649122806043664013487;0.060188933873144397079801848349;0.071794871794871789605352319086;0.053441295546558707785234076937;0.047233468286099866695337823330;0.133873144399460186626527047338;0.087449392712550602646537356577;0.090148448043184878364364465142;0.153306342780026999550457844634
-0.043749999999999997224442438437;0.130059523809523819304345693126;0.130357142857142865866038050626;0.000892857142857142829263372708;0.068452380952380958989422765626;0.090476190476190473943596259687;0.066964285714285712303173170312;0.028571428571428570536427926640;0.111607142857142863090480489063;0.070833333333333331482961625625;0.095535714285714279370154144999;0.162500000000000005551115123126
-0.049932523616734142413164931895;0.118758434547908228728907431559;0.116869095816464235726428455564;0.004588394062078272189753036514;0.073414304993252355036048584225;0.098515519568151146967416309508;0.048313090418353576982468666756;0.038056680161943322315831750302;0.122807017543859642305648094407;0.073144399460188927464265873368;0.098515519568151146967416309508;0.157085020242914985555415796625
-0.017636684303350969038604034722;0.140799529688418578743380749074;0.123162845385067609704776714352;0.000000000000000000000000000000;0.065843621399176960329313601505;0.095238095238095232808461787499;0.067313345091122869789934668461;0.020576131687242798368187024494;0.119341563786008228453816570891;0.057025279247501468871117680237;0.085537918871252199837229568402;0.207524985302763087524624552316
-0.034575260804769004929770659373;0.105514157973174371729641052298;0.131147540983606564202190725155;0.002682563338301043216749253162;0.073323397913561849659203062402;0.076602086438152014458147220921;0.065871833084947845060597160227;0.057824143070044707604093758846;0.132637853949329365121911905590;0.058122205663189270563595556496;0.088822652757078984775418462050;0.172876304023845017709959392960
-0.064809384164222869073590516109;0.126099706744868034213880036987;0.119941348973607031513921583610;0.018181818181818180935049866775;0.049560117302052786314447985205;0.077419354838709680821651204496;0.048680351906158360331122736397;0.053079178885630497186642884344;0.117595307917888566850983522727;0.088856304985337239421561150721;0.089736070381231672343780303436;0.146041055718475060176686497471
-0.068609593199757137882421886843;0.084092289010321799591629599036;0.116879174256223433703283376417;0.054948391013964786866452527647;0.080145719489981781524789994364;0.075591985428050997852800207966;0.050394656952034003194462741249;0.042501517911353973999677435813;0.136004857316332716798967794603;0.064663023679417119815582282172;0.081360048573163326612878165633;0.144808743169398901340372276536
-0.032360742705570294530659225529;0.106631299734748011265317302332;0.130503978779840851265348078414;0.002652519893899204107140521458;0.083289124668435007836642114398;0.079310344827586212734793491563;0.044297082228116707591780709663;0.040848806366047742122393771069;0.137665782493368693550905845768;0.084615384615384620081712796491;0.098408488063660481959260550866;0.159416445623342173387726461442
-0.026384535005224661607936553764;0.135841170323928950303127294319;0.115464994775339599430985515482;0.001306165099268547565708464830;0.068704284221525607767588894603;0.091431556948798328732230800142;0.063479623824451408831137655397;0.037878787878787879839226349077;0.118599791013584116017298697443;0.065308254963427375683338027557;0.097701149425287361904857164063;0.177899686520376187903735853979
-0.024396929824561403021832006743;0.119243421052631581869007959540;0.126096491228070178847175952797;0.002467105263157894599890251897;0.060581140350877193956335986513;0.083607456140350880358091956168;0.051260964912280701510916003372;0.046875000000000000000000000000;0.107456140350877193956335986513;0.089089912280701760716183912336;0.110197368421052627196488060690;0.178728070175438596978167993257
-0.039204545454545457194850399674;0.125568181818181828779401598695;0.124431818181818185098386209120;0.001136363636363636308440616673;0.073011363636363638129900266449;0.081250000000000002775557561563;0.046306818181818185098386209120;0.080113636363636359094542171988;0.122443181818181812126056229317;0.066761363636363632578785143323;0.084375000000000005551115123126;0.155397727272727270708685409772
-0.035087719298245612087328026973;0.118758434547908228728907431559;0.142510121457489868923573794746;0.003238866396761133463477744243;0.067746288798920376028611656238;0.070175438596491224174656053947;0.046423751686909583979989690761;0.044804318488529011610399521714;0.111740890688259111862556949291;0.081781376518218623639100428591;0.104183535762483125974853237494;0.173549257759784081311948966686
-0.059113300492610834635520689062;0.120689655172413798367436754688;0.135467980295566503556869975000;0.001094690749863163692703893481;0.063218390804597707210987778126;0.078544061302681988934182300000;0.042692939244663385967015756250;0.051997810618500270307684729687;0.130268199233716464036092474998;0.070607553366174052866810484375;0.087575259989053091946864526562;0.158730158730158721347436312499
-0.063401442307692304489741275120;0.121694711538461536326494183413;0.115084134615384608979482550239;0.010216346153846153979594113537;0.060997596153846152244870637560;0.092848557692307695510258724880;0.046274038461538463673505816587;0.037259615384615384081623545853;0.120793269230769231836752908293;0.069711538461538463673505816587;0.086538461538461536326494183413;0.175180288461538463673505816587
-0.084965437788018433051817623891;0.104838709677419358867744847430;0.124423963133640555489556334123;0.004032258064516128920340420905;0.064228110599078347409118805444;0.060483870967741937274553265524;0.067108294930875569961337134828;0.041762672811059907418407277646;0.135656682027649772015465146069;0.091877880184331794932717230040;0.088421658986175113992267426966;0.132200460829493077197227535180
-0.034567901234567897927885127274;0.116049382716049379049572110034;0.134567901234567910417894154307;0.014814814814814815380206169948;0.058024691358024689524786055017;0.075308641975308648897069474515;0.067901234567901230798625533680;0.064506172839506173422030599340;0.107407407407407409771771256146;0.080864197530864198593114622327;0.109567901234567902091221469618;0.136419753086419764942505139516
-0.014272970561998216468269085055;0.140945584299732390443082863385;0.128456735057983939540804385615;0.000594707106749925613897733712;0.064525721082366940817287570553;0.097234611953612840040683806819;0.080285459411239962213002741009;0.043116265239369608308628301074;0.096937258400237882871586236888;0.060957478441867378460283788399;0.107641986321736549125915871628;0.165031222123104365229195877873
-0.045997610513739545234912498017;0.120370370370370363688472536978;0.116786140979689367913607611627;0.000896057347670250895280141812;0.086320191158900841377210610972;0.091099163679808844995555716650;0.060035842293906807598524721925;0.025089605734767025935205708720;0.144265232974910395657985873186;0.064814814814814811216869827604;0.085722819593787330516576616901;0.158602150537634406513021190221
-0.049787492410443230650418655614;0.099574984820886461300837311228;0.137826350941105041369993955414;0.003339404978749241185986829095;0.100182149362477226905987492955;0.061020036429872498429105576179;0.062841530054644809122343929175;0.067091681845780209991758624710;0.132969034608378861017641270337;0.061020036429872498429105576179;0.074984820886460232247650026238;0.149362477231329698890149870749
-0.060309973045822105885971353700;0.096024258760107811250250620105;0.142857142857142849212692681249;0.027291105121293800922499528383;0.061320754716981132337316751091;0.069743935309973040248543441066;0.047169811320754720385117764181;0.077493261455525611069994340596;0.123989218328840966609760698702;0.081536388140161730753163737972;0.083894878706199466078530235791;0.128369272237196768715605799116
-0.073754789272030649160960535937;0.092592592592592587452671182291;0.111111111111111104943205418749;0.003192848020434227527403203695;0.072477650063856965956254896355;0.083333333333333328707404064062;0.033524904214559385351446252344;0.036717752234993614179892063021;0.175606641123882495358898836457;0.068646232439335888586562361979;0.092592592592592587452671182291;0.156449553001277136266011780208
-0.065270188221007899298520271714;0.138737097753491189777719228005;0.106253794778384938468640541487;0.002428658166363084538325045614;0.068306010928961755079846795979;0.093199757134183366935609171833;0.061020036429872498429105576179;0.013964784456587735553267926036;0.155130540376442027650227828417;0.049787492410443230650418655614;0.094414086217364912023697343102;0.151487553126897378508175506795
-0.037229437229437230272299785838;0.132178932178932173613361555908;0.130158730158730168158243145626;0.001443001443001443000191397203;0.071284271284271283342093283864;0.073304473304473302674999501960;0.102453102453102448676780511505;0.033189033189033191606487349645;0.131601731601731608556349328865;0.048773448773448774273830963466;0.085714285714285715078730731875;0.152669552669552677226505466024
-0.052631578947368418130992040460;0.092577597840755740388196670665;0.120107962213225366587820985842;0.007557354925775978081448069901;0.094197031039136305818892935804;0.076923076923076927347011633174;0.052901484480431845702774751317;0.041565452091767880749006991437;0.154925775978407564981154109773;0.063967611336032390023653704247;0.075303643724696361916315368035;0.167341430499325233283158809172
-0.042948717948717948789116860553;0.131410256410256415238180238703;0.143269230769230759836574407018;0.003205128205128205017004905386;0.045833333333333330095182844843;0.070192307692307692734701163317;0.071474358974358970231222087932;0.075641025641025635972702900744;0.113782051282051280272078486178;0.079807692307692301714183713557;0.100000000000000005551115123126;0.122435897435897431129170342956
-0.066788099574984827189183533847;0.105646630236794172863490359759;0.139344262295081955382869409732;0.002125075895567698699983871791;0.061323618700667881231680667042;0.070127504553734065773085148976;0.054948391013964786866452527647;0.068306010928961755079846795979;0.129933211900425005236314746071;0.078627808136004853634126732231;0.084395871281117182394204689899;0.138433515482695806975144137141
-0.031387319522912744684806085615;0.135593220338983050377024142108;0.142184557438794739736565020394;0.003766478342749529032579269838;0.067168863779033263772255679669;0.083490269930947894061468161908;0.055869428750784683179730905067;0.048336472065285622512487151425;0.113935969868173253560783564353;0.069365976145637164851365241702;0.096359070935342128194633914973;0.152542372881355942082493015732
-0.086206896551724143673567368751;0.098659003831417624308386393750;0.110153256704980842539676189062;0.011494252873563218231289795312;0.072158365261813531277290678645;0.075351213282247767044630393229;0.038314176245210725124668016406;0.030970625798212005064247165365;0.165070242656449539531138270831;0.074393358876117490763313355728;0.083014048531289907906227654166;0.154214559386973176779989103125
-0.040100250626566413814089173684;0.108326371484266215095004781688;0.096908939014202166717382169736;0.000278473962684488984820063706;0.094681147312726254838821660087;0.089668615984405453112060513376;0.037872458925090501935528664035;0.022277917014759118785605096491;0.166248955722639923937578032564;0.053467000835421885085452231579;0.094681147312726254838821660087;0.195488721804511267343684721709
-0.033681073025335322990159170331;0.114754098360655740207469932557;0.126974664679582710524741173685;0.000000000000000000000000000000;0.086438152011922508854979696480;0.070342771982116247819760701532;0.042026825633383009528376561548;0.038450074515648288708824509285;0.159463487332339781676893153417;0.072429210134128160780697669452;0.089716840536512673653923854999;0.165722801788375562193067480621
-0.047201808931599774366016930571;0.107122668174109661465287501869;0.131430186546071220421438852100;0.005652911249293386328207411395;0.073770491803278687159561854969;0.066704352741661962489239101615;0.054833239118145846169305457352;0.066421707179197292392203166855;0.122668174109666475168900490189;0.081119276427360095804708350897;0.085641605426794803479495499232;0.157433578292820813837593618700
-0.058503401360544216025516561785;0.120408163265306122902131846786;0.121768707482993190915898651383;0.004081632653061224857982125513;0.065646258503401361261708757411;0.077210884353741501828771731653;0.064625850340136056781936702009;0.045578231292517007444686782947;0.124489795918367340821220068392;0.070068027210884356592579536027;0.106802721088435373375524761741;0.140816326530612240253148570446
-0.072222222222222215437525960624;0.079487179487179482340053482403;0.097863247863247862512459107620;0.003846153846153846367350581659;0.079059829059829056507879840865;0.068376068376068382947963186780;0.053846153846153849142908143222;0.052564102564102564707493314700;0.233333333333333337034076748751;0.055128205128205126639429067836;0.066239316239316239909307171274;0.138034188034188043392447298174
-0.018181818181818180935049866775;0.196969696969696961286189207385;0.176767676767676767957127026420;0.014646464646464647102463985107;0.026262626262626261736121691115;0.043434343434343436474165400796;0.137373737373737370148774061818;0.133333333333333331482961625625;0.036868686868686870172773240029;0.069696969696969701679734043864;0.055050505050505051107823106804;0.091414141414141419916816744262
-0.100000000000000005551115123126;0.078888888888888883399452822687;0.107037037037037041642406620667;0.099259259259259255414598044354;0.068888888888888888395456433500;0.048518518518518516380311211833;0.061111111111111109106541761093;0.052592592592592593558897817729;0.123333333333333336478965236438;0.105185185185185187117795635459;0.058888888888888886452566140406;0.096296296296296296501893152708
-0.002314814814814814686316779557;0.249537037037037029429953349791;0.150462962962962965018931527084;0.000925925925925925961262885622;0.021296296296296295808003762318;0.084259259259259255969709556666;0.149074074074074081064367192084;0.024537037037037037756626034479;0.052777777777777777623580135469;0.047222222222222220988641083750;0.081018518518518517490534236458;0.136574074074074069962136945833
-0.018518518518518517490534236458;0.156481481481481471407235517290;0.218055555555555558022717832500;0.004629629629629629372633559115;0.035648148148148151026504137917;0.058796296296296297889671933490;0.112037037037037032205510911353;0.100462962962962962243373965521;0.075462962962962967794489088647;0.053240740740740741254732881771;0.068981481481481476958350640416;0.097685185185185180456457487708
-0.016129032258064515681361683619;0.233870967741935470440850508567;0.165053763440860201683335617417;0.031720430107526884078161799607;0.014516129032258065154059600843;0.054838709677419356092187285867;0.116666666666666668517038374375;0.093010752688172049218451320485;0.046774193548387098251506444058;0.038709677419354840410825602248;0.061827956989247312424851088508;0.126881720430107536312647198429
-0.028240740740740739866954100989;0.208796296296296285399662906457;0.217129629629629616882624532082;0.009722222222222222376419864531;0.011111111111111111535154627461;0.022222222222222223070309254922;0.149074074074074081064367192084;0.080555555555555560798275394063;0.042129629629629627984854778333;0.093518518518518514714976674895;0.060648148148148145475389014791;0.076851851851851851749053423646
-0.011842105263157895120307294690;0.136403508771929832255054293455;0.162280701754385969781679932566;0.057456140350877191180778424950;0.028070175438596491751530592751;0.036403508771929826703939170329;0.117982456140350883133649517731;0.126315789473684214616611143356;0.062280701754385964230564809441;0.056578947368421055041931566620;0.054824561403508768886450042146;0.149561403508771922910014495756
-0.009629629629629630344078705662;0.237037037037037046083298719168;0.130370370370370358692468926165;0.001481481481481481407916356297;0.059999999999999997779553950750;0.084074074074074078843921142834;0.117407407407407404775767645333;0.015925925925925926707193980292;0.072592592592592597444678403917;0.050000000000000002775557561563;0.073333333333333333703407674875;0.148148148148148139924273891666
-0.037634408602150538902808563080;0.198387096774193555370757735545;0.126344086021505375150297822984;0.004301075268817204297344680697;0.037634408602150538902808563080;0.079032258064516122675335907388;0.087634408602150534739472220735;0.032258064516129031362723367238;0.054301075268817201868731814329;0.074731182795698930521055558529;0.090860215053763446202417242148;0.176881720430107525210416952177
-0.015104166666666666782314898398;0.124479166666666668517038374375;0.164583333333333331482961625625;0.027604166666666665741480812812;0.015104166666666666782314898398;0.033333333333333332870740406406;0.060937499999999998612221219219;0.242187500000000000000000000000;0.041666666666666664353702032031;0.118749999999999994448884876874;0.080208333333333339809634310313;0.076041666666666660190365689687
-0.029914529914529915805010418239;0.110256410256410253278858135673;0.169658119658119665995599234520;0.006410256410256410034009810772;0.046153846153846156408206979904;0.045726495726495723637139434459;0.114957264957264951310556000408;0.151709401709401697777579443027;0.045726495726495723637139434459;0.099145299145299140008980032235;0.072649572649572655147487409977;0.107692307692307698285816286443
-0.015666666666666665547191783503;0.222000000000000002886579864025;0.177666666666666667184770744825;0.007333333333333333196868419890;0.020000000000000000416333634234;0.043666666666666666130058871431;0.160000000000000003330669073875;0.047333333333333331427450474393;0.040000000000000000832667268469;0.052999999999999998501198916756;0.085000000000000006106226635438;0.128333333333333327042069527124
-0.074074074074074069962136945833;0.128703703703703709049221970417;0.157870370370370383117375467918;0.010648148148148147904001881159;0.037037037037037034981068472916;0.051851851851851850361274642864;0.066666666666666665741480812812;0.031018518518518518184423626849;0.110185185185185191558687733959;0.097222222222222223764198645313;0.079166666666666662965923251249;0.155555555555555558022717832500
-0.049593495934959347382076089161;0.102032520325203254762946869505;0.139024390243902451480551007990;0.003658536585365853872203745212;0.070731707317073164165144305571;0.061788617886178863469748279158;0.032520325203252035961565269417;0.042682926829268295898511809128;0.151626016260162588267235150852;0.122764227642276416152533613513;0.065447154471544713438824203422;0.158130081300813019051787478020
-0.007264957264957265167804045802;0.217094017094017099900327139039;0.176495726495726507065953114761;0.000427350427350427350056683018;0.041452991452991451437615211262;0.055982905982905985242670254820;0.151709401709401697777579443027;0.022649572649572648902482896460;0.052991452991452990539666956238;0.048717948717948718340142733041;0.057692307692307695510258724880;0.167521367521367509079155411200
-0.001470588235294117626650312047;0.243137254901960780939518258492;0.136764705882352954890990304193;0.003921568627450980337734165460;0.029901960784313726809946487606;0.069607843137254904464228388861;0.139705882352941179735950072427;0.018627450980392156604237285933;0.042156862745098042100089230644;0.056372549019607844089652104458;0.079901960784313719177163193308;0.178431372549019612305798432317
-0.041269841269841268938112222031;0.186904761904761906876615285000;0.174206349206349198066590133749;0.019444444444444444752839729063;0.034523809523809526056403740313;0.068253968253968247403840052812;0.069841269841269842943987100625;0.054365079365079366224833279375;0.065476190476190479494711382813;0.095634920634920628224051597499;0.089682539682539683112416639688;0.100396825396825400966704933126
-0.000000000000000000000000000000;0.228160919540229878421655484999;0.106896551724137936489889000313;0.000000000000000000000000000000;0.011494252873563218231289795312;0.209195402298850585687262082502;0.095402298850574718258599205001;0.008620689655172413673467346484;0.021839080459770114639450611094;0.033333333333333332870740406406;0.147701149425287364680414725626;0.137356321839080447455572198123
-0.012222222222222222862142437805;0.253333333333333354797645142753;0.159444444444444444197728216750;0.046666666666666668794594130532;0.018888888888888889089345823891;0.068333333333333329262515576374;0.082777777777777783452251014751;0.055555555555555552471602709375;0.052777777777777777623580135469;0.054444444444444441144614899031;0.085555555555555551361379684749;0.110000000000000000555111512313
-0.025833333333333333148296162562;0.182499999999999995559107901499;0.184999999999999997779553950750;0.029999999999999998889776975375;0.028333333333333331899295259859;0.045416666666666667684371105906;0.169166666666666659635254177374;0.096666666666666664631257788187;0.036249999999999997501998194593;0.055000000000000000277555756156;0.049166666666666664076146275875;0.096666666666666664631257788187
-0.007526881720430107954034060214;0.149999999999999994448884876874;0.224193548387096763807591059958;0.005913978494623655692008501461;0.032795698924731185586178838776;0.042473118279569892219438287384;0.170430107526881730040102524981;0.087634408602150534739472220735;0.042473118279569892219438287384;0.062903225806451606993974223769;0.081720430107526886853719361170;0.091935483870967740771540377409
-0.002688172043010752902680859933;0.195698924731182805070162089578;0.212365591397849468036085340827;0.001612903225806451611504255261;0.038709677419354840410825602248;0.046774193548387098251506444058;0.120967741935483874549106531049;0.066666666666666665741480812812;0.048387096774193547044085050857;0.052150537634408598852697735992;0.092473118279569888056101945040;0.121505376344086021833668098679
-0.014814814814814815380206169948;0.162592592592592594114009330042;0.188148148148148147695835064042;0.039629629629629632703302632990;0.042962962962962959745372160114;0.042592592592592591616007524635;0.108888888888888882289229798062;0.095555555555555560243163881751;0.064814814814814811216869827604;0.061481481481481484174800300480;0.068518518518518520266091798021;0.110000000000000000555111512313
-0.014414414414414414636333994224;0.263513513513513486508088590199;0.110810810810810816962046487788;0.004504504504504504465434155946;0.050900900900900901413503873982;0.079279279279279274428304802314;0.104504504504504505679740589130;0.040990990990990988640518821740;0.077477477477477477152412177475;0.046846846846846847134404612234;0.122522522522522520072030260962;0.084234234234234234284244280389
-0.011702127659574467627434657402;0.166666666666666657414808128124;0.212765957446808512409930358444;0.026595744680851064051241294806;0.015248226950354609385285264977;0.024822695035460994039677729006;0.159219858156028376550139569190;0.180141843971631215870488063047;0.018085106382978721750731665452;0.076950354609929078053554007965;0.043617021276595745182813601559;0.064184397163120562868066087958
-0.009876543209876543008562954640;0.167283950617283960760062200279;0.197530864197530853232365188887;0.004320987654320987240985640909;0.040432098765432099296557311163;0.034567901234567897927885127274;0.212037037037037023878838226665;0.075617283950617286691908702778;0.064506172839506173422030599340;0.058024691358024689524786055017;0.054012345679012342680724856336;0.081790123456790125855420114931
-0.048529411764705883414183773539;0.114215686274509800601784093033;0.169117647058823539207850217281;0.014215686274509803724286349791;0.038725490196078432569848359890;0.041176470588235293546208737325;0.117647058823529410132024963787;0.103431372549019601203568186065;0.085294117647058825815165050699;0.083333333333333328707404064062;0.062254901960784314596253352647;0.122058823529411761277252423952
-0.025714285714285713829729829172;0.105714285714285718964511318063;0.178571428571428575393653659376;0.000000000000000000000000000000;0.030476190476190476164042308937;0.036666666666666666851703837438;0.081428571428571433488130537626;0.062380952380952384150880618563;0.098095238095238096454053788875;0.105714285714285718964511318063;0.087142857142857146901526732563;0.188095238095238093123384715000
-0.025203252032520325615072565029;0.171138211382113825109740901098;0.154471544715447162143817649849;0.008130081300813008990391317354;0.032113821138211380568083797016;0.089430894308943090220687111014;0.075203252032520331860077078545;0.041869918699186992050442768232;0.080081300813008127192915708292;0.081707317073170734889053790084;0.104065040650406503974778615884;0.136585365853658546875237789209
-0.006666666666666667094565124074;0.177619047619047620845122992250;0.193809523809523820414568717752;0.076666666666666660745477201999;0.030952380952380953438307642500;0.067142857142857143015746146375;0.079047619047619047116803869812;0.046190476190476191520328796969;0.063333333333333338699411285688;0.058571428571428572895651853969;0.049523809523809525501292228000;0.150476190476190485600938018251
-0.030370370370370370488588562807;0.127037037037037031650399399041;0.195555555555555565794279004876;0.005185185185185185036127464286;0.048518518518518516380311211833;0.039259259259259257635044093604;0.132592592592592595224232354667;0.090740740740740746805848004897;0.066666666666666665741480812812;0.082592592592592592448674793104;0.074444444444444438091501581312;0.107037037037037041642406620667
-0.013095238095238095551997581367;0.115476190476190482270268944376;0.188095238095238093123384715000;0.000595238095238095291789059971;0.058928571428571427381903902187;0.067857142857142851988250242812;0.076785714285714290472384391251;0.054761904761904761640423089375;0.095833333333333339809634310313;0.079761904761904756089307966249;0.068452380952380958989422765626;0.180357142857142854763807804375
-0.000000000000000000000000000000;0.207142857142857156338422441877;0.235238095238095246131138083001;0.000000000000000000000000000000;0.015238095238095238082021154469;0.021428571428571428769682682969;0.305238095238095252792476230752;0.063333333333333338699411285688;0.023333333333333334397297065266;0.027142857142857142183078877906;0.035714285714285712303173170312;0.066190476190476188467215479250
-0.023655913978494622768034005844;0.199462365591397849939880870807;0.169892473118279568877753149536;0.001612903225806451611504255261;0.055376344086021503376748853498;0.070967741935483871773548969486;0.176344086021505364048067576732;0.033333333333333332870740406406;0.047311827956989245536068011688;0.036021505376344083171336052374;0.059139784946236562124255442541;0.126881720430107536312647198429
-0.033333333333333332870740406406;0.142342342342342331740212557634;0.178828828828828834129893721183;0.005405405405405405705465682331;0.039639639639639637214152401157;0.064414414414414408738274175903;0.067117117117117111591007017068;0.065765765765765760164640596486;0.086936936936936937136977121554;0.113963963963963965664305533210;0.079729729729729734155618814384;0.122522522522522520072030260962
-0.012280701754385964924454199831;0.231578947368421050878595224276;0.132456140350877188405220863388;0.004385964912280701510916003372;0.091228070175438602529283116382;0.052631578947368418130992040460;0.158771929824561397470716883618;0.043421052631578950509183556505;0.071929824561403510330137578421;0.053070175438596489669862421579;0.051315789473684210453274801012;0.096929824561403504779022455295
-0.020333333333333331732761806165;0.123999999999999999111821580300;0.260333333333333361014894080654;0.004000000000000000083266726847;0.018333333333333333425851918719;0.027666666666666665796991964044;0.082333333333333327819225644362;0.204333333333333339032478193076;0.030999999999999999777955395075;0.065666666666666664853302393112;0.075333333333333335479764514275;0.086666666666666669627261399000
-0.012626262626262626034834291033;0.226767676767676756854896780169;0.168686868686868690625502154035;0.002020202020202020200267956085;0.049494949494949494472884055085;0.062121212121212118772994870142;0.111111111111111104943205418749;0.059595959595959598076309049475;0.061616161616161617409215267571;0.052020202020202022108463779659;0.066666666666666665741480812812;0.127272727272727259606455163521
-0.030303030303030303871381079261;0.166161616161616149112134621646;0.199494949494949502799556739774;0.002525252525252525467175379603;0.050505050505050504139337164133;0.029797979797979799038154524737;0.136363636363636353543427048862;0.086363636363636364645657295114;0.065151515151515154711248101194;0.063636363636363629803227581760;0.059090909090909089773635542997;0.110606060606060610518319720086
-0.006976744186046511531085201341;0.263178294573643389853145890811;0.161627906976744173395132975202;0.003100775193798449569371200596;0.037984496124031007224797207300;0.057364341085271317033367211025;0.162015503875968996938539135044;0.048062015503875968325253609237;0.018992248062015503612398603650;0.036434108527131782440111607002;0.109302325581395354259228724914;0.094961240310077521531439970204
-0.035294117647058823039607489136;0.137254901960784325698483598899;0.211764705882352938237644934816;0.000980392156862745084433541365;0.050490196078431373583050856269;0.045098039215686273883942902785;0.111764705882352946564317619504;0.103431372549019601203568186065;0.058823529411764705066012481893;0.056372549019607844089652104458;0.076960784313725494332203425074;0.111764705882352946564317619504
-0.007407407407407407690103084974;0.192592592592592593003786305417;0.118148148148148154912284724105;0.005925925925925925631665425186;0.054444444444444441144614899031;0.108888888888888882289229798062;0.121481481481481481954354251229;0.021481481481481479872686080057;0.072962962962962965574043039396;0.062962962962962956692258842395;0.106666666666666673513041985188;0.127037037037037031650399399041
-0.047008547008547008072554262981;0.232478632478632485369729465674;0.113675213675213673814035075793;0.052564102564102564707493314700;0.040598290598290599773267928185;0.085042735042735045913886438029;0.092735042735042738648587601347;0.045299145299145297804965792920;0.061965811965811967709782948077;0.044017094017094020308444868306;0.094017094017094016145108525961;0.090598290598290595609931585841
-0.063725490196078427018733236764;0.106535947712418296862146860349;0.137581699346405239570145795369;0.074183006535947712545286947261;0.043137254901960783715075820055;0.035947712418300650782931882077;0.125163398692810456935831098235;0.113071895424836602050966405386;0.079738562091503262241332095073;0.100653594771241833294439516067;0.057189542483660128768807595634;0.063071895424836599275408843823
-0.019753086419753086017125909279;0.225308641975308643345954351389;0.163271604938271613916001001598;0.013888888888888888117900677344;0.031172839506172840551290192934;0.053395061728395060152152495903;0.139814814814814808441312266041;0.047530864197530865722374215920;0.043827160493827163612046149410;0.059259259259259261520824679792;0.075925925925925924486747931041;0.126851851851851854524610985209
-0.002777777777777777883788656865;0.263888888888888895056794581251;0.151388888888888878403449211874;0.000000000000000000000000000000;0.054629629629629632148191120677;0.055092592592592595779343866980;0.118981481481481479733908201979;0.012500000000000000693889390391;0.049074074074074075513252068959;0.040740740740740744030290443334;0.074999999999999997224442438437;0.175925925925925930037863054167
-0.002298850574712643646257959062;0.236206896551724138122452245625;0.161494252873563226557962480001;0.000000000000000000000000000000;0.060344827586206899183718377344;0.061494252873563221006847356875;0.127586206896551729306210631876;0.016666666666666666435370203203;0.063218390804597707210987778126;0.052298850574712646421815520625;0.054597701149425290068073479688;0.163793103448275856326432631249
-0.002380952380952381167156239883;0.230476190476190473388484747375;0.196190476190476192908107577750;0.038095238095238098674499838125;0.026190476190476191103995162734;0.052857142857142859482255659032;0.153809523809523812643007545375;0.067142857142857143015746146375;0.025714285714285713829729829172;0.048095238095238093678496227312;0.071428571428571424606346340624;0.087619047619047624175792066126
-0.007264957264957265167804045802;0.278632478632478641777936445578;0.157692307692307687183586040192;0.030769230769230770938804653269;0.006410256410256410034009810772;0.068803418803418808780136828318;0.172649572649572646820814725288;0.021794871794871793768688661430;0.033760683760683758702914047944;0.053418803418803416371840597776;0.079059829059829056507879840865;0.089743589743589743945584302764
-0.006250000000000000346944695195;0.250347222222222220988641083750;0.113194444444444444752839729063;0.021180555555555556634939051719;0.027083333333333334258519187188;0.068055555555555549696045147812;0.100347222222222226539756206876;0.021180555555555556634939051719;0.047222222222222220988641083750;0.060069444444444446140618509844;0.108680555555555558022717832500;0.176388888888888900607909704377
-0.008095238095238094580552434820;0.169523809523809521060400129500;0.130000000000000004440892098501;0.002857142857142857140378966463;0.045714285714285714246063463406;0.070000000000000006661338147751;0.100476190476190482825380456688;0.021904761904761906043948016531;0.072857142857142856429142341312;0.066666666666666665741480812812;0.082857142857142851433138730499;0.229047619047619055443476554501
-0.024806201550387596554969604767;0.165116279069767446507910335640;0.217829457364341089187220745771;0.005038759689922480550228200968;0.031782945736434108086054806108;0.041472868217054266459786759924;0.139534883720930230621704026817;0.065116279069767440956795212514;0.053488372093023255071653210280;0.065116279069767440956795212514;0.071705426356589149761155965734;0.118992248062015498755172870915
-0.015151515151515151935690539631;0.177777777777777784562474039376;0.229292929292929298368264312558;0.037878787878787879839226349077;0.014141414141414142269237430583;0.023232323232323232736762363970;0.174747474747474734746433000510;0.088888888888888892281237019688;0.045959595959595957170851221463;0.059090909090909089773635542997;0.058080808080808080107182433949;0.075757575757575759678452698154
-0.046296296296296293726335591145;0.146666666666666667406815349750;0.172592592592592602995793527043;0.016296296296296294836558615771;0.043703703703703702942995334979;0.034814814814814812327092852229;0.127777777777777767909128669999;0.087037037037037037756626034479;0.095555555555555560243163881751;0.078518518518518515270088187208;0.058148148148148150193836869448;0.092592592592592587452671182291
-0.030081300813008131356252050637;0.158536585365853660567481142607;0.165040650406504063596457854146;0.000000000000000000000000000000;0.050406504065040651230145130057;0.071138211382113819558625777972;0.122764227642276416152533613513;0.048373983739837395079419479771;0.068699186991869914953312559192;0.060975609756097559621679238262;0.074390243902439021073114133742;0.149593495934959352933191212287
-0.020175438596491228337992396291;0.174999999999999988897769753748;0.175438596491228060436640134867;0.000877192982456140367235331023;0.045614035087719301264641558191;0.074999999999999997224442438437;0.136403508771929832255054293455;0.045614035087719301264641558191;0.081140350877192984890839966283;0.046491228070175437403488416521;0.057894736842105262719648806069;0.140350877192982448349312107894
-0.000490196078431372542216770682;0.209803921568627455007671755993;0.196568627450980387694201567683;0.000000000000000000000000000000;0.033333333333333332870740406406;0.050980392156862744390544150974;0.164705882352941174184834949301;0.041176470588235293546208737325;0.028921568627450981725512946241;0.039705882352941174184834949301;0.063235294117647056211239942058;0.171078431372549022437823396103
-0.043589743589743587537377322860;0.109401709401709401614510852596;0.203418803418803417759619378558;0.044444444444444446140618509844;0.027777777777777776235801354687;0.045299145299145297804965792920;0.106410256410256406911507554014;0.111111111111111104943205418749;0.076495726495726501514837991635;0.111111111111111104943205418749;0.050000000000000002775557561563;0.070940170940170937941005036009
-0.041358024691358026558862803768;0.212345679012345689429253070557;0.163580246913580251710840229862;0.012962962962962962590318660716;0.015432098765432097908778530382;0.035185185185185187395351391615;0.079012345679012344068503637118;0.058024691358024689524786055017;0.072222222222222215437525960624;0.156790123456790136957650361182;0.076543209876543213954214195383;0.076543209876543213954214195383
-0.050000000000000002775557561563;0.196527777777777773460243793124;0.177777777777777784562474039376;0.011805555555555555247160270937;0.010416666666666666088425508008;0.045138888888888888117900677344;0.132638888888888889505679458125;0.068750000000000005551115123126;0.068055555555555549696045147812;0.083333333333333328707404064062;0.083333333333333328707404064062;0.072222222222222215437525960624
-0.003888888888888888777095598215;0.218333333333333323711400453249;0.206111111111111106053428443374;0.002777777777777777883788656865;0.019444444444444444752839729063;0.034444444444444444197728216750;0.197222222222222215437525960624;0.070000000000000006661338147751;0.034444444444444444197728216750;0.052777777777777777623580135469;0.074444444444444438091501581312;0.086111111111111110494320541875
-0.001333333333333333288808764117;0.342666666666666674956331917201;0.105999999999999997002397833512;0.000000000000000000000000000000;0.022666666666666668294993769450;0.102666666666666669960328306388;0.134000000000000007993605777301;0.006666666666666667094565124074;0.027333333333333334480563792113;0.042666666666666665241880451731;0.088666666666666671403618238401;0.125333333333333324377534268024
-0.018787878787878787428811122595;0.200000000000000011102230246252;0.159393939393939393367460866102;0.001212121212121212120160773651;0.073030303030303028721803570988;0.042727272727272724850422491727;0.184848484848484845288751898806;0.049090909090909087830745249903;0.075151515151515149715244490380;0.029696969696969697377619823442;0.044242424242424242819549107253;0.121818181818181811570944717005
-0.055681818181818179547271085994;0.193939393939393939225723784148;0.146969696969696972388419453637;0.001136363636363636308440616673;0.071212121212121212709966755483;0.043939393939393937837945003366;0.091287878787878792841148367643;0.023863636363636364645657295114;0.089393939393939400583910526166;0.079545454545454544192928381108;0.060227272727272726515757028665;0.142803030303030292769150833010
-0.005000000000000000104083408559;0.182999999999999996003197111349;0.163000000000000005995204332976;0.000333333333333333322202191029;0.050000000000000002775557561563;0.059999999999999997779553950750;0.100000000000000005551115123126;0.023333333333333334397297065266;0.085666666666666668739082979300;0.078333333333333338144299773376;0.068333333333333329262515576374;0.182999999999999996003197111349
-0.006000000000000000124900090270;0.200333333333333335479764514275;0.134666666666666656748674313349;0.000333333333333333322202191029;0.055666666666666669849306003925;0.077999999999999999888977697537;0.090333333333333334924653001963;0.015333333333333332496040135595;0.085666666666666668739082979300;0.047666666666666669682772550232;0.074999999999999997224442438437;0.210999999999999993116617247324
-0.002083333333333333304421275400;0.197916666666666657414808128124;0.127083333333333325931846502499;0.000000000000000000000000000000;0.065625000000000002775557561563;0.090624999999999997224442438437;0.074999999999999997224442438437;0.012500000000000000693889390391;0.107291666666666660190365689687;0.050000000000000002775557561563;0.067708333333333328707404064062;0.204166666666666662965923251249
-0.029629629629629630760412339896;0.074444444444444438091501581312;0.049259259259259259577934386698;0.469259259259259264851493753667;0.025925925925925925180637321432;0.062962962962962956692258842395;0.019629629629629628817522046802;0.011481481481481481399242738917;0.058888888888888886452566140406;0.060370370370370372847812490136;0.055555555555555552471602709375;0.082592592592592592448674793104
-0.012962962962962962590318660716;0.140740740740740749581405566460;0.061481481481481484174800300480;0.261481481481481481399242738917;0.043703703703703702942995334979;0.085185185185185183232015049271;0.018148148148148149361169600979;0.008888888888888888881179006773;0.071111111111111111049432054187;0.056666666666666663798590519718;0.082222222222222224319310157625;0.157407407407407412547328817709
-0.010000000000000000208166817117;0.216111111111111114935212640376;0.071388888888888890615902482750;0.001111111111111111110147375847;0.078333333333333338144299773376;0.149166666666666669627261399000;0.030833333333333334119741309109;0.008055555555555555385938149016;0.086666666666666669627261399000;0.056944444444444443365060948281;0.113055555555555561908498418688;0.178333333333333343695414896501
-0.021130952380952382207990325469;0.106249999999999997224442438437;0.158333333333333325931846502499;0.001488095238095238012632215430;0.064880952380952386371326667813;0.081547619047619049337249919063;0.034523809523809526056403740313;0.022321428571428571924206707422;0.128571428571428558740308289998;0.085119047619047621955346016875;0.108630952380952383595769106250;0.187202380952380953438307642500
-0.012403100775193798277484802384;0.052325581395348839952585962010;0.089922480620155037511764817282;0.427131782945736448997564593810;0.028682170542635658516683605512;0.036821705426356592105729959030;0.016666666666666666435370203203;0.017441860465116278827713003352;0.069379844961240305645233661380;0.068992248062015509857403117167;0.067829457364341080860548061082;0.112403100775193803828599925509
-0.013513513513513514263664205828;0.034234234234234231508686718826;0.068468468468468463017373437651;0.640090090090090102492581536353;0.022072072072072072140835885534;0.029729729729729731380061252821;0.016216216216216217116397046993;0.024774774774774774993568726700;0.025225225225225224312541882909;0.044594594594594597070091879232;0.044144144144144144281671771068;0.036936936936936934361419559991
-0.026126126126126126419935147283;0.027927927927927927165274724075;0.058558558558558557183282289316;0.633333333333333303727386009996;0.026576576576576575738908303492;0.024774774774774774993568726700;0.010810810810810811410931364662;0.018468468468468467180709779996;0.045945945945945948496458299815;0.047297297297297299922824720397;0.042792792792792792855305350486;0.037387387387387387149839668155
-0.028030303030303030387138107926;0.067424242424242428195491072529;0.198484848484848486194209726818;0.100000000000000005551115123126;0.026893939393939393645016622258;0.037878787878787879839226349077;0.040909090909090908838585676222;0.097727272727272732066872151790;0.085227272727272720964641905539;0.137878787878787878451447568295;0.094696969696969696128618920739;0.084848484848484853615424583495
-0.032485875706214688285466962725;0.076271186440677971041246507866;0.109039548022598867249577381244;0.314971751412429390448721733264;0.043220338983050846093370012113;0.061864406779661020030491869193;0.062429378531073449754007498314;0.049717514124293787913799747002;0.056779661016949152518851207105;0.065536723163841806294449554571;0.068644067796610169773785514735;0.059039548022598871412913723589
-0.016969696969696971416974307090;0.124545454545454542527593844170;0.122121212121212116552548820891;0.002121212121212121427121788386;0.070000000000000006661338147751;0.110909090909090915499923823972;0.073333333333333333703407674875;0.033636363636363637852344510293;0.100000000000000005551115123126;0.051515151515151513805790273182;0.077575757575757575690289513659;0.217272727272727284031361705274
-0.009313725490196078302118642966;0.113235294117647058986797503621;0.111764705882352946564317619504;0.000000000000000000000000000000;0.072058823529411758501694862389;0.099019607843137250058340725900;0.031862745098039213509366618382;0.013235294117647058639852808426;0.128431372549019595652453062939;0.055882352941176473282158809752;0.081372549019607845477430885239;0.283823529411764696739339797205
-0.022435897435897435986396075691;0.092628205128205132190544190962;0.140384615384615385469402326635;0.000000000000000000000000000000;0.105128205128205129414986629399;0.083653846153846148081534295216;0.043269230769230768163247091707;0.038461538461538463673505816587;0.120512820512820514884388956034;0.052243589743589745333363083546;0.086858974358974355700624414567;0.214423076923076910693666263796
-0.012403100775193798277484802384;0.071705426356589149761155965734;0.080620155038759688803651215494;0.307364341085271330911155018839;0.091860465116279071962068769608;0.053875968992248064737271562308;0.033333333333333332870740406406;0.009689922480620154904285001862;0.084496124031007757704259120146;0.044186046511627906363539608492;0.043798449612403103636815160371;0.166666666666666657414808128124
-0.097008547008547010848111824544;0.057264957264957262739191179435;0.052136752136752138875319673161;0.498717948717948722503479075385;0.037606837606837605070264629603;0.035897435897435894802676159543;0.030769230769230770938804653269;0.011538461538461539102051744976;0.044444444444444446140618509844;0.035042735042735043138328876466;0.036324786324786327573743704988;0.063247863247863245206303872692
-0.040780141843971634552090677062;0.133333333333333331482961625625;0.115248226950354609732229960173;0.010992907801418439969753926277;0.068085106382978724526289227015;0.095035460992907799804285673417;0.039361702127659575767282262859;0.040780141843971634552090677062;0.100354609929078020247317226676;0.093262411347517726323275155664;0.114184397163120565643623649521;0.148581560283687935664076462672
-0.001851851851851851922525771243;0.214351851851851848973495862083;0.068981481481481476958350640416;0.000462962962962962980631442811;0.074999999999999997224442438437;0.147685185185185197109802857085;0.023611111111111110494320541875;0.003703703703703703845051542487;0.074074074074074069962136945833;0.057407407407407406996213694583;0.125925925925925913384517684790;0.206944444444444430875051921248
-0.000438596491228070183617665512;0.296929824561403488125677085918;0.146052631578947378354627062436;0.000000000000000000000000000000;0.042543859649122807431442794268;0.068859649122807023435832718405;0.066228070175438594202610431694;0.025438596491228069457202209946;0.037719298245614034381656409778;0.027192982456140352143236782467;0.076315789473684211841053581793;0.212280701754385958679449686315
-0.021333333333333332620940225866;0.187666666666666676066554941826;0.074333333333333334591586094575;0.000000000000000000000000000000;0.070333333333333331038872415775;0.165000000000000007771561172376;0.018666666666666668211727042603;0.019666666666666665630458510350;0.082666666666666666074547720200;0.047666666666666669682772550232;0.125666666666666676510644151676;0.186999999999999999555910790150
-0.009090909090909090467524933388;0.199621212121212115997437308579;0.095075757575757577355624050597;0.000378787878787878787550241766;0.070833333333333331482961625625;0.114772727272727276259800532898;0.056060606060606060774276215852;0.028787878787878789371701415689;0.077651515151515151935690539631;0.043560606060606063549833777415;0.109090909090909085610299200653;0.195075757575757569028951365908
-0.004700854700854700633783078700;0.158547008547008538847933323268;0.066666666666666665741480812812;0.127350427350427342076955028460;0.069658119658119660444484111395;0.126923076923076916244781386922;0.024786324786324785002245008059;0.029059829059829060671216183209;0.069230769230769234612310469856;0.052564102564102564707493314700;0.094444444444444441977282167500;0.176068376068376081233779473223
-0.043981481481481482509465763542;0.066666666666666665741480812812;0.055092592592592595779343866980;0.402777777777777790113589162502;0.053240740740740741254732881771;0.065740740740740738479175320208;0.021759259259259259439156508620;0.017129629629629630066522949505;0.087962962962962965018931527084;0.060648148148148145475389014791;0.061574074074074072737694507396;0.063425925925925927262305492604
-0.007371794871794871625847456187;0.074999999999999997224442438437;0.067628205128205123863871506273;0.458653846153846134203746487401;0.028205128205128205537421948179;0.056089743589743591700713665205;0.035897435897435894802676159543;0.019551282051282051210883139447;0.059294871794871792380909880649;0.035576923076923075428545928389;0.056410256410256411074843896358;0.100320512820512824925245354279
-0.013063063063063063209967573641;0.177927927927927914675265697042;0.128378378378378371627022147550;0.002702702702702702852732841166;0.045495495495495495708038191651;0.115765765765765762940198158049;0.055855855855855854330549448150;0.017567567567567568542763467576;0.081081081081081085581985234967;0.064864864864864868465588187973;0.090540540540540545566550179046;0.206756756756756754356274541351
-0.008181818181818182461606525635;0.171212121212121204383294070794;0.108484848484848489524878800694;0.002121212121212121427121788386;0.055454545454545457749961911986;0.126060606060606067435614363603;0.066666666666666665741480812812;0.029090909090909090883858567622;0.100000000000000005551115123126;0.042424242424242426807712291748;0.105454545454545453586625569642;0.184848484848484845288751898806
-0.002777777777777777883788656865;0.170277777777777777901135891625;0.131666666666666654084139054248;0.000000000000000000000000000000;0.091944444444444439756836118249;0.078611111111111117710770201938;0.085555555555555551361379684749;0.043611111111111114380101128063;0.071111111111111111049432054187;0.032222222222222221543752596062;0.052777777777777777623580135469;0.239444444444444431985274945873
-0.001307189542483660040297910321;0.255555555555555535818257339997;0.156209150326797385766042225441;0.000653594771241830020148955160;0.038235294117647061762355065184;0.078431372549019606754683309191;0.118300653594771237875349356727;0.023202614379084968154742796287;0.045751633986928101627267295726;0.036928104575163399336812375395;0.071568627450980387694201567683;0.173856209150326790346952066102
-0.009583333333333332593184650250;0.175833333333333341474968847251;0.266249999999999986677323704498;0.002500000000000000052041704279;0.020416666666666666296592325125;0.037083333333333336201409480282;0.104999999999999996114219413812;0.059166666666666666019036568969;0.042500000000000003053113317719;0.067083333333333328152292551749;0.088749999999999995559107901499;0.125833333333333324821623477874
-0.021726190476190475331375040469;0.104761904761904764415980650938;0.183630952380952394697999352502;0.001190476190476190583578119941;0.075297619047619043786134795937;0.068750000000000005551115123126;0.038392857142857145236192195625;0.030357142857142856845475975547;0.097023809523809526056403740313;0.088392857142857148011749757188;0.089285714285714287696826829688;0.201190476190476197348999676251
-0.018611111111111109522875395328;0.151666666666666671847707448251;0.096944444444444444197728216750;0.000000000000000000000000000000;0.130833333333333329262515576374;0.085833333333333330927850113312;0.040277777777777780399137697032;0.011944444444444445030395485219;0.125277777777777765688682620748;0.050555555555555554969604514781;0.053055555555555557190050564031;0.234999999999999986677323704498
-0.015384615384615385469402326635;0.100961538461538463673505816587;0.051923076923076925959232852392;0.000000000000000000000000000000;0.135576923076923067101873243701;0.142628205128205121088313944711;0.030448717948717948095227470162;0.026923076923076924571454071611;0.182051282051282042884210454758;0.039423076923076921795896510048;0.062500000000000000000000000000;0.212179487179487175074754645721
-0.010000000000000000208166817117;0.117777777777777772905132280812;0.050370370370370370904922197042;0.000000000000000000000000000000;0.119259259259259259300378630542;0.155185185185185176015565389207;0.020740740740740740144509857146;0.013703703703703704053218359604;0.154444444444444439756836118249;0.041111111111111112159655078813;0.078518518518518515270088187208;0.238888888888888900607909704377
-0.001893939393939393991961317454;0.211363636363636364645657295114;0.088636363636363638129900266449;0.000000000000000000000000000000;0.050000000000000002775557561563;0.117803030303030298320265956136;0.057196969696969697516397701520;0.031060606060606059386497435071;0.078787878787878781738918121391;0.044696969696969700291955263083;0.099621212121212124324109993267;0.218939393939393933674608661022
-0.014625850340136054006379140446;0.133333333333333331482961625625;0.149659863945578230914890127679;0.002721088435374149471640548015;0.055442176870748302586200395581;0.145238095238095249461807156877;0.058503401360544216025516561785;0.055782312925170066120195144777;0.088435374149659864984052148884;0.069387755102040815646802229821;0.115986394557823127571261068169;0.110884353741496605172400791162
-0.032520325203252035961565269417;0.091869918699186994826000329795;0.218292682926829267886503771479;0.003658536585365853872203745212;0.060569105691056911167091669768;0.048780487804878050472900952172;0.103658536585365848581297143483;0.102845528455284551672122006494;0.072764227642276427254763859764;0.068699186991869914953312559192;0.075609756097560973375770743132;0.120731707317073166940701867134
-0.017083333333333332315628894094;0.137083333333333334813630699500;0.237499999999999988897769753748;0.001666666666666666773641281019;0.030416666666666668239482618219;0.041250000000000001942890293094;0.146249999999999991118215802999;0.080833333333333326486958014812;0.046249999999999999444888487687;0.062500000000000000000000000000;0.100833333333333330372738601000;0.098333333333333328152292551749
-0.005208333333333333044212754004;0.123611111111111116045435665001;0.176041666666666679619268620627;0.028125000000000000693889390391;0.034722222222222223764198645313;0.076736111111111116045435665001;0.152430555555555569124948078752;0.094097222222222220988641083750;0.059027777777777776235801354687;0.049305555555555553859381490156;0.092708333333333337034076748751;0.107986111111111116045435665001
-0.019444444444444444752839729063;0.096111111111111105498316931062;0.096666666666666664631257788187;0.000000000000000000000000000000;0.126111111111111118265881714251;0.082222222222222224319310157625;0.034722222222222223764198645313;0.025833333333333333148296162562;0.151111111111111112714766591125;0.056111111111111111604543566500;0.073888888888888892836348532001;0.237777777777777782342027990126
-0.052173913043478258033669447968;0.045289855072463768015378349219;0.097826086956521743354109332813;0.234420289855072461193685740000;0.063043478260869562079804495625;0.060869565217391306821692609219;0.018115942028985507900040730078;0.074999999999999997224442438437;0.128985507246376807088950044999;0.063405797101449279384866031251;0.052536231884057968399837079687;0.108333333333333337034076748751
-0.107692307692307698285816286443;0.072222222222222215437525960624;0.134188034188034183147308908701;0.291452991452991472254296922983;0.013675213675213675201813856575;0.032051282051282048435325577884;0.039316239316239315337853099663;0.040598290598290599773267928185;0.064957264957264962412786246659;0.063247863247863245206303872692;0.059829059829059831610020836479;0.080769230769230773714362214832
-0.008333333333333333217685101602;0.149603174603174599033295066874;0.181349206349206343302782329374;0.002777777777777777883788656865;0.061507936507936504522131571093;0.082936507936507933291814254062;0.040476190476190478106932602032;0.056349206349206350241676233281;0.087301587301587296741089971874;0.065476190476190479494711382813;0.092460317460317464899333117501;0.171428571428571430157461463750
-0.033000000000000001554312234475;0.193333333333333329262515576374;0.132666666666666654972317473948;0.062666666666666662188767134012;0.060333333333333336034876026588;0.062666666666666662188767134012;0.073666666666666671958729750713;0.014333333333333333342585191872;0.073333333333333333703407674875;0.034333333333333333758918826106;0.072666666666666671070551331013;0.186999999999999999555910790150
-0.005303030303030303350964036468;0.205681818181818187873943770683;0.136742424242424248648219986535;0.000378787878787878787550241766;0.049242424242424240321547301846;0.092045454545454541417370819545;0.073106060606060604967204596960;0.024242424242424242403215473018;0.078030303030303033162695669489;0.037121212121212124324109993267;0.109090909090909085610299200653;0.189015151515151524908020519433
-0.014166666666666665949647629930;0.111111111111111104943205418749;0.038611111111111109939209029562;0.005555555555555555767577313730;0.071388888888888890615902482750;0.285555555555555562463609931001;0.011666666666666667198648532633;0.003888888888888888777095598215;0.107777777777777777901135891625;0.032222222222222221543752596062;0.140277777777777779011358916250;0.177777777777777784562474039376
-0.000340136054421768683955068502;0.226190476190476191797884553125;0.160544217687074830536175795714;0.000000000000000000000000000000;0.031632653061224487445191044799;0.139795918367346949651164322859;0.118707482993197277476582485178;0.014625850340136054006379140446;0.030612244897959182965418989397;0.026190476190476191103995162734;0.097278911564625855645793706117;0.154081632653061212367973098480
-0.007222222222222221890697291258;0.187222222222222234311317379252;0.182499999999999995559107901499;0.002500000000000000052041704279;0.077499999999999999444888487687;0.041666666666666664353702032031;0.126944444444444443087505192125;0.049444444444444443642616704437;0.070833333333333331482961625625;0.046111111111111109661653273406;0.052777777777777777623580135469;0.155277777777777764578459596123
-0.012121212121212121201607736509;0.117424242424242430971048634092;0.185606060606060607742762158523;0.011363636363636363951767904723;0.037878787878787879839226349077;0.058712121212121215485524317046;0.097727272727272732066872151790;0.078787878787878781738918121391;0.070454545454545450255956495766;0.084090909090909091161414323778;0.104166666666666671292595935938;0.141666666666666662965923251249
-0.079166666666666662965923251249;0.098958333333333328707404064062;0.234375000000000000000000000000;0.000694444444444444470947164216;0.035416666666666665741480812812;0.040972222222222222376419864531;0.092361111111111116045435665001;0.088194444444444450303954852188;0.057291666666666664353702032031;0.060763888888888888117900677344;0.082638888888888886730121896562;0.129166666666666679619268620627
-0.004970760233918129072927527545;0.159649122807017540548457645855;0.157017543859649111315235359143;0.000000000000000000000000000000;0.083333333333333328707404064062;0.066959064327485384726657002830;0.096491228070175433240152074177;0.083333333333333328707404064062;0.083333333333333328707404064062;0.042982456140350878970313175387;0.073684210526315782607831295081;0.148245614035087708293403352400
-0.050793650793650793606737181562;0.159523809523809512178615932498;0.099206349206349200842147695312;0.001984126984126984016842953906;0.090476190476190473943596259687;0.073412698412698415562083198438;0.048412698412698414174304417656;0.026984126984126985404621734688;0.105952380952380950662750080937;0.062698412698412697707794905000;0.085317460317460319663140921875;0.195238095238095238359576910625
-0.003658536585365853872203745212;0.208943089430894318736520176572;0.147560975609756089843571658093;0.000000000000000000000000000000;0.029674796747967479432217530189;0.080894308943089424102090845281;0.059349593495934958864435060377;0.036991869918699189778710234577;0.054878048780487805047290095217;0.070731707317073164165144305571;0.117073170731707323910519846777;0.190243902439024392680977371128
-0.031666666666666669349705642844;0.228333333333333332593184650250;0.148333333333333344805637921127;0.001666666666666666773641281019;0.040000000000000000832667268469;0.080416666666666664076146275875;0.097916666666666665741480812812;0.059583333333333335368742211813;0.046666666666666668794594130532;0.047083333333333331205405869468;0.087083333333333332038073137937;0.131250000000000005551115123126
-0.089837398373983745614168583415;0.117479674796747965426213511364;0.130487804878048785361954742257;0.039837398373983742838611021853;0.040650406504065039747786158841;0.050813008130081299684732698552;0.076016260162601628769252215534;0.093089430894308947128656939185;0.088211382113821137918030501623;0.113414634146341467002550018606;0.081300813008130079495572317683;0.078861788617886174890259098902
-0.014492753623188405973087888867;0.123913043478260875840391008751;0.123188405797101455108055745313;0.011956521739130435144637942813;0.073188405797101452332498183750;0.152173913043478270523678475001;0.043478260869565216184540190625;0.035507246376811595067746196719;0.086231884057971011636745117812;0.063405797101449279384866031251;0.124275362318840579267664736562;0.148188405797101435679152814373
-0.006439393939393939225723784148;0.205681818181818187873943770683;0.048863636363636366033436075895;0.025378787878787879145336958686;0.034848484848484850839867021932;0.230681818181818182322828647557;0.031060606060606059386497435071;0.004166666666666666608842550801;0.050000000000000002775557561563;0.040151515151515153323469320412;0.155681818181818171220598401305;0.167045454545454552519601065796
-0.011695906432748537362442675658;0.195029239766081857743174055031;0.094736842105263160962458357517;0.000877192982456140367235331023;0.045614035087719301264641558191;0.169298245614035086648030414835;0.024269005847953217802626113553;0.013157894736842104532748010115;0.078947368421052627196488060690;0.061988304093567252184282523331;0.135672514619883027853219914505;0.168713450292397648677678034801
-0.015789473684210526827076392919;0.088157894736842101757190448552;0.234210526315789480111817510988;0.007894736842105263413538196460;0.023245614035087718701744208261;0.042543859649122807431442794268;0.035964912280701755165068789211;0.092105263157894731729236070805;0.088157894736842101757190448552;0.133333333333333331482961625625;0.110526315789473680850640846529;0.128070175438596500772092667830
-0.035333333333333334647097245806;0.120666666666666672069752053176;0.218666666666666675844510336901;0.008666666666666666268836749509;0.043999999999999997446487043362;0.046666666666666668794594130532;0.032000000000000000666133814775;0.092666666666666661078544109387;0.085333333333333330483760903462;0.106333333333333335257719909350;0.078333333333333338144299773376;0.131333333333333329706604786224
-0.003431372549019607795517394777;0.274509803921568651396967197797;0.121078431372549019662265834540;0.001960784313725490168867082730;0.060784313725490195234879564623;0.078431372549019606754683309191;0.059313725490196075873505776599;0.014215686274509803724286349791;0.065686274509803924126494223401;0.056372549019607844089652104458;0.071078431372549016886708272978;0.193137254901960792041748504744
-0.011111111111111111535154627461;0.257222222222222240972655527003;0.125000000000000000000000000000;0.001111111111111111110147375847;0.037222222222222219045750790656;0.089999999999999996669330926125;0.043333333333333334813630699500;0.022222222222222223070309254922;0.066111111111111106608539955687;0.058333333333333334258519187188;0.103333333333333332593184650250;0.184999999999999997779553950750
-0.004597701149425287292515918125;0.227873563218390806639490620000;0.169252873563218386721018759999;0.000574712643678160911564489766;0.044252873563218393659912663907;0.077011494252873569088535532501;0.111206896551724138122452245625;0.040517241379310342530573052500;0.047413793103448273469346929687;0.044252873563218393659912663907;0.077298850574712640870700397500;0.155747126436781596625635870623
-0.009139784946236559348697880978;0.181182795698924731242485108851;0.152150537634408611342706763025;0.000537634408602150537168085087;0.060215053763440863632272481709;0.089247311827956990470944731442;0.077419354838709680821651204496;0.048387096774193547044085050857;0.066666666666666665741480812812;0.051612903225806451568136168362;0.077956989247311828106212772127;0.185483870967741937274553265524
-0.005263157894736841986571551644;0.174853801169590650221863370462;0.211403508771929815601708924078;0.000000000000000000000000000000;0.036549707602339179257633361431;0.056725146198830407595625757722;0.106725146198830403432289415377;0.026900584795321636627507544404;0.065789473684210522663740050575;0.049122807017543859697816799326;0.095321637426900585055022929737;0.171345029239766077910900321513
-0.010638297872340425273551822727;0.165957446808510628022403921022;0.172695035460992907250243888484;0.000354609929078014208311125932;0.060638297872340422844938956359;0.083333333333333328707404064062;0.086879432624113475669425099568;0.036170212765957443501463330904;0.085815602836879431580818788916;0.045390070921985818663824119312;0.091489361702127652842264637911;0.160638297872340435334947983392
-0.006250000000000000346944695195;0.193750000000000005551115123126;0.154999999999999998889776975375;0.000000000000000000000000000000;0.035416666666666665741480812812;0.087083333333333332038073137937;0.068750000000000005551115123126;0.025000000000000001387778780781;0.067500000000000004440892098501;0.075833333333333335923853724125;0.098333333333333328152292551749;0.187083333333333323711400453249
-0.011949685534591195784637207566;0.221698113207547176095602026180;0.188050314465408818787039990639;0.016352201257861635058654670161;0.026100628930817611206283146430;0.061635220125786163714032284133;0.073899371069182387405938072789;0.059748427672955975453739085879;0.049685534591194971398842028520;0.066037735849056602988049746727;0.091823899371069175878723456208;0.133018867924528300106246092582
-0.024583333333333332038073137937;0.149166666666666669627261399000;0.147499999999999992228438827624;0.016666666666666666435370203203;0.050416666666666665186369300500;0.081250000000000002775557561563;0.075416666666666673513041985188;0.085000000000000006106226635438;0.079583333333333339254522798001;0.080416666666666664076146275875;0.068333333333333329262515576374;0.141666666666666662965923251249
-0.012195121951219512618225238043;0.233739837398373978549770413338;0.159756097560975612870137751997;0.004065040650406504495195658677;0.026829268292682926372316742913;0.062195121951219511924335847652;0.104878048780487800883953752873;0.071138211382113819558625777972;0.033333333333333332870740406406;0.059349593495934958864435060377;0.081300813008130079495572317683;0.151219512195121946751541486265
-0.033333333333333332870740406406;0.130681818181818176771713524431;0.141287878787878795616705929206;0.006060606060606060600803868255;0.038257575757575754127337575028;0.096969696969696969612861892074;0.031439393939393940613502564929;0.032954545454545451643735276548;0.107575757575757574580066489034;0.099621212121212124324109993267;0.116287878787878787290033244517;0.165530303030303027611580546363
-0.012333333333333333300951828448;0.228333333333333332593184650250;0.113333333333333327597181039437;0.005333333333333333155235056466;0.033333333333333332870740406406;0.088333333333333333148296162562;0.034666666666666665075346998037;0.019666666666666665630458510350;0.061666666666666668239482618219;0.074333333333333334591586094575;0.094333333333333338477366680763;0.234333333333333337922255168451
-0.091666666666666660190365689687;0.036607142857142858927144146719;0.187500000000000000000000000000;0.036607142857142858927144146719;0.022321428571428571924206707422;0.022619047619047618485899064922;0.011011904761904762681257174961;0.100297619047619052112807480626;0.130357142857142865866038050626;0.186904761904761906876615285000;0.093154761904761906876615285000;0.080952380952380956213865204063
-0.036257309941520467211351075321;0.081871345029239761537098729605;0.138888888888888895056794581251;0.004093567251461988597271979273;0.067836257309941513926609957252;0.071929824561403510330137578421;0.029532163742690058921835927208;0.044152046783625734094336223734;0.133333333333333331482961625625;0.092105263157894731729236070805;0.106432748538011698324901033175;0.193567251461988304450656528388
-0.107986111111111116045435665001;0.042013888888888892281237019688;0.045138888888888888117900677344;0.457291666666666651863693004998;0.046180555555555558022717832500;0.045138888888888888117900677344;0.011458333333333332523795711211;0.006944444444444444058950338672;0.073958333333333334258519187188;0.030902777777777779011358916250;0.043055555555555555247160270937;0.089930555555555555247160270937
-0.043798449612403103636815160371;0.052325581395348839952585962010;0.043023255813953491244472360222;0.322093023255813959426774317762;0.092635658914728677415517665850;0.044961240310077518755882408641;0.009302325581395348708113601788;0.008527131782945736315770801639;0.150775193798449613780121580930;0.055426356589147289521957162606;0.033333333333333332870740406406;0.143798449612403095310142475682
-0.063750000000000001110223024625;0.114166666666666666296592325125;0.094583333333333338699411285688;0.003333333333333333547282562037;0.112500000000000002775557561563;0.072916666666666671292595935938;0.037083333333333336201409480282;0.015416666666666667059870654555;0.147083333333333343695414896501;0.049583333333333333425851918719;0.056666666666666663798590519718;0.232916666666666660745477201999
-0.045185185185185182399347780802;0.081111111111111106053428443374;0.148888888888888876183003162623;0.006296296296296296363115274630;0.064814814814814811216869827604;0.072592592592592597444678403917;0.039259259259259257635044093604;0.069259259259259256524821068979;0.097777777777777782897139502438;0.112962962962962959467816403958;0.091481481481481483064577275854;0.170370370370370366464030098541
-0.025185185185185185452461098521;0.071851851851851847308161325145;0.107407407407407409771771256146;0.004814814814814815172039352831;0.071111111111111111049432054187;0.133703703703703713490114068918;0.024814814814814813853649511088;0.061111111111111109106541761093;0.126296296296296295391670128083;0.064444444444444443087505192125;0.126296296296296295391670128083;0.182962962962962966129154551709
-0.025961538461538462979616426196;0.114102564102564099646208717331;0.081410256410256412462622677140;0.189102564102564096870651155768;0.038782051282051283047636047741;0.123397435897435903129348844232;0.034935897435897436680285466082;0.023717948717948716952363952259;0.086217948717948716952363952259;0.055448717948717946013559298990;0.083974358974358967455664526369;0.142948717948717940462444175864
-0.035714285714285712303173170312;0.085714285714285715078730731875;0.046190476190476191520328796969;0.264285714285714290472384391251;0.046666666666666668794594130532;0.122857142857142859204699902875;0.015238095238095238082021154469;0.034285714285714287419271073531;0.084761904761904760530200064750;0.046666666666666668794594130532;0.073809523809523810977673008438;0.143809523809523803761223348374
-0.023899371069182391569274415133;0.152830188679245276839324674256;0.077044025157232701173093403213;0.008805031446540880282758401165;0.106289308176100633085425783975;0.095597484276729566277097660532;0.035849056603773583884464670746;0.022955974842767293969680864052;0.146226415094339617928298480365;0.084276729559748422837550663189;0.061006289308176100960601218048;0.185220125786163508641024577628
-0.069166666666666667961926862063;0.072916666666666671292595935938;0.132916666666666655194362078873;0.010833333333333333703407674875;0.061666666666666668239482618219;0.067916666666666666851703837438;0.052083333333333335646297967969;0.066250000000000003330669073875;0.130000000000000004440892098501;0.093333333333333337589188261063;0.108749999999999999444888487687;0.134166666666666656304585103499
-0.016959064327485378481652489313;0.160526315789473683626198408092;0.137719298245614046871665436811;0.034502923976608187994763454753;0.061111111111111109106541761093;0.079532163742690065166840440725;0.047660818713450292527511464868;0.035964912280701755165068789211;0.080701754385964913351969585165;0.060233918128654972967694902763;0.079824561403508770274228822927;0.205263157894736841813099204046
-0.052614379084967320687749037234;0.119281045751633993368123753953;0.129411764705882365023015267980;0.102941176470588230396074891360;0.021568627450980391857537910028;0.051960784313725492944424644293;0.033006535947712418999078209936;0.098039215686274508443354136489;0.079084967320261434498007702132;0.100980392156862747166101712537;0.102614379084967316524412694889;0.108496732026143793969907846986
-0.041194968553459117288628732467;0.062264150943396226467463350218;0.155345911949685527853048938596;0.016037735849056603681939137118;0.047169811320754720385117764181;0.055660377358490567556437156327;0.036163522012578615261180203788;0.066666666666666665741480812812;0.143081761006289304161143149940;0.118553459119496856777331572630;0.109748427672955978229296647442;0.148113207547169806188591678620
-0.060909090909090905785472358502;0.069090909090909091716525836091;0.167575757575757572359620439784;0.007878787878787879214725897725;0.035151515151515148882577221912;0.055151515151515152768357808100;0.043030303030303029832026595614;0.095757575757575763564233284342;0.120909090909090910503920213159;0.114848484848484852505201558870;0.113939393939393937560389247210;0.115757575757575753572226062715
-0.034583333333333333980963431031;0.169583333333333335923853724125;0.170416666666666660745477201999;0.005000000000000000104083408559;0.029166666666666667129259593594;0.065000000000000002220446049250;0.098333333333333328152292551749;0.045833333333333330095182844843;0.085416666666666668517038374375;0.082916666666666666296592325125;0.080000000000000001665334536938;0.133750000000000007771561172376
-0.025000000000000001387778780781;0.203888888888888897277240630501;0.171666666666666661855700226624;0.000000000000000000000000000000;0.029444444444444443226283070203;0.063333333333333338699411285688;0.167222222222222216547748985249;0.036111111111111107718762980312;0.049444444444444443642616704437;0.041666666666666664353702032031;0.068888888888888888395456433500;0.143333333333333340364745822626
-0.061949685534591195090747817176;0.092138364779874207255438989250;0.135849056603773582496685889964;0.031761006289308175987162741194;0.071069182389937105015498275407;0.097169811320754723160675325744;0.060062893081761006830454618921;0.047798742138364783138548830266;0.108805031446540884099150048314;0.052830188679245285165997358945;0.096540880503144660407244259659;0.144025157232704398291289749068
-0.000813008130081300812302957937;0.130487804878048785361954742257;0.086585365853658530221892419831;0.000000000000000000000000000000;0.105284552845528456277435225275;0.134552845528455283785618235015;0.080487804878048782586397180694;0.035365853658536582082572152785;0.132520325203252020695998680822;0.035365853658536582082572152785;0.063414634146341464226992457043;0.195121951219512201891603808690
-0.027469135802469134971515174470;0.148765432098765443269527963821;0.115123456790123451787266617430;0.000000000000000000000000000000;0.091358024691358022395526461423;0.087654320987654327224092298820;0.042592592592592591616007524635;0.013580246913580246853614497127;0.145370370370370372015145221667;0.064506172839506173422030599340;0.070061728395061723118075747152;0.193518518518518506388303990207
-0.041496598639455782586704657433;0.148979591836734703846900629287;0.161904761904761912427730408126;0.000340136054421768683955068502;0.052380952380952382207990325469;0.066666666666666665741480812812;0.047278911564625852870236144554;0.025850340136054420631106509632;0.107482993197278914321302067947;0.063265306122448974890382089598;0.099319727891156464605337816920;0.185034013605442165806280740981
-0.004471544715447154684506703148;0.236585365853658524670777296706;0.175203252032520323533404393856;0.000000000000000000000000000000;0.040243902439024391293198590347;0.071951219512195116467800914961;0.071138211382113819558625777972;0.013008130081300812996847326986;0.049593495934959347382076089161;0.043902439024390241262274514611;0.078455284552845533374565434315;0.215447154471544721765496888111
-0.023333333333333334397297065266;0.219166666666666676288599546751;0.170416666666666660745477201999;0.005000000000000000104083408559;0.033333333333333332870740406406;0.062083333333333330650294357156;0.081666666666666665186369300500;0.043749999999999997224442438437;0.062083333333333330650294357156;0.055833333333333332038073137937;0.075833333333333335923853724125;0.167500000000000009992007221626
-0.047701149425287359129299602500;0.074712643678160925442277573438;0.131609195402298845278821204374;0.024712643678160919197273059922;0.055172413793103447510191017500;0.080747126436781613278981240001;0.019540229885057470993192652031;0.089942528735632187864013076251;0.126149425287356314884235075624;0.110344827586206895020382035000;0.093390804597701146394506110937;0.145977011494252878476274304376
-0.056209150326797387153821006223;0.051307189542483658262206347445;0.186601307189542486852928959706;0.012745098039215686097636037744;0.022549019607843136941971451392;0.058169934640522877322688088952;0.023529411764705882026404992757;0.068300653594771235099791795164;0.150653594771241822192209269815;0.134313725490196073097948215036;0.097712418300653594571691940018;0.137908496732026153441807991840
-0.058181818181818181767717135244;0.060606060606060607742762158523;0.107878787878787879561670592921;0.000606060606060606060080386825;0.056969696969696968780194623605;0.064545454545454544748039893420;0.011818181818181817954727108599;0.013636363636363635701287400082;0.226969696969696960175966182760;0.118181818181818179547271085994;0.092727272727272727625980053290;0.187878787878787867349217322044
-0.037575757575757574857622245190;0.104242424242424247537996961910;0.143333333333333340364745822626;0.000606060606060606060080386825;0.049090909090909087830745249903;0.063030303030303033717807181802;0.036363636363636361870099733551;0.020303030303030301928490786167;0.152121212121212129320113604081;0.088787878787878790620702318392;0.110303030303030305536715616199;0.194242424242424244207327888034
-0.030370370370370370488588562807;0.100740740740740741809844394083;0.160370370370370357582245901540;0.001851851851851851922525771243;0.050740740740740739034286832521;0.072222222222222215437525960624;0.040370370370370368962031903948;0.029259259259259259161600752464;0.140740740740740749581405566460;0.110000000000000000555111512313;0.089629629629629628539966290646;0.173703703703703693506099625665
-0.050396825396825398191147371563;0.105952380952380950662750080937;0.160317460317460330765371168127;0.002380952380952381167156239883;0.033730158730158728286330216406;0.065873015873015874910301192813;0.062301587301587302292205095000;0.034523809523809526056403740313;0.134126984126984122314141245624;0.085317460317460319663140921875;0.129761904761904772742653335627;0.135317460317460308560910675624
-0.048305084745762713605010674200;0.072316384180790962976637104020;0.098587570621468931242326050324;0.185593220338983039274793895856;0.074576271186440681870699620504;0.072598870056497177838394918581;0.022033898305084745339321727897;0.024011299435028249371626429820;0.136158192090395480100539771229;0.052259887005649714730726174139;0.073446327683615822423668362262;0.140112994350282488165149175074
-0.058169934640522877322688088952;0.089215686274509806152899216158;0.078431372549019606754683309191;0.198692810457516327860005844741;0.037254901960784313208474571866;0.062091503267973857660422254412;0.053921568627450983113291727022;0.059150326797385618937674678364;0.107516339869281052354921257574;0.081372549019607845477430885239;0.083660130718954242579066260532;0.090522875816993461639548002040
-0.146581196581196587791495744568;0.094871794871794867809455809038;0.117521367521367520181385657452;0.064529914529914536580612605121;0.018376068376068376702958673263;0.061111111111111109106541761093;0.046581196581196582240380621442;0.060256410256410257442194478017;0.110256410256410253278858135673;0.102991452991452986376330613894;0.092735042735042738648587601347;0.084188034188034194249539154953
-0.083680555555555549696045147812;0.056597222222222222376419864531;0.151736111111111099392090295623;0.028819444444444446140618509844;0.037847222222222219600862302968;0.048611111111111111882099322656;0.028125000000000000693889390391;0.055555555555555552471602709375;0.160069444444444430875051921248;0.160069444444444430875051921248;0.090972222222222218213083522187;0.097916666666666665741480812812
-0.060416666666666667129259593594;0.075694444444444439201724605937;0.135069444444444436426167044374;0.040277777777777780399137697032;0.049652777777777774848022573906;0.060763888888888888117900677344;0.051388888888888886730121896562;0.064930555555555560798275394063;0.133333333333333331482961625625;0.099305555555555549696045147812;0.090972222222222218213083522187;0.138194444444444453079512413751
-0.040058479532163744629702506472;0.105263157894736836261984080920;0.132456140350877188405220863388;0.031286549707602341607870499729;0.061403508771929821152824047203;0.076900584795321635933618154013;0.033625730994152044917022692516;0.069005847953216375989526909507;0.102923976608187139891725792040;0.104093567251461988076854936480;0.102046783625730996813985029803;0.140935672514619886319664487928
-0.031521739130434781039902247812;0.088043478260869570406477180313;0.197463768115942017722375112498;0.020652173913043476993767200156;0.049637681159420292409389929844;0.044202898550724636916875454062;0.068115942028985507206151339687;0.104710144927536233372400431563;0.079347826086956521618454019062;0.095652173913043481157103542500;0.084057971014492749439739327499;0.136594202898550731717364215001
-0.022727272727272727903535809446;0.107272727272727269598462385147;0.190303030303030307202050153137;0.002727272727272727487202175212;0.041515151515151511862899980088;0.053030303030303031774916888708;0.058484848484848486749321239131;0.034848484848484850839867021932;0.102121212121212126544556042518;0.113636363636363632578785143323;0.094848484848484848619420972682;0.178484848484848496186216948445
-0.037426900584795322335374123668;0.074269005847953220578183675116;0.154678362573099414944977070263;0.006140350877192982462227099916;0.044736842105263158186900795954;0.083040935672514623600015681859;0.038596491228070177459397172015;0.043567251461988303062877747607;0.120760233918128651042778187730;0.120175438596491226950213615510;0.113157894736842110083863133241;0.163450292397660817966809077006
-0.051086956521739133874060456719;0.080797101449275363083124545938;0.169565217391304340344149181874;0.006884057971014492620376312715;0.071014492753623190135492393438;0.056884057971014492793848660313;0.082608695652173907975068800624;0.068840579710144927938486603125;0.097463768115942026049047797187;0.084420289855072466744800863125;0.088768115942028991138812443751;0.141666666666666662965923251249
-0.025925925925925925180637321432;0.100617283950617281140793579652;0.154938271604938282433039375974;0.006172839506172839163511412153;0.063271604938271608364885878473;0.091666666666666660190365689687;0.096296296296296296501893152708;0.048456790123456792984679708525;0.103086419753086425132870829202;0.056172839506172841939068973716;0.084259259259259255969709556666;0.169135802469135815284673185488
-0.031862745098039213509366618382;0.111764705882352946564317619504;0.117647058823529410132024963787;0.000980392156862745084433541365;0.101960784313725488781088301948;0.073529411764705884801962554320;0.019607843137254901688670827298;0.017647058823529411519803744568;0.161764705882352949339875181067;0.080882352941176474669937590534;0.077941176470588235947190014485;0.204411764705882348369669898602
-0.026666666666666668378260496297;0.234074074074074073292806019708;0.096666666666666664631257788187;0.021111111111111111743321444578;0.071111111111111111049432054187;0.082962962962962960578039428583;0.047037037037037036923958766010;0.005555555555555555767577313730;0.111481481481481486950357862042;0.052222222222222225429533182250;0.044814814814814814269983145323;0.206296296296296283179216857206
-0.026851851851851852442942814037;0.058333333333333334258519187188;0.072839506172839504904992224965;0.208950617283950618174870328403;0.066358024691358027946641584549;0.094753086419753079772121395763;0.029012345679012344762393027509;0.021913580246913581806023074705;0.129938271604938260228578883471;0.082716049382716053117725607535;0.106790123456790120304304991805;0.101543209876543208403099072257
-0.024137931034482758285708570156;0.046551724137931037306170622969;0.064942528735632179537340391562;0.408620689655172397714011367498;0.025287356321839080108837549687;0.059770114942528734802706935625;0.031609195402298853605493889063;0.014942528735632183700676733906;0.092528735632183903292435900312;0.069540229885057466829856309687;0.109195402298850580136146959376;0.052873563218390803863933058437
-0.014529914529914530335608091605;0.127350427350427342076955028460;0.070512820512820512108831394471;0.000000000000000000000000000000;0.105128205128205129414986629399;0.131623931623931628154267059472;0.059401709401709398838953291033;0.018376068376068376702958673263;0.132051282051282053986440701010;0.048717948717948718340142733041;0.097863247863247862512459107620;0.194444444444444447528397290625
-0.012222222222222222862142437805;0.133055555555555565794279004876;0.112500000000000002775557561563;0.000277777777777777777536843962;0.096388888888888885064787359624;0.125833333333333324821623477874;0.080277777777777781231804965500;0.038055555555555557745162076344;0.092777777777777778456247403938;0.049166666666666664076146275875;0.099444444444444446418174266000;0.160000000000000003330669073875
-0.033703703703703701000105041885;0.082592592592592592448674793104;0.068888888888888888395456433500;0.265555555555555544700041536998;0.083703703703703696836768699541;0.075925925925925924486747931041;0.057037037037037038866849059104;0.039629629629629632703302632990;0.091481481481481483064577275854;0.060740740740740740977177125615;0.061851851851851852304164935958;0.078888888888888883399452822687
-0.015408805031446540928508071033;0.087735849056603767981421526656;0.058176100628930818570161420666;0.374528301886792425179351084807;0.051257861635220128282419693733;0.084276729559748422837550663189;0.029874213836477987726869542939;0.025786163522012579829567613388;0.058176100628930818570161420666;0.053773584905660379296143958072;0.067610062893081759871627411940;0.093396226415094332762301121420
-0.021111111111111111743321444578;0.110555555555555559688052369438;0.116944444444444448083508802938;0.021111111111111111743321444578;0.074722222222222217657972009874;0.099444444444444446418174266000;0.047222222222222220988641083750;0.041666666666666664353702032031;0.109166666666666661855700226624;0.086111111111111110494320541875;0.096666666666666664631257788187;0.175277777777777782342027990126
-0.035028248587570622041287293769;0.114406779661016949622975857892;0.087570621468926551633771282468;0.218926553672316392962216013984;0.058474576271186441689398094468;0.057344632768361582242366836226;0.035028248587570622041287293769;0.089830508474576270527833798951;0.065819209039548021156207369131;0.109887005649717511834850824926;0.060734463276836160583460610951;0.066949152542372880603238627373
-0.132246376811594207323352634376;0.053260869565217389132172343125;0.033695652173913043236908038125;0.477536231884057971175394641250;0.035869565217391305433913828438;0.036594202898550726166249091875;0.019202898550724638998543625235;0.031521739130434781039902247812;0.052173913043478258033669447968;0.034782608695652174335410933281;0.041304347826086953987534400312;0.051811594202898547667501816250
-0.002325581395348837177028400447;0.056201550387596901914299962755;0.039147286821705429282758359477;0.702713178294573692639346518263;0.016279069767441860239198803129;0.027131782945736433731998005214;0.025968992248062015143483804991;0.006976744186046511531085201341;0.026744186046511627535826605140;0.018217054263565891220055803501;0.029844961240310077105197805736;0.048449612403100777990871961265
-0.003623188405797101493271972217;0.131884057971014490018291098750;0.128260869565217400234402589376;0.119927536231884054873653155937;0.048913043478260871677054666407;0.082971014492753625280130336250;0.053260869565217389132172343125;0.041304347826086953987534400312;0.068115942028985507206151339687;0.077536231884057976726509764376;0.101449275362318847015785650001;0.142753623188405787125532242499
-0.017251461988304093997381727377;0.085964912280701757940626350774;0.092397660818713450714412260822;0.095906432748538009147587501957;0.071345029239766086237573006201;0.091520467836257307636671498585;0.040350877192982456675984792582;0.020760233918128655900003920465;0.115789473684210525439297612138;0.100584795321637429643679695346;0.140350877192982448349312107894;0.127777777777777767909128669999
-0.063836477987421383351041015430;0.097484276729559754537390858786;0.107232704402515727215572383102;0.005660377358490565648241332752;0.059748427672955975453739085879;0.083962264150943391460835130147;0.041823899371069180042059798552;0.043710691823899368302352996807;0.131132075471698111845952894328;0.096855345911949691783959792701;0.102515723270440256564839387465;0.166037735849056594661377062039
-0.076068376068376061804876542283;0.050854700854700854439904844639;0.097008547008547010848111824544;0.101709401709401708879809689279;0.128632478632478619573475953075;0.067948717948717943238001737427;0.049572649572649570004490016117;0.047435897435897433904727904519;0.137179487179487191728100015098;0.079914529914529908172227123941;0.079487179487179482340053482403;0.084188034188034194249539154953
-0.039716312056737590463484366410;0.052127659574468084013876278959;0.072340425531914887002926661808;0.252482269503546075117839109225;0.119858156028368800782857306331;0.040425531914893619855888573511;0.117021276595744683213240477926;0.047872340425531914598344940259;0.085460992907801416884616685365;0.056028368794326238733205514109;0.063120567375886518779459777306;0.053546099290780142798684693162
-0.045726495726495723637139434459;0.077350427350427353179185274712;0.059829059829059831610020836479;0.264529914529914533805055043558;0.077350427350427353179185274712;0.099572649572649565841153673773;0.026495726495726495269833478119;0.018803418803418802535132314802;0.089316239316239318113410661226;0.102136752136752134711983330817;0.094017094017094016145108525961;0.044871794871794871972792151382
-0.016666666666666666435370203203;0.053571428571428568454759755468;0.040873015873015873522522412031;0.264682539682539685887974201250;0.052380952380952382207990325469;0.174206349206349198066590133749;0.024206349206349207087152208828;0.011507936507936508685467913438;0.110317460317460314112025798750;0.076587301587301592764589486251;0.071031746031746029190756530625;0.103968253968253973584801030938
-0.019318181818181817677171352443;0.114772727272727276259800532898;0.089015151515151519356905396307;0.201136363636363640905457828012;0.050378787878787877063668787514;0.082196969696969698904176482301;0.046969696969696966837304330511;0.020075757575757576661734660206;0.102651515151515146384575416505;0.073484848484848486194209726818;0.093181818181818185098386209120;0.106818181818181812126056229317
-0.019883040935672516291710110181;0.107894736842105265495206367632;0.094444444444444441977282167500;0.130116959064327492034962574508;0.061695906432748540138000237221;0.080409356725146194366793395147;0.043859649122807015109160033717;0.020175438596491228337992396291;0.129824561403508759171998576676;0.090643274853801164558930736348;0.096198830409356728132763691974;0.124853801169590647446305808899
-0.018954248366013070475899482403;0.089869281045751633896223609099;0.068300653594771235099791795164;0.297385620915032677924472181985;0.049673202614379081965001461185;0.099673202614379091679452926655;0.028758169934640521320234896052;0.015032679738562091872888792921;0.069934640522875818335890585331;0.076470588235294123524710130368;0.092810457516339872618971185148;0.093137254901960786490633381618
-0.016049382716049383906797842769;0.079629629629629633535969901459;0.081481481481481488060580886668;0.280246913580246892472302988608;0.049074074074074075513252068959;0.081481481481481488060580886668;0.044135802469135801406885377673;0.046296296296296293726335591145;0.062037037037037036368847253698;0.104938271604938265779694006596;0.105864197530864193041999499201;0.048765432098765430779518936788
-0.020903954802259885892290469656;0.088135593220338981357286911589;0.072881355932203392700152733141;0.341525423728813559698380686314;0.045197740112994350125674714036;0.060734463276836160583460610951;0.045197740112994350125674714036;0.043502824858757060955127826674;0.065819209039548021156207369131;0.090960451977401129974865057193;0.075706214689265541317730878745;0.049435028248587573052041932442
-0.009039548022598870372079638003;0.110451977401129941558366454046;0.052542372881355929592483988699;0.398022598870056476538792367137;0.051129943502824862222588819805;0.068361581920903954912027700175;0.027401129943502824243273252591;0.013559322033898304690757719015;0.060451977401129945721702796391;0.078531073446327689935309024349;0.058474576271186441689398094468;0.072033898305084748114879289460
-0.008192090395480225786806194321;0.116101694915254238793522745254;0.052259887005649714730726174139;0.377966101694915235231775341163;0.052542372881355929592483988699;0.068926553672316384635543329296;0.025988700564971749934484179789;0.007627118644067796930652303189;0.068361581920903954912027700175;0.072598870056497177838394918581;0.065536723163841806294449554571;0.083898305084745758430919693183
-0.006589147286821705334913801266;0.099612403100775195885496771098;0.051550387596899227560243161861;0.448062015503875976651926293925;0.047674418604651165598529161116;0.055813953488372092248681610727;0.031782945736434108086054806108;0.003488372093023255765542600670;0.055038759689922479856338810578;0.072480620155038755214604861976;0.047674418604651165598529161116;0.080232558139534879138032863466
-0.022033898305084745339321727897;0.075706214689265541317730878745;0.050564971751412432499073190684;0.369774011299435045874162142354;0.046045197740112994710948157717;0.083898305084745758430919693183;0.024011299435028249371626429820;0.022598870056497175062837357018;0.071468926553672318391363660339;0.082485875706214684122130620381;0.084463276836158188154435322303;0.066949152542372880603238627373
-0.053703703703703704885885628073;0.066666666666666665741480812812;0.063425925925925927262305492604;0.345833333333333325931846502499;0.036111111111111107718762980312;0.056481481481481479733908201979;0.028240740740740739866954100989;0.040277777777777780399137697032;0.080092592592592590228228743854;0.106944444444444439201724605937;0.076851851851851851749053423646;0.045370370370370373402924002448
-0.030612244897959182965418989397;0.080272108843537415268087897857;0.070748299319727897538356842233;0.333333333333333314829616256247;0.061564625850340136403726631897;0.062585034013605447822392591206;0.031292517006802723911196295603;0.023809523809523808202115446875;0.079251700680272110788315842456;0.099319727891156464605337816920;0.068027210884353747633035425224;0.059183673469387756971293867991
-0.005882352941176470506601248189;0.085784313725490196622658345404;0.049509803921568625029170362950;0.308823529411764718943800289708;0.050000000000000002775557561563;0.147058823529411769603925108640;0.038235294117647061762355065184;0.006372549019607843048818018872;0.058823529411764705066012481893;0.058333333333333334258519187188;0.130392156862745106638001857391;0.060784313725490195234879564623
-0.045751633986928101627267295726;0.071241830065359473822539371213;0.053267973856209148431073430174;0.342483660130718958747308988677;0.057516339869281042640469792104;0.102614379084967316524412694889;0.041503267973856207417870933796;0.018300653594771242732575089462;0.072222222222222215437525960624;0.064705882352941182511507633990;0.066339869281045751869818616342;0.064052287581699340890395433235
-0.048022598870056498743252859640;0.081638418079096039536857176699;0.062429378531073449754007498314;0.318079096045197740050269885614;0.043220338983050846093370012113;0.080508474576271180089825918458;0.035593220338983051764802922889;0.068361581920903954912027700175;0.063559322033898302262144852648;0.063276836158192087400387038088;0.073446327683615822423668362262;0.061864406779661020030491869193
-0.053107344632768359315999617820;0.088418079096045196219044726149;0.077118644067796615626519951547;0.224858757062146891181342311938;0.066101694915254236017965183692;0.069774011299435029220816772977;0.038700564971751415244138883054;0.039548022598870059829412326735;0.092937853107344634007169759116;0.101694915254237294721662010488;0.070621468926553673806090216658;0.077118644067796615626519951547
-0.028248587570621468828546696272;0.083050847457627113845646249501;0.076836158192090400764762136987;0.328813559322033877041491223281;0.053389830508474574177757432381;0.057062146892655367380609021666;0.039265536723163844967654512175;0.025988700564971749934484179789;0.079378531073446334520582468031;0.095762711864406782624747904720;0.064689265536723161709176110890;0.067514124293785310326754256494
-0.029378531073446328275577954514;0.077966101694915260211793395229;0.076553672316384185903004322427;0.329378531073446334520582468031;0.053107344632768359315999617820;0.056214689265536722795335577985;0.036440677966101696350076366571;0.027118644067796609381515438031;0.080790960451977394951583733018;0.098587570621468931242326050324;0.063276836158192087400387038088;0.071186440677966103529605845779
-0.013611111111111110286153724758;0.130277777777777770129574719249;0.069166666666666667961926862063;0.184722222222222232090871330001;0.113611111111111107163651467999;0.078333333333333338144299773376;0.030277777777777778456247403938;0.008333333333333333217685101602;0.079166666666666662965923251249;0.041111111111111112159655078813;0.059722222222222225151977426094;0.191666666666666679619268620627
-0.029393939393939392396015719555;0.180606060606060603301870060022;0.110303030303030305536715616199;0.000000000000000000000000000000;0.069393939393939396698129939978;0.108787878787878794506482904580;0.068181818181818176771713524431;0.028484848484848484390097311802;0.074848484848484844733640386494;0.040303030303030305814271372356;0.076363636363636369641660905927;0.213333333333333347026083970377
-0.011006289308176099919767132462;0.158176100628930810243488735978;0.067610062893081759871627411940;0.000000000000000000000000000000;0.120125786163522013660909237842;0.113207547169811323373167510908;0.033647798742138364247455939449;0.016352201257861635058654670161;0.135220125786163519743254823879;0.049685534591194971398842028520;0.052201257861635222412566292860;0.242767295597484278335542740024
-0.017307692307692308653077617464;0.161217948717948728054594198511;0.056410256410256411074843896358;0.005769230769230769551025872488;0.102564102564102560544156972355;0.135897435897435886476003474854;0.027884615384615386163291717025;0.003205128205128205017004905386;0.111538461538461544653166868102;0.043589743589743587537377322860;0.079487179487179482340053482403;0.255128205128205109986083698459
-0.001572327044025157317258534206;0.179245283018867912483429449821;0.054088050314465410672859491115;0.000000000000000000000000000000;0.048742138364779877268695429393;0.183018867924528289004015846331;0.010691823899371068543051599420;0.001886792452830188693974067249;0.084591194968553454214266196232;0.053773584905660379296143958072;0.095911949685534597653813193574;0.286477987421383639699001832923
-0.001851851851851851922525771243;0.137037037037037040532183596042;0.068981481481481476958350640416;0.000000000000000000000000000000;0.058796296296296297889671933490;0.169907407407407395893983448332;0.008333333333333333217685101602;0.013888888888888888117900677344;0.100462962962962962243373965521;0.050462962962962966406710307865;0.087037037037037037756626034479;0.303240740740740755132520689585
-0.004444444444444444440589503387;0.106666666666666673513041985188;0.025925925925925925180637321432;0.000000000000000000000000000000;0.065925925925925929482751541855;0.242592592592592581901556059165;0.011111111111111111535154627461;0.023703703703703702526661700745;0.115555555555555550251156660124;0.039629629629629632703302632990;0.086666666666666669627261399000;0.277777777777777790113589162502
-0.000462962962962962980631442811;0.155555555555555558022717832500;0.048148148148148148250946576354;0.000000000000000000000000000000;0.071296296296296302053008275834;0.222222222222222209886410837498;0.038888888888888889505679458125;0.009259259259259258745267118229;0.091203703703703703498106847292;0.030555555555555554553270880547;0.088425925925925921711190369479;0.243981481481481493611696009793
-0.013636363636363635701287400082;0.151515151515151519356905396307;0.073737373737373740345546480057;0.165656565656565668565036730797;0.053535353535353533138696491278;0.093939393939393933674608661022;0.033333333333333332870740406406;0.010606060606060606701928072937;0.093939393939393933674608661022;0.061616161616161617409215267571;0.068181818181818176771713524431;0.180303030303030298320265956136
-0.050943396226415096905704160690;0.143081761006289304161143149940;0.060062893081761006830454618921;0.030817610062893081857016142067;0.075786163522012575666231271043;0.135534591194968551119970356922;0.022641509433962262592965331010;0.002201257861635220070689600291;0.108490566037735852722434515272;0.052201257861635222412566292860;0.077358490566037732549808936255;0.240880503144654090075249541769
-0.052482269503546098710078382510;0.099645390070921990854913019575;0.180851063829787245262892270148;0.004609929078014184111733442251;0.030141843971631204074368426404;0.066312056737588651045278709262;0.047517730496453899902142836709;0.060283687943262408148736852809;0.104255319148936168027752557919;0.136879432624113478444982661131;0.096453900709219858589094087620;0.120567375886524816297473705617
-0.019892473118279570959421320708;0.104301075268817197705395471985;0.169892473118279568877753149536;0.005376344086021505805361719865;0.052150537634408598852697735992;0.067204301075268813026042380443;0.071505376344086019058110537117;0.097849462365591402535081044789;0.102150537634408608567149201463;0.097849462365591402535081044789;0.072043010752688166342672104747;0.139784946236559126653276052821
-0.015579710144927537071590784024;0.217391304347826080922700953124;0.092028985507246377495427225313;0.000000000000000000000000000000;0.078260869565217397458845027813;0.090579710144927536030756698437;0.038043478260869567630919618750;0.007246376811594202986543944434;0.077173913043478259421448228750;0.041304347826086953987534400312;0.047826086956521740578551771250;0.294565217391304368099724797503
-0.004074074074074073709139653943;0.241851851851851845642826788207;0.033703703703703701000105041885;0.004814814814814815172039352831;0.031481481481481478346129421197;0.220370370370370383117375467918;0.017777777777777777762358013547;0.005925925925925925631665425186;0.061481481481481484174800300480;0.033703703703703701000105041885;0.129629629629629622433739655207;0.215185185185185173795119339957
-0.006296296296296296363115274630;0.283703703703703680183423330163;0.028888888888888887562789165031;0.000000000000000000000000000000;0.028148148148148147834612942120;0.222962962962962973900715724085;0.007777777777777777554191196430;0.000000000000000000000000000000;0.036666666666666666851703837438;0.027777777777777776235801354687;0.153703703703703703498106847292;0.204074074074074074403029044333
-0.017028985507246376801537834922;0.154710144927536236147957993126;0.049275362318840582043222298125;0.000000000000000000000000000000;0.071739130434782610867827656875;0.169565217391304340344149181874;0.020652173913043476993767200156;0.002536231884057970828449946055;0.101449275362318847015785650001;0.033333333333333332870740406406;0.072826086956521735027436648124;0.306884057971014478916060852498
-0.010852713178294573492799202086;0.124418604651162792440466375865;0.034108527131782945263083206555;0.000000000000000000000000000000;0.102325581395348835789249619665;0.174031007751937971672617777585;0.016279069767441860239198803129;0.003875968992248061961714000745;0.142248062015503884403244683199;0.029844961240310077105197805736;0.055426356589147289521957162606;0.306589147286821683824342699154
-0.024011299435028249371626429820;0.250282485875706228739545622375;0.079096045197740119658824653470;0.000000000000000000000000000000;0.065536723163841806294449554571;0.126836158192090403540319698550;0.046327683615819209572705972278;0.003107344632768361744612484188;0.062711864406779657676871408967;0.029096045197740113413820139954;0.079661016949152535504552474777;0.233333333333333337034076748751
-0.012727272727272727695368992329;0.174545454545454559180939213547;0.082727272727272732621983664103;0.000000000000000000000000000000;0.110000000000000000555111512313;0.135454545454545466354190352831;0.040000000000000000832667268469;0.004242424242424242854243576772;0.091818181818181812681167741630;0.037272727272727269876018141304;0.071818181818181822673174963256;0.239393939393939381155007595225
-0.000000000000000000000000000000;0.254444444444444417552375625746;0.041851851851851848418384349770;0.000000000000000000000000000000;0.068518518518518520266091798021;0.170740740740740748471182541834;0.010740740740740739936343040029;0.000740740740740740703958178148;0.080370370370370369794699172417;0.046666666666666668794594130532;0.099629629629629623543962679832;0.226296296296296300942785251209
-0.003749999999999999861222121922;0.274583333333333345915860945752;0.074166666666666672402818960563;0.082500000000000003885780586188;0.055833333333333332038073137937;0.106249999999999997224442438437;0.028333333333333331899295259859;0.003333333333333333547282562037;0.045833333333333330095182844843;0.057500000000000002498001805407;0.087916666666666670737484423626;0.179999999999999993338661852249
-0.004464285714285714037896646289;0.161309523809523819304345693126;0.088095238095238101450057399688;0.124702380952380953438307642500;0.037499999999999998612221219219;0.130357142857142865866038050626;0.036309523809523812365451789219;0.019047619047619049337249919063;0.062202380952380953438307642500;0.038690476190476191797884553125;0.095535714285714279370154144999;0.201785714285714290472384391251
-0.001633986928104575213002713774;0.198366013071895413988343648271;0.050000000000000002775557561563;0.000000000000000000000000000000;0.044444444444444446140618509844;0.206535947712418288535474175660;0.011764705882352941013202496379;0.000653594771241830020148955160;0.068300653594771235099791795164;0.045424836601307187755605099255;0.107843137254901966226583454045;0.265032679738562093607612268897
-0.000943396226415094346987033624;0.209748427672955983780411770567;0.044968553459119493809215128977;0.000000000000000000000000000000;0.041194968553459117288628732467;0.187735849056603787410324457596;0.022327044025157231216249797967;0.001572327044025157317258534206;0.055974842767295598933152689369;0.037735849056603772144757869000;0.134905660377358488366539290837;0.262893081761006286445336854740
-0.000370370370370370351979089074;0.222962962962962973900715724085;0.068148148148148152136727162542;0.006296296296296296363115274630;0.057777777777777775125578330062;0.146296296296296285399662906457;0.023333333333333334397297065266;0.008148148148148147418279307885;0.052592592592592593558897817729;0.048148148148148148250946576354;0.092592592592592587452671182291;0.273333333333333317050062305498
-0.000416666666666666693410320255;0.210416666666666668517038374375;0.042500000000000003053113317719;0.000000000000000000000000000000;0.045833333333333330095182844843;0.203333333333333338144299773376;0.015833333333333334674852821422;0.000416666666666666693410320255;0.051666666666666666296592325125;0.036249999999999997501998194593;0.095416666666666663521034763562;0.297916666666666662965923251249
-0.001010101010101010100133978042;0.163636363636363635354342704886;0.020202020202020203737403036826;0.000000000000000000000000000000;0.039393939393939390869459060696;0.319191919191919193377060537387;0.006060606060606060600803868255;0.001515151515151515150200967064;0.065656565656565663013921607671;0.024747474747474747236442027543;0.136868686868686861846100555340;0.221717171717171729339312946649
-0.003061224489795918209805725141;0.284013605442176852999836000890;0.067346938775510206687258119018;0.000000000000000000000000000000;0.030272108843537415961977288248;0.182312925170068029778747131786;0.035374149659863948769178421117;0.001700680272108843473985451134;0.035714285714285712303173170312;0.037414965986394557728722531920;0.123809523809523813753230570001;0.198979591836734692744670383036
-0.028104575163398693576910503111;0.174509803921568618090276459043;0.073856209150326798673624750791;0.005882352941176470506601248189;0.052614379084967320687749037234;0.162091503267973863211537377538;0.038888888888888889505679458125;0.007843137254901960675468330919;0.071241830065359473822539371213;0.039542483660130717249003851066;0.101960784313725488781088301948;0.243464052287581694811180454963
-0.010000000000000000208166817117;0.204444444444444456410181487627;0.097407407407407400889987059145;0.000000000000000000000000000000;0.074444444444444438091501581312;0.110000000000000000555111512313;0.044444444444444446140618509844;0.004814814814814815172039352831;0.069629629629629624654185704458;0.037407407407407410049327012302;0.101481481481481478068573665041;0.245925925925925936699201201918
-0.007456140350877192742029553330;0.186842105263157892691694428322;0.087719298245614030218320067434;0.000000000000000000000000000000;0.089035087719298244834931210789;0.113157894736842110083863133241;0.029385964912280702898694784153;0.014035087719298245875765296375;0.109210526315789480111817510988;0.050000000000000002775557561563;0.083333333333333328707404064062;0.229824561403508764723113699802
-0.021568627450980391857537910028;0.099019607843137250058340725900;0.019117647058823530881177532592;0.000000000000000000000000000000;0.158333333333333325931846502499;0.144117647058823517003389724778;0.004901960784313725422167706824;0.000980392156862745084433541365;0.193627450980392162849241799449;0.024019607843137256303345239417;0.049509803921568625029170362950;0.284803921568627438354326386616
-0.009444444444444444544672911945;0.150833333333333347026083970377;0.106944444444444439201724605937;0.000000000000000000000000000000;0.057777777777777775125578330062;0.122499999999999997779553950750;0.051388888888888886730121896562;0.063055555555555559132940857126;0.086944444444444449193731827563;0.058888888888888886452566140406;0.093611111111111117155658689626;0.198611111111111099392090295623
-0.014242424242424242195048655901;0.200909090909090898291466942283;0.063030303030303033717807181802;0.002121212121212121427121788386;0.078181818181818185653497721432;0.133030303030303026501357521738;0.019696969696969695434729530348;0.006666666666666667094565124074;0.087575757575757570694285902846;0.039090909090909092826748860716;0.076969696969696965727081305886;0.278484848484848501737332071571
-0.018518518518518517490534236458;0.123456790123456783270228243055;0.154938271604938282433039375974;0.021604938271604937072289942535;0.034567901234567897927885127274;0.087037037037037037756626034479;0.057407407407407406996213694583;0.055864197530864197205335841545;0.090740740740740746805848004897;0.110493827160493829353526962223;0.076543209876543213954214195383;0.168827160493827149734258341596
-0.018666666666666668211727042603;0.083000000000000004329869796038;0.093666666666666661966722529087;0.278666666666666673624064287651;0.032333333333333331982561986706;0.067000000000000003996802888651;0.042333333333333333925452279800;0.055666666666666669849306003925;0.086666666666666669627261399000;0.077333333333333337256121353676;0.086999999999999994004795667024;0.077666666666666661633655621699
-0.020754716981132074332672132755;0.083647798742138360084119597104;0.065723270440251571611334213685;0.405031446540880524231909021182;0.037735849056603772144757869000;0.072012578616352199145644874534;0.039308176100628929028335534213;0.021069182389937105709387665797;0.046226415094339619316077261146;0.062893081761006289220894416303;0.089622641509433956241714724911;0.055974842767295598933152689369
-0.014539007092198581727604533853;0.164539007092198569237595506820;0.075531914893617019268745593763;0.184751773049645379165539793576;0.042553191489361701094207290907;0.089361702127659578542839824422;0.033333333333333332870740406406;0.009574468085106382919668988052;0.061347517730496452237343163461;0.063475177304964533475661880857;0.117021276595744683213240477926;0.143971631205673772369024732143
-0.077987421383647795303240002340;0.153144654088050308216040207299;0.124528301886792452934926700436;0.005031446540880502894810266667;0.035220125786163521131033604661;0.076729559748427669796377870171;0.077987421383647795303240002340;0.056289308176100630309868222412;0.087735849056603767981421526656;0.070440251572327042262067209322;0.112578616352201260619736444824;0.122327044025157233297917969139
-0.035310734463276836903045108329;0.076553672316384185903004322427;0.102259887005649724445177639609;0.270621468926553698786108270724;0.034463276836158192317771664648;0.051694915254237285007210545018;0.054237288135593218763030876062;0.068361581920903954912027700175;0.065254237288135591432691740010;0.081073446327683609813341547579;0.085875706214689262463224395105;0.074293785310734467008941805943
-0.009057971014492753950020365039;0.193478260869565210633425067499;0.057246376811594203160016292031;0.182246376811594196221122388124;0.044565217391304347283043085781;0.108333333333333337034076748751;0.025724637681159418650667092265;0.006159420289855072755402787266;0.060144927536231886089357345782;0.068840579710144927938486603125;0.087318840579710149674141916876;0.156884057971014484467175975624
-0.023983739837398373312415955638;0.225203252032520312431174147605;0.080487804878048782586397180694;0.004878048780487804873817747620;0.052845528455284555835458348838;0.123577235772357726939496558316;0.032926829268292684416152837912;0.013821138211382113375469415928;0.088211382113821137918030501623;0.088617886178861793311511974025;0.098780487804878053248458513735;0.166666666666666657414808128124
-0.037222222222222219045750790656;0.159722222222222209886410837498;0.150555555555555553581825734000;0.005555555555555555767577313730;0.050833333333333334536074943344;0.093333333333333337589188261063;0.076111111111111115490324152688;0.031944444444444441977282167500;0.092222222222222219323306546812;0.054722222222222220711085327594;0.130277777777777770129574719249;0.117499999999999993338661852249
-0.040909090909090908838585676222;0.119090909090909094492083397654;0.121212121212121215485524317046;0.002121212121212121427121788386;0.057272727272727273761798727492;0.110606060606060610518319720086;0.083333333333333328707404064062;0.078484848484848490635101825319;0.093333333333333337589188261063;0.079696969696969696683730433051;0.118181818181818179547271085994;0.095757575757575763564233284342
-0.036742424242424243097104863409;0.104166666666666671292595935938;0.192424242424242414317703264715;0.003787878787878787983922634908;0.068181818181818176771713524431;0.064015151515151511030232711619;0.037878787878787879839226349077;0.084848484848484853615424583495;0.103030303030303027611580546363;0.100378787878787872900332445170;0.092424242424242422644375949403;0.112121212121212121548552431705
-0.013939393939393938948168027991;0.143636363636363645346349926513;0.114545454545454547523597454983;0.188787878787878782294029633704;0.036666666666666666851703837438;0.072121212121212127654779067143;0.073333333333333333703407674875;0.062121212121212118772994870142;0.063333333333333338699411285688;0.049696969696969697793953457676;0.070000000000000006661338147751;0.111818181818181816566948327818
-0.021751412429378530477563913337;0.088983050847457625942560355270;0.157909604519774010578103684566;0.175141242937853103267542564936;0.027401129943502824243273252591;0.042372881355932201508096568432;0.061864406779661020030491869193;0.076553672316384185903004322427;0.081638418079096039536857176699;0.089830508474576270527833798951;0.084745762711864403016193136864;0.091807909604519774560138500874
-0.087356321839080458557802444375;0.084482758620689657469426947500;0.149712643678160922666720011875;0.096551724137931033142834280625;0.031034482758620689224482447344;0.033908045977011497251751848125;0.072126436781609196136066941563;0.111494252873563223782404918438;0.083333333333333328707404064062;0.113505747126436781768710204688;0.069252873563218395047691444688;0.067241379310344823183598350624
-0.057801418439716312214216031862;0.130496453900709213913344797220;0.116666666666666668517038374375;0.016666666666666666435370203203;0.042553191489361701094207290907;0.098936170212765961462508812474;0.051063829787234039925269968307;0.030141843971631204074368426404;0.117730496453900712605644685027;0.080141843971631210319372939921;0.097163120567375887981498294721;0.160638297872340435334947983392
-0.020731707317073171797927599869;0.152032520325203257538504431068;0.101219512195121957853771732516;0.100813008130081302460290260115;0.045934959349593497413000164897;0.073577235772357724163938996753;0.066666666666666665741480812812;0.015853658536585366056748114261;0.067073170731707321134962285214;0.066260162601626010347999340411;0.113821138211382108518243683193;0.176016260162601634320367338660
-0.021666666666666667406815349750;0.087499999999999994448884876874;0.081111111111111106053428443374;0.310555555555555529156919192246;0.038611111111111109939209029562;0.064444444444444443087505192125;0.043611111111111114380101128063;0.038055555555555557745162076344;0.063055555555555559132940857126;0.064166666666666663521034763562;0.099444444444444446418174266000;0.087777777777777774015355305437
-0.048780487804878050472900952172;0.084552845528455281010060673452;0.098373983739837397854977041334;0.172357723577235777412397510489;0.042276422764227640505030336726;0.054878048780487805047290095217;0.102845528455284551672122006494;0.055284552845528453501877663712;0.087804878048780482524549029222;0.113414634146341467002550018606;0.069918699186991867255969168582;0.069512195121951225740275503995
-0.047872340425531914598344940259;0.108510638297872344382177800526;0.120212765957446801601271602067;0.124468085106382977955696844674;0.031914893617021274085931992204;0.065957446808510636349076605711;0.070921985815602842095906055420;0.052482269503546098710078382510;0.086524822695035460973222996017;0.076950354609929078053554007965;0.079787234042553195623170836370;0.134397163120567375571567936277
-0.050308641975308640570396789826;0.104629629629629627984854778333;0.079629629629629633535969901459;0.335493827160493807149066469719;0.037962962962962962243373965521;0.054938271604938269943030348941;0.054012345679012342680724856336;0.018209876543209876226248056241;0.058024691358024689524786055017;0.050925925925925923098969150260;0.079629629629629633535969901459;0.076234567901234562281587159305
-0.013768115942028985240752625430;0.079710144927536225045727746874;0.042391304347826085086037295468;0.538043478260869512119768387493;0.034782608695652174335410933281;0.057971014492753623892351555469;0.032608695652173912138405142969;0.008695652173913043583852733320;0.040579710144927533255199136875;0.036231884057971015800081460156;0.044565217391304347283043085781;0.070652173913043472830430857812
-0.006333333333333333176051738178;0.117666666666666669405216794075;0.060333333333333336034876026588;0.440333333333333354353555932903;0.024000000000000000499600361081;0.087999999999999994892974086724;0.053333333333333336756520992594;0.008666666666666666268836749509;0.030999999999999999777955395075;0.043999999999999997446487043362;0.073333333333333333703407674875;0.052999999999999998501198916756
-0.007954545454545453725403447720;0.078030303030303033162695669489;0.060227272727272726515757028665;0.482575757575757602335642104663;0.034090909090909088385856762216;0.042803030303030301095823517699;0.052272727272727269320906628991;0.025000000000000001387778780781;0.041287878787878790065590806080;0.038636363636363635354342704886;0.075378787878787878451447568295;0.061742424242424244484883644191
-0.028703703703703703498106847292;0.115740740740740741254732881771;0.108333333333333337034076748751;0.197222222222222215437525960624;0.053703703703703704885885628073;0.059876543209876544049397040226;0.060185185185185181844236268489;0.033024691358024688137007274236;0.082716049382716053117725607535;0.053703703703703704885885628073;0.075308641975308648897069474515;0.131481481481481476958350640416
-0.029761904761904760252644308594;0.166666666666666657414808128124;0.123412698412698418337640760001;0.004365079365079365183999193789;0.067857142857142851988250242812;0.105952380952380950662750080937;0.038888888888888889505679458125;0.010714285714285714384841341484;0.110714285714285709527615608749;0.060714285714285713690951951094;0.084523809523809528831961301876;0.196428571428571424606346340624
-0.018888888888888889089345823891;0.228888888888888891726125507375;0.097407407407407400889987059145;0.003333333333333333547282562037;0.037407407407407410049327012302;0.129259259259259268182162827543;0.042962962962962959745372160114;0.017777777777777777762358013547;0.068888888888888888395456433500;0.067777777777777784007362527063;0.104074074074074068851913921208;0.183333333333333320380731379373
-0.013055555555555556357383295563;0.132222222222222213217079911374;0.219722222222222235421540403877;0.013611111111111110286153724758;0.013611111111111110286153724758;0.048888888888888891448569751219;0.120833333333333334258519187188;0.120833333333333334258519187188;0.046666666666666668794594130532;0.071111111111111111049432054187;0.122499999999999997779553950750;0.076944444444444440311947630562
-0.005434782608695652023067523828;0.086594202898550728941806653438;0.106159420289855074837070958438;0.332971014492753625280130336250;0.027536231884057970481505250859;0.072101449275362314295101384687;0.065217391304347824276810285937;0.053623188405797099498339974843;0.038768115942028988363254882188;0.044565217391304347283043085781;0.088405797101449273833750908125;0.078623188405797100886118755625
-0.006666666666666667094565124074;0.048518518518518516380311211833;0.025555555555555557051272685953;0.635555555555555540259149438498;0.015925925925925926707193980292;0.067777777777777784007362527063;0.019629629629629628817522046802;0.006296296296296296363115274630;0.036666666666666666851703837438;0.035925925925925923654080662573;0.054814814814814816212873438417;0.046666666666666668794594130532
-0.034000000000000002442490654175;0.084333333333333329595582483762;0.080333333333333339920656612776;0.296999999999999986233234494648;0.033333333333333332870740406406;0.094333333333333338477366680763;0.042999999999999996558308623662;0.042666666666666665241880451731;0.052666666666666667184770744825;0.092999999999999999333866185225;0.092666666666666661078544109387;0.052666666666666667184770744825
-0.028985507246376811946175777734;0.149637681159420277143823341248;0.096376811594202901889438805938;0.018840579710144928632375993516;0.080797101449275363083124545938;0.094927536231884060424768279063;0.102898550724637674602668369062;0.030072463768115943044678672891;0.093840579710144922387371479999;0.075362318840579714529503974063;0.083333333333333328707404064062;0.144927536231884063200325840626
-0.004504504504504504465434155946;0.201351351351351348650808859020;0.071621621621621625597420290887;0.000000000000000000000000000000;0.087837837837837842713817337881;0.145495495495495508198047218684;0.037387387387387387149839668155;0.003153153153153153039067735364;0.113063063063063060087465316883;0.050900900900900901413503873982;0.095945945945945951272015861377;0.188738738738738726086197061704
-0.014242424242424242195048655901;0.133939393939393941446169833398;0.112727272727272731511760639478;0.000303030303030303030040193413;0.079393939393939391702126329164;0.089090909090909095602306422279;0.029393939393939392396015719555;0.028484848484848484390097311802;0.135757575757575771335794456718;0.076060606060606064660056802040;0.096969696969696969612861892074;0.203636363636363643125903877262
-0.016666666666666666435370203203;0.145114942528735635374204093750;0.127873563218390801088375496875;0.001436781609195402278911224414;0.067816091954022994503503696251;0.107758620689655165714171403124;0.086781609195402301115684906563;0.036206896551724140898009807188;0.099712643678160919891162450313;0.050574712643678160217675099375;0.103735632183908049741560830626;0.156321839080459767945541216250
-0.018181818181818180935049866775;0.184848484848484845288751898806;0.115530303030303024836022984800;0.000378787878787878787550241766;0.083712121212121209934409193920;0.096212121212121207158851632357;0.100000000000000005551115123126;0.022727272727272727903535809446;0.093939393939393933674608661022;0.050000000000000002775557561563;0.093939393939393933674608661022;0.140530303030303033162695669489
-0.032183908045977011047611426875;0.118678160919540226503343660625;0.129310344827586215510351053126;0.047413793103448273469346929687;0.064367816091954022095222853750;0.073563218390804596680254690000;0.080459770114942527619028567187;0.052298850574712646421815520625;0.093678160919540232054458783750;0.070114942528735638149761655313;0.088505747126436787319825327813;0.149425287356321850884555146877
-0.062222222222222220433529571437;0.064814814814814811216869827604;0.147777777777777785672697064001;0.034074074074074076068363581271;0.035185185185185187395351391615;0.055185185185185184342238073896;0.081481481481481488060580886668;0.072962962962962965574043039396;0.118888888888888891171013995063;0.134814814814814804000420167540;0.087037037037037037756626034479;0.105555555555555555247160270937
-0.018678160919540231360569393360;0.089942528735632187864013076251;0.131034482758620701714491474377;0.199425287356321839782324900625;0.043678160919540229278901222187;0.045977011494252872925159181250;0.062068965517241378448964894687;0.037931034482758620163256324531;0.080459770114942527619028567187;0.080747126436781613278981240001;0.090517241379310345306130614063;0.119540229885057469605413871250
-0.047916666666666669904817155157;0.078869047619047616404230893750;0.095833333333333339809634310313;0.135416666666666657414808128124;0.088690476190476194573442114688;0.045833333333333330095182844843;0.045833333333333330095182844843;0.026785714285714284227379877734;0.141666666666666662965923251249;0.097619047619047619179788455313;0.059523809523809520505288617187;0.136011904761904750538192843123
-0.079885057471264370176911029375;0.071551724137931038693949403751;0.157758620689655182367516772501;0.026724137931034484122472250078;0.025574712643678162299343270547;0.049137931034482759673487350938;0.049425287356321838394546119844;0.066091954022988508299363275000;0.116954022988505740299203239374;0.173275862068965530449204948127;0.097701149425287361904857164063;0.085919540229885058013614695938
-0.054421768707482991167534436272;0.088095238095238101450057399688;0.160544217687074830536175795714;0.017687074829931974384589210558;0.035034013605442178296289768014;0.069387755102040815646802229821;0.054081632653061227633539687076;0.079591836734693874322310591651;0.126190476190476186246769429999;0.138435374149659867759609710447;0.082312925170068024227632008660;0.094217687074829928328689732098
-0.020833333333333332176851016015;0.084935897435897439455843027645;0.121474358974358973006779649495;0.165064102564102560544156972355;0.036217948717948721115700294604;0.070833333333333331482961625625;0.058974358974358973006779649495;0.078205128205128204843532557788;0.082371794871794870585013370601;0.098076923076923075428545928389;0.092948717948717951564674422116;0.090064102564102563319714533918
-0.032843137254901962063247111701;0.054411764705882353920785021728;0.079411764705882348369669898602;0.300980392156862730512756343160;0.051960784313725492944424644293;0.075980392156862738839429027848;0.020588235294117646773104368663;0.020588235294117646773104368663;0.092156862745098044875646792207;0.102450980392156859588581596654;0.081372549019607845477430885239;0.087254901960784309045138229521
-0.028947368421052631359824403035;0.123684210526315785383388856644;0.196929824561403510330137578421;0.001754385964912280734470662047;0.026315789473684209065496020230;0.082456140350877199507451109639;0.043859649122807015109160033717;0.023245614035087718701744208261;0.089912280701754387912671973027;0.117105263157894740055908755494;0.110526315789473680850640846529;0.155263157894736852915329450298
-0.025925925925925925180637321432;0.099629629629629623543962679832;0.122962962962962968349600600959;0.021851851851851851471497667490;0.079629629629629633535969901459;0.079629629629629633535969901459;0.052222222222222225429533182250;0.025185185185185185452461098521;0.134074074074074067741690896582;0.061111111111111109106541761093;0.095185185185185192113799246272;0.202592592592592601885570502418
-0.022121212121212121409774553626;0.113939393939393937560389247210;0.156666666666666676288599546751;0.031515151515151516858903590901;0.041212121212121213820189780108;0.071818181818181822673174963256;0.065151515151515154711248101194;0.046969696969696966837304330511;0.103333333333333332593184650250;0.089090909090909095602306422279;0.095454545454545458582629180455;0.162727272727272720409530393226
-0.033703703703703701000105041885;0.091111111111111114935212640376;0.132222222222222213217079911374;0.083703703703703696836768699541;0.060740740740740740977177125615;0.056296296296296295669225884239;0.059999999999999997779553950750;0.031851851851851853414387960584;0.123333333333333336478965236438;0.087037037037037037756626034479;0.086296296296296301497896763522;0.153703703703703703498106847292
-0.043567251461988303062877747607;0.062865497076023388323129381661;0.066959064327485384726657002830;0.349415204678362567580762743091;0.060818713450292397060259474983;0.049415204678362571744099085436;0.052339181286549706084709754350;0.036257309941520467211351075321;0.088596491228070173296060829671;0.058479532163742686812213378289;0.048538011695906435605252227106;0.082748538011695904614839491842
-0.061111111111111109106541761093;0.082142857142857142460634634062;0.086904761904761901325500161875;0.115476190476190482270268944376;0.063888888888888883954564334999;0.063492063492063488538974525000;0.055952380952380954826086423282;0.062698412698412697707794905000;0.106746031746031741493929700937;0.119841269841269845719544662188;0.083333333333333328707404064062;0.098412698412698410010968075312
-0.146428571428571435708576586876;0.079365079365079360673718156249;0.088492063492063496865647209688;0.134920634920634913145320865624;0.033333333333333332870740406406;0.048412698412698414174304417656;0.019444444444444444752839729063;0.079365079365079360673718156249;0.097619047619047619179788455313;0.117063492063492063932628184375;0.071825396825396820021936150624;0.083730158730158724122993874062
-0.046666666666666668794594130532;0.085151515151515144719240879567;0.138181818181818183433051672182;0.099696969696969700569511019239;0.034242424242424240876658814159;0.039696969696969695851063164582;0.104242424242424247537996961910;0.087575757575757570694285902846;0.094848484848484848619420972682;0.084848484848484853615424583495;0.072121212121212127654779067143;0.112727272727272731511760639478
-0.153546099290780141410905912380;0.070567375886524827399703951869;0.115957446808510639124634167274;0.034751773049645391655548820609;0.037234042553191487590069641556;0.039716312056737590463484366410;0.075177304964539004572543490212;0.086879432624113475669425099568;0.135106382978723404963972143378;0.088297872340425534454233513770;0.087588652482269505061829306669;0.075177304964539004572543490212
-0.066111111111111106608539955687;0.076111111111111115490324152688;0.121388888888888893391460044313;0.178055555555555550251156660124;0.031388888888888889783235214281;0.056944444444444443365060948281;0.070277777777777772350020768499;0.098611111111111107718762980312;0.076388888888888895056794581251;0.078611111111111117710770201938;0.087499999999999994448884876874;0.058611111111111113824989615750
-0.020000000000000000416333634234;0.047777777777777780121581940875;0.046296296296296293726335591145;0.557037037037036997233485635661;0.032592592592592589673117231541;0.053703703703703704885885628073;0.035925925925925923654080662573;0.016666666666666666435370203203;0.049629629629629627707299022177;0.047777777777777780121581940875;0.055555555555555552471602709375;0.037037037037037034981068472916
-0.007758620689655172306120611836;0.073275862068965511020302017187;0.062068965517241378448964894687;0.472126436781609204462739626251;0.030172413793103449591859188672;0.089367816091954016544107730624;0.036206896551724140898009807188;0.008620689655172413673467346484;0.042816091954022986176831011562;0.043103448275862071836783684375;0.086494252873563215455732233750;0.047988505747126437850358371406
-0.051063829787234039925269968307;0.052127659574468084013876278959;0.085106382978723402188414581815;0.454609929078014174397281976781;0.033687943262411347566942509957;0.027659574468085104670400653504;0.029787234042553192847613274807;0.053546099290780142798684693162;0.059929078014184400391428653165;0.062765957446808504083257673756;0.058510638297872341606620238963;0.031205673758865248162974737056
-0.048936170212765958686951250911;0.065248226950354606956672398610;0.094326241134751770411881466316;0.347872340425531889618326886193;0.046099290780141841117334422506;0.068794326241134753918693434116;0.043971631205673759879015705110;0.059219858156028370999024446064;0.059574468085106385695226549615;0.055319148936170209340801307007;0.050709219858156025229067864757;0.059929078014184400391428653165
-0.047333333333333331427450474393;0.099666666666666667295793047288;0.096333333333333340253723520163;0.237999999999999989341858963598;0.036333333333333335535275665507;0.074999999999999997224442438437;0.055000000000000000277555756156;0.032666666666666663298990158637;0.068333333333333329262515576374;0.055666666666666669849306003925;0.128000000000000002664535259100;0.067666666666666666629659232512
-0.023333333333333334397297065266;0.056944444444444443365060948281;0.054444444444444441144614899031;0.439166666666666649643246955748;0.018888888888888889089345823891;0.076388888888888895056794581251;0.054722222222222220711085327594;0.039166666666666669072149886688;0.053888888888888888950567945813;0.038333333333333330372738601000;0.108055555555555557467606320188;0.036666666666666666851703837438
-0.012865497076023392486465724005;0.054385964912280704286473564935;0.056725146198830407595625757722;0.624561403508771983972280850139;0.027485380116959064189519068577;0.047368421052631580481229178758;0.034502923976608187994763454753;0.009356725146198830583843530917;0.030116959064327486483847451382;0.030116959064327486483847451382;0.039766081871345032583420220362;0.032748538011695908778175834186
-0.010317460317460317234528055508;0.110317460317460314112025798750;0.101984126984126982629064173125;0.338888888888888906159024827502;0.051587301587301584437916801562;0.035714285714285712303173170312;0.107142857142857136909519510937;0.026190476190476191103995162734;0.062698412698412697707794905000;0.038888888888888889505679458125;0.046031746031746034741871653750;0.070238095238095238359576910625
-0.019565217391304349364711256953;0.115579710144927530479641575312;0.139492753623188414646705268751;0.188768115942028996689927566877;0.035144927536231884701578565000;0.044927536231884057649210717500;0.125362318840579717305061535626;0.060144927536231886089357345782;0.074275362318840576492107175000;0.064492753623188403544475022500;0.059420289855072465357022082344;0.072826086956521735027436648124
-0.039655172413793106367396745782;0.078160919540229883972770608125;0.082183908045977013823168988438;0.209770114942528729251591812499;0.081321839080459770721098777813;0.086781609195402301115684906563;0.028448275862068966857165719375;0.051724137931034482040804078906;0.118390804597701154721178795626;0.068678160919540223727786099062;0.073275862068965511020302017187;0.081609195402298856381051450626
-0.056028368794326238733205514109;0.059219858156028370999024446064;0.118794326241134756694250995679;0.290425531914893619855888573511;0.047517730496453899902142836709;0.047517730496453899902142836709;0.048226950354609929294547043810;0.073758865248226945787735076010;0.083333333333333328707404064062;0.074113475177304960483937179561;0.054255319148936172191088900263;0.046808510638297870509738629607
-0.039308176100628929028335534213;0.075471698113207544289515738001;0.095283018867924534900382127489;0.440251572327044038424048721936;0.032389937106918238740593807279;0.032704402515723270117309340321;0.048742138364779877268695429393;0.037421383647798740768042335958;0.051257861635220128282419693733;0.045911949685534587939361728104;0.058490566037735849946876953709;0.042767295597484274172206397679
-0.036879432624113472893867538005;0.076950354609929078053554007965;0.079787234042553195623170836370;0.392198581560283698888014214390;0.026595744680851064051241294806;0.055319148936170209340801307007;0.045390070921985818663824119312;0.026241134751773049355039191255;0.056382978723404253429407617659;0.059929078014184400391428653165;0.103900709219858153331550454368;0.040425531914893619855888573511
-0.106969696969696964616858281261;0.063636363636363629803227581760;0.080303030303030306646938640824;0.286666666666666680729491645252;0.041818181818181816844504083974;0.058484848484848486749321239131;0.032727272727272729846426102540;0.065757575757575750796668501152;0.074545454545454539752036282607;0.065454545454545459692852205080;0.081212121212121207713963144670;0.042424242424242426807712291748
-0.108641975308641974828915977014;0.048148148148148148250946576354;0.077160493827160489543892651909;0.326851851851851837871265615831;0.041666666666666664353702032031;0.046296296296296293726335591145;0.057098765432098762262480562413;0.084876543209876545437175821007;0.063888888888888883954564334999;0.055246913580246914676763481111;0.049382716049382713308091297222;0.040740740740740744030290443334
-0.019774011299435029914706163368;0.096327683615819212348263533841;0.072033898305084748114879289460;0.402824858757062143066463022478;0.038418079096045200382381068493;0.044067796610169490678643455794;0.049152542372881358190284117882;0.024011299435028249371626429820;0.063276836158192087400387038088;0.051694915254237285007210545018;0.059604519774011301136429352709;0.078813559322033904797066838910
-0.037288135593220340935349810252;0.088135593220338981357286911589;0.109039548022598867249577381244;0.424293785310734472560056929069;0.026553672316384179657999808910;0.025988700564971749934484179789;0.044067796610169490678643455794;0.053954802259887003901273061501;0.052824858757062144454241803260;0.046045197740112994710948157717;0.045480225988700564987432528596;0.046327683615819209572705972278
-0.049707602339181283790381371546;0.088011695906432749203496257451;0.107894736842105265495206367632;0.405555555555555558022717832500;0.030116959064327486483847451382;0.028654970760233919313542116925;0.048830409356725147651534513216;0.042105263157894735892572413150;0.060818713450292397060259474983;0.053801169590643273255015088807;0.048830409356725147651534513216;0.035672514619883043118786503101
-0.046327683615819209572705972278;0.070338983050847458944332402098;0.064124293785310731985660481769;0.416949152542372858398778134870;0.027683615819209039105031067152;0.047457627118644069019737230519;0.044067796610169490678643455794;0.041525423728813556922823124751;0.070338983050847458944332402098;0.066384180790960450879722998252;0.064689265536723161709176110890;0.040112994350282482614034051949
-0.038095238095238098674499838125;0.062244897959183670410610034196;0.108843537414965982335068872544;0.187414965986394566055395216608;0.090476190476190473943596259687;0.053061224489795916214873727768;0.049659863945578232302668908460;0.059183673469387756971293867991;0.123129251700680272807453263795;0.057142857142857141072855853281;0.076530612244897960882994425447;0.094217687074829928328689732098
-0.072413793103448281796019614376;0.099137931034482762449044912501;0.175574712643678160217675099375;0.137068965517241375673407333124;0.037356321839080462721138786719;0.039942528735632185088455514688;0.059195402298850577360589397813;0.065517241379310350857245737188;0.081609195402298856381051450626;0.089655172413793102204060403437;0.074999999999999997224442438437;0.067528735632183908843551023438
-0.109444444444444441422170655187;0.102499999999999993893773364562;0.161944444444444446418174266000;0.023055555555555554830826636703;0.066944444444444445307951241375;0.057500000000000002498001805407;0.059166666666666666019036568969;0.057222222222222222931531376844;0.110833333333333339254522798001;0.080000000000000001665334536938;0.102777777777777773460243793124;0.068611111111111108828986004937
-0.117777777777777772905132280812;0.102777777777777773460243793124;0.187222222222222234311317379252;0.016111111111111110771876298031;0.054722222222222220711085327594;0.043888888888888887007677652718;0.062777777777777779566470428563;0.105555555555555555247160270937;0.103055555555555553026714221687;0.055555555555555552471602709375;0.099166666666666666851703837438;0.051388888888888886730121896562
-0.105769230769230768163247091707;0.093589743589743590312934884423;0.163141025641025644299375585433;0.030448717948717948095227470162;0.069230769230769234612310469856;0.041666666666666664353702032031;0.058012820512820514884388956034;0.103205128205128199292417434663;0.099358974358974352925066853004;0.058012820512820514884388956034;0.108653846153846156408206979904;0.068910256410256415238180238703
-0.073148148148148142699831453228;0.081172839506172836387953850590;0.149382716049382718859206420348;0.203086419753086416806198144513;0.051543209876543212566435414601;0.041049382716049381825129671597;0.045987654320987655931496362882;0.062345679012345681102580385868;0.092592592592592587452671182291;0.063580246913580246159725106736;0.073456790123456794372458489306;0.062654320987654318897419614132
-0.082352941176470587092417474651;0.066993464052287579613143009283;0.137581699346405239570145795369;0.121241830065359476598096932776;0.053267973856209148431073430174;0.047385620915032677924472181985;0.050980392156862744390544150974;0.081699346405228759349093081710;0.092483660130718958747308988677;0.087254901960784309045138229521;0.070588235294117646079214978272;0.108169934640522880098245650515
-0.048106060606060603579425816179;0.087878787878787875675890006733;0.134090909090909093936971885341;0.082954545454545461358186742018;0.062121212121212118772994870142;0.086742424242424245872662424972;0.060984848484848482030873384474;0.046590909090909092549193104560;0.127272727272727259606455163521;0.098863636363636361870099733551;0.064772727272727273484242971335;0.099621212121212124324109993267
-0.058712121212121215485524317046;0.074242424242424248648219986535;0.107954545454545455807071618892;0.120833333333333334258519187188;0.059090909090909089773635542997;0.066287878787878784514475682954;0.045833333333333330095182844843;0.053030303030303031774916888708;0.131439393939393939225723784148;0.103787878787878790065590806080;0.055303030303030305259159860043;0.123484848484848488969767288381
-0.037037037037037034981068472916;0.065925925925925929482751541855;0.116296296296296300387673738896;0.196296296296296302053008275834;0.048148148148148148250946576354;0.063703703703703706828775921167;0.040370370370370368962031903948;0.035185185185185187395351391615;0.087777777777777774015355305437;0.082962962962962960578039428583;0.065925925925925929482751541855;0.160370370370370357582245901540
-0.055555555555555552471602709375;0.073809523809523810977673008438;0.125396825396825395415589810000;0.054365079365079366224833279375;0.056349206349206350241676233281;0.063888888888888883954564334999;0.045238095238095236971798129844;0.048015873015873018758714607657;0.162698412698412703258910028126;0.125000000000000000000000000000;0.067857142857142851988250242812;0.121825396825396822797493712187
-0.049000000000000001887379141863;0.106666666666666673513041985188;0.112666666666666664964324695575;0.011666666666666667198648532633;0.070999999999999993671728759637;0.102999999999999994337862574412;0.047000000000000000111022302463;0.030333333333333333675652099259;0.152666666666666672735885867951;0.097666666666666665519436207887;0.083000000000000004329869796038;0.135333333333333333259318465025
-0.010714285714285714384841341484;0.111607142857142863090480489063;0.083333333333333328707404064062;0.166666666666666657414808128124;0.047321428571428569842538536250;0.104761904761904764415980650938;0.057440476190476187634548210781;0.025297619047619047949471138281;0.075892857142857136909519510937;0.077083333333333337034076748751;0.087797619047619041010577234374;0.152083333333333320380731379373
-0.033641975308641977604473538577;0.062654320987654318897419614132;0.095370370370370369239587660104;0.410802469135802483801711559863;0.036111111111111107718762980312;0.039197530864197534239412590296;0.048148148148148148250946576354;0.032098765432098767813595685539;0.063271604938271608364885878473;0.082716049382716053117725607535;0.066666666666666665741480812812;0.029320987654320986026679207725
-0.020535714285714285615158658516;0.130654761904761912427730408126;0.110416666666666662965923251249;0.151488095238095227257346664373;0.051785714285714289084605610469;0.072916666666666671292595935938;0.073214285714285717854288293438;0.024702380952380951356639471328;0.083928571428571421830788779062;0.061904761904761906876615285000;0.095238095238095232808461787499;0.123214285714285720629845855001
-0.026149425287356323210907760313;0.125862068965517243102070210625;0.072701149425287353578184479375;0.258045977011494231945221144997;0.041954022988505750013654704844;0.083908045977011500027309409688;0.064942528735632179537340391562;0.016954022988505748625875924063;0.077011494252873569088535532501;0.064367816091954022095222853750;0.098563218390804591129139566874;0.069540229885057466829856309687
-0.039215686274509803377341654596;0.111764705882352946564317619504;0.149673202614379080577222680404;0.187581699346405228467915549118;0.035294117647058823039607489136;0.067973856209150321228129598694;0.044117647058823532268956313374;0.041830065359477121289533130266;0.069934640522875818335890585331;0.069281045751633990592566192390;0.089542483660130720024561412629;0.093790849673202614233957774559
-0.040816326530612241640927351227;0.093537414965986401260700233706;0.140476190476190476719153821250;0.246598639455782309148901276785;0.043537414965986391546248768236;0.057823129251700682018633159487;0.049659863945578232302668908460;0.042857142857142857539365365938;0.065986394557823124795703506607;0.056802721088435377538861104085;0.077551020408163265362766480848;0.084353741496598633187176119463
-0.041379310344827585632643263125;0.090517241379310345306130614063;0.073850574712643682340207362813;0.352298850574712663075160890003;0.031896551724137932326552657969;0.086206896551724143673567368751;0.040229885057471263809514283594;0.016379310344827587714311434297;0.064080459770114936435270180937;0.065804597701149422639410602187;0.079310344827586212734793491563;0.058045977011494255537460418282
-0.094152046783625736869893785297;0.068128654970760232911786147270;0.144152046783625725767663539045;0.130409356725146197142350956710;0.052339181286549706084709754350;0.040643274853801168722267078692;0.046783625730994149449770702631;0.136549707602339170930960676742;0.092397660818713450714412260822;0.077777777777777779011358916250;0.069590643274853800082091481727;0.047076023391812868434946892648
-0.088518518518518524151872384209;0.044074074074074071072359970458;0.237407407407407400334875546832;0.046296296296296293726335591145;0.030740740740740742087400150240;0.017407407407407406163546426114;0.036296296296296298722339201959;0.170370370370370366464030098541;0.095925925925925928372528517230;0.073333333333333333703407674875;0.106666666666666673513041985188;0.052962962962962961688262453208
-0.063030303030303033717807181802;0.089090909090909095602306422279;0.203939393939393948107507981149;0.036060606060606063827389533571;0.041515151515151511862899980088;0.035454545454545453864181325798;0.054242424242424244762439400347;0.143030303030303035383141718739;0.081212121212121207713963144670;0.085757575757575754682449087341;0.080606060606060611628542744711;0.086060606060606059664053191227
-0.037820512820512817986351450372;0.120192307692307695510258724880;0.108974358974358975782337211058;0.172435897435897433904727904519;0.046153846153846156408206979904;0.075320512820512816598572669591;0.047115384615384614530597673365;0.023397435897435897578233721106;0.079807692307692301714183713557;0.068589743589743595864050007549;0.078525641025641024217662788942;0.141666666666666662965923251249
-0.018888888888888889089345823891;0.097500000000000003330669073875;0.070555555555555551916491197062;0.433888888888888879513672236499;0.028333333333333331899295259859;0.058333333333333334258519187188;0.079166666666666662965923251249;0.018055555555555553859381490156;0.044166666666666666574148081281;0.037222222222222219045750790656;0.054722222222222220711085327594;0.059166666666666666019036568969
-0.045751633986928101627267295726;0.064052287581699340890395433235;0.080718954248366017734106492298;0.472549019607843123758073033969;0.034313725490196081424620899725;0.039869281045751631120666047536;0.050326797385620916647219758033;0.044771241830065360012280706314;0.044771241830065360012280706314;0.052287581699346406816086840763;0.041503267973856207417870933796;0.029084967320261438661344044476
-0.038580246913580244771946325955;0.083950617283950618174870328403;0.112654320987654321672977175695;0.234567901234567888213433661804;0.034567901234567897927885127274;0.062962962962962956692258842395;0.086111111111111110494320541875;0.069444444444444447528397290625;0.069753086419753085323236518889;0.081481481481481488060580886668;0.079938271604938271330809129722;0.045987654320987655931496362882
-0.034751773049645391655548820609;0.092907801418439711627073052114;0.131205673758865243305749004321;0.263829787234042545396306422845;0.033333333333333332870740406406;0.035460992907801421047953027710;0.090070921985815607935244031523;0.070212765957446812703501848318;0.063120567375886518779459777306;0.066312056737588651045278709262;0.068794326241134753918693434116;0.050000000000000002775557561563
-0.103939393939393942556392858023;0.070000000000000006661338147751;0.066363636363636360759876708926;0.311818181818181827669178574070;0.056363636363636365755880319739;0.027575757575757576384178904050;0.064848484848484849729643997307;0.049393939393939392812349353790;0.095454545454545458582629180455;0.046060606060606058831385922758;0.043939393939393937837945003366;0.064242424242424239766435789534
-0.085919540229885058013614695938;0.045689655172413794204100412344;0.121551724137931027591719157499;0.267528735632183933823569077504;0.019540229885057470993192652031;0.022701149425287357741520821719;0.074712643678160925442277573438;0.105172413793103450285748579063;0.089367816091954016544107730624;0.081034482758620685061146104999;0.056609195402298848054378765937;0.030172413793103449591859188672
-0.066333333333333327486158736974;0.066666666666666665741480812812;0.178666666666666668072949164525;0.154333333333333322379132823698;0.053999999999999999389377336456;0.021000000000000001304512053935;0.074333333333333334591586094575;0.120666666666666672069752053176;0.071666666666666670182372911313;0.069000000000000005773159728051;0.069333333333333330150693996075;0.053999999999999999389377336456
-0.060919540229885056625835915156;0.064655172413793107755175526563;0.160919540229885055238057134375;0.187068965517241392326752702502;0.037931034482758620163256324531;0.032183908045977011047611426875;0.049137931034482759673487350938;0.100862068965517234775397525937;0.087356321839080458557802444375;0.079597701149425284516958356562;0.083045977011494256925239199063;0.056321839080459769333319997031
-0.023850574712643679564649801250;0.131321839080459773496656339375;0.084770114942528729251591812499;0.155459770114942524843471005624;0.070689655172413795591879193125;0.095114942528735632598646532188;0.039080459770114941986385304062;0.018965517241379310081628162266;0.092816091954022988952388573125;0.064367816091954022095222853750;0.087643678160919544217755117188;0.135919540229885060789172257500
-0.040395480225988697475791866509;0.083050847457627113845646249501;0.135875706214689279116569764483;0.061581920903954805168734054632;0.038700564971751415244138883054;0.085593220338983047601466580545;0.030225988700564972860851398195;0.067796610169491525188512071054;0.130225988700564981881413473275;0.111581920903954801005397712288;0.105367231638418074046725791959;0.109604519774011296973093010365
-0.026149425287356323210907760313;0.148563218390804607782484936251;0.152011494252873552435190163123;0.010919540229885057319725305547;0.056321839080459769333319997031;0.077298850574712640870700397500;0.055172413793103447510191017500;0.030172413793103449591859188672;0.119540229885057469605413871250;0.095689655172413790040764070000;0.096551724137931033142834280625;0.131609195402298845278821204374
-0.029320987654320986026679207725;0.169753086419753090874351642015;0.164814814814814802890197142915;0.002777777777777777883788656865;0.062962962962962956692258842395;0.080555555555555560798275394063;0.074999999999999997224442438437;0.031172839506172840551290192934;0.095061728395061731444748431841;0.056790123456790124467641334149;0.085493827160493821026854277534;0.146296296296296285399662906457
-0.026543209876543211178656633820;0.100000000000000005551115123126;0.128395061728395071254382742154;0.218518518518518528592764482710;0.050617283950617285304129921997;0.062962962962962956692258842395;0.068827160493827158060931026284;0.022530864197530864334595435139;0.080864197530864198593114622327;0.074691358024691359429603210174;0.068827160493827158060931026284;0.097222222222222223764198645313
-0.044074074074074071072359970458;0.071481481481481479178796689666;0.080000000000000001665334536938;0.379629629629629650189315270836;0.044814814814814814269983145323;0.046296296296296293726335591145;0.055925925925925927539861248761;0.040740740740740744030290443334;0.067037037037037033870845448291;0.059629629629629629650189315271;0.058888888888888886452566140406;0.051481481481481482231910007386
-0.027500000000000000138777878078;0.083055555555555549140933635499;0.096666666666666664631257788187;0.323055555555555540259149438498;0.044722222222222218768195034500;0.061111111111111109106541761093;0.050833333333333334536074943344;0.032777777777777780676693453188;0.082500000000000003885780586188;0.066388888888888886175010384250;0.055555555555555552471602709375;0.075833333333333335923853724125
-0.045833333333333330095182844843;0.099038461538461533550936621850;0.106730769230769226285637785168;0.223717948717948728054594198511;0.033974358974358971619000868714;0.065705128205128207619090119351;0.041025641025641025605441569724;0.046474358974358975782337211058;0.077884615384615385469402326635;0.090064102564102563319714533918;0.067307692307692304489741275120;0.102243589743589741170026741202
-0.032738095238095239747355691406;0.066666666666666665741480812812;0.077083333333333337034076748751;0.459523809523809501076385686247;0.022916666666666665047591422422;0.048214285714285716466509512657;0.046428571428571430157461463750;0.055654761904761901325500161875;0.051190476190476189022326991562;0.044047619047619050725028699844;0.056547619047619047949471138281;0.038988095238095238359576910625
-0.032389937106918238740593807279;0.067924528301886791248342944982;0.114779874213836480256745176121;0.236792452830188682177947612217;0.044339622641509431055784062892;0.049056603773584908645410962436;0.059433962264150944077023552836;0.125786163522012578441788832606;0.075471698113207544289515738001;0.066037735849056602988049746727;0.066352201257861634364765279770;0.061635220125786163714032284133
-0.033636363636363637852344510293;0.099696969696969700569511019239;0.169090909090909097267640959217;0.086969696969696974608865502887;0.030303030303030303871381079261;0.047272727272727271818908434398;0.074545454545454539752036282607;0.096060606060606054668049580414;0.069393939393939396698129939978;0.111212121212121206603740120045;0.110606060606060610518319720086;0.071212121212121212709966755483
-0.023584905660377360192558882090;0.128301886792452829455513096946;0.088679245283018862111568125783;0.315408805031446526356830872828;0.050000000000000002775557561563;0.045283018867924525185930662019;0.036792452830188678014611269873;0.040566037735849054535197666382;0.057861635220125787193445887624;0.049685534591194971398842028520;0.077672955974842763926524469298;0.086163522012578611097843861444
-0.050000000000000002775557561563;0.106666666666666673513041985188;0.129444444444444445307951241375;0.146666666666666667406815349750;0.068333333333333329262515576374;0.056944444444444443365060948281;0.043055555555555555247160270937;0.048055555555555552749158465531;0.093888888888888882844341310374;0.062222222222222220433529571437;0.072499999999999995003996389187;0.122222222222222218213083522187
-0.038055555555555557745162076344;0.093888888888888882844341310374;0.109166666666666661855700226624;0.324722222222222245413547625503;0.040555555555555553026714221687;0.048055555555555552749158465531;0.033055555555555553304269977843;0.026111111111111112714766591125;0.073055555555555554136937246312;0.069722222222222227094867719188;0.069166666666666667961926862063;0.074444444444444438091501581312
-0.031250000000000000000000000000;0.049404761904761902713278942656;0.052976190476190475331375040469;0.575892857142857095276156087493;0.028273809523809523974735569141;0.035714285714285712303173170312;0.036011904761904758864865527812;0.015178571428571428422737987773;0.044940476190476190410105772344;0.053869047619047621955346016875;0.052083333333333335646297967969;0.024404761904761904794947113828
-0.033050847457627118008982591846;0.051694915254237285007210545018;0.076553672316384185903004322427;0.455649717514124308337386537460;0.046892655367231639296221601398;0.040112994350282482614034051949;0.041807909604519771784580939311;0.029096045197740113413820139954;0.063276836158192087400387038088;0.056779661016949152518851207105;0.066666666666666665741480812812;0.038418079096045200382381068493
-0.076111111111111115490324152688;0.075277777777777776790912867000;0.120555555555555554692048758625;0.147222222222222226539756206876;0.050000000000000002775557561563;0.047777777777777780121581940875;0.079722222222222222098864108375;0.096388888888888885064787359624;0.091388888888888894501683068938;0.055555555555555552471602709375;0.087777777777777774015355305437;0.072222222222222215437525960624
-0.066969696969696970723084916699;0.074545454545454539752036282607;0.124545454545454542527593844170;0.327575757575757575690289513659;0.045151515151515150825467515006;0.023030303030303029415692961379;0.061818181818181820730284670162;0.068484848484848481753317628318;0.068787878787878786734921732204;0.043636363636363639795234803387;0.049090909090909087830745249903;0.046363636363636363812990026645
-0.031388888888888889783235214281;0.115833333333333329817627088687;0.102777777777777773460243793124;0.182499999999999995559107901499;0.066111111111111106608539955687;0.074166666666666672402818960563;0.052499999999999998057109706906;0.018055555555555553859381490156;0.098055555555555562463609931001;0.058055555555555554692048758625;0.071388888888888890615902482750;0.129166666666666679619268620627
-0.023529411764705882026404992757;0.096732026143790852956705350607;0.084967320261437911943502854228;0.356862745098039224611596864634;0.050980392156862744390544150974;0.060457516339869281363217368153;0.038235294117647061762355065184;0.032026143790849670445197716617;0.071241830065359473822539371213;0.046732026143790850181147789044;0.048039215686274512606690478833;0.090196078431372547767885805570
-0.025347222222222222376419864531;0.070138888888888889505679458125;0.067708333333333328707404064062;0.489930555555555535818257339997;0.030555555555555554553270880547;0.045486111111111109106541761093;0.061805555555555558022717832500;0.023958333333333334952408577578;0.051041666666666665741480812812;0.047222222222222220988641083750;0.050694444444444444752839729063;0.036111111111111107718762980312
-0.124358974358974361251739537693;0.056730769230769230448974127512;0.090705128205128202067974996226;0.254166666666666651863693004998;0.069230769230769234612310469856;0.039743589743589741170026741202;0.100320512820512824925245354279;0.083333333333333328707404064062;0.066025641025641026993220350505;0.031730769230769229061195346731;0.047435897435897433904727904519;0.036217948717948721115700294604
-0.071666666666666670182372911313;0.086111111111111110494320541875;0.172222222222222220988641083750;0.017777777777777777762358013547;0.048333333333333332315628894094;0.044722222222222218768195034500;0.109166666666666661855700226624;0.145833333333333342585191871876;0.077499999999999999444888487687;0.081666666666666665186369300500;0.080555555555555560798275394063;0.064444444444444443087505192125
-0.032269503546099288782134095754;0.093262411347517726323275155664;0.142907801418439728280418421491;0.247872340425531911822787378696;0.035106382978723406351750924159;0.032624113475177303478336199305;0.057446808510638297518013928311;0.049290780141843973383153354462;0.069148936170212768614895537667;0.089007092198581563846637720872;0.077659574468085107445958215067;0.073404255319148931091532972459
-0.030172413793103449591859188672;0.080747126436781613278981240001;0.101436781609195406095302871563;0.311781609195402320544587837503;0.052298850574712646421815520625;0.056609195402298848054378765937;0.075862068965517240326512649062;0.035919540229885055238057134375;0.067528735632183908843551023438;0.060057471264367813523765704531;0.073275862068965511020302017187;0.054310344827586204408120806875
-0.025163398692810458323609879017;0.114705882352941171409277387738;0.133986928104575159226286018566;0.183660130718954262007969191473;0.041503267973856207417870933796;0.057843137254901963451025892482;0.063398692810457513147071040294;0.032026143790849670445197716617;0.070261437908496732207552781801;0.062745098039215685403746647353;0.096732026143790852956705350607;0.117973856209150324003687160257
-0.012429378531073446978449936751;0.204519774011299448890355279218;0.132485875706214700775475989758;0.001412429378531073441427334814;0.042372881355932201508096568432;0.125423728813559315353742817933;0.060734463276836160583460610951;0.027683615819209039105031067152;0.058192090395480226827640279907;0.053954802259887003901273061501;0.122881355932203395475710294704;0.157909604519774010578103684566
-0.118027210884353736530805178973;0.122789115646258509273458514599;0.082653061224489801639414565670;0.015986394557823128959039848951;0.062585034013605447822392591206;0.108843537414965982335068872544;0.065646258503401361261708757411;0.079931972789115651734093148661;0.092517006802721082903140370490;0.046938775510204082397347491451;0.091496598639455778423368315089;0.112585034013605436720162344955
-0.103144654088050319318270453550;0.059433962264150944077023552836;0.097798742138364785914106391829;0.194968553459119509074781717572;0.044654088050314462432499595934;0.048427672955974845891979896351;0.053773584905660379296143958072;0.130817610062893080469237361285;0.088993710691823893488283658826;0.077044025157232701173093403213;0.050628930817610065528988627648;0.050314465408805034152273094605
-0.021818181818181819897617401693;0.122424242424242421534152924778;0.124242424242424237545989740283;0.066969696969696970723084916699;0.078181818181818185653497721432;0.083333333333333328707404064062;0.072727272727272723740199467102;0.040909090909090908838585676222;0.110909090909090915499923823972;0.065151515151515154711248101194;0.077878787878787880671893617546;0.135454545454545466354190352831
-0.024561403508771929848908399663;0.116959064327485373624426756578;0.109356725146198832665511702089;0.208771929824561414124062252995;0.050292397660818714821839847673;0.052339181286549706084709754350;0.058479532163742686812213378289;0.028947368421052631359824403035;0.064912280701754379585999288338;0.061988304093567252184282523331;0.082163742690058480522274919622;0.141228070175438591427052870131
-0.028070175438596491751530592751;0.087426900584795325110931685231;0.151169590643274842634014021314;0.198830409356725135161525486183;0.037426900584795322335374123668;0.050292397660818714821839847673;0.063742690058479531400870143898;0.051754385964912281992145182130;0.058187134502923974765931092179;0.088011695906432749203496257451;0.100292397660818710658503505329;0.084795321637426895877709398519
-0.013636363636363635701287400082;0.097575757575757579576070099847;0.184545454545454540307147794920;0.080909090909090902732359040783;0.031212121212121211877299487014;0.065757575757575750796668501152;0.033939393939393942833948614179;0.068787878787878786734921732204;0.083333333333333328707404064062;0.097575757575757579576070099847;0.105454545454545453586625569642;0.137272727272727268488239360522
-0.019629629629629628817522046802;0.148148148148148139924273891666;0.174814814814814811771981339916;0.019259259259259260688157411323;0.055925925925925927539861248761;0.067777777777777784007362527063;0.022962962962962962798485477833;0.040000000000000000832667268469;0.091851851851851851193941911333;0.086666666666666669627261399000;0.103333333333333332593184650250;0.169629629629629630205300827583
-0.032748538011695908778175834186;0.204385964912280698735358441809;0.147660818713450298078626587994;0.005555555555555555767577313730;0.092982456140350874806976833042;0.069005847953216375989526909507;0.072514619883040934422702150641;0.010818713450292397754148865374;0.092982456140350874806976833042;0.050292397660818714821839847673;0.076608187134502930826229771810;0.144444444444444430875051921248
-0.060784313725490195234879564623;0.126143790849673198550817687646;0.114379084967320257537615191268;0.001960784313725490168867082730;0.109803921568627449456556632867;0.069934640522875818335890585331;0.082026143790849673220755278180;0.042156862745098042100089230644;0.129738562091503278894677464450;0.061764705882352943788760057942;0.053921568627450983113291727022;0.147385620915032683475587305111
-0.033695652173913043236908038125;0.146376811594202904664996367501;0.169565217391304340344149181874;0.000724637681159420298654394443;0.074637681159420293797168710626;0.048913043478260871677054666407;0.071376811594202893562766121249;0.066666666666666665741480812812;0.105797101449275357532009422812;0.052898550724637678766004711406;0.082971014492753625280130336250;0.146376811594202904664996367501
-0.049645390070921988079355458012;0.142553191489361713584216317940;0.157092198581560288372926947886;0.013120567375886524677519595627;0.038652482269503546374878055758;0.055319148936170209340801307007;0.133687943262411346179163729175;0.073049645390070916395330868909;0.092553191489361696930870948563;0.068085106382978724526289227015;0.078368794326241136838362422168;0.097872340425531917373902501822
-0.050740740740740739034286832521;0.094814814814814810106646802979;0.143333333333333340364745822626;0.193333333333333329262515576374;0.036666666666666666851703837438;0.034444444444444444197728216750;0.097037037037037032760622423666;0.093703703703703705718552896542;0.069259259259259256524821068979;0.054444444444444441144614899031;0.079629629629629633535969901459;0.052592592592592593558897817729
-0.019791666666666665741480812812;0.137152777777777790113589162502;0.071527777777777773460243793124;0.184722222222222232090871330001;0.027083333333333334258519187188;0.165624999999999994448884876874;0.046527777777777779011358916250;0.016666666666666666435370203203;0.058333333333333334258519187188;0.057986111111111113269878103438;0.138888888888888895056794581251;0.075694444444444439201724605937
-0.012585034013605441577388077690;0.128911564625850350029878654823;0.053401360544217686687762380870;0.216326530612244910534158748305;0.034013605442176873816517712612;0.179591836734693865995637906963;0.043197278911564628012254019040;0.008163265306122449715964251027;0.046938775510204082397347491451;0.036734693877551023721839129621;0.143877551020408167570252544465;0.096258503401360537288233842901
-0.056388888888888891171013995063;0.080277777777777781231804965500;0.131111111111111122706773812752;0.188333333333333324821623477874;0.050555555555555554969604514781;0.068888888888888888395456433500;0.042777777777777775680689842375;0.082500000000000003885780586188;0.073611111111111113269878103438;0.090555555555555555802271783250;0.081944444444444444752839729063;0.053055555555555557190050564031
-0.049166666666666664076146275875;0.089166666666666671847707448251;0.147499999999999992228438827624;0.062777777777777779566470428563;0.031666666666666669349705642844;0.067500000000000004440892098501;0.059722222222222225151977426094;0.125277777777777765688682620748;0.078333333333333338144299773376;0.128055555555555561353386906376;0.106666666666666673513041985188;0.054166666666666668517038374375
-0.057000000000000002053912595557;0.058000000000000002942091015257;0.117666666666666669405216794075;0.348666666666666680285402435402;0.026333333333333333592385372413;0.032000000000000000666133814775;0.035333333333333334647097245806;0.084333333333333329595582483762;0.066000000000000003108624468950;0.089999999999999996669330926125;0.052999999999999998501198916756;0.031666666666666669349705642844
-0.039215686274509803377341654596;0.061764705882352943788760057942;0.074836601307189540288611340202;0.458823529411764685637109550953;0.034967320261437909167945292666;0.059150326797385618937674678364;0.026143790849673203408043420382;0.023856209150326795898067189228;0.059477124183006532809336874834;0.059803921568627453619892975212;0.049673202614379081965001461185;0.052287581699346406816086840763
-0.041111111111111112159655078813;0.060740740740740740977177125615;0.085555555555555551361379684749;0.373333333333333350356753044252;0.037777777777777778178691647781;0.059999999999999997779553950750;0.053703703703703704885885628073;0.044444444444444446140618509844;0.073333333333333333703407674875;0.054814814814814816212873438417;0.069629629629629624654185704458;0.045555555555555557467606320188
-0.050740740740740739034286832521;0.065185185185185179346234463083;0.088888888888888892281237019688;0.369999999999999995559107901499;0.049629629629629627707299022177;0.040370370370370368962031903948;0.059259259259259261520824679792;0.031481481481481478346129421197;0.078888888888888883399452822687;0.064074074074074074958140556646;0.064814814814814811216869827604;0.036666666666666666851703837438
-0.021376811594202897726102463594;0.113043478260869564855362057187;0.083695652173913046012465599688;0.306521739130434789366574932501;0.023913043478260870289275885625;0.061956521739130437920195504375;0.030072463768115943044678672891;0.035507246376811595067746196719;0.061956521739130437920195504375;0.098913043478260867513718324062;0.090217391304347832603482970626;0.072826086956521735027436648124
-0.018749999999999999306110609609;0.142916666666666664076146275875;0.143749999999999988897769753748;0.010416666666666666088425508008;0.029999999999999998889776975375;0.078750000000000000555111512313;0.036666666666666666851703837438;0.087499999999999994448884876874;0.076249999999999998334665463062;0.102083333333333331482961625625;0.114166666666666666296592325125;0.158750000000000002220446049250
-0.000641025641025641025085024527;0.263461538461538469224620939713;0.088461538461538466449063378150;0.000000000000000000000000000000;0.013782051282051281659857266959;0.171474358974358975782337211058;0.037499999999999998612221219219;0.005448717948717948442172165358;0.039743589743589741170026741202;0.059294871794871792380909880649;0.157692307692307687183586040192;0.162500000000000005551115123126
-0.033695652173913043236908038125;0.166666666666666657414808128124;0.163768115942028974485467074373;0.017753623188405797533873098359;0.011956521739130435144637942813;0.084057971014492749439739327499;0.034782608695652174335410933281;0.037681159420289857264751987032;0.061231884057971017187860240938;0.119565217391304351446379428126;0.109057971014492757766412012188;0.159782608695652167396517029374
-0.027519379844961239928169405289;0.139922480620155026409534571030;0.093798449612403106412372721934;0.029069767441860464712855005587;0.034883720930232557655426006704;0.144186046511627918853548635525;0.013178294573643410669827602533;0.090310077519379847177383169310;0.068604651162790700191784765138;0.087209302325581397608011968714;0.096899224806201555981743922530;0.174418604651162795216023937428
-0.038652482269503546374878055758;0.126950354609929066951323761714;0.123049645390070919170888430472;0.032624113475177303478336199305;0.049290780141843973383153354462;0.098226950354609932070104605373;0.036879432624113472893867538005;0.058156028368794326910418135412;0.085106382978723402188414581815;0.098936170212765961462508812474;0.092553191489361696930870948563;0.159574468085106391246341672741
-0.008176100628930817529327335080;0.173270440251572316325834322015;0.102830188679245287941554920508;0.044339622641509431055784062892;0.034276729559748427000887005534;0.114150943396226417503314110036;0.039308176100628929028335534213;0.012893081761006289914783806694;0.061006289308176100960601218048;0.066352201257861634364765279770;0.127672955974842766702082030861;0.215723270440251579938006898374
-0.019105691056910567571236470030;0.166260162601626015899114463537;0.117479674796747965426213511364;0.083333333333333328707404064062;0.042276422764227640505030336726;0.100000000000000005551115123126;0.040243902439024391293198590347;0.045121951219512193564931124001;0.067073170731707321134962285214;0.068699186991869914953312559192;0.086991869918699185615373892233;0.163414634146341469778107580169
-0.022580645161290321260016966676;0.116666666666666668517038374375;0.131182795698924742344715355102;0.167204301075268818577157503569;0.043548387096774193727455326552;0.039247311827956987695387169879;0.057526881720430106392782931835;0.050537634408602150060119129193;0.063440860215053768156323599214;0.056451612903225804884765892666;0.071505376344086019058110537117;0.180107526881720436673361973590
-0.027777777777777776235801354687;0.165873015873015866583628508124;0.121428571428571427381903902187;0.050396825396825398191147371563;0.034126984126984123701920026406;0.084920634920634924247551111876;0.028571428571428570536427926640;0.028174603174603175120838116641;0.074206349206349206393262818438;0.082539682539682537876224444062;0.088492063492063496865647209688;0.213492063492063482987859401874
-0.014327485380116959656771058462;0.195321637426900590606138052863;0.057309941520467838627084233849;0.004678362573099415291921765458;0.025438596491228069457202209946;0.217251461988304084282930261907;0.007017543859649122937882648188;0.007309941520467835851526672286;0.058771929824561405797389568306;0.054093567251461985301297374917;0.172807017543859658958993463784;0.185672514619883044506565283882
-0.008974358974358973700669039886;0.233333333333333337034076748751;0.086752136752136749242581004182;0.001282051282051282050170049054;0.042735042735042735873030039784;0.133760683760683757315135267163;0.026923076923076924571454071611;0.005982905982905983334474431246;0.079059829059829056507879840865;0.064529914529914536580612605121;0.101282051282051283047636047741;0.215384615384615396571632572886
-0.002259887005649717593019909501;0.263841807909604542103920721274;0.093220338983050848868927573676;0.000000000000000000000000000000;0.051694915254237285007210545018;0.111299435028248586143639897728;0.064124293785310731985660481769;0.004519774011299435186039819001;0.060734463276836160583460610951;0.040395480225988697475791866509;0.091525423728813559698380686314;0.216384180790960445328607875126
-0.007777777777777777554191196430;0.269259259259259253749263507416;0.104444444444444450859066364501;0.000370370370370370351979089074;0.019629629629629628817522046802;0.119629629629629627429743266021;0.041851851851851848418384349770;0.005925925925925925631665425186;0.061111111111111109106541761093;0.068518518518518520266091798021;0.132962962962962949475809182331;0.168518518518518511939419113332
-0.020000000000000000416333634234;0.124583333333333337589188261063;0.103749999999999995003996389187;0.017500000000000001665334536938;0.040416666666666663243479007406;0.117499999999999993338661852249;0.010833333333333333703407674875;0.014166666666666665949647629930;0.109166666666666661855700226624;0.102083333333333331482961625625;0.097500000000000003330669073875;0.242499999999999993338661852249
-0.041056910569105688202373727336;0.117886178861788620819694983766;0.093089430894308947128656939185;0.087398373983739841008855364635;0.066260162601626010347999340411;0.071138211382113819558625777972;0.023170731707317072933793866696;0.050000000000000002775557561563;0.090243902439024387129862248003;0.077235772357723581071908824924;0.069105691056910570346794031593;0.213414634146341458675877333917
-0.039922480620155041675101159626;0.186434108527131769950102579969;0.125193798449612397893915272107;0.003100775193798449569371200596;0.014728682170542635454513202831;0.105426356589147285358620820261;0.026356589147286821339655205065;0.010077519379844961100456401937;0.076356589147286824115212766628;0.088759689922480622392697569012;0.134108527131782950814198329681;0.189534883720930219519473780565
-0.046581196581196582240380621442;0.190170940170940161451085259614;0.111965811965811970485340509640;0.002136752136752136967123849587;0.022222222222222223070309254922;0.097863247863247862512459107620;0.021367521367521367936515019892;0.014529914529914530335608091605;0.104700854700854703582812987861;0.098717948717948714176806390697;0.113247863247863247981861434255;0.176495726495726507065953114761
-0.005925925925925925631665425186;0.218148148148148146585612039416;0.067037037037037033870845448291;0.000000000000000000000000000000;0.058888888888888886452566140406;0.127407407407407413657551842334;0.021481481481481479872686080057;0.000000000000000000000000000000;0.066296296296296297612116177334;0.042962962962962959745372160114;0.088888888888888892281237019688;0.302962962962962989443838068837
-0.003703703703703703845051542487;0.221851851851851855634834009834;0.054074074074074073015250263552;0.136296296296296304273454325084;0.032592592592592589673117231541;0.141111111111111103832982394124;0.018518518518518517490534236458;0.003703703703703703845051542487;0.042222222222222223486642889156;0.049629629629629627707299022177;0.115925925925925932258309103418;0.180370370370370375345814295542
-0.011666666666666667198648532633;0.111666666666666664076146275875;0.080000000000000001665334536938;0.374583333333333323711400453249;0.020833333333333332176851016015;0.068333333333333329262515576374;0.037916666666666667961926862063;0.029583333333333333009518284484;0.041666666666666664353702032031;0.042500000000000003053113317719;0.073749999999999996114219413812;0.107499999999999998334665463062
-0.014583333333333333564629796797;0.224166666666666652973916029623;0.138750000000000012212453270877;0.000000000000000000000000000000;0.040416666666666663243479007406;0.082083333333333327597181039437;0.085416666666666668517038374375;0.014166666666666665949647629930;0.050416666666666665186369300500;0.042500000000000003053113317719;0.083750000000000004996003610813;0.223750000000000004440892098501
-0.002845528455284553059900787275;0.254471544715447139939357157346;0.112195121951219514699893409215;0.007317073170731707744407490424;0.019105691056910567571236470030;0.120325203252032525425008202546;0.030081300813008131356252050637;0.013008130081300812996847326986;0.043495934959349592807686946117;0.059756097560975607319022628872;0.141056910569105686814594946554;0.196341463414634154194260418080
-0.022222222222222223070309254922;0.123412698412698418337640760001;0.082936507936507933291814254062;0.309523809523809534383076425001;0.032142857142857139685077072500;0.072222222222222215437525960624;0.042857142857142857539365365938;0.024206349206349207087152208828;0.059523809523809520505288617187;0.063095238095238093123384715000;0.077777777777777779011358916250;0.090079365079365078528006449687
-0.036666666666666666851703837438;0.180833333333333345915860945752;0.109583333333333338144299773376;0.144583333333333341474968847251;0.056666666666666663798590519718;0.059166666666666666019036568969;0.064583333333333339809634310313;0.025416666666666667268037471672;0.078333333333333338144299773376;0.077916666666666661855700226624;0.056250000000000001387778780781;0.110000000000000000555111512313
-0.049652777777777774848022573906;0.149305555555555552471602709375;0.112152777777777781786916477813;0.015277777777777777276635440273;0.034375000000000002775557561563;0.081250000000000002775557561563;0.031250000000000000000000000000;0.028819444444444446140618509844;0.080902777777777781786916477813;0.133680555555555552471602709375;0.104166666666666671292595935938;0.179166666666666668517038374375
-0.033333333333333332870740406406;0.183333333333333320380731379373;0.142499999999999987787546729123;0.010833333333333333703407674875;0.019166666666666665186369300500;0.089166666666666671847707448251;0.041250000000000001942890293094;0.035833333333333335091186455656;0.062916666666666662410811738937;0.109583333333333338144299773376;0.117499999999999993338661852249;0.154583333333333322601177428623
-0.008585858585858585634298378864;0.216666666666666674068153497501;0.046969696969696966837304330511;0.000000000000000000000000000000;0.036363636363636361870099733551;0.202020202020202016557348656534;0.028787878787878789371701415689;0.001515151515151515150200967064;0.038888888888888889505679458125;0.048989898989898993109104452515;0.115656565656565651911691361420;0.255555555555555535818257339997
-0.022916666666666665047591422422;0.205833333333333340364745822626;0.145833333333333342585191871876;0.000416666666666666693410320255;0.036249999999999997501998194593;0.087083333333333332038073137937;0.053749999999999999167332731531;0.008333333333333333217685101602;0.053749999999999999167332731531;0.055000000000000000277555756156;0.099166666666666666851703837438;0.231666666666666659635254177374
-0.010683760683760683968257509946;0.160683760683760695764377146588;0.089316239316239318113410661226;0.252564102564102554993041849229;0.024786324786324785002245008059;0.098717948717948714176806390697;0.048717948717948718340142733041;0.017094017094017095736990796695;0.032478632478632481206393123330;0.047008547008547008072554262981;0.108547008547008549950163569520;0.109401709401709401614510852596
-0.046899224806201553206186360967;0.111627906976744184497363221453;0.070930232558139530429919261678;0.129069767441860466794523176759;0.024418604651162790358798204693;0.125193798449612397893915272107;0.030620155038759689497540605885;0.105426356589147285358620820261;0.052713178294573642679310410131;0.081007751937984498469269567522;0.126744186046511636556388680219;0.095348837209302331197058322232
-0.002604166666666666522106377002;0.263541666666666674068153497501;0.098958333333333328707404064062;0.000000000000000000000000000000;0.034895833333333334258519187188;0.111458333333333339809634310313;0.029687499999999998612221219219;0.003125000000000000173472347598;0.061458333333333330095182844843;0.056250000000000001387778780781;0.100520833333333337034076748751;0.237499999999999988897769753748
-0.002777777777777777883788656865;0.200793650793650801933409866251;0.134523809523809517729731055624;0.000396825396825396825052634231;0.042460317460317462123775555938;0.121825396825396822797493712187;0.048809523809523809589894227656;0.015476190476190476719153821250;0.058730158730158729674108997187;0.059126984126984125089698807187;0.123412698412698418337640760001;0.191666666666666679619268620627
-0.037755102040816328201611185023;0.212585034013605428393489660266;0.134013605442176858550951124016;0.004421768707482993596147302640;0.017346938775510203911700557455;0.130612244897959195455428016430;0.062925170068027211356387340402;0.021088435374149658296794029866;0.058503401360544216025516561785;0.069727891156462579180796979017;0.119387755102040818422359791384;0.131632653061224486057412264017
-0.027777777777777776235801354687;0.141111111111111103832982394124;0.131111111111111122706773812752;0.045185185185185182399347780802;0.025925925925925925180637321432;0.095555555555555560243163881751;0.025185185185185185452461098521;0.042962962962962959745372160114;0.076666666666666660745477201999;0.112962962962962959467816403958;0.115925925925925932258309103418;0.159629629629629621323516630582
-0.048366013071895426478352675304;0.158169934640522868996015404264;0.085294117647058825815165050699;0.073529411764705884801962554320;0.046078431372549022437823396103;0.106535947712418296862146860349;0.027450980392156862364139158217;0.022875816993464050813633647863;0.083006535947712414835741867591;0.087908496732026150666250430277;0.093464052287581700362295578088;0.167320261437908485158132521065
-0.039837398373983742838611021853;0.079674796747967485677222043705;0.115853658536585371607863237386;0.123983739837398368455190222903;0.039024390243902438990541980957;0.085365853658536591797023618255;0.024390243902439025236450476086;0.026422764227642277917729174419;0.100406504065040647066808787713;0.102439024390243896278640534092;0.112601626016260156215587073802;0.149999999999999994448884876874
-0.013636363636363635701287400082;0.161742424242424243097104863409;0.141666666666666662965923251249;0.009090909090909090467524933388;0.031439393939393940613502564929;0.104924242424242419868818387840;0.024242424242424242403215473018;0.020833333333333332176851016015;0.077651515151515151935690539631;0.102272727272727279035358094461;0.121212121212121215485524317046;0.191287878787878784514475682954
-0.033333333333333332870740406406;0.146938775510204094887356518484;0.099659863945578228139332566116;0.026870748299319728580325516987;0.054761904761904761640423089375;0.129931972789115640631862902410;0.019727891156462583344133321361;0.034353741496598637350512461808;0.112244897959183673186167595759;0.073469387755102047443678259242;0.090136054421768710409601510491;0.178571428571428575393653659376
-0.021544715447154472176549688811;0.161788617886178848204181690562;0.101219512195121957853771732516;0.037804878048780486687885371566;0.044715447154471545110343555507;0.123983739837398368455190222903;0.032113821138211380568083797016;0.015040650406504065678126025318;0.082520325203252031798228927073;0.089430894308943090220687111014;0.109756097560975610094580190434;0.180081300813008132744030831418
-0.028813559322033898552062325393;0.193502824858757055404012703548;0.126836158192090403540319698550;0.096327683615819212348263533841;0.024576271186440679095142058941;0.085310734463276832739708765985;0.038983050847457630105896697614;0.021186440677966100754048284216;0.051412429378531070145452730458;0.063559322033898302262144852648;0.072033898305084748114879289460;0.197457627118644063468622107393
-0.010964912280701753777290008429;0.224561403508771934012244742007;0.055263157894736840425320423265;0.048684210526315788158946418207;0.026315789473684209065496020230;0.137280701754385975332795055692;0.023245614035087718701744208261;0.023684210526315790240614589379;0.049561403508771931236687180444;0.043859649122807015109160033717;0.112719298245614038544992752122;0.243859649122807026211390279968
-0.029924242424242422644375949403;0.213257575757575756902895136591;0.059469696969696971000640672855;0.000000000000000000000000000000;0.058712121212121215485524317046;0.137878787878787878451447568295;0.021212121212121213403856145874;0.000757575757575757575100483532;0.057196969696969697516397701520;0.036742424242424243097104863409;0.087121212121212127099667554830;0.297727272727272729291314590228
-0.049382716049382713308091297222;0.115432098765432103459893653508;0.125000000000000000000000000000;0.059259259259259261520824679792;0.029320987654320986026679207725;0.064814814814814811216869827604;0.047530864197530865722374215920;0.154012345679012341292946075555;0.066975308641975303536320041076;0.103703703703703700722549285729;0.077469135802469141216519687987;0.107098765432098771976932027883
-0.020833333333333332176851016015;0.158750000000000002220446049250;0.074999999999999997224442438437;0.024166666666666666157814447047;0.029166666666666667129259593594;0.139583333333333337034076748751;0.040416666666666663243479007406;0.091666666666666660190365689687;0.060833333333333336478965236438;0.065416666666666664631257788187;0.137916666666666659635254177374;0.156250000000000000000000000000
-0.014999999999999999444888487687;0.164166666666666655194362078873;0.059583333333333335368742211813;0.000000000000000000000000000000;0.048750000000000001665334536938;0.212499999999999994448884876874;0.037083333333333336201409480282;0.002500000000000000052041704279;0.074999999999999997224442438437;0.033750000000000002220446049250;0.165000000000000007771561172376;0.186666666666666675178376522126
-0.026984126984126985404621734688;0.201587301587301592764589486251;0.160317460317460330765371168127;0.000000000000000000000000000000;0.016666666666666666435370203203;0.101984126984126982629064173125;0.050793650793650793606737181562;0.040873015873015873522522412031;0.041269841269841268938112222031;0.070634920634920633775166720625;0.156746031746031744269487262500;0.132142857142857145236192195625
-0.115555555555555550251156660124;0.044074074074074071072359970458;0.153333333333333321490954403998;0.043703703703703702942995334979;0.008518518518518519017090895318;0.052222222222222225429533182250;0.014444444444444443781394582516;0.157407407407407412547328817709;0.091481481481481483064577275854;0.164444444444444448638620315251;0.096666666666666664631257788187;0.058148148148148150193836869448
-0.104166666666666671292595935938;0.069166666666666667961926862063;0.115833333333333329817627088687;0.029166666666666667129259593594;0.019166666666666665186369300500;0.068333333333333329262515576374;0.037083333333333336201409480282;0.145833333333333342585191871876;0.075416666666666673513041985188;0.104583333333333333703407674875;0.163333333333333330372738601000;0.067916666666666666851703837438
-0.000000000000000000000000000000;0.157264957264957261351412398653;0.006837606837606837600906928287;0.000000000000000000000000000000;0.009401709401709401267566157401;0.382905982905982933406363599715;0.001282051282051282050170049054;0.000000000000000000000000000000;0.029059829059829060671216183209;0.029487179487179486503389824748;0.212393162393162387990841466490;0.171367521367521369324293800673
-0.015079365079365079568840535273;0.200000000000000011102230246252;0.152777777777777790113589162502;0.008730158730158730367998387578;0.023412698412698412786525636875;0.090873015873015869359186069687;0.050000000000000002775557561563;0.020238095238095239053466301016;0.055555555555555552471602709375;0.089285714285714287696826829688;0.121428571428571427381903902187;0.172619047619047616404230893750
-0.038652482269503546374878055758;0.190780141843971629000975553936;0.140070921985815610710801593086;0.030851063829787233466772633506;0.015957446808510637042965996102;0.083333333333333328707404064062;0.037588652482269502286271745106;0.024822695035460994039677729006;0.063829787234042548171863984408;0.107092198581560285597369386323;0.108510638297872344382177800526;0.158510638297872347157735362089
-0.000000000000000000000000000000;0.257070707070707060726277859430;0.048989898989898993109104452515;0.007070707070707071134618715291;0.026262626262626261736121691115;0.184848484848484845288751898806;0.020202020202020203737403036826;0.000505050505050505050066989021;0.047979797979797976503757439559;0.046464646464646465473524727940;0.117676767676767671244597579516;0.242929292929292939273722140570
-0.021296296296296295808003762318;0.221296296296296296501893152708;0.097222222222222223764198645313;0.012962962962962962590318660716;0.021759259259259259439156508620;0.125925925925925913384517684790;0.028703703703703703498106847292;0.011574074074074073431583897786;0.091666666666666660190365689687;0.080092592592592590228228743854;0.118055555555555552471602709375;0.169444444444444453079512413751
-0.024583333333333332038073137937;0.207916666666666666296592325125;0.103333333333333332593184650250;0.027916666666666666019036568969;0.030833333333333334119741309109;0.125000000000000000000000000000;0.053749999999999999167332731531;0.018749999999999999306110609609;0.055833333333333332038073137937;0.068750000000000005551115123126;0.121249999999999996669330926125;0.162083333333333329262515576374
-0.063636363636363629803227581760;0.079292929292929290041591627869;0.086868686868686872948330801592;0.310606060606060607742762158523;0.020202020202020203737403036826;0.048989898989898993109104452515;0.017676767676767676101823312251;0.072222222222222215437525960624;0.036868686868686870172773240029;0.113131313131313138153899444660;0.057575757575757578743402831378;0.092929292929292930947049455881
-0.013178294573643410669827602533;0.127131782945736432344219224433;0.063178294573643406506491260188;0.268217054263565901628396659362;0.017829457364341085023884403427;0.103488372093023250908316867935;0.032945736434108530144015958285;0.029844961240310077105197805736;0.055426356589147289521957162606;0.072093023255813959426774317762;0.079457364341085273684583967224;0.137209302325581400383569530277
-0.006666666666666667094565124074;0.234583333333333338144299773376;0.164166666666666655194362078873;0.036249999999999997501998194593;0.020416666666666666296592325125;0.073333333333333333703407674875;0.059166666666666666019036568969;0.020000000000000000416333634234;0.036666666666666666851703837438;0.065833333333333327042069527124;0.099583333333333329262515576374;0.183333333333333320380731379373
-0.011864406779661017254934307630;0.230790960451977389400468609892;0.077118644067796615626519951547;0.000000000000000000000000000000;0.037853107344632770658865439373;0.143502824858757066506242949799;0.025141242937853108818657688062;0.001977401129943502731262094940;0.064406779661016946847418296329;0.042655367231638416369854382992;0.109604519774011296973093010365;0.255084745762711839756065046458
-0.061481481481481484174800300480;0.129259259259259268182162827543;0.095925925925925928372528517230;0.028518518518518519433424529552;0.040370370370370368962031903948;0.132592592592592595224232354667;0.031481481481481478346129421197;0.034074074074074076068363581271;0.096296296296296296501893152708;0.087407407407407405885990669958;0.091111111111111114935212640376;0.171481481481481484729911812792
-0.063675213675213671038477514230;0.205555555555555546920487586249;0.125641025641025638748260462307;0.009401709401709401267566157401;0.044871794871794871972792151382;0.056410256410256411074843896358;0.055982905982905985242670254820;0.035470085470085468970502518005;0.071794871794871789605352319086;0.076495726495726501514837991635;0.080769230769230773714362214832;0.173931623931623924317335649903
-0.003409090909090908925321850020;0.261742424242424220892644370906;0.179924242424242430971048634092;0.001893939393939393991961317454;0.011742424242424241709326082628;0.055681818181818179547271085994;0.067803030303030309422496202387;0.018939393939393939919613174538;0.043939393939393937837945003366;0.068181818181818176771713524431;0.109090909090909085610299200653;0.177651515151515143609017854942
-0.022357723577235772555171777753;0.165853658536585374383420798949;0.164227642276422752809494909343;0.011382113821138212239603149101;0.012195121951219512618225238043;0.057317073170731709652603313998;0.026829268292682926372316742913;0.132113821138211379180305016234;0.050000000000000002775557561563;0.102845528455284551672122006494;0.118292682926829262335388648353;0.136585365853658546875237789209
-0.004166666666666666608842550801;0.217083333333333322601177428623;0.091666666666666660190365689687;0.001250000000000000026020852140;0.040000000000000000832667268469;0.134166666666666656304585103499;0.029583333333333333009518284484;0.008750000000000000832667268469;0.064166666666666663521034763562;0.058333333333333334258519187188;0.122499999999999997779553950750;0.228333333333333332593184650250
-0.091666666666666660190365689687;0.128571428571428558740308289998;0.130555555555555563573832955626;0.030158730158730159137681070547;0.019047619047619049337249919063;0.056349206349206350241676233281;0.024603174603174602502742018828;0.057539682539682536488445663281;0.109920634920634918696435988750;0.143650793650793640043872301248;0.073015873015873020146493388438;0.134920634920634913145320865624
-0.011594202898550724778470311094;0.282246376811594201772237511250;0.055434782608695651329178133437;0.000724637681159420298654394443;0.007246376811594202986543944434;0.210869565217391308209471390001;0.026449275362318839383002355703;0.002898550724637681194617577773;0.030072463768115943044678672891;0.039855072463768112522863873437;0.186956521739130437920195504375;0.145652173913043470054873296249
-0.021428571428571428769682682969;0.168154761904761917978845531252;0.091369047619047613628673332187;0.029761904761904760252644308594;0.022916666666666665047591422422;0.120238095238095241135134472188;0.024107142857142858233254756328;0.019047619047619049337249919063;0.086309523809523808202115446875;0.098511904761904758864865527812;0.108333333333333337034076748751;0.209821428571428575393653659376
-0.001136363636363636308440616673;0.190530303030303022060465423237;0.056818181818181816289392571662;0.000000000000000000000000000000;0.031060606060606059386497435071;0.179545454545454535866255696419;0.018560606060606062162054996634;0.014772727272727272443408885749;0.071969696969696975163977015200;0.061363636363636363257878514332;0.135606060606060618844992404775;0.238636363636363646456572951138
-0.008750000000000000832667268469;0.157500000000000001110223024625;0.048750000000000001665334536938;0.014999999999999999444888487687;0.029583333333333333009518284484;0.221250000000000002220446049250;0.011249999999999999583666365766;0.007499999999999999722444243844;0.077499999999999999444888487687;0.058749999999999996669330926125;0.160000000000000003330669073875;0.204166666666666662965923251249
-0.081666666666666665186369300500;0.128333333333333327042069527124;0.081666666666666665186369300500;0.075833333333333335923853724125;0.017083333333333332315628894094;0.088749999999999995559107901499;0.028333333333333331899295259859;0.089166666666666671847707448251;0.080833333333333326486958014812;0.122083333333333335368742211813;0.097916666666666665741480812812;0.108333333333333337034076748751
-0.030894308943089431734874139579;0.163008130081300800506838299953;0.097560975609756100945801904345;0.000000000000000000000000000000;0.066666666666666665741480812812;0.087398373983739841008855364635;0.025609756097560974069660133523;0.004065040650406504495195658677;0.111788617886178859306411936814;0.059349593495934958864435060377;0.106910569105691050095785499252;0.246747967479674784607723836416
-0.003603603603603603659083498556;0.259909909909909919711878956150;0.080630630630630625854671222896;0.024774774774774774993568726700;0.026576576576576575738908303492;0.156756756756756765458504787603;0.046846846846846847134404612234;0.009009009009009008930868311893;0.033783783783783785659160514570;0.045495495495495495708038191651;0.121621621621621628372977852450;0.190990990990990983089403698614
-0.032500000000000001110223024625;0.176666666666666666296592325125;0.125000000000000000000000000000;0.002500000000000000052041704279;0.046249999999999999444888487687;0.089583333333333334258519187188;0.042916666666666665463925056656;0.013750000000000000069388939039;0.086249999999999993338661852249;0.072916666666666671292595935938;0.104166666666666671292595935938;0.207499999999999990007992778374
-0.017567567567567568542763467576;0.272522522522522514520915137837;0.065315315315315314315114392230;0.000000000000000000000000000000;0.026576576576576575738908303492;0.158108108108108103007083400371;0.029279279279279278591641144658;0.000900900900900900914770874639;0.052252252252252252839870294565;0.047747747747747745772350924653;0.109909909909909911385206271461;0.219819819819819822770412542923
-0.062916666666666662410811738937;0.120416666666666671847707448251;0.098333333333333328152292551749;0.041250000000000001942890293094;0.012916666666666666574148081281;0.091666666666666660190365689687;0.020833333333333332176851016015;0.056666666666666663798590519718;0.099583333333333329262515576374;0.138750000000000012212453270877;0.140833333333333338144299773376;0.115833333333333329817627088687
-0.032624113475177303478336199305;0.134751773049645390267770039827;0.067375886524822695133885019914;0.016312056737588651739168099652;0.076950354609929078053554007965;0.160283687943262420638745879842;0.021631205673758865243305749004;0.021631205673758865243305749004;0.122695035460992904474686326921;0.066666666666666665741480812812;0.106382978723404256204965179222;0.172695035460992907250243888484
-0.031481481481481478346129421197;0.121481481481481481954354251229;0.123703703703703704608329871917;0.056296296296296295669225884239;0.037037037037037034981068472916;0.072222222222222215437525960624;0.034814814814814812327092852229;0.043703703703703702942995334979;0.096666666666666664631257788187;0.107777777777777777901135891625;0.096296296296296296501893152708;0.178518518518518520821203310334
-0.054954954954954955692603135731;0.114864864864864871241145749536;0.136486486486486480185220671046;0.058108108108108111333756085060;0.018918918918918919969129888159;0.040990990990990988640518821740;0.040990990990990988640518821740;0.102702702702702708403847964291;0.086936936936936937136977121554;0.136486486486486480185220671046;0.097297297297297302698382281960;0.111261261261261262811572692044
-0.000438596491228070183617665512;0.253947368421052643849833430068;0.057894736842105262719648806069;0.000000000000000000000000000000;0.020614035087719299876862777410;0.178947368421052632747603183816;0.033333333333333332870740406406;0.001754385964912280734470662047;0.053508771929824561208732802697;0.048245614035087716620076037088;0.137280701754385975332795055692;0.214035087719298244834931210789
-0.038888888888888889505679458125;0.102962962962962964463820014771;0.156296296296296294281447103458;0.047777777777777780121581940875;0.020000000000000000416333634234;0.065555555555555561353386906376;0.025925925925925925180637321432;0.088148148148148142144719940916;0.085925925925925919490744320228;0.153333333333333321490954403998;0.101111111111111109939209029562;0.114074074074074077733698118209
-0.022916666666666665047591422422;0.142916666666666664076146275875;0.123749999999999998889776975375;0.009583333333333332593184650250;0.047083333333333331205405869468;0.074999999999999997224442438437;0.033333333333333332870740406406;0.029166666666666667129259593594;0.103333333333333332593184650250;0.106666666666666673513041985188;0.100833333333333330372738601000;0.205416666666666664076146275875
-0.031481481481481478346129421197;0.115925925925925932258309103418;0.140370370370370367574253123166;0.019629629629629628817522046802;0.029629629629629630760412339896;0.060370370370370372847812490136;0.026296296296296296779448908865;0.062222222222222220433529571437;0.099629629629629623543962679832;0.137407407407407394783760423707;0.099629629629629623543962679832;0.177407407407407402555321596083
-0.020370370370370372015145221667;0.236296296296296309824569448210;0.097037037037037032760622423666;0.000370370370370370351979089074;0.050370370370370370904922197042;0.114074074074074077733698118209;0.031481481481481478346129421197;0.003333333333333333547282562037;0.047407407407407405053323401489;0.064814814814814811216869827604;0.088518518518518524151872384209;0.245925925925925936699201201918
-0.003333333333333333547282562037;0.214583333333333320380731379373;0.092916666666666661300588714312;0.005416666666666666851703837438;0.042500000000000003053113317719;0.107083333333333335923853724125;0.027916666666666666019036568969;0.004583333333333333356462979680;0.062083333333333330650294357156;0.070000000000000006661338147751;0.093333333333333337589188261063;0.276249999999999995559107901499
-0.010283687943262410577349719176;0.234042553191489366426480955852;0.136524822695035463748780557580;0.004609929078014184111733442251;0.018794326241134751143135872553;0.124113475177304963259494741123;0.050354609929078017471759665113;0.010992907801418439969753926277;0.058510638297872341606620238963;0.072695035460992901699128765358;0.122340425531914889778484223370;0.156737588652482273676724844336
-0.033333333333333332870740406406;0.164130434782608691790528609999;0.089130434782608694566086171562;0.018115942028985507900040730078;0.024275362318840580655443517344;0.134782608695652172947632152500;0.021376811594202897726102463594;0.049637681159420292409389929844;0.078260869565217397458845027813;0.098188405797101446781383060625;0.106521739130434778264344686249;0.182246376811594196221122388124
-0.016312056737588651739168099652;0.166666666666666657414808128124;0.058865248226950356302822342514;0.001418439716312056833244503729;0.044680851063829789271419912211;0.220921985815602850422578740108;0.029787234042553192847613274807;0.012765957446808509981317492077;0.061702127659574466933545267011;0.044326241134751774575217808660;0.131914893617021272698153211422;0.210638297872340424232717737141
-0.016666666666666666435370203203;0.203749999999999986677323704498;0.148333333333333344805637921127;0.012083333333333333078907223523;0.037083333333333336201409480282;0.069583333333333330372738601000;0.062500000000000000000000000000;0.021250000000000001526556658860;0.065416666666666664631257788187;0.061249999999999998889776975375;0.094583333333333338699411285688;0.207499999999999990007992778374
-0.026829268292682926372316742913;0.180894308943089443530993776221;0.069918699186991867255969168582;0.055691056910569108895359136113;0.055284552845528453501877663712;0.109756097560975610094580190434;0.050406504065040651230145130057;0.047154471544715449715656774288;0.061788617886178863469748279158;0.043902439024390241262274514611;0.089837398373983745614168583415;0.208536585365853649465250896355
-0.039473684210526313598244030345;0.182017543859649133519695851646;0.053947368421052632747603183816;0.007456140350877192742029553330;0.052192982456140353531015563249;0.154824561403508781376459069179;0.014035087719298245875765296375;0.009649122807017544364849293004;0.103947368421052635523160745379;0.077192982456140354918794344030;0.098684210526315790934503979770;0.206578947368421056429710347402
-0.050833333333333334536074943344;0.167916666666666658525031152749;0.097916666666666665741480812812;0.028333333333333331899295259859;0.044999999999999998334665463062;0.089166666666666671847707448251;0.047916666666666669904817155157;0.035416666666666665741480812812;0.073749999999999996114219413812;0.088333333333333333148296162562;0.102916666666666670182372911313;0.172499999999999986677323704498
-0.016666666666666666435370203203;0.165447154471544705112151518733;0.121544715447154477727664811937;0.008943089430894309369013406297;0.039024390243902438990541980957;0.080081300813008127192915708292;0.024390243902439025236450476086;0.035772357723577237476053625187;0.067479674796747962650655949801;0.087804878048780482524549029222;0.100813008130081302460290260115;0.252032520325203235334043938565
-0.011249999999999999583666365766;0.247083333333333321490954403998;0.120416666666666671847707448251;0.004166666666666666608842550801;0.025416666666666667268037471672;0.106249999999999997224442438437;0.052083333333333335646297967969;0.026666666666666668378260496297;0.050416666666666665186369300500;0.062916666666666662410811738937;0.109166666666666661855700226624;0.184166666666666672957930472876
-0.078888888888888883399452822687;0.104814814814814818988430999980;0.109629629629629632425746876834;0.094074074074074073847917532021;0.010000000000000000208166817117;0.062592592592592588562894206916;0.015555555555555555108382392859;0.104814814814814818988430999980;0.085555555555555551361379684749;0.131111111111111122706773812752;0.104444444444444450859066364501;0.098518518518518519155868773396
-0.013333333333333334189130248149;0.150370370370370376456037320168;0.105925925925925923376524906416;0.022222222222222223070309254922;0.035925925925925923654080662573;0.105555555555555555247160270937;0.016666666666666666435370203203;0.018888888888888889089345823891;0.076296296296296292616112566520;0.095185185185185192113799246272;0.105555555555555555247160270937;0.254074074074074063300798798082
-0.002339181286549707645960882729;0.140058479532163743241923725691;0.046491228070175437403488416521;0.000000000000000000000000000000;0.066959064327485384726657002830;0.183625730994152053243695377205;0.014327485380116959656771058462;0.001461988304093567170305334457;0.100877192982456134751068077549;0.048538011695906435605252227106;0.077192982456140354918794344030;0.318128654970760260667361762899
-0.001063829787234042570723269172;0.195035460992907805355400796543;0.081560283687943269104181354123;0.000000000000000000000000000000;0.052482269503546098710078382510;0.147872340425531906271672255571;0.030496453900709218770570529955;0.013829787234042552335200326752;0.066666666666666665741480812812;0.052482269503546098710078382510;0.084397163120567372796010374714;0.274113475177304943830591810183
-0.034074074074074076068363581271;0.183703703703703702387883822666;0.133333333333333331482961625625;0.001851851851851851922525771243;0.042222222222222223486642889156;0.078148148148148147140723551729;0.037407407407407410049327012302;0.027777777777777776235801354687;0.065185185185185179346234463083;0.062222222222222220433529571437;0.069259259259259256524821068979;0.264814814814814836196887881670
-0.044927536231884057649210717500;0.144927536231884063200325840626;0.165217391304347815950137601249;0.042753623188405795452204927187;0.017391304347826087167705466641;0.077536231884057976726509764376;0.026811594202898549749169987422;0.059420289855072465357022082344;0.050724637681159423507892825000;0.107971014492753619729015213125;0.094202898550724639692433015625;0.168115942028985498879478654999
-0.013888888888888888117900677344;0.169166666666666659635254177374;0.033611111111111112437210834969;0.038333333333333330372738601000;0.025277777777777777484802257391;0.253055555555555533597811290747;0.010277777777777778039913769703;0.008055555555555555385938149016;0.051944444444444445863062753688;0.035555555555555555524716027094;0.161388888888888887285233408875;0.199444444444444451969289389126
-0.012333333333333333300951828448;0.115666666666666667628859954675;0.079000000000000000777156117238;0.406999999999999972910558199146;0.015666666666666665547191783503;0.060999999999999998667732370450;0.041666666666666664353702032031;0.019333333333333334314030338419;0.044999999999999998334665463062;0.051999999999999997613020497056;0.069000000000000005773159728051;0.082333333333333327819225644362
-0.021851851851851851471497667490;0.032592592592592589673117231541;0.034444444444444444197728216750;0.607407407407407395893983448332;0.014814814814814815380206169948;0.054814814814814816212873438417;0.010740740740740739936343040029;0.012592592592592592726230549260;0.064814814814814811216869827604;0.047777777777777780121581940875;0.062592592592592588562894206916;0.035555555555555555524716027094
-0.044722222222222218768195034500;0.048055555555555552749158465531;0.068055555555555549696045147812;0.266666666666666662965923251249;0.049722222222222223209087133000;0.082777777777777783452251014751;0.029444444444444443226283070203;0.073888888888888892836348532001;0.088611111111111112714766591125;0.101944444444444448638620315251;0.095555555555555560243163881751;0.050555555555555554969604514781
-0.027678571428571427381903902187;0.059821428571428574005874878594;0.083928571428571421830788779062;0.333333333333333314829616256247;0.039880952380952378044653983125;0.058630952380952380820211544687;0.029761904761904760252644308594;0.083928571428571421830788779062;0.063095238095238093123384715000;0.088690476190476194573442114688;0.076785714285714290472384391251;0.054464285714285715078730731875
-0.037179487179487179238090988065;0.032371794871794874748349712945;0.063141025641025638748260462307;0.529807692307692312816413959808;0.029487179487179486503389824748;0.036538461538461540489830525757;0.026282051282051282353746657350;0.031089743589743590312934884423;0.053205128205128203455753777007;0.050000000000000002775557561563;0.047756410256410253278858135673;0.063141025641025638748260462307
-0.036607142857142858927144146719;0.054761904761904761640423089375;0.035416666666666665741480812812;0.474702380952380931233847149997;0.048214285714285716466509512657;0.063988095238095232808461787499;0.018749999999999999306110609609;0.008035714285714284921269268125;0.070238095238095238359576910625;0.042857142857142857539365365938;0.070535714285714284921269268125;0.075892857142857136909519510937
-0.052777777777777777623580135469;0.063095238095238093123384715000;0.038888888888888889505679458125;0.476587301587301614969049978754;0.035714285714285712303173170312;0.075396825396825392640032248437;0.012698412698412698401684295391;0.008333333333333333217685101602;0.057539682539682536488445663281;0.045634920634920632387387939843;0.050793650793650793606737181562;0.082539682539682537876224444062
-0.070338983050847458944332402098;0.037005649717514126073591995691;0.047457627118644069019737230519;0.411864406779661018642713088411;0.039265536723163844967654512175;0.037288135593220340935349810252;0.018644067796610170467674905126;0.048870056497175143328526303321;0.084745762711864403016193136864;0.057062146892655367380609021666;0.092937853107344634007169759116;0.054519774011299433624788690622
-0.054716981132075473426290557200;0.040251572327044023158482133340;0.067924528301886791248342944982;0.262578616352201255068621321698;0.064779874213836477481187614558;0.043396226415094336925637463764;0.015723270440251572305223604076;0.027358490566037736713145278600;0.108490566037735852722434515272;0.091194968553459113125292390123;0.129245283018867923585659696073;0.094339622641509440770235528362
-0.052040816326530611735101672366;0.044217687074829932492026074442;0.088775510204081628518046898080;0.253061224489795899561528358390;0.076530612244897960882994425447;0.066326530612244902207486063617;0.023809523809523808202115446875;0.060884353741496595457949325692;0.093877551020408164794694982902;0.072108843537414965552123646830;0.061904761904761906876615285000;0.106462585034013609841530012545
-0.081666666666666665186369300500;0.053333333333333336756520992594;0.095416666666666663521034763562;0.095416666666666663521034763562;0.067500000000000004440892098501;0.053749999999999999167332731531;0.033333333333333332870740406406;0.100000000000000005551115123126;0.128333333333333327042069527124;0.112916666666666665186369300500;0.062500000000000000000000000000;0.115833333333333329817627088687
-0.026190476190476191103995162734;0.069047619047619052112807480626;0.064285714285714279370154144999;0.235119047619047616404230893750;0.066071428571428572618096097813;0.111011904761904756089307966249;0.020535714285714285615158658516;0.022916666666666665047591422422;0.105059523809523810977673008438;0.063988095238095232808461787499;0.089880952380952380820211544687;0.125892857142857139685077072500
-0.042962962962962959745372160114;0.054814814814814816212873438417;0.074074074074074069962136945833;0.112222222222222223209087133000;0.045555555555555557467606320188;0.178148148148148138814050867040;0.021111111111111111743321444578;0.022222222222222223070309254922;0.120740740740740745695624980272;0.077407407407407410881994280771;0.141851851851851840091711665082;0.108888888888888882289229798062
-0.052222222222222225429533182250;0.061111111111111109106541761093;0.065000000000000002220446049250;0.308611111111111113824989615750;0.059722222222222225151977426094;0.068333333333333329262515576374;0.032222222222222221543752596062;0.020277777777777776513357110844;0.093055555555555558022717832500;0.078055555555555558577829344813;0.070833333333333331482961625625;0.090555555555555555802271783250
-0.011320754716981131296482665505;0.049371069182389940022126495478;0.049685534591194971398842028520;0.472641509433962270225748625307;0.058490566037735849946876953709;0.065723270440251571611334213685;0.025471698113207548452852080345;0.014150943396226415421645938864;0.057547169811320755816730354582;0.050943396226415096905704160690;0.066352201257861634364765279770;0.078301886792452826679955535383
-0.026315789473684209065496020230;0.032894736842105261331870025288;0.041228070175438599753725554820;0.522807017543859608998957355652;0.046052631578947365864618035403;0.075877192982456140302183200674;0.012280701754385964924454199831;0.011842105263157895120307294690;0.071491228070175438791267197303;0.049122807017543859697816799326;0.053070175438596489669862421579;0.057017543859649119641908043832
-0.028055555555555555802271783250;0.065555555555555561353386906376;0.084444444444444446973285778313;0.265833333333333310388724157747;0.034444444444444444197728216750;0.135277777777777774570466817750;0.011944444444444445030395485219;0.014444444444444443781394582516;0.082222222222222224319310157625;0.058611111111111113824989615750;0.109444444444444441422170655187;0.109722222222222220988641083750
-0.035555555555555555524716027094;0.024444444444444445724284875610;0.034166666666666664631257788187;0.615833333333333343695414896501;0.057777777777777775125578330062;0.029722222222222222792753498766;0.016944444444444446001840631766;0.020000000000000000416333634234;0.053611111111111109384097517250;0.043333333333333334813630699500;0.036666666666666666851703837438;0.031944444444444441977282167500
-0.011515151515151514707846480690;0.041212121212121213820189780108;0.021515151515151514916013297807;0.612424242424242426530156535591;0.022424242424242422921931705559;0.078181818181818185653497721432;0.005151515151515151727523722514;0.007878787878787879214725897725;0.054848484848484847786753704213;0.040000000000000000832667268469;0.045757575757575760788675722779;0.059090909090909089773635542997
-0.044696969696969700291955263083;0.036742424242424243097104863409;0.048484848484848484806430946037;0.375000000000000000000000000000;0.027272727272727271402574800163;0.093939393939393933674608661022;0.008333333333333333217685101602;0.038636363636363635354342704886;0.080303030303030306646938640824;0.085984848484848483418652165255;0.093560606060606066325391338978;0.067045454545454546968485942671
-0.134821428571428564291423413124;0.065773809523809526056403740313;0.101488095238095238359576910625;0.057142857142857141072855853281;0.039583333333333331482961625625;0.067559523809523805426557885312;0.039880952380952378044653983125;0.033630952380952379432432763906;0.135416666666666657414808128124;0.138988095238095243910692033751;0.083630952380952375269096421562;0.102083333333333331482961625625
-0.070440251572327042262067209322;0.041823899371069180042059798552;0.080817610062893077693679799722;0.197798742138364791465221514954;0.051572327044025159659135226775;0.060377358490566038207170151964;0.034591194968553458377602538576;0.046540880503144650692792794189;0.138364779874213833510410154304;0.110377358490566040982727713526;0.105660377358490570331994717890;0.061635220125786163714032284133
-0.080555555555555560798275394063;0.025000000000000001387778780781;0.061507936507936504522131571093;0.317063492063492047279282814998;0.075793650793650788055622058437;0.070238095238095238359576910625;0.016269841269841271019780393203;0.032936507936507937455150596406;0.152380952380952394697999352502;0.058333333333333334258519187188;0.042460317460317462123775555938;0.067460317460317456572660432812
-0.049056603773584908645410962436;0.117924528301886794023900506545;0.097798742138364785914106391829;0.011635220125786162673198198547;0.077672955974842763926524469298;0.082075471698113203200541931892;0.126100628930817609818504365649;0.035534591194968552507749137703;0.143396226415094335537858682983;0.065408805031446540234618680643;0.063522012578616351974325482388;0.129874213836477986339090762158
-0.029938271604938272024698520113;0.073148148148148142699831453228;0.147222222222222226539756206876;0.147530864197530864334595435139;0.054012345679012342680724856336;0.061728395061728391635114121527;0.048765432098765430779518936788;0.071296296296296302053008275834;0.102777777777777773460243793124;0.084876543209876545437175821007;0.072222222222222215437525960624;0.106481481481481482509465763542
-0.040677966101694912337549681070;0.063841807909604517123902667208;0.116384180790960453655280559815;0.266101694915254260997983237758;0.029661016949152543137335769075;0.071751412429378533253121474900;0.030508474576271187722609212756;0.083615819209039543569161878622;0.075141242937853111594215249625;0.083050847457627113845646249501;0.079096045197740119658824653470;0.060169491525423730859944981830
-0.085672514619883038955450160756;0.064619883040935674478610906135;0.089766081871345035358977781925;0.267251461988304073180700015655;0.059649122807017541936236426636;0.062280701754385964230564809441;0.028362573099415203797812878861;0.031286549707602341607870499729;0.076900584795321635933618154013;0.069005847953216375989526909507;0.070760233918128648267220626167;0.094444444444444441977282167500
-0.043055555555555555247160270937;0.079444444444444442532393679812;0.095000000000000001110223024625;0.310277777777777763468236571498;0.036111111111111107718762980312;0.063055555555555559132940857126;0.030833333333333334119741309109;0.032222222222222221543752596062;0.080555555555555560798275394063;0.070000000000000006661338147751;0.064722222222222222653975620688;0.094722222222222221543752596062
-0.018518518518518517490534236458;0.080370370370370369794699172417;0.048148148148148148250946576354;0.352222222222222214327302935999;0.051481481481481482231910007386;0.095185185185185192113799246272;0.017777777777777777762358013547;0.009629629629629630344078705662;0.114814814814814813992427389167;0.055555555555555552471602709375;0.065555555555555561353386906376;0.090740740740740746805848004897
-0.015773809523809523280846178750;0.086904761904761901325500161875;0.058928571428571427381903902187;0.418750000000000011102230246252;0.044642857142857143848413414844;0.072916666666666671292595935938;0.023809523809523808202115446875;0.015773809523809523280846178750;0.083630952380952375269096421562;0.047321428571428569842538536250;0.050297619047619049337249919063;0.081250000000000002775557561563
-0.050000000000000002775557561563;0.039444444444444441699726411343;0.110833333333333339254522798001;0.196944444444444449748843339876;0.036388888888888887285233408875;0.043888888888888887007677652718;0.025000000000000001387778780781;0.207777777777777783452251014751;0.065277777777777781786916477813;0.073888888888888892836348532001;0.071111111111111111049432054187;0.079444444444444442532393679812
-0.050980392156862744390544150974;0.047712418300653591796134378455;0.070588235294117646079214978272;0.308169934640522891200475896767;0.033660130718954246742402602877;0.069281045751633990592566192390;0.025816993464052286066934271958;0.074183006535947712545286947261;0.090196078431372547767885805570;0.067320261437908493484805205753;0.080392156862745103862444295828;0.081699346405228759349093081710
-0.013963963963963963582637362038;0.057657657657657658545335976896;0.045945945945945948496458299815;0.480630630630630606425768291956;0.047297297297297299922824720397;0.058558558558558557183282289316;0.024774774774774774993568726700;0.013063063063063063209967573641;0.072072072072072071446946495143;0.047747747747747745772350924653;0.066666666666666665741480812812;0.071621621621621625597420290887
-0.033888888888888892003681263532;0.053055555555555557190050564031;0.053611111111111109384097517250;0.367222222222222227649979231501;0.070555555555555551916491197062;0.078611111111111117710770201938;0.031666666666666669349705642844;0.020000000000000000416333634234;0.087499999999999994448884876874;0.058611111111111113824989615750;0.062777777777777779566470428563;0.082500000000000003885780586188
-0.049107142857142856151586585156;0.051190476190476189022326991562;0.032142857142857139685077072500;0.450892857142857150787307318751;0.068154761904761898549942600312;0.057440476190476187634548210781;0.027083333333333334258519187188;0.016369047619047619873677845703;0.097023809523809526056403740313;0.049107142857142856151586585156;0.045833333333333330095182844843;0.055654761904761901325500161875
-0.014074074074074073917306471060;0.031851851851851853414387960584;0.034074074074074076068363581271;0.675925925925925930037863054167;0.027037037037037036507625131776;0.024074074074074074125473288177;0.012962962962962962590318660716;0.011481481481481481399242738917;0.050740740740740739034286832521;0.040000000000000000832667268469;0.034444444444444444197728216750;0.043333333333333334813630699500
-0.046388888888888889228123701969;0.028333333333333331899295259859;0.052499999999999998057109706906;0.454166666666666662965923251249;0.027777777777777776235801354687;0.047222222222222220988641083750;0.011388888888888889366901580047;0.025555555555555557051272685953;0.104999999999999996114219413812;0.089444444444444437536390068999;0.059999999999999997779553950750;0.052222222222222225429533182250
-0.041333333333333333037273860100;0.072666666666666671070551331013;0.076666666666666660745477201999;0.229000000000000009103828801926;0.070666666666666669294194491613;0.061666666666666668239482618219;0.040333333333333332149095440400;0.022666666666666668294993769450;0.120666666666666672069752053176;0.081000000000000002553512956638;0.076666666666666660745477201999;0.106666666666666673513041985188
-0.035344827586206897795939596563;0.045114942528735629823088970625;0.070402298850574709931926520312;0.448275862068965524898089825001;0.038793103448275863265326535156;0.048850574712643680952428582032;0.028735632183908045578224488281;0.038218390804597698884315093437;0.070402298850574709931926520312;0.051724137931034482040804078906;0.050287356321839081496616330469;0.073850574712643682340207362813
-0.076333333333333336367942933975;0.047333333333333331427450474393;0.083000000000000004329869796038;0.316000000000000003108624468950;0.058999999999999996891375531050;0.050666666666666665408413905425;0.034666666666666665075346998037;0.046333333333333330539272054693;0.108666666666666661411611016774;0.061666666666666668239482618219;0.054333333333333330705805508387;0.061999999999999999555910790150
-0.079591836734693874322310591651;0.063945578231292515836159395803;0.080272108843537415268087897857;0.191496598639455783974483438215;0.056122448979591836593083797879;0.072448979591836729086118396026;0.065986394557823124795703506607;0.063945578231292515836159395803;0.108843537414965982335068872544;0.085034013605442174132953425669;0.066666666666666665741480812812;0.065646258503401361261708757411
-0.018888888888888889089345823891;0.056296296296296295669225884239;0.049629629629629627707299022177;0.420740740740740748471182541834;0.024444444444444445724284875610;0.102222222222222228205090743813;0.030370370370370370488588562807;0.020370370370370372015145221667;0.070370370370370374790702783230;0.065185185185185179346234463083;0.095925925925925928372528517230;0.045555555555555557467606320188
-0.020588235294117646773104368663;0.067647058823529407356467402224;0.071241830065359473822539371213;0.383660130718954273110199437724;0.046078431372549022437823396103;0.090196078431372547767885805570;0.035294117647058823039607489136;0.025490196078431372195272075487;0.062418300653594771532084450882;0.050653594771241830518881954504;0.077450980392156865139696719780;0.069281045751633990592566192390
-0.000303030303030303030040193413;0.229393939393939400028799013853;0.047272727272727271818908434398;0.000000000000000000000000000000;0.035151515151515148882577221912;0.230000000000000009992007221626;0.021212121212121213403856145874;0.005757575757575757353923240345;0.053636363636363634799231192574;0.039696969696969695851063164582;0.139696969696969708341072191615;0.197878787878787876231001519045
-0.001572327044025157317258534206;0.230503144654088054643636951369;0.066981132075471697118196345855;0.143081761006289304161143149940;0.022955974842767293969680864052;0.135220125786163519743254823879;0.032389937106918238740593807279;0.003459119496855346011232601455;0.044025157232704399679068529849;0.041509433962264148665344265510;0.112264150943396229243020911781;0.166037735849056594661377062039
-0.003703703703703703845051542487;0.143333333333333340364745822626;0.072962962962962965574043039396;0.375555555555555531377365241497;0.020000000000000000416333634234;0.080740740740740737924063807895;0.029629629629629630760412339896;0.024814814814814813853649511088;0.032592592592592589673117231541;0.047407407407407405053323401489;0.075925925925925924486747931041;0.093333333333333337589188261063
-0.012195121951219512618225238043;0.115447154471544716214381764985;0.060569105691056911167091669768;0.405284552845528445175204979023;0.014227642276422763564780460399;0.097967479674796742461495568932;0.016666666666666666435370203203;0.052439024390243900441976876436;0.026829268292682926372316742913;0.044308943089430896655755987013;0.091463414634146339432518857393;0.062601626016260167317817320054
-0.002941176470588235253300624095;0.199019607843137241731668041211;0.086764705882352938237644934816;0.000490196078431372542216770682;0.034313725490196081424620899725;0.158823529411764696739339797205;0.030882352941176471894380028971;0.006862745098039215591034789554;0.070588235294117646079214978272;0.058823529411764705066012481893;0.112745098039215688179304208916;0.237745098039215674301516401101
-0.027672955974842768089860811642;0.210062893081761015157127303610;0.074213836477987418782653605831;0.009748427672955974412905000293;0.048742138364779877268695429393;0.117610062893081762647184973503;0.063207547169811320597609949345;0.011320754716981131296482665505;0.062578616352201257844178883261;0.039308176100628929028335534213;0.098113207547169817290821924871;0.237421383647798744931378678302
-0.033653846153846152244870637560;0.195833333333333331482961625625;0.123717948717948722503479075385;0.003525641025641025692177743522;0.031410256410256409687065115577;0.089743589743589743945584302764;0.049038461538461537714272964195;0.029487179487179486503389824748;0.075320512820512816598572669591;0.062179487179487180625869768846;0.141025641025641024217662788942;0.165064102564102560544156972355
-0.007037037037037036958653235530;0.168888888888888893946571556626;0.074444444444444438091501581312;0.174074074074074075513252068959;0.048888888888888891448569751219;0.108148148148148146030500527104;0.037037037037037034981068472916;0.010370370370370370072254928573;0.054444444444444441144614899031;0.052962962962962961688262453208;0.091111111111111114935212640376;0.172592592592592602995793527043
-0.020833333333333332176851016015;0.226136363636363635354342704886;0.084848484848484853615424583495;0.193181818181818176771713524431;0.012121212121212121201607736509;0.099621212121212124324109993267;0.054545454545454542805149600326;0.012878787878787878451447568295;0.046590909090909092549193104560;0.046212121212121211322187974702;0.106060606060606063549833777415;0.096969696969696969612861892074
-0.018055555555555553859381490156;0.167222222222222216547748985249;0.089166666666666671847707448251;0.005000000000000000104083408559;0.035833333333333335091186455656;0.194166666666666654084139054248;0.038611111111111109939209029562;0.022499999999999999167332731531;0.068055555555555549696045147812;0.050833333333333334536074943344;0.125555555555555559132940857126;0.184999999999999997779553950750
-0.012698412698412698401684295391;0.205158730158730151504897776249;0.117063492063492063932628184375;0.000000000000000000000000000000;0.054761904761904761640423089375;0.067460317460317456572660432812;0.041666666666666664353702032031;0.009523809523809524668624959531;0.076984126984126988180179296251;0.053174603174603173039169945469;0.082142857142857142460634634062;0.279365079365079371775948402501
-0.054938271604938269943030348941;0.089506172839506167870915476215;0.089814814814814819543542512292;0.004938271604938271504281477320;0.092592592592592587452671182291;0.075925925925925924486747931041;0.010185185185185186007572610833;0.009567901234567901744276774423;0.170370370370370366464030098541;0.088580246913580240608609983610;0.090740740740740746805848004897;0.222839506172839513231664909654
-0.021388888888888887840344921187;0.152499999999999996669330926125;0.094166666666666662410811738937;0.016388888888888890338346726594;0.054166666666666668517038374375;0.120555555555555554692048758625;0.052222222222222225429533182250;0.044444444444444446140618509844;0.072222222222222215437525960624;0.072777777777777774570466817750;0.113888888888888886730121896562;0.185277777777777791223812187127
-0.102898550724637674602668369062;0.123913043478260875840391008751;0.153260869565217394683287466250;0.012681159420289855876973206250;0.061956521739130437920195504375;0.036231884057971015800081460156;0.067753623188405803778877611876;0.073188405797101452332498183750;0.087681159420289853101415644687;0.052173913043478258033669447968;0.053623188405797099498339974843;0.174637681159420299348283833751
-0.025757575757575756902895136591;0.196969696969696961286189207385;0.123106060606060607742762158523;0.000757575757575757575100483532;0.051136363636363639517679047231;0.085606060606060602191647035397;0.086363636363636364645657295114;0.051136363636363639517679047231;0.072727272727272723740199467102;0.046969696969696966837304330511;0.065151515151515154711248101194;0.194318181818181806574941106192
-0.000854700854700854700113366036;0.221794871794871784054237195960;0.079487179487179482340053482403;0.000000000000000000000000000000;0.029059829059829060671216183209;0.187606837606837606458043410385;0.031623931623931622603151936346;0.006410256410256410034009810772;0.054273504273504274975081784760;0.033760683760683758702914047944;0.120085470085470089052215314496;0.235042735042735040362771314904
-0.025595238095238094511163495781;0.209226190476190482270268944376;0.075297619047619043786134795937;0.006845238095238095205052886172;0.044940476190476190410105772344;0.163988095238095238359576910625;0.041071428571428571230317317031;0.015773809523809523280846178750;0.064880952380952386371326667813;0.037499999999999998612221219219;0.116964285714285715078730731875;0.197916666666666657414808128124
-0.008641975308641974481971281818;0.189814814814814825094657635418;0.129938271604938260228578883471;0.000000000000000000000000000000;0.030555555555555554553270880547;0.119444444444444450303954852188;0.061111111111111109106541761093;0.016666666666666666435370203203;0.071604938271604939847847504097;0.053395061728395060152152495903;0.109259259259259264296382241355;0.209567901234567893764548784930
-0.002777777777777777883788656865;0.252380952380952372493538859999;0.114285714285714282145711706562;0.000396825396825396825052634231;0.044444444444444446140618509844;0.111507936507936514236583036563;0.059920634920634922859772331094;0.031349206349206348853897452500;0.050396825396825398191147371563;0.034126984126984123701920026406;0.077777777777777779011358916250;0.220634920634920628224051597499
-0.001282051282051282050170049054;0.215384615384615396571632572886;0.089102564102564105197323840457;0.000641025641025641025085024527;0.068589743589743595864050007549;0.110897435897435892027118597980;0.026282051282051282353746657350;0.002884615384615384775512936244;0.084935897435897439455843027645;0.045192307692307691346922382536;0.083333333333333328707404064062;0.271474358974358953577876718555
-0.021666666666666667406815349750;0.172777777777777780121581940875;0.082222222222222224319310157625;0.138055555555555542479595487748;0.046666666666666668794594130532;0.100555555555555550806268172437;0.031388888888888889783235214281;0.020833333333333332176851016015;0.091388888888888894501683068938;0.056666666666666663798590519718;0.094166666666666662410811738937;0.143611111111111106053428443374
-0.010869565217391304046135047656;0.172101449275362305968428699998;0.072826086956521735027436648124;0.176086956521739140812954360626;0.041304347826086953987534400312;0.083695652173913046012465599688;0.049275362318840582043222298125;0.010869565217391304046135047656;0.055797101449275361695345765156;0.058333333333333334258519187188;0.088043478260869570406477180313;0.180797101449275354756451861249
-0.008888888888888888881179006773;0.224814814814814828425326709294;0.092222222222222219323306546812;0.008888888888888888881179006773;0.078148148148148147140723551729;0.084444444444444446973285778313;0.046666666666666668794594130532;0.014444444444444443781394582516;0.095925925925925928372528517230;0.047407407407407405053323401489;0.100000000000000005551115123126;0.198148148148148156577619261043
-0.019166666666666665186369300500;0.227083333333333331482961625625;0.096250000000000002220446049250;0.003333333333333333547282562037;0.091666666666666660190365689687;0.066250000000000003330669073875;0.075416666666666673513041985188;0.017916666666666667545593227828;0.096250000000000002220446049250;0.057083333333333333148296162562;0.029166666666666667129259593594;0.220416666666666677398822571377
-0.009722222222222222376419864531;0.201041666666666674068153497501;0.118055555555555552471602709375;0.010763888888888888811790067734;0.049652777777777774848022573906;0.141666666666666662965923251249;0.055208333333333331482961625625;0.017013888888888887424011286953;0.097569444444444444752839729063;0.063541666666666662965923251249;0.082986111111111107718762980312;0.152777777777777790113589162502
-0.006250000000000000346944695195;0.167083333333333333703407674875;0.066666666666666665741480812812;0.000000000000000000000000000000;0.073749999999999996114219413812;0.141666666666666662965923251249;0.024583333333333332038073137937;0.002500000000000000052041704279;0.099583333333333329262515576374;0.040833333333333332593184650250;0.075416666666666673513041985188;0.301666666666666694052167940754
-0.013247863247863247634916739059;0.181623931623931617052036813220;0.081196581196581199546535856371;0.000000000000000000000000000000;0.144871794871794884462801178415;0.083333333333333328707404064062;0.061965811965811967709782948077;0.006410256410256410034009810772;0.138034188034188043392447298174;0.034615384615384617306155234928;0.052564102564102564707493314700;0.202136752136752140263098453943
-0.002962962962962962815832712593;0.225555555555555564684055980251;0.092592592592592587452671182291;0.000000000000000000000000000000;0.064814814814814811216869827604;0.136296296296296304273454325084;0.047777777777777780121581940875;0.006666666666666667094565124074;0.067407407407407402000210083770;0.037037037037037034981068472916;0.105555555555555555247160270937;0.213333333333333347026083970377
-0.022083333333333333287074040641;0.216249999999999997779553950750;0.056250000000000001387778780781;0.001250000000000000026020852140;0.033333333333333332870740406406;0.203749999999999986677323704498;0.050833333333333334536074943344;0.001666666666666666773641281019;0.065416666666666664631257788187;0.040000000000000000832667268469;0.131250000000000005551115123126;0.177916666666666667406815349750
-0.044230769230769233224531689075;0.157371794871794867809455809038;0.084615384615384620081712796491;0.004166666666666666608842550801;0.049038461538461537714272964195;0.132692307692307692734701163317;0.050320512820512822149687792717;0.084615384615384620081712796491;0.082051282051282051210883139447;0.044871794871794871972792151382;0.094230769230769229061195346731;0.171794871794871795156467442212
-0.015151515151515151935690539631;0.206818181818181817677171352443;0.124621212121212118772994870142;0.004924242424242423858682382587;0.053030303030303031774916888708;0.085227272727272720964641905539;0.070833333333333331482961625625;0.050378787878787877063668787514;0.061742424242424244484883644191;0.048106060606060603579425816179;0.071969696969696975163977015200;0.207196969696969685026388674487
-0.019333333333333334314030338419;0.164000000000000006883382752676;0.139000000000000012434497875802;0.000000000000000000000000000000;0.082666666666666666074547720200;0.097666666666666665519436207887;0.069000000000000005773159728051;0.035666666666666665963525417737;0.087999999999999994892974086724;0.037666666666666667739882257138;0.061999999999999999555910790150;0.204999999999999987787546729123
-0.033333333333333332870740406406;0.186274509803921572981266763236;0.114379084967320257537615191268;0.006535947712418300852010855095;0.049673202614379081965001461185;0.129084967320261451151353071509;0.032026143790849670445197716617;0.021241830065359477985875713557;0.073529411764705884801962554320;0.072875816993464057058638161379;0.089215686274509806152899216158;0.191830065359477136555099718862
-0.046568627450980393245316690809;0.083333333333333328707404064062;0.135294117647058814712934804447;0.009803921568627450844335413649;0.073039215686274513994469259615;0.065196078431372553319000928695;0.043137254901960783715075820055;0.026960784313725491556645863511;0.135294117647058814712934804447;0.100000000000000005551115123126;0.101960784313725488781088301948;0.179411764705882353920785021728
-0.000000000000000000000000000000;0.274358974358974383456200030196;0.020512820512820512802720784862;0.000000000000000000000000000000;0.010256410256410256401360392431;0.276068376068376086784894596349;0.005128205128205128200680196215;0.000000000000000000000000000000;0.030769230769230770938804653269;0.029914529914529915805010418239;0.164529914529914528253939920432;0.188461538461538458122390693461
-0.000813008130081300812302957937;0.236991869918699193942046576922;0.073577235772357724163938996753;0.000000000000000000000000000000;0.030894308943089431734874139579;0.173983739837398371230747784466;0.028861788617886179053595441246;0.004471544715447154684506703148;0.052032520325203251987389307942;0.040243902439024391293198590347;0.125609756097560976151328304695;0.232520325203252026247113803947
-0.018333333333333333425851918719;0.175833333333333341474968847251;0.089999999999999996669330926125;0.000000000000000000000000000000;0.057500000000000002498001805407;0.123333333333333336478965236438;0.022499999999999999167332731531;0.003749999999999999861222121922;0.087083333333333332038073137937;0.049583333333333333425851918719;0.082083333333333327597181039437;0.289999999999999980015985556747
-0.021474358974358974394558430276;0.188461538461538458122390693461;0.075641025641025635972702900744;0.025961538461538462979616426196;0.051923076923076925959232852392;0.119871794871794876136128493727;0.029487179487179486503389824748;0.009294871794871794809522747016;0.073717948717948719727921513822;0.062820512820512819374130231154;0.082692307692307689959143601754;0.258653846153846178612667472407
-0.058333333333333334258519187188;0.105833333333333334813630699500;0.147916666666666668517038374375;0.063750000000000001110223024625;0.048750000000000001665334536938;0.055000000000000000277555756156;0.027916666666666666019036568969;0.045416666666666667684371105906;0.111250000000000001665334536938;0.092083333333333336478965236438;0.079166666666666662965923251249;0.164583333333333331482961625625
-0.066081871345029241648916240592;0.138888888888888895056794581251;0.126315789473684214616611143356;0.010526315789473683973143103287;0.072807017543859653407878340658;0.071637426900584791344961388404;0.052339181286549706084709754350;0.037719298245614034381656409778;0.099415204678362567580762743091;0.057309941520467838627084233849;0.076900584795321635933618154013;0.190058479532163732139693479439
-0.054273504273504274975081784760;0.120512820512820514884388956034;0.126495726495726490412607745384;0.005982905982905983334474431246;0.034615384615384617306155234928;0.103418803418803412208504255432;0.019230769230769231836752908293;0.019230769230769231836752908293;0.098290598290598288344632749158;0.086324786324786323410407362644;0.122649572649572644045257163725;0.208974358974358981333452334184
-0.023333333333333334397297065266;0.093703703703703705718552896542;0.138888888888888895056794581251;0.000370370370370370351979089074;0.062962962962962956692258842395;0.077777777777777779011358916250;0.023703703703703702526661700745;0.008518518518518519017090895318;0.120740740740740745695624980272;0.074074074074074069962136945833;0.101111111111111109939209029562;0.274814814814814789567520847413
-0.000427350427350427350056683018;0.270512820512820495455486025094;0.078632478632478630675706199327;0.000000000000000000000000000000;0.038888888888888889505679458125;0.139316239316239320888968222789;0.026068376068376069437659836581;0.003418803418803418800453464144;0.050854700854700854439904844639;0.036752136752136753405917346527;0.112820512820512822149687792717;0.242307692307692307265298836683
-0.004861111111111111188209932266;0.154166666666666674068153497501;0.071527777777777773460243793124;0.000000000000000000000000000000;0.104166666666666671292595935938;0.113194444444444444752839729063;0.029513888888888888117900677344;0.004861111111111111188209932266;0.113194444444444444752839729063;0.035069444444444444752839729063;0.065277777777777781786916477813;0.304166666666666640761462758746
-0.027916666666666666019036568969;0.211666666666666669627261399000;0.086249999999999993338661852249;0.000000000000000000000000000000;0.044999999999999998334665463062;0.117083333333333330927850113312;0.057500000000000002498001805407;0.006250000000000000346944695195;0.070833333333333331482961625625;0.057916666666666664908813544344;0.119583333333333333148296162562;0.200000000000000011102230246252
-0.038888888888888889505679458125;0.151041666666666657414808128124;0.054166666666666668517038374375;0.000000000000000000000000000000;0.083333333333333328707404064062;0.183333333333333320380731379373;0.042013888888888892281237019688;0.006250000000000000346944695195;0.093402777777777779011358916250;0.034722222222222223764198645313;0.103819444444444450303954852188;0.209027777777777784562474039376
-0.022727272727272727903535809446;0.213636363636363624252112458635;0.078787878787878781738918121391;0.133333333333333331482961625625;0.046590909090909092549193104560;0.090909090909090911614143237784;0.051515151515151513805790273182;0.010984848484848484459486250842;0.058333333333333334258519187188;0.044696969696969700291955263083;0.069318181818181820452728914006;0.179166666666666668517038374375
-0.011437908496732025406816823931;0.224836601307189548615284024891;0.094444444444444441977282167500;0.123202614379084973705857919413;0.033333333333333332870740406406;0.090196078431372547767885805570;0.097385620915032680700029743548;0.014705882352941176266503120473;0.033006535947712418999078209936;0.037581699346405227080136768336;0.074183006535947712545286947261;0.165686274509803915799821538712
-0.021376811594202897726102463594;0.227173913043478253870333105624;0.062318840579710148286363136094;0.000000000000000000000000000000;0.062681159420289858652530767813;0.137681159420289855876973206250;0.020289855072463766627599568437;0.001086956521739130447981591665;0.060507246376811596455524977500;0.035507246376811595067746196719;0.073188405797101452332498183750;0.298188405797101430128037691247
-0.013703703703703704053218359604;0.179259259259259257079932581291;0.119999999999999995559107901499;0.000000000000000000000000000000;0.091481481481481483064577275854;0.081481481481481488060580886668;0.035925925925925923654080662573;0.005555555555555555767577313730;0.072962962962962965574043039396;0.037777777777777778178691647781;0.068518518518518520266091798021;0.293333333333333334813630699500
-0.015503875968992247846856002980;0.192248062015503873301014436947;0.104651162790697679905171924020;0.000000000000000000000000000000;0.070542635658914734642088717465;0.109302325581395354259228724914;0.051937984496124030286967609982;0.015503875968992247846856002980;0.087209302325581397608011968714;0.037984496124031007224797207300;0.093410852713178296746754369906;0.221705426356589158087828650423
-0.002083333333333333304421275400;0.209999999999999992228438827624;0.079583333333333339254522798001;0.000000000000000000000000000000;0.049166666666666664076146275875;0.205833333333333340364745822626;0.035000000000000003330669073875;0.004583333333333333356462979680;0.059999999999999997779553950750;0.040000000000000000832667268469;0.111666666666666664076146275875;0.202083333333333337034076748751
-0.007692307692307692734701163317;0.161965811965811973260898071203;0.165384615384615379918287203509;0.172649572649572646820814725288;0.031623931623931622603151936346;0.064102564102564096870651155768;0.105128205128205129414986629399;0.015811965811965811301575968173;0.059401709401709398838953291033;0.036324786324786327573743704988;0.070512820512820512108831394471;0.109401709401709401614510852596
-0.013750000000000000069388939039;0.130833333333333329262515576374;0.026249999999999999028554853453;0.051249999999999996946886682281;0.030833333333333334119741309109;0.282916666666666649643246955748;0.007083333333333332974823814965;0.001666666666666666773641281019;0.068333333333333329262515576374;0.042916666666666665463925056656;0.140833333333333338144299773376;0.203333333333333338144299773376
-0.006944444444444444058950338672;0.132291666666666668517038374375;0.245138888888888878403449211874;0.002777777777777777883788656865;0.011458333333333332523795711211;0.087847222222222215437525960624;0.109375000000000000000000000000;0.113541666666666665741480812812;0.039583333333333331482961625625;0.067361111111111107718762980312;0.083333333333333328707404064062;0.100347222222222226539756206876
-0.024537037037037037756626034479;0.301851851851851871177956354586;0.036111111111111107718762980312;0.000000000000000000000000000000;0.006018518518518518531368322044;0.223611111111111121596550788126;0.036574074074074071349915726614;0.000925925925925925961262885622;0.013888888888888888117900677344;0.031018518518518518184423626849;0.206018518518518517490534236458;0.119444444444444450303954852188
-0.021212121212121213403856145874;0.285858585858585867445214034888;0.201515151515151508254675150056;0.000000000000000000000000000000;0.009090909090909090467524933388;0.066161616161616157438807306335;0.114141414141414140881458649801;0.028787878787878789371701415689;0.012626262626262626034834291033;0.045454545454545455807071618892;0.069696969696969701679734043864;0.145454545454545447480398934204
-0.028828828828828829272667988448;0.136936936936936926034746875303;0.154504504504504508455298150693;0.068918918918918922744687449722;0.008108108108108108558198523497;0.063963963963963962888747971647;0.058558558558558557183282289316;0.201801801801801794500335063276;0.034234234234234231508686718826;0.101351351351351356977481543709;0.076576576576576571575571961148;0.066216216216216219891954608556
-0.026296296296296296779448908865;0.102962962962962964463820014771;0.191111111111111120486327763501;0.055555555555555552471602709375;0.011851851851851851263330850372;0.042222222222222223486642889156;0.100370370370370373680479758605;0.186666666666666675178376522126;0.037037037037037034981068472916;0.104074074074074068851913921208;0.068888888888888888395456433500;0.072962962962962965574043039396
-0.008865248226950355261988256927;0.051773049645390069317674175409;0.085815602836879431580818788916;0.442907801418439717178188175239;0.014184397163120567031402430302;0.077659574468085107445958215067;0.067730496453900709830087123464;0.047163120567375885205940733158;0.041489361702127657005600980256;0.046099290780141841117334422506;0.064539007092198577564268191509;0.051773049645390069317674175409
-0.023504273504273504036277131490;0.149572649572649568616711235336;0.025213675213675214303865601551;0.013247863247863247634916739059;0.043162393162393161705203681322;0.254273504273504258321736415382;0.008974358974358973700669039886;0.017094017094017095736990796695;0.080341880341880347882188573294;0.031196581196581196770978294808;0.140170940170940172553315505866;0.213247863247863239655188749566
-0.042483660130718955971751427114;0.132352941176470589867975036213;0.148692810457516338962236090993;0.070915032679738559950877174742;0.032026143790849670445197716617;0.089542483660130720024561412629;0.041176470588235293546208737325;0.106862745098039210733809056819;0.050980392156862744390544150974;0.081699346405228759349093081710;0.091503267973856203254534591451;0.111764705882352946564317619504
-0.000833333333333333386820640509;0.171666666666666661855700226624;0.132083333333333330372738601000;0.225000000000000005551115123126;0.018333333333333333425851918719;0.060833333333333336478965236438;0.083333333333333328707404064062;0.041666666666666664353702032031;0.030833333333333334119741309109;0.050000000000000002775557561563;0.074583333333333334813630699500;0.110833333333333339254522798001
-0.004248366013071895076758099918;0.270915032679738543297531805365;0.136601307189542470199583590329;0.000000000000000000000000000000;0.039215686274509803377341654596;0.081045751633986931605768688769;0.133660130718954245354623822095;0.051960784313725492944424644293;0.036601307189542485465150178925;0.031372549019607842701873323676;0.071568627450980387694201567683;0.142810457516339861516740938896
-0.009722222222222222376419864531;0.195000000000000006661338147751;0.150833333333333347026083970377;0.000277777777777777777536843962;0.056111111111111111604543566500;0.085277777777777771794909256187;0.103333333333333332593184650250;0.063333333333333338699411285688;0.059999999999999997779553950750;0.045555555555555557467606320188;0.072777777777777774570466817750;0.157777777777777766798905645373
-0.060256410256410257442194478017;0.087606837606837600906928287259;0.152136752136752123609753084565;0.191025641025641013115432542691;0.025213675213675214303865601551;0.023931623931623933337897724982;0.088888888888888892281237019688;0.098717948717948714176806390697;0.071367521367521363773178677548;0.083333333333333328707404064062;0.044017094017094020308444868306;0.073504273504273506811834693053
-0.163131313131313127051669198408;0.050505050505050504139337164133;0.076262626262626267981126204631;0.323737373737373712589970864428;0.007575757575757575967845269815;0.033333333333333332870740406406;0.047979797979797976503757439559;0.051010101010101012442010670611;0.062626262626262627075668376619;0.098989898989898988945768110170;0.060606060606060607742762158523;0.024242424242424242403215473018
-0.061111111111111109106541761093;0.112301587301587305067762656563;0.144841269841269854046217346877;0.100793650793650796382294743125;0.019444444444444444752839729063;0.036904761904761905488836504219;0.111507936507936514236583036563;0.155555555555555558022717832500;0.047222222222222220988641083750;0.084523809523809528831961301876;0.069047619047619052112807480626;0.056746031746031745657266043281
-0.017982456140350877582534394605;0.168421052631578943570289652598;0.185087719298245606536212903848;0.016228070175438594896499822084;0.022368421052631579093450397977;0.066228070175438594202610431694;0.120614035087719298489083996628;0.072807017543859653407878340658;0.046052631578947365864618035403;0.062719298245614035769435190559;0.102192982456140349367679220904;0.119298245614035083872472853272
-0.033720930232558142536358758434;0.070155038759689924976470365436;0.191860465116279077513183892734;0.067054263565891475407099164840;0.017054263565891472631541603278;0.024418604651162790358798204693;0.062015503875968991387424011918;0.233333333333333337034076748751;0.053488372093023255071653210280;0.108914728682170544593610372885;0.072480620155038755214604861976;0.065503875968992250622413564543
-0.007407407407407407690103084974;0.216666666666666674068153497501;0.052314814814814813992427389167;0.004629629629629629372633559115;0.035648148148148151026504137917;0.191666666666666679619268620627;0.032870370370370369239587660104;0.026851851851851852442942814037;0.060648148148148145475389014791;0.038888888888888889505679458125;0.127777777777777767909128669999;0.204629629629629633535969901459
-0.021171171171171170033442621161;0.111261261261261262811572692044;0.250450450450450445849526204256;0.010810810810810811410931364662;0.015315315315315315009003782620;0.049549549549549549987137453400;0.061711711711711712824435238645;0.102252252252252248676533952221;0.067117117117117111591007017068;0.086486486486486491287450917298;0.106756756756756762682947226040;0.117117117117117114366564578631
-0.017647058823529411519803744568;0.091176470588235289382872394981;0.226470588235294117973595007243;0.022058823529411766134478156687;0.015686274509803921350936661838;0.040686274509803922738715442620;0.052941176470588234559411233704;0.087254901960784309045138229521;0.080882352941176474669937590534;0.104411764705882356696342583291;0.121078431372549019662265834540;0.139705882352941179735950072427
-0.006250000000000000346944695195;0.171666666666666661855700226624;0.184999999999999997779553950750;0.004166666666666666608842550801;0.024583333333333332038073137937;0.083750000000000004996003610813;0.078333333333333338144299773376;0.031250000000000000000000000000;0.067500000000000004440892098501;0.089583333333333334258519187188;0.131250000000000005551115123126;0.126666666666666677398822571377
-0.001481481481481481407916356297;0.246296296296296290950778029583;0.097777777777777782897139502438;0.000740740740740740703958178148;0.022962962962962962798485477833;0.135555555555555568014725054127;0.092222222222222219323306546812;0.029999999999999998889776975375;0.038518518518518521376314822646;0.040740740740740744030290443334;0.095555555555555560243163881751;0.198148148148148156577619261043
-0.002592592592592592518063732143;0.223703703703703710159444995043;0.146666666666666667406815349750;0.000000000000000000000000000000;0.027037037037037036507625131776;0.100370370370370373680479758605;0.147407407407407403665544620708;0.040740740740740744030290443334;0.031111111111111110216764785719;0.037407407407407410049327012302;0.062222222222222220433529571437;0.180740740740740729597391123207
-0.009848484848484847717364765174;0.114015151515151513805790273182;0.277651515151515149160132978068;0.085984848484848483418652165255;0.011363636363636363951767904723;0.023106060606060605661093987351;0.110227272727272729291314590228;0.111742424242424240321547301846;0.034469696969696969612861892074;0.083712121212121209934409193920;0.069318181818181820452728914006;0.068560606060606057998718654289
-0.032478632478632481206393123330;0.070940170940170937941005036009;0.090170940170940169777757944303;0.432905982905982922304133353464;0.022649572649572648902482896460;0.031623931623931622603151936346;0.038888888888888889505679458125;0.023931623931623933337897724982;0.055982905982905985242670254820;0.068376068376068382947963186780;0.055982905982905985242670254820;0.076068376068376061804876542283
-0.026576576576576575738908303492;0.170720720720720725571695197686;0.212612612612612605911266427938;0.050450450450450448625083765819;0.013963963963963963582637362038;0.031531531531531528655953877660;0.140540540540540548342107740609;0.117567567567567574093878590702;0.027927927927927927165274724075;0.056756756756756759907389664477;0.054954954954954955692603135731;0.096396396396396397121542065634
-0.025438596491228069457202209946;0.193421052631578938019174529472;0.120614035087719298489083996628;0.010087719298245614168996198146;0.010526315789473683973143103287;0.173684210526315802036734226022;0.085964912280701757940626350774;0.054824561403508768886450042146;0.028947368421052631359824403035;0.064912280701754379585999288338;0.128508771929824572310963048949;0.103070175438596492445419983142
-0.030620155038759689497540605885;0.126356589147286813012982520377;0.207364341085271325360039895713;0.000775193798449612392342800149;0.017054263565891472631541603278;0.091472868217054262296450417580;0.081395348837209308134887919550;0.189147286821705423731643236351;0.021317829457364340789427004097;0.062790697674418610718660715975;0.075968992248062014449594414600;0.095736434108527126984888866446
-0.008888888888888888881179006773;0.126666666666666677398822571377;0.255185185185185181566680512333;0.002222222222222222220294751693;0.013333333333333334189130248149;0.048148148148148148250946576354;0.072962962962962965574043039396;0.094814814814814810106646802979;0.049259259259259259577934386698;0.102592592592592596334455379292;0.104074074074074068851913921208;0.121851851851851850083718886708
-0.011979166666666667476204288789;0.138541666666666674068153497501;0.191145833333333320380731379373;0.000000000000000000000000000000;0.022916666666666665047591422422;0.061979166666666668517038374375;0.077083333333333337034076748751;0.077604166666666668517038374375;0.082812499999999997224442438437;0.092708333333333337034076748751;0.103645833333333339809634310313;0.139583333333333337034076748751
-0.006666666666666667094565124074;0.126666666666666677398822571377;0.174999999999999988897769753748;0.004166666666666666608842550801;0.030833333333333334119741309109;0.081666666666666665186369300500;0.100416666666666667961926862063;0.100833333333333330372738601000;0.068333333333333329262515576374;0.094166666666666662410811738937;0.107083333333333335923853724125;0.104166666666666671292595935938
-0.048837209302325580717596409386;0.080232558139534879138032863466;0.187209302325581389281339284025;0.113178294573643409282048821751;0.026744186046511627535826605140;0.043798449612403103636815160371;0.098062015503875971100811170800;0.091860465116279071962068769608;0.065116279069767440956795212514;0.103100775193798455120486323722;0.067829457364341080860548061082;0.074031007751937979999290462274
-0.090370370370370364798695561603;0.056296296296296295669225884239;0.149259259259259258190155605917;0.103333333333333332593184650250;0.010370370370370370072254928573;0.022962962962962962798485477833;0.035555555555555555524716027094;0.177037037037037048303744768418;0.077407407407407410881994280771;0.150370370370370376456037320168;0.084444444444444446973285778313;0.042592592592592591616007524635
-0.015408805031446540928508071033;0.225471698113207552616188422689;0.189622641509433975670617655851;0.000314465408805031430925641667;0.011006289308176099919767132462;0.054716981132075473426290557200;0.163207547169811312270937264657;0.078301886792452826679955535383;0.026729559748427673959714212515;0.026100628930817611206283146430;0.078301886792452826679955535383;0.130817610062893080469237361285
-0.083720930232558138373022416090;0.139922480620155026409534571030;0.139534883720930230621704026817;0.036434108527131782440111607002;0.016279069767441860239198803129;0.056201550387596901914299962755;0.068992248062015509857403117167;0.203875968992248052247262535275;0.051550387596899227560243161861;0.051937984496124030286967609982;0.070155038759689924976470365436;0.081395348837209308134887919550
-0.051249999999999996946886682281;0.092083333333333336478965236438;0.134583333333333332593184650250;0.116666666666666668517038374375;0.025000000000000001387778780781;0.037083333333333336201409480282;0.034166666666666664631257788187;0.144999999999999990007992778374;0.087916666666666670737484423626;0.076249999999999998334665463062;0.064166666666666663521034763562;0.135833333333333333703407674875
-0.013333333333333334189130248149;0.230000000000000009992007221626;0.106666666666666673513041985188;0.012500000000000000693889390391;0.032916666666666663521034763562;0.082916666666666666296592325125;0.071249999999999993893773364562;0.007916666666666667337426410711;0.057083333333333333148296162562;0.047916666666666669904817155157;0.092083333333333336478965236438;0.245416666666666671847707448251
-0.027131782945736433731998005214;0.236046511627906963060041789504;0.145736434108527129760446428008;0.011240310077519379688970602160;0.031782945736434108086054806108;0.081007751937984498469269567522;0.136821705426356576840163370434;0.020155038759689922200912803874;0.035658914728682170047768806853;0.043410852713178293971196808343;0.078294573643410858565516718954;0.152713178294573648230425533256
-0.027906976744186046124340805363;0.102713178294573645454867971694;0.186434108527131769950102579969;0.018217054263565891220055803501;0.034108527131782945263083206555;0.042248062015503878852129560073;0.106201550387596904689857524318;0.132558139534883712151724921569;0.071705426356589149761155965734;0.104651162790697679905171924020;0.085271317829457363157708016388;0.087984496124031003061460864956
-0.009420289855072464316187996758;0.152898550724637677378225930624;0.133695652173913048788023161251;0.009420289855072464316187996758;0.038043478260869567630919618750;0.098550724637681164086444596251;0.097826086956521743354109332813;0.058695652173913044624686818906;0.069927536231884052098095594374;0.069202898550724631365760330937;0.090217391304347832603482970626;0.172101449275362305968428699998
-0.004513888888888888464845372539;0.168055555555555569124948078752;0.095833333333333339809634310313;0.006944444444444444058950338672;0.067708333333333328707404064062;0.130208333333333342585191871876;0.080208333333333339809634310313;0.023263888888888889505679458125;0.090624999999999997224442438437;0.043749999999999997224442438437;0.085069444444444447528397290625;0.203819444444444441977282167500
-0.000877192982456140367235331023;0.189473684210526321924916715034;0.111403508771929823928381608766;0.016666666666666666435370203203;0.056578947368421055041931566620;0.107456140350877193956335986513;0.047807017543859652020099559877;0.021491228070175439485156587693;0.063157894736842107308305571678;0.061403508771929821152824047203;0.101754385964912277828808839786;0.221929824561403504779022455295
-0.003546099290780141757850607576;0.157446808510638303069129051437;0.158865248226950361853937465639;0.000000000000000000000000000000;0.017021276595744681131572306754;0.067375886524822695133885019914;0.026595744680851064051241294806;0.021276595744680850547103645454;0.065248226950354606956672398610;0.094680851063829785108083569867;0.099290780141843976158710916025;0.288652482269503518619302440129
-0.008156028368794325869584049826;0.137234042553191493141184764681;0.232624113475177307641672541649;0.003546099290780141757850607576;0.011702127659574467627434657402;0.060638297872340422844938956359;0.093262411347517726323275155664;0.093262411347517726323275155664;0.030851063829787233466772633506;0.096099290780141843892891984069;0.104255319148936168027752557919;0.128368794326241125736132175916
-0.035555555555555555524716027094;0.144814814814814812882204364541;0.163333333333333330372738601000;0.000370370370370370351979089074;0.070370370370370374790702783230;0.052592592592592593558897817729;0.187777777777777765688682620748;0.080000000000000001665334536938;0.056296296296296295669225884239;0.025925925925925925180637321432;0.065925925925925929482751541855;0.117037037037037036646403009854
-0.030272108843537415961977288248;0.172108843537414957225450962142;0.089115646258503405929829455090;0.001020408163265306214495531378;0.074489795918367351923450314644;0.125510204081632659178779931608;0.077210884353741501828771731653;0.017346938775510203911700557455;0.137414965986394549402049847231;0.040476190476190478106932602032;0.085714285714285715078730731875;0.149319727891156467380895378483
-0.016666666666666666435370203203;0.114814814814814813992427389167;0.215925925925925937809424226543;0.003703703703703703845051542487;0.022592592592592591199673890401;0.051851851851851850361274642864;0.083703703703703696836768699541;0.092962962962962969459823625584;0.050740740740740739034286832521;0.140370370370370367574253123166;0.101481481481481478068573665041;0.105185185185185187117795635459
-0.021759259259259259439156508620;0.037037037037037034981068472916;0.292129629629629627984854778333;0.030092592592592590922118134245;0.004166666666666666608842550801;0.019444444444444444752839729063;0.024074074074074074125473288177;0.226851851851851860075726108334;0.034722222222222223764198645313;0.213425925925925935588978177293;0.058333333333333334258519187188;0.037962962962962962243373965521
-0.012878787878787878451447568295;0.206060606060606055223161092727;0.144318181818181817677171352443;0.070454545454545450255956495766;0.023106060606060605661093987351;0.058712121212121215485524317046;0.089772727272727267933127848210;0.048106060606060603579425816179;0.056060606060606060774276215852;0.059090909090909089773635542997;0.051893939393939395032795403040;0.179545454545454535866255696419
-0.020542635658914728397084203948;0.056201550387596901914299962755;0.163565891472868207845436927528;0.285658914728682156169980999039;0.009302325581395348708113601788;0.026744186046511627535826605140;0.027519379844961239928169405289;0.170155038759689930527585488562;0.048062015503875968325253609237;0.085658914728682172823326368416;0.048837209302325580717596409386;0.057751937984496126698985563053
-0.000900900900900900914770874639;0.248648648648648662451421387232;0.130630630630630628630228784459;0.000000000000000000000000000000;0.036036036036036035723473247572;0.086486486486486491287450917298;0.097747747747747748547908486216;0.009009009009009008930868311893;0.045495495495495495708038191651;0.039639639639639637214152401157;0.082882882882882882857877859806;0.222522522522522525623145384088
-0.002272727272727272616881233347;0.166287878787878790065590806080;0.074242424242424248648219986535;0.000000000000000000000000000000;0.045454545454545455807071618892;0.167045454545454552519601065796;0.053409090909090906063028114659;0.006439393939393939225723784148;0.112878787878787884002562691421;0.060606060606060607742762158523;0.089015151515151519356905396307;0.222348484848484850839867021932
-0.005691056910569106119801574550;0.166666666666666657414808128124;0.131300813008130068393342071431;0.017886178861788618738026812593;0.032113821138211380568083797016;0.121951219512195119243358476524;0.063008130081300808833510984641;0.080081300813008127192915708292;0.078455284552845533374565434315;0.078048780487804877981083961913;0.085772357723577233312717282843;0.139024390243902451480551007990
-0.031132075471698113233731675109;0.126415094339622641195219898691;0.217295597484276736821584563586;0.005345911949685534271525799710;0.025786163522012579829567613388;0.044025157232704399679068529849;0.050628930817610065528988627648;0.094654088050314472146951061404;0.055974842767295598933152689369;0.097484276729559754537390858786;0.091823899371069175878723456208;0.159433962264150935750350868148
-0.043333333333333334813630699500;0.100000000000000005551115123126;0.166666666666666657414808128124;0.016190476190476189161104869640;0.035714285714285712303173170312;0.062857142857142861425145952126;0.050000000000000002775557561563;0.042380952380952380265100032375;0.110952380952380955103642179438;0.103809523809523809867449983813;0.105238095238095241690245984501;0.162857142857142866976261075251
-0.005555555555555555767577313730;0.149444444444444435315944019749;0.214444444444444437536390068999;0.005555555555555555767577313730;0.025555555555555557051272685953;0.063333333333333338699411285688;0.157222222222222235421540403877;0.086666666666666669627261399000;0.054444444444444441144614899031;0.064444444444444443087505192125;0.077777777777777779011358916250;0.095555555555555560243163881751
-0.003875968992248061961714000745;0.134108527131782950814198329681;0.256201550387596899138742401192;0.003875968992248061961714000745;0.012403100775193798277484802384;0.030620155038759689497540605885;0.191472868217054253969777732891;0.110465116279069769378295973183;0.031395348837209305359330357987;0.066279069767441856075862460784;0.078682170542635654353347263168;0.080620155038759688803651215494
-0.027235772357723578296351263361;0.104471544715447159368260088286;0.223170731707317077097130209040;0.020325203252032519873893079421;0.019512195121951219495270990478;0.050000000000000002775557561563;0.171544715447154466625434565685;0.152032520325203257538504431068;0.042276422764227640505030336726;0.067073170731707321134962285214;0.067479674796747962650655949801;0.054878048780487805047290095217
-0.008518518518518519017090895318;0.202962962962962956137147330082;0.160370370370370357582245901540;0.001481481481481481407916356297;0.014444444444444443781394582516;0.069629629629629624654185704458;0.092592592592592587452671182291;0.022592592592592591199673890401;0.063333333333333338699411285688;0.090740740740740746805848004897;0.095925925925925928372528517230;0.177407407407407402555321596083
-0.059999999999999997779553950750;0.025000000000000001387778780781;0.206666666666666665186369300500;0.040555555555555553026714221687;0.009444444444444444544672911945;0.014444444444444443781394582516;0.037222222222222219045750790656;0.242222222222222227649979231501;0.093333333333333337589188261063;0.167777777777777775680689842375;0.072777777777777774570466817750;0.030555555555555554553270880547
-0.036296296296296298722339201959;0.125555555555555559132940857126;0.154444444444444439756836118249;0.015925925925925926707193980292;0.032592592592592589673117231541;0.068888888888888888395456433500;0.057037037037037038866849059104;0.133333333333333331482961625625;0.074814814814814820098654024605;0.097777777777777782897139502438;0.101111111111111109939209029562;0.102222222222222228205090743813
-0.038492063492063494090089648125;0.160317460317460330765371168127;0.121825396825396822797493712187;0.019841269841269840168429539062;0.030555555555555554553270880547;0.118650793650793645594987424374;0.061904761904761906876615285000;0.072619047619047624730903578438;0.053968253968253970809243469375;0.064285714285714279370154144999;0.097619047619047619179788455313;0.159920634920634907594205742498
-0.009920634920634920084214769531;0.194841269841269842943987100625;0.176984126984126993731294419376;0.003571428571428571317053490830;0.025793650793650792218958400781;0.079761904761904756089307966249;0.113888888888888886730121896562;0.043253968253968252954955175937;0.040873015873015873522522412031;0.058730158730158729674108997187;0.114285714285714282145711706562;0.138095238095238104225614961251
-0.034188034188034191473981593390;0.134188034188034183147308908701;0.185042735042735051465001561155;0.026923076923076924571454071611;0.017948717948717947401338079771;0.050427350427350428607731203101;0.166666666666666657414808128124;0.120512820512820514884388956034;0.045299145299145297804965792920;0.079059829059829056507879840865;0.081623931623931625378709497909;0.058119658119658121342432366419
-0.019696969696969695434729530348;0.231818181818181812126056229317;0.139898989898989911662141594206;0.003030303030303030300401934127;0.033838383838383841173413912884;0.106060606060606063549833777415;0.103030303030303027611580546363;0.035353535353535352203646624503;0.051515151515151513805790273182;0.035353535353535352203646624503;0.065656565656565663013921607671;0.174747474747474734746433000510
-0.009459459459459459984564944079;0.191891891891891902544031722755;0.222972972972972971472671588344;0.000450450450450450457385437320;0.022072072072072072140835885534;0.049549549549549549987137453400;0.170270270270270279722168993430;0.083333333333333328707404064062;0.035135135135135137085526935152;0.039639639639639637214152401157;0.072072072072072071446946495143;0.103153153153153154253374168547
-0.024000000000000000499600361081;0.131333333333333329706604786224;0.228000000000000008215650382226;0.020666666666666666518636930050;0.020666666666666666518636930050;0.031333333333333331094383567006;0.153999999999999998001598555675;0.099333333333333329040470971449;0.040000000000000000832667268469;0.079333333333333339032478193076;0.102666666666666669960328306388;0.068666666666666667517837652213
-0.028750000000000001249000902703;0.209166666666666667406815349750;0.132916666666666655194362078873;0.012083333333333333078907223523;0.029583333333333333009518284484;0.092083333333333336478965236438;0.108749999999999999444888487687;0.051249999999999996946886682281;0.048750000000000001665334536938;0.068333333333333329262515576374;0.092499999999999998889776975375;0.125833333333333324821623477874
-0.038541666666666668517038374375;0.177083333333333342585191871876;0.144097222222222209886410837498;0.005208333333333333044212754004;0.040277777777777780399137697032;0.061458333333333330095182844843;0.177430555555555563573832955626;0.092708333333333337034076748751;0.045486111111111109106541761093;0.055208333333333331482961625625;0.063541666666666662965923251249;0.098958333333333328707404064062
-0.017129629629629630066522949505;0.153240740740740732928060197082;0.212962962962962965018931527084;0.020370370370370372015145221667;0.020833333333333332176851016015;0.044907407407407409771771256146;0.113425925925925930037863054167;0.137500000000000011102230246252;0.039814814814814816767984950729;0.064351851851851854524610985209;0.067129629629629636311527463022;0.108333333333333337034076748751
-0.056565656565656569076949722330;0.032828282828282831506960803836;0.226262626262626276307798889320;0.066666666666666665741480812812;0.008080808080808080801071824339;0.018686868686868685768276421300;0.024747474747474747236442027543;0.184848484848484845288751898806;0.068181818181818176771713524431;0.198989898989898994496883233296;0.086868686868686872948330801592;0.027272727272727271402574800163
-0.028888888888888887562789165031;0.141111111111111103832982394124;0.147037037037037049413967793043;0.020740740740740740144509857146;0.028518518518518519433424529552;0.088888888888888892281237019688;0.043333333333333334813630699500;0.075185185185185188228018660084;0.085925925925925919490744320228;0.110740740740740736813840783270;0.098888888888888887285233408875;0.130740740740740740699621369458
-0.021874999999999998612221219219;0.289062500000000000000000000000;0.140104166666666668517038374375;0.018229166666666667823148983985;0.019791666666666665741480812812;0.102083333333333331482961625625;0.102604166666666662965923251249;0.015104166666666666782314898398;0.039583333333333331482961625625;0.037499999999999998612221219219;0.085937500000000000000000000000;0.128124999999999988897769753748
-0.046846846846846847134404612234;0.146396396396396399897099627196;0.151801801801801805602565309528;0.018018018018018017861736623786;0.050450450450450448625083765819;0.092342342342342342842442803885;0.054504504504504502904183027567;0.096846846846846842971068269890;0.066216216216216219891954608556;0.091441441441441437265602587559;0.081531531531531531431511439223;0.103603603603603600102900372804
-0.046249999999999999444888487687;0.179583333333333344805637921127;0.197916666666666657414808128124;0.015416666666666667059870654555;0.020416666666666666296592325125;0.040833333333333332593184650250;0.145833333333333342585191871876;0.094583333333333338699411285688;0.037083333333333336201409480282;0.060416666666666667129259593594;0.063750000000000001110223024625;0.097916666666666665741480812812
-0.024074074074074074125473288177;0.177314814814814813992427389167;0.179166666666666668517038374375;0.009259259259259258745267118229;0.018518518518518517490534236458;0.088888888888888892281237019688;0.133796296296296302053008275834;0.022222222222222223070309254922;0.043518518518518518878313017240;0.083333333333333328707404064062;0.108796296296296293726335591145;0.111111111111111104943205418749
-0.049549549549549549987137453400;0.127027027027027034078443534781;0.147747747747747737445678239965;0.032432432432432434232794093987;0.010810810810810811410931364662;0.063063063063063057311907755320;0.078828828828828828578778598057;0.145045045045045034592945398799;0.060360360360360361398068818062;0.094144144144144140118335428724;0.109009009009009005808366055135;0.081981981981981977281037643479
-0.082478632478632477043056780985;0.046153846153846156408206979904;0.100427350427350431383288764664;0.260256410256410275483318628176;0.015384615384615385469402326635;0.025213675213675214303865601551;0.074358974358974358476181976130;0.125641025641025638748260462307;0.060256410256410257442194478017;0.110683760683760679111031777211;0.057692307692307695510258724880;0.041452991452991451437615211262
-0.017424242424242425419933510966;0.219696969696969696128618920739;0.063636363636363629803227581760;0.106439393939393944776838907273;0.013257575757575757943729222177;0.161363636363636375747887541365;0.045454545454545455807071618892;0.042803030303030301095823517699;0.037499999999999998612221219219;0.039015151515151516581347834745;0.135227272727272723740199467102;0.118181818181818179547271085994
-0.013580246913580246853614497127;0.130246913580246925778993727363;0.076851851851851851749053423646;0.121913580246913580418244293924;0.053086419753086422357313267639;0.128395061728395071254382742154;0.063888888888888883954564334999;0.024382716049382715389759468394;0.091049382716049384600687233160;0.053703703703703704885885628073;0.097530864197530861559037873576;0.145370370370370372015145221667
-0.021969696969696968918972501683;0.073484848484848486194209726818;0.114772727272727276259800532898;0.268560606060606055223161092727;0.017424242424242425419933510966;0.033333333333333332870740406406;0.082196969696969698904176482301;0.088257575757575756902895136591;0.055681818181818179547271085994;0.102651515151515146384575416505;0.084848484848484853615424583495;0.056818181818181816289392571662
-0.036956521739130436532416723594;0.096014492753623184584377270312;0.197826086956521735027436648124;0.027898550724637680847672882578;0.029347826086956522312343409453;0.034420289855072463969243301563;0.082608695652173907975068800624;0.084420289855072466744800863125;0.089492753623188411871147707188;0.132246376811594207323352634376;0.091304347826086956763091961875;0.097463768115942026049047797187
-0.031904761904761907986838309625;0.170952380952380939005408322373;0.110000000000000000555111512313;0.040952380952380955381197935594;0.036190476190476189577438503875;0.085238095238095237804465398312;0.105714285714285718964511318063;0.110952380952380955103642179438;0.054285714285714284366157755812;0.059047619047619050169917187532;0.082380952380952374158873396937;0.112380952380952386926438180126
-0.037398373983739838233297803072;0.122764227642276416152533613513;0.207723577235772366433863567181;0.013414634146341463186158371457;0.008943089430894309369013406297;0.028048780487804878674973352304;0.153252032520325209841161040458;0.112195121951219514699893409215;0.039430894308943087445129549451;0.123983739837398368455190222903;0.086991869918699185615373892233;0.065853658536585368832305675824
-0.025416666666666667268037471672;0.148333333333333344805637921127;0.175833333333333341474968847251;0.002916666666666666799662133158;0.017500000000000001665334536938;0.094166666666666662410811738937;0.097083333333333327042069527124;0.102083333333333331482961625625;0.042500000000000003053113317719;0.076666666666666660745477201999;0.097500000000000003330669073875;0.119999999999999995559107901499
-0.044285714285714282423267462718;0.097142857142857141905523121750;0.231428571428571427937015414500;0.033333333333333332870740406406;0.012857142857142856914864914586;0.057142857142857141072855853281;0.066190476190476188467215479250;0.149999999999999994448884876874;0.040000000000000000832667268469;0.113809523809523804871446372999;0.087142857142857146901526732563;0.066666666666666665741480812812
-0.032500000000000001110223024625;0.129583333333333328152292551749;0.231666666666666659635254177374;0.009166666666666666712925959359;0.015416666666666667059870654555;0.042916666666666665463925056656;0.119166666666666670737484423626;0.125416666666666676288599546751;0.045416666666666667684371105906;0.070000000000000006661338147751;0.091666666666666660190365689687;0.087083333333333332038073137937
-0.018859649122807017190828204889;0.103070175438596492445419983142;0.182456140350877205058566232765;0.032456140350877189792999644169;0.032017543859649125193023166958;0.044298245614035086648030414835;0.163157894736842112859420694804;0.199561403508771939563359865133;0.051315789473684210453274801012;0.053070175438596489669862421579;0.050438596491228067375534038774;0.069298245614035081096915291710
-0.022756410256410255360526306845;0.193589743589743595864050007549;0.116025641025641029768777912068;0.013141025641025641176873328675;0.047115384615384614530597673365;0.091346153846153840816235458533;0.091666666666666660190365689687;0.063141025641025638748260462307;0.066666666666666665741480812812;0.050000000000000002775557561563;0.063461538461538458122390693461;0.181089743589743584761819761297
-0.003160919540229885013604693711;0.172701149425287359129299602500;0.131896551724137944816561685002;0.003735632183908045925169183477;0.056321839080459769333319997031;0.078160919540229883972770608125;0.154885057471264381279141275627;0.047413793103448273469346929687;0.058620689655172412979577956094;0.036494252873563219619068576094;0.074425287356321839782324900625;0.182183908045977005496496303749
-0.016352201257861635058654670161;0.148742138364779868942022744704;0.175786163522012567339558586355;0.010377358490566037166336066377;0.040880503144654085911913199425;0.062578616352201257844178883261;0.166981132075471688791523661166;0.065408805031446540234618680643;0.064150943396226414727756548473;0.041509433962264148665344265510;0.085220125786163516967697262317;0.122012578616352201921202436097
-0.054166666666666668517038374375;0.158928571428571419055231217499;0.101190476190476191797884553125;0.012500000000000000693889390391;0.069047619047619052112807480626;0.070833333333333331482961625625;0.037202380952380952050528861719;0.021428571428571428769682682969;0.113095238095238095898942276563;0.086309523809523808202115446875;0.078571428571428569842538536250;0.196726190476190471168038698124
-0.024418604651162790358798204693;0.160852713178294581819471886774;0.071705426356589149761155965734;0.001162790697674418588514200223;0.091472868217054262296450417580;0.113953488372093028613285525807;0.018604651162790697416227203576;0.004263565891472868157885400819;0.136434108527131781052332826221;0.064728682170542631291176860486;0.068604651162790700191784765138;0.243798449612403100861257598808
-0.022108843537414966246013037221;0.092517006802721082903140370490;0.065986394557823124795703506607;0.000340136054421768683955068502;0.093877551020408164794694982902;0.121088435374149663847909152992;0.010204081632653060410231837807;0.007482993197278911372272158786;0.198979591836734692744670383036;0.069047619047619052112807480626;0.091156462585034014889373565893;0.227210884353741510155444416341
-0.007575757575757575967845269815;0.194242424242424244207327888034;0.084242424242424243652216375722;0.000000000000000000000000000000;0.050606060606060605799871865429;0.124242424242424237545989740283;0.026969696969696969890417648230;0.006666666666666667094565124074;0.103939393939393942556392858023;0.052727272727272726793312784821;0.100000000000000005551115123126;0.248787878787878780073583584453
-0.003921568627450980337734165460;0.229738562091503256690216971947;0.114052287581699343665952994797;0.000000000000000000000000000000;0.056535947712418301025483202693;0.107516339869281052354921257574;0.042810457516339869843413623585;0.007516339869281045936444396460;0.062418300653594771532084450882;0.038235294117647061762355065184;0.077124183006535951268034523309;0.260130718954248385532679321841
-0.003900709219858156020371842132;0.199290780141843981709826039150;0.146453900709219847486863841368;0.000000000000000000000000000000;0.049290780141843973383153354462;0.079432624113475180926968732820;0.062765957446808504083257673756;0.009574468085106382919668988052;0.056382978723404253429407617659;0.049645390070921988079355458012;0.104964539007092197420156765020;0.238297872340425542780906198459
-0.003100775193798449569371200596;0.200387596899224806890060790465;0.150387596899224817992291036717;0.000000000000000000000000000000;0.052325581395348839952585962010;0.086821705426356587942393616686;0.040310077519379844401825607747;0.013178294573643410669827602533;0.072868217054263564880223214004;0.063178294573643406506491260188;0.093023255813953487081136017878;0.224418604651162784113793691176
-0.001250000000000000026020852140;0.221250000000000002220446049250;0.216666666666666674068153497501;0.000000000000000000000000000000;0.014166666666666665949647629930;0.052916666666666667406815349750;0.134166666666666656304585103499;0.025000000000000001387778780781;0.040833333333333332593184650250;0.048333333333333332315628894094;0.090416666666666672957930472876;0.154999999999999998889776975375
-0.008536585365853659179702361826;0.108536585365853657791923581044;0.106097560975609753186610362263;0.000406504065040650406151478968;0.116666666666666668517038374375;0.082926829268292687191710399475;0.197154471544715437225647747255;0.030894308943089431734874139579;0.160569105691056923657100696801;0.023983739837398373312415955638;0.035365853658536582082572152785;0.128861788617886191543604468279
-0.079761904761904756089307966249;0.135119047619047610853115770624;0.164285714285714284921269268125;0.036011904761904758864865527812;0.036011904761904758864865527812;0.047916666666666669904817155157;0.090773809523809520505288617187;0.055357142857142854763807804375;0.100595238095238098674499838125;0.070535714285714284921269268125;0.088690476190476194573442114688;0.094940476190476186246769429999
-0.010734463276836157807903049388;0.130508474576271182865383480021;0.093785310734463278592443202797;0.382203389830508499791505983012;0.024011299435028249371626429820;0.049152542372881358190284117882;0.086158192090395477324982209666;0.019209039548022600191190534247;0.028248587570621468828546696272;0.028248587570621468828546696272;0.059039548022598871412913723589;0.088700564971751411080802540710
-0.040217391304347822889031505156;0.078623188405797100886118755625;0.087681159420289853101415644687;0.341666666666666674068153497501;0.026449275362318839383002355703;0.046739130434782609480048876094;0.021376811594202897726102463594;0.018840579710144928632375993516;0.080797101449275363083124545938;0.077173913043478259421448228750;0.067753623188405803778877611876;0.112681159420289861428088329376
-0.032389937106918238740593807279;0.107861635220125789969003449187;0.107547169811320758592287916144;0.037735849056603772144757869000;0.042138364779874211418775331595;0.151572327044025151332462542086;0.010062893081761005789620533335;0.022641509433962262592965331010;0.090251572327044018995145790996;0.082075471698113203200541931892;0.124213836477987421558211167394;0.191509433962264163930910854106
-0.001162790697674418588514200223;0.175193798449612414547260641484;0.054651162790697677129614362457;0.000387596899224806196171400074;0.016279069767441860239198803129;0.272093023255813970529004564014;0.008914728682170542511942201713;0.003100775193798449569371200596;0.029069767441860464712855005587;0.031007751937984495693712005959;0.201550387596899222009128038735;0.206589147286821706028803191657
-0.002898550724637681194617577773;0.207608695652173907975068800624;0.123913043478260875840391008751;0.001086956521739130447981591665;0.069202898550724631365760330937;0.081159420289855066510398273749;0.047101449275362319846216507813;0.022463768115942028824605358750;0.050362318840579713141725193282;0.042028985507246374719869663750;0.065942028985507245009145549375;0.286231884057971008861187556249
-0.000833333333333333386820640509;0.174999999999999988897769753748;0.226666666666666655194362078873;0.000000000000000000000000000000;0.037499999999999998612221219219;0.050833333333333334536074943344;0.128333333333333327042069527124;0.128333333333333327042069527124;0.035000000000000003330669073875;0.031250000000000000000000000000;0.060416666666666667129259593594;0.125833333333333324821623477874
-0.017836257309941521559393251550;0.267836257309941538906628011318;0.069590643274853800082091481727;0.000000000000000000000000000000;0.017836257309941521559393251550;0.190350877192982465002657477271;0.034502923976608187994763454753;0.004970760233918129072927527545;0.049122807017543859697816799326;0.032748538011695908778175834186;0.120467836257309945935389805527;0.194736842105263152635785672828
-0.001257861635220125723702566667;0.306603773584905647808795947640;0.099056603773584911420968523998;0.000000000000000000000000000000;0.023270440251572325346396397094;0.107861635220125789969003449187;0.048113207547169814515264363308;0.011320754716981131296482665505;0.038364779874213834898188935085;0.045911949685534587939361728104;0.122641509433962264674633502182;0.195597484276729571828212783657
-0.002222222222222222220294751693;0.263333333333333308168278108496;0.089259259259259260410601655167;0.000000000000000000000000000000;0.054444444444444441144614899031;0.107777777777777777901135891625;0.041851851851851848418384349770;0.002222222222222222220294751693;0.061111111111111109106541761093;0.047407407407407405053323401489;0.095185185185185192113799246272;0.235185185185185191558687733959
-0.016091954022988505523805713437;0.179022988505747132625955941876;0.120402298850574712707484081875;0.011206896551724137775507550430;0.030747126436781610503423678438;0.100000000000000005551115123126;0.018678160919540231360569393360;0.059770114942528734802706935625;0.055459770114942526231249786406;0.088793103448275859101990192812;0.103448275862068964081608157812;0.216379310344827574530413016873
-0.041666666666666664353702032031;0.065000000000000002220446049250;0.207916666666666666296592325125;0.034583333333333333980963431031;0.035000000000000003330669073875;0.044999999999999998334665463062;0.025000000000000001387778780781;0.148749999999999993338661852249;0.076249999999999998334665463062;0.137083333333333334813630699500;0.070000000000000006661338147751;0.113750000000000003885780586188
-0.033666666666666664187168578337;0.063666666666666663076945553712;0.158666666666666678064956386152;0.063666666666666663076945553712;0.035000000000000003330669073875;0.040666666666666663465523612331;0.056666666666666663798590519718;0.183999999999999996891375531050;0.073999999999999996336264018737;0.104333333333333333481363069950;0.070333333333333331038872415775;0.115333333333333329373537878837
-0.025185185185185185452461098521;0.106296296296296291505889541895;0.153333333333333321490954403998;0.017037037037037038034181790636;0.058148148148148150193836869448;0.101851851851851846197938300520;0.042592592592592591616007524635;0.039629629629629632703302632990;0.087777777777777774015355305437;0.080370370370370369794699172417;0.108148148148148146030500527104;0.179629629629629639087085024585
-0.050775193798449615167900361712;0.070155038759689924976470365436;0.124031007751937982774848023837;0.018992248062015503612398603650;0.092635658914728677415517665850;0.101550387596899230335800723424;0.029069767441860464712855005587;0.052713178294573642679310410131;0.137209302325581400383569530277;0.089534883720930227846146465254;0.117054263565891478182656726403;0.116279069767441858851420022347
-0.000416666666666666693410320255;0.225000000000000005551115123126;0.041666666666666664353702032031;0.000000000000000000000000000000;0.025833333333333333148296162562;0.203333333333333338144299773376;0.010416666666666666088425508008;0.001250000000000000026020852140;0.051249999999999996946886682281;0.038749999999999999722444243844;0.108333333333333337034076748751;0.293750000000000011102230246252
-0.001937984496124030980857000372;0.287209302325581394832454407151;0.072093023255813959426774317762;0.000000000000000000000000000000;0.025193798449612402751141004842;0.116666666666666668517038374375;0.023643410852713177966455404544;0.006201550387596899138742401192;0.030620155038759689497540605885;0.046899224806201553206186360967;0.097674418604651161435192818772;0.291860465116279055308723400231
-0.019629629629629628817522046802;0.103333333333333332593184650250;0.212592592592592583011779083790;0.004444444444444444440589503387;0.031851851851851853414387960584;0.054444444444444441144614899031;0.090370370370370364798695561603;0.111481481481481486950357862042;0.067777777777777784007362527063;0.065555555555555561353386906376;0.100370370370370373680479758605;0.138148148148148158798065310293
-0.038435374149659862208494587321;0.078911564625850333376533285445;0.104081632653061223470203344732;0.145918367346938776529796655268;0.054421768707482991167534436272;0.082993197278911565173409314866;0.022108843537414966246013037221;0.027891156462585033060097572388;0.113265306122448977665939651160;0.113265306122448977665939651160;0.094897959183673469274467038304;0.123809523809523813753230570001
-0.001572327044025157317258534206;0.234591194968553462540938880920;0.133333333333333331482961625625;0.000314465408805031430925641667;0.040566037735849054535197666382;0.105345911949685538955279184847;0.087106918238993705227990460571;0.011635220125786162673198198547;0.053773584905660379296143958072;0.039308176100628929028335534213;0.104716981132075476201848118762;0.187735849056603787410324457596
-0.004074074074074073709139653943;0.291851851851851862296172157585;0.111481481481481486950357862042;0.015185185185185185244294281404;0.018148148148148149361169600979;0.099259259259259255414598044354;0.073333333333333333703407674875;0.007407407407407407690103084974;0.055555555555555552471602709375;0.049259259259259259577934386698;0.111481481481481486950357862042;0.162962962962962976121161773335
-0.023550724637681159923108253906;0.113043478260869564855362057187;0.123913043478260875840391008751;0.054710144927536230596842870000;0.052536231884057968399837079687;0.077173913043478259421448228750;0.057246376811594203160016292031;0.038043478260869567630919618750;0.122826086956521737802994209687;0.059420289855072465357022082344;0.084782608695652170172074590937;0.192753623188405803778877611876
-0.004421768707482993596147302640;0.246598639455782309148901276785;0.098299319727891160125565761518;0.000000000000000000000000000000;0.025850340136054420631106509632;0.135034013605442176908510987232;0.128911564625850350029878654823;0.026530612244897958107436863884;0.029591836734693878485646933996;0.027891156462585033060097572388;0.112244897959183673186167595759;0.164625850340136048455264017321
-0.021604938271604937072289942535;0.160493827160493818251296715971;0.113271604938271611140443440036;0.000000000000000000000000000000;0.035493827160493825190190619878;0.073148148148148142699831453228;0.269444444444444430875051921248;0.074691358024691359429603210174;0.054320987654320987414457988507;0.027469135802469134971515174470;0.070679012345679012585542011493;0.099382716049382716083648858785
-0.018292682926829267192614381088;0.112195121951219514699893409215;0.058130081300813006561778450987;0.000000000000000000000000000000;0.149186991869918711417497547700;0.133333333333333331482961625625;0.038617886178861790535954412462;0.005691056910569106119801574550;0.130894308943089426877648406844;0.051219512195121948139320267046;0.065853658536585368832305675824;0.236585365853658524670777296706
-0.016666666666666666435370203203;0.125510204081632659178779931608;0.053401360544217686687762380870;0.000000000000000000000000000000;0.104761904761904764415980650938;0.150680272108843549272449990895;0.013945578231292516530048786194;0.002040816326530612428991062757;0.128911564625850350029878654823;0.035714285714285712303173170312;0.050000000000000002775557561563;0.318367346938775497289242366605
-0.022875816993464050813633647863;0.124836601307189543064168901765;0.067320261437908493484805205753;0.000980392156862745084433541365;0.084967320261437911943502854228;0.209150326797385627264347363052;0.020261437908496732901442172192;0.021895424836601305729200106498;0.119607843137254907239785950424;0.027124183006535948492476961746;0.118627450980392151747011553198;0.182352941176470578765744789962
-0.002011494252873563190475714180;0.109195402298850580136146959376;0.101436781609195406095302871563;0.000000000000000000000000000000;0.009195402298850574585031836250;0.304310344827586232163696422504;0.022701149425287357741520821719;0.009195402298850574585031836250;0.039367816091954020707444072968;0.051149425287356324598686541094;0.202873563218390812190605743126;0.148563218390804607782484936251
-0.022701149425287357741520821719;0.104310344827586207183678368438;0.193965517241379309387738771875;0.067528735632183908843551023438;0.032758620689655175428622868594;0.050000000000000002775557561563;0.041379310344827585632643263125;0.035632183908045976516998365469;0.081609195402298856381051450626;0.100862068965517234775397525937;0.099425287356321834231209777499;0.169827586206896558040924105626
-0.035815602836879435744155131260;0.060283687943262408148736852809;0.167021276595744672111010231674;0.132269503546099287394355314973;0.043617021276595745182813601559;0.034397163120567376959346717058;0.048936170212765958686951250911;0.083687943262411343403606167612;0.102482269503546094546742040166;0.085460992907801416884616685365;0.064539007092198577564268191509;0.141489361702127669495610007289
-0.033333333333333332870740406406;0.071825396825396820021936150624;0.205952380952380942336077396249;0.158730158730158721347436312499;0.022222222222222223070309254922;0.019444444444444444752839729063;0.089682539682539683112416639688;0.121031746031746031966314092188;0.067063492063492061157070622812;0.084126984126984133416371491876;0.056349206349206350241676233281;0.070238095238095238359576910625
-0.024166666666666666157814447047;0.052499999999999998057109706906;0.248749999999999998889776975375;0.021250000000000001526556658860;0.006666666666666667094565124074;0.017916666666666667545593227828;0.122499999999999997779553950750;0.327500000000000013322676295502;0.019583333333333334536074943344;0.077916666666666661855700226624;0.044999999999999998334665463062;0.036249999999999997501998194593
-0.032916666666666663521034763562;0.081250000000000002775557561563;0.217083333333333322601177428623;0.007083333333333332974823814965;0.021666666666666667406815349750;0.033333333333333332870740406406;0.209999999999999992228438827624;0.132916666666666655194362078873;0.060833333333333336478965236438;0.069583333333333330372738601000;0.055000000000000000277555756156;0.078333333333333338144299773376
-0.001333333333333333288808764117;0.171000000000000013100631690577;0.157333333333333325043668082799;0.011333333333333334147496884725;0.016666666666666666435370203203;0.052333333333333335868342572894;0.186999999999999999555910790150;0.150666666666666670959529028551;0.029000000000000001471045507628;0.032333333333333331982561986706;0.058333333333333334258519187188;0.132666666666666654972317473948
-0.005434782608695652023067523828;0.280434782608695643002505448749;0.138768115942028980036582197499;0.000000000000000000000000000000;0.033333333333333332870740406406;0.090579710144927536030756698437;0.085507246376811590904409854375;0.009782608695652174682355628477;0.034420289855072463969243301563;0.038768115942028988363254882188;0.100362318840579708978388850937;0.182608695652173913526183923750
-0.026086956521739129016834723984;0.193478260869565210633425067499;0.116304347826086951211976838749;0.000000000000000000000000000000;0.104710144927536233372400431563;0.086231884057971011636745117812;0.100362318840579708978388850937;0.014855072463768116339255520586;0.069927536231884052098095594374;0.035507246376811595067746196719;0.069565217391304348670821866563;0.182971014492753630831245459376
-0.020138888888888890199568848516;0.263541666666666674068153497501;0.111111111111111104943205418749;0.004861111111111111188209932266;0.040972222222222222376419864531;0.103472222222222215437525960624;0.100000000000000005551115123126;0.008680555555555555941049661328;0.047916666666666669904817155157;0.054166666666666668517038374375;0.086458333333333331482961625625;0.158680555555555546920487586249
-0.019182389937106917449094467543;0.210377358490566046533842836652;0.120754716981132076414340303927;0.002201257861635220070689600291;0.062578616352201257844178883261;0.086477987421383642474559394486;0.062578616352201257844178883261;0.013836477987421384044930405821;0.085220125786163516967697262317;0.064779874213836477481187614558;0.094968553459119503523666594447;0.177044025157232692846420718524
-0.048837209302325580717596409386;0.070542635658914734642088717465;0.158914728682170547369167934448;0.016666666666666666435370203203;0.075968992248062014449594414600;0.054651162790697677129614362457;0.031007751937984495693712005959;0.061240310077519378995081211770;0.121317829457364342871095175269;0.121705426356589152536713527297;0.094186046511627902200203266148;0.144961240310077510429209723952
-0.076923076923076927347011633174;0.055769230769230772326583434051;0.177884615384615391020517449761;0.044551282051282052598661920229;0.023076923076923078204103489952;0.041025641025641025605441569724;0.033974358974358971619000868714;0.088461538461538466449063378150;0.118910256410256404135949992451;0.171794871794871795156467442212;0.083012820512820509333273832908;0.084615384615384620081712796491
-0.026356589147286821339655205065;0.138372093023255815502636778547;0.194573643410852703539148933487;0.000387596899224806196171400074;0.047286821705426355932910809088;0.068217054263565890526166413110;0.152325581395348824687019373414;0.043798449612403103636815160371;0.065891472868217060288031916571;0.043798449612403103636815160371;0.072480620155038755214604861976;0.146511627906976749091683132065
-0.006737588652482269686860849589;0.160283687943262420638745879842;0.239007092198581572173310405560;0.000709219858156028416622251864;0.022340425531914894635709956106;0.027304964539007093443645501907;0.170567375886524819073031267180;0.074468085106382975180139283111;0.032269503546099288782134095754;0.063829787234042548171863984408;0.077659574468085107445958215067;0.124822695035460992651898948225
-0.001129943502824858796509954750;0.306779661016949145579957303198;0.141525423728813548596150440062;0.000564971751412429398254977375;0.013559322033898304690757719015;0.107909604519774007802546123003;0.088135593220338981357286911589;0.008757062146892655510321823442;0.023163841807909604786352986139;0.039265536723163844967654512175;0.117231638418079098240554003496;0.151977401129943512358977386612
-0.014227642276422763564780460399;0.215447154471544721765496888111;0.120325203252032525425008202546;0.001626016260162601624605915873;0.066260162601626010347999340411;0.068699186991869914953312559192;0.089024390243902434827205638612;0.039430894308943087445129549451;0.090243902439024387129862248003;0.044308943089430896655755987013;0.072764227642276427254763859764;0.177642276422764228138717612637
-0.023456790123456791596900927743;0.176543209876543205627541510694;0.108024691358024685361449712673;0.000000000000000000000000000000;0.110185185185185191558687733959;0.073148148148148142699831453228;0.070679012345679012585542011493;0.012345679012345678327022824305;0.117901234567901233574183095243;0.038580246913580244771946325955;0.042283950617283953821168296372;0.226851851851851860075726108334
-0.022222222222222223070309254922;0.110370370370370368684476147791;0.104444444444444450859066364501;0.000370370370370370351979089074;0.099259259259259255414598044354;0.102962962962962964463820014771;0.067037037037037033870845448291;0.044814814814814814269983145323;0.127037037037037031650399399041;0.035925925925925923654080662573;0.045555555555555557467606320188;0.239999999999999991118215802999
-0.009848484848484847717364765174;0.099621212121212124324109993267;0.256060606060606044120930846475;0.015909090909090907450806895440;0.017045454545454544192928381108;0.026893939393939393645016622258;0.208712121212121209934409193920;0.170075757575757574580066489034;0.036363636363636361870099733551;0.037499999999999998612221219219;0.041287878787878790065590806080;0.080681818181818187873943770683
-0.016987179487179485809500434357;0.139423076923076927347011633174;0.106410256410256406911507554014;0.160576923076923089306333736204;0.049358974358974357088403195348;0.092307692307692312816413959808;0.050641025641025641523818023870;0.031089743589743590312934884423;0.074999999999999997224442438437;0.052564102564102564707493314700;0.082692307692307689959143601754;0.142948717948717940462444175864
-0.001481481481481481407916356297;0.252592592592592590783340256166;0.100370370370370373680479758605;0.000370370370370370351979089074;0.035925925925925923654080662573;0.154814814814814821763988561543;0.055185185185185184342238073896;0.003333333333333333547282562037;0.058148148148148150193836869448;0.044814814814814814269983145323;0.105185185185185187117795635459;0.187777777777777765688682620748
-0.008163265306122449715964251027;0.246598639455782309148901276785;0.100000000000000005551115123126;0.000340136054421768683955068502;0.046258503401360541451570185245;0.113945578231292518611716957366;0.073469387755102047443678259242;0.020068027210884353817021974464;0.064285714285714279370154144999;0.056802721088435377538861104085;0.092176870748299319369145621295;0.177891156462585020570088545355
-0.011363636363636363951767904723;0.198484848484848486194209726818;0.172727272727272729291314590228;0.001136363636363636308440616673;0.020833333333333332176851016015;0.082954545454545461358186742018;0.172348484848484861942097268184;0.082954545454545461358186742018;0.023863636363636364645657295114;0.030303030303030303871381079261;0.087499999999999994448884876874;0.115530303030303024836022984800
-0.007098765432098765558455166769;0.200000000000000011102230246252;0.089814814814814819543542512292;0.000000000000000000000000000000;0.077777777777777779011358916250;0.135802469135802461597251067360;0.040123456790123454562824178993;0.004938271604938271504281477320;0.084567901234567907642336592744;0.030555555555555554553270880547;0.107407407407407409771771256146;0.221913580246913572091571609235
-0.014150943396226415421645938864;0.163836477987421375024368330742;0.159119496855345904373635335105;0.000000000000000000000000000000;0.063207547169811320597609949345;0.077987421383647795303240002340;0.114150943396226417503314110036;0.023899371069182391569274415133;0.077672955974842763926524469298;0.044339622641509431055784062892;0.086477987421383642474559394486;0.175157232704402504586127520270
-0.040740740740740744030290443334;0.133703703703703713490114068918;0.068888888888888888395456433500;0.000000000000000000000000000000;0.179259259259259257079932581291;0.080740740740740737924063807895;0.036296296296296298722339201959;0.005555555555555555767577313730;0.142962962962962958357593379333;0.026296296296296296779448908865;0.047777777777777780121581940875;0.237777777777777782342027990126
-0.006097560975609756309112619022;0.154065040650406492872548369633;0.127642276422764239240947858889;0.000000000000000000000000000000;0.095528455284552851733970157966;0.086991869918699185615373892233;0.077235772357723581071908824924;0.021951219512195120631137257305;0.080894308943089424102090845281;0.029268292682926830977629961694;0.064634146341463416529649066433;0.255691056910569092242013766736
-0.020000000000000000416333634234;0.154166666666666674068153497501;0.094166666666666662410811738937;0.000000000000000000000000000000;0.117083333333333330927850113312;0.092499999999999998889776975375;0.046249999999999999444888487687;0.010000000000000000208166817117;0.138750000000000012212453270877;0.036249999999999997501998194593;0.061666666666666668239482618219;0.229166666666666657414808128124
-0.005416666666666666851703837438;0.250000000000000000000000000000;0.090416666666666672957930472876;0.002083333333333333304421275400;0.049583333333333333425851918719;0.115416666666666667406815349750;0.029999999999999998889776975375;0.007916666666666667337426410711;0.061666666666666668239482618219;0.047500000000000000555111512313;0.075416666666666673513041985188;0.264583333333333337034076748751
-0.004814814814814815172039352831;0.154814814814814821763988561543;0.134074074074074067741690896582;0.000000000000000000000000000000;0.062962962962962956692258842395;0.083703703703703696836768699541;0.174074074074074075513252068959;0.068148148148148152136727162542;0.054814814814814816212873438417;0.031111111111111110216764785719;0.077777777777777779011358916250;0.153703703703703703498106847292
-0.008680555555555555941049661328;0.165624999999999994448884876874;0.187847222222222220988641083750;0.000347222222222222235473582108;0.035069444444444444752839729063;0.071180555555555552471602709375;0.092013888888888895056794581251;0.037152777777777777623580135469;0.071874999999999994448884876874;0.056597222222222222376419864531;0.103472222222222215437525960624;0.170138888888888895056794581251
-0.010370370370370370072254928573;0.179259259259259257079932581291;0.167777777777777775680689842375;0.000000000000000000000000000000;0.018148148148148149361169600979;0.092962962962962969459823625584;0.100370370370370373680479758605;0.038148148148148146308056283260;0.037407407407407410049327012302;0.072592592592592597444678403917;0.127777777777777767909128669999;0.155185185185185176015565389207
-0.013141025641025641176873328675;0.219230769230769229061195346731;0.201923076923076927347011633174;0.000000000000000000000000000000;0.021474358974358974394558430276;0.077884615384615385469402326635;0.141025641025641024217662788942;0.040705128205128206231311338570;0.035256410256410256054415697236;0.034935897435897436680285466082;0.077564102564102566095272095481;0.136858974358974372353969783944
-0.022222222222222223070309254922;0.135185185185185186007572610833;0.102222222222222228205090743813;0.000370370370370370351979089074;0.047037037037037036923958766010;0.163333333333333330372738601000;0.038148148148148146308056283260;0.035555555555555555524716027094;0.080000000000000001665334536938;0.055185185185185184342238073896;0.105555555555555555247160270937;0.215185185185185173795119339957
-0.025000000000000001387778780781;0.145333333333333342141102662026;0.105999999999999997002397833512;0.000000000000000000000000000000;0.127333333333333326153891107424;0.063333333333333338699411285688;0.043666666666666666130058871431;0.019666666666666665630458510350;0.114666666666666666740681534975;0.045999999999999999222843882762;0.053333333333333336756520992594;0.255666666666666653195960634548
-0.016379310344827587714311434297;0.142241379310344834285828596876;0.100862068965517234775397525937;0.000000000000000000000000000000;0.148563218390804607782484936251;0.092528735632183903292435900312;0.046839080459770116027229391875;0.006321839080459770027209387422;0.126436781609195414421975556252;0.028735632183908045578224488281;0.068965517241379309387738771875;0.222126436781609204462739626251
-0.006504065040650406498423663493;0.122357723577235774636839948926;0.128861788617886191543604468279;0.000000000000000000000000000000;0.056910569105691054259121841596;0.088211382113821137918030501623;0.032520325203252035961565269417;0.036585365853658534385228762176;0.107723577235772360882748444055;0.080894308943089424102090845281;0.104878048780487800883953752873;0.234552845528455289336733358141
-0.023666666666666665713725237197;0.101000000000000006439293542826;0.197333333333333332815229255175;0.000000000000000000000000000000;0.029333333333333332787473679559;0.047666666666666669682772550232;0.027666666666666665796991964044;0.017999999999999998639976794834;0.107333333333333336145898329050;0.121999999999999997335464740900;0.117333333333333331149894718237;0.208666666666666666962726139900
-0.035034013605442178296289768014;0.135374149659863940442505736428;0.138435374149659867759609710447;0.000000000000000000000000000000;0.052721088435374152680878978572;0.091836734693877555835150872099;0.047959183673469386877119546853;0.017687074829931974384589210558;0.115986394557823127571261068169;0.067006802721088429275475562008;0.103741496598639459936208595536;0.194217687074829920002017047409
-0.006089743589743589792517841630;0.152884615384615396571632572886;0.096474358974358978557894772621;0.000000000000000000000000000000;0.070833333333333331482961625625;0.130448717948717957115789545242;0.032051282051282048435325577884;0.024358974358974359170071366520;0.099038461538461533550936621850;0.048076923076923079591882270734;0.098717948717948714176806390697;0.241025641025641029768777912068
-0.104885057471264364625795906250;0.125287356321839071782164864999;0.094252873563218389496576321562;0.012068965517241379142854285078;0.062643678160919535891082432499;0.103448275862068964081608157812;0.031609195402298853605493889063;0.085632183908045972353662023124;0.095689655172413790040764070000;0.045114942528735629823088970625;0.073275862068965511020302017187;0.166091954022988513850478398126
-0.120903954802259891443405592781;0.078813559322033904797066838910;0.081920903954802254398614991260;0.242937853107344642333842443804;0.033050847457627118008982591846;0.038135593220338985520623253933;0.040960451977401127199307495630;0.114124293785310734761218043332;0.057344632768361582242366836226;0.050000000000000002775557561563;0.062429378531073449754007498314;0.079378531073446334520582468031
-0.046060606060606058831385922758;0.110606060606060610518319720086;0.091818181818181812681167741630;0.203030303030303033162695669489;0.061212121212121210767076462389;0.054545454545454542805149600326;0.072424242424242418758595363215;0.040000000000000000832667268469;0.088484848484848485639098214506;0.053939393939393939780835296460;0.073030303030303028721803570988;0.104848484848484843623417361869
-0.029166666666666667129259593594;0.096944444444444444197728216750;0.096666666666666664631257788187;0.288611111111111096061421221748;0.063888888888888883954564334999;0.046944444444444441422170655187;0.077222222222222219878418059125;0.047222222222222220988641083750;0.063333333333333338699411285688;0.044999999999999998334665463062;0.048333333333333332315628894094;0.096666666666666664631257788187
-0.134195402298850574585031836250;0.091954022988505745850318362500;0.066954022988505751401433485626;0.272701149425287336924839109997;0.102586206896551720979537947187;0.041954022988505750013654704844;0.041954022988505750013654704844;0.015804597701149426802746944531;0.079885057471264370176911029375;0.049137931034482759673487350938;0.038505747126436784544267766250;0.064367816091954022095222853750
-0.028055555555555555802271783250;0.091388888888888894501683068938;0.075833333333333335923853724125;0.338055555555555553581825734000;0.036111111111111107718762980312;0.071666666666666670182372911313;0.060277777777777777346024379312;0.060555555555555556912494807875;0.054444444444444441144614899031;0.049444444444444443642616704437;0.056944444444444443365060948281;0.077222222222222219878418059125
-0.098666666666666666407614627587;0.056333333333333332482162347787;0.082000000000000003441691376338;0.227000000000000007327471962526;0.043333333333333334813630699500;0.053999999999999999389377336456;0.055666666666666669849306003925;0.100666666666666668183971466988;0.078666666666666662521834041399;0.047333333333333331427450474393;0.069000000000000005773159728051;0.087333333333333332260117742862
-0.082962962962962960578039428583;0.075555555555555556357383295563;0.071481481481481479178796689666;0.274444444444444435315944019749;0.034444444444444444197728216750;0.055555555555555552471602709375;0.047037037037037036923958766010;0.097777777777777782897139502438;0.075925925925925924486747931041;0.035925925925925923654080662573;0.070000000000000006661338147751;0.078888888888888883399452822687
-0.047321428571428569842538536250;0.092559523809523813753230570001;0.067261904761904758864865527812;0.330654761904761895774385038749;0.036011904761904758864865527812;0.055357142857142854763807804375;0.060119047619047620567567236094;0.074107142857142857539365365938;0.057142857142857141072855853281;0.045238095238095236971798129844;0.068154761904761898549942600312;0.066071428571428572618096097813
-0.015555555555555555108382392859;0.100555555555555550806268172437;0.065555555555555561353386906376;0.400000000000000022204460492503;0.027500000000000000138777878078;0.061111111111111109106541761093;0.078333333333333338144299773376;0.018888888888888889089345823891;0.042500000000000003053113317719;0.052777777777777777623580135469;0.070000000000000006661338147751;0.067222222222222224874421669938
-0.012222222222222222862142437805;0.098055555555555562463609931001;0.079444444444444442532393679812;0.358055555555555571345394128002;0.044166666666666666574148081281;0.058055555555555554692048758625;0.060555555555555556912494807875;0.037777777777777778178691647781;0.057500000000000002498001805407;0.045277777777777777901135891625;0.063888888888888883954564334999;0.085000000000000006106226635438
-0.012222222222222222862142437805;0.113888888888888886730121896562;0.086111111111111110494320541875;0.322777777777777774570466817750;0.057222222222222222931531376844;0.059999999999999997779553950750;0.052222222222222225429533182250;0.019166666666666665186369300500;0.066388888888888886175010384250;0.057222222222222222931531376844;0.054444444444444441144614899031;0.098333333333333328152292551749
-0.006666666666666667094565124074;0.106388888888888893946571556626;0.088055555555555553581825734000;0.381388888888888888395456433500;0.035277777777777775958245598531;0.052499999999999998057109706906;0.056388888888888891171013995063;0.029444444444444443226283070203;0.055277777777777779844026184719;0.051111111111111114102545371907;0.061944444444444447805953046782;0.075555555555555556357383295563
-0.008055555555555555385938149016;0.127777777777777767909128669999;0.093333333333333337589188261063;0.291388888888888863970549891746;0.041111111111111112159655078813;0.060833333333333336478965236438;0.076666666666666660745477201999;0.031944444444444441977282167500;0.063333333333333338699411285688;0.059999999999999997779553950750;0.062500000000000000000000000000;0.083055555555555549140933635499
-0.007777777777777777554191196430;0.111111111111111104943205418749;0.074444444444444438091501581312;0.446944444444444421993267724247;0.029444444444444443226283070203;0.051111111111111114102545371907;0.047500000000000000555111512313;0.014722222222222221613141535101;0.046388888888888889228123701969;0.046666666666666668794594130532;0.050833333333333334536074943344;0.073055555555555554136937246312
-0.006944444444444444058950338672;0.119444444444444450303954852188;0.069722222222222227094867719188;0.423333333333333339254522798001;0.036944444444444446418174266000;0.053055555555555557190050564031;0.049722222222222223209087133000;0.014444444444444443781394582516;0.043055555555555555247160270937;0.050555555555555554969604514781;0.049722222222222223209087133000;0.083055555555555549140933635499
-0.016666666666666666435370203203;0.133888888888888890615902482750;0.070277777777777772350020768499;0.388888888888888895056794581251;0.036944444444444446418174266000;0.061666666666666668239482618219;0.054166666666666668517038374375;0.016111111111111110771876298031;0.039444444444444441699726411343;0.053611111111111109384097517250;0.060833333333333336478965236438;0.067500000000000004440892098501
-0.015178571428571428422737987773;0.132738095238095238359576910625;0.079464285714285709527615608749;0.348809523809523791548770077497;0.032142857142857139685077072500;0.064583333333333339809634310313;0.062500000000000000000000000000;0.015476190476190476719153821250;0.044642857142857143848413414844;0.056547619047619047949471138281;0.071726190476190471168038698124;0.076190476190476197348999676251
-0.012585034013605441577388077690;0.095918367346938773754239093705;0.053401360544217686687762380870;0.452721088435374174885339471075;0.031972789115646257918079697902;0.066326530612244902207486063617;0.048639455782312927822896853058;0.010544217687074829148397014933;0.043197278911564628012254019040;0.046598639455782311924458838348;0.062244897959183670410610034196;0.075850340136054419937217119241
-0.049425287356321838394546119844;0.108908045977011494476194286563;0.055747126436781611891202459219;0.363793103448275867428662877501;0.027011494252873562843531018984;0.080459770114942527619028567187;0.038218390804597698884315093437;0.047413793103448273469346929687;0.036494252873563219619068576094;0.043678160919540229278901222187;0.090229885057471259646177941249;0.058620689655172412979577956094
-0.090849673202614375511210198511;0.086601307189542481301813836581;0.107516339869281052354921257574;0.137581699346405239570145795369;0.030718954248366011489101978782;0.084640522875816998071840657758;0.054575163398692810856616119963;0.160784313725490207724888591656;0.066993464052287579613143009283;0.055555555555555552471602709375;0.058169934640522877322688088952;0.066013071895424837998156419872
-0.012765957446808509981317492077;0.106028368794326241508763075672;0.104255319148936168027752557919;0.186879432624113467342752414879;0.056028368794326238733205514109;0.060992907801418437541141059910;0.078723404255319151534564525718;0.091134751773049652023850342175;0.076950354609929078053554007965;0.063829787234042548171863984408;0.071985815602836886184512366071;0.090425531914893622631446135074
-0.035185185185185187395351391615;0.078888888888888883399452822687;0.074444444444444438091501581312;0.362222222222222223209087133000;0.027777777777777776235801354687;0.067037037037037033870845448291;0.044444444444444446140618509844;0.038888888888888889505679458125;0.057777777777777775125578330062;0.072962962962962965574043039396;0.094444444444444441977282167500;0.045925925925925925596970955667
-0.012121212121212121201607736509;0.114646464646464649184132156279;0.052525252525252523472243382230;0.265151515151515138057902731816;0.031313131313131313537834188310;0.144949494949494939177725427726;0.031818181818181814901613790880;0.009090909090909090467524933388;0.061111111111111109106541761093;0.059090909090909089773635542997;0.134848484848484856390982145058;0.083333333333333328707404064062
-0.063265306122448974890382089598;0.082312925170068024227632008660;0.126190476190476186246769429999;0.202040816326530620061774357055;0.044897959183673466498909476741;0.056462585034013607065972450982;0.047619047619047616404230893750;0.071768707482993202018128897635;0.075170068027210878991439813035;0.057823129251700682018633159487;0.072789115646258506497900953036;0.099659863945578228139332566116
-0.067924528301886791248342944982;0.077044025157232701173093403213;0.079245283018867920810102134510;0.206918238993710701389971973185;0.096226415094339629030528726616;0.041509433962264148665344265510;0.034905660377358489754318071618;0.028301886792452830843291877727;0.126415094339622641195219898691;0.047484276729559751761833297223;0.045911949685534587939361728104;0.148113207547169806188591678620
-0.021130952380952382207990325469;0.110416666666666662965923251249;0.114880952380952375269096421562;0.236607142857142849212692681249;0.051488095238095235584019349062;0.059523809523809520505288617187;0.058035714285714287696826829688;0.025892857142857144542302805235;0.068452380952380958989422765626;0.058333333333333334258519187188;0.074404761904761904101057723437;0.120833333333333334258519187188
-0.012777777777777778525636342977;0.147777777777777785672697064001;0.133888888888888890615902482750;0.024722222222222221821308352219;0.055000000000000000277555756156;0.089722222222222217102860497562;0.073055555555555554136937246312;0.036111111111111107718762980312;0.093333333333333337589188261063;0.060277777777777777346024379312;0.077499999999999999444888487687;0.195833333333333331482961625625
-0.025490196078431372195272075487;0.101307189542483661037763909007;0.070588235294117646079214978272;0.273202614379084940399167180658;0.054901960784313724728278316434;0.064705882352941182511507633990;0.048366013071895426478352675304;0.025490196078431372195272075487;0.088562091503267978409574823218;0.068627450980392162849241799449;0.070588235294117646079214978272;0.108169934640522880098245650515
-0.031632653061224487445191044799;0.122789115646258509273458514599;0.089115646258503405929829455090;0.260884353741496599621285668036;0.038095238095238098674499838125;0.061224489795918365930837978794;0.068707482993197274701024923615;0.032312925170068028390968351005;0.078911564625850333376533285445;0.056802721088435377538861104085;0.061904761904761906876615285000;0.097619047619047619179788455313
-0.045390070921985818663824119312;0.167375886524822686807212335225;0.116312056737588653820836270825;0.016666666666666666435370203203;0.074822695035460989876341386662;0.066666666666666665741480812812;0.082269503546099284618797753410;0.040070921985815605159686469960;0.101418439716312050458135729514;0.060283687943262408148736852809;0.074113475177304960483937179561;0.154609929078014185499512223032
-0.015789473684210526827076392919;0.188304093567251473739787570594;0.090643274853801164558930736348;0.006140350877192982462227099916;0.045321637426900582279465368174;0.152923976608187128789495545789;0.049415204678362571744099085436;0.055555555555555552471602709375;0.071345029239766086237573006201;0.040058479532163744629702506472;0.134795321637426912531054767896;0.149707602339181289341496494671
-0.001851851851851851922525771243;0.109259259259259264296382241355;0.116358024691358030722199146112;0.008024691358024691953398921385;0.032407407407407405608434913802;0.125925925925925913384517684790;0.011419753086419752799440807678;0.239197530864197538402748932640;0.058641975308641972053358415451;0.077777777777777779011358916250;0.074382716049382721634763981911;0.144753086419753096425466765140
-0.051550387596899227560243161861;0.112790697674418599616430469723;0.108139534883720925262373668829;0.022480620155038759377941204320;0.058527131782945739091328363202;0.088759689922480622392697569012;0.031782945736434108086054806108;0.083333333333333328707404064062;0.119379844961240308420791222943;0.112790697674418599616430469723;0.068992248062015509857403117167;0.141472868217054265072007979143
-0.038181818181818184820830452963;0.127272727272727259606455163521;0.132727272727272721519753417851;0.056666666666666663798590519718;0.043030303030303029832026595614;0.081818181818181817677171352443;0.051212121212121208824186169295;0.067575757575757580686293124472;0.084545454545454548633820479608;0.082727272727272732621983664103;0.080909090909090902732359040783;0.153333333333333321490954403998
-0.008653846153846154326538808732;0.147756410256410258829973258798;0.127884615384615374367172080383;0.003205128205128205017004905386;0.055769230769230772326583434051;0.120192307692307695510258724880;0.031410256410256409687065115577;0.017628205128205128027207848618;0.086858974358974355700624414567;0.086538461538461536326494183413;0.100320512820512824925245354279;0.213782051282051271945405801489
-0.005833333333333333599324266316;0.159444444444444444197728216750;0.108333333333333337034076748751;0.001111111111111111110147375847;0.066666666666666665741480812812;0.144166666666666665186369300500;0.023333333333333334397297065266;0.014999999999999999444888487687;0.091944444444444439756836118249;0.056944444444444443365060948281;0.089999999999999996669330926125;0.237222222222222223209087133000
-0.016993464052287580307032399674;0.126470588235294112422479884117;0.085947712418300653558489443640;0.070261437908496732207552781801;0.020588235294117646773104368663;0.073529411764705884801962554320;0.024836601307189540982500730593;0.256862745098039191304906125879;0.048039215686274512606690478833;0.074509803921568626416949143731;0.062745098039215685403746647353;0.139215686274509808928456777721
-0.013276836158192089828999904455;0.087853107344632766495529097028;0.055084745762711863348304319743;0.045197740112994350125674714036;0.064971751412429376570933925450;0.160734463276836159195681830170;0.005932203389830508627467153815;0.143502824858757066506242949799;0.103672316384180784876178904597;0.086440677966101692186740024226;0.075706214689265541317730878745;0.157627118644067809594133677820
-0.001190476190476190583578119941;0.145238095238095249461807156877;0.084523809523809528831961301876;0.004365079365079365183999193789;0.039285714285714284921269268125;0.199206349206349192515475010623;0.019444444444444444752839729063;0.044444444444444446140618509844;0.065079365079365084079121572813;0.055555555555555552471602709375;0.103571428571428578169211220938;0.238095238095238082021154468748
-0.007364341085271317727256601415;0.158527131782945723825761774606;0.092635658914728677415517665850;0.015891472868217054043027403054;0.077906976744186048899898366926;0.098449612403100780766429522828;0.032558139534883720478397606257;0.068604651162790700191784765138;0.091472868217054262296450417580;0.067054263565891475407099164840;0.072093023255813959426774317762;0.217441860465116265643814585928
-0.012765957446808509981317492077;0.132978723404255316786759522074;0.078368794326241136838362422168;0.008156028368794325869584049826;0.062411347517730496325949474112;0.140780141843971640103205800187;0.014184397163120567031402430302;0.050000000000000002775557561563;0.099290780141843976158710916025;0.071631205673758871488310262521;0.080851063829787239711777147022;0.248581560283687941215191585798
-0.011858974358974358476181976130;0.121153846153846153632649418341;0.179807692307692307265298836683;0.021474358974358974394558430276;0.020512820512820512802720784862;0.065064102564102568870829657044;0.034935897435897436680285466082;0.112179487179487183401427330409;0.076282051282051288598751170866;0.109615384615384614530597673365;0.090705128205128202067974996226;0.156410256410256409687065115577
-0.006201550387596899138742401192;0.141085271317829469284177434929;0.132170542635658916363894377355;0.000000000000000000000000000000;0.025968992248062015143483804991;0.170542635658914726315416032776;0.022480620155038759377941204320;0.049612403100775193109939209535;0.071705426356589149761155965734;0.067054263565891475407099164840;0.112403100775193803828599925509;0.200775193798449602677891334679
-0.035000000000000003330669073875;0.115000000000000004996003610813;0.164166666666666655194362078873;0.011249999999999999583666365766;0.047500000000000000555111512313;0.073333333333333333703407674875;0.028750000000000001249000902703;0.043333333333333334813630699500;0.110416666666666662965923251249;0.127500000000000002220446049250;0.095000000000000001110223024625;0.148749999999999993338661852249
-0.019369369369369369288103044369;0.172072072072072063120273810455;0.117117117117117114366564578631;0.001351351351351351426366420583;0.036486486486486488511893355735;0.119369369369369371369771215541;0.040990990990990988640518821740;0.017567567567567568542763467576;0.068468468468468463017373437651;0.085585585585585585710610700971;0.122522522522522520072030260962;0.199099099099099091647602222110
-0.009929078014184397615871091602;0.162411347517730508815958501145;0.125531914893617008166515347511;0.000709219858156028416622251864;0.026595744680851064051241294806;0.155673758865248229588118533684;0.033333333333333332870740406406;0.026950354609929078747443398356;0.065248226950354606956672398610;0.086524822695035460973222996017;0.132269503546099287394355314973;0.174822695035460995427456509788
-0.004000000000000000083266726847;0.111000000000000001443289932013;0.151333333333333319714597564598;0.044666666666666667018237291131;0.033000000000000001554312234475;0.090333333333333334924653001963;0.040333333333333332149095440400;0.171333333333333337478165958601;0.049666666666666664520235485725;0.071999999999999994559907179337;0.085666666666666668739082979300;0.146666666666666667406815349750
-0.001190476190476190583578119941;0.178174603174603179978063849376;0.050000000000000002775557561563;0.000793650793650793650105268462;0.059523809523809520505288617187;0.165873015873015866583628508124;0.010317460317460317234528055508;0.005952380952380952050528861719;0.096825396825396828348608835313;0.053174603174603173039169945469;0.092460317460317464899333117501;0.285714285714285698425385362498
-0.003749999999999999861222121922;0.116666666666666668517038374375;0.063333333333333338699411285688;0.000000000000000000000000000000;0.047916666666666669904817155157;0.261249999999999982236431605997;0.010416666666666666088425508008;0.019166666666666665186369300500;0.088333333333333333148296162562;0.080833333333333326486958014812;0.132500000000000006661338147751;0.175833333333333341474968847251
-0.003623188405797101493271972217;0.132246376811594207323352634376;0.094202898550724639692433015625;0.001086956521739130447981591665;0.021376811594202897726102463594;0.259782608695652172947632152500;0.009057971014492753950020365039;0.076811594202898555994174500938;0.050000000000000002775557561563;0.072463768115942031600162920313;0.121739130434782613643385218438;0.157608695652173919077299046876
-0.021130952380952382207990325469;0.164285714285714284921269268125;0.074999999999999997224442438437;0.006250000000000000346944695195;0.052976190476190475331375040469;0.186904761904761906876615285000;0.033035714285714286309048048906;0.028273809523809523974735569141;0.060714285714285713690951951094;0.043749999999999997224442438437;0.107440476190476197348999676251;0.220238095238095232808461787499
-0.024166666666666666157814447047;0.216666666666666674068153497501;0.072083333333333332593184650250;0.008750000000000000832667268469;0.041250000000000001942890293094;0.147916666666666668517038374375;0.046249999999999999444888487687;0.050833333333333334536074943344;0.047083333333333331205405869468;0.044166666666666666574148081281;0.139166666666666660745477201999;0.161666666666666652973916029623
-0.018402777777777778317469525859;0.170833333333333337034076748751;0.194444444444444447528397290625;0.000000000000000000000000000000;0.025694444444444443365060948281;0.083333333333333328707404064062;0.023958333333333334952408577578;0.062847222222222220988641083750;0.044097222222222225151977426094;0.104166666666666671292595935938;0.098611111111111107718762980312;0.173611111111111104943205418749
-0.007954545454545453725403447720;0.143181818181818187873943770683;0.087878787878787875675890006733;0.007196969696969697342925353922;0.020075757575757576661734660206;0.190530303030303022060465423237;0.023863636363636364645657295114;0.119696969696969690577503797613;0.057954545454545453031514057329;0.076136363636363640905457828012;0.142045454545454558070716188922;0.123484848484848488969767288381
-0.006481481481481481295159330358;0.137037037037037040532183596042;0.134567901234567910417894154307;0.002160493827160493620492820455;0.023456790123456791596900927743;0.134567901234567910417894154307;0.037037037037037034981068472916;0.097839506172839499353877101839;0.059567901234567899315663908055;0.127469135802469130114289441735;0.087345679012345675551465262743;0.152469135802469124563174318610
-0.011240310077519379688970602160;0.189534883720930219519473780565;0.066666666666666665741480812812;0.000387596899224806196171400074;0.036821705426356592105729959030;0.179457364341085279235699090350;0.013178294573643410669827602533;0.017441860465116278827713003352;0.073255813953488374545841566032;0.065891472868217060288031916571;0.116666666666666668517038374375;0.229457364341085268133468844098
-0.015454545454545455182571167541;0.134848484848484856390982145058;0.151515151515151519356905396307;0.005454545454545454974404350423;0.057878787878787876786113031358;0.104848484848484843623417361869;0.039090909090909092826748860716;0.066060606060606055778272605039;0.076969696969696965727081305886;0.074848484848484844733640386494;0.087575757575757570694285902846;0.185454545454545455251960106580
-0.029393939393939392396015719555;0.106060606060606063549833777415;0.135454545454545466354190352831;0.018181818181818180935049866775;0.050303030303030300818267761542;0.084848484848484853615424583495;0.092121212121212117662771845517;0.174545454545454559180939213547;0.064242424242424239766435789534;0.055757575757575755792672111966;0.052121212121212123768998480955;0.136969696969696963506635256635
-0.021705426356589146985598404171;0.140310077519379849952940730873;0.148449612403100783541987084391;0.087209302325581397608011968714;0.049224806201550390383214761414;0.091085271317829452630832065552;0.046899224806201553206186360967;0.103100775193798455120486323722;0.062790697674418610718660715975;0.052713178294573642679310410131;0.059302325581395351483671163351;0.137209302325581400383569530277
-0.027777777777777776235801354687;0.159126984126984116763026122499;0.147619047619047621955346016875;0.001587301587301587300210536924;0.051587301587301584437916801562;0.101190476190476191797884553125;0.063888888888888883954564334999;0.058333333333333334258519187188;0.059920634920634922859772331094;0.063492063492063488538974525000;0.103174603174603168875833603124;0.162301587301587307843320218126
-0.012146892655367232116692122190;0.149435028248587564725369247753;0.085310734463276832739708765985;0.005084745762711864042193710134;0.043220338983050846093370012113;0.208474576271186429199389067435;0.019209039548022600191190534247;0.046892655367231639296221601398;0.071751412429378533253121474900;0.076271186440677971041246507866;0.119491525423728817134616519979;0.162711864406779649350198724278
-0.015853658536585366056748114261;0.134959349593495925301311899602;0.161382113821138206688488025975;0.006504065040650406498423663493;0.055284552845528453501877663712;0.077642276422764222587602489511;0.050000000000000002775557561563;0.097154471544715445552320431943;0.077235772357723581071908824924;0.065447154471544713438824203422;0.096747967479674790158838959542;0.161788617886178848204181690562
-0.010740740740740739936343040029;0.138888888888888895056794581251;0.098888888888888887285233408875;0.007037037037037036958653235530;0.060740740740740740977177125615;0.154074074074074085505259290585;0.015925925925925926707193980292;0.039629629629629632703302632990;0.091481481481481483064577275854;0.087407407407407405885990669958;0.095555555555555560243163881751;0.199629629629629629095077802958
-0.019565217391304349364711256953;0.147826086956521746129666894376;0.154710144927536236147957993126;0.001449275362318840597308788887;0.060144927536231886089357345782;0.085507246376811590904409854375;0.111956521739130440695753065938;0.079710144927536225045727746874;0.054710144927536230596842870000;0.041304347826086953987534400312;0.070652173913043472830430857812;0.172463768115942023273490235624
-0.013095238095238095551997581367;0.164285714285714284921269268125;0.100793650793650796382294743125;0.003174603174603174600421073848;0.049206349206349205005484037656;0.163888888888888889505679458125;0.027777777777777776235801354687;0.042857142857142857539365365938;0.080555555555555560798275394063;0.053968253968253970809243469375;0.102777777777777773460243793124;0.197619047619047610853115770624
-0.002777777777777777883788656865;0.139682539682539685887974201250;0.169047619047619057663922603751;0.000000000000000000000000000000;0.044047619047619050725028699844;0.102380952380952378044653983125;0.032142857142857139685077072500;0.061111111111111109106541761093;0.070238095238095238359576910625;0.085714285714285715078730731875;0.098412698412698410010968075312;0.194444444444444447528397290625
-0.012962962962962962590318660716;0.139629629629629631315523852209;0.105185185185185187117795635459;0.000740740740740740703958178148;0.064814814814814811216869827604;0.145555555555555549140933635499;0.022592592592592591199673890401;0.041481481481481480289019714291;0.082592592592592592448674793104;0.067407407407407402000210083770;0.089629629629629628539966290646;0.227407407407407419208666965460
-0.006818181818181817850643700041;0.127651515151515154711248101194;0.197727272727272723740199467102;0.006060606060606060600803868255;0.021969696969696968918972501683;0.062121212121212118772994870142;0.027272727272727271402574800163;0.208712121212121209934409193920;0.042045454545454545580707161889;0.063257575757575762454010259717;0.079924242424242425419933510966;0.156439393939393933674608661022
-0.003267973856209150426005427548;0.175490196078431359705263048454;0.129084967320261451151353071509;0.000326797385620915010074477580;0.050000000000000002775557561563;0.131045751633986934381326250332;0.044771241830065360012280706314;0.045424836601307187755605099255;0.065032679738562096383169830460;0.054575163398692810856616119963;0.089215686274509806152899216158;0.211764705882352938237644934816
-0.026530612244897958107436863884;0.095578231292517010220244344509;0.110884353741496605172400791162;0.063265306122448974890382089598;0.049319727891156461829780255357;0.142176870748299322144703182857;0.009863945578231291672066660681;0.136734693877551022334060348840;0.084693877551020410598958676474;0.066326530612244902207486063617;0.093537414965986401260700233706;0.121088435374149663847909152992
-0.034333333333333333758918826106;0.104999999999999996114219413812;0.078666666666666662521834041399;0.088333333333333333148296162562;0.086666666666666669627261399000;0.086999999999999994004795667024;0.037333333333333336423454085207;0.058333333333333334258519187188;0.118666666666666670293395213776;0.044333333333333335701809119200;0.062666666666666662188767134012;0.198666666666666658080941942899
-0.034166666666666664631257788187;0.131666666666666654084139054248;0.157500000000000001110223024625;0.035416666666666665741480812812;0.040000000000000000832667268469;0.090416666666666672957930472876;0.070416666666666669072149886688;0.071249999999999993893773364562;0.063750000000000001110223024625;0.099583333333333329262515576374;0.085000000000000006106226635438;0.120833333333333334258519187188
-0.004333333333333333134418374755;0.164333333333333331260917020700;0.083333333333333328707404064062;0.005333333333333333155235056466;0.050000000000000002775557561563;0.190333333333333326597980317274;0.023666666666666665713725237197;0.025000000000000001387778780781;0.076999999999999999000799277837;0.062333333333333330872338962081;0.108666666666666661411611016774;0.205666666666666664298190880800
-0.017730496453900710523976513855;0.174468085106382980731254406237;0.087234042553191490365627203118;0.000709219858156028416622251864;0.029432624113475178151411171257;0.192198581560283687785783968138;0.036879432624113472893867538005;0.011347517730496454665956029828;0.075177304964539004572543490212;0.070921985815602842095906055420;0.147872340425531906271672255571;0.156028368794326244284320637234
-0.034375000000000002775557561563;0.144097222222222209886410837498;0.135763888888888878403449211874;0.003125000000000000173472347598;0.037499999999999998612221219219;0.120486111111111113269878103438;0.020486111111111111188209932266;0.061111111111111109106541761093;0.079166666666666662965923251249;0.112152777777777781786916477813;0.101388888888888889505679458125;0.150347222222222215437525960624
-0.001481481481481481407916356297;0.140000000000000013322676295502;0.172962962962962957247370354708;0.000370370370370370351979089074;0.028148148148148147834612942120;0.149629629629629640197308049210;0.015925925925925926707193980292;0.067037037037037033870845448291;0.048888888888888891448569751219;0.070000000000000006661338147751;0.105925925925925923376524906416;0.199629629629629629095077802958
-0.003703703703703703845051542487;0.142222222222222222098864108375;0.129259259259259268182162827543;0.010000000000000000208166817117;0.044074074074074071072359970458;0.160370370370370357582245901540;0.022592592592592591199673890401;0.042592592592592591616007524635;0.070370370370370374790702783230;0.086296296296296301497896763522;0.116296296296296300387673738896;0.172222222222222220988641083750
-0.021031746031746033354092872969;0.063095238095238093123384715000;0.142460317460317453797102871249;0.111904761904761909652172846563;0.036904761904761905488836504219;0.108333333333333337034076748751;0.006349206349206349200842147695;0.088095238095238101450057399688;0.096825396825396828348608835313;0.107539682539682546202897128751;0.093253968253968255730512737500;0.124206349206349209168820380000
-0.028888888888888887562789165031;0.109629629629629632425746876834;0.067407407407407402000210083770;0.018888888888888889089345823891;0.015555555555555555108382392859;0.244444444444444436426167044374;0.009629629629629630344078705662;0.036296296296296298722339201959;0.072592592592592597444678403917;0.109259259259259264296382241355;0.154444444444444439756836118249;0.132962962962962949475809182331
-0.004722222222222222272336455973;0.128888888888888886175010384250;0.143055555555555546920487586249;0.007222222222222221890697291258;0.039444444444444441699726411343;0.166388888888888891726125507375;0.013055555555555556357383295563;0.094166666666666662410811738937;0.065833333333333327042069527124;0.070277777777777772350020768499;0.087777777777777774015355305437;0.179166666666666668517038374375
-0.036054421768707482776061823415;0.090816326530612251355378816697;0.109863945578231286814840927946;0.006802721088435373895941804534;0.081972789115646260693637259465;0.081632653061224483281854702454;0.015986394557823128959039848951;0.071088435374149661072351591429;0.138775510204081631293604459643;0.101700680272108837098876676919;0.079591836734693874322310591651;0.185714285714285720629845855001
-0.035416666666666665741480812812;0.117916666666666669627261399000;0.124166666666666661300588714312;0.008750000000000000832667268469;0.065833333333333327042069527124;0.082500000000000003885780586188;0.016250000000000000555111512313;0.080833333333333326486958014812;0.105833333333333334813630699500;0.094583333333333338699411285688;0.076666666666666660745477201999;0.191250000000000003330669073875
-0.003488372093023255765542600670;0.171705426356589141434483281046;0.098837209302325576554260067041;0.017441860465116278827713003352;0.026356589147286821339655205065;0.202325581395348841340364742791;0.023643410852713177966455404544;0.026356589147286821339655205065;0.055813953488372092248681610727;0.069767441860465115310852013408;0.134496124031007746602028873895;0.169767441860465106984179328720
-0.001960784313725490168867082730;0.182679738562091492637406986432;0.139215686274509808928456777721;0.014052287581699346788455251556;0.017647058823529411519803744568;0.135947712418300642456259197388;0.017973856209150325391465941038;0.095751633986928111341718761196;0.034967320261437909167945292666;0.076470588235294123524710130368;0.131045751633986934381326250332;0.152287581699346391550520252167
-0.020289855072463766627599568437;0.150362318840579711753946412500;0.157971014492753636382360582502;0.006159420289855072755402787266;0.042753623188405795452204927187;0.111594202898550723390691530312;0.052173913043478258033669447968;0.055434782608695651329178133437;0.070652173913043472830430857812;0.073188405797101452332498183750;0.089855072463768115298421435000;0.169565217391304340344149181874
-0.021544715447154472176549688811;0.103252032520325207065603478895;0.112601626016260156215587073802;0.010162601626016259936946539710;0.045528455284552848958412596403;0.093495934959349588644350603772;0.016666666666666666435370203203;0.039430894308943087445129549451;0.121951219512195119243358476524;0.113414634146341467002550018606;0.102439024390243896278640534092;0.219512195121951220189160380869
-0.003749999999999999861222121922;0.156250000000000000000000000000;0.105833333333333334813630699500;0.003749999999999999861222121922;0.034583333333333333980963431031;0.134583333333333332593184650250;0.013750000000000000069388939039;0.124583333333333337589188261063;0.065000000000000002220446049250;0.087499999999999994448884876874;0.131250000000000005551115123126;0.139166666666666660745477201999
-0.020056497175141241307017025974;0.093502824858757063730685388236;0.143220338983050837766697327424;0.113559322033898305037702414211;0.043502824858757060955127826674;0.059039548022598871412913723589;0.042937853107344631231612197553;0.113276836158192090175944599650;0.072316384180790962976637104020;0.087853107344632766495529097028;0.080225988700564965228068103897;0.130508474576271182865383480021
-0.005952380952380952050528861719;0.153273809523809534383076425001;0.083928571428571421830788779062;0.089880952380952380820211544687;0.051190476190476189022326991562;0.128273809523809512178615932498;0.031845238095238093123384715000;0.043452380952380950662750080937;0.072916666666666671292595935938;0.068750000000000005551115123126;0.081845238095238095898942276563;0.188690476190476186246769429999
-0.004310344827586206836733673242;0.161494252873563226557962480001;0.113793103448275867428662877501;0.084482758620689657469426947500;0.038218390804597698884315093437;0.099137931034482762449044912501;0.062931034482758621551035105313;0.076724137931034483428582859688;0.061781609195402299727906125781;0.065804597701149422639410602187;0.080172413793103441959075894374;0.151149425287356309333119952498
-0.004444444444444444440589503387;0.141111111111111103832982394124;0.202592592592592601885570502418;0.038888888888888889505679458125;0.014444444444444443781394582516;0.057407407407407406996213694583;0.099629629629629623543962679832;0.160000000000000003330669073875;0.031111111111111110216764785719;0.056296296296296295669225884239;0.070740740740740742920067418709;0.123333333333333336478965236438
-0.045977011494252872925159181250;0.103160919540229878421655484999;0.179022988505747132625955941876;0.031034482758620689224482447344;0.047413793103448273469346929687;0.062356321839080457170023663593;0.083045977011494256925239199063;0.096839080459770118802786953438;0.064942528735632179537340391562;0.077586206896551726530653070313;0.081034482758620685061146104999;0.127586206896551729306210631876
-0.037499999999999998612221219219;0.143749999999999988897769753748;0.076388888888888895056794581251;0.042708333333333334258519187188;0.071874999999999994448884876874;0.128472222222222209886410837498;0.049652777777777774848022573906;0.035416666666666665741480812812;0.081597222222222223764198645313;0.057986111111111113269878103438;0.086111111111111110494320541875;0.188541666666666662965923251249
-0.008536585365853659179702361826;0.089024390243902434827205638612;0.041463414634146343595855199737;0.297967479674796753563725815184;0.069105691056910570346794031593;0.095528455284552851733970157966;0.018292682926829267192614381088;0.021951219512195120631137257305;0.086585365853658530221892419831;0.040650406504065039747786158841;0.045121951219512193564931124001;0.185772357723577224986044598154
-0.000980392156862745084433541365;0.147712418300653597347249501581;0.088235294117647064537912626747;0.003921568627450980337734165460;0.058169934640522877322688088952;0.146732026143790855732262912170;0.033006535947712418999078209936;0.035294117647058823039607489136;0.064379084967320254762057629705;0.067320261437908493484805205753;0.092483660130718958747308988677;0.261764705882352954890990304193
-0.012797619047619047255581747891;0.104464285714285717854288293438;0.125892857142857139685077072500;0.000297619047619047645894529985;0.074702380952380950662750080937;0.096428571428571432933019025313;0.073511904761904764415980650938;0.086607142857142854763807804375;0.114583333333333328707404064062;0.045833333333333330095182844843;0.073809523809523810977673008438;0.191071428571428558740308289998
-0.006333333333333333176051738178;0.149333333333333345693816340827;0.021000000000000001304512053935;0.000000000000000000000000000000;0.080666666666666664298190880800;0.236333333333333339698612007851;0.019666666666666665630458510350;0.005333333333333333155235056466;0.101000000000000006439293542826;0.026999999999999999694688668228;0.117666666666666669405216794075;0.235666666666666663187967856175
-0.013392857142857142113689938867;0.216071428571428580944768782501;0.052678571428571428769682682969;0.011607142857142857539365365938;0.044642857142857143848413414844;0.208630952380952389146884229376;0.028869047619047620567567236094;0.012500000000000000693889390391;0.061607142857142860314922927500;0.023214285714285715078730731875;0.128273809523809512178615932498;0.198511904761904750538192843123
-0.013605442176870747791883609068;0.154761904761904767191538212501;0.074149659863945574511667757633;0.006122448979591836419611450282;0.091836734693877555835150872099;0.107482993197278914321302067947;0.056462585034013607065972450982;0.022448979591836733249454738370;0.098639455782312923659560510714;0.050680272108843536782440963862;0.069047619047619052112807480626;0.254761904761904744987077719998
-0.014141414141414142269237430583;0.102525252525252519308907039886;0.074242424242424248648219986535;0.000000000000000000000000000000;0.153535353535353524812023806589;0.089393939393939400583910526166;0.015151515151515151935690539631;0.006565656565656565434030422779;0.179292929292929281714918943180;0.051515151515151513805790273182;0.057575757575757578743402831378;0.256060606060606044120930846475
-0.010057471264367815952378570898;0.081321839080459770721098777813;0.174712643678160917115604888750;0.001149425287356321823128979531;0.058620689655172412979577956094;0.072988505747126439238137152188;0.024425287356321840476214291016;0.062643678160919535891082432499;0.114655172413793096652945280312;0.115517241379310339755015490937;0.110057471264367809360429362187;0.173850574712643674013534678124
-0.016081871345029238873358679029;0.108479532163742689587770939852;0.113450292397660815191251515444;0.000292397660818713455745110341;0.079824561403508770274228822927;0.117543859649122811594779136612;0.038304093567251465413114885905;0.025730994152046784972931448010;0.139181286549707600164182963454;0.052339181286549706084709754350;0.092690058479532169699588450840;0.216081871345029236097801117467
-0.006666666666666667094565124074;0.139696969696969708341072191615;0.091818181818181812681167741630;0.000303030303030303030040193413;0.071515151515151517691570859370;0.105454545454545453586625569642;0.028787878787878789371701415689;0.022424242424242422921931705559;0.109090909090909085610299200653;0.073636363636363638685011778762;0.103636363636363637574788754137;0.246969696969696977939534576763
-0.012592592592592592726230549260;0.118148148148148154912284724105;0.054074074074074073015250263552;0.000000000000000000000000000000;0.079259259259259265406605265980;0.170740740740740748471182541834;0.010000000000000000208166817117;0.006666666666666667094565124074;0.131111111111111122706773812752;0.049629629629629627707299022177;0.096296296296296296501893152708;0.271481481481481490281026935918
-0.000416666666666666693410320255;0.136666666666666658525031152749;0.028750000000000001249000902703;0.000000000000000000000000000000;0.083333333333333328707404064062;0.240833333333333343695414896501;0.005833333333333333599324266316;0.000000000000000000000000000000;0.091249999999999997779553950750;0.035000000000000003330669073875;0.078333333333333338144299773376;0.299583333333333312609170206997
-0.000340136054421768683955068502;0.218367346938775519493702859108;0.040136054421768707634043948929;0.000000000000000000000000000000;0.045918367346938777917575436049;0.214625850340136065108609386698;0.016666666666666666435370203203;0.000680272108843537367910137004;0.077210884353741501828771731653;0.043537414965986391546248768236;0.095578231292517010220244344509;0.246938775510204072682896025981
-0.003418803418803418800453464144;0.178205128205128210394647680914;0.120512820512820514884388956034;0.003846153846153846367350581659;0.056837606837606836907017537897;0.154273504273504280526196907886;0.049572649572649570004490016117;0.027777777777777776235801354687;0.078205128205128204843532557788;0.043589743589743587537377322860;0.115384615384615391020517449761;0.168376068376068388499078309906
-0.005228758169934640161191641283;0.058496732026143791194350285423;0.036274509803921571593487982454;0.624836601307189543064168901765;0.019934640522875815560333023768;0.057843137254901963451025892482;0.018954248366013070475899482403;0.008169934640522876281854003366;0.038888888888888889505679458125;0.030392156862745097617439782312;0.045424836601307187755605099255;0.055555555555555552471602709375
-0.003525641025641025692177743522;0.255448717948717929360213929613;0.065064102564102568870829657044;0.002564102564102564100340098108;0.053525641025641022829884008161;0.120512820512820514884388956034;0.032051282051282048435325577884;0.022115384615384616612265844537;0.062820512820512819374130231154;0.052564102564102564707493314700;0.080769230769230773714362214832;0.249038461538461541877609306539
-0.004464285714285714037896646289;0.183928571428571441259691710002;0.058333333333333334258519187188;0.000000000000000000000000000000;0.079464285714285709527615608749;0.143154761904761895774385038749;0.026488095238095237665687520234;0.013690476190476190410105772344;0.100892857142857145236192195625;0.041369047619047617792009674531;0.090773809523809520505288617187;0.257440476190476164042308937496
-0.007638888888888888638317720137;0.141666666666666662965923251249;0.106944444444444439201724605937;0.000000000000000000000000000000;0.083333333333333328707404064062;0.082291666666666665741480812812;0.030555555555555554553270880547;0.019444444444444444752839729063;0.115625000000000005551115123126;0.056944444444444443365060948281;0.093750000000000000000000000000;0.261805555555555569124948078752
-0.017037037037037038034181790636;0.125925925925925913384517684790;0.159259259259259267071939802918;0.001851851851851851922525771243;0.045185185185185182399347780802;0.097777777777777782897139502438;0.021851851851851851471497667490;0.030740740740740742087400150240;0.104444444444444450859066364501;0.097407407407407400889987059145;0.099629629629629623543962679832;0.198888888888888892836348532001
-0.001388888888888888941894328433;0.241944444444444434205720995124;0.095000000000000001110223024625;0.000000000000000000000000000000;0.049444444444444443642616704437;0.123611111111111116045435665001;0.037222222222222219045750790656;0.003611111111111110945348645629;0.077499999999999999444888487687;0.041111111111111112159655078813;0.086388888888888890060790970438;0.242777777777777786782920088626
-0.007037037037037036958653235530;0.232962962962962955026924305457;0.092962962962962969459823625584;0.000000000000000000000000000000;0.051111111111111114102545371907;0.100000000000000005551115123126;0.058888888888888886452566140406;0.030370370370370370488588562807;0.072592592592592597444678403917;0.047037037037037036923958766010;0.072222222222222215437525960624;0.234814814814814809551535290666
-0.005797101449275362389235155547;0.247826086956521751680782017502;0.061956521739130437920195504375;0.000000000000000000000000000000;0.061231884057971017187860240938;0.126811594202898558769732062501;0.021739130434782608092270095312;0.002173913043478260895963183330;0.087318840579710149674141916876;0.051449275362318837301334184531;0.069927536231884052098095594374;0.263768115942028980036582197499
-0.014080459770114942333329999258;0.207183908045976999945381180623;0.038793103448275863265326535156;0.000000000000000000000000000000;0.051724137931034482040804078906;0.210344827586206900571497158126;0.020977011494252875006827352422;0.006609195402298850482991632305;0.064655172413793107755175526563;0.035632183908045976516998365469;0.111206896551724138122452245625;0.238793103448275867428662877501
-0.033823529411764703678233701112;0.171568627450980393245316690809;0.062254901960784314596253352647;0.016176470588235295627876908497;0.064705882352941182511507633990;0.114215686274509800601784093033;0.035784313725490193847100783842;0.055392156862745095535771611139;0.111274509803921561879036516984;0.048039215686274512606690478833;0.083333333333333328707404064062;0.203431372549019606754683309191
-0.092176870748299319369145621295;0.055102040816326532113311742478;0.117687074829931972996810429777;0.046258503401360541451570185245;0.054421768707482991167534436272;0.065646258503401361261708757411;0.026530612244897958107436863884;0.070068027210884356592579536027;0.141156462585034003787143319641;0.132312925170068040880977378038;0.094557823129251705740472289108;0.104081632653061223470203344732
-0.017320261437908497648141548098;0.144117647058823517003389724778;0.060130718954248367491555171682;0.007516339869281045936444396460;0.078758169934640520626345505661;0.159803921568627438354326386616;0.013071895424836601704021710191;0.014379084967320260660117448026;0.118954248366013065618673749668;0.054901960784313724728278316434;0.083660130718954242579066260532;0.247385620915032689026702428237
-0.006504065040650406498423663493;0.204471544715447151041587403597;0.075203252032520331860077078545;0.000000000000000000000000000000;0.073577235772357724163938996753;0.140243902439024403783207617380;0.030081300813008131356252050637;0.016666666666666666435370203203;0.081707317073170734889053790084;0.036178861788617885930641193681;0.069512195121951225740275503995;0.265853658536585379934535922075
-0.001960784313725490168867082730;0.189705882352941168633719826175;0.049019607843137254221677068244;0.000000000000000000000000000000;0.075980392156862738839429027848;0.158823529411764696739339797205;0.021568627450980391857537910028;0.000980392156862745084433541365;0.092156862745098044875646792207;0.045098039215686273883942902785;0.082843137254901957899910769356;0.281862745098039213509366618382
-0.001111111111111111110147375847;0.196296296296296302053008275834;0.038518518518518521376314822646;0.000000000000000000000000000000;0.031111111111111110216764785719;0.250740740740740764014304886587;0.018148148148148149361169600979;0.017037037037037038034181790636;0.039629629629629632703302632990;0.040740740740740744030290443334;0.163333333333333330372738601000;0.203333333333333338144299773376
-0.028000000000000000582867087928;0.085999999999999993116617247324;0.070999999999999993671728759637;0.277666666666666672735885867951;0.022999999999999999611421941381;0.132666666666666654972317473948;0.033333333333333332870740406406;0.061666666666666668239482618219;0.057000000000000002053912595557;0.069000000000000005773159728051;0.088333333333333333148296162562;0.072333333333333332815229255175
-0.018115942028985507900040730078;0.121014492753623192911049955001;0.142028985507246380270984786875;0.069565217391304348670821866563;0.042028985507246374719869663750;0.073188405797101452332498183750;0.072463768115942031600162920313;0.113405797101449282160423592813;0.073913043478260873064833447188;0.068840579710144927938486603125;0.073188405797101452332498183750;0.132246376811594207323352634376
-0.027777777777777776235801354687;0.115000000000000004996003610813;0.148333333333333344805637921127;0.104444444444444450859066364501;0.053888888888888888950567945813;0.059166666666666666019036568969;0.059444444444444445585506997531;0.096111111111111105498316931062;0.070833333333333331482961625625;0.059444444444444445585506997531;0.065555555555555561353386906376;0.140000000000000013322676295502
-0.018627450980392156604237285933;0.135294117647058814712934804447;0.066666666666666665741480812812;0.065359477124183010254832026931;0.059477124183006532809336874834;0.131699346405228762124650643273;0.028104575163398693576910503111;0.045098039215686273883942902785;0.098692810457516336186678529430;0.048366013071895426478352675304;0.092810457516339872618971185148;0.209803921568627455007671755993
-0.009333333333333334105863521302;0.208999999999999991340260407924;0.061666666666666668239482618219;0.000000000000000000000000000000;0.081000000000000002553512956638;0.136333333333333334147496884725;0.029333333333333332787473679559;0.001666666666666666773641281019;0.097333333333333327264114132049;0.035333333333333334647097245806;0.090333333333333334924653001963;0.248666666666666674734287312276
-0.012345679012345678327022824305;0.267901234567901214145280164303;0.127469135802469130114289441735;0.022222222222222223070309254922;0.031172839506172840551290192934;0.078086419753086416806198144513;0.066049382716049376274014548471;0.035493827160493825190190619878;0.062654320987654318897419614132;0.047839506172839503517213444184;0.093518518518518514714976674895;0.155246913580246920227878604237
-0.021481481481481479872686080057;0.131851851851851858965503083709;0.140740740740740749581405566460;0.024444444444444445724284875610;0.065555555555555561353386906376;0.070370370370370374790702783230;0.062592592592592588562894206916;0.081851851851851856189945522146;0.103333333333333332593184650250;0.061851851851851852304164935958;0.069259259259259256524821068979;0.166666666666666657414808128124
-0.005128205128205128200680196215;0.200427350427350436934403887790;0.083333333333333328707404064062;0.005555555555555555767577313730;0.078632478632478630675706199327;0.134615384615384608979482550239;0.036324786324786327573743704988;0.003418803418803418800453464144;0.099145299145299140008980032235;0.047863247863247866675795449964;0.066666666666666665741480812812;0.238888888888888900607909704377
-0.003954802259887005462524189880;0.230508474576271188416498603146;0.101694915254237294721662010488;0.001694915254237288086344714877;0.041525423728813556922823124751;0.131920903954802271051960360637;0.048305084745762713605010674200;0.011299435028248587531418678509;0.050847457627118647360831005244;0.053107344632768359315999617820;0.101977401129943509583419825049;0.223163841807909602010795424576
-0.009782608695652174682355628477;0.194927536231884052098095594374;0.182971014492753630831245459376;0.000000000000000000000000000000;0.040942028985507243621366768593;0.058695652173913044624686818906;0.039130434782608698729422513907;0.023188405797101449556940622188;0.056159420289855072061513396875;0.064855072463768120849536558126;0.106884057971014495569406221875;0.222463768115942039926835605002
-0.018749999999999999306110609609;0.242013888888888889505679458125;0.109027777777777779011358916250;0.000000000000000000000000000000;0.042013888888888892281237019688;0.105902777777777776235801354687;0.028125000000000000693889390391;0.001388888888888888941894328433;0.060763888888888888117900677344;0.046180555555555558022717832500;0.078819444444444441977282167500;0.267013888888888883954564334999
-0.003939393939393939607362948863;0.193636363636363634244119680261;0.068787878787878786734921732204;0.000000000000000000000000000000;0.093030303030303032607584157176;0.128787878787878784514475682954;0.023030303030303029415692961379;0.000606060606060606060080386825;0.080606060606060611628542744711;0.046969696969696966837304330511;0.087272727272727279590469606774;0.273333333333333317050062305498
-0.008750000000000000832667268469;0.172499999999999986677323704498;0.077916666666666661855700226624;0.000000000000000000000000000000;0.135833333333333333703407674875;0.082500000000000003885780586188;0.034166666666666664631257788187;0.008333333333333333217685101602;0.131666666666666654084139054248;0.047083333333333331205405869468;0.039166666666666669072149886688;0.262083333333333334813630699500
-0.007083333333333332974823814965;0.166250000000000008881784197001;0.082500000000000003885780586188;0.000000000000000000000000000000;0.144999999999999990007992778374;0.073333333333333333703407674875;0.041666666666666664353702032031;0.002083333333333333304421275400;0.144999999999999990007992778374;0.043749999999999997224442438437;0.037083333333333336201409480282;0.256249999999999977795539507497
-0.026356589147286821339655205065;0.120542635658914723539858471213;0.071705426356589149761155965734;0.137984496124031019714806234333;0.102325581395348835789249619665;0.080620155038759688803651215494;0.015891472868217054043027403054;0.008139534883720930119599401564;0.121705426356589152536713527297;0.055813953488372092248681610727;0.054651162790697677129614362457;0.204263565891472875790668695117
-0.008943089430894309369013406297;0.221138211382113814007510654847;0.098373983739837397854977041334;0.033333333333333332870740406406;0.053658536585365852744633485827;0.122764227642276416152533613513;0.038211382113821135142472940061;0.008130081300813008990391317354;0.060569105691056911167091669768;0.035772357723577237476053625187;0.126422764227642286938291249498;0.192682926829268297286290589909
-0.005691056910569106119801574550;0.313008130081300794955723176827;0.080894308943089424102090845281;0.000000000000000000000000000000;0.038211382113821135142472940061;0.118699186991869917728870120754;0.058943089430894310409847491883;0.031300813008130083658908660027;0.024796747967479673691038044581;0.032520325203252035961565269417;0.093902439024390244037832076174;0.202032520325203246436274184816
-0.017391304347826087167705466641;0.204710144927536225045727746874;0.210144927536231873599348318749;0.000000000000000000000000000000;0.039130434782608698729422513907;0.062681159420289858652530767813;0.167028985507246374719869663750;0.048550724637681161310887034688;0.047463768115942030212384139531;0.019927536231884056261431936719;0.069565217391304348670821866563;0.113405797101449282160423592813
-0.015123456790123456644492350165;0.143827160493827155285373464721;0.078086419753086416806198144513;0.023456790123456791596900927743;0.039814814814814816767984950729;0.214197530864197543953864055766;0.019135802469135803488553548846;0.012654320987654321326032480499;0.080246913580246909125648357985;0.076234567901234562281587159305;0.112962962962962959467816403958;0.184259259259259261520824679792
-0.025000000000000001387778780781;0.174999999999999988897769753748;0.090972222222222218213083522187;0.000694444444444444470947164216;0.067013888888888886730121896562;0.154166666666666674068153497501;0.031597222222222220988641083750;0.005208333333333333044212754004;0.089236111111111113269878103438;0.058680555555555555247160270937;0.100347222222222226539756206876;0.202083333333333337034076748751
-0.021637426900584795508297730748;0.200292397660818716209618628454;0.095614035087719304040199119754;0.000000000000000000000000000000;0.084502923976608190770321016316;0.097660818713450295303069026431;0.035380116959064324133610313083;0.005847953216374268681221337829;0.106432748538011698324901033175;0.046198830409356725357206130411;0.086549707602339182033190922994;0.219883040935672513516152548618
-0.001212121212121212120160773651;0.294242424242424249758443011160;0.096666666666666664631257788187;0.000303030303030303030040193413;0.041818181818181816844504083974;0.109090909090909085610299200653;0.043333333333333334813630699500;0.003939393939393939607362948863;0.045151515151515150825467515006;0.043636363636363639795234803387;0.079090909090909086720522225278;0.241515151515151516026236322432
-0.000000000000000000000000000000;0.253603603603603622307360865307;0.060360360360360361398068818062;0.000000000000000000000000000000;0.041891891891891894217359038066;0.155855855855855846003876763461;0.024774774774774774993568726700;0.009459459459459459984564944079;0.073423423423423422873312915726;0.061711711711711712824435238645;0.074774774774774774299679336309;0.244144144144144148445008113413
-0.006382978723404254990658746038;0.202836879432624100916271459027;0.067730496453900709830087123464;0.000000000000000000000000000000;0.070212765957446812703501848318;0.143262411347517742976620525042;0.025177304964539008735879832557;0.002127659574468085141446538344;0.083687943262411343403606167612;0.046453900709219855813536526057;0.104609929078014182723954661469;0.247517730496453897126585275146
-0.000793650793650793650105268462;0.230952380952380964540537888752;0.075396825396825392640032248437;0.000000000000000000000000000000;0.049206349206349205005484037656;0.146428571428571435708576586876;0.025000000000000001387778780781;0.017063492063492061850960013203;0.066269841269841270325891002813;0.041666666666666664353702032031;0.082539682539682537876224444062;0.264682539682539685887974201250
-0.000406504065040650406151478968;0.323170731707317082648245332166;0.119105691056910573122351593156;0.000000000000000000000000000000;0.016666666666666666435370203203;0.110975609756097562397236799825;0.065040650406504071923130538835;0.004065040650406504495195658677;0.038617886178861790535954412462;0.041056910569105688202373727336;0.123983739837398368455190222903;0.156910569105691066749130868629
-0.029861111111111112575988713047;0.208680555555555563573832955626;0.143055555555555546920487586249;0.013541666666666667129259593594;0.031250000000000000000000000000;0.088194444444444450303954852188;0.067708333333333328707404064062;0.017708333333333332870740406406;0.056250000000000001387778780781;0.071527777777777773460243793124;0.121527777777777776235801354687;0.150694444444444436426167044374
-0.007575757575757575967845269815;0.207954545454545447480398934204;0.065909090909090903287470553096;0.000378787878787878787550241766;0.069696969696969701679734043864;0.132196969696969701679734043864;0.016666666666666666435370203203;0.002651515151515151675482018234;0.078787878787878781738918121391;0.048863636363636366033436075895;0.091666666666666660190365689687;0.277651515151515149160132978068
-0.005208333333333333044212754004;0.113541666666666665741480812812;0.056944444444444443365060948281;0.000000000000000000000000000000;0.144097222222222209886410837498;0.126388888888888883954564334999;0.014236111111111110841265237070;0.004166666666666666608842550801;0.120833333333333334258519187188;0.037847222222222219600862302968;0.049652777777777774848022573906;0.327083333333333337034076748751
-0.011212121212121211460965852780;0.143636363636363645346349926513;0.047272727272727271818908434398;0.000303030303030303030040193413;0.066363636363636360759876708926;0.186969696969696980159980626013;0.013333333333333334189130248149;0.020909090909090908422252041987;0.115757575757575753572226062715;0.044545454545454547801153211140;0.109393939393939390591903304539;0.240303030303030296099819906885
-0.001212121212121212120160773651;0.184242424242424235325543691033;0.042121212121212121826108187861;0.000000000000000000000000000000;0.065454545454545459692852205080;0.192121212121212109336099160828;0.012424242424242424448488364419;0.000909090909090909090120580238;0.096969696969696969612861892074;0.032121212121212119883217894767;0.099393939393939395587906915353;0.273030303030303012068458201611
-0.002500000000000000052041704279;0.196250000000000007771561172376;0.038333333333333330372738601000;0.000000000000000000000000000000;0.072916666666666671292595935938;0.181249999999999994448884876874;0.013750000000000000069388939039;0.000833333333333333386820640509;0.098750000000000004440892098501;0.029999999999999998889776975375;0.077916666666666661855700226624;0.287499999999999977795539507497
-0.002702702702702702852732841166;0.281981981981981988383267889731;0.090540540540540545566550179046;0.000000000000000000000000000000;0.058558558558558557183282289316;0.110810810810810816962046487788;0.040990990990990988640518821740;0.004054054054054054279099261748;0.067117117117117111591007017068;0.038738738738738738576206088737;0.094144144144144140118335428724;0.210360360360360348908059791029
-0.003749999999999999861222121922;0.175833333333333341474968847251;0.154999999999999998889776975375;0.000833333333333333386820640509;0.046666666666666668794594130532;0.133750000000000007771561172376;0.027083333333333334258519187188;0.035416666666666665741480812812;0.066666666666666665741480812812;0.069166666666666667961926862063;0.106249999999999997224442438437;0.179583333333333344805637921127
-0.008333333333333333217685101602;0.146180555555555563573832955626;0.164236111111111110494320541875;0.001041666666666666652210637700;0.057638888888888892281237019688;0.095138888888888883954564334999;0.050347222222222223764198645313;0.045486111111111109106541761093;0.075694444444444439201724605937;0.056250000000000001387778780781;0.093750000000000000000000000000;0.205902777777777767909128669999
-0.003333333333333333547282562037;0.139444444444444454189735438376;0.044166666666666666574148081281;0.005833333333333333599324266316;0.067500000000000004440892098501;0.198333333333333333703407674875;0.014722222222222221613141535101;0.021111111111111111743321444578;0.085833333333333330927850113312;0.044722222222222218768195034500;0.088055555555555553581825734000;0.286944444444444446418174266000
-0.006349206349206349200842147695;0.157142857142857139685077072500;0.080952380952380956213865204063;0.005555555555555555767577313730;0.048809523809523809589894227656;0.194841269841269842943987100625;0.017460317460317460735996775156;0.005555555555555555767577313730;0.071031746031746029190756530625;0.057539682539682536488445663281;0.103968253968253973584801030938;0.250793650793650790831179620000
-0.003205128205128205017004905386;0.186217948717948722503479075385;0.116666666666666668517038374375;0.000000000000000000000000000000;0.041987179487179483727832263185;0.127243589743589735618911618076;0.048076923076923079591882270734;0.026602564102564101727876888503;0.080769230769230773714362214832;0.043910256410256406911507554014;0.097115384615384617306155234928;0.228205128205128199292417434663
-0.019230769230769231836752908293;0.143269230769230759836574407018;0.154807692307692312816413959808;0.000961538461538461591837645415;0.088141025641025647074933146996;0.059294871794871792380909880649;0.092948717948717951564674422116;0.059615384615384618693934015710;0.084615384615384620081712796491;0.041987179487179483727832263185;0.066346153846153846367350581659;0.188782051282051277496520924615
-0.035606060606060606354983377742;0.132196969696969701679734043864;0.120075757575757571804508927471;0.002272727272727272616881233347;0.092424242424242422644375949403;0.089772727272727267933127848210;0.070454545454545450255956495766;0.039015151515151516581347834745;0.112500000000000002775557561563;0.051515151515151513805790273182;0.073106060606060604967204596960;0.181060606060606060774276215852
-0.013043478260869564508417361992;0.206884057971014501120521345001;0.085869565217391308209471390001;0.000000000000000000000000000000;0.042753623188405795452204927187;0.151086956521739118608493868123;0.047101449275362319846216507813;0.008333333333333333217685101602;0.051811594202898547667501816250;0.045289855072463768015378349219;0.096739130434782605316712533750;0.251086956521739124159608991249
-0.001754385964912280734470662047;0.292982456140350899786994887108;0.054678362573099416332755851045;0.000000000000000000000000000000;0.024269005847953217802626113553;0.190058479532163732139693479439;0.033333333333333332870740406406;0.003216374269005848121616431001;0.037426900584795322335374123668;0.039181286549707601551961744235;0.136842105263157903793924674574;0.186257309941520454721342048288
-0.017391304347826087167705466641;0.197101449275362328172889192501;0.107971014492753619729015213125;0.000000000000000000000000000000;0.071014492753623190135492393438;0.094927536231884060424768279063;0.063768115942028982812139759062;0.005072463768115941656899892109;0.107971014492753619729015213125;0.049275362318840582043222298125;0.064855072463768120849536558126;0.220652173913043481157103542500
-0.059195402298850577360589397813;0.193390804597701138067833426248;0.068390804597701151945621234063;0.076724137931034483428582859688;0.077298850574712640870700397500;0.076724137931034483428582859688;0.033620689655172411591799175312;0.014367816091954022789112244141;0.077873563218390798312817935312;0.054022988505747125687062037969;0.045689655172413794204100412344;0.222701149425287348027069356249
-0.063836477987421383351041015430;0.090880503144654081748576857080;0.061006289308176100960601218048;0.187421383647798728278033308925;0.071698113207547167768929341491;0.089937106918238987618430257953;0.024528301886792454322705481218;0.044025157232704399679068529849;0.098113207547169817290821924871;0.054088050314465410672859491115;0.059748427672955975453739085879;0.154716981132075465099617872511
-0.013178294573643410669827602533;0.082945736434108532919573519848;0.089922480620155037511764817282;0.445348837209302350625961253172;0.023255813953488371770284004469;0.032558139534883720478397606257;0.035271317829457367321044358732;0.060077519379844963876013963500;0.027131782945736433731998005214;0.050000000000000002775557561563;0.052325581395348839952585962010;0.087984496124031003061460864956
-0.023129251700680270725785092623;0.185374149659863957095851105805;0.101020408163265310030887178527;0.000000000000000000000000000000;0.074489795918367351923450314644;0.112244897959183673186167595759;0.078231292517006806308543787054;0.009523809523809524668624959531;0.103061224489795918990431289330;0.029251700680272108012758280893;0.070748299319727897538356842233;0.212925170068027219683060025091
-0.020061728395061727281412089496;0.126234567901234578934932528682;0.127160493827160492319450213472;0.000308641975308641969017592332;0.078395061728395068478825180591;0.118827160493827160836488587847;0.037654320987654324448534737257;0.031790123456790123079862553368;0.128086419753086433459543513891;0.045987654320987655931496362882;0.090123456790123457338381740556;0.195370370370370360912914975415
-0.014814814814814815380206169948;0.177037037037037048303744768418;0.100000000000000005551115123126;0.003333333333333333547282562037;0.059259259259259261520824679792;0.119999999999999995559107901499;0.044814814814814814269983145323;0.038148148148148146308056283260;0.092962962962962969459823625584;0.037407407407407410049327012302;0.083703703703703696836768699541;0.228518518518518509718973064082
-0.000775193798449612392342800149;0.191860465116279077513183892734;0.022480620155038759377941204320;0.000000000000000000000000000000;0.032170542635658917751673158136;0.268992248062015493204057747789;0.005038759689922480550228200968;0.000000000000000000000000000000;0.050387596899224805502282009684;0.051937984496124030286967609982;0.148837209302325579329817628604;0.227519379844961233683164891772
-0.032926829268292684416152837912;0.089837398373983745614168583415;0.091056910569105697916825192806;0.000000000000000000000000000000;0.134552845528455283785618235015;0.111382113821138217790718272227;0.037398373983739838233297803072;0.022764227642276424479206298201;0.150406504065040663720154157090;0.032520325203252035961565269417;0.073170731707317068770457524352;0.223983739837398360128517538215
-0.038043478260869567630919618750;0.138043478260869573182034741876;0.160144927536231884701578565000;0.008695652173913043583852733320;0.044202898550724636916875454062;0.069565217391304348670821866563;0.076086956521739135261839237501;0.059420289855072465357022082344;0.087318840579710149674141916876;0.080434782608695645778063010312;0.093478260869565218960097752188;0.144565217391304345895264305000
-0.032768361581920903147224777285;0.182485875706214689673245743506;0.108192090395480222664303937563;0.011864406779661017254934307630;0.051129943502824862222588819805;0.108192090395480222664303937563;0.034180790960451977456013850087;0.029378531073446328275577954514;0.083050847457627113845646249501;0.066384180790960450879722998252;0.090112994350282485389591613512;0.202259887005649729996292762735
-0.004761904761904762334312479766;0.181632653061224502710757633395;0.067687074829931970221252868214;0.069727891156462579180796979017;0.052040816326530611735101672366;0.138095238095238104225614961251;0.030612244897959182965418989397;0.023469387755102041198673745726;0.071768707482993202018128897635;0.046938775510204082397347491451;0.076870748299319724416989174642;0.236394557823129264351180722770
-0.032777777777777780676693453188;0.225833333333333330372738601000;0.065833333333333327042069527124;0.065000000000000002220446049250;0.050000000000000002775557561563;0.115277777777777784562474039376;0.023888888888888890060790970438;0.001666666666666666773641281019;0.071944444444444449748843339876;0.035833333333333335091186455656;0.079444444444444442532393679812;0.232500000000000012212453270877
-0.016352201257861635058654670161;0.235534591194968556671085480048;0.072641509433962261899075940619;0.000000000000000000000000000000;0.063522012578616351974325482388;0.120440251572327045037624770885;0.022012578616352199839534264925;0.001886792452830188693974067249;0.090251572327044018995145790996;0.050000000000000002775557561563;0.067610062893081759871627411940;0.259748427672955972678181524316
-0.014227642276422763564780460399;0.135772357723577236088274844406;0.071951219512195116467800914961;0.031707317073170732113496228521;0.106097560975609753186610362263;0.117479674796747965426213511364;0.023170731707317072933793866696;0.010569105691056910126257584182;0.128861788617886191543604468279;0.045934959349593497413000164897;0.069512195121951225740275503995;0.244715447154471549273679897851
-0.026666666666666668378260496297;0.138888888888888895056794581251;0.105555555555555555247160270937;0.189259259259259265961716778293;0.025555555555555557051272685953;0.070370370370370374790702783230;0.082592592592592592448674793104;0.047777777777777780121581940875;0.054074074074074073015250263552;0.040370370370370368962031903948;0.094444444444444441977282167500;0.124444444444444440867059142874
-0.054333333333333330705805508387;0.055666666666666669849306003925;0.097333333333333327264114132049;0.266666666666666662965923251249;0.036666666666666666851703837438;0.052333333333333335868342572894;0.048666666666666663632057066025;0.098666666666666666407614627587;0.083000000000000004329869796038;0.081666666666666665186369300500;0.064666666666666663965123973412;0.060333333333333336034876026588
-0.017803030303030303177491688871;0.124242424242424237545989740283;0.124621212121212118772994870142;0.008712121212121212709966755483;0.083333333333333328707404064062;0.076893939393939389481680279914;0.063257575757575762454010259717;0.093181818181818185098386209120;0.121590909090909096712529446904;0.092045454545454541417370819545;0.058333333333333334258519187188;0.135984848484848486194209726818
-0.002564102564102564100340098108;0.207264957264957278004757768031;0.057264957264957262739191179435;0.000000000000000000000000000000;0.034615384615384617306155234928;0.184615384615384625632827919617;0.043162393162393161705203681322;0.002136752136752136967123849587;0.094017094017094016145108525961;0.039743589743589741170026741202;0.092735042735042738648587601347;0.241880341880341881433125195144
-0.002430555555555555594104966133;0.271180555555555535818257339997;0.063541666666666662965923251249;0.000000000000000000000000000000;0.055555555555555552471602709375;0.129513888888888900607909704377;0.053819444444444447528397290625;0.026388888888888888811790067734;0.051388888888888886730121896562;0.035069444444444444752839729063;0.105555555555555555247160270937;0.205555555555555546920487586249
-0.110000000000000000555111512313;0.067407407407407402000210083770;0.167407407407407393673537399081;0.020000000000000000416333634234;0.040740740740740744030290443334;0.031111111111111110216764785719;0.062962962962962956692258842395;0.090740740740740746805848004897;0.137407407407407394783760423707;0.133703703703703713490114068918;0.084444444444444446973285778313;0.054074074074074073015250263552
-0.079513888888888883954564334999;0.062152777777777779011358916250;0.157638888888888883954564334999;0.010416666666666666088425508008;0.042013888888888892281237019688;0.031944444444444441977282167500;0.088541666666666671292595935938;0.120833333333333334258519187188;0.115277777777777784562474039376;0.133333333333333331482961625625;0.072916666666666671292595935938;0.085416666666666668517038374375
-0.082269503546099284618797753410;0.090070921985815607935244031523;0.112056737588652477466411028217;0.053191489361702128102482589611;0.046808510638297870509738629607;0.060992907801418437541141059910;0.029078014184397163455209067706;0.078723404255319151534564525718;0.143971631205673772369024732143;0.141134751773049654799407903738;0.076241134751773048661149800864;0.085460992907801416884616685365
-0.038759689922480619617140007449;0.210077519379844951386004936467;0.072093023255813959426774317762;0.000387596899224806196171400074;0.042248062015503878852129560073;0.173255813953488380096956689158;0.071705426356589149761155965734;0.006589147286821705334913801266;0.071317829457364340095537613706;0.039534883720930232009482807598;0.123255813953488377321399127595;0.150775193798449613780121580930
-0.093567251461988298899541405262;0.097660818713450295303069026431;0.117543859649122811594779136612;0.015497076023391813046070630833;0.056432748538011695549343471612;0.078654970760233922089099678487;0.053508771929824561208732802697;0.068128654970760232911786147270;0.138888888888888895056794581251;0.099122807017543862473374360889;0.080116959064327489259405012945;0.100877192982456134751068077549
-0.070606060606060602746758547710;0.084848484848484853615424583495;0.081212121212121207713963144670;0.010606060606060606701928072937;0.068181818181818176771713524431;0.098484848484848480643094603693;0.041212121212121213820189780108;0.029393939393939392396015719555;0.203636363636363643125903877262;0.088484848484848485639098214506;0.085151515151515144719240879567;0.138181818181818183433051672182
-0.115384615384615391020517449761;0.040384615384615386857181107416;0.113782051282051280272078486178;0.006089743589743589792517841630;0.069230769230769234612310469856;0.044871794871794871972792151382;0.065064102564102568870829657044;0.058333333333333334258519187188;0.213782051282051271945405801489;0.091666666666666660190365689687;0.056410256410256411074843896358;0.125000000000000000000000000000
-0.023643410852713177966455404544;0.073643410852713184211459918060;0.164728682170542622964504175798;0.008527131782945736315770801639;0.086821705426356587942393616686;0.052713178294573642679310410131;0.062015503875968991387424011918;0.082945736434108532919573519848;0.123643410852713173109229671809;0.099224806201550386219878419070;0.076744186046511633780831118656;0.145348837209302333972615883795
-0.081862745098039216284924179945;0.064705882352941182511507633990;0.145588235294117657181445224523;0.088235294117647064537912626747;0.065196078431372553319000928695;0.017647058823529411519803744568;0.081862745098039216284924179945;0.110784313725490191071543222279;0.089705882352941176960392510864;0.137254901960784325698483598899;0.060294117647058824427386269917;0.056862745098039214897145399163
-0.033730158730158728286330216406;0.091269841269841264774775879687;0.222222222222222209886410837498;0.030555555555555554553270880547;0.016269841269841271019780393203;0.010317460317460317234528055508;0.307936507936507952720717185002;0.154761904761904767191538212501;0.028174603174603175120838116641;0.053174603174603173039169945469;0.034126984126984123701920026406;0.017460317460317460735996775156
-0.008680555555555555941049661328;0.160069444444444430875051921248;0.168055555555555569124948078752;0.012500000000000000693889390391;0.037499999999999998612221219219;0.060763888888888888117900677344;0.194444444444444447528397290625;0.057638888888888892281237019688;0.063194444444444441977282167500;0.043402777777777776235801354687;0.056250000000000001387778780781;0.137500000000000011102230246252
-0.047988505747126437850358371406;0.122413793103448270693789368124;0.150574712643678165768790222501;0.114080459770114939210827742500;0.038218390804597698884315093437;0.051436781609195403319745310000;0.069252873563218395047691444688;0.104885057471264364625795906250;0.080172413793103441959075894374;0.078735632183908041414888145937;0.052011494252873560761862847812;0.090229885057471259646177941249
-0.050387596899224805502282009684;0.084496124031007757704259120146;0.154263565891472859137323325740;0.102325581395348835789249619665;0.031007751937984495693712005959;0.034883720930232557655426006704;0.086434108527131778276775264658;0.117054263565891478182656726403;0.090310077519379847177383169310;0.123255813953488377321399127595;0.070155038759689924976470365436;0.055426356589147289521957162606
-0.030769230769230770938804653269;0.093269230769230770938804653269;0.170192307692307698285816286443;0.012500000000000000693889390391;0.056730769230769230448974127512;0.054487179487179487891168605529;0.068269230769230762612131968581;0.134615384615384608979482550239;0.090705128205128202067974996226;0.091666666666666660190365689687;0.083974358974358967455664526369;0.112820512820512822149687792717
-0.017666666666666667323548622903;0.190333333333333326597980317274;0.181333333333333346359950155602;0.000666666666666666644404382058;0.049333333333333333203807313794;0.083000000000000004329869796038;0.094000000000000000222044604925;0.061999999999999999555910790150;0.066333333333333327486158736974;0.064000000000000001332267629550;0.075999999999999998112620858137;0.115333333333333329373537878837
-0.036666666666666666851703837438;0.101515151515151516581347834745;0.182727272727272738173098787229;0.022424242424242422921931705559;0.040606060606060603856981572335;0.058484848484848486749321239131;0.098181818181818175661490499806;0.123939393939393932564385636397;0.096363636363636359649653684301;0.080606060606060611628542744711;0.072727272727272723740199467102;0.085757575757575754682449087341
-0.063178294573643406506491260188;0.073643410852713184211459918060;0.156201550387596893587627278066;0.064341085271317835503346316273;0.066279069767441856075862460784;0.026356589147286821339655205065;0.114728682170542634066734422049;0.106589147286821700477688068531;0.092248062015503881627687121636;0.092635658914728677415517665850;0.075193798449612408996145518358;0.068604651162790700191784765138
-0.063541666666666662965923251249;0.085069444444444447528397290625;0.228472222222222215437525960624;0.011111111111111111535154627461;0.038194444444444447528397290625;0.027083333333333334258519187188;0.106249999999999997224442438437;0.098263888888888886730121896562;0.087847222222222215437525960624;0.092361111111111116045435665001;0.071874999999999994448884876874;0.089930555555555555247160270937
-0.099603174603174596257737505312;0.069841269841269842943987100625;0.101587301587301587213474363125;0.071428571428571424606346340624;0.019444444444444444752839729063;0.085714285714285715078730731875;0.022222222222222223070309254922;0.071031746031746029190756530625;0.136904761904761917978845531252;0.147222222222222226539756206876;0.105555555555555555247160270937;0.069444444444444447528397290625
-0.105345911949685538955279184847;0.088050314465408799358137059698;0.100628930817610068304546189211;0.087735849056603767981421526656;0.069182389937106916755205077152;0.055345911949685536179721623284;0.071698113207547167768929341491;0.083647798742138360084119597104;0.150628930817610057202315942959;0.060377358490566038207170151964;0.045597484276729556562646195061;0.081761006289308171823826398850
-0.057878787878787876786113031358;0.178181818181818191204612844558;0.143333333333333340364745822626;0.015151515151515151935690539631;0.043636363636363639795234803387;0.062424242424242423754598974028;0.059696969696969699736843750770;0.062727272727272728736203077915;0.069393939393939396698129939978;0.070606060606060602746758547710;0.075454545454545454696848594267;0.161515151515151528238689593309
-0.124806201550387602106084727893;0.057751937984496126698985563053;0.136046511627906985264502282007;0.025193798449612402751141004842;0.062015503875968991387424011918;0.034496124031007754928701558583;0.060465116279069766602738411621;0.129844961240310086125759880815;0.131782945736434120576063833141;0.102713178294573645454867971694;0.053100775193798452344928762159;0.081782945736434103922718463764
-0.052991452991452990539666956238;0.073931623931623932644008334591;0.244444444444444436426167044374;0.005555555555555555767577313730;0.027777777777777776235801354687;0.028632478632478631369595589717;0.054273504273504274975081784760;0.068803418803418808780136828318;0.101282051282051283047636047741;0.148717948717948716952363952259;0.097435897435897436680285466082;0.096153846153846159183764541467
-0.024358974358974359170071366520;0.108974358974358975782337211058;0.109294871794871795156467442212;0.320192307692307664979125547688;0.042628205128205129414986629399;0.050000000000000002775557561563;0.042948717948717948789116860553;0.023397435897435897578233721106;0.072435897435897442231400589208;0.066987179487179485115611043966;0.057051282051282049823104358666;0.081730769230769231836752908293
-0.016959064327485378481652489313;0.142690058479532172475146012403;0.192982456140350866480304148354;0.000000000000000000000000000000;0.048245614035087716620076037088;0.067543859649122808819221575050;0.125146198830409366431481998916;0.037134502923976610289091837558;0.097953216374269000410457408634;0.057602339181286550673366519959;0.070175438596491224174656053947;0.143567251461988315552886774640
-0.023270440251572325346396397094;0.077044025157232701173093403213;0.064779874213836477481187614558;0.281446540880503137671553304244;0.059433962264150944077023552836;0.078616352201257858056671068425;0.042767295597484274172206397679;0.012578616352201258538068273651;0.135534591194968551119970356922;0.043710691823899368302352996807;0.045283018867924525185930662019;0.135534591194968551119970356922
-0.067424242424242428195491072529;0.074621212121212115997437308579;0.070833333333333331482961625625;0.371212121212121215485524317046;0.020833333333333332176851016015;0.052272727272727269320906628991;0.044318181818181819064950133225;0.026515151515151515887458444354;0.104924242424242419868818387840;0.057575757575757578743402831378;0.040530303030303027611580546363;0.068939393939393939225723784148
-0.039583333333333331482961625625;0.109523809523809523280846178750;0.135416666666666657414808128124;0.036309523809523812365451789219;0.061011904761904760252644308594;0.058630952380952380820211544687;0.044047619047619050725028699844;0.089583333333333334258519187188;0.116369047619047621955346016875;0.111607142857142863090480489063;0.075892857142857136909519510937;0.122023809523809520505288617187
-0.068027210884353747633035425224;0.094897959183673469274467038304;0.165646258503401366812823880537;0.018707482993197278864361265960;0.028231292517006803532986225491;0.043197278911564628012254019040;0.053741496598639457160651033973;0.042857142857142857539365365938;0.148299319727891149023335515267;0.133673469387755095016956374820;0.090136054421768710409601510491;0.112585034013605436720162344955
-0.029096045197740113413820139954;0.137853107344632769271086658591;0.174011299435028243820511306694;0.002824858757062146882854669627;0.049717514124293787913799747002;0.043502824858757060955127826674;0.066384180790960450879722998252;0.053389830508474574177757432381;0.116949152542372883378796188936;0.095762711864406782624747904720;0.088418079096045196219044726149;0.142090395480225978319666069183
-0.054487179487179487891168605529;0.079166666666666662965923251249;0.185897435897435903129348844232;0.009615384615384615918376454147;0.057051282051282049823104358666;0.029807692307692309346967007855;0.061858974358974361251739537693;0.080448717948717954340231983679;0.112179487179487183401427330409;0.124679487179487180625869768846;0.081410256410256412462622677140;0.123397435897435903129348844232
-0.027586206896551723755095508750;0.112643678160919538666639994062;0.132471264367816088380891414999;0.002873563218390804557822448828;0.073850574712643682340207362813;0.096839080459770118802786953438;0.060057471264367813523765704531;0.069540229885057466829856309687;0.100574712643678162993232660938;0.090229885057471259646177941249;0.072701149425287353578184479375;0.160632183908045983455892269376
-0.021138211382113820252515168363;0.176422764227642275836061003247;0.082520325203252031798228927073;0.000813008130081300812302957937;0.047560975609756098170244342782;0.155691056910569114446474259239;0.051219512195121948139320267046;0.045121951219512193564931124001;0.078861788617886174890259098902;0.056097560975609757349946704608;0.101626016260162599369465397103;0.182926829268292678865037714786
-0.044897959183673466498909476741;0.108843537414965982335068872544;0.142857142857142849212692681249;0.002721088435374149471640548015;0.074489795918367351923450314644;0.061904761904761906876615285000;0.064625850340136056781936702009;0.085034013605442174132953425669;0.109183673469387759746851429554;0.081632653061224483281854702454;0.069047619047619052112807480626;0.154761904761904767191538212501
-0.029411764705882352533006240947;0.145751633986928114117276322759;0.162745098039215690954861770479;0.005228758169934640161191641283;0.048366013071895426478352675304;0.053594771241830062302735626645;0.117973856209150324003687160257;0.042810457516339869843413623585;0.120915032679738562726434736305;0.059150326797385618937674678364;0.070588235294117646079214978272;0.143464052287581689260065331837
-0.032768361581920903147224777285;0.153389830508474572789978651599;0.172881355932203384373480048453;0.005084745762711864042193710134;0.044350282485875705540401270355;0.054802259887005648486546505183;0.085028248587570617877950951424;0.033615819209039547732498220967;0.104802259887005644323210162838;0.081073446327683609813341547579;0.085593220338983047601466580545;0.146610169491525416107791102149
-0.051984126984126986792400515469;0.076587301587301592764589486251;0.155555555555555558022717832500;0.007936507936507936067371815625;0.060714285714285713690951951094;0.041269841269841268938112222031;0.063888888888888883954564334999;0.060714285714285713690951951094;0.143650793650793640043872301248;0.125396825396825395415589810000;0.094841269841269837392871977499;0.117460317460317459348217994375
-0.081944444444444444752839729063;0.048611111111111111882099322656;0.125000000000000000000000000000;0.029166666666666667129259593594;0.072222222222222215437525960624;0.028333333333333331899295259859;0.076944444444444440311947630562;0.137500000000000011102230246252;0.132222222222222213217079911374;0.138611111111111101612536344874;0.054722222222222220711085327594;0.074722222222222217657972009874
-0.107539682539682546202897128751;0.084523809523809528831961301876;0.158730158730158721347436312499;0.033730158730158728286330216406;0.064285714285714279370154144999;0.022222222222222223070309254922;0.108333333333333337034076748751;0.108730158730158732449666558750;0.114285714285714282145711706562;0.088095238095238101450057399688;0.048809523809523809589894227656;0.060714285714285713690951951094
-0.010884353741496597886562192059;0.201020408163265301704214493839;0.142857142857142849212692681249;0.000680272108843537367910137004;0.047278911564625852870236144554;0.113265306122448977665939651160;0.085034013605442174132953425669;0.055102040816326532113311742478;0.056462585034013607065972450982;0.044557823129251702964914727545;0.112925170068027214131944901965;0.129931972789115640631862902410
-0.064583333333333339809634310313;0.069345238095238098674499838125;0.174404761904761895774385038749;0.056547619047619047949471138281;0.020833333333333332176851016015;0.035119047619047619179788455313;0.097619047619047619179788455313;0.133928571428571424606346340624;0.086011904761904761640423089375;0.152380952380952394697999352502;0.069940476190476191797884553125;0.039285714285714284921269268125
-0.050416666666666665186369300500;0.110000000000000000555111512313;0.104166666666666671292595935938;0.086666666666666669627261399000;0.085416666666666668517038374375;0.055416666666666669627261399000;0.045416666666666667684371105906;0.044166666666666666574148081281;0.122499999999999997779553950750;0.097916666666666665741480812812;0.079583333333333339254522798001;0.118333333333333332038073137937
-0.022727272727272727903535809446;0.101893939393939397808352964603;0.136363636363636353543427048862;0.001515151515151515150200967064;0.062878787878787881227005129858;0.068181818181818176771713524431;0.060606060606060607742762158523;0.025757575757575756902895136591;0.154166666666666674068153497501;0.116287878787878787290033244517;0.095075757575757577355624050597;0.154545454545454541417370819545
-0.020370370370370372015145221667;0.157098765432098774752489589446;0.212654320987654327224092298820;0.000925925925925925961262885622;0.030555555555555554553270880547;0.048148148148148148250946576354;0.112037037037037032205510911353;0.080555555555555560798275394063;0.065740740740740738479175320208;0.078703703703703706273664408855;0.095679012345679007034426888367;0.097530864197530861559037873576
-0.013821138211382113375469415928;0.145528455284552854509527719529;0.169105691056910562020121346904;0.003658536585365853872203745212;0.075203252032520331860077078545;0.080081300813008127192915708292;0.097154471544715445552320431943;0.069918699186991867255969168582;0.091463414634146339432518857393;0.064634146341463416529649066433;0.073577235772357724163938996753;0.115853658536585371607863237386
-0.006818181818181817850643700041;0.144696969696969685026388674487;0.043181818181818182322828647557;0.016287878787878788677812025298;0.065151515151515154711248101194;0.205303030303030292769150833010;0.015909090909090907450806895440;0.001893939393939393991961317454;0.114393939393939395032795403040;0.060227272727272726515757028665;0.106818181818181812126056229317;0.219318181818181828779401598695
-0.042105263157894735892572413150;0.097076023391812871210504454211;0.153508771929824566759847925823;0.042982456140350878970313175387;0.024561403508771929848908399663;0.070175438596491224174656053947;0.040058479532163744629702506472;0.178947368421052632747603183816;0.092105263157894731729236070805;0.127485380116959062801740287796;0.061403508771929821152824047203;0.069590643274853800082091481727
-0.060576923076923076816324709171;0.048717948717948718340142733041;0.127564102564102554993041849229;0.095192307692307687183586040192;0.076282051282051288598751170866;0.027884615384615386163291717025;0.036858974358974359863960756911;0.160576923076923089306333736204;0.112820512820512822149687792717;0.116666666666666668517038374375;0.056089743589743591700713665205;0.080769230769230773714362214832
-0.079696969696969696683730433051;0.057575757575757578743402831378;0.134242424242424246427773937285;0.061818181818181820730284670162;0.048181818181818179824826842150;0.032727272727272729846426102540;0.064848484848484849729643997307;0.128787878787878784514475682954;0.114848484848484852505201558870;0.137272727272727268488239360522;0.055454545454545457749961911986;0.084545454545454548633820479608
-0.074621212121212115997437308579;0.065151515151515154711248101194;0.109090909090909085610299200653;0.093560606060606066325391338978;0.054166666666666668517038374375;0.039772727272727272096464190554;0.057575757575757578743402831378;0.179924242424242430971048634092;0.117424242424242430971048634092;0.087121212121212127099667554830;0.051136363636363639517679047231;0.070454545454545450255956495766
-0.008333333333333333217685101602;0.122619047619047613628673332187;0.151190476190476180695654306874;0.023511904761904761640423089375;0.057440476190476187634548210781;0.065476190476190479494711382813;0.096428571428571432933019025313;0.144047619047619035459462111248;0.078571428571428569842538536250;0.083630952380952375269096421562;0.058333333333333334258519187188;0.110416666666666662965923251249
-0.024829931972789116151334454230;0.164965986394557811989258766516;0.107142857142857136909519510937;0.036394557823129253248950476518;0.057142857142857141072855853281;0.106802721088435373375524761741;0.091156462585034014889373565893;0.046258503401360541451570185245;0.104421768707482987004198093928;0.069387755102040815646802229821;0.078911564625850333376533285445;0.112585034013605436720162344955
-0.049152542372881358190284117882;0.147175141242937845831306731270;0.140395480225988689149119181820;0.053672316384180789039515246941;0.050000000000000002775557561563;0.051412429378531070145452730458;0.075706214689265541317730878745;0.079943502824858750366310289337;0.094915254237288138039474461038;0.085593220338983047601466580545;0.070338983050847458944332402098;0.101694915254237294721662010488
-0.028985507246376811946175777734;0.202173913043478259421448228750;0.159782608695652167396517029374;0.061594202898550727554027872657;0.040942028985507243621366768593;0.044927536231884057649210717500;0.111956521739130440695753065938;0.051449275362318837301334184531;0.059057971014492754990854450625;0.057608695652173913526183923750;0.051811594202898547667501816250;0.129710144927536241699073116251
-0.016964285714285712997062560703;0.212797619047619041010577234374;0.137500000000000011102230246252;0.016964285714285712997062560703;0.041369047619047617792009674531;0.098511904761904758864865527812;0.093154761904761906876615285000;0.041071428571428571230317317031;0.049702380952380949274971300156;0.047023809523809523280846178750;0.084226190476190482270268944376;0.160714285714285726180960978127
-0.035069444444444444752839729063;0.162500000000000005551115123126;0.056250000000000001387778780781;0.008333333333333333217685101602;0.028472222222222221682530474141;0.200694444444444453079512413751;0.043402777777777776235801354687;0.023958333333333334952408577578;0.090277777777777776235801354687;0.073263888888888892281237019688;0.130902777777777784562474039376;0.146875000000000005551115123126
-0.081914893617021269922595649859;0.074822695035460989876341386662;0.109219858156028373774582007627;0.045390070921985818663824119312;0.059929078014184400391428653165;0.048581560283687943990749147360;0.047872340425531914598344940259;0.082978723404255314011201960511;0.135815602836879434356376350479;0.123049645390070919170888430472;0.068439716312056739222491330565;0.121985815602836875082282119820
-0.068686868686868685074387030909;0.096464646464646461310188385596;0.129797979797979801119822695910;0.051010101010101012442010670611;0.069696969696969701679734043864;0.048989898989898993109104452515;0.076262626262626267981126204631;0.079797979797979798344265134347;0.143434343434343442025280523922;0.069191919191919193377060537387;0.081313131313131309374497845965;0.085353535353535348040310282158
-0.055128205128205126639429067836;0.169551282051282059537555824136;0.156410256410256409687065115577;0.000320512820512820512542512263;0.063141025641025638748260462307;0.053525641025641022829884008161;0.083012820512820509333273832908;0.036217948717948721115700294604;0.101923076923076921795896510048;0.071794871794871789605352319086;0.076602564102564107972881402020;0.132371794871794873360570932164
-0.034649122807017540548457645855;0.156578947368421039776364978025;0.207894736842105271046321490758;0.000438596491228070183617665512;0.035964912280701755165068789211;0.042543859649122807431442794268;0.094736842105263160962458357517;0.045175438596491229725771177073;0.068859649122807023435832718405;0.066228070175438594202610431694;0.082894736842105257168533682943;0.164035087719298255937161457041
-0.014379084967320260660117448026;0.156535947712418299637704421912;0.133333333333333331482961625625;0.000326797385620915010074477580;0.059150326797385618937674678364;0.065359477124183010254832026931;0.114705882352941171409277387738;0.019281045751633987817008630827;0.126797385620915026294142080587;0.063071895424836599275408843823;0.075490196078431368031935733143;0.171568627450980393245316690809
-0.080851063829787239711777147022;0.140425531914893625407003696637;0.124822695035460992651898948225;0.077659574468085107445958215067;0.044326241134751774575217808660;0.052127659574468084013876278959;0.060638297872340422844938956359;0.070567375886524827399703951869;0.114893617021276595036027856622;0.079787234042553195623170836370;0.052836879432624113406280486060;0.101063829787234035761933625963
-0.006597222222222222202947516934;0.154166666666666674068153497501;0.168402777777777790113589162502;0.003819444444444444319158860068;0.071180555555555552471602709375;0.048958333333333332870740406406;0.080208333333333339809634310313;0.079513888888888883954564334999;0.073611111111111113269878103438;0.068055555555555549696045147812;0.092361111111111116045435665001;0.153125000000000011102230246252
-0.005426356589147286746399601043;0.127906976744186051675455928489;0.211627906976744190048478344579;0.004651162790697674354056800894;0.047674418604651165598529161116;0.046124031007751940813843560818;0.151937984496124028899188829200;0.126356589147286813012982520377;0.054263565891472867463996010429;0.051550387596899227560243161861;0.075193798449612408996145518358;0.097286821705426351769574466744
-0.036363636363636361870099733551;0.082575757575757580131181612160;0.217424242424242436522163757218;0.011363636363636363951767904723;0.036742424242424243097104863409;0.032196969696969696128618920739;0.088257575757575756902895136591;0.117424242424242430971048634092;0.084848484848484853615424583495;0.102651515151515146384575416505;0.093560606060606066325391338978;0.096590909090909088385856762216
-0.106666666666666673513041985188;0.093703703703703705718552896542;0.166666666666666657414808128124;0.011481481481481481399242738917;0.051851851851851850361274642864;0.048148148148148148250946576354;0.044814814814814814269983145323;0.135555555555555568014725054127;0.100370370370370373680479758605;0.087407407407407405885990669958;0.085925925925925919490744320228;0.067407407407407402000210083770
-0.022789115646258503722343391473;0.120748299319727886436126595981;0.197959183673469374387110519820;0.051700680272108841262213019263;0.059863945578231290978177270290;0.040136054421768707634043948929;0.072789115646258506497900953036;0.058163265306122445552627908683;0.085374149659863951544735982679;0.088775510204081628518046898080;0.076190476190476197348999676251;0.125510204081632659178779931608
-0.016666666666666666435370203203;0.125163398692810456935831098235;0.130065359477124192766339660920;0.020261437908496732901442172192;0.074836601307189540288611340202;0.075816993464052281903597929613;0.043464052287581697586738016525;0.079738562091503262241332095073;0.094771241830065355848944363970;0.086928104575163395173476033051;0.099019607843137250058340725900;0.153267973856209160921082457207
-0.048148148148148148250946576354;0.097777777777777782897139502438;0.157777777777777766798905645373;0.036296296296296298722339201959;0.045925925925925925596970955667;0.055185185185185184342238073896;0.093333333333333337589188261063;0.113703703703703709604333482730;0.123333333333333336478965236438;0.079629629629629633535969901459;0.075925925925925924486747931041;0.072962962962962965574043039396
-0.019696969696969695434729530348;0.164393939393939397808352964603;0.171969696969696966837304330511;0.005681818181818181975883952362;0.043939393939393937837945003366;0.066287878787878784514475682954;0.088636363636363638129900266449;0.021590909090909091161414323778;0.079924242424242425419933510966;0.069696969696969701679734043864;0.097348484848484850839867021932;0.170833333333333337034076748751
-0.046376811594202899113881244375;0.113768115942028985587697320625;0.183333333333333320380731379373;0.038405797101449277997087250469;0.052536231884057968399837079687;0.046014492753623188747713612656;0.073913043478260873064833447188;0.040942028985507243621366768593;0.105797101449275357532009422812;0.082608695652173907975068800624;0.076086956521739135261839237501;0.140217391304347821501252724374
-0.035772357723577237476053625187;0.197154471544715437225647747255;0.151219512195121946751541486265;0.014634146341463415488814980847;0.019512195121951219495270990478;0.084146341463414639494367008865;0.063821138211382119620473929444;0.043495934959349592807686946117;0.058536585365853661955259923388;0.065853658536585368832305675824;0.125609756097560976151328304695;0.140243902439024403783207617380
-0.083333333333333328707404064062;0.134188034188034183147308908701;0.134615384615384608979482550239;0.007264957264957265167804045802;0.088034188034188040616889736611;0.037606837606837605070264629603;0.075641025641025635972702900744;0.032478632478632481206393123330;0.132905982905982905650787984086;0.106837606837606832743681195552;0.060683760683760683274368119555;0.106410256410256406911507554014
-0.039548022598870059829412326735;0.112994350282485875314186785090;0.132768361581920901759445996504;0.043785310734463275816885641234;0.050564971751412432499073190684;0.050847457627118647360831005244;0.076836158192090400764762136987;0.051129943502824862222588819805;0.125706214689265544093288440308;0.094067796610169493454201017357;0.089265536723163840804318169830;0.132485875706214700775475989758
-0.032592592592592589673117231541;0.108518518518518514159865162583;0.207037037037037047193521743793;0.041481481481481480289019714291;0.038888888888888889505679458125;0.034074074074074076068363581271;0.068148148148148152136727162542;0.145925925925925931148086078792;0.066296296296296297612116177334;0.092222222222222219323306546812;0.091851851851851851193941911333;0.072962962962962965574043039396
-0.039430894308943087445129549451;0.138211382113821140693588063186;0.095121951219512196340488685564;0.023983739837398373312415955638;0.055284552845528453501877663712;0.108943089430894313185405053446;0.033739837398373981325327974901;0.056097560975609757349946704608;0.110162601626016265488061662836;0.111382113821138217790718272227;0.104471544715447159368260088286;0.123170731707317071546015085914
-0.037005649717514126073591995691;0.119774011299435031996374334540;0.140960451977401118872634810941;0.002542372881355932021096855067;0.082485875706214684122130620381;0.061864406779661020030491869193;0.070056497175141244082574587537;0.029096045197740113413820139954;0.125988700564971745077258447054;0.091807909604519774560138500874;0.085310734463276832739708765985;0.153107344632768371806008644853
-0.033625730994152044917022692516;0.141520467836257296534441252334;0.114035087719298239283816087664;0.006140350877192982462227099916;0.082748538011695904614839491842;0.079239766081871346181664250707;0.080994152046783632337145775182;0.037426900584795322335374123668;0.121637426900584794120518949967;0.071929824561403510330137578421;0.063157894736842107308305571678;0.167543859649122800492548890361
-0.049561403508771931236687180444;0.146491228070175449893497443554;0.064035087719298250386046333915;0.014912280701754385484059106659;0.104824561403508778600901507616;0.123684210526315785383388856644;0.064473684210526321924916715034;0.014473684210526315679912201517;0.136842105263157903793924674574;0.031578947368421053654152785839;0.053070175438596489669862421579;0.196052631578947367252396816184
-0.045175438596491229725771177073;0.098245614035087719395633598651;0.175877192982456131975510515986;0.057017543859649119641908043832;0.072807017543859653407878340658;0.046052631578947365864618035403;0.101315789473684206289938458667;0.066666666666666665741480812812;0.096052631578947361701281693058;0.073684210526315782607831295081;0.056140350877192983503061185502;0.110964912280701752389511227648
-0.043023255813953491244472360222;0.088759689922480622392697569012;0.139147286821705434833873482603;0.069767441860465115310852013408;0.064341085271317835503346316273;0.037596899224806204498072759179;0.101937984496124026123631267637;0.088759689922480622392697569012;0.108527131782945734927992020857;0.082558139534883723253955167820;0.063565891472868216172109612216;0.112015503875968994162981573481
-0.041134751773049642309398876705;0.154255319148936170803310119481;0.148581560283687935664076462672;0.020567375886524821154699438353;0.058156028368794326910418135412;0.052127659574468084013876278959;0.090425531914893622631446135074;0.066666666666666665741480812812;0.078723404255319151534564525718;0.096099290780141843892891984069;0.065602836879432621652874502161;0.127659574468085096343727968815
-0.184444444444444438646613093624;0.093333333333333337589188261063;0.096666666666666664631257788187;0.002592592592592592518063732143;0.058888888888888886452566140406;0.046296296296296293726335591145;0.047777777777777780121581940875;0.170370370370370366464030098541;0.085185185185185183232015049271;0.071111111111111111049432054187;0.058888888888888886452566140406;0.084444444444444446973285778313
-0.052272727272727269320906628991;0.087499999999999994448884876874;0.111742424242424240321547301846;0.145833333333333342585191871876;0.045454545454545455807071618892;0.056439393939393942001281345711;0.062878787878787881227005129858;0.090530303030303030387138107926;0.086363636363636364645657295114;0.077272727272727270708685409772;0.079166666666666662965923251249;0.104545454545454538641813257982
-0.026388888888888888811790067734;0.139814814814814808441312266041;0.222685185185185180456457487708;0.022685185185185186701462001224;0.047685185185185184619793830052;0.034722222222222223764198645313;0.152777777777777790113589162502;0.088425925925925921711190369479;0.044907407407407409771771256146;0.037962962962962962243373965521;0.064351851851851854524610985209;0.117592592592592595779343866980
-0.007638888888888888638317720137;0.230208333333333320380731379373;0.110763888888888883954564334999;0.045833333333333330095182844843;0.025347222222222222376419864531;0.131944444444444447528397290625;0.053472222222222219600862302968;0.025000000000000001387778780781;0.038541666666666668517038374375;0.050347222222222223764198645313;0.128124999999999988897769753748;0.152777777777777790113589162502
-0.017460317460317460735996775156;0.155952380952380953438307642500;0.173015873015873011819820703749;0.010714285714285714384841341484;0.050000000000000002775557561563;0.086904761904761901325500161875;0.075793650793650788055622058437;0.068650793650793656697217670626;0.078571428571428569842538536250;0.077380952380952383595769106250;0.084126984126984133416371491876;0.121428571428571427381903902187
-0.006089743589743589792517841630;0.269871794871794856707225562786;0.076923076923076927347011633174;0.016987179487179485809500434357;0.023717948717948716952363952259;0.172756410256410253278858135673;0.032692307692307694122479944099;0.019230769230769231836752908293;0.034935897435897436680285466082;0.052564102564102564707493314700;0.156410256410256409687065115577;0.137820512820512830476360477405
-0.052482269503546098710078382510;0.097163120567375887981498294721;0.073758865248226945787735076010;0.232624113475177307641672541649;0.049290780141843973383153354462;0.056382978723404253429407617659;0.029078014184397163455209067706;0.073758865248226945787735076010;0.075886524822695033964947697314;0.086879432624113475669425099568;0.065602836879432621652874502161;0.107092198581560285597369386323
-0.099099099099099099974274906799;0.066666666666666665741480812812;0.031981981981981981444373985823;0.329729729729729748033406622199;0.065315315315315314315114392230;0.045045045045045042919618083488;0.022972972972972974248229149907;0.016216216216216217116397046993;0.122522522522522520072030260962;0.055855855855855854330549448150;0.110810810810810816962046487788;0.033783783783783785659160514570
-0.022569444444444444058950338672;0.089930555555555555247160270937;0.197569444444444436426167044374;0.132291666666666668517038374375;0.047222222222222220988641083750;0.032986111111111111882099322656;0.087847222222222215437525960624;0.077430555555555558022717832500;0.088541666666666671292595935938;0.058680555555555555247160270937;0.060416666666666667129259593594;0.104513888888888892281237019688
-0.030555555555555554553270880547;0.136111111111111099392090295623;0.176234567901234567832702282431;0.026851851851851852442942814037;0.047222222222222220988641083750;0.051543209876543212566435414601;0.107716049382716047566610484409;0.138888888888888895056794581251;0.082407407407407401445098571457;0.067901234567901230798625533680;0.059259259259259261520824679792;0.075308641975308648897069474515
-0.034814814814814812327092852229;0.125555555555555559132940857126;0.237037037037037046083298719168;0.001111111111111111110147375847;0.031111111111111110216764785719;0.034444444444444444197728216750;0.115925925925925932258309103418;0.111851851851851855079722497521;0.074814814814814820098654024605;0.070370370370370374790702783230;0.080370370370370369794699172417;0.082592592592592592448674793104
-0.033666666666666664187168578337;0.116333333333333330261716298537;0.185999999999999998667732370450;0.006000000000000000124900090270;0.065666666666666664853302393112;0.050999999999999996724842077356;0.054333333333333330705805508387;0.072666666666666671070551331013;0.083666666666666666962726139900;0.089333333333333334036474582263;0.073666666666666671958729750713;0.167666666666666658302986547824
-0.010370370370370370072254928573;0.191111111111111120486327763501;0.102222222222222228205090743813;0.007407407407407407690103084974;0.048888888888888891448569751219;0.144074074074074076623475093584;0.047777777777777780121581940875;0.034074074074074076068363581271;0.081851851851851856189945522146;0.067777777777777784007362527063;0.118148148148148154912284724105;0.146296296296296285399662906457
-0.017272727272727272929131459023;0.178787878787878801167821052331;0.155151515151515151380579027318;0.003939393939393939607362948863;0.050303030303030300818267761542;0.063939393939393934784831685647;0.077272727272727270708685409772;0.046969696969696966837304330511;0.101515151515151516581347834745;0.084242424242424243652216375722;0.105757575757575758568229673529;0.114848484848484852505201558870
-0.039930555555555552471602709375;0.122222222222222218213083522187;0.135069444444444436426167044374;0.060763888888888888117900677344;0.040625000000000001387778780781;0.062152777777777779011358916250;0.067361111111111107718762980312;0.100000000000000005551115123126;0.094444444444444441977282167500;0.109722222222222220988641083750;0.084027777777777784562474039376;0.083680555555555549696045147812
-0.049629629629629627707299022177;0.100740740740740741809844394083;0.153333333333333321490954403998;0.042962962962962959745372160114;0.028148148148148147834612942120;0.050000000000000002775557561563;0.063703703703703706828775921167;0.153333333333333321490954403998;0.134444444444444449748843339876;0.087777777777777774015355305437;0.065185185185185179346234463083;0.070740740740740742920067418709
-0.038333333333333330372738601000;0.112500000000000002775557561563;0.162500000000000005551115123126;0.019583333333333334536074943344;0.050833333333333334536074943344;0.044583333333333335923853724125;0.070000000000000006661338147751;0.058749999999999996669330926125;0.126250000000000001110223024625;0.125416666666666676288599546751;0.089583333333333334258519187188;0.101666666666666669072149886688
-0.061217948717948715564585171478;0.090064102564102563319714533918;0.104807692307692310040856398246;0.104807692307692310040856398246;0.050000000000000002775557561563;0.034615384615384617306155234928;0.090705128205128202067974996226;0.221474358974358964680106964806;0.070192307692307692734701163317;0.069871794871794873360570932164;0.037820512820512817986351450372;0.064423076923076916244781386922
-0.050416666666666665186369300500;0.130416666666666652973916029623;0.146666666666666667406815349750;0.003333333333333333547282562037;0.060833333333333336478965236438;0.056666666666666663798590519718;0.040833333333333332593184650250;0.039166666666666669072149886688;0.131666666666666654084139054248;0.158750000000000002220446049250;0.069166666666666667961926862063;0.112083333333333326486958014812
-0.042962962962962959745372160114;0.056296296296296295669225884239;0.166296296296296303163231300459;0.007037037037037036958653235530;0.061111111111111109106541761093;0.029629629629629630760412339896;0.067407407407407402000210083770;0.202222222222222219878418059125;0.114444444444444445863062753688;0.098148148148148151026504137917;0.079629629629629633535969901459;0.074814814814814820098654024605
-0.055284552845528453501877663712;0.164634146341463422080764189559;0.167479674796747968201771072927;0.006910569105691056687734707964;0.037804878048780486687885371566;0.074796747967479676466595606144;0.092682926829268291735175466783;0.095121951219512196340488685564;0.071951219512195116467800914961;0.057317073170731709652603313998;0.077642276422764222587602489511;0.098373983739837397854977041334
-0.007499999999999999722444243844;0.223750000000000004440892098501;0.123749999999999998889776975375;0.000416666666666666693410320255;0.035000000000000003330669073875;0.131666666666666654084139054248;0.083750000000000004996003610813;0.034166666666666664631257788187;0.046666666666666668794594130532;0.046249999999999999444888487687;0.113333333333333327597181039437;0.153749999999999997779553950750
-0.019281045751633987817008630827;0.159150326797385610611001993675;0.154901960784313730279393439559;0.000653594771241830020148955160;0.076470588235294123524710130368;0.065359477124183010254832026931;0.051960784313725492944424644293;0.016013071895424835222598858309;0.096732026143790852956705350607;0.083986928104575170328516264817;0.093137254901960786490633381618;0.182352941176470578765744789962
-0.074074074074074069962136945833;0.105092592592592598554901428543;0.131018518518518506388303990207;0.010185185185185186007572610833;0.055555555555555552471602709375;0.046296296296296293726335591145;0.107870370370370366464030098541;0.035648148148148151026504137917;0.154166666666666674068153497501;0.104166666666666671292595935938;0.072685185185185186007572610833;0.103240740740740744030290443334
-0.065040650406504071923130538835;0.080487804878048782586397180694;0.182520325203252037349344050199;0.004065040650406504495195658677;0.070731707317073164165144305571;0.046747967479674794322175301886;0.060975609756097559621679238262;0.067479674796747962650655949801;0.132926829268292689967267961038;0.093495934959349588644350603772;0.082113821138211376404747454671;0.113414634146341467002550018606
-0.013945578231292516530048786194;0.171428571428571430157461463750;0.167687074829931975772367991340;0.000340136054421768683955068502;0.048639455782312927822896853058;0.082653061224489801639414565670;0.067006802721088429275475562008;0.026530612244897958107436863884;0.085374149659863951544735982679;0.060204081632653061451065923393;0.083333333333333328707404064062;0.192857142857142865866038050626
-0.042391304347826085086037295468;0.087318840579710149674141916876;0.088405797101449273833750908125;0.005434782608695652023067523828;0.065217391304347824276810285937;0.130434782608695648553620571874;0.035507246376811595067746196719;0.034420289855072463969243301563;0.203985507246376818191180291251;0.114855072463768109747306311874;0.091666666666666660190365689687;0.100362318840579708978388850937
-0.003333333333333333547282562037;0.139629629629629631315523852209;0.039259259259259257635044093604;0.000370370370370370351979089074;0.035185185185185187395351391615;0.342222222222222205445518738998;0.014444444444444443781394582516;0.003703703703703703845051542487;0.058888888888888886452566140406;0.035185185185185187395351391615;0.182222222222222229870425280751;0.145555555555555549140933635499
-0.013750000000000000069388939039;0.160416666666666679619268620627;0.183749999999999996669330926125;0.005833333333333333599324266316;0.033333333333333332870740406406;0.048333333333333332315628894094;0.096666666666666664631257788187;0.032500000000000001110223024625;0.094166666666666662410811738937;0.097083333333333327042069527124;0.095416666666666663521034763562;0.138750000000000012212453270877
-0.033695652173913043236908038125;0.060507246376811596455524977500;0.067028985507246383046542348438;0.469202898550724611936857399996;0.020652173913043476993767200156;0.053260869565217389132172343125;0.031159420289855074143181568047;0.020652173913043476993767200156;0.063405797101449279384866031251;0.055434782608695651329178133437;0.059782608695652175723189714063;0.065217391304347824276810285937
-0.003658536585365853872203745212;0.137398373983739829906625118383;0.038617886178861790535954412462;0.108130081300813002398442108642;0.030894308943089431734874139579;0.200813008130081294133617575426;0.026829268292682926372316742913;0.005691056910569106119801574550;0.078455284552845533374565434315;0.055691056910569108895359136113;0.117886178861788620819694983766;0.195934959349593484922991137864
-0.098373983739837397854977041334;0.030894308943089431734874139579;0.119512195121951214638045257743;0.058536585365853661955259923388;0.028048780487804878674973352304;0.035365853658536582082572152785;0.024390243902439025236450476086;0.160569105691056923657100696801;0.118292682926829262335388648353;0.171951219512195108141128230272;0.118292682926829262335388648353;0.035772357723577237476053625187
-0.119318181818181823228286475569;0.021969696969696968918972501683;0.092803030303030303871381079261;0.157196969696969696128618920739;0.040151515151515153323469320412;0.030303030303030303871381079261;0.021969696969696968918972501683;0.145454545454545447480398934204;0.157575757575757563477836242782;0.108333333333333337034076748751;0.044696969696969700291955263083;0.060227272727272726515757028665
-0.073809523809523810977673008438;0.115476190476190482270268944376;0.115873015873015877685858754376;0.028968253968253969421464688594;0.063095238095238093123384715000;0.068650793650793656697217670626;0.041666666666666664353702032031;0.038888888888888889505679458125;0.132936507936507936067371815625;0.062301587301587302292205095000;0.079761904761904756089307966249;0.178571428571428575393653659376
-0.005128205128205128200680196215;0.098290598290598288344632749158;0.155555555555555558022717832500;0.000000000000000000000000000000;0.053846153846153849142908143222;0.046581196581196582240380621442;0.147863247863247865288016669183;0.250427350427350425832173641538;0.050427350427350428607731203101;0.032478632478632481206393123330;0.042307692307692310040856398246;0.117094017094017094349212015914
-0.017241379310344827346934692969;0.117528735632183911619108585001;0.144252873563218392272133883125;0.006896551724137930938773877187;0.063793103448275864653105315938;0.069540229885057466829856309687;0.081321839080459770721098777813;0.093965517241379303836623648749;0.088218390804597701659872655000;0.054022988505747125687062037969;0.079310344827586212734793491563;0.183908045977011491700636725000
-0.064444444444444443087505192125;0.135185185185185186007572610833;0.082592592592592592448674793104;0.000370370370370370351979089074;0.095555555555555560243163881751;0.114444444444444445863062753688;0.036296296296296298722339201959;0.029259259259259259161600752464;0.146296296296296285399662906457;0.050000000000000002775557561563;0.081851851851851856189945522146;0.163703703703703712379891044293
-0.036403508771929826703939170329;0.082894736842105257168533682943;0.125438596491228071538870381119;0.002192982456140350755458001686;0.112719298245614038544992752122;0.057456140350877191180778424950;0.060087719298245613475106807755;0.037719298245614034381656409778;0.160526315789473683626198408092;0.089912280701754387912671973027;0.077631578947368426457664725149;0.157017543859649111315235359143
-0.030740740740740742087400150240;0.093333333333333337589188261063;0.080000000000000001665334536938;0.042962962962962959745372160114;0.115555555555555550251156660124;0.075925925925925924486747931041;0.063703703703703706828775921167;0.013703703703703704053218359604;0.176666666666666666296592325125;0.067407407407407402000210083770;0.067407407407407402000210083770;0.172592592592592602995793527043
-0.040650406504065039747786158841;0.104471544715447159368260088286;0.099186991869918694764152178323;0.100813008130081302460290260115;0.081707317073170734889053790084;0.071138211382113819558625777972;0.072357723577235771861282387363;0.076422764227642270284945880121;0.126016260162601617667021969282;0.052439024390243900441976876436;0.067886178861788618044137422203;0.106910569105691050095785499252
-0.244339622641509435219120405236;0.038364779874213834898188935085;0.070125786163522010885351676279;0.101257861635220131057977255296;0.066037735849056602988049746727;0.027358490566037736713145278600;0.025471698113207548452852080345;0.100000000000000005551115123126;0.124528301886792452934926700436;0.072327044025157230522360407576;0.038364779874213834898188935085;0.091823899371069175878723456208
-0.115723270440251574386891775248;0.069496855345911948131920610194;0.088993710691823893488283658826;0.118867924528301888154047105672;0.052515723270440253789281825902;0.041509433962264148665344265510;0.037106918238993709391326802916;0.161006289308176092633928533360;0.101886792452830193811408321380;0.075471698113207544289515738001;0.043081761006289305548921930722;0.094339622641509440770235528362
-0.137698412698412708810025151251;0.113095238095238095898942276563;0.105158730158730159831570460938;0.006746031746031746351155433672;0.068253968253968247403840052812;0.061111111111111109106541761093;0.049206349206349205005484037656;0.052380952380952382207990325469;0.131746031746031749820602385626;0.090873015873015869359186069687;0.049206349206349205005484037656;0.134523809523809517729731055624
-0.010256410256410256401360392431;0.170940170940170943492120159135;0.161538461538461547428724429665;0.075641025641025635972702900744;0.034615384615384617306155234928;0.088034188034188040616889736611;0.056837606837606836907017537897;0.034615384615384617306155234928;0.055982905982905985242670254820;0.070085470085470086276657752933;0.120512820512820514884388956034;0.120940170940170940716562597572
-0.018888888888888889089345823891;0.069629629629629624654185704458;0.076296296296296292616112566520;0.327037037037037014997054029664;0.046666666666666668794594130532;0.085925925925925919490744320228;0.032592592592592589673117231541;0.024444444444444445724284875610;0.067777777777777784007362527063;0.070370370370370374790702783230;0.077407407407407410881994280771;0.102962962962962964463820014771
-0.023129251700680270725785092623;0.119387755102040818422359791384;0.168707482993197266374352238927;0.120068027210884359368137097590;0.040816326530612241640927351227;0.063605442176870752302164646608;0.072108843537414965552123646830;0.069387755102040815646802229821;0.063265306122448974890382089598;0.072108843537414965552123646830;0.081972789115646260693637259465;0.105442176870748305361757957144
-0.064772727272727273484242971335;0.117045454545454549744043504234;0.122348484848484845288751898806;0.004545454545454545233762466694;0.081439393939393936450166222585;0.060227272727272726515757028665;0.111363636363636359094542171988;0.108333333333333337034076748751;0.106439393939393944776838907273;0.044318181818181819064950133225;0.053409090909090906063028114659;0.125757575757575762454010259717
-0.136792452830188676626832489092;0.026729559748427673959714212515;0.065408805031446540234618680643;0.235849056603773588047801013090;0.044025157232704399679068529849;0.055660377358490567556437156327;0.023270440251572325346396397094;0.129874213836477986339090762158;0.086792452830188673851274927529;0.095597484276729566277097660532;0.050000000000000002775557561563;0.050000000000000002775557561563
-0.016190476190476189161104869640;0.087619047619047624175792066126;0.132380952380952376934430958499;0.002857142857142857140378966463;0.073809523809523810977673008438;0.121428571428571427381903902187;0.049523809523809525501292228000;0.042380952380952380265100032375;0.095714285714285710082727121062;0.066666666666666665741480812812;0.086666666666666669627261399000;0.224761904761904773852876360252
-0.009166666666666666712925959359;0.141249999999999986677323704498;0.107499999999999998334665463062;0.000000000000000000000000000000;0.080416666666666664076146275875;0.082500000000000003885780586188;0.060416666666666667129259593594;0.022083333333333333287074040641;0.135416666666666657414808128124;0.053333333333333336756520992594;0.074166666666666672402818960563;0.233750000000000013322676295502
-0.052222222222222225429533182250;0.097777777777777782897139502438;0.107407407407407409771771256146;0.132222222222222213217079911374;0.041851851851851848418384349770;0.075185185185185188228018660084;0.039629629629629632703302632990;0.081481481481481488060580886668;0.083333333333333328707404064062;0.088148148148148142144719940916;0.080740740740740737924063807895;0.119999999999999995559107901499
-0.039583333333333331482961625625;0.057291666666666664353702032031;0.173611111111111104943205418749;0.064930555555555560798275394063;0.046180555555555558022717832500;0.063541666666666662965923251249;0.020833333333333332176851016015;0.084375000000000005551115123126;0.114930555555555549696045147812;0.135416666666666657414808128124;0.093750000000000000000000000000;0.105555555555555555247160270937
-0.040370370370370368962031903948;0.146296296296296285399662906457;0.130000000000000004440892098501;0.047037037037037036923958766010;0.054814814814814816212873438417;0.067777777777777784007362527063;0.080000000000000001665334536938;0.058148148148148150193836869448;0.109259259259259264296382241355;0.056666666666666663798590519718;0.082592592592592592448674793104;0.127037037037037031650399399041
-0.026190476190476191103995162734;0.100396825396825400966704933126;0.134920634920634913145320865624;0.004761904761904762334312479766;0.040079365079365082691342792032;0.079365079365079360673718156249;0.048412698412698414174304417656;0.039285714285714284921269268125;0.121825396825396822797493712187;0.128174603174603163324718479998;0.087698412698412692156679781874;0.188888888888888883954564334999
-0.050347222222222223764198645313;0.126041666666666662965923251249;0.108333333333333337034076748751;0.006944444444444444058950338672;0.034722222222222223764198645313;0.086111111111111110494320541875;0.043749999999999997224442438437;0.053819444444444447528397290625;0.133680555555555552471602709375;0.091319444444444439201724605937;0.096875000000000002775557561563;0.168055555555555569124948078752
-0.137916666666666659635254177374;0.020833333333333332176851016015;0.108333333333333337034076748751;0.153749999999999997779553950750;0.040000000000000000832667268469;0.029999999999999998889776975375;0.022916666666666665047591422422;0.242499999999999993338661852249;0.095416666666666663521034763562;0.072916666666666671292595935938;0.029166666666666667129259593594;0.046249999999999999444888487687
-0.053846153846153849142908143222;0.036752136752136753405917346527;0.095299145299145293641629450576;0.229914529914529902621112000816;0.032905982905982907038566764868;0.040170940170940173941094286647;0.032051282051282048435325577884;0.200427350427350436934403887790;0.073931623931623932644008334591;0.091452991452991447274278868917;0.065811965811965814077133529736;0.047435897435897433904727904519
-0.031081081081081082806427673404;0.108558558558558559958839850879;0.079729729729729734155618814384;0.191441441441441428938929902870;0.050000000000000002775557561563;0.071171171171171165870106278817;0.073423423423423422873312915726;0.112612612612612614237939112627;0.078828828828828828578778598057;0.060360360360360361398068818062;0.073423423423423422873312915726;0.069369369369369368594213653978
-0.058024691358024689524786055017;0.062654320987654318897419614132;0.126234567901234578934932528682;0.001234567901234567876070369330;0.100925925925925932813420615730;0.053086419753086422357313267639;0.075308641975308648897069474515;0.072222222222222215437525960624;0.162037037037037034981068472916;0.094753086419753079772121395763;0.051851851851851850361274642864;0.141666666666666662965923251249
-0.139583333333333337034076748751;0.071249999999999993893773364562;0.067083333333333328152292551749;0.027500000000000000138777878078;0.072083333333333332593184650250;0.111250000000000001665334536938;0.022499999999999999167332731531;0.126666666666666677398822571377;0.104999999999999996114219413812;0.053749999999999999167332731531;0.061666666666666668239482618219;0.141666666666666662965923251249
-0.004761904761904762334312479766;0.163392857142857145236192195625;0.121726190476190473943596259687;0.000000000000000000000000000000;0.061309523809523806814336666093;0.087797619047619041010577234374;0.048809523809523809589894227656;0.014880952380952380126322154297;0.087797619047619041010577234374;0.056250000000000001387778780781;0.086607142857142854763807804375;0.266666666666666662965923251249
-0.042307692307692310040856398246;0.114957264957264951310556000408;0.127777777777777767909128669999;0.005982905982905983334474431246;0.064529914529914536580612605121;0.082478632478632477043056780985;0.019658119658119657668926549832;0.043589743589743587537377322860;0.120085470085470089052215314496;0.085470085470085471746060079568;0.115811965811965816852691091299;0.177350427350427358730300397838
-0.061388888888888888673012189656;0.116666666666666668517038374375;0.134444444444444449748843339876;0.005555555555555555767577313730;0.059722222222222225151977426094;0.049166666666666664076146275875;0.057777777777777775125578330062;0.037777777777777778178691647781;0.163055555555555564684055980251;0.076944444444444440311947630562;0.101111111111111109939209029562;0.136388888888888892836348532001
-0.134074074074074067741690896582;0.047037037037037036923958766010;0.176296296296296284289439881832;0.017777777777777777762358013547;0.032592592592592589673117231541;0.029629629629629630760412339896;0.033703703703703701000105041885;0.130370370370370358692468926165;0.113333333333333327597181039437;0.122592592592592586342448157666;0.105185185185185187117795635459;0.057407407407407406996213694583
-0.176190476190476202900114799377;0.024603174603174602502742018828;0.111507936507936514236583036563;0.044841269841269841556208319844;0.038095238095238098674499838125;0.030158730158730159137681070547;0.027777777777777776235801354687;0.111111111111111104943205418749;0.161904761904761912427730408126;0.136507936507936494807680105623;0.074603174603174601808852628437;0.062698412698412697707794905000
-0.058547008547008547174606007957;0.106410256410256406911507554014;0.153846153846153854694023266347;0.001282051282051282050170049054;0.061111111111111109106541761093;0.084188034188034194249539154953;0.065384615384615388244959888198;0.043589743589743587537377322860;0.111965811965811970485340509640;0.090598290598290595609931585841;0.088461538461538466449063378150;0.134615384615384608979482550239
-0.060069444444444446140618509844;0.094791666666666662965923251249;0.136111111111111099392090295623;0.004513888888888888464845372539;0.044097222222222225151977426094;0.078472222222222220988641083750;0.056250000000000001387778780781;0.115625000000000005551115123126;0.106249999999999997224442438437;0.081597222222222223764198645313;0.083680555555555549696045147812;0.138541666666666674068153497501
-0.065972222222222223764198645313;0.171180555555555558022717832500;0.080555555555555560798275394063;0.017361111111111111882099322656;0.046875000000000000000000000000;0.129166666666666679619268620627;0.051736111111111107718762980312;0.020486111111111111188209932266;0.100347222222222226539756206876;0.065972222222222223764198645313;0.095486111111111104943205418749;0.154861111111111116045435665001
-0.016666666666666666435370203203;0.191025641025641013115432542691;0.085576923076923078204103489952;0.002884615384615384775512936244;0.063461538461538458122390693461;0.125320512820512819374130231154;0.040064102564102567483050876262;0.021794871794871793768688661430;0.121153846153846153632649418341;0.061217948717948715564585171478;0.076923076923076927347011633174;0.193910256410256415238180238703
-0.144573643410852714641379179739;0.026744186046511627535826605140;0.085271317829457363157708016388;0.056589147286821704641024410876;0.054651162790697677129614362457;0.032945736434108530144015958285;0.015503875968992247846856002980;0.086434108527131778276775264658;0.208527131782945740479107143983;0.124031007751937982774848023837;0.058139534883720929425710011174;0.106589147286821700477688068531
-0.023655913978494622768034005844;0.094086021505376343787574455746;0.108602150537634403737463628659;0.001075268817204301074336170174;0.100000000000000005551115123126;0.073118279569892474789583047823;0.059139784946236562124255442541;0.018817204301075269451404281540;0.152688172043010744749480522842;0.093548387096774196503012888115;0.098387096774193549819642612420;0.176881720430107525210416952177
-0.020720720720720720714469464951;0.127027027027027034078443534781;0.126576576576576588228917330525;0.002252252252252252232717077973;0.076126126126126125726045756892;0.089639639639639639989709962720;0.040090090090090090002572509320;0.020270270270270271395496308742;0.123873873873873871498396681545;0.084684684684684680133770484645;0.100000000000000005551115123126;0.188738738738738726086197061704
-0.012916666666666666574148081281;0.141249999999999986677323704498;0.043333333333333334813630699500;0.139166666666666660745477201999;0.057916666666666664908813544344;0.182916666666666671847707448251;0.046249999999999999444888487687;0.023750000000000000277555756156;0.073749999999999996114219413812;0.047083333333333331205405869468;0.085416666666666668517038374375;0.146249999999999991118215802999
-0.025816993464052286066934271958;0.119281045751633993368123753953;0.093464052287581700362295578088;0.132026143790849675996312839743;0.078431372549019606754683309191;0.103267973856209144267737087830;0.036928104575163399336812375395;0.024509803921568627110838534122;0.093137254901960786490633381618;0.057516339869281042640469792104;0.089869281045751633896223609099;0.145751633986928114117276322759
-0.084545454545454548633820479608;0.035151515151515148882577221912;0.102121212121212126544556042518;0.202121212121212118217883357829;0.072424242424242418758595363215;0.036363636363636361870099733551;0.050303030303030300818267761542;0.065757575757575750796668501152;0.124242424242424237545989740283;0.092121212121212117662771845517;0.059090909090909089773635542997;0.075757575757575759678452698154
-0.074999999999999997224442438437;0.025000000000000001387778780781;0.080555555555555560798275394063;0.447222222222222243193101576253;0.018650793650793650452213157109;0.025793650793650792218958400781;0.018253968253968255036623347110;0.086904761904761901325500161875;0.055158730158730157056012899375;0.063095238095238093123384715000;0.060714285714285713690951951094;0.043650793650793648370544985937
-0.036440677966101696350076366571;0.017796610169491525882401461445;0.018361581920903955605917090566;0.787005649717514077501334668341;0.014124293785310734414273348136;0.019209039548022600191190534247;0.006497175141242937483621044947;0.006497175141242937483621044947;0.034745762711864407179529479208;0.021186440677966100754048284216;0.019491525423728815052948348807;0.018644067796610170467674905126
-0.116666666666666668517038374375;0.058148148148148150193836869448;0.087777777777777774015355305437;0.244444444444444436426167044374;0.036296296296296298722339201959;0.039259259259259257635044093604;0.028148148148148147834612942120;0.034444444444444444197728216750;0.091481481481481483064577275854;0.082222222222222224319310157625;0.071851851851851847308161325145;0.109259259259259264296382241355
-0.065555555555555561353386906376;0.111851851851851855079722497521;0.153703703703703703498106847292;0.000000000000000000000000000000;0.060370370370370372847812490136;0.047777777777777780121581940875;0.048148148148148148250946576354;0.061111111111111109106541761093;0.119259259259259259300378630542;0.079259259259259265406605265980;0.071111111111111111049432054187;0.181851851851851847863272837458
-0.038580246913580244771946325955;0.113888888888888886730121896562;0.091049382716049384600687233160;0.003086419753086419581755706076;0.120679012345679015361099573056;0.101234567901234570608259843993;0.044135802469135801406885377673;0.015123456790123456644492350165;0.151851851851851848973495862083;0.058024691358024689524786055017;0.063888888888888883954564334999;0.198456790123456794372458489306
-0.029432624113475178151411171257;0.135106382978723404963972143378;0.159929078014184405942543776291;0.034042553191489362263144613507;0.035815602836879435744155131260;0.076950354609929078053554007965;0.056382978723404253429407617659;0.054255319148936172191088900263;0.071631205673758871488310262521;0.098226950354609932070104605373;0.083333333333333328707404064062;0.164893617021276583933797610371
-0.056060606060606060774276215852;0.036868686868686870172773240029;0.154040404040404033114697313067;0.008080808080808080801071824339;0.075252525252525251375779191676;0.058585858585858588409855940426;0.029292929292929294204927970213;0.068686868686868685074387030909;0.190404040404040408862584854432;0.077272727272727270708685409772;0.108585858585858591185413501989;0.136868686868686861846100555340
-0.133333333333333331482961625625;0.017543859649122806043664013487;0.113157894736842110083863133241;0.187719298245614035769435190559;0.026315789473684209065496020230;0.015789473684210526827076392919;0.017105263157894737974240584322;0.120175438596491226950213615510;0.132456140350877188405220863388;0.139473684210526305271571345656;0.057017543859649119641908043832;0.039912280701754385137114411464
-0.052702702702702705628290402728;0.075675675675675679876519552636;0.072522522522522517296472699400;0.048198198198198198560771032817;0.063513513513513517039221767391;0.213063063063063051760792632194;0.025675675675675677100961991073;0.038738738738738738576206088737;0.100900900900900897250167531638;0.075675675675675679876519552636;0.116216216216216222667512170119;0.117117117117117114366564578631
-0.010227272727272727209646419055;0.118939393939393942001281345711;0.068560606060606057998718654289;0.000378787878787878787550241766;0.065151515151515154711248101194;0.191287878787878784514475682954;0.042803030303030301095823517699;0.025757575757575756902895136591;0.110227272727272729291314590228;0.049621212121212121548552431705;0.101893939393939397808352964603;0.215151515151515149160132978068
-0.058823529411764705066012481893;0.074509803921568626416949143731;0.113725490196078429794290798327;0.011764705882352941013202496379;0.071241830065359473822539371213;0.069607843137254904464228388861;0.029411764705882352533006240947;0.055555555555555552471602709375;0.158169934640522868996015404264;0.100980392156862747166101712537;0.099346405228758163930002922370;0.156862745098039213509366618382
-0.060964912280701756552847569992;0.053508771929824561208732802697;0.170175438596491229725771177073;0.012719298245614034728601104973;0.036842105263157891303915647541;0.042105263157894735892572413150;0.042105263157894735892572413150;0.084649122807017543324015207418;0.140350877192982448349312107894;0.115789473684210525439297612138;0.094736842105263160962458357517;0.146052631578947378354627062436
-0.035227272727272725127978247883;0.075757575757575759678452698154;0.125757575757575762454010259717;0.012878787878787878451447568295;0.082196969696969698904176482301;0.042803030303030301095823517699;0.115530303030303024836022984800;0.115151515151515157486805662757;0.146969696969696972388419453637;0.070833333333333331482961625625;0.058712121212121215485524317046;0.118181818181818179547271085994
-0.072499999999999995003996389187;0.084722222222222226539756206876;0.130833333333333329262515576374;0.024722222222222221821308352219;0.068888888888888888395456433500;0.048333333333333332315628894094;0.073333333333333333703407674875;0.062222222222222220433529571437;0.150833333333333347026083970377;0.099166666666666666851703837438;0.083888888888888887840344921187;0.100555555555555550806268172437
-0.035555555555555555524716027094;0.058148148148148150193836869448;0.144814814814814812882204364541;0.245555555555555554692048758625;0.026296296296296296779448908865;0.030740740740740742087400150240;0.058148148148148150193836869448;0.087037037037037037756626034479;0.070740740740740742920067418709;0.101851851851851846197938300520;0.068518518518518520266091798021;0.072592592592592597444678403917
-0.026470588235294117279705616852;0.111437908496732032692655423034;0.066339869281045751869818616342;0.384967320261437928596848223606;0.016339869281045752563708006733;0.069281045751633990592566192390;0.017647058823529411519803744568;0.012745098039215686097636037744;0.060130718954248367491555171682;0.064052287581699340890395433235;0.141503267973856206030092153014;0.029084967320261438661344044476
-0.090880503144654081748576857080;0.066981132075471697118196345855;0.115408805031446543010176242205;0.024213836477987422945989948175;0.090566037735849050371861324038;0.045283018867924525185930662019;0.041194968553459117288628732467;0.072955974842767293275791473661;0.155031446540880496476333405553;0.118553459119496856777331572630;0.066666666666666665741480812812;0.112264150943396229243020911781
-0.007142857142857142634106981660;0.151700680272108839874434238482;0.096258503401360537288233842901;0.158503401360544221576631684911;0.055102040816326532113311742478;0.073809523809523810977673008438;0.090136054421768710409601510491;0.019387755102040816340691620212;0.057823129251700682018633159487;0.053741496598639457160651033973;0.064965986394557820315931451205;0.171428571428571430157461463750
-0.007407407407407407690103084974;0.123456790123456783270228243055;0.088888888888888892281237019688;0.417283950617283960760062200279;0.013888888888888888117900677344;0.063271604938271608364885878473;0.031172839506172840551290192934;0.009259259259259258745267118229;0.039506172839506172034251818559;0.045679012345679011197763230712;0.058641975308641972053358415451;0.101543209876543208403099072257
-0.028525641025641024911552179333;0.105448717948717948789116860553;0.106730769230769226285637785168;0.218269230769230770938804653269;0.046794871794871795156467442212;0.067628205128205123863871506273;0.086538461538461536326494183413;0.028525641025641024911552179333;0.072756410256410261605530820361;0.075320512820512816598572669591;0.078525641025641024217662788942;0.084935897435897439455843027645
-0.041823899371069180042059798552;0.060377358490566038207170151964;0.088364779874213830734852592741;0.505660377358490564780879594764;0.016037735849056603681939137118;0.021383647798742137086103198840;0.058805031446540881323592486751;0.025471698113207548452852080345;0.066037735849056602988049746727;0.044968553459119493809215128977;0.034905660377358489754318071618;0.036163522012578615261180203788
-0.051754385964912281992145182130;0.091228070175438602529283116382;0.131578947368421045327480101150;0.175730994152046793299604132699;0.042690058479532166924030889277;0.047660818713450292527511464868;0.051754385964912281992145182130;0.077485380116959060026182726233;0.097953216374269000410457408634;0.069005847953216375989526909507;0.085380116959064333848061778554;0.077777777777777779011358916250
-0.048305084745762713605010674200;0.086723163841807907048497838787;0.123446327683615825199225923825;0.087005649717514121910255653347;0.037005649717514126073591995691;0.078248587570621475073551209789;0.099435028248587575827599494005;0.112711864406779660452428970530;0.088983050847457625942560355270;0.087570621468926551633771282468;0.070621468926553673806090216658;0.079943502824858750366310289337
-0.023391812865497074724885351316;0.091228070175438602529283116382;0.110233918128654975743252464326;0.285672514619883022302104791379;0.030116959064327486483847451382;0.081871345029239761537098729605;0.065497076023391817556351668372;0.064327485380116955493434716118;0.066374269005847946756304622795;0.060233918128654972967694902763;0.063450292397660812415693953881;0.057602339181286550673366519959
-0.018421052631578945651957823770;0.098538011695906438380809788669;0.114327485380116958268992277681;0.356725146198830389554501607563;0.020467836257309940384274682401;0.074853801169590644670748247336;0.059649122807017541936236426636;0.048245614035087716620076037088;0.059064327485380117843671854416;0.039181286549707601551961744235;0.060233918128654972967694902763;0.050292397660818714821839847673
-0.068787878787878786734921732204;0.059999999999999997779553950750;0.103939393939393942556392858023;0.343030303030303018729796349362;0.029090909090909090883858567622;0.027878787878787877896336055983;0.042121212121212121826108187861;0.125757575757575762454010259717;0.065151515151515154711248101194;0.063030303030303033717807181802;0.046969696969696966837304330511;0.024242424242424242403215473018
-0.068484848484848481753317628318;0.101212121212121211599743730858;0.100000000000000005551115123126;0.166363636363636352433204024237;0.036363636363636361870099733551;0.074848484848484844733640386494;0.087272727272727279590469606774;0.098181818181818175661490499806;0.065757575757575750796668501152;0.071515151515151517691570859370;0.070000000000000006661338147751;0.059999999999999997779553950750
-0.031481481481481478346129421197;0.099259259259259255414598044354;0.084444444444444446973285778313;0.318888888888888888395456433500;0.035555555555555555524716027094;0.037407407407407410049327012302;0.114814814814814813992427389167;0.072592592592592597444678403917;0.055185185185185184342238073896;0.047407407407407405053323401489;0.044074074074074071072359970458;0.058888888888888886452566140406
-0.050287356321839081496616330469;0.104885057471264364625795906250;0.174137931034482745795699543123;0.064080459770114936435270180937;0.043965517241379307999959991093;0.057471264367816091156448976562;0.104885057471264364625795906250;0.116954022988505740299203239374;0.082183908045977013823168988438;0.058333333333333334258519187188;0.056321839080459769333319997031;0.086494252873563215455732233750
-0.033024691358024688137007274236;0.070370370370370374790702783230;0.106790123456790120304304991805;0.237654320987654321672977175695;0.052469135802469132889847003298;0.050925925925925923098969150260;0.087037037037037037756626034479;0.073765432098765432167297717569;0.086111111111111110494320541875;0.056172839506172841939068973716;0.059259259259259261520824679792;0.086419753086419748289159770138
-0.023550724637681159923108253906;0.152536231884057960073164394998;0.193478260869565210633425067499;0.021376811594202897726102463594;0.043115942028985505818372558906;0.082246376811594204547795072813;0.061594202898550727554027872657;0.058333333333333334258519187188;0.110144927536231881926021003437;0.064492753623188403544475022500;0.056521739130434782427681028594;0.132608695652173924628414170002
-0.013988095238095238706521605820;0.162797619047619052112807480626;0.213392857142857134133961949374;0.000297619047619047645894529985;0.016369047619047619873677845703;0.122023809523809520505288617187;0.036904761904761905488836504219;0.031250000000000000000000000000;0.077976190476190476719153821250;0.068452380952380958989422765626;0.093750000000000000000000000000;0.162797619047619052112807480626
-0.046327683615819209572705972278;0.094350282485875708315958831918;0.131638418079096042312414738262;0.223163841807909602010795424576;0.022316384180790960201079542458;0.054237288135593218763030876062;0.039265536723163844967654512175;0.055367231638418078210062134303;0.083333333333333328707404064062;0.092655367231638419145411944555;0.069774011299435029220816772977;0.087570621468926551633771282468
-0.060784313725490195234879564623;0.123856209150326801449182312354;0.145424836601307200245614126288;0.065686274509803924126494223401;0.048039215686274512606690478833;0.051633986928104572133868543915;0.098692810457516336186678529430;0.093464052287581700362295578088;0.108496732026143793969907846986;0.056535947712418301025483202693;0.071241830065359473822539371213;0.076143790849673195775260126084
-0.078148148148148147140723551729;0.067777777777777784007362527063;0.154074074074074085505259290585;0.040740740740740744030290443334;0.058518518518518518323201504927;0.028888888888888887562789165031;0.065555555555555561353386906376;0.111481481481481486950357862042;0.147407407407407403665544620708;0.089999999999999996669330926125;0.043703703703703702942995334979;0.113703703703703709604333482730
-0.058914728682170541818052811323;0.120930232558139533205476823241;0.140697674418604645740771275086;0.022868217054263565574112604395;0.107751937984496129474543124616;0.036821705426356592105729959030;0.138759689922480611290467322760;0.079069767441860464018965615196;0.099224806201550386219878419070;0.056589147286821704641024410876;0.031007751937984495693712005959;0.107364341085271319808924772587
-0.062578616352201257844178883261;0.036477987421383646637895736831;0.089308176100628924864999191868;0.417610062893081779300530342880;0.022955974842767293969680864052;0.023270440251572325346396397094;0.032704402515723270117309340321;0.087106918238993705227990460571;0.079874213836477983563533200595;0.064779874213836477481187614558;0.039937106918238991781766600297;0.043396226415094336925637463764
-0.025000000000000001387778780781;0.135897435897435886476003474854;0.095192307692307687183586040192;0.267628205128205121088313944711;0.030769230769230770938804653269;0.082051282051282051210883139447;0.026602564102564101727876888503;0.014102564102564102768710974090;0.061538461538461541877609306539;0.058012820512820514884388956034;0.099358974358974352925066853004;0.103846153846153851918465704784
-0.080370370370370369794699172417;0.085185185185185183232015049271;0.115925925925925932258309103418;0.089629629629629628539966290646;0.030370370370370370488588562807;0.119999999999999995559107901499;0.048888888888888891448569751219;0.062962962962962956692258842395;0.114444444444444445863062753688;0.070000000000000006661338147751;0.072592592592592597444678403917;0.109629629629629632425746876834
-0.029999999999999998889776975375;0.073636363636363638685011778762;0.141212121212121205493517095420;0.278787878787878806718936175457;0.016363636363636364923213051270;0.100606060606060601636535523085;0.023939393939393940891058321085;0.055151515151515152768357808100;0.051818181818181818787394377068;0.070606060606060602746758547710;0.085151515151515144719240879567;0.072727272727272723740199467102
-0.058187134502923974765931092179;0.100000000000000005551115123126;0.172514619883040926096029465953;0.014619883040935671703053344572;0.036549707602339179257633361431;0.052923976608187137116168230477;0.096198830409356728132763691974;0.123099415204678361290824284424;0.083625730994152047692580254079;0.085380116959064333848061778554;0.104970760233918131154595698717;0.071929824561403510330137578421
-0.060416666666666667129259593594;0.107986111111111116045435665001;0.159027777777777767909128669999;0.050347222222222223764198645313;0.047569444444444441977282167500;0.063194444444444441977282167500;0.087847222222222215437525960624;0.064930555555555560798275394063;0.101388888888888889505679458125;0.084375000000000005551115123126;0.054166666666666668517038374375;0.118749999999999994448884876874
-0.026388888888888888811790067734;0.144097222222222209886410837498;0.140972222222222220988641083750;0.060763888888888888117900677344;0.061805555555555558022717832500;0.042013888888888892281237019688;0.188194444444444441977282167500;0.100000000000000005551115123126;0.059374999999999997224442438437;0.042013888888888892281237019688;0.042361111111111113269878103438;0.092013888888888895056794581251
-0.027044025157232705336429745557;0.171383647798742128065541123760;0.219182389937106925081877761841;0.000943396226415094346987033624;0.022955974842767293969680864052;0.064779874213836477481187614558;0.087735849056603767981421526656;0.065094339622641508857903147600;0.065723270440251571611334213685;0.056603773584905661686583755454;0.098113207547169817290821924871;0.120440251572327045037624770885
-0.063829787234042548171863984408;0.124468085106382977955696844674;0.173404255319148936642648095585;0.010992907801418439969753926277;0.060992907801418437541141059910;0.062411347517730496325949474112;0.058510638297872341606620238963;0.065248226950354606956672398610;0.129078014184397155128536383017;0.075531914893617019268745593763;0.079078014184397166230766629269;0.096453900709219858589094087620
-0.054802259887005648486546505183;0.067514124293785310326754256494;0.151129943502824853895916135116;0.040960451977401127199307495630;0.046610169491525424434463786838;0.055649717514124293071819948864;0.082485875706214684122130620381;0.105367231638418074046725791959;0.093220338983050848868927573676;0.107627118644067792940788308442;0.077966101694915260211793395229;0.116666666666666668517038374375
-0.038148148148148146308056283260;0.111481481481481486950357862042;0.135185185185185186007572610833;0.219629629629629619103070581332;0.021851851851851851471497667490;0.077037037037037042752629645292;0.043703703703703702942995334979;0.055185185185185184342238073896;0.069629629629629624654185704458;0.074814814814814820098654024605;0.065925925925925929482751541855;0.087407407407407405885990669958
-0.049673202614379081965001461185;0.107189542483660124605471253290;0.170261437908496737758667904927;0.087908496732026150666250430277;0.039869281045751631120666047536;0.051307189542483658262206347445;0.100326797385620919422777319596;0.127777777777777767909128669999;0.078104575163398692883021112721;0.047058823529411764052809985515;0.051960784313725492944424644293;0.088562091503267978409574823218
-0.062962962962962956692258842395;0.099259259259259255414598044354;0.196666666666666656304585103499;0.077777777777777779011358916250;0.025185185185185185452461098521;0.033333333333333332870740406406;0.076296296296296292616112566520;0.076666666666666660745477201999;0.107037037037037041642406620667;0.065185185185185179346234463083;0.078518518518518515270088187208;0.101111111111111109939209029562
-0.038271604938271606977107097691;0.109259259259259264296382241355;0.112654320987654321672977175695;0.380864197530864201368672183889;0.011419753086419752799440807678;0.043827160493827163612046149410;0.016975308641975307699656383420;0.025000000000000001387778780781;0.085493827160493821026854277534;0.054938271604938269943030348941;0.057407407407407406996213694583;0.063888888888888883954564334999
-0.068827160493827158060931026284;0.075925925925925924486747931041;0.175617283950617292243023825904;0.019444444444444444752839729063;0.045679012345679011197763230712;0.058641975308641972053358415451;0.070061728395061723118075747152;0.084567901234567907642336592744;0.121296296296296290950778029583;0.075925925925925924486747931041;0.094444444444444441977282167500;0.109567901234567902091221469618
-0.073255813953488374545841566032;0.098837209302325576554260067041;0.139147286821705434833873482603;0.096124031007751936650507218474;0.051937984496124030286967609982;0.037596899224806204498072759179;0.071705426356589149761155965734;0.051937984496124030286967609982;0.149224806201550375117648172818;0.074418604651162789664908814302;0.063953488372093025837727964245;0.091860465116279071962068769608
-0.044827586206896551102030201719;0.081034482758620685061146104999;0.171839080459770116027229391875;0.095402298850574718258599205001;0.060344827586206899183718377344;0.022988505747126436462579590625;0.122701149425287356353742040938;0.144252873563218392272133883125;0.064080459770114936435270180937;0.042528735632183907455772242656;0.050000000000000002775557561563;0.100000000000000005551115123126
-0.026797385620915031151367813322;0.069934640522875818335890585331;0.138888888888888895056794581251;0.268954248366013060067558626542;0.031045751633986928830211127206;0.045424836601307187755605099255;0.056535947712418301025483202693;0.106535947712418296862146860349;0.060130718954248367491555171682;0.065359477124183010254832026931;0.051960784313725492944424644293;0.078431372549019606754683309191
-0.012698412698412698401684295391;0.117063492063492063932628184375;0.086904761904761901325500161875;0.312698412698412697707794905000;0.009523809523809524668624959531;0.088095238095238101450057399688;0.007142857142857142634106981660;0.012301587301587301251371009414;0.070238095238095238359576910625;0.065079365079365084079121572813;0.095238095238095232808461787499;0.123015873015873009044263142187
-0.056944444444444443365060948281;0.096388888888888885064787359624;0.184722222222222232090871330001;0.030277777777777778456247403938;0.022222222222222223070309254922;0.059444444444444445585506997531;0.064722222222222222653975620688;0.114722222222222225429533182250;0.081111111111111106053428443374;0.137500000000000011102230246252;0.085000000000000006106226635438;0.066944444444444445307951241375
-0.047435897435897433904727904519;0.102564102564102560544156972355;0.124358974358974361251739537693;0.186538461538461541877609306539;0.079807692307692301714183713557;0.073076923076923080979661051515;0.037179487179487179238090988065;0.049679487179487176462533426502;0.079166666666666662965923251249;0.057371794871794869197234589819;0.062820512820512819374130231154;0.100000000000000005551115123126
-0.049717514124293787913799747002;0.143785310734463267490212956545;0.150564971751412424172400505995;0.085593220338983047601466580545;0.032768361581920903147224777285;0.082485875706214684122130620381;0.070621468926553673806090216658;0.085593220338983047601466580545;0.075706214689265541317730878745;0.055649717514124293071819948864;0.088418079096045196219044726149;0.079096045197740119658824653470
-0.030606060606060605383538231195;0.151818181818181824338509500194;0.112424242424242426530156535591;0.272424242424242402105249993838;0.022121212121212121409774553626;0.066969696969696970723084916699;0.045757575757575760788675722779;0.029090909090909090883858567622;0.071515151515151517691570859370;0.056969696969696968780194623605;0.065454545454545459692852205080;0.074848484848484844733640386494
-0.065602836879432621652874502161;0.096099290780141843892891984069;0.125886524822695022862717451062;0.202836879432624100916271459027;0.050354609929078017471759665113;0.045035460992907803967622015762;0.044680851063829789271419912211;0.055673758865248224037003410558;0.103191489361702123939146247267;0.060283687943262408148736852809;0.054255319148936172191088900263;0.096099290780141843892891984069
-0.030833333333333334119741309109;0.111111111111111104943205418749;0.112222222222222223209087133000;0.191111111111111120486327763501;0.049166666666666664076146275875;0.025000000000000001387778780781;0.158611111111111119376104738876;0.087777777777777774015355305437;0.057777777777777775125578330062;0.038611111111111109939209029562;0.043888888888888887007677652718;0.093888888888888882844341310374
-0.021481481481481479872686080057;0.158518518518518530813210531960;0.111481481481481486950357862042;0.159629629629629621323516630582;0.014444444444444443781394582516;0.097037037037037032760622423666;0.018888888888888889089345823891;0.038148148148148146308056283260;0.065925925925925929482751541855;0.075925925925925924486747931041;0.166666666666666657414808128124;0.071851851851851847308161325145
-0.048870056497175143328526303321;0.087288135593220336772013467908;0.170056497175141235755901902849;0.157344632768361580854588055445;0.007909604519774010925048379761;0.053672316384180789039515246941;0.023446327683615819648110800699;0.068644067796610169773785514735;0.063276836158192087400387038088;0.111016949152542371281882083167;0.124293785310734469784499367506;0.084180790960451973292677507743
-0.032777777777777780676693453188;0.125000000000000000000000000000;0.119444444444444450303954852188;0.360833333333333339254522798001;0.023888888888888890060790970438;0.021111111111111111743321444578;0.021111111111111111743321444578;0.041944444444444443920172460594;0.034444444444444444197728216750;0.061388888888888888673012189656;0.079444444444444442532393679812;0.078611111111111117710770201938
-0.035151515151515148882577221912;0.114545454545454547523597454983;0.132121212121212111556545210078;0.190606060606060612183654257024;0.042121212121212121826108187861;0.057272727272727273761798727492;0.085151515151515144719240879567;0.087575757575757570694285902846;0.072424242424242418758595363215;0.055757575757575755792672111966;0.043939393939393937837945003366;0.083333333333333328707404064062
-0.074853801169590644670748247336;0.083333333333333328707404064062;0.104385964912280707062031126497;0.260526315789473661421737915589;0.038011695906432746427938695888;0.029824561403508770968118213318;0.122807017543859642305648094407;0.095029239766081866069846739720;0.053508771929824561208732802697;0.035380116959064324133610313083;0.033918128654970756963304978626;0.068421052631578951896962337287
-0.034523809523809526056403740313;0.100892857142857145236192195625;0.100892857142857145236192195625;0.341071428571428580944768782501;0.033928571428571425994125121406;0.019345238095238095898942276563;0.117857142857142854763807804375;0.069940476190476191797884553125;0.044642857142857143848413414844;0.037499999999999998612221219219;0.037202380952380952050528861719;0.062202380952380953438307642500
-0.098113207547169817290821924871;0.098427672955974848667537457914;0.113207547169811323373167510908;0.262893081761006286445336854740;0.020440251572327042955956599712;0.051257861635220128282419693733;0.054088050314465410672859491115;0.081446540880503140447110865807;0.077987421383647795303240002340;0.053459119496855347919428425030;0.048742138364779877268695429393;0.039937106918238991781766600297
-0.147385620915032683475587305111;0.046405228758169936309485592574;0.095751633986928111341718761196;0.194117647058823533656735094155;0.040849673202614379674546540855;0.031045751633986928830211127206;0.052614379084967320687749037234;0.184640522875817003622955780884;0.085294117647058825815165050699;0.056862745098039214897145399163;0.033333333333333332870740406406;0.031699346405228756573535520147
-0.027586206896551723755095508750;0.096264367816091947482881607812;0.095114942528735632598646532188;0.180747126436781618830096363126;0.047413793103448273469346929687;0.060632183908045977904777146250;0.086494252873563215455732233750;0.127586206896551729306210631876;0.059195402298850577360589397813;0.062643678160919535891082432499;0.062931034482758621551035105313;0.093390804597701146394506110937
-0.031638418079096043700193519044;0.129661016949152552157897844154;0.114124293785310734761218043332;0.126836158192090403540319698550;0.048022598870056498743252859640;0.105367231638418074046725791959;0.058192090395480226827640279907;0.054802259887005648486546505183;0.063276836158192087400387038088;0.074011299435028252147183991383;0.101694915254237294721662010488;0.092372881355932204283654129995
-0.059863945578231290978177270290;0.064965986394557820315931451205;0.124829931972789118233002625402;0.253741496598639482140669088039;0.020068027210884353817021974464;0.047278911564625852870236144554;0.039795918367346937161155295826;0.117346938775510209462815680581;0.072448979591836729086118396026;0.092517006802721082903140370490;0.054081632653061227633539687076;0.053061224489795916214873727768
-0.162865497076023379996456696972;0.064912280701754379585999288338;0.140935672514619886319664487928;0.093859649122807017884717595280;0.013450292397660818313753772202;0.026900584795321636627507544404;0.046491228070175437403488416521;0.151754385964912280604366401349;0.096491228070175433240152074177;0.071345029239766086237573006201;0.079824561403508770274228822927;0.051169590643274850960686706003
-0.089333333333333334036474582263;0.100000000000000005551115123126;0.146333333333333343029281081726;0.094000000000000000222044604925;0.058333333333333334258519187188;0.035333333333333334647097245806;0.069666666666666668406016071913;0.115666666666666667628859954675;0.097333333333333327264114132049;0.055333333333333331593983928087;0.047666666666666669682772550232;0.090999999999999997557509345825
-0.035576923076923075428545928389;0.092948717948717951564674422116;0.111858974358974364027297099256;0.201602564102564107972881402020;0.038461538461538463673505816587;0.033974358974358971619000868714;0.126282051282051277496520924615;0.158653846153846145305976733653;0.041666666666666664353702032031;0.056730769230769230448974127512;0.043589743589743587537377322860;0.058653846153846153632649418341
-0.012500000000000000693889390391;0.184821428571428580944768782501;0.100595238095238098674499838125;0.118452380952380947887192519374;0.059821428571428574005874878594;0.095535714285714279370154144999;0.080059523809523802651000323749;0.030059523809523810283783618047;0.076785714285714290472384391251;0.046428571428571430157461463750;0.084226190476190482270268944376;0.110714285714285709527615608749
-0.014074074074074073917306471060;0.190000000000000002220446049250;0.105555555555555555247160270937;0.033703703703703701000105041885;0.031481481481481478346129421197;0.150370370370370376456037320168;0.017777777777777777762358013547;0.029629629629629630760412339896;0.084814814814814815102650413792;0.057037037037037038866849059104;0.089259259259259260410601655167;0.196296296296296302053008275834
-0.040935672514619880768549364802;0.113742690058479534176427705461;0.162280701754385969781679932566;0.007602339181286549632532434373;0.029824561403508770968118213318;0.068421052631578951896962337287;0.034502923976608187994763454753;0.054678362573099416332755851045;0.133625730994152036590350007828;0.111695906432748542913557798784;0.102631578947368420906549602023;0.140058479532163743241923725691
-0.029432624113475178151411171257;0.076595744680851063357351904415;0.168085106382978716199616542326;0.000000000000000000000000000000;0.052127659574468084013876278959;0.051063829787234039925269968307;0.119503546099290786086655202780;0.078368794326241136838362422168;0.139716312056737596014599489536;0.078014184397163122142160318617;0.070212765957446812703501848318;0.136879432624113478444982661131
-0.053409090909090906063028114659;0.092424242424242422644375949403;0.152651515151515149160132978068;0.009848484848484847717364765174;0.043560606060606063549833777415;0.087121212121212127099667554830;0.040909090909090908838585676222;0.076136363636363640905457828012;0.139393939393939403359468087729;0.080303030303030306646938640824;0.082954545454545461358186742018;0.141287878787878795616705929206
-0.037698412698412696320016124218;0.118650793650793645594987424374;0.191666666666666679619268620627;0.001587301587301587300210536924;0.057142857142857141072855853281;0.070238095238095238359576910625;0.040476190476190478106932602032;0.065079365079365084079121572813;0.118253968253968250179397614374;0.053571428571428568454759755468;0.120634920634920636550724282188;0.125000000000000000000000000000
-0.037499999999999998612221219219;0.088055555555555553581825734000;0.143611111111111106053428443374;0.246111111111111113824989615750;0.043611111111111114380101128063;0.052222222222222225429533182250;0.044999999999999998334665463062;0.059166666666666666019036568969;0.075277777777777776790912867000;0.059444444444444445585506997531;0.081666666666666665186369300500;0.068333333333333329262515576374
-0.038095238095238098674499838125;0.077210884353741501828771731653;0.132312925170068040880977378038;0.345578231292517024098032152324;0.027891156462585033060097572388;0.062244897959183670410610034196;0.037755102040816328201611185023;0.047619047619047616404230893750;0.067006802721088429275475562008;0.051360544217687077728218270067;0.032993197278911562397851753303;0.079931972789115651734093148661
-0.030172413793103449591859188672;0.135632183908045989007007392502;0.132758620689655160163056279998;0.188218390804597707210987778126;0.036206896551724140898009807188;0.039942528735632185088455514688;0.031896551724137932326552657969;0.046551724137931037306170622969;0.086494252873563215455732233750;0.064655172413793107755175526563;0.083045977011494256925239199063;0.124425287356321842557882462188
-0.020833333333333332176851016015;0.164236111111111110494320541875;0.152430555555555569124948078752;0.012152777777777777970524830664;0.056944444444444443365060948281;0.093750000000000000000000000000;0.050694444444444444752839729063;0.052430555555555556634939051719;0.106249999999999997224442438437;0.047222222222222220988641083750;0.088888888888888892281237019688;0.154166666666666674068153497501
-0.018055555555555553859381490156;0.119999999999999995559107901499;0.145555555555555549140933635499;0.174722222222222223209087133000;0.042777777777777775680689842375;0.055000000000000000277555756156;0.087499999999999994448884876874;0.066944444444444445307951241375;0.088333333333333333148296162562;0.046111111111111109661653273406;0.040277777777777780399137697032;0.114722222222222225429533182250
-0.022641509433962262592965331010;0.142767295597484272784427616898;0.158490566037735841620204269020;0.121069182389937107791055836969;0.048742138364779877268695429393;0.065408805031446540234618680643;0.078616352201257858056671068425;0.043710691823899368302352996807;0.102201257861635225188123854423;0.052201257861635222412566292860;0.042138364779874211418775331595;0.122012578616352201921202436097
-0.021333333333333332620940225866;0.116000000000000005884182030513;0.121333333333333334702608397038;0.145999999999999990896171198074;0.060333333333333336034876026588;0.047333333333333331427450474393;0.135333333333333333259318465025;0.098333333333333328152292551749;0.067666666666666666629659232512;0.036333333333333335535275665507;0.039666666666666669516239096538;0.110333333333333338810433588151
-0.036781609195402298340127345000;0.136781609195402303891242468126;0.179310344827586204408120806875;0.192816091954022994503503696251;0.031321839080459767945541216250;0.068678160919540223727786099062;0.062643678160919535891082432499;0.028448275862068966857165719375;0.077586206896551726530653070313;0.052011494252873560761862847812;0.051724137931034482040804078906;0.081896551724137928163216315625
-0.066101694915254236017965183692;0.090960451977401129974865057193;0.108757062146892652387819566684;0.159887005649717500732620578674;0.041242937853107342061065310190;0.054802259887005648486546505183;0.071186440677966103529605845779;0.092372881355932204283654129995;0.090677966101694915113107242632;0.086158192090395477324982209666;0.059887005649717515998187167270;0.077966101694915260211793395229
-0.102884615384615379918287203509;0.054487179487179487891168605529;0.107051282051282045659768016321;0.161858974358974366802854660818;0.033012820512820513496610175252;0.045192307692307691346922382536;0.065064102564102568870829657044;0.107692307692307698285816286443;0.123717948717948722503479075385;0.079487179487179482340053482403;0.058333333333333334258519187188;0.061217948717948715564585171478
-0.021527777777777777623580135469;0.040625000000000001387778780781;0.055555555555555552471602709375;0.515625000000000000000000000000;0.025694444444444443365060948281;0.015277777777777777276635440273;0.082291666666666665741480812812;0.118749999999999994448884876874;0.036805555555555556634939051719;0.032986111111111111882099322656;0.027430555555555555247160270937;0.027430555555555555247160270937
-0.063141025641025638748260462307;0.096153846153846159183764541467;0.057051282051282049823104358666;0.351602564102564130177341894523;0.033653846153846152244870637560;0.080448717948717954340231983679;0.040705128205128206231311338570;0.024038461538461539795941135367;0.053846153846153849142908143222;0.041666666666666664353702032031;0.098397435897435894802676159543;0.059294871794871792380909880649
-0.095185185185185192113799246272;0.054444444444444441144614899031;0.071481481481481479178796689666;0.400000000000000022204460492503;0.018148148148148149361169600979;0.034444444444444444197728216750;0.020370370370370372015145221667;0.131481481481481476958350640416;0.048148148148148148250946576354;0.031481481481481478346129421197;0.067777777777777784007362527063;0.027037037037037036507625131776
-0.050295857988165680596548412495;0.057199211045364892203046736086;0.111439842209072978440609347217;0.390532544378698220910450800147;0.023668639053254437315532143771;0.068047337278106509450559258312;0.036489151873767257383551765315;0.033530571992110451418067640361;0.069033530571992116064983235901;0.051282051282051280272078486178;0.049309664694280080921018338813;0.059171597633136091554106883450
-0.046351084812623274955534213859;0.115384615384615391020517449761;0.187376725838264313050984810616;0.097633136094674555227612700037;0.009861932938856015837258972567;0.102564102564102560544156972355;0.071005917159763315416043383266;0.116370808678500983757153619536;0.067061143984220902836135280722;0.058185404339250491878576809768;0.057199211045364892203046736086;0.071005917159763315416043383266
-0.095660749506903355876552552672;0.052268244575936886886502463767;0.076923076923076927347011633174;0.184418145956607493207712877847;0.056213017751479292527516662403;0.094674556213017749262128575083;0.041420118343195269638989941541;0.050295857988165680596548412495;0.151873767258382641465175311168;0.055226824457593685913092684814;0.065088757396449703485075133358;0.075936883629191320732587655584
-0.105522682445759366509641097309;0.054240631163708086237562611132;0.121301775147928989073697891854;0.115384615384615391020517449761;0.046351084812623274955534213859;0.029585798816568045777053441725;0.062130177514792897519591008404;0.169625246548323477258080060892;0.080867850098619326049131927903;0.101577909270216967807520802580;0.047337278106508874631064287541;0.066074950690335310099499110947
-0.056213017751479292527516662403;0.067061143984220902836135280722;0.172583826429980269345776378032;0.015779092702169626033503746498;0.024654832347140040460509169407;0.052268244575936886886502463767;0.106508875739644973124065074899;0.186390532544378706436560833026;0.100591715976331361193096824991;0.078895463510848126698071780538;0.055226824457593685913092684814;0.083826429980276132014616052857
-0.079881656804733733312495758128;0.066074950690335310099499110947;0.078895463510848126698071780538;0.102564102564102560544156972355;0.049309664694280080921018338813;0.095660749506903355876552552672;0.037475345167652857059081838997;0.102564102564102560544156972355;0.097633136094674555227612700037;0.074950690335305714118163677995;0.090729783037475350560008280354;0.124260355029585795039182016808
-0.011834319526627218657766071885;0.160749506903353045483839878216;0.105522682445759366509641097309;0.000000000000000000000000000000;0.060157790927021698168530861039;0.133136094674556226813422199484;0.060157790927021698168530861039;0.040433925049309663024565963951;0.073964497041420121381527508220;0.048323471400394474306594361224;0.098619329388560161842036677626;0.207100591715976334317161899889
-0.011834319526627218657766071885;0.177514792899408274662320650350;0.091715976331360943296644450129;0.006903353057199210739136585602;0.040433925049309663024565963951;0.131163708086785013584574244305;0.059171597633136091554106883450;0.072978303747534514767103530630;0.046351084812623274955534213859;0.060157790927021698168530861039;0.106508875739644973124065074899;0.195266272189349110455225400074
-0.025641025641025640136039243089;0.083826429980276132014616052857;0.061143984220907297844060934722;0.005917159763313609328883035943;0.071992110453648922030467360855;0.157790927021696253396143561076;0.041420118343195269638989941541;0.059171597633136091554106883450;0.114398422090729784406093472171;0.090729783037475350560008280354;0.083826429980276132014616052857;0.204142011834319514473889967121
-0.027613412228796842956546342407;0.120315581854043396337061722079;0.066074950690335310099499110947;0.000000000000000000000000000000;0.064102564102564096870651155768;0.152859960552268248079599288758;0.042406311637080869314520015223;0.036489151873767257383551765315;0.124260355029585795039182016808;0.045364891518737675280004140177;0.099605522682445754578672847401;0.220907297830374743652370739255
-0.011834319526627218657766071885;0.238658777120315579445275488979;0.096646942800788948613188722447;0.000000000000000000000000000000;0.049309664694280080921018338813;0.123274161735700202302545847033;0.080867850098619326049131927903;0.032544378698224851742537566679;0.069033530571992116064983235901;0.041420118343195269638989941541;0.089743589743589743945584302764;0.166666666666666657414808128124
-0.009861932938856015837258972567;0.290927021696252452453990144932;0.117357001972386590371577597125;0.000000000000000000000000000000;0.037475345167652857059081838997;0.082840236686390539277979883082;0.128205128205128193741302311537;0.043392504930966468990050088905;0.029585798816568045777053441725;0.027613412228796842956546342407;0.077909270216962520083647802949;0.154832347140039461308447243937
-0.013806706114398421478273171203;0.187376725838264313050984810616;0.077909270216962520083647802949;0.000000000000000000000000000000;0.043392504930966468990050088905;0.141025641025641024217662788942;0.046351084812623274955534213859;0.027613412228796842956546342407;0.090729783037475350560008280354;0.054240631163708086237562611132;0.074950690335305714118163677995;0.242603550295857978147395783708
-0.015779092702169626033503746498;0.194280078895463503840801422484;0.130177514792899406970150266716;0.000000000000000000000000000000;0.037475345167652857059081838997;0.116370808678500983757153619536;0.050295857988165680596548412495;0.050295857988165680596548412495;0.059171597633136091554106883450;0.061143984220907297844060934722;0.079881656804733733312495758128;0.205128205128205121088313944711
-0.019723865877712031674517945135;0.195266272189349110455225400074;0.145956607495069029534207061261;0.000986193293885601627093984156;0.026627218934911243281016268725;0.065088757396449703485075133358;0.067061143984220902836135280722;0.075936883629191320732587655584;0.060157790927021698168530861039;0.053254437869822486562032537449;0.125246548323471401653605994397;0.164694280078895471941535788574
-0.019723865877712031674517945135;0.199211045364891509157345694803;0.147928994082840242763055016439;0.007889546351084813016751873249;0.040433925049309663024565963951;0.089743589743589743945584302764;0.086785009861932937980100177811;0.087771203155818544594524155400;0.058185404339250491878576809768;0.055226824457593685913092684814;0.072978303747534514767103530630;0.134122287968441805672270561445
-0.005917159763313609328883035943;0.264299802761341240397996443789;0.128205128205128193741302311537;0.000000000000000000000000000000;0.046351084812623274955534213859;0.110453648915187371826185369628;0.074950690335305714118163677995;0.034516765285996058032491617951;0.049309664694280080921018338813;0.034516765285996058032491617951;0.063116370808678504134014985993;0.188362919132149891909833172576
-0.016765285996055225709033820181;0.185404339250493099822136855437;0.079881656804733733312495758128;0.000000000000000000000000000000;0.044378698224852068665580162588;0.149901380670611428236327355989;0.069033530571992116064983235901;0.025641025641025640136039243089;0.065088757396449703485075133358;0.048323471400394474306594361224;0.113412228796844177791669494582;0.202169625246548329000617627571
-0.007889546351084813016751873249;0.181459566074950701120016560708;0.043392504930966468990050088905;0.000000000000000000000000000000;0.055226824457593685913092684814;0.187376725838264313050984810616;0.046351084812623274955534213859;0.024654832347140040460509169407;0.072978303747534514767103530630;0.050295857988165680596548412495;0.103550295857988167158580949945;0.226824457593688355583338989163
-0.035502958579881657708021691633;0.148915187376725849377478994029;0.067061143984220902836135280722;0.001972386587771203254187968312;0.061143984220907297844060934722;0.146942800788954636148631038850;0.044378698224852068665580162588;0.062130177514792897519591008404;0.091715976331360943296644450129;0.061143984220907297844060934722;0.105522682445759366509641097309;0.173570019723865875960200355621
-0.063116370808678504134014985993;0.105522682445759366509641097309;0.147928994082840242763055016439;0.003944773175542406508375936625;0.024654832347140040460509169407;0.076923076923076927347011633174;0.032544378698224851742537566679;0.135108481262327412286694539034;0.103550295857988167158580949945;0.084812623274161738629040030446;0.132149901380670620198998221895;0.089743589743589743945584302764
-0.026627218934911243281016268725;0.128205128205128193741302311537;0.088757396449704137331160325175;0.004930966469428007918629486284;0.057199211045364892203046736086;0.128205128205128193741302311537;0.039447731755424063349035890269;0.050295857988165680596548412495;0.084812623274161738629040030446;0.071005917159763315416043383266;0.065088757396449703485075133358;0.255424063116370836379331876742
-0.016765285996055225709033820181;0.157790927021696253396143561076;0.048323471400394474306594361224;0.000000000000000000000000000000;0.063116370808678504134014985993;0.138067061143984232129966471803;0.048323471400394474306594361224;0.028599605522682446101523368043;0.087771203155818544594524155400;0.049309664694280080921018338813;0.098619329388560161842036677626;0.263313609467455633783572466200
-0.032544378698224851742537566679;0.152859960552268248079599288758;0.071005917159763315416043383266;0.000000000000000000000000000000;0.050295857988165680596548412495;0.129191321499013800355726289126;0.038461538461538463673505816587;0.056213017751479292527516662403;0.092702169625246549911068427718;0.052268244575936886886502463767;0.113412228796844177791669494582;0.211045364891518733019282194618
-0.037475345167652857059081838997;0.066074950690335310099499110947;0.094674556213017749262128575083;0.000986193293885601627093984156;0.091715976331360943296644450129;0.104536489151873773773004927534;0.038461538461538463673505816587;0.054240631163708086237562611132;0.150887573964497034850751333579;0.055226824457593685913092684814;0.073964497041420121381527508220;0.231755424063116360899883261482
-0.017751479289940828854010845816;0.131163708086785013584574244305;0.026627218934911243281016268725;0.000000000000000000000000000000;0.096646942800788948613188722447;0.175542406311637089189048310800;0.046351084812623274955534213859;0.010848126232741617247512522226;0.109467455621301779089549199853;0.038461538461538463673505816587;0.076923076923076927347011633174;0.270216962524654824573389078068
-0.017751479289940828854010845816;0.126232741617357008268029971987;0.057199211045364892203046736086;0.000000000000000000000000000000;0.053254437869822486562032537449;0.218934911242603558179098399705;0.043392504930966468990050088905;0.029585798816568045777053441725;0.101577909270216967807520802580;0.040433925049309663024565963951;0.097633136094674555227612700037;0.214003944773175552862554127387
-0.085798816568047331365676200221;0.080867850098619326049131927903;0.044378698224852068665580162588;0.020710059171597634819494970770;0.077909270216962520083647802949;0.148915187376725849377478994029;0.034516765285996058032491617951;0.043392504930966468990050088905;0.139053254437869810988814833763;0.069033530571992116064983235901;0.091715976331360943296644450129;0.163708086785009865327111810984
-0.107495069033530565860701244674;0.133136094674556226813422199484;0.066074950690335310099499110947;0.011834319526627218657766071885;0.062130177514792897519591008404;0.107495069033530565860701244674;0.048323471400394474306594361224;0.038461538461538463673505816587;0.091715976331360943296644450129;0.071005917159763315416043383266;0.074950690335305714118163677995;0.187376725838264313050984810616
-0.014792899408284022888526720863;0.232741617357001967514307239071;0.101577909270216967807520802580;0.000000000000000000000000000000;0.045364891518737675280004140177;0.105522682445759366509641097309;0.083826429980276132014616052857;0.046351084812623274955534213859;0.033530571992110451418067640361;0.041420118343195269638989941541;0.093688362919132156525492405308;0.201183431952662722386193649982
-0.026627218934911243281016268725;0.173570019723865875960200355621;0.107495069033530565860701244674;0.000986193293885601627093984156;0.050295857988165680596548412495;0.106508875739644973124065074899;0.088757396449704137331160325175;0.040433925049309663024565963951;0.074950690335305714118163677995;0.036489151873767257383551765315;0.090729783037475350560008280354;0.203155818540433935615041605161
-0.008875739644970414427005422908;0.136094674556213018901118516624;0.056213017751479292527516662403;0.000000000000000000000000000000;0.050295857988165680596548412495;0.169625246548323477258080060892;0.051282051282051280272078486178;0.038461538461538463673505816587;0.099605522682445754578672847401;0.051282051282051280272078486178;0.099605522682445754578672847401;0.238658777120315579445275488979
-0.015779092702169626033503746498;0.106508875739644973124065074899;0.068047337278106509450559258312;0.000000000000000000000000000000;0.075936883629191320732587655584;0.171597633136094662731352400442;0.039447731755424063349035890269;0.037475345167652857059081838997;0.108481262327416172475125222263;0.056213017751479292527516662403;0.089743589743589743945584302764;0.230769230769230782041034899521
-0.014792899408284022888526720863;0.147928994082840242763055016439;0.111439842209072978440609347217;0.000986193293885601627093984156;0.050295857988165680596548412495;0.117357001972386590371577597125;0.037475345167652857059081838997;0.045364891518737675280004140177;0.087771203155818544594524155400;0.064102564102564096870651155768;0.108481262327416172475125222263;0.214003944773175552862554127387
-0.004930966469428007918629486284;0.169625246548323477258080060892;0.071992110453648922030467360855;0.000000000000000000000000000000;0.052268244575936886886502463767;0.171597633136094662731352400442;0.057199211045364892203046736086;0.028599605522682446101523368043;0.065088757396449703485075133358;0.037475345167652857059081838997;0.091715976331360943296644450129;0.249506903353057196692788011205
-0.104536489151873773773004927534;0.081854043392504932663555905492;0.048323471400394474306594361224;0.056213017751479292527516662403;0.061143984220907297844060934722;0.163708086785009865327111810984;0.038461538461538463673505816587;0.048323471400394474306594361224;0.083826429980276132014616052857;0.056213017751479292527516662403;0.073964497041420121381527508220;0.183431952662721886593288900258
-0.085798816568047331365676200221;0.137080867850098625515542494213;0.071005917159763315416043383266;0.049309664694280080921018338813;0.044378698224852068665580162588;0.125246548323471401653605994397;0.048323471400394474306594361224;0.062130177514792897519591008404;0.068047337278106509450559258312;0.045364891518737675280004140177;0.102564102564102560544156972355;0.160749506903353045483839878216
-0.012820512820512820068019621544;0.173570019723865875960200355621;0.068047337278106509450559258312;0.000000000000000000000000000000;0.067061143984220902836135280722;0.137080867850098625515542494213;0.060157790927021698168530861039;0.024654832347140040460509169407;0.084812623274161738629040030446;0.046351084812623274955534213859;0.090729783037475350560008280354;0.234714003944773180743155194250
-0.010848126232741617247512522226;0.233727810650887574128731216661;0.045364891518737675280004140177;0.000000000000000000000000000000;0.051282051282051280272078486178;0.186390532544378706436560833026;0.040433925049309663024565963951;0.005917159763313609328883035943;0.060157790927021698168530861039;0.035502958579881657708021691633;0.113412228796844177791669494582;0.216962524654832344950250444526
-0.016765285996055225709033820181;0.167652859960552264029232105713;0.067061143984220902836135280722;0.003944773175542406508375936625;0.033530571992110451418067640361;0.168639053254437870643656083303;0.053254437869822486562032537449;0.084812623274161738629040030446;0.048323471400394474306594361224;0.033530571992110451418067640361;0.170611439842209083872504038482;0.151873767258382641465175311168
-0.026627218934911243281016268725;0.158777120315581860010567538666;0.093688362919132156525492405308;0.005917159763313609328883035943;0.053254437869822486562032537449;0.112426035502958585055033324807;0.075936883629191320732587655584;0.090729783037475350560008280354;0.058185404339250491878576809768;0.070019723865877708801619405676;0.109467455621301779089549199853;0.144970414201183422919783083671
-0.027613412228796842956546342407;0.179487179487179487891168605529;0.088757396449704137331160325175;0.013806706114398421478273171203;0.019723865877712031674517945135;0.152859960552268248079599288758;0.050295857988165680596548412495;0.071992110453648922030467360855;0.051282051282051280272078486178;0.059171597633136091554106883450;0.135108481262327412286694539034;0.149901380670611428236327355989
-0.068047337278106509450559258312;0.130177514792899406970150266716;0.095660749506903355876552552672;0.021696252465483234495025044453;0.027613412228796842956546342407;0.075936883629191320732587655584;0.048323471400394474306594361224;0.148915187376725849377478994029;0.108481262327416172475125222263;0.075936883629191320732587655584;0.090729783037475350560008280354;0.108481262327416172475125222263
-0.052268244575936886886502463767;0.158777120315581860010567538666;0.102564102564102560544156972355;0.003944773175542406508375936625;0.019723865877712031674517945135;0.095660749506903355876552552672;0.055226824457593685913092684814;0.091715976331360943296644450129;0.069033530571992116064983235901;0.106508875739644973124065074899;0.086785009861932937980100177811;0.157790927021696253396143561076
-0.066074950690335310099499110947;0.172583826429980269345776378032;0.085798816568047331365676200221;0.000000000000000000000000000000;0.054240631163708086237562611132;0.129191321499013800355726289126;0.058185404339250491878576809768;0.044378698224852068665580162588;0.089743589743589743945584302764;0.049309664694280080921018338813;0.101577909270216967807520802580;0.148915187376725849377478994029
-0.028599605522682446101523368043;0.157790927021696253396143561076;0.119329388560157789722637744489;0.000000000000000000000000000000;0.062130177514792897519591008404;0.112426035502958585055033324807;0.067061143984220902836135280722;0.032544378698224851742537566679;0.099605522682445754578672847401;0.050295857988165680596548412495;0.094674556213017749262128575083;0.175542406311637089189048310800
-0.005917159763313609328883035943;0.229783037475345175426610921932;0.143984220907297844060934721711;0.000000000000000000000000000000;0.039447731755424063349035890269;0.074950690335305714118163677995;0.152859960552268248079599288758;0.035502958579881657708021691633;0.039447731755424063349035890269;0.027613412228796842956546342407;0.095660749506903355876552552672;0.154832347140039461308447243937
-0.015779092702169626033503746498;0.212031558185404339633706172208;0.100591715976331361193096824991;0.004930966469428007918629486284;0.069033530571992116064983235901;0.093688362919132156525492405308;0.141025641025641024217662788942;0.027613412228796842956546342407;0.036489151873767257383551765315;0.024654832347140040460509169407;0.074950690335305714118163677995;0.199211045364891509157345694803
-0.031558185404339252067007492997;0.136094674556213018901118516624;0.090729783037475350560008280354;0.000000000000000000000000000000;0.080867850098619326049131927903;0.139053254437869810988814833763;0.048323471400394474306594361224;0.031558185404339252067007492997;0.075936883629191320732587655584;0.039447731755424063349035890269;0.111439842209072978440609347217;0.214990138067061131721402489347
-0.046351084812623274955534213859;0.143984220907297844060934721711;0.054240631163708086237562611132;0.000000000000000000000000000000;0.107495069033530565860701244674;0.132149901380670620198998221895;0.059171597633136091554106883450;0.012820512820512820068019621544;0.118343195266272183108213766900;0.035502958579881657708021691633;0.065088757396449703485075133358;0.224852071005917170110066649613
-0.005917159763313609328883035943;0.143984220907297844060934721711;0.074950690335305714118163677995;0.000000000000000000000000000000;0.057199211045364892203046736086;0.144970414201183422919783083671;0.056213017751479292527516662403;0.023668639053254437315532143771;0.089743589743589743945584302764;0.042406311637080869314520015223;0.087771203155818544594524155400;0.273175542406311644416661010837
-0.010848126232741617247512522226;0.201183431952662722386193649982;0.105522682445759366509641097309;0.000000000000000000000000000000;0.027613412228796842956546342407;0.133136094674556226813422199484;0.061143984220907297844060934722;0.043392504930966468990050088905;0.076923076923076927347011633174;0.046351084812623274955534213859;0.091715976331360943296644450129;0.202169625246548329000617627571
-0.010848126232741617247512522226;0.200197238658777115771769672392;0.107495069033530565860701244674;0.000000000000000000000000000000;0.070019723865877708801619405676;0.134122287968441805672270561445;0.052268244575936886886502463767;0.032544378698224851742537566679;0.060157790927021698168530861039;0.042406311637080869314520015223;0.107495069033530565860701244674;0.182445759368836279978864922668
-0.009861932938856015837258972567;0.238658777120315579445275488979;0.080867850098619326049131927903;0.000000000000000000000000000000;0.033530571992110451418067640361;0.126232741617357008268029971987;0.059171597633136091554106883450;0.035502958579881657708021691633;0.042406311637080869314520015223;0.036489151873767257383551765315;0.100591715976331361193096824991;0.236686390532544366216427533800
-0.001972386587771203254187968312;0.210059171597633126404858217029;0.082840236686390539277979883082;0.000000000000000000000000000000;0.055226824457593685913092684814;0.151873767258382641465175311168;0.040433925049309663024565963951;0.015779092702169626033503746498;0.082840236686390539277979883082;0.036489151873767257383551765315;0.101577909270216967807520802580;0.220907297830374743652370739255
-0.004930966469428007918629486284;0.199211045364891509157345694803;0.065088757396449703485075133358;0.009861932938856015837258972567;0.057199211045364892203046736086;0.178500986193293881276744627939;0.051282051282051280272078486178;0.037475345167652857059081838997;0.060157790927021698168530861039;0.035502958579881657708021691633;0.112426035502958585055033324807;0.188362919132149891909833172576
-0.053254437869822486562032537449;0.121301775147928989073697891854;0.101577909270216967807520802580;0.021696252465483234495025044453;0.038461538461538463673505816587;0.121301775147928989073697891854;0.039447731755424063349035890269;0.070019723865877708801619405676;0.093688362919132156525492405308;0.073964497041420121381527508220;0.119329388560157789722637744489;0.145956607495069029534207061261
-0.024654832347140040460509169407;0.187376725838264313050984810616;0.099605522682445754578672847401;0.000986193293885601627093984156;0.051282051282051280272078486178;0.107495069033530565860701244674;0.056213017751479292527516662403;0.055226824457593685913092684814;0.071005917159763315416043383266;0.044378698224852068665580162588;0.095660749506903355876552552672;0.206114398422090727702737922300
-0.013806706114398421478273171203;0.144970414201183422919783083671;0.057199211045364892203046736086;0.000000000000000000000000000000;0.071005917159763315416043383266;0.183431952662721886593288900258;0.043392504930966468990050088905;0.042406311637080869314520015223;0.094674556213017749262128575083;0.052268244575936886886502463767;0.076923076923076927347011633174;0.219921104536489164793522377295
-0.003944773175542406508375936625;0.116370808678500983757153619536;0.040433925049309663024565963951;0.000000000000000000000000000000;0.073964497041420121381527508220;0.235700197238658787357579171839;0.043392504930966468990050088905;0.019723865877712031674517945135;0.125246548323471401653605994397;0.037475345167652857059081838997;0.068047337278106509450559258312;0.235700197238658787357579171839
-0.005917159763313609328883035943;0.130177514792899406970150266716;0.040433925049309663024565963951;0.000000000000000000000000000000;0.101577909270216967807520802580;0.173570019723865875960200355621;0.045364891518737675280004140177;0.020710059171597634819494970770;0.120315581854043396337061722079;0.038461538461538463673505816587;0.082840236686390539277979883082;0.240631163708086792674123444158
-0.010848126232741617247512522226;0.185404339250493099822136855437;0.054240631163708086237562611132;0.000000000000000000000000000000;0.071005917159763315416043383266;0.152859960552268248079599288758;0.041420118343195269638989941541;0.024654832347140040460509169407;0.071005917159763315416043383266;0.047337278106508874631064287541;0.099605522682445754578672847401;0.241617357001972399288547421747
-0.009861932938856015837258972567;0.175542406311637089189048310800;0.090729783037475350560008280354;0.000000000000000000000000000000;0.081854043392504932663555905492;0.135108481262327412286694539034;0.050295857988165680596548412495;0.038461538461538463673505816587;0.067061143984220902836135280722;0.035502958579881657708021691633;0.088757396449704137331160325175;0.226824457593688355583338989163
-0.017751479289940828854010845816;0.164694280078895471941535788574;0.095660749506903355876552552672;0.000000000000000000000000000000;0.058185404339250491878576809768;0.148915187376725849377478994029;0.063116370808678504134014985993;0.064102564102564096870651155768;0.077909270216962520083647802949;0.050295857988165680596548412495;0.092702169625246549911068427718;0.166666666666666657414808128124
-0.013806706114398421478273171203;0.171597633136094662731352400442;0.043392504930966468990050088905;0.000000000000000000000000000000;0.065088757396449703485075133358;0.175542406311637089189048310800;0.050295857988165680596548412495;0.031558185404339252067007492997;0.084812623274161738629040030446;0.033530571992110451418067640361;0.080867850098619326049131927903;0.249506903353057196692788011205
-0.017751479289940828854010845816;0.165680473372781078555959766163;0.076923076923076927347011633174;0.000000000000000000000000000000;0.069033530571992116064983235901;0.158777120315581860010567538666;0.039447731755424063349035890269;0.028599605522682446101523368043;0.092702169625246549911068427718;0.038461538461538463673505816587;0.108481262327416172475125222263;0.204142011834319514473889967121
-0.030571992110453648922030467361;0.142011834319526630832086766532;0.101577909270216967807520802580;0.000000000000000000000000000000;0.079881656804733733312495758128;0.130177514792899406970150266716;0.048323471400394474306594361224;0.038461538461538463673505816587;0.080867850098619326049131927903;0.051282051282051280272078486178;0.115384615384615391020517449761;0.181459566074950701120016560708
-0.016765285996055225709033820181;0.147928994082840242763055016439;0.059171597633136091554106883450;0.003944773175542406508375936625;0.070019723865877708801619405676;0.141025641025641024217662788942;0.032544378698224851742537566679;0.037475345167652857059081838997;0.104536489151873773773004927534;0.055226824457593685913092684814;0.108481262327416172475125222263;0.222879684418145956881218694434
-0.049309664694280080921018338813;0.092702169625246549911068427718;0.040433925049309663024565963951;0.000000000000000000000000000000;0.150887573964497034850751333579;0.142998027613412237446510744121;0.021696252465483234495025044453;0.009861932938856015837258972567;0.138067061143984232129966471803;0.039447731755424063349035890269;0.071005917159763315416043383266;0.243589743589743584761819761297
-0.012820512820512820068019621544;0.141025641025641024217662788942;0.044378698224852068665580162588;0.000000000000000000000000000000;0.099605522682445754578672847401;0.174556213017751482574624333211;0.033530571992110451418067640361;0.011834319526627218657766071885;0.090729783037475350560008280354;0.031558185404339252067007492997;0.099605522682445754578672847401;0.260355029585798813940300533432
-0.009861932938856015837258972567;0.171597633136094662731352400442;0.068047337278106509450559258312;0.000000000000000000000000000000;0.093688362919132156525492405308;0.167652859960552264029232105713;0.045364891518737675280004140177;0.029585798816568045777053441725;0.103550295857988167158580949945;0.038461538461538463673505816587;0.083826429980276132014616052857;0.188362919132149891909833172576
-0.023668639053254437315532143771;0.103550295857988167158580949945;0.104536489151873773773004927534;0.000000000000000000000000000000;0.083826429980276132014616052857;0.133136094674556226813422199484;0.043392504930966468990050088905;0.033530571992110451418067640361;0.115384615384615391020517449761;0.052268244575936886886502463767;0.090729783037475350560008280354;0.215976331360946738335826466937
-0.023668639053254437315532143771;0.124260355029585795039182016808;0.047337278106508874631064287541;0.000986193293885601627093984156;0.128205128205128193741302311537;0.174556213017751482574624333211;0.034516765285996058032491617951;0.012820512820512820068019621544;0.164694280078895471941535788574;0.044378698224852068665580162588;0.070019723865877708801619405676;0.174556213017751482574624333211
-0.022682445759368837640002070088;0.192307692307692318367529082934;0.061143984220907297844060934722;0.000000000000000000000000000000;0.065088757396449703485075133358;0.175542406311637089189048310800;0.036489151873767257383551765315;0.009861932938856015837258972567;0.077909270216962520083647802949;0.031558185404339252067007492997;0.100591715976331361193096824991;0.226824457593688355583338989163
-0.003944773175542406508375936625;0.201183431952662722386193649982;0.104536489151873773773004927534;0.000000000000000000000000000000;0.058185404339250491878576809768;0.181459566074950701120016560708;0.052268244575936886886502463767;0.021696252465483234495025044453;0.067061143984220902836135280722;0.038461538461538463673505816587;0.109467455621301779089549199853;0.161735700197238652098263855805
-0.021696252465483234495025044453;0.169625246548323477258080060892;0.079881656804733733312495758128;0.000000000000000000000000000000;0.074950690335305714118163677995;0.128205128205128193741302311537;0.025641025641025640136039243089;0.038461538461538463673505816587;0.094674556213017749262128575083;0.041420118343195269638989941541;0.091715976331360943296644450129;0.233727810650887574128731216661
-0.055226824457593685913092684814;0.182445759368836279978864922668;0.117357001972386590371577597125;0.029585798816568045777053441725;0.031558185404339252067007492997;0.062130177514792897519591008404;0.050295857988165680596548412495;0.132149901380670620198998221895;0.059171597633136091554106883450;0.059171597633136091554106883450;0.079881656804733733312495758128;0.141025641025641024217662788942
-0.085798816568047331365676200221;0.085798816568047331365676200221;0.177514792899408274662320650350;0.040433925049309663024565963951;0.033530571992110451418067640361;0.071992110453648922030467360855;0.081854043392504932663555905492;0.188362919132149891909833172576;0.051282051282051280272078486178;0.072978303747534514767103530630;0.062130177514792897519591008404;0.048323471400394474306594361224
-0.051282051282051280272078486178;0.158777120315581860010567538666;0.130177514792899406970150266716;0.006903353057199210739136585602;0.026627218934911243281016268725;0.087771203155818544594524155400;0.059171597633136091554106883450;0.106508875739644973124065074899;0.065088757396449703485075133358;0.040433925049309663024565963951;0.134122287968441805672270561445;0.133136094674556226813422199484
-0.042406311637080869314520015223;0.159763313609467466624991516255;0.131163708086785013584574244305;0.018737672583826428529540919499;0.029585798816568045777053441725;0.077909270216962520083647802949;0.085798816568047331365676200221;0.141025641025641024217662788942;0.059171597633136091554106883450;0.081854043392504932663555905492;0.071992110453648922030467360855;0.100591715976331361193096824991
-0.023668639053254437315532143771;0.212031558185404339633706172208;0.186390532544378706436560833026;0.000000000000000000000000000000;0.035502958579881657708021691633;0.082840236686390539277979883082;0.144970414201183422919783083671;0.061143984220907297844060934722;0.042406311637080869314520015223;0.027613412228796842956546342407;0.062130177514792897519591008404;0.121301775147928989073697891854
-0.007889546351084813016751873249;0.208086785009861940931585877479;0.166666666666666657414808128124;0.000000000000000000000000000000;0.030571992110453648922030467361;0.105522682445759366509641097309;0.123274161735700202302545847033;0.071005917159763315416043383266;0.039447731755424063349035890269;0.029585798816568045777053441725;0.076923076923076927347011633174;0.141025641025641024217662788942
-0.032544378698224851742537566679;0.180473372781065094505592583118;0.078895463510848126698071780538;0.000000000000000000000000000000;0.088757396449704137331160325175;0.134122287968441805672270561445;0.043392504930966468990050088905;0.012820512820512820068019621544;0.085798816568047331365676200221;0.040433925049309663024565963951;0.102564102564102560544156972355;0.200197238658777115771769672392
-0.037475345167652857059081838997;0.171597633136094662731352400442;0.081854043392504932663555905492;0.000000000000000000000000000000;0.058185404339250491878576809768;0.144970414201183422919783083671;0.049309664694280080921018338813;0.023668639053254437315532143771;0.090729783037475350560008280354;0.053254437869822486562032537449;0.097633136094674555227612700037;0.191321499013806711753105105345
-0.015779092702169626033503746498;0.197238658777120323684073355253;0.113412228796844177791669494582;0.000000000000000000000000000000;0.066074950690335310099499110947;0.097633136094674555227612700037;0.139053254437869810988814833763;0.044378698224852068665580162588;0.076923076923076927347011633174;0.038461538461538463673505816587;0.093688362919132156525492405308;0.117357001972386590371577597125
-0.012820512820512820068019621544;0.202169625246548329000617627571;0.079881656804733733312495758128;0.000000000000000000000000000000;0.072978303747534514767103530630;0.137080867850098625515542494213;0.089743589743589743945584302764;0.031558185404339252067007492997;0.084812623274161738629040030446;0.041420118343195269638989941541;0.096646942800788948613188722447;0.150887573964497034850751333579
-0.010848126232741617247512522226;0.179487179487179487891168605529;0.071992110453648922030467360855;0.000000000000000000000000000000;0.055226824457593685913092684814;0.154832347140039461308447243937;0.062130177514792897519591008404;0.040433925049309663024565963951;0.084812623274161738629040030446;0.036489151873767257383551765315;0.094674556213017749262128575083;0.209072978303747547546009855068
-0.085798816568047331365676200221;0.097633136094674555227612700037;0.087771203155818544594524155400;0.038461538461538463673505816587;0.038461538461538463673505816587;0.079881656804733733312495758128;0.042406311637080869314520015223;0.136094674556213018901118516624;0.091715976331360943296644450129;0.075936883629191320732587655584;0.106508875739644973124065074899;0.119329388560157789722637744489
-0.083826429980276132014616052857;0.085798816568047331365676200221;0.074950690335305714118163677995;0.083826429980276132014616052857;0.034516765285996058032491617951;0.084812623274161738629040030446;0.051282051282051280272078486178;0.143984220907297844060934721711;0.102564102564102560544156972355;0.093688362919132156525492405308;0.060157790927021698168530861039;0.100591715976331361193096824991
-0.007889546351084813016751873249;0.187376725838264313050984810616;0.078895463510848126698071780538;0.000000000000000000000000000000;0.065088757396449703485075133358;0.126232741617357008268029971987;0.056213017751479292527516662403;0.030571992110453648922030467361;0.101577909270216967807520802580;0.028599605522682446101523368043;0.085798816568047331365676200221;0.231755424063116360899883261482
-0.003944773175542406508375936625;0.285009861932938868278597510653;0.086785009861932937980100177811;0.000000000000000000000000000000;0.029585798816568045777053441725;0.119329388560157789722637744489;0.095660749506903355876552552672;0.043392504930966468990050088905;0.048323471400394474306594361224;0.024654832347140040460509169407;0.078895463510848126698071780538;0.184418145956607493207712877847
-0.001972386587771203254187968312;0.245562130177514797990667716476;0.097633136094674555227612700037;0.000000000000000000000000000000;0.057199211045364892203046736086;0.127218934911242614882453949576;0.075936883629191320732587655584;0.032544378698224851742537566679;0.065088757396449703485075133358;0.039447731755424063349035890269;0.077909270216962520083647802949;0.179487179487179487891168605529
-0.026627218934911243281016268725;0.161735700197238652098263855805;0.104536489151873773773004927534;0.002958579881656804664441517971;0.049309664694280080921018338813;0.156804733727810646781719583487;0.071992110453648922030467360855;0.039447731755424063349035890269;0.093688362919132156525492405308;0.055226824457593685913092684814;0.084812623274161738629040030446;0.152859960552268248079599288758
-0.012820512820512820068019621544;0.216962524654832344950250444526;0.142998027613412237446510744121;0.000000000000000000000000000000;0.027613412228796842956546342407;0.114398422090729784406093472171;0.052268244575936886886502463767;0.059171597633136091554106883450;0.058185404339250491878576809768;0.044378698224852068665580162588;0.140039447731755417603238811353;0.131163708086785013584574244305
-0.025641025641025640136039243089;0.109467455621301779089549199853;0.110453648915187371826185369628;0.005917159763313609328883035943;0.099605522682445754578672847401;0.062130177514792897519591008404;0.067061143984220902836135280722;0.132149901380670620198998221895;0.092702169625246549911068427718;0.108481262327416172475125222263;0.046351084812623274955534213859;0.140039447731755417603238811353
-0.029585798816568045777053441725;0.201183431952662722386193649982;0.099605522682445754578672847401;0.000000000000000000000000000000;0.085798816568047331365676200221;0.111439842209072978440609347217;0.064102564102564096870651155768;0.028599605522682446101523368043;0.080867850098619326049131927903;0.033530571992110451418067640361;0.092702169625246549911068427718;0.172583826429980269345776378032
-0.007889546351084813016751873249;0.209072978303747547546009855068;0.080867850098619326049131927903;0.000986193293885601627093984156;0.075936883629191320732587655584;0.131163708086785013584574244305;0.070019723865877708801619405676;0.021696252465483234495025044453;0.074950690335305714118163677995;0.026627218934911243281016268725;0.096646942800788948613188722447;0.204142011834319514473889967121
-0.002958579881656804664441517971;0.238658777120315579445275488979;0.101577909270216967807520802580;0.000000000000000000000000000000;0.037475345167652857059081838997;0.132149901380670620198998221895;0.102564102564102560544156972355;0.030571992110453648922030467361;0.054240631163708086237562611132;0.030571992110453648922030467361;0.081854043392504932663555905492;0.187376725838264313050984810616
-0.001972386587771203254187968312;0.212031558185404339633706172208;0.095660749506903355876552552672;0.000000000000000000000000000000;0.039447731755424063349035890269;0.184418145956607493207712877847;0.071005917159763315416043383266;0.034516765285996058032491617951;0.034516765285996058032491617951;0.030571992110453648922030467361;0.110453648915187371826185369628;0.185404339250493099822136855437
-0.007889546351084813016751873249;0.201183431952662722386193649982;0.128205128205128193741302311537;0.000000000000000000000000000000;0.038461538461538463673505816587;0.129191321499013800355726289126;0.071005917159763315416043383266;0.038461538461538463673505816587;0.056213017751479292527516662403;0.038461538461538463673505816587;0.091715976331360943296644450129;0.199211045364891509157345694803
-0.001972386587771203254187968312;0.177514792899408274662320650350;0.102564102564102560544156972355;0.001972386587771203254187968312;0.032544378698224851742537566679;0.180473372781065094505592583118;0.057199211045364892203046736086;0.053254437869822486562032537449;0.067061143984220902836135280722;0.035502958579881657708021691633;0.101577909270216967807520802580;0.188362919132149891909833172576
-0.001972386587771203254187968312;0.219921104536489164793522377295;0.072978303747534514767103530630;0.000000000000000000000000000000;0.038461538461538463673505816587;0.180473372781065094505592583118;0.049309664694280080921018338813;0.022682445759368837640002070088;0.057199211045364892203046736086;0.041420118343195269638989941541;0.110453648915187371826185369628;0.205128205128205121088313944711
-0.002958579881656804664441517971;0.220907297830374743652370739255;0.066074950690335310099499110947;0.000986193293885601627093984156;0.040433925049309663024565963951;0.171597633136094662731352400442;0.039447731755424063349035890269;0.051282051282051280272078486178;0.048323471400394474306594361224;0.046351084812623274955534213859;0.086785009861932937980100177811;0.224852071005917170110066649613
-0.000000000000000000000000000000;0.156804733727810646781719583487;0.096646942800788948613188722447;0.000000000000000000000000000000;0.052268244575936886886502463767;0.188362919132149891909833172576;0.065088757396449703485075133358;0.052268244575936886886502463767;0.062130177514792897519591008404;0.037475345167652857059081838997;0.088757396449704137331160325175;0.200197238658777115771769672392
-0.004930966469428007918629486284;0.200197238658777115771769672392;0.093688362919132156525492405308;0.000000000000000000000000000000;0.031558185404339252067007492997;0.176528599605522695803472288389;0.073964497041420121381527508220;0.019723865877712031674517945135;0.059171597633136091554106883450;0.038461538461538463673505816587;0.102564102564102560544156972355;0.199211045364891509157345694803
-0.008875739644970414427005422908;0.158777120315581860010567538666;0.123274161735700202302545847033;0.000000000000000000000000000000;0.050295857988165680596548412495;0.116370808678500983757153619536;0.075936883629191320732587655584;0.042406311637080869314520015223;0.065088757396449703485075133358;0.039447731755424063349035890269;0.072978303747534514767103530630;0.246548323471400404605091694066
-0.011834319526627218657766071885;0.158777120315581860010567538666;0.084812623274161738629040030446;0.000000000000000000000000000000;0.056213017751479292527516662403;0.131163708086785013584574244305;0.046351084812623274955534213859;0.040433925049309663024565963951;0.082840236686390539277979883082;0.050295857988165680596548412495;0.092702169625246549911068427718;0.244575936883629191376243738887
-0.017751479289940828854010845816;0.152859960552268248079599288758;0.092702169625246549911068427718;0.000986193293885601627093984156;0.042406311637080869314520015223;0.167652859960552264029232105713;0.050295857988165680596548412495;0.050295857988165680596548412495;0.073964497041420121381527508220;0.044378698224852068665580162588;0.129191321499013800355726289126;0.177514792899408274662320650350
-0.029585798816568045777053441725;0.100591715976331361193096824991;0.089743589743589743945584302764;0.011834319526627218657766071885;0.059171597633136091554106883450;0.140039447731755417603238811353;0.036489151873767257383551765315;0.093688362919132156525492405308;0.105522682445759366509641097309;0.063116370808678504134014985993;0.086785009861932937980100177811;0.183431952662721886593288900258
-0.018737672583826428529540919499;0.123274161735700202302545847033;0.058185404339250491878576809768;0.000000000000000000000000000000;0.088757396449704137331160325175;0.149901380670611428236327355989;0.043392504930966468990050088905;0.042406311637080869314520015223;0.114398422090729784406093472171;0.061143984220907297844060934722;0.080867850098619326049131927903;0.218934911242603558179098399705
-0.012820512820512820068019621544;0.234714003944773180743155194250;0.081854043392504932663555905492;0.000000000000000000000000000000;0.059171597633136091554106883450;0.083826429980276132014616052857;0.083826429980276132014616052857;0.037475345167652857059081838997;0.069033530571992116064983235901;0.039447731755424063349035890269;0.077909270216962520083647802949;0.219921104536489164793522377295
-0.017751479289940828854010845816;0.280078895463510835206477622705;0.135108481262327412286694539034;0.000000000000000000000000000000;0.044378698224852068665580162588;0.065088757396449703485075133358;0.104536489151873773773004927534;0.039447731755424063349035890269;0.049309664694280080921018338813;0.037475345167652857059081838997;0.079881656804733733312495758128;0.146942800788954636148631038850
-0.027613412228796842956546342407;0.164694280078895471941535788574;0.102564102564102560544156972355;0.000000000000000000000000000000;0.042406311637080869314520015223;0.126232741617357008268029971987;0.055226824457593685913092684814;0.056213017751479292527516662403;0.071005917159763315416043383266;0.046351084812623274955534213859;0.092702169625246549911068427718;0.214990138067061131721402489347
-0.014792899408284022888526720863;0.177514792899408274662320650350;0.087771203155818544594524155400;0.000000000000000000000000000000;0.052268244575936886886502463767;0.157790927021696253396143561076;0.045364891518737675280004140177;0.041420118343195269638989941541;0.065088757396449703485075133358;0.039447731755424063349035890269;0.109467455621301779089549199853;0.209072978303747547546009855068
-0.021696252465483234495025044453;0.199211045364891509157345694803;0.150887573964497034850751333579;0.005917159763313609328883035943;0.035502958579881657708021691633;0.096646942800788948613188722447;0.065088757396449703485075133358;0.071005917159763315416043383266;0.047337278106508874631064287541;0.051282051282051280272078486178;0.099605522682445754578672847401;0.155818540433925040167295605897
-0.016765285996055225709033820181;0.167652859960552264029232105713;0.139053254437869810988814833763;0.000986193293885601627093984156;0.032544378698224851742537566679;0.103550295857988167158580949945;0.071992110453648922030467360855;0.084812623274161738629040030446;0.076923076923076927347011633174;0.071005917159763315416043383266;0.101577909270216967807520802580;0.133136094674556226813422199484
-0.017751479289940828854010845816;0.274161735700197251031084988426;0.134122287968441805672270561445;0.000000000000000000000000000000;0.049309664694280080921018338813;0.072978303747534514767103530630;0.120315581854043396337061722079;0.049309664694280080921018338813;0.042406311637080869314520015223;0.022682445759368837640002070088;0.079881656804733733312495758128;0.137080867850098625515542494213
-0.011834319526627218657766071885;0.183431952662721886593288900258;0.061143984220907297844060934722;0.000000000000000000000000000000;0.045364891518737675280004140177;0.163708086785009865327111810984;0.058185404339250491878576809768;0.025641025641025640136039243089;0.082840236686390539277979883082;0.033530571992110451418067640361;0.098619329388560161842036677626;0.235700197238658787357579171839
-0.011834319526627218657766071885;0.130177514792899406970150266716;0.057199211045364892203046736086;0.000000000000000000000000000000;0.062130177514792897519591008404;0.162721893491124258712687833395;0.039447731755424063349035890269;0.031558185404339252067007492997;0.070019723865877708801619405676;0.056213017751479292527516662403;0.099605522682445754578672847401;0.279092702169625228592053645116
-0.029585798816568045777053441725;0.166666666666666657414808128124;0.085798816568047331365676200221;0.000000000000000000000000000000;0.050295857988165680596548412495;0.162721893491124258712687833395;0.045364891518737675280004140177;0.050295857988165680596548412495;0.086785009861932937980100177811;0.064102564102564096870651155768;0.079881656804733733312495758128;0.178500986193293881276744627939
-0.046351084812623274955534213859;0.138067061143984232129966471803;0.117357001972386590371577597125;0.002958579881656804664441517971;0.025641025641025640136039243089;0.089743589743589743945584302764;0.058185404339250491878576809768;0.084812623274161738629040030446;0.093688362919132156525492405308;0.102564102564102560544156972355;0.085798816568047331365676200221;0.154832347140039461308447243937
-0.042406311637080869314520015223;0.107495069033530565860701244674;0.107495069033530565860701244674;0.008875739644970414427005422908;0.055226824457593685913092684814;0.101577909270216967807520802580;0.041420118343195269638989941541;0.091715976331360943296644450129;0.097633136094674555227612700037;0.087771203155818544594524155400;0.075936883629191320732587655584;0.182445759368836279978864922668
-0.010848126232741617247512522226;0.136094674556213018901118516624;0.044378698224852068665580162588;0.000000000000000000000000000000;0.079881656804733733312495758128;0.170611439842209083872504038482;0.047337278106508874631064287541;0.022682445759368837640002070088;0.085798816568047331365676200221;0.040433925049309663024565963951;0.095660749506903355876552552672;0.266272189349112453626844398968
-0.023668639053254437315532143771;0.125246548323471401653605994397;0.093688362919132156525492405308;0.000986193293885601627093984156;0.067061143984220902836135280722;0.098619329388560161842036677626;0.044378698224852068665580162588;0.054240631163708086237562611132;0.100591715976331361193096824991;0.071005917159763315416043383266;0.084812623274161738629040030446;0.235700197238658787357579171839
-0.025641025641025640136039243089;0.110453648915187371826185369628;0.097633136094674555227612700037;0.000000000000000000000000000000;0.073964497041420121381527508220;0.106508875739644973124065074899;0.041420118343195269638989941541;0.046351084812623274955534213859;0.116370808678500983757153619536;0.061143984220907297844060934722;0.091715976331360943296644450129;0.228796844181459568812186944342
-0.032544378698224851742537566679;0.110453648915187371826185369628;0.020710059171597634819494970770;0.000000000000000000000000000000;0.107495069033530565860701244674;0.158777120315581860010567538666;0.031558185404339252067007492997;0.015779092702169626033503746498;0.115384615384615391020517449761;0.041420118343195269638989941541;0.069033530571992116064983235901;0.296844181459566092140534010468
-0.030571992110453648922030467361;0.139053254437869810988814833763;0.062130177514792897519591008404;0.000000000000000000000000000000;0.064102564102564096870651155768;0.152859960552268248079599288758;0.047337278106508874631064287541;0.032544378698224851742537566679;0.082840236686390539277979883082;0.040433925049309663024565963951;0.101577909270216967807520802580;0.246548323471400404605091694066
-0.101577909270216967807520802580;0.089743589743589743945584302764;0.060157790927021698168530861039;0.003944773175542406508375936625;0.072978303747534514767103530630;0.110453648915187371826185369628;0.036489151873767257383551765315;0.045364891518737675280004140177;0.129191321499013800355726289126;0.060157790927021698168530861039;0.060157790927021698168530861039;0.229783037475345175426610921932
-0.091715976331360943296644450129;0.118343195266272183108213766900;0.063116370808678504134014985993;0.029585798816568045777053441725;0.080867850098619326049131927903;0.086785009861932937980100177811;0.031558185404339252067007492997;0.054240631163708086237562611132;0.118343195266272183108213766900;0.073964497041420121381527508220;0.058185404339250491878576809768;0.193293885601577897226377444895
-0.032544378698224851742537566679;0.225838264299802748968915011574;0.091715976331360943296644450129;0.000986193293885601627093984156;0.036489151873767257383551765315;0.113412228796844177791669494582;0.067061143984220902836135280722;0.044378698224852068665580162588;0.044378698224852068665580162588;0.040433925049309663024565963951;0.080867850098619326049131927903;0.221893491124260350266794716845
-0.012820512820512820068019621544;0.221893491124260350266794716845;0.142011834319526630832086766532;0.000000000000000000000000000000;0.036489151873767257383551765315;0.095660749506903355876552552672;0.093688362919132156525492405308;0.063116370808678504134014985993;0.051282051282051280272078486178;0.040433925049309663024565963951;0.062130177514792897519591008404;0.180473372781065094505592583118
-0.003944773175542406508375936625;0.138067061143984232129966471803;0.042406311637080869314520015223;0.000000000000000000000000000000;0.087771203155818544594524155400;0.141025641025641024217662788942;0.043392504930966468990050088905;0.039447731755424063349035890269;0.085798816568047331365676200221;0.039447731755424063349035890269;0.085798816568047331365676200221;0.292899408284023665682838100111
-0.019723865877712031674517945135;0.112426035502958585055033324807;0.069033530571992116064983235901;0.000000000000000000000000000000;0.067061143984220902836135280722;0.152859960552268248079599288758;0.048323471400394474306594361224;0.033530571992110451418067640361;0.096646942800788948613188722447;0.040433925049309663024565963951;0.092702169625246549911068427718;0.267258382642998004730117145300
-0.017751479289940828854010845816;0.166666666666666657414808128124;0.105522682445759366509641097309;0.000000000000000000000000000000;0.049309664694280080921018338813;0.133136094674556226813422199484;0.050295857988165680596548412495;0.046351084812623274955534213859;0.070019723865877708801619405676;0.047337278106508874631064287541;0.108481262327416172475125222263;0.205128205128205121088313944711
-0.006903353057199210739136585602;0.189349112426035498524257150166;0.055226824457593685913092684814;0.000000000000000000000000000000;0.069033530571992116064983235901;0.180473372781065094505592583118;0.064102564102564096870651155768;0.023668639053254437315532143771;0.079881656804733733312495758128;0.042406311637080869314520015223;0.071992110453648922030467360855;0.216962524654832344950250444526
-0.048323471400394474306594361224;0.132149901380670620198998221895;0.059171597633136091554106883450;0.028599605522682446101523368043;0.057199211045364892203046736086;0.158777120315581860010567538666;0.046351084812623274955534213859;0.041420118343195269638989941541;0.081854043392504932663555905492;0.040433925049309663024565963951;0.071992110453648922030467360855;0.233727810650887574128731216661
-0.148915187376725849377478994029;0.095660749506903355876552552672;0.077909270216962520083647802949;0.082840236686390539277979883082;0.052268244575936886886502463767;0.079881656804733733312495758128;0.044378698224852068665580162588;0.063116370808678504134014985993;0.070019723865877708801619405676;0.064102564102564096870651155768;0.065088757396449703485075133358;0.155818540433925040167295605897
-0.011834319526627218657766071885;0.179487179487179487891168605529;0.079881656804733733312495758128;0.000000000000000000000000000000;0.067061143984220902836135280722;0.150887573964497034850751333579;0.045364891518737675280004140177;0.028599605522682446101523368043;0.064102564102564096870651155768;0.043392504930966468990050088905;0.102564102564102560544156972355;0.226824457593688355583338989163
-0.007889546351084813016751873249;0.210059171597633126404858217029;0.036489151873767257383551765315;0.000000000000000000000000000000;0.042406311637080869314520015223;0.219921104536489164793522377295;0.050295857988165680596548412495;0.003944773175542406508375936625;0.072978303747534514767103530630;0.034516765285996058032491617951;0.136094674556213018901118516624;0.185404339250493099822136855437
-0.027613412228796842956546342407;0.182445759368836279978864922668;0.106508875739644973124065074899;0.005917159763313609328883035943;0.032544378698224851742537566679;0.142998027613412237446510744121;0.041420118343195269638989941541;0.073964497041420121381527508220;0.058185404339250491878576809768;0.045364891518737675280004140177;0.137080867850098625515542494213;0.145956607495069029534207061261
-0.022682445759368837640002070088;0.180473372781065094505592583118;0.133136094674556226813422199484;0.005917159763313609328883035943;0.038461538461538463673505816587;0.111439842209072978440609347217;0.043392504930966468990050088905;0.098619329388560161842036677626;0.052268244575936886886502463767;0.074950690335305714118163677995;0.057199211045364892203046736086;0.181459566074950701120016560708
-0.034516765285996058032491617951;0.183431952662721886593288900258;0.072978303747534514767103530630;0.006903353057199210739136585602;0.053254437869822486562032537449;0.174556213017751482574624333211;0.044378698224852068665580162588;0.039447731755424063349035890269;0.067061143984220902836135280722;0.068047337278106509450559258312;0.104536489151873773773004927534;0.150887573964497034850751333579
-0.077909270216962520083647802949;0.141025641025641024217662788942;0.105522682445759366509641097309;0.022682445759368837640002070088;0.022682445759368837640002070088;0.087771203155818544594524155400;0.047337278106508874631064287541;0.109467455621301779089549199853;0.073964497041420121381527508220;0.086785009861932937980100177811;0.109467455621301779089549199853;0.115384615384615391020517449761
-0.037475345167652857059081838997;0.129191321499013800355726289126;0.108481262327416172475125222263;0.018737672583826428529540919499;0.035502958579881657708021691633;0.068047337278106509450559258312;0.053254437869822486562032537449;0.157790927021696253396143561076;0.110453648915187371826185369628;0.095660749506903355876552552672;0.063116370808678504134014985993;0.122287968441814595688121869443
-0.028599605522682446101523368043;0.186390532544378706436560833026;0.097633136094674555227612700037;0.000986193293885601627093984156;0.070019723865877708801619405676;0.100591715976331361193096824991;0.070019723865877708801619405676;0.036489151873767257383551765315;0.087771203155818544594524155400;0.051282051282051280272078486178;0.100591715976331361193096824991;0.169625246548323477258080060892
-0.050295857988165680596548412495;0.179487179487179487891168605529;0.101577909270216967807520802580;0.000986193293885601627093984156;0.053254437869822486562032537449;0.109467455621301779089549199853;0.064102564102564096870651155768;0.029585798816568045777053441725;0.091715976331360943296644450129;0.042406311637080869314520015223;0.088757396449704137331160325175;0.188362919132149891909833172576
-0.020710059171597634819494970770;0.231755424063116360899883261482;0.151873767258382641465175311168;0.001972386587771203254187968312;0.043392504930966468990050088905;0.098619329388560161842036677626;0.091715976331360943296644450129;0.042406311637080869314520015223;0.039447731755424063349035890269;0.030571992110453648922030467361;0.106508875739644973124065074899;0.141025641025641024217662788942
-0.010848126232741617247512522226;0.171597633136094662731352400442;0.170611439842209083872504038482;0.001972386587771203254187968312;0.063116370808678504134014985993;0.080867850098619326049131927903;0.133136094674556226813422199484;0.051282051282051280272078486178;0.038461538461538463673505816587;0.036489151873767257383551765315;0.076923076923076927347011633174;0.164694280078895471941535788574
-0.019723865877712031674517945135;0.141025641025641024217662788942;0.073964497041420121381527508220;0.000000000000000000000000000000;0.101577909270216967807520802580;0.126232741617357008268029971987;0.041420118343195269638989941541;0.031558185404339252067007492997;0.110453648915187371826185369628;0.032544378698224851742537566679;0.075936883629191320732587655584;0.245562130177514797990667716476
-0.038461538461538463673505816587;0.139053254437869810988814833763;0.063116370808678504134014985993;0.000000000000000000000000000000;0.109467455621301779089549199853;0.120315581854043396337061722079;0.032544378698224851742537566679;0.017751479289940828854010845816;0.120315581854043396337061722079;0.037475345167652857059081838997;0.093688362919132156525492405308;0.227810650887573962197762966753
-0.006903353057199210739136585602;0.179487179487179487891168605529;0.052268244575936886886502463767;0.000986193293885601627093984156;0.054240631163708086237562611132;0.165680473372781078555959766163;0.074950690335305714118163677995;0.026627218934911243281016268725;0.068047337278106509450559258312;0.041420118343195269638989941541;0.097633136094674555227612700037;0.231755424063116360899883261482
-0.009861932938856015837258972567;0.153846153846153854694023266347;0.072978303747534514767103530630;0.000000000000000000000000000000;0.071005917159763315416043383266;0.142011834319526630832086766532;0.058185404339250491878576809768;0.022682445759368837640002070088;0.067061143984220902836135280722;0.034516765285996058032491617951;0.097633136094674555227612700037;0.270216962524654824573389078068
-0.004930966469428007918629486284;0.180473372781065094505592583118;0.096646942800788948613188722447;0.000000000000000000000000000000;0.049309664694280080921018338813;0.139053254437869810988814833763;0.052268244575936886886502463767;0.052268244575936886886502463767;0.054240631163708086237562611132;0.054240631163708086237562611132;0.111439842209072978440609347217;0.205128205128205121088313944711
-0.009861932938856015837258972567;0.231755424063116360899883261482;0.084812623274161738629040030446;0.000000000000000000000000000000;0.046351084812623274955534213859;0.150887573964497034850751333579;0.060157790927021698168530861039;0.035502958579881657708021691633;0.051282051282051280272078486178;0.045364891518737675280004140177;0.093688362919132156525492405308;0.190335305719921105138681127755
-0.003944773175542406508375936625;0.232741617357001967514307239071;0.065088757396449703485075133358;0.000000000000000000000000000000;0.053254437869822486562032537449;0.146942800788954636148631038850;0.063116370808678504134014985993;0.024654832347140040460509169407;0.040433925049309663024565963951;0.032544378698224851742537566679;0.111439842209072978440609347217;0.225838264299802748968915011574
-0.044378698224852068665580162588;0.154832347140039461308447243937;0.079881656804733733312495758128;0.013806706114398421478273171203;0.030571992110453648922030467361;0.150887573964497034850751333579;0.041420118343195269638989941541;0.043392504930966468990050088905;0.067061143984220902836135280722;0.050295857988165680596548412495;0.130177514792899406970150266716;0.193293885601577897226377444895
-0.017751479289940828854010845816;0.178500986193293881276744627939;0.098619329388560161842036677626;0.014792899408284022888526720863;0.050295857988165680596548412495;0.109467455621301779089549199853;0.047337278106508874631064287541;0.079881656804733733312495758128;0.057199211045364892203046736086;0.066074950690335310099499110947;0.086785009861932937980100177811;0.193293885601577897226377444895
-0.016765285996055225709033820181;0.172583826429980269345776378032;0.100591715976331361193096824991;0.000000000000000000000000000000;0.059171597633136091554106883450;0.105522682445759366509641097309;0.052268244575936886886502463767;0.050295857988165680596548412495;0.090729783037475350560008280354;0.050295857988165680596548412495;0.077909270216962520083647802949;0.223865877712031563495642672024
-0.011834319526627218657766071885;0.146942800788954636148631038850;0.057199211045364892203046736086;0.000986193293885601627093984156;0.079881656804733733312495758128;0.158777120315581860010567538666;0.040433925049309663024565963951;0.043392504930966468990050088905;0.088757396449704137331160325175;0.045364891518737675280004140177;0.076923076923076927347011633174;0.249506903353057196692788011205
-0.001972386587771203254187968312;0.098619329388560161842036677626;0.041420118343195269638989941541;0.000000000000000000000000000000;0.086785009861932937980100177811;0.232741617357001967514307239071;0.036489151873767257383551765315;0.021696252465483234495025044453;0.104536489151873773773004927534;0.032544378698224851742537566679;0.084812623274161738629040030446;0.258382642998027600711452578253
-0.003944773175542406508375936625;0.156804733727810646781719583487;0.054240631163708086237562611132;0.000000000000000000000000000000;0.071992110453648922030467360855;0.180473372781065094505592583118;0.047337278106508874631064287541;0.029585798816568045777053441725;0.091715976331360943296644450129;0.031558185404339252067007492997;0.103550295857988167158580949945;0.228796844181459568812186944342
-0.006903353057199210739136585602;0.142998027613412237446510744121;0.048323471400394474306594361224;0.000000000000000000000000000000;0.088757396449704137331160325175;0.210059171597633126404858217029;0.039447731755424063349035890269;0.009861932938856015837258972567;0.124260355029585795039182016808;0.031558185404339252067007492997;0.069033530571992116064983235901;0.228796844181459568812186944342
-0.018737672583826428529540919499;0.180473372781065094505592583118;0.078895463510848126698071780538;0.001972386587771203254187968312;0.049309664694280080921018338813;0.134122287968441805672270561445;0.052268244575936886886502463767;0.037475345167652857059081838997;0.086785009861932937980100177811;0.042406311637080869314520015223;0.091715976331360943296644450129;0.225838264299802748968915011574
-0.013806706114398421478273171203;0.172583826429980269345776378032;0.108481262327416172475125222263;0.000986193293885601627093984156;0.051282051282051280272078486178;0.114398422090729784406093472171;0.052268244575936886886502463767;0.061143984220907297844060934722;0.073964497041420121381527508220;0.045364891518737675280004140177;0.108481262327416172475125222263;0.197238658777120323684073355253
-0.006903353057199210739136585602;0.157790927021696253396143561076;0.063116370808678504134014985993;0.000000000000000000000000000000;0.072978303747534514767103530630;0.153846153846153854694023266347;0.054240631163708086237562611132;0.035502958579881657708021691633;0.102564102564102560544156972355;0.031558185404339252067007492997;0.093688362919132156525492405308;0.227810650887573962197762966753
-0.019723865877712031674517945135;0.160749506903353045483839878216;0.077909270216962520083647802949;0.000000000000000000000000000000;0.075936883629191320732587655584;0.140039447731755417603238811353;0.038461538461538463673505816587;0.026627218934911243281016268725;0.077909270216962520083647802949;0.036489151873767257383551765315;0.093688362919132156525492405308;0.252465483234714016536059943974
-0.023668639053254437315532143771;0.158777120315581860010567538666;0.090729783037475350560008280354;0.000000000000000000000000000000;0.088757396449704137331160325175;0.104536489151873773773004927534;0.049309664694280080921018338813;0.022682445759368837640002070088;0.127218934911242614882453949576;0.045364891518737675280004140177;0.074950690335305714118163677995;0.214003944773175552862554127387
-0.024654832347140040460509169407;0.117357001972386590371577597125;0.047337278106508874631064287541;0.001972386587771203254187968312;0.085798816568047331365676200221;0.163708086785009865327111810984;0.028599605522682446101523368043;0.042406311637080869314520015223;0.126232741617357008268029971987;0.064102564102564096870651155768;0.123274161735700202302545847033;0.174556213017751482574624333211
-0.027613412228796842956546342407;0.121301775147928989073697891854;0.055226824457593685913092684814;0.000986193293885601627093984156;0.083826429980276132014616052857;0.169625246548323477258080060892;0.022682445759368837640002070088;0.011834319526627218657766071885;0.128205128205128193741302311537;0.049309664694280080921018338813;0.071005917159763315416043383266;0.258382642998027600711452578253
-0.024654832347140040460509169407;0.145956607495069029534207061261;0.039447731755424063349035890269;0.000000000000000000000000000000;0.092702169625246549911068427718;0.174556213017751482574624333211;0.036489151873767257383551765315;0.013806706114398421478273171203;0.106508875739644973124065074899;0.046351084812623274955534213859;0.089743589743589743945584302764;0.229783037475345175426610921932
-0.014792899408284022888526720863;0.142011834319526630832086766532;0.076923076923076927347011633174;0.000000000000000000000000000000;0.064102564102564096870651155768;0.162721893491124258712687833395;0.040433925049309663024565963951;0.039447731755424063349035890269;0.084812623274161738629040030446;0.028599605522682446101523368043;0.093688362919132156525492405308;0.252465483234714016536059943974
-0.043392504930966468990050088905;0.102564102564102560544156972355;0.052268244575936886886502463767;0.000986193293885601627093984156;0.169625246548323477258080060892;0.114398422090729784406093472171;0.037475345167652857059081838997;0.022682445759368837640002070088;0.161735700197238652098263855805;0.033530571992110451418067640361;0.043392504930966468990050088905;0.217948717948717951564674422116
-0.030571992110453648922030467361;0.101577909270216967807520802580;0.066074950690335310099499110947;0.000000000000000000000000000000;0.100591715976331361193096824991;0.140039447731755417603238811353;0.033530571992110451418067640361;0.042406311637080869314520015223;0.129191321499013800355726289126;0.052268244575936886886502463767;0.104536489151873773773004927534;0.199211045364891509157345694803
-0.014792899408284022888526720863;0.189349112426035498524257150166;0.067061143984220902836135280722;0.000000000000000000000000000000;0.051282051282051280272078486178;0.232741617357001967514307239071;0.057199211045364892203046736086;0.002958579881656804664441517971;0.059171597633136091554106883450;0.057199211045364892203046736086;0.118343195266272183108213766900;0.149901380670611428236327355989
-0.009861932938856015837258972567;0.234714003944773180743155194250;0.098619329388560161842036677626;0.000000000000000000000000000000;0.057199211045364892203046736086;0.122287968441814595688121869443;0.051282051282051280272078486178;0.023668639053254437315532143771;0.069033530571992116064983235901;0.047337278106508874631064287541;0.094674556213017749262128575083;0.191321499013806711753105105345
-0.017751479289940828854010845816;0.196252465483234717069649377663;0.074950690335305714118163677995;0.000000000000000000000000000000;0.078895463510848126698071780538;0.148915187376725849377478994029;0.046351084812623274955534213859;0.019723865877712031674517945135;0.090729783037475350560008280354;0.041420118343195269638989941541;0.099605522682445754578672847401;0.185404339250493099822136855437
-0.051282051282051280272078486178;0.145956607495069029534207061261;0.095660749506903355876552552672;0.015779092702169626033503746498;0.050295857988165680596548412495;0.096646942800788948613188722447;0.048323471400394474306594361224;0.118343195266272183108213766900;0.046351084812623274955534213859;0.066074950690335310099499110947;0.125246548323471401653605994397;0.140039447731755417603238811353
-0.069033530571992116064983235901;0.091715976331360943296644450129;0.093688362919132156525492405308;0.043392504930966468990050088905;0.045364891518737675280004140177;0.112426035502958585055033324807;0.038461538461538463673505816587;0.149901380670611428236327355989;0.074950690335305714118163677995;0.090729783037475350560008280354;0.059171597633136091554106883450;0.131163708086785013584574244305
-0.052268244575936886886502463767;0.105522682445759366509641097309;0.187376725838264313050984810616;0.019723865877712031674517945135;0.025641025641025640136039243089;0.061143984220907297844060934722;0.108481262327416172475125222263;0.166666666666666657414808128124;0.035502958579881657708021691633;0.050295857988165680596548412495;0.106508875739644973124065074899;0.080867850098619326049131927903
-0.048323471400394474306594361224;0.172583826429980269345776378032;0.121301775147928989073697891854;0.016765285996055225709033820181;0.046351084812623274955534213859;0.065088757396449703485075133358;0.071005917159763315416043383266;0.164694280078895471941535788574;0.063116370808678504134014985993;0.092702169625246549911068427718;0.043392504930966468990050088905;0.094674556213017749262128575083
-0.020710059171597634819494970770;0.227810650887573962197762966753;0.147928994082840242763055016439;0.000000000000000000000000000000;0.035502958579881657708021691633;0.068047337278106509450559258312;0.158777120315581860010567538666;0.032544378698224851742537566679;0.042406311637080869314520015223;0.025641025641025640136039243089;0.118343195266272183108213766900;0.122287968441814595688121869443
-0.021696252465483234495025044453;0.180473372781065094505592583118;0.176528599605522695803472288389;0.000000000000000000000000000000;0.033530571992110451418067640361;0.081854043392504932663555905492;0.142998027613412237446510744121;0.085798816568047331365676200221;0.074950690335305714118163677995;0.022682445759368837640002070088;0.079881656804733733312495758128;0.099605522682445754578672847401
-0.022682445759368837640002070088;0.168639053254437870643656083303;0.079881656804733733312495758128;0.000000000000000000000000000000;0.067061143984220902836135280722;0.125246548323471401653605994397;0.054240631163708086237562611132;0.014792899408284022888526720863;0.077909270216962520083647802949;0.054240631163708086237562611132;0.089743589743589743945584302764;0.245562130177514797990667716476
-0.023668639053254437315532143771;0.186390532544378706436560833026;0.100591715976331361193096824991;0.000000000000000000000000000000;0.049309664694280080921018338813;0.177514792899408274662320650350;0.056213017751479292527516662403;0.018737672583826428529540919499;0.066074950690335310099499110947;0.039447731755424063349035890269;0.106508875739644973124065074899;0.175542406311637089189048310800
-0.026627218934911243281016268725;0.183431952662721886593288900258;0.113412228796844177791669494582;0.001972386587771203254187968312;0.064102564102564096870651155768;0.102564102564102560544156972355;0.119329388560157789722637744489;0.037475345167652857059081838997;0.067061143984220902836135280722;0.032544378698224851742537566679;0.087771203155818544594524155400;0.163708086785009865327111810984
-0.012820512820512820068019621544;0.171597633136094662731352400442;0.094674556213017749262128575083;0.000000000000000000000000000000;0.095660749506903355876552552672;0.126232741617357008268029971987;0.068047337278106509450559258312;0.026627218934911243281016268725;0.086785009861932937980100177811;0.046351084812623274955534213859;0.077909270216962520083647802949;0.193293885601577897226377444895
-0.021696252465483234495025044453;0.225838264299802748968915011574;0.113412228796844177791669494582;0.000986193293885601627093984156;0.037475345167652857059081838997;0.086785009861932937980100177811;0.100591715976331361193096824991;0.053254437869822486562032537449;0.064102564102564096870651155768;0.039447731755424063349035890269;0.106508875739644973124065074899;0.149901380670611428236327355989
-0.071005917159763315416043383266;0.108481262327416172475125222263;0.074950690335305714118163677995;0.047337278106508874631064287541;0.070019723865877708801619405676;0.098619329388560161842036677626;0.049309664694280080921018338813;0.089743589743589743945584302764;0.071005917159763315416043383266;0.056213017751479292527516662403;0.090729783037475350560008280354;0.172583826429980269345776378032
-0.085798816568047331365676200221;0.070019723865877708801619405676;0.060157790927021698168530861039;0.071992110453648922030467360855;0.066074950690335310099499110947;0.079881656804733733312495758128;0.030571992110453648922030467361;0.163708086785009865327111810984;0.088757396449704137331160325175;0.098619329388560161842036677626;0.043392504930966468990050088905;0.141025641025641024217662788942
-0.023668639053254437315532143771;0.191321499013806711753105105345;0.119329388560157789722637744489;0.002958579881656804664441517971;0.051282051282051280272078486178;0.095660749506903355876552552672;0.090729783037475350560008280354;0.038461538461538463673505816587;0.068047337278106509450559258312;0.045364891518737675280004140177;0.117357001972386590371577597125;0.155818540433925040167295605897
-0.000000000000000000000000000000;0.256410256410256387482604623074;0.109467455621301779089549199853;0.000000000000000000000000000000;0.033530571992110451418067640361;0.144970414201183422919783083671;0.078895463510848126698071780538;0.023668639053254437315532143771;0.046351084812623274955534213859;0.021696252465483234495025044453;0.119329388560157789722637744489;0.165680473372781078555959766163
-0.013806706114398421478273171203;0.205128205128205121088313944711;0.112426035502958585055033324807;0.000986193293885601627093984156;0.057199211045364892203046736086;0.142998027613412237446510744121;0.064102564102564096870651155768;0.024654832347140040460509169407;0.065088757396449703485075133358;0.043392504930966468990050088905;0.097633136094674555227612700037;0.172583826429980269345776378032
-0.004930966469428007918629486284;0.166666666666666657414808128124;0.059171597633136091554106883450;0.000000000000000000000000000000;0.093688362919132156525492405308;0.185404339250493099822136855437;0.034516765285996058032491617951;0.014792899408284022888526720863;0.069033530571992116064983235901;0.039447731755424063349035890269;0.108481262327416172475125222263;0.223865877712031563495642672024
-0.033530571992110451418067640361;0.179487179487179487891168605529;0.160749506903353045483839878216;0.000000000000000000000000000000;0.027613412228796842956546342407;0.079881656804733733312495758128;0.104536489151873773773004927534;0.065088757396449703485075133358;0.058185404339250491878576809768;0.047337278106508874631064287541;0.152859960552268248079599288758;0.090729783037475350560008280354
-0.013806706114398421478273171203;0.166666666666666657414808128124;0.125246548323471401653605994397;0.005917159763313609328883035943;0.065088757396449703485075133358;0.050295857988165680596548412495;0.087771203155818544594524155400;0.139053254437869810988814833763;0.071005917159763315416043383266;0.077909270216962520083647802949;0.060157790927021698168530861039;0.137080867850098625515542494213
-0.027613412228796842956546342407;0.165680473372781078555959766163;0.066074950690335310099499110947;0.000000000000000000000000000000;0.104536489151873773773004927534;0.133136094674556226813422199484;0.049309664694280080921018338813;0.023668639053254437315532143771;0.131163708086785013584574244305;0.021696252465483234495025044453;0.080867850098619326049131927903;0.196252465483234717069649377663
-0.011834319526627218657766071885;0.197238658777120323684073355253;0.103550295857988167158580949945;0.000000000000000000000000000000;0.077909270216962520083647802949;0.105522682445759366509641097309;0.088757396449704137331160325175;0.038461538461538463673505816587;0.075936883629191320732587655584;0.036489151873767257383551765315;0.073964497041420121381527508220;0.190335305719921105138681127755
-0.000986193293885601627093984156;0.252465483234714016536059943974;0.095660749506903355876552552672;0.000000000000000000000000000000;0.026627218934911243281016268725;0.142011834319526630832086766532;0.094674556213017749262128575083;0.027613412228796842956546342407;0.053254437869822486562032537449;0.035502958579881657708021691633;0.101577909270216967807520802580;0.169625246548323477258080060892
-0.006903353057199210739136585602;0.201183431952662722386193649982;0.097633136094674555227612700037;0.000000000000000000000000000000;0.040433925049309663024565963951;0.197238658777120323684073355253;0.070019723865877708801619405676;0.024654832347140040460509169407;0.056213017751479292527516662403;0.029585798816568045777053441725;0.106508875739644973124065074899;0.169625246548323477258080060892
-0.003944773175542406508375936625;0.234714003944773180743155194250;0.083826429980276132014616052857;0.000000000000000000000000000000;0.036489151873767257383551765315;0.165680473372781078555959766163;0.058185404339250491878576809768;0.021696252465483234495025044453;0.045364891518737675280004140177;0.033530571992110451418067640361;0.120315581854043396337061722079;0.196252465483234717069649377663
-0.004954954954954954651769050145;0.195045045045045051246290768177;0.072522522522522517296472699400;0.001351351351351351426366420583;0.044594594594594597070091879232;0.181531531531531536982626562349;0.049099099099099097198717345236;0.047747747747747745772350924653;0.044594594594594597070091879232;0.036036036036036035723473247572;0.108108108108108114109313646622;0.214414414414414417064946860592
-0.004814814814814815172039352831;0.198888888888888892836348532001;0.083703703703703696836768699541;0.000370370370370370351979089074;0.053333333333333336756520992594;0.145555555555555549140933635499;0.053703703703703704885885628073;0.033333333333333332870740406406;0.065555555555555561353386906376;0.041851851851851848418384349770;0.104074074074074068851913921208;0.214814814814814819543542512292
-0.003191489361702127495329373019;0.160992907801418450031150086943;0.132624113475177302090557418524;0.000354609929078014208311125932;0.064893617021276592260470295059;0.127304964539007081647525865264;0.076241134751773048661149800864;0.059574468085106385695226549615;0.078723404255319151534564525718;0.036524822695035458197665434454;0.067730496453900709830087123464;0.191843971631205673089581864588
-0.001811594202898550746635986108;0.238043478260869578733149865002;0.081521739130434783815459809375;0.000362318840579710149327197222;0.061594202898550727554027872657;0.142391304347826097576046322501;0.044927536231884057649210717500;0.010144927536231883313799784219;0.070652173913043472830430857812;0.043115942028985505818372558906;0.084782608695652170172074590937;0.220652173913043481157103542500
-0.008012820512820512108831394471;0.151923076923076910693666263796;0.126602564102564096870651155768;0.011538461538461539102051744976;0.039423076923076921795896510048;0.125961538461538458122390693461;0.023397435897435897578233721106;0.034935897435897436680285466082;0.084935897435897439455843027645;0.088461538461538466449063378150;0.121474358974358973006779649495;0.183333333333333320380731379373
-0.030370370370370370488588562807;0.184444444444444438646613093624;0.061851851851851852304164935958;0.000740740740740740703958178148;0.066666666666666665741480812812;0.143333333333333340364745822626;0.034814814814814812327092852229;0.003703703703703703845051542487;0.118148148148148154912284724105;0.046666666666666668794594130532;0.088148148148148142144719940916;0.221111111111111119376104738876
-0.010714285714285714384841341484;0.146825396825396831124166396876;0.067857142857142851988250242812;0.000000000000000000000000000000;0.113095238095238095898942276563;0.128174603174603163324718479998;0.030555555555555554553270880547;0.018650793650793650452213157109;0.119047619047619041010577234374;0.034126984126984123701920026406;0.077380952380952383595769106250;0.253571428571428558740308289998
-0.011419753086419752799440807678;0.162345679012345672775907701180;0.041666666666666664353702032031;0.000617283950617283938035184665;0.046296296296296293726335591145;0.264197530864197505096058193885;0.014506172839506172381196513754;0.006790123456790123426807248563;0.066358024691358027946641584549;0.040740740740740744030290443334;0.138580246913580257261955352988;0.206481481481481488060580886668
-0.065853658536585368832305675824;0.152032520325203257538504431068;0.129268292682926833059298132866;0.003658536585365853872203745212;0.101219512195121957853771732516;0.058943089430894310409847491883;0.057317073170731709652603313998;0.009349593495934959558324450768;0.153658536585365851356854705045;0.049186991869918698927488520667;0.061788617886178863469748279158;0.157723577235772349780518197804
-0.008108108108108108558198523497;0.105405405405405411256580805457;0.073423423423423422873312915726;0.001351351351351351426366420583;0.061261261261261260036015130481;0.198648648648648645798076017854;0.015765765765765764327976938830;0.007207207207207207318166997112;0.136486486486486480185220671046;0.077027027027027031302885973219;0.098648648648648654124748702543;0.216666666666666674068153497501
-0.018518518518518517490534236458;0.161728395061728397186229244653;0.049074074074074075513252068959;0.006172839506172839163511412153;0.065432098765432100684336091945;0.177777777777777784562474039376;0.034259259259259260133045899011;0.028395061728395062233820667075;0.106172839506172844714626535279;0.066049382716049376274014548471;0.101234567901234570608259843993;0.185185185185185174905342364582
-0.005681818181818181975883952362;0.165909090909090922716373484036;0.134090909090909093936971885341;0.000378787878787878787550241766;0.069696969696969701679734043864;0.123484848484848488969767288381;0.071590909090909093936971885341;0.057196969696969697516397701520;0.076893939393939389481680279914;0.042045454545454545580707161889;0.065530303030303035938253231052;0.187500000000000000000000000000
-0.003571428571428571317053490830;0.191269841269841256448103194998;0.109523809523809523280846178750;0.000000000000000000000000000000;0.085714285714285715078730731875;0.090476190476190473943596259687;0.071031746031746029190756530625;0.015079365079365079568840535273;0.109920634920634918696435988750;0.040476190476190478106932602032;0.053968253968253970809243469375;0.228968253968253959707013223124
-0.015416666666666667059870654555;0.134166666666666656304585103499;0.136250000000000009992007221626;0.002083333333333333304421275400;0.029166666666666667129259593594;0.109166666666666661855700226624;0.038333333333333330372738601000;0.028333333333333331899295259859;0.113750000000000003885780586188;0.115416666666666667406815349750;0.098750000000000004440892098501;0.179166666666666668517038374375
-0.022695035460992909331912059656;0.256382978723404264531637863911;0.103546099290780138635348350817;0.001773049645390070878925303788;0.026241134751773049355039191255;0.122695035460992904474686326921;0.058865248226950356302822342514;0.011347517730496454665956029828;0.073404255319148931091532972459;0.056382978723404253429407617659;0.103900709219858153331550454368;0.162765957446808523512160604696
-0.026190476190476191103995162734;0.244557823129251700189357165982;0.106462585034013609841530012545;0.000340136054421768683955068502;0.039795918367346937161155295826;0.113605442176870755077722208171;0.061224489795918365930837978794;0.012585034013605441577388077690;0.077210884353741501828771731653;0.030612244897959182965418989397;0.078911564625850333376533285445;0.208503401360544210474401438660
-0.010000000000000000208166817117;0.218333333333333323711400453249;0.161666666666666652973916029623;0.000833333333333333386820640509;0.042916666666666665463925056656;0.065416666666666664631257788187;0.104999999999999996114219413812;0.034583333333333333980963431031;0.070416666666666669072149886688;0.050416666666666665186369300500;0.064166666666666663521034763562;0.176249999999999990007992778374
-0.011363636363636363951767904723;0.184090909090909082834741639090;0.098484848484848480643094603693;0.000000000000000000000000000000;0.096969696969696969612861892074;0.093939393939393933674608661022;0.102651515151515146384575416505;0.008712121212121212709966755483;0.088257575757575756902895136591;0.032954545454545451643735276548;0.068181818181818176771713524431;0.214393939393939386706122718351
-0.015811965811965811301575968173;0.175213675213675201813856574518;0.085470085470085471746060079568;0.000000000000000000000000000000;0.107692307692307698285816286443;0.111965811965811970485340509640;0.044017094017094020308444868306;0.006410256410256410034009810772;0.108974358974358975782337211058;0.042735042735042735873030039784;0.080341880341880347882188573294;0.221367521367521358222063554422
-0.001851851851851851922525771243;0.244444444444444436426167044374;0.073333333333333333703407674875;0.005555555555555555767577313730;0.038518518518518521376314822646;0.188148148148148147695835064042;0.051481481481481482231910007386;0.032592592592592589673117231541;0.047777777777777780121581940875;0.029629629629629630760412339896;0.145555555555555549140933635499;0.141111111111111103832982394124
-0.001851851851851851922525771243;0.246296296296296290950778029583;0.060740740740740740977177125615;0.001481481481481481407916356297;0.041851851851851848418384349770;0.148518518518518521931426334959;0.026666666666666668378260496297;0.009629629629629630344078705662;0.058148148148148150193836869448;0.042222222222222223486642889156;0.107407407407407409771771256146;0.255185185185185181566680512333
-0.003395061728395061713403624282;0.189814814814814825094657635418;0.057407407407407406996213694583;0.000000000000000000000000000000;0.077469135802469141216519687987;0.137962962962962953916701280832;0.025617283950617283916351141215;0.004012345679012345976699460692;0.092901234567901239125298218369;0.049691358024691358041824429392;0.082407407407407401445098571457;0.279320987654321006843360919447
-0.011388888888888889366901580047;0.110555555555555559688052369438;0.088055555555555553581825734000;0.001111111111111111110147375847;0.125277777777777765688682620748;0.095277777777777780676693453188;0.025000000000000001387778780781;0.030277777777777778456247403938;0.151111111111111112714766591125;0.057222222222222222931531376844;0.068333333333333329262515576374;0.236388888888888898387463655126
-0.031845238095238093123384715000;0.108928571428571430157461463750;0.058333333333333334258519187188;0.038988095238095238359576910625;0.181845238095238087572269591874;0.068750000000000005551115123126;0.048511904761904763028201870156;0.015773809523809523280846178750;0.174107142857142849212692681249;0.038392857142857145236192195625;0.040773809523809524668624959531;0.193750000000000005551115123126
-0.047916666666666669904817155157;0.126666666666666677398822571377;0.056666666666666663798590519718;0.073333333333333333703407674875;0.091666666666666660190365689687;0.100833333333333330372738601000;0.021250000000000001526556658860;0.009166666666666666712925959359;0.164166666666666655194362078873;0.068750000000000005551115123126;0.063750000000000001110223024625;0.175833333333333341474968847251
-0.012393162393162392501122504029;0.192307692307692318367529082934;0.113675213675213673814035075793;0.000000000000000000000000000000;0.083760683760683754539577705600;0.088034188034188040616889736611;0.050854700854700854439904844639;0.013247863247863247634916739059;0.098290598290598288344632749158;0.061538461538461541877609306539;0.056837606837606836907017537897;0.229059829059829050956764717739
-0.015602836879432624081487368528;0.154255319148936170803310119481;0.076950354609929078053554007965;0.000354609929078014208311125932;0.124468085106382977955696844674;0.099290780141843976158710916025;0.041134751773049642309398876705;0.002482269503546099403967772901;0.131560283687943258001951107872;0.042907801418439715790409394458;0.045390070921985818663824119312;0.265602836879432646632892556227
-0.006296296296296296363115274630;0.264074074074074072182582995083;0.138148148148148158798065310293;0.000000000000000000000000000000;0.057777777777777775125578330062;0.085925925925925919490744320228;0.091851851851851851193941911333;0.010000000000000000208166817117;0.058888888888888886452566140406;0.027407407407407408106436719208;0.068518518518518520266091798021;0.191111111111111120486327763501
-0.002121212121212121427121788386;0.298787878787878768971353338202;0.163333333333333330372738601000;0.000000000000000000000000000000;0.038484848484848482863540652943;0.066363636363636360759876708926;0.095454545454545458582629180455;0.011212121212121211460965852780;0.040606060606060603856981572335;0.036666666666666666851703837438;0.066666666666666665741480812812;0.180303030303030298320265956136
-0.004885057471264367748298163008;0.163505747126436784544267766250;0.053160919540229882584991827343;0.117528735632183911619108585001;0.077011494252873569088535532501;0.115517241379310339755015490937;0.037643678160919541442197555625;0.007471264367816091850338366953;0.094252873563218389496576321562;0.047701149425287359129299602500;0.083620689655172414367356736875;0.197701149425287353578184479375
-0.010069444444444445099784424258;0.061111111111111109106541761093;0.022222222222222223070309254922;0.419097222222222232090871330001;0.065625000000000002775557561563;0.107291666666666660190365689687;0.008680555555555555941049661328;0.011111111111111111535154627461;0.107986111111111116045435665001;0.033680555555555553859381490156;0.049652777777777774848022573906;0.103472222222222215437525960624
-0.000387596899224806196171400074;0.193410852713178288420081685217;0.021317829457364340789427004097;0.000000000000000000000000000000;0.071317829457364340095537613706;0.235271317829457371484380701077;0.010465116279069767296627802011;0.000000000000000000000000000000;0.110465116279069769378295973183;0.042248062015503878852129560073;0.108527131782945734927992020857;0.206589147286821706028803191657
-0.013043478260869564508417361992;0.205797101449275349205336738123;0.073550724637681155759771911562;0.000000000000000000000000000000;0.074637681159420293797168710626;0.155434782608695643002505448749;0.030797101449275363777013936328;0.007971014492753622851517469883;0.102898550724637674602668369062;0.041666666666666664353702032031;0.078985507246376818191180291251;0.215217391304347832603482970626
-0.002380952380952381167156239883;0.161428571428571421275677266749;0.032857142857142855596475072844;0.000000000000000000000000000000;0.064761904761904756644419478562;0.262380952380952381375323057000;0.009523809523809524668624959531;0.000476190476190476190063161077;0.112380952380952386926438180126;0.026666666666666668378260496297;0.114761904761904759419977040125;0.212380952380952392477553303252
-0.044573643410852716029157960520;0.112015503875968994162981573481;0.094186046511627902200203266148;0.005426356589147286746399601043;0.057364341085271317033367211025;0.134496124031007746602028873895;0.027906976744186046124340805363;0.021705426356589146985598404171;0.143023255813953475978905771626;0.070155038759689924976470365436;0.089147286821705432058315921040;0.200000000000000011102230246252
-0.017829457364341085023884403427;0.142248062015503884403244683199;0.098837209302325576554260067041;0.032945736434108530144015958285;0.065116279069767440956795212514;0.100775193798449611004564019368;0.061627906976744188660699563798;0.024031007751937984162626804618;0.122868217054263567655780775567;0.070930232558139530429919261678;0.067441860465116285072717516869;0.195348837209302322870385637543
-0.012962962962962962590318660716;0.190740740740740738479175320208;0.065925925925925929482751541855;0.001481481481481481407916356297;0.052592592592592593558897817729;0.211111111111111110494320541875;0.045925925925925925596970955667;0.018148148148148149361169600979;0.089259259259259260410601655167;0.041111111111111112159655078813;0.114814814814814813992427389167;0.155925925925925912274294660165
-0.018181818181818180935049866775;0.215530303030303016509350300112;0.172727272727272729291314590228;0.007196969696969697342925353922;0.025000000000000001387778780781;0.090530303030303030387138107926;0.095075757575757577355624050597;0.042424242424242426807712291748;0.048484848484848484806430946037;0.045833333333333330095182844843;0.089393939393939400583910526166;0.149621212121212127099667554830
-0.007499999999999999722444243844;0.129444444444444445307951241375;0.110555555555555559688052369438;0.063055555555555559132940857126;0.072777777777777774570466817750;0.094166666666666662410811738937;0.043611111111111114380101128063;0.012777777777777778525636342977;0.118611111111111111604543566500;0.058055555555555554692048758625;0.076944444444444440311947630562;0.212499999999999994448884876874
-0.005151515151515151727523722514;0.082727272727272732621983664103;0.036363636363636361870099733551;0.350606060606060587758747715270;0.063333333333333338699411285688;0.115151515151515157486805662757;0.016363636363636364923213051270;0.003636363636363636360482320953;0.104242424242424247537996961910;0.036060606060606063827389533571;0.053030303030303031774916888708;0.133333333333333331482961625625
-0.005185185185185185036127464286;0.121851851851851850083718886708;0.066666666666666665741480812812;0.367037037037037050524190817669;0.054074074074074073015250263552;0.070740740740740742920067418709;0.032592592592592589673117231541;0.010000000000000000208166817117;0.057407407407407406996213694583;0.033703703703703701000105041885;0.066666666666666665741480812812;0.114074074074074077733698118209
-0.004513888888888888464845372539;0.206597222222222209886410837498;0.080208333333333339809634310313;0.000347222222222222235473582108;0.050347222222222223764198645313;0.151388888888888878403449211874;0.052430555555555556634939051719;0.005555555555555555767577313730;0.081250000000000002775557561563;0.044444444444444446140618509844;0.105555555555555555247160270937;0.217361111111111116045435665001
-0.003571428571428571317053490830;0.163888888888888889505679458125;0.097222222222222223764198645313;0.006349206349206349200842147695;0.049206349206349205005484037656;0.141666666666666662965923251249;0.020238095238095239053466301016;0.009126984126984127518311673555;0.099603174603174596257737505312;0.086111111111111110494320541875;0.092857142857142860314922927500;0.230158730158730145953782653123
-0.032051282051282048435325577884;0.132051282051282053986440701010;0.132051282051282053986440701010;0.005769230769230769551025872488;0.075961538461538455346833131898;0.095192307692307687183586040192;0.055448717948717946013559298990;0.037820512820512817986351450372;0.132051282051282053986440701010;0.060576923076923076816324709171;0.075641025641025635972702900744;0.165384615384615379918287203509
-0.012037037037037037062736644089;0.098611111111111107718762980312;0.122222222222222218213083522187;0.000000000000000000000000000000;0.088425925925925921711190369479;0.139814814814814808441312266041;0.061574074074074072737694507396;0.043981481481481482509465763542;0.115740740740740741254732881771;0.049537037037037039144404815261;0.064351851851851854524610985209;0.203703703703703692395876601040
-0.021111111111111111743321444578;0.157037037037037030540176374416;0.078518518518518515270088187208;0.006666666666666667094565124074;0.102222222222222228205090743813;0.109629629629629632425746876834;0.036296296296296298722339201959;0.037407407407407410049327012302;0.115925925925925932258309103418;0.045925925925925925596970955667;0.076666666666666660745477201999;0.212592592592592583011779083790
-0.007407407407407407690103084974;0.163703703703703712379891044293;0.098518518518518519155868773396;0.001111111111111111110147375847;0.085555555555555551361379684749;0.106666666666666673513041985188;0.055925925925925927539861248761;0.031851851851851853414387960584;0.085185185185185183232015049271;0.051851851851851850361274642864;0.085925925925925919490744320228;0.226296296296296300942785251209
-0.009887005649717514957353081684;0.216666666666666674068153497501;0.095480225988700567762990090159;0.000000000000000000000000000000;0.083898305084745758430919693183;0.114124293785310734761218043332;0.058192090395480226827640279907;0.009039548022598870372079638003;0.100847457627118650136388566807;0.032768361581920903147224777285;0.066666666666666665741480812812;0.212429378531073437263998471281
-0.014855072463768116339255520586;0.173188405797101457883613306876;0.073550724637681155759771911562;0.000000000000000000000000000000;0.088043478260869570406477180313;0.136594202898550731717364215001;0.048188405797101450944719402969;0.014855072463768116339255520586;0.127536231884057965624279518124;0.043115942028985505818372558906;0.067028985507246383046542348438;0.213043478260869556528689372499
-0.019727891156462583344133321361;0.229251700680272119114988527144;0.095238095238095232808461787499;0.001020408163265306214495531378;0.039115646258503403154271893527;0.118367346938775513942587735983;0.043537414965986391546248768236;0.025850340136054420631106509632;0.049659863945578232302668908460;0.052040816326530611735101672366;0.078911564625850333376533285445;0.247278911564625863972466390805
-0.009294871794871794809522747016;0.274679487179487202830330261349;0.032371794871794874748349712945;0.000000000000000000000000000000;0.034615384615384617306155234928;0.196794871794871789605352319086;0.020833333333333332176851016015;0.001923076923076923183675290829;0.070512820512820512108831394471;0.031089743589743590312934884423;0.142307692307692301714183713557;0.185576923076923083755218613078
-0.011851851851851851263330850372;0.142222222222222222098864108375;0.121111111111111113824989615750;0.000740740740740740703958178148;0.104444444444444450859066364501;0.080000000000000001665334536938;0.055925925925925927539861248761;0.020000000000000000416333634234;0.119999999999999995559107901499;0.046296296296296293726335591145;0.069259259259259256524821068979;0.228148148148148155467396236418
-0.001602564102564102508502452693;0.163461538461538463673505816587;0.027884615384615386163291717025;0.010576923076923077510214099561;0.076602564102564107972881402020;0.192948717948717957115789545242;0.009615384615384615918376454147;0.007051282051282051384355487045;0.082051282051282051210883139447;0.033012820512820513496610175252;0.118269230769230765387689530144;0.276923076923076938449241879425
-0.003525641025641025692177743522;0.291987179487179504544513974906;0.087499999999999994448884876874;0.001602564102564102508502452693;0.044871794871794871972792151382;0.144551282051282065088670947262;0.050641025641025641523818023870;0.001923076923076923183675290829;0.052884615384615384081623545853;0.031410256410256409687065115577;0.146474358974358981333452334184;0.142628205128205121088313944711
-0.006666666666666667094565124074;0.257272727272727264047347262022;0.089696969696969691687726822238;0.000000000000000000000000000000;0.048787878787878789788035049924;0.137878787878787878451447568295;0.071515151515151517691570859370;0.003333333333333333547282562037;0.084848484848484853615424583495;0.032727272727272729846426102540;0.083030303030303023725799960175;0.184242424242424235325543691033
-0.007638888888888888638317720137;0.182291666666666657414808128124;0.030208333333333333564629796797;0.001736111111111111014737584668;0.063194444444444441977282167500;0.244791666666666657414808128124;0.011458333333333332523795711211;0.001388888888888888941894328433;0.090277777777777776235801354687;0.031597222222222220988641083750;0.121874999999999997224442438437;0.213541666666666657414808128124
-0.014912280701754385484059106659;0.287426900584795308457586315853;0.150292397660818727311848874706;0.009356725146198830583843530917;0.054678362573099416332755851045;0.059356725146198829889954140526;0.080409356725146194366793395147;0.023099415204678362678603065206;0.061403508771929821152824047203;0.029532163742690058921835927208;0.073099415204678358515266722861;0.156432748538011701100458594738
-0.015666666666666665547191783503;0.240666666666666667628859954675;0.083000000000000004329869796038;0.000000000000000000000000000000;0.095666666666666663743079368487;0.106666666666666673513041985188;0.054333333333333330705805508387;0.011333333333333334147496884725;0.095666666666666663743079368487;0.031333333333333331094383567006;0.070333333333333331038872415775;0.195333333333333331038872415775
-0.081914893617021269922595649859;0.103546099290780138635348350817;0.077304964539007092749756111516;0.000000000000000000000000000000;0.168794326241134745592020749427;0.058510638297872341606620238963;0.048226950354609929294547043810;0.035460992907801421047953027710;0.189007092198581555519965036183;0.036524822695035458197665434454;0.050709219858156025229067864757;0.149999999999999994448884876874
-0.025170068027210883154776155379;0.215306122448979592176598885089;0.072448979591836729086118396026;0.000000000000000000000000000000;0.056462585034013607065972450982;0.144897959183673458172236792052;0.058843537414965986498405214888;0.012244897959183672839222900564;0.080612244897959178802082647053;0.035034013605442178296289768014;0.084013605442176869653181370268;0.214965986394557828642604135894
-0.004365079365079365183999193789;0.216269841269841278652563687501;0.134920634920634913145320865624;0.000000000000000000000000000000;0.046825396825396825573051273750;0.078968253968253965258128346250;0.111111111111111104943205418749;0.023015873015873017370935826875;0.063492063492063488538974525000;0.040079365079365082691342792032;0.070634920634920633775166720625;0.210317460317460319663140921875
-0.030333333333333333675652099259;0.175999999999999989785948173449;0.146333333333333343029281081726;0.006333333333333333176051738178;0.086333333333333331371939323162;0.062333333333333330872338962081;0.077333333333333337256121353676;0.053333333333333336756520992594;0.102666666666666669960328306388;0.032333333333333331982561986706;0.045666666666666667906415710831;0.180999999999999994226840271949
-0.037288135593220340935349810252;0.199717514124293782362684623877;0.085028248587570617877950951424;0.013841807909604519552515533576;0.069491525423728814359058958416;0.092372881355932204283654129995;0.034463276836158192317771664648;0.017514124293785311020643646884;0.092655367231638419145411944555;0.043502824858757060955127826674;0.061299435028248590306976240072;0.252824858757062120862002529975
-0.019696969696969695434729530348;0.140606060606060595530308887646;0.116666666666666668517038374375;0.046363636363636363812990026645;0.083636363636363633689008167948;0.083939393939393938670612271835;0.068787878787878786734921732204;0.051212121212121208824186169295;0.081818181818181817677171352443;0.048484848484848484806430946037;0.068181818181818176771713524431;0.190606060606060612183654257024
-0.007092198581560283515701215151;0.215248226950354615283345083299;0.121276595744680845689877912719;0.000000000000000000000000000000;0.073049645390070916395330868909;0.083333333333333328707404064062;0.084397163120567372796010374714;0.026950354609929078747443398356;0.085815602836879431580818788916;0.033687943262411347566942509957;0.070212765957446812703501848318;0.198936170212765967013623935600
-0.027469135802469134971515174470;0.159567901234567904866779031181;0.072839506172839504904992224965;0.000617283950617283938035184665;0.085802469135802472699481313612;0.124691358024691362205160771737;0.032716049382716050342168045972;0.003703703703703703845051542487;0.097839506172839499353877101839;0.043827160493827163612046149410;0.061728395061728391635114121527;0.289197530864197527300518686388
-0.001315789473684210496642887911;0.191666666666666679619268620627;0.084210526315789471785144826299;0.000000000000000000000000000000;0.076754385964912283379923962912;0.122368421052631584644565521103;0.048245614035087716620076037088;0.003947368421052631706769098230;0.073684210526315782607831295081;0.035964912280701755165068789211;0.099561403508771934012244742007;0.262280701754385947577219440063
-0.007482993197278911372272158786;0.154421768707483003657543463305;0.055442176870748302586200395581;0.000000000000000000000000000000;0.150340136054421757982879626070;0.126870748299319741070334544020;0.025510204081632653627664808482;0.000000000000000000000000000000;0.154421768707483003657543463305;0.030952380952380953438307642500;0.057142857142857141072855853281;0.237414965986394554953164970357
-0.001250000000000000026020852140;0.221250000000000002220446049250;0.050000000000000002775557561563;0.000000000000000000000000000000;0.061249999999999998889776975375;0.201250000000000012212453270877;0.020833333333333332176851016015;0.004583333333333333356462979680;0.061249999999999998889776975375;0.031250000000000000000000000000;0.139166666666666660745477201999;0.207916666666666666296592325125
-0.012424242424242424448488364419;0.174242424242424254199335109661;0.091818181818181812681167741630;0.002424242424242424240321547302;0.067575757575757580686293124472;0.124848484848484847509197948057;0.032424242424242424864821998653;0.010909090909090909948808700847;0.094242424242424238656212764909;0.063333333333333338699411285688;0.096666666666666664631257788187;0.229090909090909095047194909966
-0.006034482758620689571427142539;0.205747126436781613278981240001;0.048850574712643680952428582032;0.000000000000000000000000000000;0.085919540229885058013614695938;0.152011494252873552435190163123;0.015229885057471264156458978789;0.000000000000000000000000000000;0.096264367816091947482881607812;0.046551724137931037306170622969;0.075287356321839082884395111250;0.268103448275862077387898807501
-0.015306122448979591482709494699;0.245918367346938782080911778394;0.044217687074829932492026074442;0.000000000000000000000000000000;0.063265306122448974890382089598;0.157823129251700666753066570891;0.021088435374149658296794029866;0.000340136054421768683955068502;0.063265306122448974890382089598;0.037074829931972787255833878817;0.073129251700680270031895702232;0.278571428571428580944768782501
-0.005151515151515151727523722514;0.168787878787878792286036855330;0.039393939393939390869459060696;0.026969696969696969890417648230;0.071818181818181822673174963256;0.166969696969696962396412232010;0.020303030303030301928490786167;0.030606060606060605383538231195;0.121212121212121215485524317046;0.043030303030303029832026595614;0.073636363636363638685011778762;0.232121212121212117107660333204
-0.011904761904761904101057723437;0.144642857142857156338422441877;0.127976190476190465616923574999;0.066964285714285712303173170312;0.055357142857142854763807804375;0.095833333333333339809634310313;0.076488095238095243910692033751;0.047916666666666669904817155157;0.099404761904761898549942600312;0.050892857142857142460634634062;0.070238095238095238359576910625;0.152380952380952394697999352502
-0.001801801801801801829541749278;0.123873873873873871498396681545;0.077477477477477477152412177475;0.002702702702702702852732841166;0.065765765765765760164640596486;0.172972972972972982574901834596;0.019369369369369369288103044369;0.015765765765765764327976938830;0.121171171171171168645663840380;0.065315315315315314315114392230;0.099549549549549545823801111055;0.234234234234234228733129157263
-0.029166666666666667129259593594;0.109444444444444441422170655187;0.077777777777777779011358916250;0.093055555555555558022717832500;0.087222222222222228760202256126;0.095555555555555560243163881751;0.028055555555555555802271783250;0.029444444444444443226283070203;0.112222222222222223209087133000;0.072222222222222215437525960624;0.061388888888888888673012189656;0.204444444444444456410181487627
-0.007189542483660130330058724013;0.213725490196078421467618113638;0.084640522875816998071840657758;0.008823529411764705759901872284;0.064379084967320254762057629705;0.124183006535947715320844508824;0.034313725490196081424620899725;0.007843137254901960675468330919;0.098692810457516336186678529430;0.047058823529411764052809985515;0.085947712418300653558489443640;0.223202614379084979256973042538
-0.003216374269005848121616431001;0.219005847953216370438411786381;0.068128654970760232911786147270;0.000000000000000000000000000000;0.070467836257309943159832243964;0.143859649122807020660275156843;0.043567251461988303062877747607;0.002631578947368420993285775822;0.083333333333333328707404064062;0.038888888888888889505679458125;0.086842105263157901018367113011;0.240058479532163748793038848817
-0.010416666666666666088425508008;0.150297619047619041010577234374;0.108035714285714290472384391251;0.002380952380952381167156239883;0.072321428571428578169211220938;0.129166666666666679619268620627;0.038095238095238098674499838125;0.025892857142857144542302805235;0.130952380952380958989422765626;0.047619047619047616404230893750;0.083035714285714282145711706562;0.201785714285714290472384391251
-0.002380952380952381167156239883;0.110416666666666662965923251249;0.055357142857142854763807804375;0.174702380952380942336077396249;0.113095238095238095898942276563;0.106547619047619043786134795937;0.041369047619047617792009674531;0.020238095238095239053466301016;0.141369047619047616404230893750;0.026488095238095237665687520234;0.039583333333333331482961625625;0.168452380952380964540537888752
-0.012916666666666666574148081281;0.111666666666666664076146275875;0.054166666666666668517038374375;0.336666666666666669627261399000;0.055000000000000000277555756156;0.108749999999999999444888487687;0.027083333333333334258519187188;0.006666666666666667094565124074;0.070000000000000006661338147751;0.053749999999999999167332731531;0.062500000000000000000000000000;0.100833333333333330372738601000
-0.018128654970760233605675537660;0.150292397660818727311848874706;0.116959064327485373624426756578;0.054678362573099416332755851045;0.072514619883040934422702150641;0.083040935672514623600015681859;0.059064327485380117843671854416;0.050584795321637426868122133783;0.090935672514619883544106926365;0.049122807017543859697816799326;0.070175438596491224174656053947;0.184502923976608196321436139442
-0.020303030303030301928490786167;0.140909090909090900511912991533;0.061515151515151515748680566276;0.199696969696969706120626142365;0.027575757575757576384178904050;0.137272727272727268488239360522;0.017878787878787879422892714842;0.020000000000000000416333634234;0.054848484848484847786753704213;0.059393939393939394755239646884;0.108484848484848489524878800694;0.152121212121212129320113604081
-0.011594202898550724778470311094;0.083695652173913046012465599688;0.053260869565217389132172343125;0.336956521739130432369080381250;0.064855072463768120849536558126;0.080797101449275363083124545938;0.030072463768115943044678672891;0.011231884057971014412302679375;0.072101449275362314295101384687;0.080797101449275363083124545938;0.083695652173913046012465599688;0.090942028985507239458030426249
-0.001626016260162601624605915873;0.183333333333333320380731379373;0.067886178861788618044137422203;0.012601626016260162807536282514;0.104878048780487800883953752873;0.113008130081300811609068546204;0.019105691056910567571236470030;0.002845528455284553059900787275;0.104471544715447159368260088286;0.056504065040650405804534273102;0.046747967479674794322175301886;0.286991869918699182839816330670
-0.014102564102564102768710974090;0.100000000000000005551115123126;0.058119658119658121342432366419;0.425213675213675201813856574518;0.041452991452991451437615211262;0.058547008547008547174606007957;0.017948717948717947401338079771;0.029487179487179486503389824748;0.047435897435897433904727904519;0.052991452991452990539666956238;0.055982905982905985242670254820;0.098717948717948714176806390697
-0.029999999999999998889776975375;0.078888888888888883399452822687;0.082777777777777783452251014751;0.357499999999999984456877655248;0.045555555555555557467606320188;0.059166666666666666019036568969;0.036388888888888887285233408875;0.021944444444444443503838826359;0.056944444444444443365060948281;0.053888888888888888950567945813;0.050000000000000002775557561563;0.126944444444444443087505192125
-0.013703703703703704053218359604;0.059629629629629629650189315271;0.078148148148148147140723551729;0.509259259259259300378630541672;0.024074074074074074125473288177;0.040740740740740744030290443334;0.020740740740740740144509857146;0.030370370370370370488588562807;0.044814814814814814269983145323;0.065555555555555561353386906376;0.052592592592592593558897817729;0.060370370370370372847812490136
-0.022666666666666668294993769450;0.055666666666666669849306003925;0.085000000000000006106226635438;0.448333333333333305947832059246;0.043333333333333334813630699500;0.026666666666666668378260496297;0.026666666666666668378260496297;0.039333333333333331260917020700;0.050333333333333334091985733494;0.057333333333333333370340767488;0.054333333333333330705805508387;0.090333333333333334924653001963
-0.014015151515151515193569053963;0.106818181818181812126056229317;0.135227272727272723740199467102;0.110606060606060610518319720086;0.070075757575757569028951365908;0.063257575757575762454010259717;0.034090909090909088385856762216;0.014015151515151515193569053963;0.066287878787878784514475682954;0.050757575757575758290673917372;0.107954545454545455807071618892;0.226893939393939397808352964603
-0.012765957446808509981317492077;0.083687943262411343403606167612;0.099645390070921990854913019575;0.314184397163120576745853895773;0.023404255319148935254869314804;0.058510638297872341606620238963;0.029078014184397163455209067706;0.025177304964539008735879832557;0.058865248226950356302822342514;0.091489361702127652842264637911;0.075886524822695033964947697314;0.127304964539007081647525865264
-0.018478260869565218266208361797;0.106884057971014495569406221875;0.096376811594202901889438805938;0.248550724637681158535329473125;0.045289855072463768015378349219;0.067391304347826086473816076250;0.026811594202898549749169987422;0.021014492753623187359934831875;0.053985507246376809864507606562;0.077173913043478259421448228750;0.065579710144927541581871821563;0.172463768115942023273490235624
-0.011249999999999999583666365766;0.057916666666666664908813544344;0.054583333333333330927850113312;0.427916666666666667406815349750;0.027916666666666666019036568969;0.085000000000000006106226635438;0.022916666666666665047591422422;0.012916666666666666574148081281;0.055833333333333332038073137937;0.061666666666666668239482618219;0.099166666666666666851703837438;0.082916666666666666296592325125
-0.021212121212121213403856145874;0.125000000000000000000000000000;0.107575757575757574580066489034;0.102651515151515146384575416505;0.057954545454545453031514057329;0.091666666666666660190365689687;0.054166666666666668517038374375;0.014393939393939394685850707845;0.079924242424242425419933510966;0.045454545454545455807071618892;0.084848484848484853615424583495;0.215151515151515149160132978068
-0.017543859649122806043664013487;0.106578947368421050878595224276;0.076754385964912283379923962912;0.228070175438596478567632175327;0.059210526315789470397366045518;0.088596491228070173296060829671;0.026315789473684209065496020230;0.004385964912280701510916003372;0.066666666666666665741480812812;0.084210526315789471785144826299;0.118421052631578940794732091035;0.123245614035087713844518475526
-0.002500000000000000052041704279;0.131666666666666654084139054248;0.068750000000000005551115123126;0.242916666666666669627261399000;0.042500000000000003053113317719;0.103749999999999995003996389187;0.026249999999999999028554853453;0.002083333333333333304421275400;0.056250000000000001387778780781;0.065416666666666664631257788187;0.102083333333333331482961625625;0.155833333333333323711400453249
-0.044715447154471545110343555507;0.151626016260162588267235150852;0.103252032520325207065603478895;0.001626016260162601624605915873;0.051219512195121948139320267046;0.107317073170731705489266971654;0.029674796747967479432217530189;0.020325203252032519873893079421;0.120325203252032525425008202546;0.069918699186991867255969168582;0.108130081300813002398442108642;0.191869918699186986499327645106
-0.050354609929078017471759665113;0.087234042553191490365627203118;0.122695035460992904474686326921;0.212765957446808512409930358444;0.025177304964539008735879832557;0.066666666666666665741480812812;0.045035460992907803967622015762;0.080496453900709225015575043471;0.062411347517730496325949474112;0.069148936170212768614895537667;0.089716312056737593239041927973;0.088297872340425534454233513770
-0.020833333333333332176851016015;0.140000000000000013322676295502;0.115416666666666667406815349750;0.112500000000000002775557561563;0.033333333333333332870740406406;0.093750000000000000000000000000;0.046249999999999999444888487687;0.042083333333333333703407674875;0.055000000000000000277555756156;0.058333333333333334258519187188;0.094166666666666662410811738937;0.188333333333333324821623477874
-0.015873015873015872134743631250;0.120634920634920636550724282188;0.076587301587301592764589486251;0.193253968253968261281627860626;0.052380952380952382207990325469;0.089285714285714287696826829688;0.017460317460317460735996775156;0.017460317460317460735996775156;0.071825396825396820021936150624;0.109920634920634918696435988750;0.086111111111111110494320541875;0.149206349206349203617705256875
-0.008130081300813008990391317354;0.116666666666666668517038374375;0.065447154471544713438824203422;0.115853658536585371607863237386;0.058130081300813006561778450987;0.136991869918699188390931453796;0.029674796747967479432217530189;0.015040650406504065678126025318;0.110569105691056907003755327423;0.070325203252032522649450640984;0.109349593495934954701098718033;0.163821138211382111293801244756
-0.018954248366013070475899482403;0.124509803921568629192506705294;0.106862745098039210733809056819;0.000000000000000000000000000000;0.044771241830065360012280706314;0.134967320261437900841272607977;0.030065359477124183745777585841;0.010457516339869280322383282567;0.120915032679738562726434736305;0.069281045751633990592566192390;0.115686274509803926902051784964;0.223529411764705893128635239009
-0.026016260162601625993694653971;0.191869918699186986499327645106;0.064227642276422761136167594032;0.004065040650406504495195658677;0.025609756097560974069660133523;0.205284552845528461828550348400;0.038617886178861790535954412462;0.009349593495934959558324450768;0.047967479674796746624831911276;0.057723577235772358107190882492;0.181300813008130085046687440808;0.147967479674796759114840938309
-0.015986394557823128959039848951;0.175170068027210884542554936161;0.091836734693877555835150872099;0.120748299319727886436126595981;0.074489795918367351923450314644;0.083333333333333328707404064062;0.052721088435374152680878978572;0.018027210884353741388030911708;0.062244897959183670410610034196;0.046938775510204082397347491451;0.068367346938775511167030174420;0.190136054421768702082928825803
-0.038993710691823897651620001170;0.047798742138364783138548830266;0.096540880503144660407244259659;0.338050314465408785480349251884;0.041823899371069180042059798552;0.066352201257861634364765279770;0.021383647798742137086103198840;0.023270440251572325346396397094;0.077987421383647795303240002340;0.073270440251572324652507006704;0.089622641509433956241714724911;0.084905660377358485590981729274
-0.020000000000000000416333634234;0.105555555555555555247160270937;0.117777777777777772905132280812;0.090740740740740746805848004897;0.059259259259259261520824679792;0.087037037037037037756626034479;0.024814814814814813853649511088;0.015185185185185185244294281404;0.078888888888888883399452822687;0.102222222222222228205090743813;0.109629629629629632425746876834;0.188888888888888883954564334999
-0.011458333333333332523795711211;0.135763888888888878403449211874;0.121180555555555555247160270937;0.076736111111111116045435665001;0.033333333333333332870740406406;0.091666666666666660190365689687;0.028472222222222221682530474141;0.019097222222222223764198645313;0.088888888888888892281237019688;0.107291666666666660190365689687;0.121180555555555555247160270937;0.164930555555555552471602709375
-0.012994350282485874967242089895;0.159039548022598870025134942807;0.113841807909604519899460228771;0.029096045197740113413820139954;0.053107344632768359315999617820;0.112711864406779660452428970530;0.084745762711864403016193136864;0.024576271186440679095142058941;0.086723163841807907048497838787;0.067231638418079095464996441933;0.116101694915254238793522745254;0.139830508474576259425603552700
-0.010638297872340425273551822727;0.244326241134751764860766343190;0.079078014184397166230766629269;0.002482269503546099403967772901;0.050354609929078017471759665113;0.155673758865248229588118533684;0.047163120567375885205940733158;0.008156028368794325869584049826;0.063829787234042548171863984408;0.042553191489361701094207290907;0.122340425531914889778484223370;0.173404255319148936642648095585
-0.014539007092198581727604533853;0.156737588652482273676724844336;0.147517730496453891575470152020;0.000354609929078014208311125932;0.074468085106382975180139283111;0.078368794326241136838362422168;0.045035460992907803967622015762;0.016666666666666666435370203203;0.090070921985815607935244031523;0.047163120567375885205940733158;0.080141843971631210319372939921;0.248936170212765955911393689348
-0.030952380952380953438307642500;0.161111111111111121596550788126;0.110714285714285709527615608749;0.000396825396825396825052634231;0.077380952380952383595769106250;0.105952380952380950662750080937;0.050793650793650793606737181562;0.042063492063492066708185745938;0.081746031746031747045044824063;0.041269841269841268938112222031;0.076587301587301592764589486251;0.221031746031746023639641407499
-0.042307692307692310040856398246;0.116666666666666668517038374375;0.123076923076923083755218613078;0.035897435897435894802676159543;0.058974358974358973006779649495;0.060683760683760683274368119555;0.042735042735042735873030039784;0.100427350427350431383288764664;0.096153846153846159183764541467;0.074786324786324784308355617668;0.085470085470085471746060079568;0.162820512820512824925245354279
-0.027272727272727271402574800163;0.131313131313131326027843215343;0.125757575757575762454010259717;0.014141414141414142269237430583;0.031313131313131313537834188310;0.122222222222222218213083522187;0.032828282828282831506960803836;0.113131313131313138153899444660;0.067676767676767682346827825768;0.076767676767676762406011903295;0.105555555555555555247160270937;0.152020202020202027659578902785
-0.019369369369369369288103044369;0.169369369369369360267540969289;0.058108108108108111333756085060;0.120270270270270276946611431867;0.038738738738738738576206088737;0.152702702702702697301617718040;0.041441441441441441428938929903;0.012612612612612612156270941455;0.054954954954954955692603135731;0.077927927927927923001938381731;0.113513513513513519814779328954;0.140990990990990994191633944865
-0.005952380952380952050528861719;0.172222222222222220988641083750;0.059523809523809520505288617187;0.117460317460317459348217994375;0.049206349206349205005484037656;0.128174603174603163324718479998;0.031349206349206348853897452500;0.010714285714285714384841341484;0.064682539682539688663531762813;0.062698412698412697707794905000;0.137301587301587313394435341252;0.160714285714285726180960978127
-0.026388888888888888811790067734;0.157638888888888883954564334999;0.104861111111111113269878103438;0.048263888888888890893458238907;0.043055555555555555247160270937;0.109027777777777779011358916250;0.054861111111111110494320541875;0.027777777777777776235801354687;0.081944444444444444752839729063;0.097916666666666665741480812812;0.114930555555555549696045147812;0.133333333333333331482961625625
-0.029545454545454544886817771498;0.130303030303030309422496202387;0.093181818181818185098386209120;0.054545454545454542805149600326;0.053409090909090906063028114659;0.098863636363636361870099733551;0.034469696969696969612861892074;0.043181818181818182322828647557;0.081060606060606055223161092727;0.084848484848484853615424583495;0.081818181818181817677171352443;0.214772727272727281810915656024
-0.020000000000000000416333634234;0.181666666666666670737484423626;0.106111111111111114380101128063;0.019722222222222220849863205672;0.074166666666666672402818960563;0.115555555555555550251156660124;0.038888888888888889505679458125;0.021388888888888887840344921187;0.071111111111111111049432054187;0.041944444444444443920172460594;0.077777777777777779011358916250;0.231666666666666659635254177374
-0.050333333333333334091985733494;0.126000000000000000888178419700;0.129000000000000003552713678801;0.005333333333333333155235056466;0.045666666666666667906415710831;0.070000000000000006661338147751;0.064000000000000001332267629550;0.062333333333333330872338962081;0.084000000000000005218048215738;0.070666666666666669294194491613;0.086666666666666669627261399000;0.205999999999999988675725148823
-0.006597222222222222202947516934;0.150347222222222215437525960624;0.053124999999999998612221219219;0.001736111111111111014737584668;0.031944444444444441977282167500;0.260069444444444464181742660003;0.014583333333333333564629796797;0.007986111111111110494320541875;0.067013888888888886730121896562;0.062500000000000000000000000000;0.139930555555555558022717832500;0.204166666666666662965923251249
-0.026666666666666668378260496297;0.058888888888888886452566140406;0.051388888888888886730121896562;0.427222222222222225429533182250;0.033611111111111112437210834969;0.086666666666666669627261399000;0.017222222222222222098864108375;0.014444444444444443781394582516;0.079722222222222222098864108375;0.067222222222222224874421669938;0.088611111111111112714766591125;0.048333333333333332315628894094
-0.019318181818181817677171352443;0.102651515151515146384575416505;0.062121212121212118772994870142;0.101893939393939397808352964603;0.031818181818181814901613790880;0.190530303030303022060465423237;0.024242424242424242403215473018;0.008712121212121212709966755483;0.097348484848484850839867021932;0.059469696969696971000640672855;0.130681818181818176771713524431;0.171212121212121204383294070794
-0.057207207207207205756915868733;0.118918918918918925520245011285;0.126576576576576588228917330525;0.011711711711711711783601153058;0.070720720720720720020580074561;0.065315315315315314315114392230;0.059909909909909908609648709898;0.039189189189189191364626196901;0.126576576576576588228917330525;0.077927927927927923001938381731;0.062612612612612611462381551064;0.183333333333333320380731379373
-0.012056737588652482323636760952;0.197517730496453908228815521397;0.135460992907801419660174246928;0.001418439716312056833244503729;0.041489361702127657005600980256;0.103900709219858153331550454368;0.073758865248226945787735076010;0.030141843971631204074368426404;0.071631205673758871488310262521;0.039007092198581561071080159309;0.102836879432624109242944143716;0.190780141843971629000975553936
-0.056779661016949152518851207105;0.120056497175141246858132149100;0.149435028248587564725369247753;0.040960451977401127199307495630;0.025423728813559323680415502622;0.073163841807909607561910547702;0.025988700564971749934484179789;0.052824858757062144454241803260;0.098870056497175146104083864884;0.133050847457627130498991618879;0.094632768361581923177716646478;0.128813559322033893694836592658
-0.031972789115646257918079697902;0.104421768707482987004198093928;0.149319727891156467380895378483;0.003741496598639455686136079393;0.067687074829931970221252868214;0.061904761904761906876615285000;0.042517006802721087066476712835;0.022789115646258503722343391473;0.140816326530612240253148570446;0.096258503401360537288233842901;0.104421768707482987004198093928;0.174149659863945566184995072945
-0.040579710144927533255199136875;0.080434782608695645778063010312;0.142028985507246380270984786875;0.009057971014492753950020365039;0.034057971014492753603075669844;0.066304347826086962314207085001;0.033333333333333332870740406406;0.053623188405797099498339974843;0.144927536231884063200325840626;0.123550724637681158535329473125;0.128985507246376807088950044999;0.143115942028985504430593778125
-0.037499999999999998612221219219;0.079583333333333339254522798001;0.184583333333333321490954403998;0.009583333333333332593184650250;0.062500000000000000000000000000;0.054583333333333330927850113312;0.082916666666666666296592325125;0.070000000000000006661338147751;0.095000000000000001110223024625;0.095000000000000001110223024625;0.096250000000000002220446049250;0.132500000000000006661338147751
-0.010370370370370370072254928573;0.147777777777777785672697064001;0.130370370370370358692468926165;0.004074074074074073709139653943;0.056296296296296295669225884239;0.101851851851851846197938300520;0.073703703703703701832772310354;0.072222222222222215437525960624;0.079629629629629633535969901459;0.064074074074074074958140556646;0.102592592592592596334455379292;0.157037037037037030540176374416
-0.064074074074074074958140556646;0.080740740740740737924063807895;0.083333333333333328707404064062;0.080740740740740737924063807895;0.098888888888888887285233408875;0.084814814814814815102650413792;0.044074074074074071072359970458;0.060370370370370372847812490136;0.127037037037037031650399399041;0.077037037037037042752629645292;0.070000000000000006661338147751;0.128888888888888886175010384250
-0.033908045977011497251751848125;0.090229885057471259646177941249;0.145402298850574707156368958749;0.061781609195402299727906125781;0.076149425287356325986465321876;0.078448275862068969632723280938;0.058045977011494255537460418282;0.047988505747126437850358371406;0.095689655172413790040764070000;0.049425287356321838394546119844;0.094540229885057475156528994376;0.168390804597701143618948549374
-0.012179487179487179585035683260;0.139743589743589746721141864327;0.154487179487179493442283728655;0.014423076923076923877564681220;0.057692307692307695510258724880;0.084615384615384620081712796491;0.049358974358974357088403195348;0.028846153846153847755129362440;0.079166666666666662965923251249;0.068910256410256415238180238703;0.115064102564102557768599410792;0.195512820512820512108831394471
-0.039147286821705429282758359477;0.097674418604651161435192818772;0.153875968992248063349492781526;0.047674418604651165598529161116;0.040310077519379844401825607747;0.059302325581395351483671163351;0.045736434108527131148225208790;0.050000000000000002775557561563;0.112403100775193803828599925509;0.086046511627906982488944720444;0.098837209302325576554260067041;0.168992248062015515408518240292
-0.060169491525423730859944981830;0.090395480225988700251349428072;0.108474576271186437526061752123;0.031355932203389828838435704483;0.037005649717514126073591995691;0.077966101694915260211793395229;0.033050847457627118008982591846;0.041242937853107342061065310190;0.118926553672316387411100890859;0.105932203389830503770241421080;0.134180790960451989946022877120;0.161299435028248588919197459290
-0.027027027027027028527328411656;0.113063063063063060087465316883;0.210360360360360348908059791029;0.000000000000000000000000000000;0.032882882882882880082320298243;0.044144144144144144281671771068;0.134234234234234223182014034137;0.068918918918918922744687449722;0.081531531531531531431511439223;0.050450450450450448625083765819;0.095045045045045045695175645051;0.142342342342342331740212557634
-0.050000000000000002775557561563;0.068148148148148152136727162542;0.129259259259259268182162827543;0.011851851851851851263330850372;0.043703703703703702942995334979;0.076666666666666660745477201999;0.032592592592592589673117231541;0.050000000000000002775557561563;0.164814814814814802890197142915;0.132222222222222213217079911374;0.117407407407407404775767645333;0.123333333333333336478965236438
-0.028750000000000001249000902703;0.077083333333333337034076748751;0.118749999999999994448884876874;0.020000000000000000416333634234;0.077083333333333337034076748751;0.099166666666666666851703837438;0.023750000000000000277555756156;0.035833333333333335091186455656;0.113750000000000003885780586188;0.097083333333333327042069527124;0.086666666666666669627261399000;0.222083333333333327042069527124
-0.014341085271317829258341802756;0.114728682170542634066734422049;0.111627906976744184497363221453;0.018217054263565891220055803501;0.063565891472868216172109612216;0.098062015503875971100811170800;0.035271317829457367321044358732;0.032170542635658917751673158136;0.115116279069767443732352774077;0.076356589147286824115212766628;0.099224806201550386219878419070;0.221317829457364334544422490580
-0.025185185185185185452461098521;0.163333333333333330372738601000;0.124814814814814808996423778353;0.074444444444444438091501581312;0.026666666666666668378260496297;0.077037037037037042752629645292;0.085555555555555551361379684749;0.044444444444444446140618509844;0.074074074074074069962136945833;0.083333333333333328707404064062;0.103333333333333332593184650250;0.117777777777777772905132280812
-0.050340136054421766309552310759;0.094557823129251705740472289108;0.139115646258503394827599208838;0.047278911564625852870236144554;0.040476190476190478106932602032;0.056462585034013607065972450982;0.053401360544217686687762380870;0.116666666666666668517038374375;0.099659863945578228139332566116;0.119047619047619041010577234374;0.086054421768707478612725481071;0.096938775510204078234011149107
-0.021180555555555556634939051719;0.085763888888888889505679458125;0.126041666666666662965923251249;0.002083333333333333304421275400;0.050000000000000002775557561563;0.082291666666666665741480812812;0.023611111111111110494320541875;0.030208333333333333564629796797;0.149305555555555552471602709375;0.116319444444444447528397290625;0.109027777777777779011358916250;0.204166666666666662965923251249
-0.012222222222222222862142437805;0.091111111111111114935212640376;0.075555555555555556357383295563;0.231944444444444453079512413751;0.068888888888888888395456433500;0.066944444444444445307951241375;0.020277777777777776513357110844;0.049444444444444443642616704437;0.107777777777777777901135891625;0.054444444444444441144614899031;0.060833333333333336478965236438;0.160555555555555562463609931001
-0.028104575163398693576910503111;0.089869281045751633896223609099;0.141503267973856206030092153014;0.043790849673202611458400212996;0.045424836601307187755605099255;0.081372549019607845477430885239;0.033333333333333332870740406406;0.045751633986928101627267295726;0.125490196078431370807493294706;0.099346405228758163930002922370;0.110130718954248363328218829338;0.155882352941176471894380028971
-0.012916666666666666574148081281;0.135000000000000008881784197001;0.075416666666666673513041985188;0.000416666666666666693410320255;0.087083333333333332038073137937;0.111250000000000001665334536938;0.030416666666666668239482618219;0.004583333333333333356462979680;0.140416666666666661855700226624;0.055416666666666669627261399000;0.106249999999999997224442438437;0.240833333333333343695414896501
-0.036742424242424243097104863409;0.085227272727272720964641905539;0.091287878787878792841148367643;0.214772727272727281810915656024;0.068181818181818176771713524431;0.080681818181818187873943770683;0.019318181818181817677171352443;0.024621212121212120160773650923;0.116666666666666668517038374375;0.068939393939393939225723784148;0.076136363636363640905457828012;0.117424242424242430971048634092
-0.008496732026143790153516199837;0.166993464052287571286470324594;0.112091503267973860435979815975;0.115686274509803926902051784964;0.031045751633986928830211127206;0.107189542483660124605471253290;0.054575163398692810856616119963;0.018627450980392156604237285933;0.061437908496732022978203957564;0.060130718954248367491555171682;0.109150326797385621713232239927;0.154575163398692816407731243089
-0.068292682926829273437618894604;0.081707317073170734889053790084;0.156097560975609755962167923826;0.002032520325203252247597829339;0.044715447154471545110343555507;0.075609756097560973375770743132;0.072357723577235771861282387363;0.075203252032520331860077078545;0.101626016260162599369465397103;0.064634146341463416529649066433;0.108130081300813002398442108642;0.149593495934959352933191212287
-0.040942028985507243621366768593;0.139855072463768104196191188748;0.084420289855072466744800863125;0.004347826086956521791926366660;0.076086956521739135261839237501;0.116304347826086951211976838749;0.024275362318840580655443517344;0.019202898550724638998543625235;0.104710144927536233372400431563;0.064855072463768120849536558126;0.111231884057971019963417802501;0.213768115942028991138812443751
-0.028861788617886179053595441246;0.176016260162601634320367338660;0.111382113821138217790718272227;0.014634146341463415488814980847;0.046341463414634145867587733392;0.107723577235772360882748444055;0.033333333333333332870740406406;0.021544715447154472176549688811;0.112601626016260156215587073802;0.069918699186991867255969168582;0.100000000000000005551115123126;0.177642276422764228138717612637
-0.027083333333333334258519187188;0.111666666666666664076146275875;0.149999999999999994448884876874;0.018749999999999999306110609609;0.044166666666666666574148081281;0.068750000000000005551115123126;0.039166666666666669072149886688;0.068333333333333329262515576374;0.102916666666666670182372911313;0.069583333333333330372738601000;0.110416666666666662965923251249;0.189166666666666677398822571377
-0.051351351351351354201923982146;0.089189189189189194140183758464;0.144594594594594588743419194543;0.107657657657657654381999634552;0.042792792792792792855305350486;0.051801801801801800051450186402;0.056306306306306307118969556313;0.069819819819819814443739858234;0.080630630630630625854671222896;0.081981981981981977281037643479;0.092792792792792788691969008141;0.131081081081081074479754988715
-0.029722222222222222792753498766;0.097777777777777782897139502438;0.157777777777777766798905645373;0.057222222222222222931531376844;0.055277777777777779844026184719;0.066111111111111106608539955687;0.055277777777777779844026184719;0.040000000000000000832667268469;0.103888888888888891726125507375;0.083055555555555549140933635499;0.110555555555555559688052369438;0.143333333333333340364745822626
-0.096124031007751936650507218474;0.050775193798449615167900361712;0.106976744186046510143306420559;0.109302325581395354259228724914;0.042248062015503878852129560073;0.083333333333333328707404064062;0.015891472868217054043027403054;0.051550387596899227560243161861;0.157364341085271308706694526336;0.112015503875968994162981573481;0.081782945736434103922718463764;0.092635658914728677415517665850
-0.035374149659863948769178421117;0.103401360544217682524426038526;0.112585034013605436720162344955;0.005102040816326530205115918903;0.104081632653061223470203344732;0.075510204081632656403222370045;0.033673469387755103343629059509;0.014965986394557822744544317572;0.157823129251700666753066570891;0.069727891156462579180796979017;0.089115646258503405929829455090;0.198639455782312929210675633840
-0.008192090395480225786806194321;0.140677966101694917888664804195;0.103672316384180784876178904597;0.116101694915254238793522745254;0.056779661016949152518851207105;0.087288135593220336772013467908;0.020903954802259885892290469656;0.018361581920903955605917090566;0.107062146892655363217272679321;0.049435028248587573052041932442;0.085028248587570617877950951424;0.206497175141242939044872173326
-0.016666666666666666435370203203;0.036333333333333335535275665507;0.059333333333333335146697606888;0.585666666666666668739082979300;0.024333333333333331816028533012;0.025333333333333332704206952712;0.029999999999999998889776975375;0.016333333333333331649495079319;0.057000000000000002053912595557;0.040333333333333332149095440400;0.044333333333333335701809119200;0.064333333333333339587589705388
-0.017054263565891472631541603278;0.074031007751937979999290462274;0.132945736434108535695131081411;0.252325581395348830238134496540;0.041472868217054266459786759924;0.041472868217054266459786759924;0.055426356589147289521957162606;0.064728682170542631291176860486;0.072480620155038755214604861976;0.058527131782945739091328363202;0.062015503875968991387424011918;0.127519379844961228132049768647
-0.063475177304964533475661880857;0.059574468085106385695226549615;0.142553191489361713584216317940;0.098936170212765961462508812474;0.050354609929078017471759665113;0.058156028368794326910418135412;0.023404255319148935254869314804;0.045035460992907803967622015762;0.126950354609929066951323761714;0.084751773049645387492212478264;0.110283687943262417863188318279;0.136524822695035463748780557580
-0.029347826086956522312343409453;0.075724637681159417956777701875;0.138405797101449262731520661873;0.164130434782608691790528609999;0.042391304347826085086037295468;0.061231884057971017187860240938;0.054347826086956520230675238281;0.096376811594202901889438805938;0.061956521739130437920195504375;0.063768115942028982812139759062;0.080072463768115942350789282500;0.132246376811594207323352634376
-0.012999999999999999403255124264;0.135000000000000008881784197001;0.099000000000000004662936703426;0.101000000000000006439293542826;0.061333333333333329984160542381;0.099666666666666667295793047288;0.058999999999999996891375531050;0.038999999999999999944488848769;0.078666666666666662521834041399;0.047000000000000000111022302463;0.097666666666666665519436207887;0.169666666666666660079343387224
-0.038333333333333330372738601000;0.089999999999999996669330926125;0.108333333333333337034076748751;0.255000000000000004440892098501;0.050000000000000002775557561563;0.055416666666666669627261399000;0.050416666666666665186369300500;0.029166666666666667129259593594;0.076249999999999998334665463062;0.059583333333333335368742211813;0.071666666666666670182372911313;0.115833333333333329817627088687
-0.050653594771241830518881954504;0.067973856209150321228129598694;0.133006535947712417611299429154;0.065686274509803924126494223401;0.045424836601307187755605099255;0.058169934640522877322688088952;0.044117647058823532268956313374;0.041176470588235293546208737325;0.131372549019607848252988446802;0.113398692810457515922628601857;0.113398692810457515922628601857;0.135620915032679728584597000918
-0.044326241134751774575217808660;0.126950354609929066951323761714;0.168085106382978716199616542326;0.034042553191489362263144613507;0.035106382978723406351750924159;0.065248226950354606956672398610;0.072340425531914887002926661808;0.034042553191489362263144613507;0.093262411347517726323275155664;0.079078014184397166230766629269;0.114539007092198580339825753072;0.132978723404255316786759522074
-0.038617886178861790535954412462;0.053658536585365852744633485827;0.111382113821138217790718272227;0.301219512195121941200426363139;0.055691056910569108895359136113;0.046747967479674794322175301886;0.029674796747967479432217530189;0.034146341463414636718809447302;0.078861788617886174890259098902;0.069105691056910570346794031593;0.069918699186991867255969168582;0.110975609756097562397236799825
-0.059770114942528734802706935625;0.043678160919540229278901222187;0.140804597701149419863853040624;0.142816091954022977850158326873;0.024425287356321840476214291016;0.058045977011494255537460418282;0.016954022988505748625875924063;0.040804597701149428190525725313;0.127011494252873557986305286249;0.145402298850574707156368958749;0.109195402298850580136146959376;0.091091954022988502748248151875
-0.018154761904761906182725894610;0.113690476190476189022326991562;0.115476190476190482270268944376;0.136904761904761917978845531252;0.064880952380952386371326667813;0.080952380952380956213865204063;0.037202380952380952050528861719;0.020535714285714285615158658516;0.090476190476190473943596259687;0.056845238095238094511163495781;0.091369047619047613628673332187;0.173511904761904756089307966249
-0.047058823529411764052809985515;0.115359477124183013030389588494;0.109803921568627449456556632867;0.014379084967320260660117448026;0.060784313725490195234879564623;0.110130718954248363328218829338;0.027124183006535948492476961746;0.024183006535947713239176337652;0.103594771241830072017187092115;0.067320261437908493484805205753;0.094771241830065355848944363970;0.225490196078431376358608417831
-0.070833333333333331482961625625;0.050000000000000002775557561563;0.084583333333333329817627088687;0.097500000000000003330669073875;0.082916666666666666296592325125;0.085833333333333330927850113312;0.034166666666666664631257788187;0.103333333333333332593184650250;0.107083333333333335923853724125;0.090833333333333335368742211813;0.072916666666666671292595935938;0.119999999999999995559107901499
-0.080416666666666664076146275875;0.079583333333333339254522798001;0.215416666666666672957930472876;0.045833333333333330095182844843;0.042083333333333333703407674875;0.032083333333333331760517381781;0.088333333333333333148296162562;0.116666666666666668517038374375;0.059999999999999997779553950750;0.062500000000000000000000000000;0.078333333333333338144299773376;0.098750000000000004440892098501
-0.025213675213675214303865601551;0.101709401709401708879809689279;0.214102564102564091319536032643;0.054273504273504274975081784760;0.031196581196581196770978294808;0.046581196581196582240380621442;0.067521367521367517405828095889;0.098290598290598288344632749158;0.064957264957264962412786246659;0.087606837606837600906928287259;0.085470085470085471746060079568;0.123076923076923083755218613078
-0.078911564625850333376533285445;0.080952380952380956213865204063;0.124829931972789118233002625402;0.069727891156462579180796979017;0.043877551020408162019137421339;0.070408163265306120126574285223;0.036394557823129253248950476518;0.074829931972789115457445063839;0.098979591836734687193555259910;0.102721088435374155456436540135;0.092176870748299319369145621295;0.126190476190476186246769429999
-0.044715447154471545110343555507;0.095934959349593493249663822553;0.141463414634146328330288611141;0.000813008130081300812302957937;0.090243902439024387129862248003;0.065447154471544713438824203422;0.049186991869918698927488520667;0.039430894308943087445129549451;0.130894308943089426877648406844;0.068292682926829273437618894604;0.099186991869918694764152178323;0.174390243902439012746441449053
-0.074583333333333334813630699500;0.077083333333333337034076748751;0.155833333333333323711400453249;0.002916666666666666799662133158;0.052916666666666667406815349750;0.057083333333333333148296162562;0.059583333333333335368742211813;0.135000000000000008881784197001;0.096250000000000002220446049250;0.048750000000000001665334536938;0.094583333333333338699411285688;0.145416666666666666296592325125
-0.073015873015873020146493388438;0.072222222222222215437525960624;0.115476190476190482270268944376;0.008730158730158730367998387578;0.057936507936507938842929377188;0.092460317460317464899333117501;0.047222222222222220988641083750;0.087698412698412692156679781874;0.103968253968253973584801030938;0.073412698412698415562083198438;0.117857142857142854763807804375;0.149999999999999994448884876874
-0.015972222222222220988641083750;0.109375000000000000000000000000;0.118055555555555552471602709375;0.000347222222222222235473582108;0.071874999999999994448884876874;0.109027777777777779011358916250;0.045486111111111109106541761093;0.015972222222222220988641083750;0.131250000000000005551115123126;0.064236111111111104943205418749;0.120833333333333334258519187188;0.197569444444444436426167044374
-0.024842767295597485699421014260;0.140880503144654084524134418643;0.164779874213836469154514929869;0.005974842767295597892318603783;0.074842767295597481536084671916;0.072327044025157230522360407576;0.073899371069182387405938072789;0.024842767295597485699421014260;0.089622641509433956241714724911;0.053773584905660379296143958072;0.078301886792452826679955535383;0.195911949685534603204928316700
-0.043333333333333334813630699500;0.082916666666666666296592325125;0.139166666666666660745477201999;0.055833333333333332038073137937;0.048750000000000001665334536938;0.095000000000000001110223024625;0.049583333333333333425851918719;0.054166666666666668517038374375;0.106249999999999997224442438437;0.094583333333333338699411285688;0.115000000000000004996003610813;0.115416666666666667406815349750
-0.007499999999999999722444243844;0.124166666666666661300588714312;0.050416666666666665186369300500;0.007499999999999999722444243844;0.036249999999999997501998194593;0.299166666666666691831721891504;0.007916666666666667337426410711;0.012083333333333333078907223523;0.057083333333333333148296162562;0.052083333333333335646297967969;0.158750000000000002220446049250;0.187083333333333323711400453249
-0.002083333333333333304421275400;0.166666666666666657414808128124;0.076666666666666660745477201999;0.000833333333333333386820640509;0.034166666666666664631257788187;0.236249999999999987787546729123;0.026249999999999999028554853453;0.007499999999999999722444243844;0.062500000000000000000000000000;0.057083333333333333148296162562;0.175833333333333341474968847251;0.154166666666666674068153497501
-0.019166666666666665186369300500;0.202500000000000013322676295502;0.132500000000000006661338147751;0.018333333333333333425851918719;0.027500000000000000138777878078;0.104166666666666671292595935938;0.086666666666666669627261399000;0.028750000000000001249000902703;0.057500000000000002498001805407;0.065833333333333327042069527124;0.108333333333333337034076748751;0.148749999999999993338661852249
-0.011788617886178862428914193572;0.213414634146341458675877333917;0.163414634146341469778107580169;0.001219512195121951218454436905;0.034146341463414636718809447302;0.062601626016260167317817320054;0.071544715447154474952107250374;0.021544715447154472176549688811;0.065447154471544713438824203422;0.063008130081300808833510984641;0.105284552845528456277435225275;0.186585365853658535773007542957
-0.034013605442176873816517712612;0.101360544217687073564881927723;0.150680272108843549272449990895;0.005782312925170067681446273156;0.055782312925170066120195144777;0.088095238095238101450057399688;0.073469387755102047443678259242;0.070068027210884356592579536027;0.110204081632653064226623484956;0.060544217687074831923954576496;0.120408163265306122902131846786;0.129591836734693877097868153214
-0.041481481481481480289019714291;0.106296296296296291505889541895;0.133703703703703713490114068918;0.018888888888888889089345823891;0.050370370370370370904922197042;0.091481481481481483064577275854;0.035555555555555555524716027094;0.038518518518518521376314822646;0.109629629629629632425746876834;0.083703703703703696836768699541;0.114074074074074077733698118209;0.176296296296296284289439881832
-0.032993197278911562397851753303;0.089455782312925169463824204286;0.255442176870748272055067218389;0.002040816326530612428991062757;0.024829931972789116151334454230;0.044897959183673466498909476741;0.061904761904761906876615285000;0.087755102040816324038274842678;0.071088435374149661072351591429;0.075850340136054419937217119241;0.104081632653061223470203344732;0.149659863945578230914890127679
-0.064814814814814811216869827604;0.062222222222222220433529571437;0.136296296296296304273454325084;0.059259259259259261520824679792;0.044444444444444446140618509844;0.052592592592592593558897817729;0.034814814814814812327092852229;0.077777777777777779011358916250;0.121851851851851850083718886708;0.114814814814814813992427389167;0.095925925925925928372528517230;0.135185185185185186007572610833
-0.027235772357723578296351263361;0.127235772357723569969678578673;0.110975609756097562397236799825;0.000406504065040650406151478968;0.043089430894308944353099377622;0.130487804878048785361954742257;0.091463414634146339432518857393;0.082520325203252031798228927073;0.106097560975609753186610362263;0.042682926829268295898511809128;0.089024390243902434827205638612;0.148780487804878042146228267484
-0.038768115942028988363254882188;0.117753623188405792676647365624;0.121376811594202896338323682812;0.031521739130434781039902247812;0.060507246376811596455524977500;0.092753623188405798227762488750;0.061956521739130437920195504375;0.035507246376811595067746196719;0.140217391304347821501252724374;0.071376811594202893562766121249;0.114130434782608689014971048437;0.114130434782608689014971048437
-0.015384615384615385469402326635;0.083012820512820509333273832908;0.092628205128205132190544190962;0.413461538461538435917930200958;0.011858974358974358476181976130;0.055769230769230772326583434051;0.021474358974358974394558430276;0.021794871794871793768688661430;0.046794871794871795156467442212;0.076923076923076927347011633174;0.080128205128205134966101752525;0.080769230769230773714362214832
-0.015811965811965811301575968173;0.174786324786324775981682932979;0.055555555555555552471602709375;0.048290598290598292507969091503;0.032905982905982907038566764868;0.160683760683760695764377146588;0.058974358974358973006779649495;0.038461538461538463673505816587;0.050000000000000002775557561563;0.044444444444444446140618509844;0.089743589743589743945584302764;0.230341880341880328453285642354
-0.059523809523809520505288617187;0.096666666666666664631257788187;0.048095238095238093678496227312;0.003809523809523809520505288617;0.084285714285714283255934731187;0.107619047619047614183784844499;0.026190476190476191103995162734;0.008571428571428571854817768383;0.190952380952380956768976716376;0.062380952380952384150880618563;0.082380952380952374158873396937;0.229523809523809518839954080249
-0.039393939393939390869459060696;0.084848484848484853615424583495;0.055050505050505051107823106804;0.128282828282828276211802176476;0.086363636363636364645657295114;0.124242424242424237545989740283;0.020202020202020203737403036826;0.021212121212121213403856145874;0.158585858585858580083183255738;0.068181818181818176771713524431;0.076262626262626267981126204631;0.137373737373737370148774061818
-0.044444444444444446140618509844;0.042735042735042735873030039784;0.086324786324786323410407362644;0.362820512820512808271899984902;0.018803418803418802535132314802;0.046153846153846156408206979904;0.024358974358974359170071366520;0.121794871794871792380909880649;0.048290598290598292507969091503;0.103846153846153851918465704784;0.065384615384615388244959888198;0.035042735042735043138328876466
-0.045238095238095236971798129844;0.104365079365079369000390840938;0.090079365079365078528006449687;0.226984126984126982629064173125;0.042857142857142857539365365938;0.063095238095238093123384715000;0.064682539682539688663531762813;0.107142857142857136909519510937;0.065873015873015874910301192813;0.063095238095238093123384715000;0.060714285714285713690951951094;0.065873015873015874910301192813
-0.019444444444444444752839729063;0.125462962962962970570046650209;0.085648148148148153802061699480;0.165277777777777773460243793124;0.045370370370370373402924002448;0.081944444444444444752839729063;0.031018518518518518184423626849;0.010185185185185186007572610833;0.098148148148148151026504137917;0.068055555555555549696045147812;0.089814814814814819543542512292;0.179629629629629639087085024585
-0.043333333333333334813630699500;0.104583333333333333703407674875;0.076249999999999998334665463062;0.000416666666666666693410320255;0.151666666666666671847707448251;0.070000000000000006661338147751;0.020000000000000000416333634234;0.013333333333333334189130248149;0.149999999999999994448884876874;0.052083333333333335646297967969;0.103749999999999995003996389187;0.214583333333333320380731379373
-0.035271317829457367321044358732;0.106589147286821700477688068531;0.109689922480620150047059269127;0.004651162790697674354056800894;0.049612403100775193109939209535;0.148062015503875959998580924548;0.030232558139534883301369205810;0.027519379844961239928169405289;0.087209302325581397608011968714;0.076744186046511633780831118656;0.166279069767441861626977583910;0.158139534883720928037931230392
-0.010937499999999999306110609609;0.190104166666666657414808128124;0.068750000000000005551115123126;0.001041666666666666652210637700;0.051562499999999997224442438437;0.145833333333333342585191871876;0.036458333333333335646297967969;0.009895833333333332870740406406;0.073958333333333334258519187188;0.060937499999999998612221219219;0.117708333333333331482961625625;0.232812500000000005551115123126
-0.019491525423728815052948348807;0.200282485875706212086200252998;0.071186440677966103529605845779;0.040112994350282482614034051949;0.030225988700564972860851398195;0.181355932203389830226214485265;0.040677966101694912337549681070;0.009039548022598870372079638003;0.040395480225988697475791866509;0.039548022598870059829412326735;0.153672316384180801529524273974;0.174011299435028243820511306694
-0.037984496124031007224797207300;0.242248062015503862198784190696;0.055038759689922479856338810578;0.051937984496124030286967609982;0.027519379844961239928169405289;0.151937984496124028899188829200;0.044186046511627906363539608492;0.009302325581395348708113601788;0.045736434108527131148225208790;0.034883720930232557655426006704;0.198449612403100772439756838139;0.100775193798449611004564019368
-0.034126984126984123701920026406;0.051984126984126986792400515469;0.068650793650793656697217670626;0.573015873015872978513129964995;0.007539682539682539784420267637;0.021428571428571428769682682969;0.020634920634920634469056111016;0.088492063492063496865647209688;0.015476190476190476719153821250;0.040079365079365082691342792032;0.045634920634920632387387939843;0.032936507936507937455150596406
-0.106770833333333328707404064062;0.040104166666666669904817155157;0.026562499999999999306110609609;0.634895833333333325931846502499;0.006770833333333333564629796797;0.024479166666666666435370203203;0.008333333333333333217685101602;0.027604166666666665741480812812;0.031770833333333331482961625625;0.030729166666666665047591422422;0.033333333333333332870740406406;0.028645833333333332176851016015
-0.017500000000000001665334536938;0.093333333333333337589188261063;0.054166666666666668517038374375;0.321666666666666656304585103499;0.067916666666666666851703837438;0.086666666666666669627261399000;0.056666666666666663798590519718;0.016250000000000000555111512313;0.093333333333333337589188261063;0.037916666666666667961926862063;0.074583333333333334813630699500;0.080000000000000001665334536938
-0.042857142857142857539365365938;0.143452380952380942336077396249;0.105357142857142857539365365938;0.000000000000000000000000000000;0.102976190476190471168038698124;0.079166666666666662965923251249;0.118452380952380947887192519374;0.012500000000000000693889390391;0.116666666666666668517038374375;0.033928571428571425994125121406;0.076190476190476197348999676251;0.168452380952380964540537888752
-0.053985507246376809864507606562;0.164855072463768126400651681251;0.129710144927536241699073116251;0.000000000000000000000000000000;0.052536231884057968399837079687;0.081159420289855066510398273749;0.063768115942028982812139759062;0.010869565217391304046135047656;0.100000000000000005551115123126;0.074637681159420293797168710626;0.092391304347826080922700953124;0.176086956521739140812954360626
-0.028000000000000000582867087928;0.312666666666666648310979326197;0.096666666666666664631257788187;0.000000000000000000000000000000;0.021333333333333332620940225866;0.091333333333333335812831421663;0.069333333333333330150693996075;0.007333333333333333196868419890;0.034666666666666665075346998037;0.038666666666666668628060676838;0.112666666666666664964324695575;0.187333333333333323933445058174
-0.050617283950617285304129921997;0.129012345679012346844061198681;0.114814814814814813992427389167;0.043827160493827163612046149410;0.104320987654320990190015550070;0.069753086419753085323236518889;0.059876543209876544049397040226;0.014814814814814815380206169948;0.133950617283950607072640082151;0.058024691358024689524786055017;0.077160493827160489543892651909;0.143827160493827155285373464721
-0.012916666666666666574148081281;0.127916666666666678509045596002;0.115000000000000004996003610813;0.124583333333333337589188261063;0.027083333333333334258519187188;0.097916666666666665741480812812;0.041250000000000001942890293094;0.018333333333333333425851918719;0.090416666666666672957930472876;0.075833333333333335923853724125;0.122916666666666660190365689687;0.145833333333333342585191871876
-0.024074074074074074125473288177;0.125925925925925913384517684790;0.163333333333333330372738601000;0.053333333333333336756520992594;0.041481481481481480289019714291;0.061481481481481484174800300480;0.065555555555555561353386906376;0.055185185185185184342238073896;0.093333333333333337589188261063;0.071111111111111111049432054187;0.088888888888888892281237019688;0.156296296296296294281447103458
-0.008712121212121212709966755483;0.083712121212121209934409193920;0.080303030303030306646938640824;0.460227272727272707086854097724;0.030681818181818181628939257166;0.043939393939393937837945003366;0.051136363636363639517679047231;0.021212121212121213403856145874;0.048106060606060603579425816179;0.048106060606060603579425816179;0.054166666666666668517038374375;0.069696969696969701679734043864
-0.035317460317460316887583360312;0.074206349206349206393262818438;0.120634920634920636550724282188;0.144841269841269854046217346877;0.037698412698412696320016124218;0.045238095238095236971798129844;0.044047619047619050725028699844;0.057142857142857141072855853281;0.134920634920634913145320865624;0.104761904761904764415980650938;0.090476190476190473943596259687;0.110714285714285709527615608749
-0.036594202898550726166249091875;0.089130434782608694566086171562;0.159420289855072450091455493748;0.001811594202898550746635986108;0.052173913043478258033669447968;0.053260869565217389132172343125;0.031159420289855074143181568047;0.039130434782608698729422513907;0.155072463768115953453019528752;0.121014492753623192911049955001;0.106884057971014495569406221875;0.154347826086956518842896457500
-0.013675213675213675201813856575;0.111538461538461544653166868102;0.070085470085470086276657752933;0.023504273504273504036277131490;0.034615384615384617306155234928;0.230769230769230782041034899521;0.024786324786324785002245008059;0.014957264957264957902505209120;0.079059829059829056507879840865;0.078205128205128204843532557788;0.140170940170940172553315505866;0.178632478632478636226821322452
-0.011481481481481481399242738917;0.137777777777777776790912867000;0.056666666666666663798590519718;0.024814814814814813853649511088;0.116296296296296300387673738896;0.142592592592592604106016551668;0.041481481481481480289019714291;0.007037037037037036958653235530;0.135185185185185186007572610833;0.042962962962962959745372160114;0.101851851851851846197938300520;0.181851851851851847863272837458
-0.008333333333333333217685101602;0.111979166666666671292595935938;0.064583333333333339809634310313;0.324479166666666651863693004998;0.036458333333333335646297967969;0.077083333333333337034076748751;0.033854166666666664353702032031;0.009895833333333332870740406406;0.071354166666666662965923251249;0.044791666666666667129259593594;0.081250000000000002775557561563;0.135937499999999988897769753748
-0.010144927536231883313799784219;0.083333333333333328707404064062;0.093478260869565218960097752188;0.423913043478260864738160762499;0.018840579710144928632375993516;0.061594202898550727554027872657;0.045652173913043478381545980938;0.032608695652173912138405142969;0.034057971014492753603075669844;0.057971014492753623892351555469;0.063043478260869562079804495625;0.075362318840579714529503974063
-0.003472222222222222029475169336;0.164583333333333331482961625625;0.083333333333333328707404064062;0.008333333333333333217685101602;0.047916666666666669904817155157;0.115972222222222226539756206876;0.008333333333333333217685101602;0.001388888888888888941894328433;0.100000000000000005551115123126;0.075694444444444439201724605937;0.095138888888888883954564334999;0.295833333333333337034076748751
-0.014367816091954022789112244141;0.152873563218390795537260373749;0.117816091954022983401273449999;0.078160919540229883972770608125;0.031609195402298853605493889063;0.104597701149425292843631041251;0.037931034482758620163256324531;0.028160919540229884666659998516;0.072413793103448281796019614376;0.071264367816091953033996730937;0.072988505747126439238137152188;0.217816091954022988952388573125
-0.022988505747126436462579590625;0.080459770114942527619028567187;0.087356321839080458557802444375;0.383908045977011502802866971251;0.025862068965517241020402039453;0.052873563218390803863933058437;0.048275862068965516571417140312;0.034482758620689654693869385937;0.041954022988505750013654704844;0.070689655172413795591879193125;0.075862068965517240326512649062;0.075287356321839082884395111250
-0.022549019607843136941971451392;0.106372549019607839926315762114;0.094117647058823528105619971029;0.309313725490196089751293584413;0.036274509803921571593487982454;0.046078431372549022437823396103;0.038235294117647061762355065184;0.041666666666666664353702032031;0.056372549019607844089652104458;0.082352941176470587092417474651;0.078431372549019606754683309191;0.088235294117647064537912626747
-0.023577235772357724857828387144;0.073170731707317068770457524352;0.077235772357723581071908824924;0.484959349593495958608002638357;0.026829268292682926372316742913;0.039430894308943087445129549451;0.034959349593495933627984584291;0.031300813008130083658908660027;0.045121951219512193564931124001;0.047967479674796746624831911276;0.050406504065040651230145130057;0.065040650406504071923130538835
-0.004347826086956521791926366660;0.119565217391304351446379428126;0.123913043478260875840391008751;0.320289855072463769403157130000;0.013768115942028985240752625430;0.057971014492753623892351555469;0.083333333333333328707404064062;0.046376811594202899113881244375;0.028985507246376811946175777734;0.044927536231884057649210717500;0.087681159420289853101415644687;0.068840579710144927938486603125
-0.024479166666666666435370203203;0.143229166666666657414808128124;0.090624999999999997224442438437;0.049479166666666664353702032031;0.061979166666666668517038374375;0.079687499999999994448884876874;0.058333333333333334258519187188;0.026041666666666667823148983985;0.131770833333333337034076748751;0.069791666666666668517038374375;0.085416666666666668517038374375;0.179166666666666668517038374375
-0.024747474747474747236442027543;0.157575757575757563477836242782;0.097979797979797986218208905029;0.005555555555555555767577313730;0.058585858585858588409855940426;0.119696969696969690577503797613;0.028787878787878789371701415689;0.013131313131313130868060845557;0.100000000000000005551115123126;0.071212121212121212709966755483;0.084343434343434345312751077017;0.238383838383838392305236197899
-0.018888888888888889089345823891;0.133333333333333331482961625625;0.113703703703703709604333482730;0.000000000000000000000000000000;0.080370370370370369794699172417;0.110000000000000000555111512313;0.049259259259259259577934386698;0.034074074074074076068363581271;0.123703703703703704608329871917;0.064444444444444443087505192125;0.114444444444444445863062753688;0.157777777777777766798905645373
-0.024324324324324325674595570490;0.106756756756756762682947226040;0.109459459459459465535680067205;0.001801801801801801829541749278;0.057657657657657658545335976896;0.131081081081081074479754988715;0.037387387387387387149839668155;0.043693693693693691493251662905;0.122072072072072074222504056706;0.105405405405405411256580805457;0.112162162162162168388412908371;0.148198198198198211050780059850
-0.068137254901960778163960696929;0.102941176470588230396074891360;0.138235294117647067313470188310;0.062745098039215685403746647353;0.021078431372549021050044615322;0.050000000000000002775557561563;0.050980392156862744390544150974;0.098529411764705879250847431194;0.074019607843137255609455849026;0.135784313725490185520428099153;0.113235294117647058986797503621;0.084313725490196084200178461288
-0.158510638297872347157735362089;0.060638297872340422844938956359;0.068794326241134753918693434116;0.055319148936170209340801307007;0.087588652482269505061829306669;0.041843971631205671701803083806;0.029432624113475178151411171257;0.082978723404255314011201960511;0.141843971631205684191812110839;0.095744680851063829196689880519;0.090425531914893622631446135074;0.086879432624113475669425099568
-0.009629629629629630344078705662;0.144444444444444430875051921248;0.081851851851851856189945522146;0.271111111111111136029450108254;0.050370370370370370904922197042;0.064814814814814811216869827604;0.041851851851851848418384349770;0.020370370370370372015145221667;0.061481481481481484174800300480;0.053703703703703704885885628073;0.057037037037037038866849059104;0.143333333333333340364745822626
-0.021590909090909091161414323778;0.118939393939393942001281345711;0.171590909090909099488087008467;0.032196969696969696128618920739;0.042424242424242426807712291748;0.055303030303030305259159860043;0.061363636363636363257878514332;0.058333333333333334258519187188;0.104166666666666671292595935938;0.090530303030303030387138107926;0.095454545454545458582629180455;0.148106060606060602191647035397
-0.079629629629629633535969901459;0.059259259259259261520824679792;0.156018518518518528592764482710;0.100000000000000005551115123126;0.017129629629629630066522949505;0.029629629629629630760412339896;0.041666666666666664353702032031;0.143981481481481488060580886668;0.063425925925925927262305492604;0.141666666666666662965923251249;0.083333333333333328707404064062;0.084259259259259255969709556666
-0.173983739837398371230747784466;0.041056910569105688202373727336;0.084146341463414639494367008865;0.164634146341463422080764189559;0.008536585365853659179702361826;0.041056910569105688202373727336;0.019105691056910567571236470030;0.055691056910569108895359136113;0.115040650406504060820900292583;0.126016260162601617667021969282;0.130894308943089426877648406844;0.039837398373983742838611021853
-0.168627450980392168400356922575;0.029901960784313726809946487606;0.137254901960784325698483598899;0.101960784313725488781088301948;0.006862745098039215591034789554;0.048039215686274512606690478833;0.030392156862745097617439782312;0.120588235294117648854772539835;0.112254901960784317371810914210;0.120098039215686278047279245129;0.071078431372549016886708272978;0.052941176470588234559411233704
-0.055974842767295598933152689369;0.105031446540880507578563651805;0.144339622641509429668005282110;0.022327044025157231216249797967;0.026729559748427673959714212515;0.075471698113207544289515738001;0.054402515723270442049575024157;0.069496855345911948131920610194;0.099371069182389942797684057041;0.076100628930817607042946804086;0.121069182389937107791055836969;0.149685534591194963072169343832
-0.011428571428571428561515865852;0.205714285714285710637838633374;0.097142857142857141905523121750;0.000000000000000000000000000000;0.042380952380952380265100032375;0.120476190476190472833373235062;0.033333333333333332870740406406;0.008095238095238094580552434820;0.067619047619047620290011479938;0.045714285714285714246063463406;0.109523809523809523280846178750;0.258571428571428563181200388499
-0.054093567251461985301297374917;0.150877192982456137526625639111;0.127485380116959062801740287796;0.013742690058479532094759534289;0.045029239766081870233183082064;0.070175438596491224174656053947;0.035672514619883043118786503101;0.068713450292397657004350719490;0.081871345029239761537098729605;0.072222222222222215437525960624;0.074561403508771925685572057318;0.205555555555555546920487586249
-0.016666666666666666435370203203;0.060638297872340422844938956359;0.060992907801418437541141059910;0.455673758865248246241463903061;0.038652482269503546374878055758;0.044680851063829789271419912211;0.022340425531914894635709956106;0.021276595744680850547103645454;0.059219858156028370999024446064;0.086524822695035460973222996017;0.064539007092198577564268191509;0.068794326241134753918693434116
-0.001666666666666666773641281019;0.207916666666666666296592325125;0.119999999999999995559107901499;0.000000000000000000000000000000;0.052083333333333335646297967969;0.075416666666666673513041985188;0.033750000000000002220446049250;0.002500000000000000052041704279;0.084166666666666667406815349750;0.067916666666666666851703837438;0.082500000000000003885780586188;0.272083333333333343695414896501
-0.015447154471544715867437069790;0.120325203252032525425008202546;0.077642276422764222587602489511;0.299186991869918705866382424574;0.021544715447154472176549688811;0.060975609756097559621679238262;0.016260162601626017980782634709;0.056097560975609757349946704608;0.034959349593495933627984584291;0.084552845528455281010060673452;0.078861788617886174890259098902;0.134146341463414642269924570428
-0.137000000000000010658141036402;0.048666666666666663632057066025;0.040333333333333332149095440400;0.301999999999999990674126593149;0.016666666666666666435370203203;0.070999999999999993671728759637;0.010666666666666666310470112933;0.103333333333333332593184650250;0.070000000000000006661338147751;0.094666666666666662854900948787;0.057666666666666664686768939418;0.048000000000000000999200722163
-0.066269841269841270325891002813;0.100000000000000005551115123126;0.066269841269841270325891002813;0.107539682539682546202897128751;0.071428571428571424606346340624;0.087698412698412692156679781874;0.007936507936507936067371815625;0.044841269841269841556208319844;0.088492063492063496865647209688;0.080952380952380956213865204063;0.070634920634920633775166720625;0.207936507936507947169602061877
-0.008527131782945736315770801639;0.056589147286821704641024410876;0.059302325581395351483671163351;0.577906976744186007266534943483;0.016666666666666666435370203203;0.037984496124031007224797207300;0.014728682170542635454513202831;0.014341085271317829258341802756;0.037209302325581394832454407151;0.053875968992248064737271562308;0.061240310077519378995081211770;0.061627906976744188660699563798
-0.048780487804878050472900952172;0.113821138211382108518243683193;0.076829268292682925678427352523;0.303252032520325176534470301704;0.011788617886178862428914193572;0.051219512195121948139320267046;0.035772357723577237476053625187;0.052439024390243900441976876436;0.054065040650406501199221054321;0.109349593495934954701098718033;0.086991869918699185615373892233;0.055691056910569108895359136113
-0.031666666666666669349705642844;0.063888888888888883954564334999;0.066388888888888886175010384250;0.495277777777777761247790522248;0.012500000000000000693889390391;0.026388888888888888811790067734;0.036944444444444446418174266000;0.046388888888888889228123701969;0.036388888888888887285233408875;0.063611111111111104388093906437;0.061111111111111109106541761093;0.059444444444444445585506997531
-0.049583333333333333425851918719;0.165833333333333332593184650250;0.109166666666666661855700226624;0.012500000000000000693889390391;0.031250000000000000000000000000;0.118749999999999994448884876874;0.041250000000000001942890293094;0.027916666666666666019036568969;0.077916666666666661855700226624;0.061666666666666668239482618219;0.127083333333333325931846502499;0.177083333333333342585191871876
-0.018333333333333333425851918719;0.107916666666666660745477201999;0.046666666666666668794594130532;0.177083333333333342585191871876;0.042500000000000003053113317719;0.179999999999999993338661852249;0.018333333333333333425851918719;0.026666666666666668378260496297;0.077499999999999999444888487687;0.065000000000000002220446049250;0.117083333333333330927850113312;0.122916666666666660190365689687
-0.044444444444444446140618509844;0.113675213675213673814035075793;0.097008547008547010848111824544;0.039316239316239315337853099663;0.069230769230769234612310469856;0.100854700854700857215462406202;0.060256410256410257442194478017;0.043589743589743587537377322860;0.098717948717948714176806390697;0.073076923076923080979661051515;0.122222222222222218213083522187;0.137606837606837617560273656636
-0.057037037037037038866849059104;0.116296296296296300387673738896;0.134814814814814804000420167540;0.200740740740740747360959517209;0.012962962962962962590318660716;0.037037037037037034981068472916;0.041481481481481480289019714291;0.059629629629629629650189315271;0.049259259259259259577934386698;0.094444444444444441977282167500;0.085925925925925919490744320228;0.110370370370370368684476147791
-0.049259259259259259577934386698;0.101851851851851846197938300520;0.220740740740740737368952295583;0.063703703703703706828775921167;0.017407407407407406163546426114;0.023333333333333334397297065266;0.070370370370370374790702783230;0.117777777777777772905132280812;0.046666666666666668794594130532;0.093703703703703705718552896542;0.097777777777777782897139502438;0.097407407407407400889987059145
-0.033333333333333332870740406406;0.120325203252032525425008202546;0.190650406504065034196671035716;0.001219512195121951218454436905;0.060975609756097559621679238262;0.062601626016260167317817320054;0.044308943089430896655755987013;0.073170731707317068770457524352;0.071544715447154474952107250374;0.056504065040650405804534273102;0.079674796747967485677222043705;0.205691056910569103344244012987
-0.027500000000000000138777878078;0.195833333333333331482961625625;0.205416666666666664076146275875;0.001666666666666666773641281019;0.027916666666666666019036568969;0.030833333333333334119741309109;0.160833333333333328152292551749;0.022499999999999999167332731531;0.065000000000000002220446049250;0.051666666666666666296592325125;0.073333333333333333703407674875;0.137500000000000011102230246252
-0.024583333333333332038073137937;0.223750000000000004440892098501;0.216249999999999997779553950750;0.002083333333333333304421275400;0.011249999999999999583666365766;0.032500000000000001110223024625;0.110000000000000000555111512313;0.035416666666666665741480812812;0.057083333333333333148296162562;0.078333333333333338144299773376;0.077499999999999999444888487687;0.131250000000000005551115123126
-0.052083333333333335646297967969;0.090833333333333335368742211813;0.202083333333333337034076748751;0.011666666666666667198648532633;0.014166666666666665949647629930;0.044999999999999998334665463062;0.047916666666666669904817155157;0.080416666666666664076146275875;0.074999999999999997224442438437;0.140833333333333338144299773376;0.141666666666666662965923251249;0.098333333333333328152292551749
-0.049206349206349205005484037656;0.099206349206349200842147695312;0.138492063492063499641204771251;0.016666666666666666435370203203;0.020634920634920634469056111016;0.086507936507936505909910351875;0.019444444444444444752839729063;0.082142857142857142460634634062;0.103968253968253973584801030938;0.130158730158730168158243145626;0.123015873015873009044263142187;0.130555555555555563573832955626
-0.141111111111111103832982394124;0.060740740740740740977177125615;0.132962962962962949475809182331;0.029999999999999998889776975375;0.011851851851851851263330850372;0.054074074074074073015250263552;0.023333333333333334397297065266;0.127407407407407413657551842334;0.122592592592592586342448157666;0.137037037037037040532183596042;0.092222222222222219323306546812;0.066666666666666665741480812812
-0.096190476190476187356992454625;0.055714285714285716188953756500;0.105714285714285718964511318063;0.077142857142857138019742535562;0.032380952380952378322209739281;0.070476190476190470057815673499;0.038095238095238098674499838125;0.124285714285714291027495903563;0.103333333333333332593184650250;0.101428571428571423496123315999;0.123333333333333336478965236438;0.071904761904761901880611674187
-0.055128205128205126639429067836;0.152136752136752123609753084565;0.191880341880341892535355441396;0.017094017094017095736990796695;0.011965811965811966668948862491;0.061538461538461541877609306539;0.090598290598290595609931585841;0.071794871794871789605352319086;0.055982905982905985242670254820;0.080769230769230773714362214832;0.094444444444444441977282167500;0.116666666666666668517038374375
-0.008914728682170542511942201713;0.220930232558139538756591946367;0.229844961240310063921299388312;0.000000000000000000000000000000;0.025581395348837208947312404916;0.061240310077519378995081211770;0.065503875968992250622413564543;0.018217054263565891220055803501;0.032170542635658917751673158136;0.049612403100775193109939209535;0.070155038759689924976470365436;0.217829457364341089187220745771
-0.084803921568627455007671755993;0.156862745098039213509366618382;0.110784313725490191071543222279;0.002450980392156862711083853412;0.022058823529411766134478156687;0.097058823529411766828367547078;0.025980392156862746472212322146;0.048039215686274512606690478833;0.080392156862745103862444295828;0.093627450980392157298126676324;0.100490196078431376358608417831;0.177450980392156870690811842906
-0.013703703703703704053218359604;0.196296296296296302053008275834;0.092962962962962969459823625584;0.002222222222222222220294751693;0.022222222222222223070309254922;0.139259259259259249308371408915;0.034814814814814812327092852229;0.044814814814814814269983145323;0.065925925925925929482751541855;0.087407407407407405885990669958;0.119999999999999995559107901499;0.180370370370370375345814295542
-0.005833333333333333599324266316;0.259166666666666656304585103499;0.064444444444444443087505192125;0.001388888888888888941894328433;0.019444444444444444752839729063;0.169166666666666659635254177374;0.032222222222222221543752596062;0.003888888888888888777095598215;0.051944444444444445863062753688;0.055555555555555552471602709375;0.134722222222222215437525960624;0.202222222222222219878418059125
-0.039024390243902438990541980957;0.089024390243902434827205638612;0.121951219512195119243358476524;0.016260162601626017980782634709;0.050406504065040651230145130057;0.069512195121951225740275503995;0.013008130081300812996847326986;0.035365853658536582082572152785;0.130487804878048785361954742257;0.121951219512195119243358476524;0.085365853658536591797023618255;0.227642276422764217036487366386
-0.052136752136752138875319673161;0.063247863247863245206303872692;0.116239316239316242684864732837;0.039743589743589741170026741202;0.050427350427350428607731203101;0.073504273504273506811834693053;0.033333333333333332870740406406;0.098717948717948714176806390697;0.141880341880341875882010072019;0.131196581196581202322093417934;0.090598290598290595609931585841;0.108974358974358975782337211058
-0.086666666666666669627261399000;0.056666666666666663798590519718;0.148749999999999993338661852249;0.124583333333333337589188261063;0.012083333333333333078907223523;0.024166666666666666157814447047;0.054166666666666668517038374375;0.111666666666666664076146275875;0.095833333333333339809634310313;0.155416666666666675178376522126;0.073749999999999996114219413812;0.056250000000000001387778780781
-0.029761904761904760252644308594;0.081845238095238095898942276563;0.080059523809523802651000323749;0.419642857142857150787307318751;0.011904761904761904101057723437;0.044047619047619050725028699844;0.024107142857142858233254756328;0.056250000000000001387778780781;0.034226190476190479494711382813;0.087202380952380947887192519374;0.080654761904761909652172846563;0.050297619047619049337249919063
-0.007456140350877192742029553330;0.189473684210526321924916715034;0.135526315789473689177313531218;0.121052631578947370027954377747;0.030701754385964910576412023602;0.094736842105263160962458357517;0.067543859649122808819221575050;0.023245614035087718701744208261;0.040789473684210528214855173701;0.052192982456140353531015563249;0.097368421052631576317892836414;0.139912280701754376810441726775
-0.001250000000000000026020852140;0.229166666666666657414808128124;0.110833333333333339254522798001;0.000000000000000000000000000000;0.038749999999999999722444243844;0.092916666666666661300588714312;0.030833333333333334119741309109;0.005000000000000000104083408559;0.061666666666666668239482618219;0.056666666666666663798590519718;0.106666666666666673513041985188;0.266249999999999986677323704498
-0.009574468085106382919668988052;0.223758865248226940236619952884;0.093971631205673755715679362766;0.000000000000000000000000000000;0.028014184397163119366602757054;0.101418439716312050458135729514;0.025886524822695034658837087704;0.024822695035460994039677729006;0.061702127659574466933545267011;0.061347517730496452237343163461;0.090780141843971637327648238625;0.278723404255319162636794771970
-0.012121212121212121201607736509;0.227272727272727265157570286647;0.140909090909090900511912991533;0.000000000000000000000000000000;0.025757575757575756902895136591;0.060606060606060607742762158523;0.057575757575757578743402831378;0.015151515151515151935690539631;0.057575757575757578743402831378;0.084848484848484853615424583495;0.109848484848484848064309460369;0.208333333333333342585191871876
-0.014242424242424242195048655901;0.149696969696969689467280772988;0.149696969696969689467280772988;0.002727272727272727487202175212;0.023030303030303029415692961379;0.053030303030303031774916888708;0.160303030303030308312273177762;0.023939393939393940891058321085;0.067272727272727275704689020586;0.096969696969696969612861892074;0.126060606060606067435614363603;0.133030303030303026501357521738
-0.044551282051282052598661920229;0.048076923076923079591882270734;0.106089743589743587537377322860;0.258653846153846178612667472407;0.033974358974358971619000868714;0.039102564102564102421766278894;0.024679487179487178544201597674;0.025641025641025640136039243089;0.090064102564102563319714533918;0.132692307692307692734701163317;0.098076923076923075428545928389;0.098397435897435894802676159543
-0.007142857142857142634106981660;0.158333333333333325931846502499;0.082142857142857142460634634062;0.000000000000000000000000000000;0.093650793650793651146102547500;0.106349206349206346078339890937;0.051587301587301584437916801562;0.053174603174603173039169945469;0.085714285714285715078730731875;0.052777777777777777623580135469;0.069841269841269842943987100625;0.239285714285714296023499514376
-0.138580246913580257261955352988;0.035493827160493825190190619878;0.103703703703703700722549285729;0.206481481481481488060580886668;0.051543209876543212566435414601;0.032098765432098767813595685539;0.023456790123456791596900927743;0.089506172839506167870915476215;0.095679012345679007034426888367;0.099691358024691353878488087048;0.064506172839506173422030599340;0.059259259259259261520824679792
-0.021212121212121213403856145874;0.120909090909090910503920213159;0.038484848484848482863540652943;0.197878787878787876231001519045;0.066060606060606055778272605039;0.162121212121212110446322185453;0.024242424242424242403215473018;0.009696969696969696961286189207;0.083333333333333328707404064062;0.036969696969696971833307941324;0.095151515151515153601025076568;0.143939393939393950327954030399
-0.009920634920634920084214769531;0.067063492063492061157070622812;0.076984126984126988180179296251;0.312698412698412697707794905000;0.083730158730158724122993874062;0.050793650793650793606737181562;0.080555555555555560798275394063;0.017460317460317460735996775156;0.071031746031746029190756530625;0.093650793650793651146102547500;0.121428571428571427381903902187;0.014682539682539682418527249297
-0.013821138211382113375469415928;0.100000000000000005551115123126;0.054065040650406501199221054321;0.405691056910569114446474259239;0.049186991869918698927488520667;0.065853658536585368832305675824;0.028048780487804878674973352304;0.022764227642276424479206298201;0.051626016260162603532801739448;0.074796747967479676466595606144;0.044715447154471545110343555507;0.089430894308943090220687111014
-0.049371069182389940022126495478;0.089308176100628924864999191868;0.094025157232704409393519995319;0.131446540880503143222668427370;0.061949685534591195090747817176;0.082075471698113203200541931892;0.023270440251572325346396397094;0.015408805031446540928508071033;0.123270440251572327428064568267;0.093081761006289301385585588378;0.084276729559748422837550663189;0.152515723270440245462609141214
-0.014015151515151515193569053963;0.143181818181818187873943770683;0.108712121212121218261081878609;0.008333333333333333217685101602;0.095075757575757577355624050597;0.101136363636363635354342704886;0.042045454545454545580707161889;0.034848484848484850839867021932;0.114393939393939395032795403040;0.057196969696969697516397701520;0.065151515151515154711248101194;0.215909090909090911614143237784
-0.025988700564971749934484179789;0.061299435028248590306976240072;0.054802259887005648486546505183;0.409039548022598897780710558436;0.036158192090395481488318552010;0.079378531073446334520582468031;0.016949152542372881297128017763;0.029378531073446328275577954514;0.071468926553672318391363660339;0.079096045197740119658824653470;0.069774011299435029220816772977;0.066666666666666665741480812812
-0.011944444444444445030395485219;0.038888888888888889505679458125;0.108055555555555557467606320188;0.392777777777777781231804965500;0.032777777777777780676693453188;0.042500000000000003053113317719;0.042777777777777775680689842375;0.091944444444444439756836118249;0.035000000000000003330669073875;0.083055555555555549140933635499;0.101666666666666669072149886688;0.018611111111111109522875395328
-0.022666666666666668294993769450;0.063666666666666663076945553712;0.113666666666666665852503115275;0.126333333333333325265712687724;0.055666666666666669849306003925;0.086999999999999994004795667024;0.034333333333333333758918826106;0.142333333333333339476567402926;0.088666666666666671403618238401;0.078666666666666662521834041399;0.078666666666666662521834041399;0.108333333333333337034076748751
-0.030341880341880341637184059778;0.063675213675213671038477514230;0.052991452991452990539666956238;0.297008547008547008072554262981;0.039743589743589741170026741202;0.134615384615384608979482550239;0.011111111111111111535154627461;0.021794871794871793768688661430;0.055555555555555552471602709375;0.081196581196581199546535856371;0.155128205128205132190544190962;0.056837606837606836907017537897
-0.044632768361581920402159084915;0.026553672316384179657999808910;0.040677966101694912337549681070;0.552259887005649763302983501490;0.029943502824858757999093583635;0.047740112994350283881495045080;0.013559322033898304690757719015;0.015254237288135593861304606378;0.068079096045197740050269885614;0.052824858757062144454241803260;0.068926553672316384635543329296;0.039548022598870059829412326735
-0.128813559322033893694836592658;0.029096045197740113413820139954;0.031355932203389828838435704483;0.420621468926553665479417531969;0.065254237288135591432691740010;0.044067796610169490678643455794;0.014689265536723164137788977257;0.023446327683615819648110800699;0.081355932203389824675099362139;0.065536723163841806294449554571;0.050564971751412432499073190684;0.045197740112994350125674714036
-0.009887005649717514957353081684;0.068079096045197740050269885614;0.028248587570621468828546696272;0.454519774011299448890355279218;0.028531073446327683690304510833;0.113841807909604519899460228771;0.013559322033898304690757719015;0.012146892655367232116692122190;0.048022598870056498743252859640;0.068644067796610169773785514735;0.086723163841807907048497838787;0.067796610169491525188512071054
-0.010734463276836157807903049388;0.073446327683615822423668362262;0.028248587570621468828546696272;0.458474576271186429199389067435;0.029943502824858757999093583635;0.117796610169491527964069632617;0.009604519774011300095595267123;0.015536723163841808723062420938;0.048587570621468928466768488761;0.062994350282485872538629223527;0.076836158192090400764762136987;0.067796610169491525188512071054
-0.009848484848484847717364765174;0.081439393939393936450166222585;0.028787878787878789371701415689;0.417424242424242419868818387840;0.028787878787878789371701415689;0.132954545454545464133744303581;0.012500000000000000693889390391;0.015530303030303029693248717535;0.049621212121212121548552431705;0.064393939393939392257237841477;0.085227272727272720964641905539;0.073484848484848486194209726818
-0.007471264367816091850338366953;0.073850574712643682340207362813;0.030172413793103449591859188672;0.439367816091954022095222853750;0.031034482758620689224482447344;0.120402298850574712707484081875;0.011206896551724137775507550430;0.016091954022988505523805713437;0.051436781609195403319745310000;0.065804597701149422639410602187;0.080747126436781613278981240001;0.072413793103448281796019614376
-0.009090909090909090467524933388;0.126515151515151524908020519433;0.169318181818181812126056229317;0.013636363636363635701287400082;0.030303030303030303871381079261;0.087499999999999994448884876874;0.031818181818181814901613790880;0.025378787878787879145336958686;0.092803030303030303871381079261;0.117803030303030298320265956136;0.121590909090909096712529446904;0.174242424242424254199335109661
-0.006349206349206349200842147695;0.081746031746031747045044824063;0.034920634920634921471993550313;0.468650793650793651146102547500;0.019047619047619049337249919063;0.122222222222222218213083522187;0.007142857142857142634106981660;0.005158730158730158617264027754;0.043253968253968252954955175937;0.062301587301587302292205095000;0.078174603174603174426948726250;0.071031746031746029190756530625
-0.016944444444444446001840631766;0.096944444444444444197728216750;0.101388888888888889505679458125;0.183055555555555554692048758625;0.051944444444444445863062753688;0.113611111111111107163651467999;0.044166666666666666574148081281;0.038888888888888889505679458125;0.077222222222222219878418059125;0.053055555555555557190050564031;0.109722222222222220988641083750;0.113055555555555561908498418688
-0.078985507246376818191180291251;0.040579710144927533255199136875;0.113405797101449282160423592813;0.156884057971014484467175975624;0.027536231884057970481505250859;0.035507246376811595067746196719;0.029710144927536232678511041172;0.082246376811594204547795072813;0.130434782608695648553620571874;0.148188405797101435679152814373;0.103985507246376812640065168125;0.052536231884057968399837079687
-0.045588235294117644691436197490;0.022549019607843136941971451392;0.097549019607843137635860841783;0.400490196078431393011953787209;0.034313725490196081424620899725;0.022058823529411766134478156687;0.026470588235294117279705616852;0.071078431372549016886708272978;0.055882352941176473282158809752;0.088725490196078435345405921453;0.054901960784313724728278316434;0.080392156862745103862444295828
-0.054166666666666668517038374375;0.023148148148148146863167795573;0.095833333333333339809634310313;0.402314814814814791787966896663;0.012037037037037037062736644089;0.047685185185185184619793830052;0.014351851851851851749053423646;0.047685185185185184619793830052;0.080092592592592590228228743854;0.097222222222222223764198645313;0.081018518518518517490534236458;0.044444444444444446140618509844
-0.040909090909090908838585676222;0.082121212121212122658775456330;0.145757575757575752462003038090;0.010000000000000000208166817117;0.085454545454545449700844983454;0.078181818181818185653497721432;0.054242424242424244762439400347;0.081818181818181817677171352443;0.115151515151515157486805662757;0.107878787878787879561670592921;0.098181818181818175661490499806;0.100303030303030296654931419198
-0.025000000000000001387778780781;0.174722222222222223209087133000;0.051666666666666666296592325125;0.099166666666666666851703837438;0.054444444444444441144614899031;0.161388888888888887285233408875;0.022499999999999999167332731531;0.016388888888888890338346726594;0.080555555555555560798275394063;0.038611111111111109939209029562;0.132777777777777772350020768499;0.142777777777777781231804965500
-0.029078014184397163455209067706;0.071631205673758871488310262521;0.042198581560283686398005187357;0.319148936170212782492683345481;0.076950354609929078053554007965;0.067730496453900709830087123464;0.037943262411347516982473848657;0.023049645390070920558667211253;0.119148936170212771390453099229;0.038297872340425531678675952207;0.045035460992907803967622015762;0.129787234042553184520940590119
-0.139259259259259249308371408915;0.057777777777777775125578330062;0.060740740740740740977177125615;0.328148148148148133262935743915;0.089629629629629628539966290646;0.025555555555555557051272685953;0.028148148148148147834612942120;0.020000000000000000416333634234;0.088888888888888892281237019688;0.071111111111111111049432054187;0.034814814814814812327092852229;0.055925925925925927539861248761
-0.006000000000000000124900090270;0.114000000000000004107825191113;0.053666666666666668072949164525;0.173999999999999988009591334048;0.063333333333333338699411285688;0.126000000000000000888178419700;0.068000000000000004884981308351;0.014000000000000000291433543964;0.075666666666666659857298782299;0.040333333333333332149095440400;0.096000000000000001998401444325;0.169000000000000011324274851177
-0.046913580246913583193801855487;0.082407407407407401445098571457;0.143518518518518517490534236458;0.005864197530864197899225231936;0.053395061728395060152152495903;0.065740740740740738479175320208;0.046604938271604938460068723316;0.063271604938271608364885878473;0.119135802469135798631327816111;0.136419753086419764942505139516;0.105864197530864193041999499201;0.130864197530864201368672183889
-0.014655172413793103244894489023;0.135919540229885060789172257500;0.037931034482758620163256324531;0.116666666666666668517038374375;0.036781609195402298340127345000;0.203735632183908055292675953751;0.009770114942528735496596326016;0.000862068965517241367346734648;0.081896551724137928163216315625;0.053735632183908046966003269063;0.107471264367816093932006538125;0.200574712643678154666559976249
-0.093902439024390244037832076174;0.058536585365853661955259923388;0.053252032520325204290045917332;0.278455284552845516721220064937;0.071951219512195116467800914961;0.078861788617886174890259098902;0.036585365853658534385228762176;0.043495934959349592807686946117;0.082520325203252031798228927073;0.063008130081300808833510984641;0.070731707317073164165144305571;0.068699186991869914953312559192
-0.002083333333333333304421275400;0.070833333333333331482961625625;0.047916666666666669904817155157;0.436805555555555558022717832500;0.057291666666666664353702032031;0.075694444444444439201724605937;0.025000000000000001387778780781;0.007638888888888888638317720137;0.053819444444444447528397290625;0.094791666666666662965923251249;0.109027777777777779011358916250;0.019097222222222223764198645313
-0.017829457364341085023884403427;0.165116279069767446507910335640;0.060077519379844963876013963500;0.274418604651162800767139060554;0.029844961240310077105197805736;0.109689922480620150047059269127;0.032558139534883720478397606257;0.003488372093023255765542600670;0.046124031007751940813843560818;0.038372093023255816890415559328;0.100000000000000005551115123126;0.122480620155038757990162423539
-0.009356725146198830583843530917;0.186549707602339187584306046119;0.098245614035087719395633598651;0.000000000000000000000000000000;0.069005847953216375989526909507;0.128362573099415205879481050033;0.075146198830409363655924437353;0.010233918128654970192137341201;0.072222222222222215437525960624;0.054385964912280704286473564935;0.100292397660818710658503505329;0.196198830409356733683878815100
-0.038055555555555557745162076344;0.080833333333333326486958014812;0.043055555555555555247160270937;0.320000000000000006661338147751;0.027777777777777776235801354687;0.112777777777777782342027990126;0.016388888888888890338346726594;0.037222222222222219045750790656;0.073333333333333333703407674875;0.089999999999999996669330926125;0.096666666666666664631257788187;0.063888888888888883954564334999
-0.029457364341085270909026405661;0.067054263565891475407099164840;0.033333333333333332870740406406;0.386821705426356576840163370434;0.029844961240310077105197805736;0.106201550387596904689857524318;0.027519379844961239928169405289;0.050775193798449615167900361712;0.065116279069767440956795212514;0.062403100775193801053042363947;0.083720930232558138373022416090;0.057751937984496126698985563053
-0.040909090909090908838585676222;0.078787878787878781738918121391;0.045833333333333330095182844843;0.307575757575757557926721119657;0.068181818181818176771713524431;0.089015151515151519356905396307;0.017803030303030303177491688871;0.017045454545454544192928381108;0.100757575757575754127337575028;0.050000000000000002775557561563;0.060984848484848482030873384474;0.123106060606060607742762158523
-0.044927536231884057649210717500;0.051811594202898547667501816250;0.041304347826086953987534400312;0.347463768115942039926835605002;0.074999999999999997224442438437;0.082608695652173907975068800624;0.040217391304347822889031505156;0.018478260869565218266208361797;0.091666666666666660190365689687;0.072463768115942031600162920313;0.067391304347826086473816076250;0.066666666666666665741480812812
-0.057232704402515724440014821539;0.078930817610062889433386601468;0.115408805031446543010176242205;0.116666666666666668517038374375;0.049371069182389940022126495478;0.074213836477987418782653605831;0.017295597484276729188801269288;0.047798742138364783138548830266;0.096855345911949691783959792701;0.110691823899371072359443246569;0.090251572327044018995145790996;0.145283018867924523798151881238
-0.064015151515151511030232711619;0.087878787878787875675890006733;0.125000000000000000000000000000;0.008333333333333333217685101602;0.128030303030303022060465423237;0.060984848484848482030873384474;0.048863636363636366033436075895;0.058333333333333334258519187188;0.145833333333333342585191871876;0.070833333333333331482961625625;0.084090909090909091161414323778;0.117803030303030298320265956136
-0.031699346405228756573535520147;0.089542483660130720024561412629;0.068627450980392162849241799449;0.271895424836601284912518394776;0.059150326797385618937674678364;0.084640522875816998071840657758;0.035947712418300650782931882077;0.033986928104575160614064799347;0.092810457516339872618971185148;0.056535947712418301025483202693;0.074509803921568626416949143731;0.100653594771241833294439516067
-0.060370370370370372847812490136;0.023333333333333334397297065266;0.038148148148148146308056283260;0.484074074074074101048381635337;0.040740740740740744030290443334;0.041481481481481480289019714291;0.010000000000000000208166817117;0.016296296296296294836558615771;0.061481481481481484174800300480;0.100000000000000005551115123126;0.110000000000000000555111512313;0.014074074074074073917306471060
-0.003801169590643274816266217186;0.208479532163742681261098255163;0.194152046783625742421008908423;0.077777777777777779011358916250;0.046783625730994149449770702631;0.033625730994152044917022692516;0.069298245614035081096915291710;0.010818713450292397754148865374;0.022807017543859650632320779096;0.025730994152046784972931448010;0.030994152046783626092141261665;0.275730994152046771095143640196
-0.079166666666666662965923251249;0.070833333333333331482961625625;0.074074074074074069962136945833;0.317592592592592593003786305417;0.077777777777777779011358916250;0.056481481481481479733908201979;0.021296296296296295808003762318;0.022222222222222223070309254922;0.076388888888888895056794581251;0.059259259259259261520824679792;0.068518518518518520266091798021;0.076388888888888895056794581251
-0.089999999999999996669330926125;0.051111111111111114102545371907;0.055185185185185184342238073896;0.309259259259259233765249064163;0.057777777777777775125578330062;0.055185185185185184342238073896;0.014814814814814815380206169948;0.053703703703703704885885628073;0.065555555555555561353386906376;0.108148148148148146030500527104;0.106666666666666673513041985188;0.032592592592592589673117231541
-0.099319727891156464605337816920;0.044217687074829932492026074442;0.048639455782312927822896853058;0.266326530612244871676352886425;0.098299319727891160125565761518;0.064625850340136056781936702009;0.026530612244897958107436863884;0.012244897959183672839222900564;0.106462585034013609841530012545;0.085714285714285715078730731875;0.110204081632653064226623484956;0.037414965986394557728722531920
-0.080701754385964913351969585165;0.045029239766081870233183082064;0.041228070175438599753725554820;0.462280701754385958679449686315;0.069005847953216375989526909507;0.047076023391812868434946892648;0.023391812865497074724885351316;0.011111111111111111535154627461;0.077485380116959060026182726233;0.052046783625730994038427468240;0.036257309941520467211351075321;0.054385964912280704286473564935
-0.008181818181818182461606525635;0.164242424242424245317550912659;0.042121212121212121826108187861;0.090303030303030301650935030011;0.062424242424242423754598974028;0.149999999999999994448884876874;0.016969696969696971416974307090;0.002424242424242424240321547302;0.090909090909090911614143237784;0.040606060606060603856981572335;0.070303030303030297765154443823;0.261515151515151533789804716434
-0.044557823129251702964914727545;0.051700680272108841262213019263;0.071088435374149661072351591429;0.254761904761904744987077719998;0.064965986394557820315931451205;0.079251700680272110788315842456;0.033333333333333332870740406406;0.035034013605442178296289768014;0.112585034013605436720162344955;0.110544217687074827760618234151;0.086734693877551019558502787277;0.055442176870748302586200395581
-0.015277777777777777276635440273;0.082222222222222224319310157625;0.061111111111111109106541761093;0.303055555555555578006732275753;0.083055555555555549140933635499;0.092222222222222219323306546812;0.063611111111111104388093906437;0.015277777777777777276635440273;0.073611111111111113269878103438;0.070555555555555551916491197062;0.091666666666666660190365689687;0.048333333333333332315628894094
-0.029378531073446328275577954514;0.106214689265536718631999235640;0.063559322033898302262144852648;0.157627118644067809594133677820;0.114689265536723164484733672452;0.081355932203389824675099362139;0.040112994350282482614034051949;0.011864406779661017254934307630;0.161016949152542360179651836916;0.050564971751412432499073190684;0.044632768361581920402159084915;0.138983050847457628718117916833
-0.006589147286821705334913801266;0.075968992248062014449594414600;0.074031007751937979999290462274;0.309689922480620161149289515379;0.056976744186046514306642762904;0.089922480620155037511764817282;0.062403100775193801053042363947;0.053100775193798452344928762159;0.060852713178294576268356763649;0.079844961240310083350202319252;0.102325581395348835789249619665;0.028294573643410852320512205438
-0.009629629629629630344078705662;0.091481481481481483064577275854;0.033703703703703701000105041885;0.334814814814814787347074798163;0.036296296296296298722339201959;0.140370370370370367574253123166;0.014074074074074073917306471060;0.019259259259259260688157411323;0.055925925925925927539861248761;0.082592592592592592448674793104;0.096296296296296296501893152708;0.085555555555555551361379684749
-0.085069444444444447528397290625;0.027430555555555555247160270937;0.056944444444444443365060948281;0.392013888888888883954564334999;0.051041666666666665741480812812;0.032638888888888890893458238907;0.036458333333333335646297967969;0.142361111111111104943205418749;0.071874999999999994448884876874;0.043402777777777776235801354687;0.032638888888888890893458238907;0.028125000000000000693889390391
-0.045597484276729556562646195061;0.041823899371069180042059798552;0.067295597484276728494911878897;0.432075471698113222629444862832;0.042767295597484274172206397679;0.035849056603773583884464670746;0.044654088050314462432499595934;0.103773584905660382071701519635;0.056289308176100630309868222412;0.056603773584905661686583755454;0.048113207547169814515264363308;0.025157232704402517076136547303
-0.061988304093567252184282523331;0.070760233918128648267220626167;0.087426900584795325110931685231;0.168128654970760238462901270395;0.054093567251461985301297374917;0.071929824561403510330137578421;0.057309941520467838627084233849;0.106432748538011698324901033175;0.064619883040935674478610906135;0.094444444444444441977282167500;0.099707602339181286565938933109;0.063157894736842107308305571678
-0.000505050505050505050066989021;0.243939393939393928123493537896;0.099494949494949497248441616648;0.000000000000000000000000000000;0.035858585858585860506320130980;0.142424242424242425419933510966;0.070707070707070704407293249005;0.019191919191919190601502975824;0.053030303030303031774916888708;0.055050505050505051107823106804;0.108585858585858591185413501989;0.171212121212121204383294070794
-0.130000000000000004440892098501;0.091851851851851851193941911333;0.091481481481481483064577275854;0.096296296296296296501893152708;0.098888888888888887285233408875;0.049629629629629627707299022177;0.038518518518518521376314822646;0.040370370370370368962031903948;0.128518518518518531923433556585;0.080000000000000001665334536938;0.063333333333333338699411285688;0.091111111111111114935212640376
-0.016959064327485378481652489313;0.047076023391812868434946892648;0.045321637426900582279465368174;0.567836257309941472293246533809;0.024561403508771929848908399663;0.047660818713450292527511464868;0.028947368421052631359824403035;0.007602339181286549632532434373;0.062865497076023388323129381661;0.050000000000000002775557561563;0.047660818713450292527511464868;0.053508771929824561208732802697
-0.015185185185185185244294281404;0.177037037037037048303744768418;0.085185185185185183232015049271;0.013703703703703704053218359604;0.097037037037037032760622423666;0.111111111111111104943205418749;0.058888888888888886452566140406;0.013333333333333334189130248149;0.145555555555555549140933635499;0.040740740740740744030290443334;0.081851851851851856189945522146;0.160370370370370357582245901540
-0.019503546099290780535540079654;0.102127659574468079850539936615;0.074468085106382975180139283111;0.207092198581560277270696701635;0.063120567375886518779459777306;0.103546099290780138635348350817;0.042553191489361701094207290907;0.013829787234042552335200326752;0.085815602836879431580818788916;0.112056737588652477466411028217;0.111347517730496448074006821116;0.064539007092198577564268191509
-0.032936507936507937455150596406;0.037698412698412696320016124218;0.051190476190476189022326991562;0.405555555555555558022717832500;0.059126984126984125089698807187;0.045238095238095236971798129844;0.038888888888888889505679458125;0.134126984126984122314141245624;0.070238095238095238359576910625;0.045238095238095236971798129844;0.039285714285714284921269268125;0.040476190476190478106932602032
-0.009259259259259258745267118229;0.058888888888888886452566140406;0.149259259259259258190155605917;0.211111111111111110494320541875;0.022222222222222223070309254922;0.074444444444444438091501581312;0.030740740740740742087400150240;0.221481481481481473627681566541;0.046666666666666668794594130532;0.055185185185185184342238073896;0.072592592592592597444678403917;0.048148148148148148250946576354
-0.054519774011299433624788690622;0.076836158192090400764762136987;0.124293785310734469784499367506;0.027118644067796609381515438031;0.069774011299435029220816772977;0.107062146892655363217272679321;0.027401129943502824243273252591;0.141242937853107347612180433316;0.104237288135593214599694533717;0.080508474576271180089825918458;0.103672316384180784876178904597;0.083333333333333328707404064062
-0.017460317460317460735996775156;0.078174603174603174426948726250;0.202777777777777779011358916250;0.016269841269841271019780393203;0.029761904761904760252644308594;0.115079365079365072976891326562;0.026587301587301586519584972734;0.109920634920634918696435988750;0.069841269841269842943987100625;0.129365079365079377327063525627;0.126190476190476186246769429999;0.078571428571428569842538536250
-0.108333333333333337034076748751;0.071666666666666670182372911313;0.069166666666666667961926862063;0.281111111111111089400083073997;0.053333333333333336756520992594;0.055000000000000000277555756156;0.034722222222222223764198645313;0.037499999999999998612221219219;0.085277777777777771794909256187;0.089166666666666671847707448251;0.043888888888888887007677652718;0.070833333333333331482961625625
-0.054022988505747125687062037969;0.107183908045977008272053865312;0.075574712643678154666559976249;0.192241379310344823183598350624;0.092528735632183903292435900312;0.087356321839080458557802444375;0.042241379310344828734713473750;0.018103448275862070449004903594;0.086494252873563215455732233750;0.059195402298850577360589397813;0.093103448275862074612341245938;0.091954022988505745850318362500
-0.023899371069182391569274415133;0.059748427672955975453739085879;0.051572327044025159659135226775;0.392452830188679269163287699484;0.065723270440251571611334213685;0.064150943396226414727756548473;0.026729559748427673959714212515;0.025157232704402517076136547303;0.084591194968553454214266196232;0.064465408805031446104472081515;0.054088050314465410672859491115;0.087421383647798736604705993614
-0.022875816993464050813633647863;0.128104575163398681780790866469;0.082026143790849673220755278180;0.124836601307189543064168901765;0.051307189542483658262206347445;0.089542483660130720024561412629;0.032679738562091505127416013465;0.023856209150326795898067189228;0.089869281045751633896223609099;0.120588235294117648854772539835;0.095098039215686269720606560441;0.139215686274509808928456777721
-0.009748427672955974412905000293;0.066666666666666665741480812812;0.066666666666666665741480812812;0.471069182389937113342170960095;0.062264150943396226467463350218;0.041509433962264148665344265510;0.054402515723270442049575024157;0.016037735849056603681939137118;0.050628930817610065528988627648;0.067295597484276728494911878897;0.064150943396226414727756548473;0.029559748427672956350154009897
-0.016666666666666666435370203203;0.151811594202898553218616939375;0.064855072463768120849536558126;0.000362318840579710149327197222;0.125000000000000000000000000000;0.160507246376811602006640100626;0.031521739130434781039902247812;0.008695652173913043583852733320;0.104710144927536233372400431563;0.048188405797101450944719402969;0.068115942028985507206151339687;0.219565217391304356997494551251
-0.100555555555555550806268172437;0.061111111111111109106541761093;0.083333333333333328707404064062;0.189444444444444443087505192125;0.054722222222222220711085327594;0.058611111111111113824989615750;0.031666666666666669349705642844;0.055277777777777779844026184719;0.121666666666666672957930472876;0.095555555555555560243163881751;0.071388888888888890615902482750;0.076666666666666660745477201999
-0.030459770114942528312917957578;0.098850574712643676789092239687;0.155172413793103453061306140626;0.002298850574712643646257959062;0.057471264367816091156448976562;0.077586206896551726530653070313;0.045689655172413794204100412344;0.042528735632183907455772242656;0.135344827586206889469266911874;0.112931034482758624326592666876;0.099712643678160919891162450313;0.141954022988505734748088116248
-0.121383647798742139167771370012;0.041509433962264148665344265510;0.110691823899371072359443246569;0.083647798742138360084119597104;0.056289308176100630309868222412;0.050314465408805034152273094605;0.024528301886792454322705481218;0.050628930817610065528988627648;0.188364779874213850163755523681;0.103773584905660382071701519635;0.079245283018867920810102134510;0.089622641509433956241714724911
-0.059444444444444445585506997531;0.078055555555555558577829344813;0.073611111111111113269878103438;0.218888888888888882844341310374;0.063888888888888883954564334999;0.085555555555555551361379684749;0.034722222222222223764198645313;0.023888888888888890060790970438;0.106388888888888893946571556626;0.102777777777777773460243793124;0.086944444444444449193731827563;0.065833333333333327042069527124
-0.017063492063492061850960013203;0.169047619047619057663922603751;0.111507936507936514236583036563;0.013888888888888888117900677344;0.097619047619047619179788455313;0.089682539682539683112416639688;0.110317460317460314112025798750;0.030158730158730159137681070547;0.106349206349206346078339890937;0.038492063492063494090089648125;0.078968253968253965258128346250;0.136904761904761917978845531252
-0.045833333333333330095182844843;0.078273809523809523280846178750;0.163690476190476191797884553125;0.007142857142857142634106981660;0.047916666666666669904817155157;0.056250000000000001387778780781;0.029761904761904760252644308594;0.050297619047619049337249919063;0.128869047619047605302000647498;0.120833333333333334258519187188;0.094642857142857139685077072500;0.176488095238095249461807156877
-0.066101694915254236017965183692;0.200564971751412440825745875372;0.064406779661016946847418296329;0.090112994350282485389591613512;0.032485875706214688285466962725;0.149999999999999994448884876874;0.022881355932203389924595171578;0.028531073446327683690304510833;0.048305084745762713605010674200;0.038135593220338985520623253933;0.177966101694915251885120710540;0.080508474576271180089825918458
-0.193611111111111122706773812752;0.023888888888888890060790970438;0.065000000000000002220446049250;0.234722222222222220988641083750;0.071944444444444449748843339876;0.020555555555555556079827539406;0.029999999999999998889776975375;0.140555555555555544700041536998;0.068611111111111108828986004937;0.055833333333333332038073137937;0.047500000000000000555111512313;0.047777777777777780121581940875
-0.049583333333333333425851918719;0.084166666666666667406815349750;0.173749999999999987787546729123;0.000833333333333333386820640509;0.087499999999999994448884876874;0.040833333333333332593184650250;0.093333333333333337589188261063;0.086249999999999993338661852249;0.126250000000000001110223024625;0.077499999999999999444888487687;0.077499999999999999444888487687;0.102499999999999993893773364562
-0.097756410256410256054415697236;0.077564102564102566095272095481;0.154166666666666674068153497501;0.013461538461538462285727035805;0.121474358974358973006779649495;0.029807692307692309346967007855;0.060576923076923076816324709171;0.137500000000000011102230246252;0.119230769230769237387868031419;0.065064102564102568870829657044;0.043910256410256406911507554014;0.079487179487179482340053482403
-0.069871794871794873360570932164;0.094230769230769229061195346731;0.142307692307692301714183713557;0.042307692307692310040856398246;0.056089743589743591700713665205;0.054807692307692307265298836683;0.063141025641025638748260462307;0.051282051282051280272078486178;0.137179487179487191728100015098;0.071474358974358970231222087932;0.066666666666666665741480812812;0.150641025641025633197145339182
-0.095666666666666663743079368487;0.033000000000000001554312234475;0.024000000000000000499600361081;0.543000000000000038191672047105;0.043666666666666666130058871431;0.044333333333333335701809119200;0.014333333333333333342585191872;0.010000000000000000208166817117;0.073333333333333333703407674875;0.037666666666666667739882257138;0.038999999999999999944488848769;0.042000000000000002609024107869
-0.108749999999999999444888487687;0.048750000000000001665334536938;0.027916666666666666019036568969;0.493750000000000022204460492503;0.045833333333333330095182844843;0.055833333333333332038073137937;0.013750000000000000069388939039;0.015833333333333334674852821422;0.064583333333333339809634310313;0.042916666666666665463925056656;0.035833333333333335091186455656;0.046249999999999999444888487687
-0.029096045197740113413820139954;0.064124293785310731985660481769;0.044915254237288135263916899476;0.539265536723163796395397184824;0.042372881355932201508096568432;0.047740112994350283881495045080;0.019209039548022600191190534247;0.005649717514124293765709339254;0.054519774011299433624788690622;0.057344632768361582242366836226;0.057627118644067797104124650787;0.038135593220338985520623253933
-0.067424242424242428195491072529;0.085606060606060602191647035397;0.115530303030303024836022984800;0.100757575757575754127337575028;0.018939393939393939919613174538;0.101136363636363635354342704886;0.023863636363636364645657295114;0.091666666666666660190365689687;0.093181818181818185098386209120;0.130303030303030309422496202387;0.096969696969696969612861892074;0.074621212121212115997437308579
-0.013141025641025641176873328675;0.107051282051282045659768016321;0.045192307692307691346922382536;0.299038461538461530775379060287;0.075961538461538455346833131898;0.071153846153846150857091856778;0.025961538461538462979616426196;0.005769230769230769551025872488;0.093269230769230770938804653269;0.081410256410256412462622677140;0.053846153846153849142908143222;0.128205128205128193741302311537
-0.031089743589743590312934884423;0.019551282051282051210883139447;0.025641025641025640136039243089;0.659615384615384603428367427114;0.043269230769230768163247091707;0.025641025641025640136039243089;0.006410256410256410034009810772;0.007051282051282051384355487045;0.072115384615384608979482550239;0.033653846153846152244870637560;0.025320512820512820761909011935;0.050641025641025641523818023870
-0.040705128205128206231311338570;0.031089743589743590312934884423;0.046153846153846156408206979904;0.449679487179487191728100015098;0.084615384615384620081712796491;0.025961538461538462979616426196;0.012500000000000000693889390391;0.019230769230769231836752908293;0.143589743589743579210704638172;0.053205128205128203455753777007;0.025320512820512820761909011935;0.067948717948717943238001737427
-0.055701754385964911964190804383;0.025438596491228069457202209946;0.045175438596491229725771177073;0.367105263157894712300333139865;0.093421052631578946345847214161;0.027631578947368420212660211632;0.018859649122807017190828204889;0.025000000000000001387778780781;0.171052631578947372803511939310;0.063157894736842107308305571678;0.030701754385964910576412023602;0.076754385964912283379923962912
-0.033333333333333332870740406406;0.028947368421052631359824403035;0.028070175438596491751530592751;0.587280701754385958679449686315;0.055701754385964911964190804383;0.025877192982456140996072591065;0.009649122807017544364849293004;0.014473684210526315679912201517;0.108333333333333337034076748751;0.042543859649122807431442794268;0.022368421052631579093450397977;0.043421052631578950509183556505
-0.029931972789115645489088635145;0.050680272108843536782440963862;0.042857142857142857539365365938;0.347959183673469396591571012323;0.088095238095238101450057399688;0.082653061224489801639414565670;0.014965986394557822744544317572;0.010884353741496597886562192059;0.137414965986394549402049847231;0.057482993197278911545744506384;0.045918367346938777917575436049;0.091156462585034014889373565893
-0.020555555555555556079827539406;0.062500000000000000000000000000;0.031111111111111110216764785719;0.347222222222222209886410837498;0.056111111111111111604543566500;0.134722222222222215437525960624;0.016388888888888890338346726594;0.005555555555555555767577313730;0.098333333333333328152292551749;0.054166666666666668517038374375;0.077499999999999999444888487687;0.095833333333333339809634310313
-0.055769230769230772326583434051;0.030448717948717948095227470162;0.029807692307692309346967007855;0.454807692307692301714183713557;0.064423076923076916244781386922;0.064102564102564096870651155768;0.008333333333333333217685101602;0.005769230769230769551025872488;0.083974358974358967455664526369;0.077564102564102566095272095481;0.107371794871794865033898247475;0.017628205128205128027207848618
-0.051351351351351354201923982146;0.072522522522522517296472699400;0.055405405405405408481023243894;0.257207207207207189103570499356;0.082432432432432437008351655550;0.070720720720720720020580074561;0.041891891891891894217359038066;0.068918918918918922744687449722;0.111711711711711708661098896300;0.036936936936936934361419559991;0.051351351351351354201923982146;0.099549549549549545823801111055
-0.046846846846846847134404612234;0.081081081081081085581985234967;0.084234234234234234284244280389;0.322972972972972949268211095841;0.038738738738738738576206088737;0.059909909909909908609648709898;0.022972972972972974248229149907;0.025675675675675677100961991073;0.090990990990990991416076383302;0.068018018018018017167847233395;0.063963963963963962888747971647;0.094594594594594599845649440795
-0.071376811594202893562766121249;0.069202898550724631365760330937;0.084782608695652170172074590937;0.118478260869565213408982629062;0.063768115942028982812139759062;0.069927536231884052098095594374;0.020289855072463766627599568437;0.072101449275362314295101384687;0.145289855072463780505387376252;0.116304347826086951211976838749;0.075724637681159417956777701875;0.092753623188405798227762488750
-0.069259259259259256524821068979;0.064074074074074074958140556646;0.062592592592592588562894206916;0.176666666666666666296592325125;0.131111111111111122706773812752;0.036296296296296298722339201959;0.033703703703703701000105041885;0.010000000000000000208166817117;0.149259259259259258190155605917;0.095925925925925928372528517230;0.053333333333333336756520992594;0.117777777777777772905132280812
-0.042063492063492066708185745938;0.044444444444444446140618509844;0.050396825396825398191147371563;0.189285714285714279370154144999;0.118650793650793645594987424374;0.069841269841269842943987100625;0.028968253968253969421464688594;0.014682539682539682418527249297;0.219047619047619046561692357500;0.074603174603174601808852628437;0.045634920634920632387387939843;0.102380952380952378044653983125
-0.017013888888888887424011286953;0.044444444444444446140618509844;0.131944444444444447528397290625;0.176736111111111121596550788126;0.067708333333333328707404064062;0.064930555555555560798275394063;0.042013888888888892281237019688;0.128819444444444430875051921248;0.111805555555555560798275394063;0.076736111111111116045435665001;0.057638888888888892281237019688;0.080208333333333339809634310313
-0.091481481481481483064577275854;0.050000000000000002775557561563;0.135555555555555568014725054127;0.059999999999999997779553950750;0.053703703703703704885885628073;0.044074074074074071072359970458;0.040000000000000000832667268469;0.121481481481481481954354251229;0.141481481481481485840134837417;0.106296296296296291505889541895;0.048518518518518516380311211833;0.107407407407407409771771256146
-0.102604166666666662965923251249;0.028125000000000000693889390391;0.151041666666666657414808128124;0.061458333333333330095182844843;0.047395833333333331482961625625;0.017708333333333332870740406406;0.016145833333333334952408577578;0.139583333333333337034076748751;0.128645833333333320380731379373;0.180208333333333331482961625625;0.071354166666666662965923251249;0.055729166666666669904817155157
-0.045402298850574715483041643438;0.078448275862068969632723280938;0.196551724137931038693949403751;0.021264367816091953727886121328;0.045977011494252872925159181250;0.039655172413793106367396745782;0.032183908045977011047611426875;0.096551724137931033142834280625;0.108908045977011494476194286563;0.147701149425287364680414725626;0.096264367816091947482881607812;0.091091954022988502748248151875
-0.063522012578616351974325482388;0.096540880503144660407244259659;0.146540880503144649305014013407;0.185220125786163508641024577628;0.033962264150943395624171472491;0.023270440251572325346396397094;0.047798742138364783138548830266;0.043396226415094336925637463764;0.100314465408805036927830656168;0.101886792452830193811408321380;0.073584905660377356029222539746;0.083962264150943391460835130147
-0.025968992248062015143483804991;0.136046511627906985264502282007;0.084496124031007757704259120146;0.219767441860465123637524698097;0.097286821705426351769574466744;0.043410852713178293971196808343;0.046124031007751940813843560818;0.022480620155038759377941204320;0.078682170542635654353347263168;0.051937984496124030286967609982;0.048449612403100777990871961265;0.145348837209302333972615883795
-0.021913580246913581806023074705;0.187962962962962970570046650209;0.076851851851851851749053423646;0.084876543209876545437175821007;0.075617283950617286691908702778;0.099691358024691353878488087048;0.038580246913580244771946325955;0.008950617283950617480980938012;0.108641975308641974828915977014;0.056790123456790124467641334149;0.076851851851851851749053423646;0.163271604938271613916001001598
-0.033050847457627118008982591846;0.070056497175141244082574587537;0.172598870056497183389510041707;0.109604519774011296973093010365;0.046327683615819209572705972278;0.048870056497175143328526303321;0.026271186440677964796241994350;0.061581920903954805168734054632;0.115254237288135594208249301573;0.119774011299435031996374334540;0.085593220338983047601466580545;0.111016949152542371281882083167
-0.039837398373983742838611021853;0.050813008130081299684732698552;0.030487804878048779810839619131;0.242276422764227644668366679070;0.121544715447154477727664811937;0.073983739837398379557420469155;0.013414634146341463186158371457;0.023170731707317072933793866696;0.198373983739837389528304356645;0.062195121951219511924335847652;0.047154471544715449715656774288;0.096747967479674790158838959542
-0.028888888888888887562789165031;0.040000000000000000832667268469;0.029629629629629630760412339896;0.354074074074074096607489536837;0.053333333333333336756520992594;0.131481481481481476958350640416;0.007777777777777777554191196430;0.021481481481481479872686080057;0.131111111111111122706773812752;0.052962962962962961688262453208;0.044074074074074071072359970458;0.105185185185185187117795635459
-0.012626262626262626034834291033;0.056565656565656569076949722330;0.022222222222222223070309254922;0.473232323232323226491757850454;0.042929292929292928171491894318;0.122727272727272726515757028665;0.006060606060606060600803868255;0.005555555555555555767577313730;0.065656565656565663013921607671;0.035353535353535352203646624503;0.085353535353535348040310282158;0.071717171717171721012640261961
-0.003153153153153153039067735364;0.136486486486486480185220671046;0.119819819819819817219297419797;0.172522522522522508969800014711;0.017567567567567568542763467576;0.111261261261261262811572692044;0.024324324324324325674595570490;0.029729729729729731380061252821;0.056756756756756759907389664477;0.086936936936936937136977121554;0.137837837837837845489374899444;0.103603603603603600102900372804
-0.020930232558139534593255604022;0.099612403100775195885496771098;0.124806201550387602106084727893;0.105426356589147285358620820261;0.059689922480620154210395611472;0.109302325581395354259228724914;0.028294573643410852320512205438;0.020542635658914728397084203948;0.106976744186046510143306420559;0.105813953488372095024239172290;0.075193798449612408996145518358;0.143410852713178299522311931469
-0.052499999999999998057109706906;0.057500000000000002498001805407;0.074444444444444438091501581312;0.118333333333333332038073137937;0.078888888888888883399452822687;0.072499999999999995003996389187;0.035833333333333335091186455656;0.076111111111111115490324152688;0.158888888888888885064787359624;0.092499999999999998889776975375;0.079444444444444442532393679812;0.103055555555555553026714221687
-0.038611111111111109939209029562;0.018611111111111109522875395328;0.035000000000000003330669073875;0.591388888888888852868319645495;0.028611111111111111465765688422;0.033333333333333332870740406406;0.016666666666666666435370203203;0.023888888888888890060790970438;0.080000000000000001665334536938;0.061111111111111109106541761093;0.034444444444444444197728216750;0.038333333333333330372738601000
-0.066666666666666665741480812812;0.030392156862745097617439782312;0.036274509803921571593487982454;0.395098039215686258618376314189;0.097549019607843137635860841783;0.031372549019607842701873323676;0.012745098039215686097636037744;0.022058823529411766134478156687;0.148039215686274511218911698052;0.047058823529411764052809985515;0.026960784313725491556645863511;0.085784313725490196622658345404
-0.073703703703703701832772310354;0.021111111111111111743321444578;0.029629629629629630760412339896;0.481481481481481454753890147913;0.070000000000000006661338147751;0.035185185185185187395351391615;0.027407407407407408106436719208;0.066296296296296297612116177334;0.093703703703703705718552896542;0.044444444444444446140618509844;0.021851851851851851471497667490;0.035185185185185187395351391615
-0.030952380952380953438307642500;0.042857142857142857539365365938;0.059523809523809520505288617187;0.348809523809523791548770077497;0.057142857142857141072855853281;0.049206349206349205005484037656;0.044444444444444446140618509844;0.038888888888888889505679458125;0.140873015873015872134743631250;0.079365079365079360673718156249;0.048809523809523809589894227656;0.059126984126984125089698807187
-0.044444444444444446140618509844;0.043434343434343436474165400796;0.106565656565656571852507283893;0.190909090909090917165258360910;0.062121212121212118772994870142;0.080808080808080814949612147302;0.017171717171717171268596757727;0.030303030303030303871381079261;0.165151515151515160262363224319;0.101010101010101008278674328267;0.065151515151515154711248101194;0.092929292929292930947049455881
-0.083333333333333328707404064062;0.056746031746031745657266043281;0.140079365079365081303564011250;0.055158730158730157056012899375;0.061904761904761906876615285000;0.040079365079365082691342792032;0.030952380952380953438307642500;0.050793650793650793606737181562;0.149603174603174599033295066874;0.126190476190476186246769429999;0.077777777777777779011358916250;0.127380952380952372493538859999
-0.064130434782608700117201294688;0.064492753623188403544475022500;0.090217391304347832603482970626;0.137681159420289855876973206250;0.073188405797101452332498183750;0.067753623188405803778877611876;0.036956521739130436532416723594;0.053260869565217389132172343125;0.134782608695652172947632152500;0.084057971014492749439739327499;0.096739130434782605316712533750;0.096739130434782605316712533750
-0.065000000000000002220446049250;0.068333333333333329262515576374;0.063750000000000001110223024625;0.260833333333333305947832059246;0.007499999999999999722444243844;0.097083333333333327042069527124;0.003333333333333333547282562037;0.047500000000000000555111512313;0.072083333333333332593184650250;0.135000000000000008881784197001;0.126666666666666677398822571377;0.052916666666666667406815349750
-0.065625000000000002775557561563;0.076388888888888895056794581251;0.056944444444444443365060948281;0.157638888888888883954564334999;0.034027777777777774848022573906;0.106597222222222218213083522187;0.001041666666666666652210637700;0.031250000000000000000000000000;0.087152777777777773460243793124;0.146180555555555563573832955626;0.106944444444444439201724605937;0.130208333333333342585191871876
-0.059166666666666666019036568969;0.062500000000000000000000000000;0.068750000000000005551115123126;0.198750000000000009992007221626;0.014583333333333333564629796797;0.110000000000000000555111512313;0.001666666666666666773641281019;0.068750000000000005551115123126;0.074583333333333334813630699500;0.157500000000000001110223024625;0.099583333333333329262515576374;0.084166666666666667406815349750
-0.034074074074074076068363581271;0.075925925925925924486747931041;0.061851851851851852304164935958;0.145925925925925931148086078792;0.046296296296296293726335591145;0.112962962962962959467816403958;0.002962962962962962815832712593;0.017407407407407406163546426114;0.069629629629629624654185704458;0.126296296296296295391670128083;0.114814814814814813992427389167;0.191851851851851856745057034459
-0.032936507936507937455150596406;0.060317460317460318275362141094;0.071825396825396820021936150624;0.205952380952380942336077396249;0.007936507936507936067371815625;0.055555555555555552471602709375;0.000793650793650793650105268462;0.106349206349206346078339890937;0.100396825396825400966704933126;0.156746031746031744269487262500;0.095634920634920628224051597499;0.105555555555555555247160270937
-0.020740740740740740144509857146;0.085925925925925919490744320228;0.054444444444444441144614899031;0.172222222222222220988641083750;0.027777777777777776235801354687;0.102222222222222228205090743813;0.004814814814814815172039352831;0.080370370370370369794699172417;0.050740740740740739034286832521;0.133703703703703713490114068918;0.148148148148148139924273891666;0.118888888888888891171013995063
-0.044841269841269841556208319844;0.072222222222222215437525960624;0.034920634920634921471993550313;0.306746031746031766473947755003;0.021428571428571428769682682969;0.110317460317460314112025798750;0.003174603174603174600421073848;0.011904761904761904101057723437;0.050793650793650793606737181562;0.113888888888888886730121896562;0.146031746031746040292986776876;0.083730158730158724122993874062
-0.025438596491228069457202209946;0.081578947368421056429710347402;0.031578947368421053654152785839;0.348684210526315763178928364141;0.031578947368421053654152785839;0.099561403508771934012244742007;0.004824561403508772182424646502;0.005263157894736841986571551644;0.047807017543859652020099559877;0.076754385964912283379923962912;0.092105263157894731729236070805;0.154824561403508781376459069179
-0.076666666666666660745477201999;0.061249999999999998889776975375;0.042500000000000003053113317719;0.251249999999999973354647408996;0.022916666666666665047591422422;0.104166666666666671292595935938;0.001250000000000000026020852140;0.027500000000000000138777878078;0.071666666666666670182372911313;0.113750000000000003885780586188;0.104583333333333333703407674875;0.122499999999999997779553950750
-0.020238095238095239053466301016;0.068253968253968247403840052812;0.084126984126984133416371491876;0.191269841269841256448103194998;0.025793650793650792218958400781;0.091269841269841264774775879687;0.001190476190476190583578119941;0.028174603174603175120838116641;0.071428571428571424606346340624;0.126587301587301581662359239999;0.154365079365079371775948402501;0.137301587301587313394435341252
-0.013605442176870747791883609068;0.065986394557823124795703506607;0.077210884353741501828771731653;0.218027210884353728204132494284;0.031632653061224487445191044799;0.094897959183673469274467038304;0.001360544217687074735820274007;0.028231292517006803532986225491;0.051700680272108841262213019263;0.114285714285714282145711706562;0.137074829931972785868055098035;0.165986394557823130346818629732
-0.005185185185185185036127464286;0.103333333333333332593184650250;0.048148148148148148250946576354;0.178148148148148138814050867040;0.023333333333333334397297065266;0.165185185185185184897349586208;0.003333333333333333547282562037;0.008148148148148147418279307885;0.048518518518518516380311211833;0.081111111111111106053428443374;0.133703703703703713490114068918;0.201851851851851865626841231460
-0.005000000000000000104083408559;0.075833333333333335923853724125;0.015833333333333334674852821422;0.393333333333333312609170206997;0.021250000000000001526556658860;0.127500000000000002220446049250;0.000833333333333333386820640509;0.020833333333333332176851016015;0.040833333333333332593184650250;0.074583333333333334813630699500;0.104583333333333333703407674875;0.119583333333333333148296162562
-0.005416666666666666851703837438;0.077083333333333337034076748751;0.034166666666666664631257788187;0.418750000000000011102230246252;0.022083333333333333287074040641;0.108749999999999999444888487687;0.002500000000000000052041704279;0.002500000000000000052041704279;0.037083333333333336201409480282;0.079166666666666662965923251249;0.111666666666666664076146275875;0.100833333333333330372738601000
-0.013333333333333334189130248149;0.118518518518518523041649359584;0.036666666666666666851703837438;0.171851851851851838981488640457;0.027777777777777776235801354687;0.158518518518518530813210531960;0.004444444444444444440589503387;0.019629629629629628817522046802;0.070740740740740742920067418709;0.082962962962962960578039428583;0.149629629629629640197308049210;0.145925925925925931148086078792
-0.012301587301587301251371009414;0.066666666666666665741480812812;0.068253968253968247403840052812;0.304761904761904789395998705004;0.029761904761904760252644308594;0.098809523809523805426557885312;0.002777777777777777883788656865;0.010317460317460317234528055508;0.060714285714285713690951951094;0.111507936507936514236583036563;0.094444444444444441977282167500;0.139682539682539685887974201250
-0.011240310077519379688970602160;0.113178294573643409282048821751;0.054263565891472867463996010429;0.241085271317829447079716942426;0.022868217054263565574112604395;0.103488372093023250908316867935;0.007364341085271317727256601415;0.012403100775193798277484802384;0.064728682170542631291176860486;0.093798449612403106412372721934;0.125193798449612397893915272107;0.150387596899224817992291036717
-0.012601626016260162807536282514;0.111382113821138217790718272227;0.063008130081300808833510984641;0.170731707317073183594047236511;0.038617886178861790535954412462;0.125203252032520334635634640108;0.006097560975609756309112619022;0.009349593495934959558324450768;0.078455284552845533374565434315;0.093089430894308947128656939185;0.117073170731707323910519846777;0.174390243902439012746441449053
-0.016312056737588651739168099652;0.076241134751773048661149800864;0.051773049645390069317674175409;0.159929078014184405942543776291;0.043617021276595745182813601559;0.116312056737588653820836270825;0.003546099290780141757850607576;0.004255319148936170282893076688;0.102836879432624109242944143716;0.123758865248226948563292637573;0.107446808510638300293571489874;0.193971631205673761266794485891
-0.011842105263157895120307294690;0.109649122807017537772900084292;0.055701754385964911964190804383;0.196052631578947367252396816184;0.029824561403508770968118213318;0.106578947368421050878595224276;0.002631578947368420993285775822;0.027631578947368420212660211632;0.064035087719298250386046333915;0.084210526315789471785144826299;0.123684210526315785383388856644;0.188157894736842107308305571678
-0.020833333333333332176851016015;0.090833333333333335368742211813;0.077499999999999999444888487687;0.192916666666666652973916029623;0.037499999999999998612221219219;0.089166666666666671847707448251;0.006666666666666667094565124074;0.029583333333333333009518284484;0.063750000000000001110223024625;0.110000000000000000555111512313;0.120833333333333334258519187188;0.160416666666666679619268620627
-0.025438596491228069457202209946;0.069298245614035081096915291710;0.057894736842105262719648806069;0.202631578947368412579876917334;0.034649122807017540548457645855;0.129824561403508759171998576676;0.000877192982456140367235331023;0.026315789473684209065496020230;0.084649122807017543324015207418;0.110526315789473680850640846529;0.143421052631578949121404775724;0.114473684210526310822686468782
-0.025185185185185185452461098521;0.050000000000000002775557561563;0.090740740740740746805848004897;0.227037037037037037201514522167;0.010370370370370370072254928573;0.085185185185185183232015049271;0.002592592592592592518063732143;0.047777777777777780121581940875;0.080740740740740737924063807895;0.135185185185185186007572610833;0.125925925925925913384517684790;0.119259259259259259300378630542
-0.061538461538461541877609306539;0.040170940170940173941094286647;0.074358974358974358476181976130;0.229914529914529902621112000816;0.006410256410256410034009810772;0.090170940170940169777757944303;0.002136752136752136967123849587;0.060256410256410257442194478017;0.078632478632478630675706199327;0.191025641025641013115432542691;0.111111111111111104943205418749;0.054273504273504274975081784760
-0.076666666666666660745477201999;0.050999999999999996724842077356;0.075333333333333335479764514275;0.202666666666666661633655621699;0.020666666666666666518636930050;0.063666666666666663076945553712;0.005000000000000000104083408559;0.030999999999999999777955395075;0.092666666666666661078544109387;0.164333333333333331260917020700;0.108666666666666661411611016774;0.108333333333333337034076748751
-0.041250000000000001942890293094;0.052083333333333335646297967969;0.053333333333333336756520992594;0.330000000000000015543122344752;0.013750000000000000069388939039;0.096250000000000002220446049250;0.003749999999999999861222121922;0.037499999999999998612221219219;0.066250000000000003330669073875;0.136666666666666658525031152749;0.119166666666666670737484423626;0.050000000000000002775557561563
-0.035555555555555555524716027094;0.072962962962962965574043039396;0.064074074074074074958140556646;0.249629629629629617992847556707;0.011851851851851851263330850372;0.099629629629629623543962679832;0.002962962962962962815832712593;0.055185185185185184342238073896;0.052962962962962961688262453208;0.134444444444444449748843339876;0.138148148148148158798065310293;0.082592592592592592448674793104
-0.052702702702702705628290402728;0.076576576576576571575571961148;0.050000000000000002775557561563;0.226576576576576566024456838022;0.029729729729729731380061252821;0.089189189189189194140183758464;0.005855855855855855891800576529;0.034234234234234231508686718826;0.061261261261261260036015130481;0.151351351351351359753039105271;0.131981981981981993934383012856;0.090540540540540545566550179046
-0.104901960784313727503835877997;0.061111111111111109106541761093;0.044117647058823532268956313374;0.157516339869281041252691011323;0.017320261437908497648141548098;0.094771241830065355848944363970;0.003921568627450980337734165460;0.012418300653594770491250365296;0.161111111111111121596550788126;0.130718954248366020509664053861;0.121568627450980390469759129246;0.090522875816993461639548002040
-0.061249999999999998889776975375;0.060833333333333336478965236438;0.052916666666666667406815349750;0.217083333333333322601177428623;0.007499999999999999722444243844;0.136666666666666658525031152749;0.000416666666666666693410320255;0.032500000000000001110223024625;0.079583333333333339254522798001;0.129166666666666679619268620627;0.152499999999999996669330926125;0.069583333333333330372738601000
-0.023611111111111110494320541875;0.085555555555555551361379684749;0.086388888888888890060790970438;0.128888888888888886175010384250;0.010833333333333333703407674875;0.151111111111111112714766591125;0.003333333333333333547282562037;0.018055555555555553859381490156;0.082222222222222224319310157625;0.146388888888888901718132729002;0.169444444444444453079512413751;0.094166666666666662410811738937
-0.009119496855345911659473934208;0.082704402515723265953972997977;0.061949685534591195090747817176;0.216666666666666674068153497501;0.018238993710691823318947868415;0.159433962264150935750350868148;0.004088050314465408764663667540;0.011006289308176099919767132462;0.058490566037735849946876953709;0.089937106918238987618430257953;0.136477987421383645250116956049;0.151886792452830182709178075129
-0.008333333333333333217685101602;0.123188405797101455108055745313;0.058333333333333334258519187188;0.041304347826086953987534400312;0.039855072463768112522863873437;0.135144927536231890252693688126;0.003623188405797101493271972217;0.004347826086956521791926366660;0.094202898550724639692433015625;0.093840579710144922387371479999;0.129710144927536241699073116251;0.268115942028985532186169393754
-0.040000000000000000832667268469;0.065925925925925929482751541855;0.072222222222222215437525960624;0.117407407407407404775767645333;0.031851851851851853414387960584;0.101851851851851846197938300520;0.001111111111111111110147375847;0.015185185185185185244294281404;0.118148148148148154912284724105;0.161481481481481475848127615791;0.133333333333333331482961625625;0.141481481481481485840134837417
-0.031531531531531528655953877660;0.062162162162162165612855346808;0.094594594594594599845649440795;0.170720720720720725571695197686;0.036486486486486488511893355735;0.052252252252252252839870294565;0.003603603603603603659083498556;0.026126126126126126419935147283;0.099099099099099099974274906799;0.157657657657657657157557196115;0.129279279279279291081650171691;0.136486486486486480185220671046
-0.046078431372549022437823396103;0.052450980392156863751917938998;0.076470588235294123524710130368;0.218137254901960786490633381618;0.024019607843137256303345239417;0.068137254901960778163960696929;0.004901960784313725422167706824;0.050000000000000002775557561563;0.090686274509803918575379100275;0.179411764705882353920785021728;0.111274509803921561879036516984;0.078431372549019606754683309191
-0.063095238095238093123384715000;0.055158730158730157056012899375;0.065476190476190479494711382813;0.183730158730158743551896805002;0.014285714285714285268213963320;0.100793650793650796382294743125;0.001984126984126984016842953906;0.064285714285714279370154144999;0.064682539682539688663531762813;0.213492063492063482987859401874;0.094841269841269837392871977499;0.078174603174603174426948726250
-0.058333333333333334258519187188;0.063333333333333338699411285688;0.044999999999999998334665463062;0.247083333333333321490954403998;0.010833333333333333703407674875;0.104999999999999996114219413812;0.004166666666666666608842550801;0.016666666666666666435370203203;0.095000000000000001110223024625;0.132500000000000006661338147751;0.112916666666666665186369300500;0.109166666666666661855700226624
-0.012333333333333333300951828448;0.086666666666666669627261399000;0.046333333333333330539272054693;0.219666666666666676732688756601;0.024333333333333331816028533012;0.148666666666666669183172189150;0.003333333333333333547282562037;0.019666666666666665630458510350;0.052333333333333335868342572894;0.077666666666666661633655621699;0.159000000000000002442490654175;0.149999999999999994448884876874
-0.093703703703703705718552896542;0.049259259259259259577934386698;0.038888888888888889505679458125;0.207037037037037047193521743793;0.026296296296296296779448908865;0.087037037037037037756626034479;0.001851851851851851922525771243;0.033703703703703701000105041885;0.114814814814814813992427389167;0.154814814814814821763988561543;0.107037037037037041642406620667;0.085555555555555551361379684749
-0.076666666666666660745477201999;0.059999999999999997779553950750;0.039444444444444441699726411343;0.354722222222222216547748985249;0.006388888888888889262818171488;0.092222222222222219323306546812;0.003888888888888888777095598215;0.045555555555555557467606320188;0.065833333333333327042069527124;0.094166666666666662410811738937;0.102222222222222228205090743813;0.058888888888888886452566140406
-0.035772357723577237476053625187;0.066666666666666665741480812812;0.052032520325203251987389307942;0.154471544715447162143817649849;0.043089430894308944353099377622;0.119105691056910573122351593156;0.005284552845528455063128792091;0.018292682926829267192614381088;0.078861788617886174890259098902;0.117479674796747965426213511364;0.146747967479674806812184328919;0.162195121951219517475450970778
-0.030740740740740742087400150240;0.082962962962962960578039428583;0.066296296296296297612116177334;0.158148148148148148806058088667;0.012222222222222222862142437805;0.121851851851851850083718886708;0.002222222222222222220294751693;0.092962962962962969459823625584;0.046296296296296293726335591145;0.147777777777777785672697064001;0.139259259259259249308371408915;0.099259259259259255414598044354
-0.031666666666666669349705642844;0.099166666666666666851703837438;0.042500000000000003053113317719;0.186666666666666675178376522126;0.018333333333333333425851918719;0.161250000000000004440892098501;0.000833333333333333386820640509;0.050000000000000002775557561563;0.044583333333333335923853724125;0.104999999999999996114219413812;0.154999999999999998889776975375;0.104999999999999996114219413812
-0.049275362318840582043222298125;0.056159420289855072061513396875;0.071014492753623190135492393438;0.197463768115942017722375112498;0.009782608695652174682355628477;0.092391304347826080922700953124;0.004347826086956521791926366660;0.047463768115942030212384139531;0.081159420289855066510398273749;0.162318840579710133020796547498;0.153623188405797111988349001876;0.074999999999999997224442438437
-0.025000000000000001387778780781;0.064583333333333339809634310313;0.042187500000000002775557561563;0.317708333333333314829616256247;0.040625000000000001387778780781;0.093229166666666668517038374375;0.001041666666666666652210637700;0.009374999999999999653055304805;0.069791666666666668517038374375;0.090624999999999997224442438437;0.095833333333333339809634310313;0.149999999999999994448884876874
-0.014529914529914530335608091605;0.070085470085470086276657752933;0.060256410256410257442194478017;0.204700854700854695256140303172;0.045299145299145297804965792920;0.090598290598290595609931585841;0.005555555555555555767577313730;0.010256410256410256401360392431;0.073931623931623932644008334591;0.097435897435897436680285466082;0.120085470085470089052215314496;0.207264957264957278004757768031
-0.040789473684210528214855173701;0.071491228070175438791267197303;0.064912280701754379585999288338;0.188596491228070178847175952797;0.009210526315789472825978911885;0.062280701754385964230564809441;0.006140350877192982462227099916;0.025000000000000001387778780781;0.097807017543859647856763217533;0.175877192982456131975510515986;0.123684210526315785383388856644;0.134210526315789474560702387862
-0.010884353741496597886562192059;0.087755102040816324038274842678;0.077891156462585028896761230044;0.255442176870748272055067218389;0.009523809523809524668624959531;0.131972789115646249591407013213;0.008163265306122449715964251027;0.020748299319727891293352328717;0.043537414965986391546248768236;0.092857142857142860314922927500;0.156122448979591849083092824912;0.105102040816326527949975400134
-0.039629629629629632703302632990;0.075185185185185188228018660084;0.086296296296296301497896763522;0.225555555555555564684055980251;0.011111111111111111535154627461;0.084074074074074078843921142834;0.009259259259259258745267118229;0.023703703703703702526661700745;0.075555555555555556357383295563;0.143333333333333340364745822626;0.122962962962962968349600600959;0.103333333333333332593184650250
-0.027160493827160493707228994253;0.075925925925925924486747931041;0.060493827160493826577969400660;0.201851851851851865626841231460;0.020987654320987654543717582101;0.129629629629629622433739655207;0.002469135802469135752140738660;0.019135802469135803488553548846;0.072222222222222215437525960624;0.133333333333333331482961625625;0.106172839506172844714626535279;0.150617283950617297794138949030
-0.026754385964912280604366401349;0.098684210526315790934503979770;0.066228070175438594202610431694;0.125438596491228071538870381119;0.017543859649122806043664013487;0.156140350877192995993070212535;0.003947368421052631706769098230;0.011842105263157895120307294690;0.075877192982456140302183200674;0.124561403508771928461129618881;0.172368421052631587420123082666;0.120614035087719298489083996628
-0.036991869918699189778710234577;0.061788617886178863469748279158;0.071544715447154474952107250374;0.179268292682926821957067886615;0.010975609756097560315568628653;0.094308943089430899431313548575;0.002845528455284553059900787275;0.060162601626016262712504101273;0.077235772357723581071908824924;0.128455284552845522272335188063;0.217073170731707315583847162088;0.059349593495934958864435060377
-0.018421052631578945651957823770;0.077777777777777779011358916250;0.073099415204678358515266722861;0.292982456140350899786994887108;0.009356725146198830583843530917;0.103508771929824563984290364260;0.007602339181286549632532434373;0.020760233918128655900003920465;0.055263157894736840425320423265;0.115789473684210525439297612138;0.131286549707602340220091718948;0.094152046783625736869893785297
-0.041851851851851848418384349770;0.072962962962962965574043039396;0.064074074074074074958140556646;0.174444444444444457520404512252;0.022222222222222223070309254922;0.114444444444444445863062753688;0.002962962962962962815832712593;0.017777777777777777762358013547;0.098518518518518519155868773396;0.151111111111111112714766591125;0.125555555555555559132940857126;0.114074074074074077733698118209
-0.054074074074074073015250263552;0.052222222222222225429533182250;0.059999999999999997779553950750;0.093703703703703705718552896542;0.046296296296296293726335591145;0.061481481481481484174800300480;0.003333333333333333547282562037;0.012962962962962962590318660716;0.139259259259259249308371408915;0.245555555555555554692048758625;0.077407407407407410881994280771;0.153703703703703703498106847292
-0.070940170940170937941005036009;0.035042735042735043138328876466;0.104273504273504277750639346323;0.210256410256410258829973258798;0.019658119658119657668926549832;0.058119658119658121342432366419;0.005128205128205128200680196215;0.050854700854700854439904844639;0.125213675213675212916086820769;0.162393162393162399093071712741;0.100854700854700857215462406202;0.057264957264957262739191179435
-0.049666666666666664520235485725;0.030666666666666664992080271190;0.085999999999999993116617247324;0.170333333333333336589987538900;0.021666666666666667406815349750;0.088999999999999995781152506424;0.002333333333333333526465880325;0.050000000000000002775557561563;0.125333333333333324377534268024;0.161333333333333328596381761599;0.131666666666666654084139054248;0.082000000000000003441691376338
-0.015925925925925926707193980292;0.082592592592592592448674793104;0.080740740740740737924063807895;0.187407407407407411437105793084;0.022592592592592591199673890401;0.116666666666666668517038374375;0.006296296296296296363115274630;0.023703703703703702526661700745;0.084814814814814815102650413792;0.119999999999999995559107901499;0.131851851851851858965503083709;0.127407407407407413657551842334
-0.002777777777777777883788656865;0.142460317460317453797102871249;0.059523809523809520505288617187;0.125396825396825395415589810000;0.017460317460317460735996775156;0.178174603174603179978063849376;0.004365079365079365183999193789;0.011111111111111111535154627461;0.050793650793650793606737181562;0.074603174603174601808852628437;0.159523809523809512178615932498;0.173809523809523802651000323749
-0.002136752136752136967123849587;0.149999999999999994448884876874;0.057692307692307695510258724880;0.149999999999999994448884876874;0.027350427350427350403627713149;0.139743589743589746721141864327;0.004700854700854700633783078700;0.004273504273504273934247699174;0.035897435897435894802676159543;0.070085470085470086276657752933;0.137179487179487191728100015098;0.220940170940170932389889912884
-0.005405405405405405705465682331;0.184684684684684685684885607770;0.063963963963963962888747971647;0.164414414414414428167177106843;0.018468468468468467180709779996;0.132882882882882885633435421369;0.011711711711711711783601153058;0.000900900900900900914770874639;0.027027027027027028527328411656;0.059459459459459462760122505642;0.166666666666666657414808128124;0.164414414414414428167177106843
-0.006410256410256410034009810772;0.108974358974358975782337211058;0.080341880341880347882188573294;0.168803418803418814331251951444;0.026923076923076924571454071611;0.122222222222222218213083522187;0.011111111111111111535154627461;0.004273504273504273934247699174;0.062820512820512819374130231154;0.094871794871794867809455809038;0.141025641025641024217662788942;0.172222222222222220988641083750
-0.034234234234234231508686718826;0.065765765765765760164640596486;0.070720720720720720020580074561;0.214414414414414417064946860592;0.017567567567567568542763467576;0.120270270270270276946611431867;0.006756756756756757131832102914;0.023423423423423423567202306117;0.059459459459459462760122505642;0.125675675675675668774289306384;0.140090090090090102492581536353;0.121621621621621628372977852450
-0.005555555555555555767577313730;0.098717948717948714176806390697;0.044871794871794871972792151382;0.220940170940170932389889912884;0.018376068376068376702958673263;0.176495726495726507065953114761;0.002991452991452991667237215623;0.022649572649572648902482896460;0.052136752136752138875319673161;0.073076923076923080979661051515;0.136324786324786312308177116392;0.147863247863247865288016669183
-0.007499999999999999722444243844;0.092499999999999998889776975375;0.090416666666666672957930472876;0.221250000000000002220446049250;0.020000000000000000416333634234;0.110416666666666662965923251249;0.007083333333333332974823814965;0.011666666666666667198648532633;0.067500000000000004440892098501;0.097916666666666665741480812812;0.158333333333333325931846502499;0.115416666666666667406815349750
-0.007692307692307692734701163317;0.066239316239316239909307171274;0.078632478632478630675706199327;0.252564102564102554993041849229;0.020085470085470086970547143324;0.112820512820512822149687792717;0.003418803418803418800453464144;0.027350427350427350403627713149;0.045726495726495723637139434459;0.119230769230769237387868031419;0.165811965811965805750460845047;0.100427350427350431383288764664
-0.059999999999999997779553950750;0.052083333333333335646297967969;0.059166666666666666019036568969;0.193750000000000005551115123126;0.019583333333333334536074943344;0.094583333333333338699411285688;0.003749999999999999861222121922;0.022916666666666665047591422422;0.088333333333333333148296162562;0.160833333333333328152292551749;0.124166666666666661300588714312;0.120833333333333334258519187188
-0.046249999999999999444888487687;0.051666666666666666296592325125;0.083333333333333328707404064062;0.222500000000000003330669073875;0.026249999999999999028554853453;0.067083333333333328152292551749;0.002083333333333333304421275400;0.035833333333333335091186455656;0.071666666666666670182372911313;0.144166666666666665186369300500;0.108333333333333337034076748751;0.140833333333333338144299773376
-0.024390243902439025236450476086;0.060569105691056911167091669768;0.065040650406504071923130538835;0.206097560975609744859937677575;0.019105691056910567571236470030;0.121951219512195119243358476524;0.002439024390243902436908873810;0.027642276422764226750938831856;0.077235772357723581071908824924;0.125609756097560976151328304695;0.145934959349593496025221384116;0.123983739837398368455190222903
-0.015185185185185185244294281404;0.078148148148148147140723551729;0.084074074074074078843921142834;0.200000000000000011102230246252;0.013703703703703704053218359604;0.155185185185185176015565389207;0.005185185185185185036127464286;0.031481481481481478346129421197;0.050000000000000002775557561563;0.126296296296296295391670128083;0.125555555555555559132940857126;0.115185185185185182121792024645
-0.021250000000000001526556658860;0.063750000000000001110223024625;0.071666666666666670182372911313;0.211666666666666669627261399000;0.015833333333333334674852821422;0.137500000000000011102230246252;0.000416666666666666693410320255;0.094166666666666662410811738937;0.053333333333333336756520992594;0.121666666666666672957930472876;0.110416666666666662965923251249;0.098333333333333328152292551749
-0.029000000000000001471045507628;0.086666666666666669627261399000;0.036333333333333335535275665507;0.139666666666666661189566411849;0.021999999999999998723243521681;0.161333333333333328596381761599;0.002000000000000000041633363423;0.016333333333333331649495079319;0.087666666666666670515439818701;0.141333333333333338588388983226;0.122666666666666659968321084762;0.154999999999999998889776975375
-0.021154945683247571019958144234;0.085191538021726700979918689427;0.051457975986277874891339223495;0.208118925100057167165701343947;0.029731275014293883501848014816;0.131503716409376775198225573149;0.005717552887364208032139334392;0.007432818753573470875462003704;0.070897655803316181333251222441;0.113207547169811323373167510908;0.107489994282447112738942962551;0.168096054888507706603917313259
-0.015437392795883362120457071853;0.075471698113207544289515738001;0.074328187535734710489343513018;0.196683819325328745897252247232;0.035448827901658090666625611220;0.107489994282447112738942962551;0.005145797598627787662606269947;0.042309891366495142039916288468;0.064036592338479136898854449100;0.105202973127501431260810704771;0.124642652944539730763828799809;0.153802172670097186957249846273
-0.006861063464837049638567201271;0.106346483704974265060982929754;0.040022870211549453622890126780;0.257861635220125784417888326061;0.022298456260720411759024273124;0.134934248141795304354317863726;0.001715265866209262409641800318;0.010863350485991995694745604339;0.040594625500285877461870143179;0.084048027444253853301958656630;0.130931961120640372175927268472;0.163522012578616343647652797699
-0.030188679245283019103585075982;0.026415094339622642582998679472;0.049685534591194971398842028520;0.591194968553459099247504582308;0.010691823899371068543051599420;0.031446540880503144610447208152;0.021383647798742137086103198840;0.061635220125786163714032284133;0.026415094339622642582998679472;0.070440251572327042262067209322;0.064779874213836477481187614558;0.015723270440251572305223604076
-0.023307436182019976300683339332;0.053829078801331850523403943498;0.051609322974472807143975217059;0.488346281908989987563529666659;0.017203107658157603537807389671;0.046614872364039952601366678664;0.060488346281908987600584026723;0.109322974472807990520273335733;0.025527192008879023149559017725;0.034961154273029967920471960952;0.044395116537180909221937952225;0.044395116537180909221937952225
-0.033161806746712409188493353440;0.060606060606060607742762158523;0.053173241852487132530491464877;0.458547741566609490249106784177;0.028016009148084618923801869528;0.048027444253859345735246932918;0.062321326472269865381914399904;0.100057175528873637526672268905;0.028016009148084618923801869528;0.033733562035448826088579465932;0.045168667810177247357028562647;0.049170954831332186474313061808
-0.041105121293800540860363668116;0.055929919137466310719020157194;0.053908355795148250877435458506;0.485849056603773588047801013090;0.033692722371967652461588471624;0.048517520215633422320244960702;0.035714285714285712303173170312;0.068733153638814020736091947583;0.036388140161725070209630672480;0.035040431266846361335609572052;0.051212938005390833129393257650;0.053908355795148250877435458506
-0.026675341574495772117847636196;0.046844502277163302395024402358;0.043591411841249184944135919295;0.477553675992192561139404460846;0.019518542615484711644224802285;0.056603773584905661686583755454;0.063109954456733896588360721580;0.093689004554326604790048804716;0.028627195836044241894491335643;0.036434612882238127939960037338;0.052700065061808715194402452653;0.054651919323357188440493104054
-0.026171637248934873781758270184;0.050517346317711500636171706446;0.049908703590992087306688063109;0.485088253195374297099817795242;0.018867924528301886072378934500;0.042604990870359099597308727425;0.058429701765063908613928589375;0.102251978088861841809098507383;0.033475349969567864960584557821;0.032258064516129031362723367238;0.051734631771150334234032897029;0.048691418137553253708826872526
-0.041509433962264148665344265510;0.072327044025157230522360407576;0.047798742138364783138548830266;0.461006289308176109287273902737;0.025786163522012579829567613388;0.047798742138364783138548830266;0.055345911949685536179721623284;0.078616352201257858056671068425;0.028301886792452830843291877727;0.032704402515723270117309340321;0.040880503144654085911913199425;0.067924528301886791248342944982
-0.048349056603773588047801013090;0.048349056603773588047801013090;0.048938679245283021879142637545;0.452830188679245293492670043634;0.021816037735849055229087056773;0.041863207547169808964149240182;0.056014150943396227855242131000;0.127358490566037735325366497818;0.030070754716981132337316751091;0.035966981132075470650732995637;0.046580188679245279614882235819;0.041863207547169808964149240182
-0.041166380789022301300850159578;0.067467124070897652177158931863;0.052029731275014291791425335987;0.456832475700400253426636254517;0.030303030303030303871381079261;0.049170954831332186474313061808;0.047455688965122928835160820427;0.074899942824471127389429625509;0.037735849056603772144757869000;0.042309891366495142039916288468;0.048027444253859345735246932918;0.052601486563750715630405352385
-0.045039561777236759854137204684;0.076688983566646384826270832491;0.046256847230675593451998395267;0.459525258673158853994777928165;0.016433353621424222346103505288;0.052951917224589167831894087612;0.059038344491783321943412232713;0.079732197200243451473689049180;0.032258064516129031362723367238;0.037735849056603772144757869000;0.051125989044430920904549253692;0.043213633597078512926792370763
-0.038993710691823897651620001170;0.057861635220125787193445887624;0.051572327044025159659135226775;0.445911949685534603204928316700;0.030188679245283019103585075982;0.045911949685534587939361728104;0.049056603773584908645410962436;0.105031446540880507578563651805;0.038993710691823897651620001170;0.037106918238993709391326802916;0.052201257861635222412566292860;0.047169811320754720385117764181
-0.044025157232704399679068529849;0.052830188679245285165997358945;0.038364779874213834898188935085;0.454716981132075481752963241888;0.016981132075471697812085736246;0.050314465408805034152273094605;0.050314465408805034152273094605;0.127044025157232703948650964776;0.029559748427672956350154009897;0.036477987421383646637895736831;0.052201257861635222412566292860;0.047169811320754720385117764181
-0.016433353621424222346103505288;0.057212416311625075016067398792;0.039561777236762019072102702921;0.466220328667072414496885812696;0.017041996348143639145034100579;0.050517346317711500636171706446;0.055995130858186241418206208209;0.131466828971393778768828042303;0.033475349969567864960584557821;0.029214850882531954306964294688;0.055995130858186241418206208209;0.046865489957395006781482038605
-0.026675341574495772117847636196;0.065712426805465184997956384905;0.052049446974625893092003536822;0.441119063109954467893913943044;0.024723487312947298871756984795;0.052049446974625893092003536822;0.046193884189980480292625486527;0.101496421600520497774411410319;0.037085230969420950042358953169;0.035133376707872476796268301769;0.070266753415744953592536603537;0.047495120364346131436317222096
-0.032258064516129031362723367238;0.057821059038344488345551042130;0.038953134510042605742619059583;0.510651247717589740204857662320;0.015216068167985392217689266658;0.041387705416920265999447536842;0.050517346317711500636171706446;0.077297626293365798155754475829;0.033475349969567864960584557821;0.043213633597078512926792370763;0.048082775410833840379343229188;0.051125989044430920904549253692
-0.033962264150943395624171472491;0.059748427672955975453739085879;0.037735849056603772144757869000;0.493710691823899372465689339151;0.020754716981132074332672132755;0.037735849056603772144757869000;0.065408805031446540234618680643;0.082389937106918234577257464935;0.040251572327044023158482133340;0.039622641509433960405051067255;0.040880503144654085911913199425;0.047798742138364783138548830266
-0.056603773584905661686583755454;0.044811320754716978120857362455;0.045990566037735845783540611365;0.462853773584905647808795947640;0.019457547169811319903720558955;0.044811320754716978120857362455;0.059551886792452830843291877727;0.073702830188679249734384768544;0.035377358490566036819391371182;0.041863207547169808964149240182;0.061320754716981132337316751091;0.053655660377358492529875633181
-0.040094339622641507470124366819;0.053066037735849058698534008727;0.048349056603773588047801013090;0.457547169811320764143403039270;0.023584905660377360192558882090;0.051297169811320757204509135363;0.057783018867924529349267004363;0.085495283018867926361217257636;0.038325471698113205976099493455;0.045400943396226411952198986910;0.051297169811320757204509135363;0.047759433962264154216459388635
-0.027388922702373707379619460767;0.057212416311625075016067398792;0.047474132684114427049859585850;0.471089470480827776643906190657;0.020693852708460132999723768421;0.047474132684114427049859585850;0.062690200852099822736995804462;0.104077906269020081797549437397;0.029823493609251371105894889979;0.032866707242848444692207010576;0.051734631771150334234032897029;0.047474132684114427049859585850
-0.023584905660377360192558882090;0.067216981132075470650732995637;0.057193396226415095517925379909;0.449882075471698117397068017453;0.020636792452830187566403807864;0.043042452830188676626832489092;0.057783018867924529349267004363;0.104363207547169808964149240182;0.037146226415094338313416244546;0.040683962264150941301465991273;0.058962264150943397011950253273;0.039504716981132073638782742364
-0.062081558125380402468618257217;0.052343274497869747563516540367;0.049908703590992087306688063109;0.455873402312842346262300452508;0.024345709068776626854413436263;0.053560559951308581161377730950;0.049908703590992087306688063109;0.102251978088861841809098507383;0.027997565429093120709103104105;0.032258064516129031362723367238;0.048691418137553253708826872526;0.040779062690200852669963893504
-0.034083992696287278290068201159;0.042604990870359099597308727425;0.045648204503956180122514751929;0.508825319537431486338618924492;0.023128423615337796725999197633;0.041387705416920265999447536842;0.064516129032258062725446734476;0.077906269020085211485238119167;0.029214850882531954306964294688;0.036518563603164945485790582325;0.046256847230675593451998395267;0.049908703590992087306688063109
-0.037878787878787879839226349077;0.057070707070707070440729324901;0.050505050505050504139337164133;0.482828282828282828731403242273;0.020202020202020203737403036826;0.045959595959595957170851221463;0.059595959595959598076309049475;0.086363636363636364645657295114;0.026262626262626261736121691115;0.038383838383838381203005951647;0.055050505050505051107823106804;0.039898989898989899172132567173
-0.020105820105820106091787380365;0.060846560846560843183183919791;0.050264550264550261760021498958;0.487301587301587291189974848749;0.024867724867724868426099860130;0.047089947089947091496409115052;0.056084656084656084318318391979;0.086772486772486778772162097084;0.030158730158730159137681070547;0.036507936507936510073246694219;0.057142857142857141072855853281;0.042857142857142857539365365938
-0.030687830687830687514949801198;0.091534391534391537637027624896;0.068783068783068779250555735416;0.403174603174603185529178972502;0.023809523809523808202115446875;0.073015873015873020146493388438;0.038095238095238098674499838125;0.102116402116402119060190045730;0.040211640211640212183574760729;0.038624338624338623582321616823;0.043386243386243389386081048542;0.046560846560846559649693432448
-0.023737066342057213524929792925;0.159464394400486902947378098361;0.130249543517954952109860755627;0.150334753499695689127335640478;0.021911138161898966597584959004;0.087035909920876439183068384864;0.103469263542300668468065794059;0.049300060864272673977204419771;0.042604990870359099597308727425;0.036518563603164945485790582325;0.079732197200243451473689049180;0.115642118076688976691102084260
-0.060185185185185181844236268489;0.106481481481481482509465763542;0.130787037037037034981068472916;0.118055555555555552471602709375;0.029513888888888888117900677344;0.072916666666666671292595935938;0.105324074074074069962136945833;0.101273148148148153802061699480;0.061921296296296293726335591145;0.059606481481481482509465763542;0.064814814814814811216869827604;0.089120370370370363688472536978
-0.152830188679245276839324674256;0.071698113207547167768929341491;0.069182389937106916755205077152;0.242138364779874215582111673939;0.025157232704402517076136547303;0.059119496855345912700308019794;0.027044025157232705336429745557;0.072327044025157230522360407576;0.071698113207547167768929341491;0.079245283018867920810102134510;0.072327044025157230522360407576;0.057232704402515724440014821539
-0.132684114424832633183370944607;0.054169202678027994490861374288;0.065124771758977476054930377813;0.274497869750456480186784347097;0.019476567255021302871309529792;0.070602556299452223775858783483;0.029823493609251371105894889979;0.097382836275106507417653745051;0.058429701765063908613928589375;0.074254412659768717630548451325;0.059038344491783321943412232713;0.064516129032258062725446734476
-0.051362683438155136428360236778;0.105870020964360586623875803980;0.118972746331236903238881552625;0.160377358490566029880497467275;0.022536687631027254447024787964;0.077044025157232701173093403213;0.061844863731656186944807274131;0.138888888888888895056794581251;0.049790356394129979544782571566;0.057651991614255763962670897627;0.078092243186582810388074449293;0.077568134171907762719477830160
-0.051125989044430920904549253692;0.128423615337796725999197633428;0.145465611685940354735890878146;0.109555690809494829518477843067;0.031040779062690201234309128608;0.074254412659768717630548451325;0.094948265368228854099719171700;0.096165550821667680758686458375;0.051125989044430920904549253692;0.061472915398660989139134613879;0.066342057212416316591685472304;0.090079123554473519708274409368
-0.032407407407407405608434913802;0.086226851851851846197938300520;0.090277777777777776235801354687;0.321180555555555580227178325003;0.021412037037037038450515424870;0.057291666666666664353702032031;0.042245370370370370627366440885;0.137152777777777790113589162502;0.039351851851851853136832204427;0.045717592592592594391565086198;0.070601851851851846197938300520;0.056134259259259258745267118229
-0.070580013976240391082583869320;0.090845562543675748012894644035;0.088050314465408799358137059698;0.285814116002795270965464169421;0.034241788958770093265204792488;0.054507337526205450195515567202;0.045422781271837874006447322017;0.111809923130677849045788718740;0.048218029350104822661204906353;0.039133473095737246472136661168;0.055904961565338924522894359370;0.075471698113207544289515738001
-0.024458420684835779912447151219;0.147449336128581409699478399489;0.156533892382948985888546644674;0.004192872117400419512689424550;0.054507337526205450195515567202;0.094339622641509440770235528362;0.139063591893780563735205646481;0.068483577917540186530409584975;0.062893081761006289220894416303;0.047519217330538085497515510269;0.089447938504542273685515851867;0.111111111111111104943205418749
-0.025943396226415095517925379909;0.094339622641509440770235528362;0.060731132075471698505975126636;0.422759433962264175033141100357;0.024174528301886794023900506545;0.059551886792452830843291877727;0.037146226415094338313416244546;0.081367924528301882602931982547;0.031250000000000000000000000000;0.038915094339622639807441117910;0.069575471698113205976099493455;0.054245283018867926361217257636
-0.052287581699346406816086840763;0.151960784313725477678858055697;0.116557734204793025933888372947;0.145969498910675371528000709986;0.070261437908496732207552781801;0.074618736383442269000099145160;0.074618736383442269000099145160;0.017973856209150325391465941038;0.068627450980392162849241799449;0.020697167755991285886807418137;0.071350762527233116405689372641;0.135076252723311557302210417220
-0.072951739618406286069784982828;0.067340067340067338852449552178;0.059483726150392816911516291611;0.314253647586980933148481653916;0.014590347923681256520067606175;0.049382716049382713308091297222;0.074635241301907961908312927335;0.158810325476992142412768771464;0.050505050505050504139337164133;0.042648709315375982198403903567;0.045454545454545455807071618892;0.049943883277216612193161182631
-0.077777777777777779011358916250;0.067724867724867729434912178021;0.059259259259259261520824679792;0.311640211640211661769939155420;0.017460317460317460735996775156;0.057142857142857141072855853281;0.079894179894179892520433838854;0.133333333333333331482961625625;0.033862433862433864717456089011;0.061904761904761906876615285000;0.051322751322751325453452864167;0.048677248677248680097662258959
-0.129100529100529104464811780417;0.094708994708994714839533912709;0.061375661375661375029899602396;0.246560846560846563813029774792;0.017460317460317460735996775156;0.063492063492063488538974525000;0.042328042328042325692649683333;0.103174603174603168875833603124;0.060317460317460318275362141094;0.068253968253968247403840052812;0.053968253968253970809243469375;0.059259259259259261520824679792
-0.127081021087680351433490955060;0.083795782463928963901267366055;0.068812430632630414151229558684;0.276359600443951192172420405768;0.019422863485016646917236116110;0.062708102108768037918906657069;0.039955604883462822463080499347;0.061043285238623748445441208332;0.058823529411764705066012481893;0.076026637069922312073266823518;0.059933407325194226755726845113;0.066037735849056602988049746727
-0.138095238095238104225614961251;0.083597883597883601569655809271;0.096825396825396828348608835313;0.198412698412698401684295390623;0.021693121693121694693040524271;0.073544973544973538115421263228;0.029100529100529098913696657291;0.089417989417989424127952702293;0.053439153439153438962527786771;0.080952380952380956213865204063;0.065079365079365084079121572813;0.069841269841269842943987100625
-0.138095238095238104225614961251;0.083068783068783069722940126667;0.086772486772486778772162097084;0.146560846560846558261914651666;0.022751322751322751447577985573;0.064550264550264552232405890209;0.038624338624338623582321616823;0.092063492063492069483743307501;0.066666666666666665741480812812;0.108465608465608459587414813541;0.080952380952380956213865204063;0.071428571428571424606346340624
-0.088527551942186089029007689533;0.067299006323396567963435188631;0.071364046973803066387098681389;0.299457994579945818713895278051;0.024390243902439025236450476086;0.066847335140018060428701573983;0.030261969286359529512919763761;0.090785907859078585069312339328;0.062330623306233061409198370484;0.072719060523938575113511717518;0.063233965672990069539771695872;0.062782294489611562005038081224
-0.113816189896530736702651154246;0.056603773584905661686583755454;0.066950699939135729921169115642;0.301278149726110777706367116480;0.014607425441265977153482147344;0.051734631771150334234032897029;0.070602556299452223775858783483;0.097382836275106507417653745051;0.057821059038344488345551042130;0.070602556299452223775858783483;0.054777845404747414759238921533;0.043822276323797933195169918008
-0.146750524109014679474682907312;0.039133473095737246472136661168;0.066387141858839968100447492816;0.283018867924528294555130969457;0.018867924528301886072378934500;0.045422781271837874006447322017;0.063591893780573019445689908480;0.109713487071977644493614434396;0.065688329839273237875652000639;0.079664570230607967271652114505;0.043326345213137662515379133765;0.038434661076170509308447265084
-0.160377358490566029880497467275;0.045718432510885344266515772915;0.057329462989840346276437799133;0.318577648766327992113644995698;0.014513788098693759451296436680;0.042089985486211900500563842797;0.034107402031930335317699842790;0.116110304789550075610371493440;0.055152394775036285567981764189;0.058780841799709722395039790399;0.056603773584905661686583755454;0.040638606676342524381961851532
-0.027777777777777776235801354687;0.062169312169312165861079222395;0.082671957671957674307350316667;0.298941798941798952959914004168;0.027777777777777776235801354687;0.051587301587301584437916801562;0.067460317460317456572660432812;0.186507936507936511461025475000;0.044312169312169309709492637239;0.052910052910052907115812104166;0.050925925925925923098969150260;0.046957671957671955065283242448
-0.085255066387141864581167283177;0.062194269741439552057205020219;0.064989517819706493773068700648;0.358490566037735824966858899643;0.016771488469601678050757698202;0.043326345213137662515379133765;0.045422781271837874006447322017;0.124388539482879104114410040438;0.046820405310971348333826114185;0.046820405310971348333826114185;0.058001397624039136013962547622;0.047519217330538085497515510269
-0.053921568627450983113291727022;0.065904139433551195415006418443;0.058278867102396512966944186473;0.387254901960784325698483598899;0.022875816993464050813633647863;0.052832244008714598915155136183;0.063725490196078427018733236764;0.105664488017429197830310272366;0.037581699346405227080136768336;0.046840958605664485825403886565;0.055010893246187360372534413955;0.050108932461873638419813659084
-0.039687703318152245390848520401;0.069616135328562131490137687706;0.047495120364346131436317222096;0.413793103448275856326432631249;0.016265452179570590723889367268;0.044892648015614836087827654865;0.061808718282368252383562889918;0.134677944046844494385695156780;0.027976577748861419792092419812;0.030579050097592711671135035090;0.055953155497722839584184839623;0.057254391672088483788982671285
-0.102693602693602697994990080588;0.086419753086419748289159770138;0.089225589225589221897827485463;0.083613916947250274680492054813;0.076879910213243543570804661158;0.078563411896745233287120413479;0.104377104377104373833518025094;0.094276094276094277168986934612;0.092592592592592587452671182291;0.049943883277216612193161182631;0.058922558922558924965340310109;0.082491582491582490788140091809
-0.044662309368191724368024608793;0.085511982570806097103677245741;0.094226579520697170688769972458;0.194444444444444447528397290625;0.040305010893246187575478245435;0.069172113289760348009416190962;0.086056644880174296141639445068;0.144880174291939001207651926961;0.068082788671023963811279600122;0.038126361655773419179205063756;0.056644880174291936669739300214;0.077886710239651421594508917678
-0.048474945533769062122608772825;0.128540305010893252113390872182;0.091503267973856203254534591451;0.154139433551198246075131237376;0.046840958605664485825403886565;0.058278867102396512966944186473;0.093681917211328971650807773131;0.108387799564270151386757845557;0.081699346405228759349093081710;0.049019607843137254221677068244;0.061546840958605665561353958992;0.077886710239651421594508917678
-0.040965207631874299420982055153;0.106060606060606063549833777415;0.075196408529741867732276716652;0.157126823793490466574240826958;0.049943883277216612193161182631;0.061167227833894499688938140025;0.113916947250280578551873134074;0.108866442199775537158501492740;0.072390572390572394123609001326;0.059483726150392816911516291611;0.065095398428731757189957818355;0.089786756453423113844003466966
-0.099673202614379091679452926655;0.111655773420479303981167618076;0.072984749455337685764000354993;0.157407407407407412547328817709;0.042483660130718955971751427114;0.063180827886710241858558845252;0.075708061002178653198235735999;0.088779956427015249698087018260;0.057189542483660128768807595634;0.074074074074074069962136945833;0.077886710239651421594508917678;0.078976034858387805792645508518
-0.126684636118598370480015091744;0.090566037735849050371861324038;0.063611859838274928402590546739;0.156873315363881410400281879447;0.037735849056603772144757869000;0.097574123989218330965655923137;0.031266846361185984815023175543;0.061994609164420483304880349351;0.127223719676549856805181093478;0.071159029649595681443763339757;0.065229110512129373500300744126;0.070080862533692722671219144104
-0.095860566448801740047080954810;0.088235294117647064537912626747;0.066993464052287579613143009283;0.112745098039215688179304208916;0.049564270152505446320745363664;0.098583877995642707481316335816;0.036492374727668842882000177497;0.063725490196078427018733236764;0.145969498910675371528000709986;0.088779956427015249698087018260;0.079520697167755990952819900031;0.073529411764705884801962554320
-0.096464646464646461310188385596;0.082323232323232325979844858921;0.075252525252525251375779191676;0.085858585858585856342983788636;0.032828282828282831506960803836;0.129797979797979801119822695910;0.030808080808080808704607633786;0.041414141414141417141259182699;0.171717171717171712685967577272;0.077777777777777779011358916250;0.075757575757575759678452698154;0.100000000000000005551115123126
-0.046560846560846559649693432448;0.077248677248677247164643233646;0.076719576719576715317927551041;0.231746031746031755371717508751;0.050264550264550261760021498958;0.091534391534391537637027624896;0.028042328042328042159159195990;0.083068783068783069722940126667;0.114285714285714282145711706562;0.059259259259259261520824679792;0.055555555555555552471602709375;0.085714285714285715078730731875
-0.101307189542483661037763909007;0.062091503267973857660422254412;0.065904139433551195415006418443;0.287581699346405206263455056614;0.023420479302832242912701943283;0.068627450980392162849241799449;0.037581699346405227080136768336;0.099128540305010892641490727328;0.053376906318082791014223431603;0.072440087145969500603825963481;0.058823529411764705066012481893;0.069716775599128547047378390289
-0.107182940516273847442185740420;0.069023569023569028568765304499;0.054994388327721660525426727872;0.104377104377104373833518025094;0.040965207631874299420982055153;0.102132435465768792171026291271;0.040965207631874299420982055153;0.039281705948372616643560206739;0.172839506172839496578319540276;0.084175084175084180504455844130;0.080808080808080814949612147302;0.103254769921436589941166062090
-0.120915032679738562726434736305;0.070261437908496732207552781801;0.066448801742919394452968617770;0.108932461873638350424720044884;0.044117647058823532268956313374;0.105119825708060998792348073039;0.039215686274509803377341654596;0.059368191721132897165080777313;0.142701525054466232811378745282;0.076797385620915037396372326839;0.074618736383442269000099145160;0.091503267973856203254534591451
-0.158730158730158721347436312499;0.080952380952380956213865204063;0.089417989417989424127952702293;0.143915343915343912906124046458;0.022751322751322751447577985573;0.069312169312169311097271418021;0.037037037037037034981068472916;0.077248677248677247164643233646;0.082010582010582006029508761458;0.102116402116402119060190045730;0.063492063492063488538974525000;0.073015873015873020146493388438
-0.120370370370370363688472536978;0.070261437908496732207552781801;0.084967320261437911943502854228;0.197712418300653586245019255330;0.026688453159041395507111715801;0.070806100217864917367727173314;0.037037037037037034981068472916;0.070806100217864917367727173314;0.080065359477124176112994291543;0.099673202614379091679452926655;0.069716775599128547047378390289;0.071895424836601301565863764154
-0.138936535162950264288284074610;0.074328187535734710489343513018;0.085763293310463117880004801918;0.120640365923384784707650396740;0.029159519725557463132314950371;0.100057175528873637526672268905;0.036020583190394514505605627619;0.051457975986277874891339223495;0.114922813036020587951213656197;0.092624356775300176192189383073;0.075471698113207544289515738001;0.080617495711835338023654173867
-0.078347578347578342161661169030;0.078347578347578342161661169030;0.076448243114909775197673980074;0.132478632478632479818614342548;0.035137701804368468017081283961;0.102564102564102560544156972355;0.037986704653371318463062067394;0.104463437796771127508144161311;0.130104463437796774583077308307;0.084995251661918333474510234282;0.056030389363722697682046458567;0.083095916429249766510523045326
-0.109877913429522758304024421250;0.084350721420643731685018451572;0.058268590455049944221155300283;0.092119866814650383513018994108;0.039400665926748054679329413830;0.096004439511653716365913169284;0.039400665926748054679329413830;0.052164261931187567988832398669;0.177580466148723636887751808899;0.091564927857935629607055716406;0.077136514983351833762981186737;0.082130965593784688305589725132
-0.056363636363636365755880319739;0.089696969696969691687726822238;0.077575757575757575690289513659;0.236969696969696969057750379761;0.048484848484848484806430946037;0.094545454545454543637816868795;0.033939393939393942833948614179;0.058181818181818181767717135244;0.132727272727272721519753417851;0.047878787878787881782116642171;0.038787878787878787845144756830;0.084848484848484853615424583495
-0.083992696287279372535650168174;0.066950699939135729921169115642;0.076688983566646384826270832491;0.353621424223980518330989752940;0.027997565429093120709103104105;0.057212416311625075016067398792;0.028606208155812537508033699396;0.105295191722458922334304531887;0.037127206329884358815274225663;0.052343274497869747563516540367;0.059038344491783321943412232713;0.051125989044430920904549253692
-0.114351057747284157173339735891;0.045740423098913664257114675138;0.069754145225843333655291189643;0.293882218410520312801281761494;0.022298456260720411759024273124;0.060034305317324183903782142124;0.043453401943967982778982417358;0.118353344768439103229518138960;0.048599199542595769574226949317;0.069182389937106916755205077152;0.046312178387650088096094691537;0.068038879359634082955032852169
-0.063072776280323455955212352819;0.128301886792452829455513096946;0.091105121293800536697027325772;0.104043126684636125234284520502;0.043126684636118600701948366805;0.094339622641509440770235528362;0.093261455525606468119903524894;0.043126684636118600701948366805;0.076010781671159030614681739735;0.076549865229110516939847741469;0.075471698113207544289515738001;0.111590296495956878275457313521
-0.039955604883462822463080499347;0.142064372918978915061316570245;0.120421753607103221295204775743;0.137069922308546060518708031850;0.032741398446170924541043234512;0.069367369589345168057192836386;0.132075471698113205976099493455;0.040510543840177583307937680956;0.053274139844617089678546761888;0.047724750277469481229974945791;0.071587125416204211436621562825;0.113207547169811323373167510908
-0.057432432432432435620572874768;0.077220077220077218416172115667;0.092664092664092659323848977238;0.192567567567567571318321029139;0.040057915057915061129989453548;0.062741312741312740830501581968;0.055019305019305020376663151183;0.152509652509652510188331575591;0.055019305019305020376663151183;0.052123552123552123471750263661;0.069015444015444016301330520946;0.093629343629343622645855305109
-0.102424242424242417648372338590;0.052121212121212123768998480955;0.081212121212121207713963144670;0.270909090909090932708380705662;0.021212121212121213403856145874;0.048484848484848484806430946037;0.036363636363636361870099733551;0.138181818181818183433051672182;0.054545454545454542805149600326;0.069090909090909091716525836091;0.040000000000000000832667268469;0.085454545454545449700844983454
-0.083163265306122446940406689464;0.055612244897959184353197770179;0.121428571428571427381903902187;0.230102040816326541827763207948;0.029081632653061222776313954341;0.045918367346938777917575436049;0.050510204081632655015443589264;0.162244897959183675961725157322;0.044897959183673466498909476741;0.058163265306122445552627908683;0.052040816326530611735101672366;0.066836734693877547508478187410
-0.028301886792452830843291877727;0.140399556048834639465638929323;0.110432852386237512209987698952;0.112097669256381801683453147689;0.052164261931187567988832398669;0.084905660377358485590981729274;0.094339622641509440770235528362;0.043840177580466148377080770615;0.084350721420643731685018451572;0.051054384017758046299118035449;0.062708102108768037918906657069;0.135405105438401784923030390928
-0.038993710691823897651620001170;0.140880503144654084524134418643;0.110691823899371072359443246569;0.001886792452830188693974067249;0.106918238993710695838856850060;0.082389937106918234577257464935;0.096855345911949691783959792701;0.054716981132075473426290557200;0.128301886792452829455513096946;0.028301886792452830843291877727;0.059119496855345912700308019794;0.150943396226415088579031476002
-0.008169934640522876281854003366;0.162854030501089319660223964092;0.157952069716775611585291017036;0.000544662309368191773807643674;0.077886710239651421594508917678;0.072984749455337685764000354993;0.117102396514161224971850572274;0.062091503267973857660422254412;0.065904139433551195415006418443;0.038126361655773419179205063756;0.079520697167755990952819900031;0.156862745098039213509366618382
-0.032452830188679247791494475450;0.128301886792452829455513096946;0.138867924528301878162039884046;0.099622641509433965123498921912;0.040754716981132074749005766989;0.069433962264150939081019942023;0.105660377358490570331994717890;0.085283018867924526018597930488;0.055094339622641506915012854506;0.048301886792452827790178560008;0.088301886792452835561739732384;0.107924528301886799019904117358
-0.018867924528301886072378934500;0.143396226415094335537858682983;0.083773584905660378185920933447;0.147169811320754712058445079492;0.111698113207547175540490513868;0.055094339622641506915012854506;0.122264150943396224247017300968;0.026415094339622642582998679472;0.092830188679245279059770723507;0.025660377358490565197213228998;0.041509433962264148665344265510;0.131320754716981125120867091027
-0.032452830188679247791494475450;0.152452830188679250289496280857;0.095849056603773588602912525403;0.246037735849056610204499406791;0.052075471698113204310764956517;0.043773584905660377353253664978;0.107169811320754718164671714931;0.049056603773584908645410962436;0.047547169811320753873840061487;0.040754716981132074749005766989;0.057358490566037735602922253975;0.075471698113207544289515738001
-0.030323450134770890684876576415;0.109164420485175203689998113532;0.074797843665768193321952139740;0.222371967654986513185377816626;0.058625336927223721528168454142;0.072102425876010775573909938885;0.136792452830188676626832489092;0.041778975741239891827927266377;0.071428571428571424606346340624;0.032345013477088950526461275103;0.057277628032345012654147353715;0.092991913746630724957320524027
-0.033181522446324010489071554275;0.142485361093038387370057762382;0.099544567338972017589426855011;0.105400130123617430388804905306;0.087833441769681191990670754421;0.079375406636304490781697040802;0.075471698113207544289515738001;0.050748210800260248887205705159;0.078074170461938846576899209140;0.055302537410540010542892019885;0.070917371502927775694935519368;0.121665582303188024582141224528
-0.032452830188679247791494475450;0.125283018867924533790159102864;0.113962264150943390350612105522;0.243018867924528314539145412709;0.028679245283018867801461126987;0.051320754716981130394426457997;0.072452830188679248624161743919;0.100377358490566032100943516525;0.047547169811320753873840061487;0.045283018867924525185930662019;0.047547169811320753873840061487;0.092075471698113212082326128893
-0.053234501347708892970977956338;0.084905660377358485590981729274;0.083557951482479783655854532753;0.255390835579514807740508786083;0.026280323450134771001707179039;0.071428571428571424606346340624;0.051212938005390833129393257650;0.110512129380053905625125310053;0.051212938005390833129393257650;0.062668463611859834272443947611;0.074797843665768193321952139740;0.074797843665768193321952139740
-0.061495457721872814893515624135;0.097833682739343119649788604875;0.076869322152341018616894530169;0.268343815513626848812123171228;0.039133473095737246472136661168;0.061495457721872814893515624135;0.064290705800139763548273208471;0.095737246680642901219826512715;0.054507337526205450195515567202;0.032145352900069881774136604236;0.064989517819706493773068700648;0.083158630328441646151205191018
-0.046792452830188679957501562967;0.076981132075471692122192735042;0.088301886792452835561739732384;0.351698113207547180536494124681;0.036226415094339624312080871960;0.043018867924528303436915166458;0.046792452830188679957501562967;0.122264150943396224247017300968;0.034716981132075469540509971011;0.038490566037735846061096367521;0.043773584905660377353253664978;0.070943396226415100791484746878
-0.058555627846454127993780502948;0.083929733246584259376277259435;0.091737150292778138482852057223;0.261548471047495123542603323585;0.025374105400130124443602852580;0.057905009759271305891381587116;0.047495120364346131436317222096;0.126870527000650629156908166806;0.065061808718282362895557469074;0.055953155497722839584184839623;0.054001301236174366338094188222;0.071567989590110611675122243014
-0.065712426805465184997956384905;0.100845803513337675672012494488;0.109954456733897198983385123938;0.212752114508783340962594365919;0.036434612882238127939960037338;0.063109954456733896588360721580;0.057905009759271305891381587116;0.105400130123617430388804905306;0.063109954456733896588360721580;0.042290175666883540739338087633;0.048145738451528953538716137928;0.094339622641509440770235528362
-0.072102425876010775573909938885;0.070754716981132073638782742364;0.090296495956873321087066130985;0.241239892183288423543885414801;0.028301886792452830843291877727;0.068059299191374669768528349323;0.049865229110512131194266061129;0.128706199460916437260493694339;0.046495956873315362478660262013;0.053234501347708892970977956338;0.051886792452830191035850759818;0.099056603773584911420968523998
-0.077648766328011611936865676853;0.066763425253991287577903790407;0.087082728592162553238331668126;0.239477503628447024874859039301;0.018142235123367198013077938867;0.051523947750362841802029834071;0.049346879535558781093573799126;0.140058055152394778097857397370;0.064586357039187233808341659369;0.066037735849056602988049746727;0.066037735849056602988049746727;0.073294629898403476642165799149
-0.044723969252271136842757925933;0.068483577917540186530409584975;0.075471698113207544289515738001;0.281621243885394834105539985103;0.037037037037037034981068472916;0.065688329839273237875652000639;0.047519217330538085497515510269;0.131376659678546475751304001278;0.060097833682739340566136831967;0.045422781271837874006447322017;0.063591893780573019445689908480;0.078965758211041223169068814514
-0.049056603773584908645410962436;0.068553459119496854001774011067;0.077358490566037732549808936255;0.282389937106918231801699903372;0.022012578616352199839534264925;0.049685534591194971398842028520;0.042138364779874211418775331595;0.140880503144654084524134418643;0.067295597484276728494911878897;0.064150943396226414727756548473;0.062264150943396226467463350218;0.074213836477987418782653605831
-0.094339622641509440770235528362;0.065807639208467549885028802237;0.050161067648412334396557099581;0.352047860101242504615726147676;0.020708697653014265793736115029;0.049240681086056142801155033339;0.039576622181316155335562001483;0.094799815922687533098489609529;0.051541647491946618320213246989;0.055683387022549470091181689213;0.054763000460193278495779622972;0.071329958582604699457441199684
-0.038671023965141611278273359176;0.096949891067538124245217545649;0.075708061002178653198235735999;0.259259259259259244867479310415;0.019063180827886709589602531878;0.066993464052287579613143009283;0.056100217864923744570671004794;0.150326797385620908320547073345;0.045206971677559909528199000306;0.059912854030501089264149072733;0.061002178649237473462285663572;0.070806100217864917367727173314
-0.111859838274932621438040314388;0.060646900269541781369753152831;0.062668463611859834272443947611;0.299191374663072773287808558962;0.025606469002695416564696628825;0.055256064690026952812562655026;0.058625336927223721528168454142;0.101078167115902964323659318779;0.046495956873315362478660262013;0.051886792452830191035850759818;0.054582210242587601844999056766;0.072102425876010775573909938885
-0.041105121293800540860363668116;0.097035040431266844640489921403;0.128032345013477100170717903893;0.229784366576819415461940820933;0.036388140161725070209630672480;0.049191374663072773287808558962;0.134770889487870609846353886496;0.082210242587601081720727336233;0.036388140161725070209630672480;0.034366576819407010368045973792;0.056603773584905661686583755454;0.074123989218328842354388541480
-0.003234501347708894965909953712;0.176819407008086265653545865462;0.154716981132075465099617872511;0.048517520215633422320244960702;0.043665768194070080088220464631;0.059299191374663072495732052403;0.197304582210242579476400237581;0.073854447439353099191805540613;0.037196765498652292758485771174;0.025336927223719676871560579912;0.065229110512129373500300744126;0.114824797843665768470877708296
-0.036118598382749327047047671613;0.173584905660377347702549855057;0.132075471698113205976099493455;0.132075471698113205976099493455;0.029649595687331536247866026201;0.061455525606469003918608251524;0.170350404312668457507129460282;0.040970350404312669279072167683;0.034501347708894881949337474225;0.022641509433962262592965331010;0.067924528301886791248342944982;0.098652291105121289738200118791
-0.070987654320987650380381239756;0.095164609053497939417098905324;0.078189300411522638656336425811;0.249485596707818918504884209142;0.039094650205761319328168212905;0.064814814814814811216869827604;0.069444444444444447528397290625;0.030864197530864195817557060764;0.089506172839506167870915476215;0.049897119341563787864313184173;0.071502057613168717997709222800;0.091049382716049384600687233160
-0.023899371069182391569274415133;0.100628930817610068304546189211;0.131446540880503143222668427370;0.291823899371069173103165894645;0.023899371069182391569274415133;0.057861635220125787193445887624;0.056603773584905661686583755454;0.078616352201257858056671068425;0.045911949685534587939361728104;0.037735849056603772144757869000;0.069182389937106916755205077152;0.082389937106918234577257464935
-0.049908703590992087306688063109;0.116859403530127817227857178750;0.111381618989653069506928773080;0.155203895313450995763204787181;0.064516129032258062725446734476;0.062690200852099822736995804462;0.072428484479610463764309713497;0.062690200852099822736995804462;0.062081558125380402468618257217;0.065124771758977476054930377813;0.069993913572732810446375140145;0.107121119902617162322755461901
-0.020693852708460132999723768421;0.103469263542300668468065794059;0.065124771758977476054930377813;0.274497869750456480186784347097;0.087035909920876439183068384864;0.075471698113207544289515738001;0.077906269020085211485238119167;0.024954351795496043653344031554;0.082775410833840531998895073684;0.031649421789409618033239723900;0.069993913572732810446375140145;0.086427267194157025853584741526
-0.035947712418300650782931882077;0.119825708061002178528298145466;0.051742919389978214717018545343;0.236928104575163389622360909925;0.114379084967320257537615191268;0.062636165577342042820596645925;0.079520697167755990952819900031;0.017973856209150325391465941038;0.087145969498910680339776035908;0.039215686274509803377341654596;0.058278867102396512966944186473;0.096405228758169939085043154137
-0.045990566037735845783540611365;0.111438679245283014940248733637;0.073702830188679249734384768544;0.205188679245283028818036541452;0.040094339622641507470124366819;0.063089622641509440770235528362;0.174528301886792441832696454185;0.075471698113207544289515738001;0.045400943396226411952198986910;0.033608490566037735325366497818;0.055424528301886794023900506545;0.076061320754716985059751266363
-0.041273584905660375132807615728;0.112028301886792455710484261999;0.079599056603773588047801013090;0.208726415094339617928298480365;0.047759433962264154216459388635;0.066037735849056602988049746727;0.119693396226415088579031476002;0.091981132075471691567081222729;0.050707547169811323373167510908;0.032429245283018867662683248909;0.039504716981132073638782742364;0.110259433962264147277565484728
-0.015538290788013319268512368865;0.153718091009988899742211287958;0.075471698113207544289515738001;0.137069922308546060518708031850;0.042730299667036626687366407396;0.107658157602663701046807886996;0.088235294117647064537912626747;0.037735849056603772144757869000;0.076026637069922312073266823518;0.053274139844617089678546761888;0.068812430632630414151229558684;0.143729189789123190656994211167
-0.013477088948787062719358864626;0.123315363881401615642197100442;0.115902964959568727243421903950;0.142183288409703512122916890803;0.053908355795148250877435458506;0.074123989218328842354388541480;0.115229110512129376275858305689;0.094339622641509440770235528362;0.058625336927223721528168454142;0.049865229110512131194266061129;0.064690026954177901052922550207;0.094339622641509440770235528362
-0.015614834092387768621490451437;0.100845803513337675672012494488;0.100195185426154853569613578657;0.287573194534808063149711188089;0.025374105400130124443602852580;0.048145738451528953538716137928;0.125569290826284957196534719515;0.132075471698113205976099493455;0.020169160702667533746623718116;0.030579050097592711671135035090;0.041639557579700718636939171802;0.072218607677293433777521158845
-0.030214424951267054852976912116;0.103801169590643269091678746463;0.103801169590643269091678746463;0.276803118908382050911143323901;0.028265107212475631959236466173;0.049707602339181283790381371546;0.127192982456140357694351905593;0.110623781676413249219770307263;0.036549707602339179257633361431;0.022417153996101363278015128344;0.040448343079922025045114253317;0.070175438596491224174656053947
-0.021090534979423869454961959491;0.098765432098765426616182594444;0.129629629629629622433739655207;0.207818930041152261090076081018;0.023148148148148146863167795573;0.042181069958847738909923918982;0.131172839506172839163511412153;0.157921810699588466286868992938;0.028292181069958847322576289685;0.026748971193415637531698436646;0.044238683127572016318129755064;0.088991769547325100253587493171
-0.021642619311875693766111794503;0.139844617092119871681887843806;0.103773584905660382071701519635;0.170366259711431738965714544065;0.061043285238623748445441208332;0.067147613762486124677764109947;0.110432852386237512209987698952;0.068812430632630414151229558684;0.042175360710321865842509225786;0.045504994450610430911652315444;0.062708102108768037918906657069;0.106548279689234179357093523777
-0.044950055493895670066795133835;0.091009988901220861823304630889;0.074916759156492790383552460298;0.280244173140954511147526773129;0.028301886792452830843291877727;0.066037735849056602988049746727;0.047169811320754720385117764181;0.148723640399556045199602749562;0.040510543840177583307937680956;0.047169811320754720385117764181;0.054938956714761379152012210625;0.076026637069922312073266823518
-0.085175202156334228753564730141;0.071159029649595681443763339757;0.092722371967654981794737523160;0.231805929919137454486843807899;0.028571428571428570536427926640;0.037196765498652292758485771174;0.032884097035040429912733372930;0.190835579514824799085559448031;0.055525606469002695975145655893;0.060916442048517517593442249790;0.042048517520215634990510267244;0.071159029649595681443763339757
-0.128423615337796725999197633428;0.066342057212416316591685472304;0.082166768107121118669411430346;0.267194157029823520232980627043;0.021911138161898966597584959004;0.044430919050517346524653561346;0.029214850882531954306964294688;0.154595252586731596311508951658;0.048691418137553253708826872526;0.041996348143639686267825084087;0.044430919050517346524653561346;0.070602556299452223775858783483
-0.094339622641509440770235528362;0.057747284162378502425649884344;0.066895368782161235277072819372;0.317324185248713530604902643972;0.028587764436821039293334933973;0.054316752429959980208451497674;0.038879359634076612883823997890;0.132647226986849636753973413761;0.037735849056603772144757869000;0.046883933676386504996180804028;0.040022870211549453622890126780;0.084619782732990284079832576936
-0.076729559748427669796377870171;0.064150943396226414727756548473;0.056603773584905661686583755454;0.303773584905660365418356150258;0.023899371069182391569274415133;0.050943396226415096905704160690;0.030188679245283019103585075982;0.160377358490566029880497467275;0.053459119496855347919428425030;0.049685534591194971398842028520;0.048427672955974845891979896351;0.081761006289308171823826398850
-0.079874213836477983563533200595;0.059119496855345912700308019794;0.081132075471698109070395332765;0.323899371069182373528150264974;0.022641509433962262592965331010;0.050314465408805034152273094605;0.034591194968553458377602538576;0.119496855345911950907478171757;0.047798742138364783138548830266;0.065408805031446540234618680643;0.040880503144654085911913199425;0.074842767295597481536084671916
-0.013207547169811321291499339736;0.115094339622641511633460709163;0.110691823899371072359443246569;0.251572327044025156883577665212;0.019496855345911948825810000585;0.039622641509433960405051067255;0.133962264150943394236392691710;0.149056603773584900318738277747;0.027672955974842768089860811642;0.026415094339622642582998679472;0.038364779874213834898188935085;0.074842767295597481536084671916
-0.016072676450034940887068302118;0.104821802935010477408894757900;0.157232704402515716113342136850;0.065688329839273237875652000639;0.029350104821802936588825971853;0.055206149545772187359204963286;0.112508735150244579270584210917;0.225017470300489158541168421834;0.028651292802236199425136575769;0.052410901467505238704447378950;0.064290705800139763548273208471;0.088749126484975543460720359690
-0.030070754716981132337316751091;0.112617924528301882602931982547;0.131485849056603765205863965093;0.231721698113207558167303545815;0.038325471698113205976099493455;0.051297169811320757204509135363;0.087264150943396220916348227092;0.152122641509433970119502532725;0.018867924528301886072378934500;0.024174528301886794023900506545;0.047759433962264154216459388635;0.074292452830188676626832489092
-0.024723487312947298871756984795;0.111255692908262843188182955600;0.124918672739102148971923611498;0.189980481457384525745268888386;0.033181522446324010489071554275;0.067664281067013665182940940213;0.103448275862068964081608157812;0.112556929082628501270768595077;0.047495120364346131436317222096;0.038386467143786594247156784832;0.055953155497722839584184839623;0.090435914118412494278054225560
-0.016981132075471697812085736246;0.078616352201257858056671068425;0.104402515723270444825132585720;0.211949685534591203417420501864;0.036477987421383646637895736831;0.036477987421383646637895736831;0.122012578616352201921202436097;0.240251572327044027321818475684;0.028301886792452830843291877727;0.030817610062893081857016142067;0.036477987421383646637895736831;0.057232704402515724440014821539
-0.028016009148084618923801869528;0.073756432246998279711469592712;0.097770154373927956048540011125;0.354488279016580920544043920017;0.040594625500285877461870143179;0.029731275014293883501848014816;0.086906803887935965557964834716;0.110920526014865641895035253128;0.043453401943967982778982417358;0.038879359634076612883823997890;0.040594625500285877461870143179;0.054888507718696397108537610166
-0.020085209981740719670240125083;0.077906269020085211485238119167;0.136335970785149113160272804635;0.172245891661594652255473647529;0.035909920876445525217413035080;0.046865489957395006781482038605;0.102251978088861841809098507383;0.233718807060255634455714357500;0.032258064516129031362723367238;0.024345709068776626854413436263;0.049300060864272673977204419771;0.068776628119293969909620045655
-0.011879804332634521374378877567;0.102725366876310272856720473555;0.115303983228511527925341795253;0.218728162124388531006857760985;0.037735849056603772144757869000;0.060796645702306077729826228051;0.125087351502445848216993340429;0.085255066387141864581167283177;0.039832285115303983635826057252;0.043326345213137662515379133765;0.062194269741439552057205020219;0.097134870719776375547205304883
-0.032429245283018867662683248909;0.091981132075471691567081222729;0.097287735849056602988049746727;0.313679245283018881540471056724;0.032429245283018867662683248909;0.041863207547169808964149240182;0.100235849056603779083651772908;0.101415094339622646746335021817;0.033018867924528301494024873364;0.037146226415094338313416244546;0.045990566037735845783540611365;0.072523584905660382071701519635
-0.019496855345911948825810000585;0.108805031446540884099150048314;0.117610062893081762647184973503;0.193710691823899383567919585403;0.034591194968553458377602538576;0.043396226415094336925637463764;0.157861635220125778866773202935;0.144025157232704398291289749068;0.030817610062893081857016142067;0.020754716981132074332672132755;0.053459119496855347919428425030;0.075471698113207544289515738001
-0.030747728860936407446757812068;0.108315863032844170166235642228;0.122990915443745629787031248270;0.166317260656883292302410382035;0.023759608665269042748757755135;0.046121593291404611170136718101;0.106918238993710695838856850060;0.191474493361285802439653025431;0.038434661076170509308447265084;0.048218029350104822661204906353;0.041928721174004195126894245504;0.074772886093640814064720245824
-0.042089985486211900500563842797;0.100870827285921629834497537104;0.092888243831640057712739633189;0.203193033381712628848703161566;0.015965166908563133835174951969;0.049346879535558781093573799126;0.115384615384615391020517449761;0.171262699564586368117247161535;0.037010159651669087554903825321;0.041364296081277215910709799118;0.063134978229317850750845764196;0.067489114658925986045545641900
-0.043822276323797933195169918008;0.088253195374315279719823479354;0.092513694461351186903996790534;0.222154595252586739562161710637;0.022519780888618379927068602342;0.054169202678027994490861374288;0.130249543517954952109860755627;0.121119902617163724412030489930;0.038344491783323192413135416245;0.035301278149726111887929391742;0.063298843578819236066479447800;0.088253195374315279719823479354
-0.016916070266753416295735235053;0.108653220559531554778587292276;0.122966818477553682664726864004;0.198438516590761226954242602005;0.029928432010409889568736119259;0.042940793754066362841737003464;0.141184124918672743165259930720;0.143135979180221223350244486028;0.042290175666883540739338087633;0.020819778789850359318469585901;0.055302537410540010542892019885;0.077423552374756024474500293309
-0.014824797843665768123933013101;0.095687331536388142705362724882;0.116576819407008092088773310024;0.233827493261455521267322410495;0.040431266846361182953906165949;0.053908355795148250877435458506;0.087601078167115903339023930130;0.171159029649595700872666270698;0.037061994609164421177194270740;0.035040431266846361335609572052;0.033692722371967652461588471624;0.080188679245283014940248733637
-0.034920634920634921471993550313;0.055026455026455027563780930677;0.093650793650793651146102547500;0.338095238095238115327845207503;0.037037037037037034981068472916;0.038095238095238098674499838125;0.062962962962962956692258842395;0.140211640211640203856902076041;0.046560846560846559649693432448;0.038095238095238098674499838125;0.046560846560846559649693432448;0.068783068783068779250555735416
-0.016931216931216932358728044505;0.111111111111111104943205418749;0.126984126984126977077949049999;0.171957671957671948126389338540;0.029629629629629630760412339896;0.050264550264550261760021498958;0.119047619047619041010577234374;0.186243386243386238598773729791;0.038095238095238098674499838125;0.017989417989417989113265505807;0.044444444444444446140618509844;0.087301587301587296741089971874
-0.027805362462760673664119437376;0.128103277060575976298295586275;0.094836146971201587541067112852;0.202085402184707052519740955177;0.037735849056603772144757869000;0.053128103277060578779611432765;0.108738828202581933046744211424;0.152929493545183703417933429591;0.030784508440913606330813223622;0.027805362462760673664119437376;0.054121151936444886199062409560;0.081926514399205563332628798889
-0.020532741398446172076397431283;0.129855715871254162596670767016;0.098224195338512759745341895723;0.208657047724750271955329594675;0.023307436182019976300683339332;0.077691453940066587668944464440;0.107103218645948947140844609294;0.053274139844617089678546761888;0.059933407325194226755726845113;0.035516093229744728765329142561;0.064927857935627081298335383508;0.120976692563817975201168053445
-0.063591893780573019445689908480;0.173305380852550650061516535061;0.107617051013277426063652342236;0.073375262054507339737341453656;0.051013277428371771315962490689;0.066387141858839968100447492816;0.116002795248078272027925095244;0.061495457721872814893515624135;0.055904961565338924522894359370;0.051712089447938501540757982866;0.065688329839273237875652000639;0.113906359189378053597963003085
-0.041509433962264148665344265510;0.111590296495956878275457313521;0.094878706199460913217613722281;0.252291105121293823820849411277;0.043126684636118600701948366805;0.057681940700808627398021855015;0.069541778975741236346053142370;0.078167115902964962037557938856;0.046361185983827490897368761580;0.054447439353099730263707556333;0.056603773584905661686583755454;0.093800539083557954445069526628
-0.043042452830188676626832489092;0.048938679245283021879142637545;0.058372641509433963180608628818;0.423349056603773588047801013090;0.019457547169811319903720558955;0.053066037735849058698534008727;0.027712264150943397011950253273;0.155070754716981118459528943276;0.041273584905660375132807615728;0.035377358490566036819391371182;0.031839622641509433831341624455;0.062500000000000000000000000000
-0.031649421789409618033239723900;0.072428484479610463764309713497;0.077906269020085211485238119167;0.333536214242239781313514868089;0.029214850882531954306964294688;0.048691418137553253708826872526;0.027997565429093120709103104105;0.151552038953134515786302927154;0.035301278149726111887929391742;0.057212416311625075016067398792;0.060864272671941568870757066634;0.073645769933049304301064807987
-0.008301886792452830426958243493;0.115471698113207552061076910377;0.083773584905660378185920933447;0.352452830188679233636150911479;0.018867924528301886072378934500;0.063396226415094333872524146045;0.075471698113207544289515738001;0.028679245283018867801461126987;0.031698113207547166936262073023;0.046037735849056606041163064447;0.073962264150943396456838740960;0.101886792452830193811408321380
-0.022331154684095862184012304397;0.117102396514161224971850572274;0.122004357298474946924571327145;0.288671023965141604339379455268;0.027233115468409587606180011221;0.069172113289760348009416190962;0.106753812636165582028446863205;0.053376906318082791014223431603;0.025054466230936819209906829542;0.028867102396514160433937945527;0.053376906318082791014223431603;0.086056644880174296141639445068
-0.032590051457975985349513337042;0.083476272155517436401872544138;0.084619782732990284079832576936;0.380217267009719861459160483719;0.031446540880503144610447208152;0.048599199542595769574226949317;0.064608347627215553798940561592;0.086906803887935965557964834716;0.034305317324185249927559482330;0.032590051457975985349513337042;0.054888507718696397108537610166;0.065751858204688387599112786575
-0.016433353621424222346103505288;0.090079123554473519708274409368;0.099208764455264761283892482879;0.345100426049908703962643130581;0.023737066342057213524929792925;0.054169202678027994490861374288;0.072428484479610463764309713497;0.094948265368228854099719171700;0.038953134510042605742619059583;0.030432136335970784435378533317;0.059646987218502742211789779958;0.074863055386488130960032094663
-0.061749571183533448481828287413;0.116066323613493421751385881180;0.136649514008004568932364009015;0.206975414522584333365529118964;0.034877072612921666827645594822;0.053173241852487132530491464877;0.078330474556889656545521916087;0.054888507718696397108537610166;0.049170954831332186474313061808;0.054316752429959980208451497674;0.052029731275014291791425335987;0.101772441395082902104718414193
-0.051712089447938501540757982866;0.159329140461215934543304229010;0.136268343815513615080448062145;0.162823200559049613422857305522;0.025856044723969250770378991433;0.053808525506638713031826171118;0.119496855345911950907478171757;0.023060796645702305585068359051;0.041928721174004195126894245504;0.045422781271837874006447322017;0.075471698113207544289515738001;0.104821802935010477408894757900
-0.040988939492517889595646352063;0.050748210800260248887205705159;0.049446974625894597743513969590;0.450227716330514005083074380309;0.022771633051398829095113285348;0.044892648015614836087827654865;0.061158100195185423342270070179;0.106050748210800266368991628951;0.037735849056603772144757869000;0.037085230969420950042358953169;0.050748210800260248887205705159;0.048145738451528953538716137928
-0.077890662796323173466817024746;0.087082728592162553238331668126;0.109337203676826325016158136805;0.143202709240445091865012727794;0.058055152394775037805185746720;0.058538945331398160865088442506;0.064344460570875658400602503662;0.089501693275278182415632954871;0.104015481373971943601652867528;0.061441702951136913102292425037;0.056603773584905661686583755454;0.089985486211901305475535650658
-0.052088452088452086297110099622;0.111547911547911549057232605264;0.152334152334152345131812467116;0.063882063882063883086814826129;0.045700245700245702151764959353;0.071253071253071259549827232149;0.091400491400491404303529918707;0.084520884520884520529904193609;0.062407862407862405018654783362;0.056019656019656020873309643093;0.085995085995085998598064236376;0.122850122850122853157550650849
-0.069541778975741236346053142370;0.170350404312668457507129460282;0.076010781671159030614681739735;0.073854447439353099191805540613;0.050673854447439353743121159823;0.093800539083557954445069526628;0.104043126684636125234284520502;0.026415094339622642582998679472;0.078167115902964962037557938856;0.035040431266846361335609572052;0.074932614555256057964349736267;0.147169811320754712058445079492
-0.051734631771150334234032897029;0.090079123554473519708274409368;0.076080340839926957618999381339;0.359099208764455279929705966424;0.015216068167985392217689266658;0.051125989044430920904549253692;0.041387705416920265999447536842;0.115033475349969563361618440922;0.043213633597078512926792370763;0.033475349969567864960584557821;0.053560559951308581161377730950;0.069993913572732810446375140145
-0.122622622622622620691679173888;0.090090090090090085839236166976;0.102102102102102104685954486740;0.171671671671671660641678158754;0.054554554554554553214007484030;0.052052052052052051600572468715;0.044544544544544546760267422769;0.051551551551551548502327904089;0.115615615615615618949618692568;0.046046046046046049116107212740;0.061061061061061058796717304631;0.088088088088088087324045716286
-0.109433962264150946852581114399;0.073315363881401612866639538879;0.078706199460916448362723940591;0.247439353099730446894355395671;0.056603773584905661686583755454;0.044743935309973045799658564192;0.038274932614555258469923870734;0.106199460916442042779372911809;0.081401617250673852232978333632;0.044204851752021566413386466365;0.053369272237196764552269456772;0.066307277628032346150632747594
-0.060141509433962264674633502182;0.086674528301886794023900506545;0.087264150943396220916348227092;0.341391509433962236919057886553;0.022995283018867922891770305682;0.049528301886792455710484261999;0.055424528301886794023900506545;0.084316037735849058698534008727;0.037146226415094338313416244546;0.060731132075471698505975126636;0.048349056603773588047801013090;0.066037735849056602988049746727
-0.027388922702373707379619460767;0.158247108947048076288410811685;0.101034692635423001272343412893;0.164942178940961664546094311845;0.040170419963481439340480250166;0.068776628119293969909620045655;0.099208764455264761283892482879;0.040779062690200852669963893504;0.043822276323797933195169918008;0.031040779062690201234309128608;0.072428484479610463764309713497;0.152160681679853915237998762677
-0.050264550264550261760021498958;0.132275132275132267789530260416;0.118518518518518523041649359584;0.139682539682539685887974201250;0.058201058201058197827393314583;0.056613756613756616165034074584;0.077777777777777779011358916250;0.065608465608465602048049447603;0.064021164021164020385690207604;0.045502645502645502895155971146;0.067195767195767197588196495417;0.124338624338624331722158444791
-0.047665847665847665970417779135;0.137100737100737113394188781967;0.139557739557739562963334378765;0.082555282555282549772357469919;0.032432432432432434232794093987;0.067813267813267810724120465693;0.116461916461916462073311606673;0.073218673218673216429586148024;0.068796068796068796102893827538;0.043243243243243245643725458649;0.077641277641277636756278468511;0.113513513513513519814779328954
-0.021412037037037038450515424870;0.127893518518518517490534236458;0.105902777777777776235801354687;0.278356481481481454753890147913;0.037037037037037034981068472916;0.056712962962962965018931527084;0.105324074074074069962136945833;0.043402777777777776235801354687;0.031828703703703706273664408855;0.037037037037037034981068472916;0.059027777777777776235801354687;0.096064814814814811216869827604
-0.028301886792452830843291877727;0.156334231805929924075115877713;0.125336927223719668544887895223;0.234501347708894886112673816569;0.029649595687331536247866026201;0.065363881401617252020486148467;0.078840970350404313005121537117;0.018867924528301886072378934500;0.040431266846361182953906165949;0.051886792452830191035850759818;0.061994609164420483304880349351;0.108490566037735852722434515272
-0.021816037735849055229087056773;0.193985849056603765205863965093;0.141509433962264147277565484728;0.100825471698113205976099493455;0.043632075471698110458174113546;0.083136792452830191035850759818;0.090801886792452823904397973820;0.017099056603773584578354061136;0.041863207547169808964149240182;0.040683962264150941301465991273;0.084316037735849058698534008727;0.140330188679245293492670043634
-0.006659267480577136209818345236;0.192563817980022200515577424085;0.125416204217536075837813314138;0.053274139844617089678546761888;0.043840177580466148377080770615;0.102108768035516092598236070899;0.090455049944506107917341353186;0.022197558268590454610968976112;0.065482796892341849082086469025;0.039955604883462822463080499347;0.074916759156492790383552460298;0.183129855715871259214111432811
-0.101928374655647385749190902970;0.090358126721763090682948416088;0.122865013774104678279108782135;0.124517906336088154950481055039;0.042424242424242426807712291748;0.057300275482093661338911516623;0.067768595041322307603870456205;0.076033057851239663205156205095;0.098622589531680446284234164978;0.074931129476584021342766561702;0.067217630853994486672675634509;0.076033057851239663205156205095
-0.090801886792452823904397973820;0.089622641509433956241714724911;0.100825471698113205976099493455;0.216981132075471705444869030543;0.033018867924528301494024873364;0.043632075471698110458174113546;0.068396226415094338313416244546;0.103183962264150941301465991273;0.060731132075471698505975126636;0.053066037735849058698534008727;0.050117924528301889541825886454;0.089622641509433956241714724911
-0.039561777236762019072102702921;0.080340839926962878680960500333;0.096774193548387094088170101713;0.361533779671332933247640539776;0.032258064516129031362723367238;0.052343274497869747563516540367;0.054169202678027994490861374288;0.066342057212416316591685472304;0.040779062690200852669963893504;0.026780279975654290580688865475;0.057212416311625075016067398792;0.091905051734631773574513147196
-0.026729559748427673959714212515;0.170335429769392032728347885495;0.112159329140461214158186464829;0.178721174004192878692620638503;0.027777777777777776235801354687;0.060272536687631030061229608918;0.098532494758909849874584097051;0.063941299790356398435875462383;0.056079664570230607079093232414;0.033018867924528301494024873364;0.062368972746331234613403893263;0.110062893081761009606012180484
-0.021024258760107817495255133622;0.176280323450134779328379863728;0.113746630727762809698333512642;0.150943396226415088579031476002;0.031266846361185984815023175543;0.076010781671159030614681739735;0.097035040431266844640489921403;0.022102425876010783206693233183;0.039353099730458224181361970295;0.031805929919137464201295273369;0.088409703504043132826772932731;0.152021563342318061229363479470
-0.009958071278825995908956514313;0.111635220125786166489589845696;0.082809224318658281038807444929;0.327044025157232687295305595399;0.038784067085953881359738915080;0.077044025157232701173093403213;0.075995807127882605835900164948;0.044549266247379454286559052889;0.040880503144654085911913199425;0.038259958071278826752248392040;0.060272536687631030061229608918;0.092767295597484270008870055335
-0.022839506172839505598881615356;0.113580246913580248935282668299;0.090740740740740746805848004897;0.362962962962962987223392019587;0.022839506172839505598881615356;0.051851851851851850361274642864;0.085185185185185183232015049271;0.059259259259259261520824679792;0.040740740740740744030290443334;0.029012345679012344762393027509;0.040123456790123454562824178993;0.080864197530864198593114622327
-0.018312985571587125227521752890;0.126526082130965583649739869543;0.087125416204217542848198263528;0.285793562708102133473886397041;0.030521642619311874222720604166;0.075471698113207544289515738001;0.055493895671476139996869392235;0.044950055493895670066795133835;0.058268590455049944221155300283;0.033851276359600446230757597732;0.054384017758046618307155029015;0.129300776914539394812919681499
-0.024417314095449501459844654505;0.163706992230854608827428364748;0.074916759156492790383552460298;0.190344062153163157136148697646;0.062708102108768037918906657069;0.073806881243063268693838097079;0.062153163152053277074049475459;0.032741398446170924541043234512;0.068257491675915646367478473167;0.033851276359600446230757597732;0.061598224195338516229192293849;0.151498335183129856362782561519
-0.043572984749455340169888017954;0.183006535947712406509069182903;0.118736383442265794330161554626;0.090958605664488018094360199939;0.049019607843137254221677068244;0.088235294117647064537912626747;0.077342047930283222556546718351;0.025054466230936819209906829542;0.050653594771241830518881954504;0.042483660130718955971751427114;0.061002178649237473462285663572;0.169934640522875823887005708457
-0.072776280323450140419261344960;0.124663072776280317577324296963;0.152964959568733155359510078597;0.150269541778975751489255685556;0.036388140161725070209630672480;0.053908355795148250877435458506;0.078840970350404313005121537117;0.048517520215633422320244960702;0.059973045822102423463295650663;0.049865229110512131194266061129;0.068733153638814020736091947583;0.103099730458221031104137921375
-0.036118598382749327047047671613;0.145013477088948794513356688185;0.093261455525606468119903524894;0.116981132075471699893753907418;0.058760107816711593109459954576;0.090026954177897577924483130118;0.078167115902964962037557938856;0.047978436657681942933972862875;0.057681940700808627398021855015;0.050134770889487867417955158089;0.071698113207547167768929341491;0.154177897574123978774451870777
-0.028016009148084618923801869528;0.171526586620926235760009603837;0.139508290451686667310582379287;0.044025157232704399679068529849;0.049742710120068610313293078207;0.094911377930245857670321640853;0.107489994282447112738942962551;0.047455688965122928835160820427;0.062893081761006289220894416303;0.042881646655231558940002400959;0.084619782732990284079832576936;0.126929674099485412241961057589
-0.040338321405335067493247436232;0.128171763175016273361705998468;0.098243331164606373384629023349;0.169811320754716971181963458548;0.068314899154196487285339856044;0.083929733246584259376277259435;0.075471698113207544289515738001;0.028627195836044241894491335643;0.065712426805465184997956384905;0.040338321405335067493247436232;0.058555627846454127993780502948;0.142485361093038387370057762382
-0.027444253859348198554268805083;0.072041166380789029011211255238;0.080045740423098907245780253561;0.370497427101200704768757532293;0.037735849056603772144757869000;0.039451114922813036722804014289;0.068610634648370499855118964661;0.073184676958261862811383480221;0.055460263007432820947517626564;0.033161806746712409188493353440;0.054316752429959980208451497674;0.088050314465408799358137059698
-0.031250000000000000000000000000;0.068396226415094338313416244546;0.096698113207547176095602026180;0.373820754716981118459528943276;0.040094339622641507470124366819;0.045400943396226411952198986910;0.061910377358490566168658375545;0.070165094339622646746335021817;0.050117924528301889541825886454;0.028301886792452830843291877727;0.060731132075471698505975126636;0.073113207547169808964149240182
-0.043213633597078512926792370763;0.074254412659768717630548451325;0.105903834449178335663788175225;0.297017650639074870522193805300;0.041387705416920265999447536842;0.051734631771150334234032897029;0.070602556299452223775858783483;0.103469263542300668468065794059;0.055995130858186241418206208209;0.033475349969567864960584557821;0.049300060864272673977204419771;0.073645769933049304301064807987
-0.019860973187686196961276863249;0.138033763654419078248380969853;0.066534260178748763636669139032;0.228401191658391261585236975407;0.052135054617676264421266552063;0.086891757696127114307671490678;0.076464746772591851708966714796;0.045680238331678252317047395081;0.043197616683217476829526049187;0.030287984111221449151640783271;0.065044687189672295568598769933;0.147467725918570019549846961127
-0.025527192008879023149559017725;0.072142064372918979220372648342;0.092119866814650383513018994108;0.372364039955604908538333575052;0.028301886792452830843291877727;0.047169811320754720385117764181;0.083240843507214209995304088352;0.099889012208657049218807344459;0.042175360710321865842509225786;0.019977802441731411231540249673;0.045504994450610430911652315444;0.071587125416204211436621562825
-0.025157232704402517076136547303;0.106346483704974265060982929754;0.084048027444253853301958656630;0.371069182389937080035480221341;0.033733562035448826088579465932;0.057175528873642078586669867946;0.063464837049742706120980528794;0.061749571183533448481828287413;0.045740423098913664257114675138;0.033161806746712409188493353440;0.049742710120068610313293078207;0.068610634648370499855118964661
-0.013207547169811321291499339736;0.108490566037735852722434515272;0.068867924528301885378489544109;0.330660377358490575883109841016;0.042924528301886789860564164201;0.072169811320754714834002641055;0.073113207547169808964149240182;0.053301886792452832231070658509;0.050000000000000002775557561563;0.036792452830188678014611269873;0.058490566037735849946876953709;0.091981132075471691567081222729
-0.020583190394511150650425079789;0.067467124070897652177158931863;0.106918238993710695838856850060;0.363636363636363646456572951138;0.015437392795883362120457071853;0.060034305317324183903782142124;0.096626643796455122248367786142;0.076043453401943961189601850492;0.024013722126929672867623466459;0.040022870211549453622890126780;0.061749571183533448481828287413;0.067467124070897652177158931863
-0.015977961432506886801929724129;0.087603305785123972149186499792;0.085399449035812674546619405191;0.353168044077134979374932299834;0.022038567493112948270095330372;0.062809917355371905345329253123;0.052892561983471073072671231330;0.082093663911845735081662667199;0.041873278236914598937623566144;0.049035812672176305737625767733;0.050688705234159782408998040637;0.096418732782369148681667070377
-0.023569023569023569292246733653;0.088664421997755329951651503961;0.079124579124579125233296394981;0.381593714927048244245355590465;0.044893378226711556922001733483;0.061167227833894499688938140025;0.056677890011223343302848576286;0.052749719416386085801828897957;0.046576879910213246638317485804;0.033108866442199777480048794587;0.047699214365881030530669448808;0.084175084175084180504455844130
-0.029731275014293883501848014816;0.100057175528873637526672268905;0.077758719268153225767647995781;0.282447112635791863777257049151;0.040594625500285877461870143179;0.074899942824471127389429625509;0.048599199542595769574226949317;0.038307604345340195983737885399;0.089765580331618063936183204987;0.038307604345340195983737885399;0.065751858204688387599112786575;0.113779302458547740273253623400
-0.024013722126929672867623466459;0.147512864493996559422939185424;0.131503716409376775198225573149;0.059462550028587767003696029633;0.053173241852487132530491464877;0.104059462550028583582850671974;0.073184676958261862811383480221;0.044596912521440823518048546248;0.072041166380789029011211255238;0.041738136077758718200936272069;0.089193825042881647036097092496;0.159519725557461411469262202445
-0.106132075471698117397068017453;0.093750000000000000000000000000;0.155070754716981118459528943276;0.073702830188679249734384768544;0.040683962264150941301465991273;0.054245283018867926361217257636;0.063679245283018867662683248909;0.114386792452830191035850759818;0.091391509433962264674633502182;0.048938679245283021879142637545;0.058372641509433963180608628818;0.099646226415094338313416244546
-0.024570024570024568549841958998;0.130221130221130215742775249055;0.112039312039312041746619286187;0.189680589680589678502897754697;0.054054054054054057054656823311;0.087469287469287462788436471328;0.093857493857493853872675515504;0.035872235872235869180713052629;0.061425061425061426578775325424;0.035872235872235869180713052629;0.065847665847665853844361549818;0.109090909090909085610299200653
-0.041620421753607104997652044176;0.097114317425083238055627532503;0.098779134295227527529092981240;0.258046614872364021842088277481;0.043840177580466148377080770615;0.077136514983351833762981186737;0.063817980022197559608621020288;0.038290788013318532989615050610;0.071032186459489457530658285123;0.048834628190899002919689309010;0.059933407325194226755726845113;0.101553829078801338692272793196
-0.064268867924528308432918777271;0.145636792452830177158062952003;0.143278301886792441832696454185;0.102594339622641514409018270726;0.038325471698113205976099493455;0.061320754716981132337316751091;0.068396226415094338313416244546;0.063679245283018867662683248909;0.054245283018867926361217257636;0.051297169811320757204509135363;0.076061320754716985059751266363;0.130896226415094352191204052360
-0.014141414141414142269237430583;0.135353535353535364693655651536;0.139393939393939403359468087729;0.079292929292929290041591627869;0.066161616161616157438807306335;0.082828282828282834282518365399;0.102525252525252519308907039886;0.062626262626262627075668376619;0.067676767676767682346827825768;0.044949494949494947504398112414;0.074242424242424248648219986535;0.130808080808080817725169708865
-0.067295597484276728494911878897;0.115094339622641511633460709163;0.137735849056603770756979088219;0.072955974842767293275791473661;0.051572327044025159659135226775;0.068553459119496854001774011067;0.080503144654088046316964266680;0.079245283018867920810102134510;0.086792452830188673851274927529;0.054716981132075473426290557200;0.054088050314465410672859491115;0.131446540880503143222668427370
-0.068985849056603779083651772908;0.135023584905660382071701519635;0.143867924528301882602931982547;0.093160377358490559229764471638;0.045400943396226411952198986910;0.062500000000000000000000000000;0.059551886792452830843291877727;0.055424528301886794023900506545;0.058962264150943397011950253273;0.053066037735849058698534008727;0.085495283018867926361217257636;0.138561320754716971181963458548
-0.017758046614872364382664571281;0.142064372918978915061316570245;0.152053274139844624146533647036;0.093784683684794672986484442845;0.061598224195338516229192293849;0.083795782463928963901267366055;0.083795782463928963901267366055;0.059933407325194226755726845113;0.049944506104328524609403672230;0.049944506104328524609403672230;0.072697003329633747004123733859;0.132630410654827973759850578972
-0.053624627606752732489336921162;0.110228401191658387237026772709;0.160873882820258190529116859580;0.054617676266137039908787897957;0.062065541211519366371351935641;0.066037735849056602988049746727;0.110724925521350547885646165014;0.083912611717974178171530752479;0.075968222442899704938135130305;0.045680238331678252317047395081;0.064051638530287988149147793138;0.112214498510427015953716534113
-0.057239057239057242187918461696;0.080808080808080814949612147302;0.120650953984287323539348335544;0.241863075196408539024872652590;0.024691358024691356654045648611;0.059483726150392816911516291611;0.047699214365881030530669448808;0.091470258136924803560319219287;0.064534231200897865243781836853;0.061728395061728391635114121527;0.077441077441077435516980642660;0.072390572390572394123609001326
-0.030909090909090910365142335081;0.086060606060606059664053191227;0.089696969696969691687726822238;0.401818181818181796582933884565;0.022424242424242422921931705559;0.047272727272727271818908434398;0.059999999999999997779553950750;0.067878787878787885667897228359;0.038181818181818184820830452963;0.033333333333333332870740406406;0.061212121212121210767076462389;0.061212121212121210767076462389
-0.072951739618406286069784982828;0.094837261503928169115162916114;0.098204264870931534670006612942;0.272166105499438815140678116222;0.037037037037037034981068472916;0.060606060606060607742762158523;0.043771043771043773029649770478;0.062850729517396189405253892346;0.057239057239057242187918461696;0.042087542087542090252227922065;0.065095398428731757189957818355;0.093153759820426493276634971608
-0.063063063063063057311907755320;0.106106106106106101716335388119;0.083083083083083084097175685656;0.178678678678678676261526447888;0.048548548548548550729542228055;0.106106106106106101716335388119;0.042042042042042045146832407454;0.032532532532532534852443006912;0.079079079079079073189006976463;0.038038038038038041177557602168;0.070570570570570576030000609080;0.152152152152152164710230408673
-0.023741690408357076641499006087;0.181386514719848040977367986670;0.111111111111111104943205418749;0.038936372269705601945055661872;0.063152896486229820327551465198;0.101614434947768284001057281785;0.066951566951566954255525843109;0.018043684710351375749537439219;0.076448243114909775197673980074;0.039411206077872747155499411065;0.085944919278252610017609924853;0.193257359924026594910628773505
-0.052341597796143252141476409633;0.175206611570247944298372999583;0.136088154269972450016723541921;0.049586776859504133607714493337;0.055647382920110191606433147626;0.062809917355371905345329253123;0.094214876033057851079099975777;0.021487603305785123869453556722;0.080991735537190079341485215991;0.038016528925619831602578102547;0.084297520661157018806441953984;0.149311294765840207876550493893
-0.036518563603164945485790582325;0.166768107121119890656757434044;0.151552038953134515786302927154;0.020693852708460132999723768421;0.062081558125380402468618257217;0.062081558125380402468618257217;0.124771758977480218266720157771;0.041387705416920265999447536842;0.069993913572732810446375140145;0.057212416311625075016067398792;0.080949482653682292010444143671;0.125989044430919044925687444447
-0.019576719576719577714518649714;0.186772486772486784323277220210;0.144973544973544976599555411667;0.025925925925925925180637321432;0.051322751322751325453452864167;0.079894179894179892520433838854;0.151851851851851848973495862083;0.074603174603174601808852628437;0.047089947089947091496409115052;0.034920634920634921471993550313;0.063492063492063488538974525000;0.119576719576719572857292916979
-0.018312985571587125227521752890;0.172031076581576014561392184987;0.153163152053274131958460202441;0.057713651498335183376298118674;0.058823529411764705066012481893;0.074361820199778022599801374781;0.126526082130965583649739869543;0.052164261931187567988832398669;0.043840177580466148377080770615;0.031076581576026638537024737730;0.071032186459489457530658285123;0.140954495005549379493814399211
-0.016009148084619784224713612275;0.126929674099485412241961057589;0.139508290451686667310582379287;0.089765580331618063936183204987;0.038307604345340195983737885399;0.089193825042881647036097092496;0.082904516866781019501786431647;0.109777015437392794217075220331;0.044596912521440823518048546248;0.049742710120068610313293078207;0.078330474556889656545521916087;0.134934248141795304354317863726
-0.044430919050517346524653561346;0.163724893487522837887127025169;0.104077906269020081797549437397;0.079123554473524038144205405843;0.043822276323797933195169918008;0.071819841752891050434826070159;0.100426049908703587942859769555;0.137553256238587939819240091310;0.058429701765063908613928589375;0.025562994522215460452274626846;0.088253195374315279719823479354;0.082775410833840531998895073684
-0.032258064516129031362723367238;0.172854534388314051707169483052;0.110164333536214242847961486405;0.092513694461351186903996790534;0.054777845404747414759238921533;0.082775410833840531998895073684;0.104077906269020081797549437397;0.034692635423006691619551844497;0.061472915398660989139134613879;0.040170419963481439340480250166;0.073037127206329890971581164649;0.141205112598904447551717566967
-0.013477088948787062719358864626;0.102425876010781666258786515300;0.101347708894878707486242319646;0.286792452830188671075717365966;0.015094339622641509551792537991;0.050134770889487867417955158089;0.102425876010781666258786515300;0.157951482479784355295038267286;0.023180592991913745448684380790;0.022641509433962262592965331010;0.047439353099730456608806861141;0.077088948787061989387225935388
-0.009129640900791236371447645581;0.075471698113207544289515738001;0.080340839926962878680960500333;0.393791844187461936854788291384;0.020693852708460132999723768421;0.037127206329884358815274225663;0.102860620815581255138582150721;0.150334753499695689127335640478;0.029214850882531954306964294688;0.015216068167985392217689266658;0.028606208155812537508033699396;0.057212416311625075016067398792
-0.015330188679245283084329187773;0.066627358490566043758285275089;0.088443396226415088579031476002;0.367334905660377353253664978183;0.013561320754716981590304314409;0.044221698113207544289515738001;0.101415094339622646746335021817;0.149764150943396234794136034907;0.020636792452830187566403807864;0.017688679245283018409695685591;0.056014150943396227855242131000;0.058962264150943397011950253273
-0.014865637507146941750924007408;0.074899942824471127389429625509;0.064036592338479136898854449100;0.363636363636363646456572951138;0.021154945683247571019958144234;0.042881646655231558940002400959;0.106918238993710695838856850060;0.173241852487135500338055749125;0.028587764436821039293334933973;0.014865637507146941750924007408;0.046312178387650088096094691537;0.048599199542595769574226949317
-0.011127237542331882419466282386;0.094823415578132563830138224148;0.102564102564102560544156972355;0.337203676826318354819989053794;0.017416545718432509953776943235;0.034349298500241896847651190683;0.085147556845670047120933077167;0.139816158684083202690118241662;0.028543783260764392373243225620;0.025157232704402517076136547303;0.053217223028543786389477077137;0.070633768746976299812700972325
-0.016509433962264150747012436682;0.092570754716981132337316751091;0.079599056603773588047801013090;0.372641509433962236919057886553;0.018278301886792452241037310046;0.040094339622641507470124366819;0.093160377358490559229764471638;0.127358490566037735325366497818;0.016509433962264150747012436682;0.021816037735849055229087056773;0.060731132075471698505975126636;0.060731132075471698505975126636
-0.025856044723969250770378991433;0.058001397624039136013962547622;0.098532494758909849874584097051;0.420684835779175425596321247212;0.018867924528301886072378934500;0.032844164919636618937826000320;0.071278825995807121307379361497;0.128581411600279527096546416942;0.030747728860936407446757812068;0.018169112508735148908689538416;0.037735849056603772144757869000;0.058700209643605873177651943706
-0.016037735849056603681939137118;0.074999999999999997224442438437;0.095754716981132081965455427053;0.371698113207547142788911287425;0.021698113207547168462818731882;0.048113207547169814515264363308;0.120283018867924529349267004363;0.108962264150943399787507814835;0.028301886792452830843291877727;0.010849056603773584231409365941;0.048584905660377361580337662872;0.054716981132075473426290557200
-0.012735849056603774226426040173;0.098113207547169817290821924871;0.095754716981132081965455427053;0.356603773584905636706565701388;0.029245283018867924973438476854;0.055188679245283020491363856763;0.104245283018867929136774819199;0.065094339622641508857903147600;0.027358490566037736713145278600;0.020283018867924527267598833191;0.056603773584905661686583755454;0.078773584905660373745028834946
-0.015873015873015872134743631250;0.095767195767195764655177470104;0.121693121693121686366367839582;0.335978835978835987940982477085;0.035978835978835978226531011614;0.043915343915343914293902827239;0.065079365079365084079121572813;0.066666666666666665741480812812;0.047619047619047616404230893750;0.026455026455026453557906052083;0.058730158730158729674108997187;0.086243386243386246925446414480
-0.017017017017017018604141398441;0.126126126126126114623815510640;0.079579579579579576287251541089;0.347847847847847835289769591327;0.021521521521521522202213816399;0.058558558558558557183282289316;0.075075075075075076158626075085;0.045545545545545546017862648114;0.028028028028028027784923637000;0.033533533533533534110038232257;0.072572572572572574545191059769;0.094594594594594599845649440795
-0.045283018867924525185930662019;0.073854447439353099191805540613;0.083018867924528297330688531019;0.387061994609164405911627682144;0.040970350404312669279072167683;0.026415094339622642582998679472;0.053908355795148250877435458506;0.065229110512129373500300744126;0.060377358490566038207170151964;0.038274932614555258469923870734;0.055525606469002695975145655893;0.070080862533692722671219144104
-0.034961154273029967920471960952;0.161487236403995565447999638309;0.091564927857935629607055716406;0.226970033296337414530086107334;0.046059933407325191756509497054;0.062153163152053277074049475459;0.098224195338512759745341895723;0.024417314095449501459844654505;0.051054384017758046299118035449;0.031076581576026638537024737730;0.053829078801331850523403943498;0.118201997780244177915776049304
-0.031671159029649592620003772936;0.186657681940700814759992454128;0.103099730458221031104137921375;0.131401617250673841130748087380;0.048517520215633422320244960702;0.086927223719676552371460331869;0.097708894878706195608053519663;0.014150943396226415421645938864;0.044474393530997302637075563325;0.038409703504043130051215371168;0.076145552560646895257079336261;0.140835579514824810187789694282
-0.018328840970350403216659884720;0.136388140161725068821851891698;0.086792452830188673851274927529;0.203234501347708901297650641027;0.064150943396226414727756548473;0.088409703504043132826772932731;0.088948787061994605274151126650;0.029110512129380053392146976421;0.066846361185983832475798749329;0.034501347708894881949337474225;0.078706199460916448362723940591;0.104582210242587597681662714422
-0.023180592991913745448684380790;0.108355795148247974202249110931;0.107277628032345015429704915277;0.269541778975741219692707772992;0.034501347708894881949337474225;0.070080862533692722671219144104;0.086792452830188673851274927529;0.050134770889487867417955158089;0.043665768194070080088220464631;0.037196765498652292758485771174;0.071698113207547167768929341491;0.097574123989218330965655923137
-0.032834101382488475873167033114;0.161290322580645156813616836189;0.135944700460829487331793075100;0.089285714285714287696826829688;0.054723502304147464414540991129;0.061059907834101381784996931401;0.085253456221198162245933360737;0.058179723502304145354990794203;0.054723502304147464414540991129;0.053571428571428568454759755468;0.078917050691244244875477420464;0.134216589861751139922674269656
-0.032506887052341594535054269954;0.111294765840220383212866295253;0.119559228650137738814152044142;0.244628099173553714695827920877;0.040771349862258950136340018844;0.054545454545454542805149600326;0.090358126721763090682948416088;0.074931129476584021342766561702;0.056198347107438019476521873230;0.034710743801652892137621364554;0.046831955922865015073952577040;0.093663911845730030147905154081
-0.025876010781671159727279629692;0.092722371967654981794737523160;0.090566037735849050371861324038;0.348787061994609182136173330946;0.050673854447439353743121159823;0.042048517520215634990510267244;0.049595687331536388031683060262;0.073854447439353099191805540613;0.052291105121293798840831357211;0.032345013477088950526461275103;0.046361185983827490897368761580;0.094878706199460913217613722281
-0.019977802441731411231540249673;0.102108768035516092598236070899;0.128745837957824627029168595982;0.205882352941176460792149782719;0.031076581576026638537024737730;0.056048834628190900841726573844;0.110987791342952279993738784469;0.094894561598224194676198806064;0.049389567147613763764546490620;0.030521642619311874222720604166;0.064927857935627081298335383508;0.105438401775804657667379160557
-0.020202020202020203737403036826;0.185746352413019066851518346084;0.181257014590347931282110494067;0.000000000000000000000000000000;0.050505050505050504139337164133;0.071829405162738502177433019824;0.129068462401795730487563673705;0.070145903479236812461117267503;0.051627384960718294970583031045;0.030303030303030303871381079261;0.076318742985409651624628679656;0.132996632996633001866371159849
-0.018259281801582472742895291162;0.205721241631162510277164301442;0.131466828971393778768828042303;0.085818624467437612524101098188;0.033475349969567864960584557821;0.068776628119293969909620045655;0.065733414485696889384414021151;0.063907486305538649395963091138;0.059646987218502742211789779958;0.040779062690200852669963893504;0.072428484479610463764309713497;0.153986609860012169104237500505
-0.048311688311688312513769716361;0.129350649350649354873965535262;0.110129870129870133244054386523;0.119480519480519478681124212471;0.049870129870129870086614687352;0.073246753246753240618183156130;0.075324675324675322007905720056;0.086233766233766231956714420903;0.052467532467532468354320940307;0.036883116883116885686977326486;0.076883116883116886519644594955;0.141818181818181815456725303193
-0.088443396226415088579031476002;0.132665094339622646746335021817;0.143867924528301882602931982547;0.029481132075471698505975126636;0.066627358490566043758285275089;0.071344339622641514409018270726;0.074882075471698117397068017453;0.045400943396226411952198986910;0.091391509433962264674633502182;0.037146226415094338313416244546;0.068396226415094338313416244546;0.150353773584905647808795947640
-0.035879629629629629372633559115;0.105324074074074069962136945833;0.138310185185185174905342364582;0.180555555555555552471602709375;0.048611111111111111882099322656;0.068287037037037034981068472916;0.076967592592592587452671182291;0.056712962962962965018931527084;0.050347222222222223764198645313;0.037615740740740741254732881771;0.073495370370370363688472536978;0.127893518518518517490534236458
-0.010288065843621399184093512247;0.114197530864197524524961124825;0.129629629629629622433739655207;0.184670781893004121165802189353;0.036008230452674899746412506829;0.073559670781893002344808962789;0.102880658436213995310382074422;0.040123456790123454562824178993;0.057613168724279836818702449364;0.067386831275720163181297550636;0.073559670781893002344808962789;0.110082304526748969708549452662
-0.031250000000000000000000000000;0.130306603773584911420968523998;0.155070754716981118459528943276;0.155070754716981118459528943276;0.036556603773584904482074620091;0.060731132075471698505975126636;0.107311320754716985059751266363;0.058962264150943397011950253273;0.054834905660377360192558882090;0.049528301886792455710484261999;0.054245283018867926361217257636;0.106132075471698117397068017453
-0.027497194163860830262713363936;0.111672278338945010767169208066;0.109988776655443321050853455745;0.212682379349046019045843536333;0.040404040404040407474806073651;0.052188552188552186916759012547;0.089786756453423113844003466966;0.047138047138047138584493467306;0.072390572390572394123609001326;0.051627384960718294970583031045;0.082491582491582490788140091809;0.102132435465768792171026291271
-0.036556603773584904482074620091;0.155660377358490559229764471638;0.107900943396226411952198986910;0.053066037735849058698534008727;0.051886792452830191035850759818;0.111438679245283014940248733637;0.099646226415094338313416244546;0.024174528301886794023900506545;0.093750000000000000000000000000;0.043042452830188676626832489092;0.089033018867924529349267004363;0.133844339622641500531230462911
-0.016093229744728078378646074498;0.187014428412874578189217800173;0.107658157602663701046807886996;0.098779134295227527529092981240;0.057158712541620422531440937064;0.083795782463928963901267366055;0.139289678135405103898136758289;0.025527192008879023149559017725;0.066592674805771370771800832244;0.042730299667036626687366407396;0.055493895671476139996869392235;0.119866814650388453511453690226
-0.039351851851851853136832204427;0.185185185185185174905342364582;0.094328703703703706273664408855;0.095486111111111104943205418749;0.043981481481481482509465763542;0.107060185185185188783130172396;0.089120370370370363688472536978;0.017361111111111111882099322656;0.042824074074074076901030849740;0.042824074074074076901030849740;0.077546296296296293726335591145;0.164930555555555552471602709375
-0.043650793650793648370544985937;0.150793650793650785280064496874;0.136904761904761917978845531252;0.136904761904761917978845531252;0.038359788359788357658963775521;0.058862433862433859166340965885;0.121031746031746031966314092188;0.019179894179894178829481887760;0.050925925925925923098969150260;0.047619047619047616404230893750;0.059523809523809520505288617187;0.136243386243386249701003976043
-0.056079664570230607079093232414;0.112683438155136261826783083961;0.107442348008385743507453469192;0.137316561844863738173216916039;0.059748427672955975453739085879;0.059224318658280920846248562839;0.074947589098532496620919118868;0.122641509433962264674633502182;0.079140461215932919603055495372;0.036687631027253669868670726828;0.062368972746331234613403893263;0.091719077568134174671676817070
-0.076797385620915037396372326839;0.163943355119825717736148362746;0.137799564270152496980870182597;0.012527233115468409604953414771;0.060457516339869281363217368153;0.068627450980392162849241799449;0.126361655773420483717117690503;0.063180827886710241858558845252;0.077342047930283222556546718351;0.044662309368191724368024608793;0.065359477124183010254832026931;0.102941176470588230396074891360
-0.079245283018867920810102134510;0.136388140161725068821851891698;0.129919137466307288431011102148;0.087870619946091646501606930997;0.051212938005390833129393257650;0.052291105121293798840831357211;0.099191374663072776063366120525;0.092722371967654981794737523160;0.073854447439353099191805540613;0.036657681940700806433319769440;0.064150943396226414727756548473;0.096495956873315358315323919669
-0.050707547169811323373167510908;0.091981132075471691567081222729;0.098466981132075470650732995637;0.233490566037735852722434515272;0.041863207547169808964149240182;0.054245283018867926361217257636;0.088443396226415088579031476002;0.099056603773584911420968523998;0.043042452830188676626832489092;0.032429245283018867662683248909;0.070754716981132073638782742364;0.095518867924528308432918777271
-0.031446540880503144610447208152;0.108805031446540884099150048314;0.091823899371069175878723456208;0.265408805031446537459061119080;0.046540880503144650692792794189;0.060377358490566038207170151964;0.075471698113207544289515738001;0.038993710691823897651620001170;0.059119496855345912700308019794;0.035220125786163521131033604661;0.073584905660377356029222539746;0.113207547169811323373167510908
-0.024528301886792454322705481218;0.154716981132075465099617872511;0.132704402515723268729530559540;0.074213836477987418782653605831;0.087421383647798736604705993614;0.063522012578616351974325482388;0.074213836477987418782653605831;0.022641509433962262592965331010;0.077987421383647795303240002340;0.040880503144654085911913199425;0.076729559748427669796377870171;0.170440251572327033935394524633
-0.059299191374663072495732052403;0.157951482479784355295038267286;0.116442048517520213568587905684;0.095956873315363885867945725749;0.074393530997304585516971542347;0.078706199460916448362723940591;0.080862533692722365907812331898;0.026954177897574125438717729253;0.079784366576819407135268136244;0.038274932614555258469923870734;0.064690026954177901052922550207;0.126684636118598370480015091744
-0.029159519725557463132314950371;0.103487707261292166682764559482;0.166952544311034872803745088277;0.177815894797026863294320264686;0.040594625500285877461870143179;0.049742710120068610313293078207;0.070897655803316181333251222441;0.128073184676958273797708898201;0.034877072612921666827645594822;0.059462550028587767003696029633;0.058319039451114926264629900743;0.080617495711835338023654173867
-0.014399205561072492276508683062;0.173286991062562067966723589052;0.106752730883813304330054450020;0.174776564051638522157006150337;0.031281032770605760040538712019;0.092850049652432972702165159262;0.063058589870903680729696816343;0.056603773584905661686583755454;0.040218470705064547632279214895;0.057100297914597815396309243852;0.075968222442899704938135130305;0.113704071499503470143999095399
-0.021818181818181819897617401693;0.125714285714285722850291904251;0.103376623376623372196903005715;0.303896103896103886299329133180;0.024935064935064935043307343676;0.062857142857142861425145952126;0.058181818181818181767717135244;0.044675324675324673551202181443;0.042077922077922075283495928488;0.041558441558441558405512239460;0.074285714285714288251938342000;0.096623376623376625027539432722
-0.017429193899782136761844597572;0.089324618736383448736049217587;0.096405228758169939085043154137;0.382897603485838788905937235540;0.027777777777777776235801354687;0.052832244008714598915155136183;0.056100217864923744570671004794;0.058823529411764705066012481893;0.035403050108932458683863586657;0.039760348583877995476409950015;0.059368191721132897165080777313;0.083877995642701527745366263389
-0.050925925925925923098969150260;0.083994708994708996985245619271;0.087301587301587296741089971874;0.300925925925925930037863054167;0.039021164021164018997911426823;0.046957671957671955065283242448;0.054232804232804229793707406770;0.055555555555555552471602709375;0.069444444444444447528397290625;0.044973544973544971048440288541;0.046296296296296293726335591145;0.120370370370370363688472536978
-0.041541541541541542048587842828;0.154154154154154149347633051548;0.110610610610610615722748661938;0.077077077077077074673816525774;0.078578578578578583968550219652;0.078578578578578583968550219652;0.071071071071071065250457365892;0.050050050050050053085382018025;0.061561561561561561894961869257;0.047547547547547544533053098803;0.093093093093093090550915746917;0.136136136136136148833131187530
-0.042748917748917751591175573367;0.176406926406926400918706576704;0.148268398268398271522272580114;0.005411255411255411033877305016;0.062770562770562768339921433380;0.084415584415584415944877605398;0.077922077922077920275611973011;0.065476190476190479494711382813;0.056818181818181816289392571662;0.049783549783549783940284072514;0.093614718614718608891145379403;0.136363636363636353543427048862
-0.061455525606469003918608251524;0.201617250673854442322152635825;0.101347708894878707486242319646;0.047978436657681942933972862875;0.042587601078167114376782365071;0.080862533692722365907812331898;0.086792452830188673851274927529;0.033962264150943395624171472491;0.052830188679245285165997358945;0.043665768194070080088220464631;0.100808625336927221161076317912;0.146091644204851739408113076024
-0.032186459489456156757292148995;0.175915649278579361292074167977;0.106548279689234179357093523777;0.057158712541620422531440937064;0.056603773584905661686583755454;0.102108768035516092598236070899;0.057713651498335183376298118674;0.023307436182019976300683339332;0.082130965593784688305589725132;0.059933407325194226755726845113;0.086570477247502775064447178011;0.159822419533851289852321997387
-0.015723270440251572305223604076;0.191194968553459132554195321063;0.111949685534591197866305378739;0.046540880503144650692792794189;0.079874213836477983563533200595;0.093710691823899364139016654462;0.043396226415094336925637463764;0.028301886792452830843291877727;0.067295597484276728494911878897;0.045283018867924525185930662019;0.094968553459119503523666594447;0.181761006289308163497153714161
-0.015712682379349047351313473087;0.191919191919191906015029758237;0.102132435465768792171026291271;0.147586980920314247978097910163;0.046015712682379347753247600394;0.094276094276094277168986934612;0.056116722783389451356672594784;0.016835016835016834713112388044;0.040965207631874299420982055153;0.035353535353535352203646624503;0.094837261503928169115162916114;0.158249158249158250466592789962
-0.027192008879023309153577514508;0.139844617092119871681887843806;0.096004439511653716365913169284;0.266925638179800195359803183237;0.027746947835738069998434696117;0.072142064372918979220372648342;0.045504994450610430911652315444;0.021087680355160932921254612893;0.045504994450610430911652315444;0.044395116537180909221937952225;0.083795782463928963901267366055;0.129855715871254162596670767016
-0.024987251402345742046229304378;0.186639469658337581181584141632;0.103518612952575222996287607202;0.064762876083630793733192376749;0.064762876083630793733192376749;0.110657827638959718741240578765;0.065782763895971443912635834295;0.034166241713411524272281383219;0.056603773584905661686583755454;0.046404895461499236219982122975;0.092809790922998472439964245950;0.148903620601733815975720176539
-0.031839622641509433831341624455;0.178066037735849058698534008727;0.107900943396226411952198986910;0.030660377358490566168658375545;0.047169811320754720385117764181;0.122051886792452823904397973820;0.097287735849056602988049746727;0.041863207547169808964149240182;0.071344339622641514409018270726;0.044811320754716978120857362455;0.081957547169811323373167510908;0.145047169811320764143403039270
-0.019079685746352412906157169914;0.198092031425364745178541170390;0.072390572390572394123609001326;0.120089786756453417715384546227;0.031986531986531986648802927675;0.140291806958473624922234535006;0.061167227833894499688938140025;0.012345679012345678327022824305;0.056677890011223343302848576286;0.039281705948372616643560206739;0.107182940516273847442185740420;0.141414141414141408814586498011
-0.007407407407407407690103084974;0.148677248677248685648777382085;0.066666666666666665741480812812;0.217989417989417982868260992291;0.047089947089947091496409115052;0.125396825396825395415589810000;0.053439153439153438962527786771;0.022222222222222223070309254922;0.039153439153439155429037299427;0.033333333333333332870740406406;0.095767195767195764655177470104;0.142857142857142849212692681249
-0.013368983957219250993664338978;0.103743315508021391457837978578;0.080213903743315509431432985821;0.376470588235294112422479884117;0.034759358288770053624361366928;0.071122994652406415494461100479;0.051871657754010695728918989289;0.036363636363636361870099733551;0.043850267379679147561333252270;0.026737967914438501987328677956;0.053475935828877003974657355911;0.108021390374331546779806956238
-0.035966981132075470650732995637;0.144457547169811323373167510908;0.097877358490566043758285275089;0.200471698113207558167303545815;0.056603773584905661686583755454;0.079009433962264147277565484728;0.065448113207547176095602026180;0.028891509433962264674633502182;0.063679245283018867662683248909;0.039504716981132073638782742364;0.062500000000000000000000000000;0.125589622641509440770235528362
-0.071428571428571424606346340624;0.131401617250673841130748087380;0.105795148247978434974392314416;0.005390835579514825087743545851;0.109838274932614554657561711792;0.071428571428571424606346340624;0.088274932614555254306587528390;0.078167115902964962037557938856;0.099730458221024262388532122259;0.034366576819407010368045973792;0.073450134770889491386824943220;0.130727762803234504040972296934
-0.022771633051398829095113285348;0.123617436564736504767125779836;0.145738451528952511759840149352;0.049446974625894597743513969590;0.064411190631099540793158553242;0.074821080026024722187116822170;0.104098893949251786184007073643;0.086532205595315547785872922759;0.063109954456733896588360721580;0.048145738451528953538716137928;0.074821080026024722187116822170;0.142485361093038387370057762382
-0.035879629629629629372633559115;0.153356481481481482509465763542;0.217013888888888895056794581251;0.000000000000000000000000000000;0.052662037037037034981068472916;0.063657407407407412547328817709;0.071759259259259258745267118229;0.081018518518518517490534236458;0.057291666666666664353702032031;0.038194444444444447528397290625;0.060763888888888888117900677344;0.168402777777777790113589162502
-0.030432136335970784435378533317;0.178940961655508212757581532060;0.101034692635423001272343412893;0.066342057212416316591685472304;0.062690200852099822736995804462;0.089470480827754106378790766030;0.061472915398660989139134613879;0.020085209981740719670240125083;0.078514911746804624814721762505;0.049300060864272673977204419771;0.066950699939135729921169115642;0.194765672550213014835307490102
-0.035516093229744728765329142561;0.135960044395116524951205860816;0.086570477247502775064447178011;0.226970033296337414530086107334;0.031631520532741395912434967386;0.085460599334073253374732814791;0.074916759156492790383552460298;0.025527192008879023149559017725;0.046614872364039952601366678664;0.046059933407325191756509497054;0.070477247502774689746907199606;0.134295227524972249355528219894
-0.021911138161898966597584959004;0.147900182592818008053825451498;0.102860620815581255138582150721;0.177115033475349958891342794232;0.061472915398660989139134613879;0.088861838101034693049307122692;0.059038344491783321943412232713;0.022519780888618379927068602342;0.042604990870359099597308727425;0.045648204503956180122514751929;0.098600121728545347954408839541;0.131466828971393778768828042303
-0.042261904761904764415980650938;0.173214285714285709527615608749;0.089285714285714287696826829688;0.121428571428571427381903902187;0.059523809523809520505288617187;0.110119047619047616404230893750;0.084523809523809528831961301876;0.016666666666666666435370203203;0.067857142857142851988250242812;0.042857142857142857539365365938;0.077380952380952383595769106250;0.114880952380952375269096421562
-0.024377318494965553169473437833;0.092209856915739268901077707596;0.119766825649178593193866504407;0.192898781134075242293945962047;0.071542130365659775681486109988;0.053524112347641761289196438156;0.076311605723370423692841768570;0.073661897191308958743327650609;0.050874403815580289400788416287;0.047694753577106521746920009264;0.064122946475887648842828525630;0.133015368309485959574800517657
-0.055555555555555552471602709375;0.124691358024691362205160771737;0.090740740740740746805848004897;0.153703703703703703498106847292;0.058024691358024689524786055017;0.076543209876543213954214195383;0.060493827160493826577969400660;0.051851851851851850361274642864;0.071604938271604939847847504097;0.064197530864197535627191371077;0.070987654320987650380381239756;0.121604938271604942623405065660
-0.033608490566037735325366497818;0.193985849056603765205863965093;0.115566037735849058698534008727;0.040683962264150941301465991273;0.037146226415094338313416244546;0.074292452830188676626832489092;0.161556603773584911420968523998;0.033018867924528301494024873364;0.047759433962264154216459388635;0.046580188679245279614882235819;0.093160377358490559229764471638;0.122641509433962264674633502182
-0.012802275960170696536555290379;0.170697012802275949194807935783;0.103366524419156002867481447538;0.067330488383119960205114296059;0.057373162636320529372824239545;0.098150782361308683277023590108;0.102892366050260780641067981378;0.029397818871503080678797559244;0.073494547178757710370611277995;0.038880986249407299693015005460;0.088193456614509252444733533594;0.157420578473210059922138270849
-0.013774104683195592668809581482;0.152066115702479326410312410189;0.098071625344352611475251535467;0.077685950413223139876528477998;0.046831955922865015073952577040;0.094765840220385672010294797474;0.068870523415977963344047907412;0.032506887052341594535054269954;0.084848484848484853615424583495;0.044077134986225896540190660744;0.072176308539944902809004645405;0.214325068870523410824446841616
-0.041666666666666664353702032031;0.143518518518518517490534236458;0.089947089947089942096880577083;0.140873015873015872134743631250;0.056216931216931213810550360677;0.071428571428571424606346340624;0.091269841269841264774775879687;0.055555555555555552471602709375;0.076719576719576715317927551041;0.035714285714285712303173170312;0.073412698412698415562083198438;0.123677248677248677322104697396
-0.054716981132075473426290557200;0.107547169811320758592287916144;0.145911949685534586551582947322;0.052830188679245285165997358945;0.069182389937106916755205077152;0.059748427672955975453739085879;0.073584905660377356029222539746;0.109433962264150946852581114399;0.090566037735849050371861324038;0.049685534591194971398842028520;0.073584905660377356029222539746;0.113207547169811323373167510908
-0.044204851752021566413386466365;0.095956873315363885867945725749;0.190296495956873312760393446297;0.023719676549865228304403430570;0.023719676549865228304403430570;0.056603773584905661686583755454;0.076010781671159030614681739735;0.147708894878706198383611081226;0.087331536388140160176440929263;0.067924528301886791248342944982;0.071698113207547167768929341491;0.114824797843665768470877708296
-0.030303030303030303871381079261;0.113779302458547740273253623400;0.104631217838765014360724592279;0.153802172670097186957249846273;0.075471698113207544289515738001;0.070325900514579764433165109949;0.078902229845626073445608028578;0.054888507718696397108537610166;0.061177815894797024642848271014;0.061749571183533448481828287413;0.057175528873642078586669867946;0.137793024585477402732536233998
-0.048128342245989302883302229930;0.120855614973262026623501697031;0.088235294117647064537912626747;0.167914438502673790676311682546;0.083422459893048125922909719066;0.087165775401069511829632574518;0.072192513368983954324953344894;0.020320855614973262065481307559;0.053475935828877003974657355911;0.035828877005347592454853611343;0.059893048128342243896504726308;0.162566844919786096523850460471
-0.038709677419354840410825602248;0.125161290322580637246474566382;0.119354838709677418817634020343;0.272258064516129050236514785865;0.041935483870967744934876719753;0.063225806451612909242498972162;0.094838709677419349985960650429;0.034193548387096775464932818522;0.030322580645161290729960867907;0.025161290322580645573147251071;0.054838709677419356092187285867;0.100000000000000005551115123126
-0.030784508440913606330813223622;0.135551142005958302760859623959;0.136047666335650435653903400635;0.191161866931479629272416786989;0.062065541211519366371351935641;0.062562065541211520081077424038;0.064548162859980134919979377628;0.052135054617676264421266552063;0.059086395233366437174105101349;0.030784508440913606330813223622;0.064548162859980134919979377628;0.110724925521350547885646165014
-0.059038344491783321943412232713;0.163724893487522837887127025169;0.097991479001825934624925196204;0.034083992696287278290068201159;0.079123554473524038144205405843;0.090687766281192933037758052706;0.064516129032258062725446734476;0.041996348143639686267825084087;0.059646987218502742211789779958;0.055995130858186241418206208209;0.079732197200243451473689049180;0.173463177115033478914440934204
-0.037735849056603772144757869000;0.149799885648942254778859251019;0.085763293310463117880004801918;0.112635791881074906473081398417;0.062321326472269865381914399904;0.100057175528873637526672268905;0.089193825042881647036097092496;0.021154945683247571019958144234;0.067467124070897652177158931863;0.056032018296169237847603739056;0.085191538021726700979918689427;0.132647226986849636753973413761
-0.058490566037735849946876953709;0.115723270440251574386891775248;0.083018867924528297330688531019;0.166666666666666657414808128124;0.061635220125786163714032284133;0.052830188679245285165997358945;0.182389937106918226250584780246;0.041509433962264148665344265510;0.077987421383647795303240002340;0.034591194968553458377602538576;0.040880503144654085911913199425;0.084276729559748422837550663189
-0.021350546176762661559900280395;0.127110228401191655001056801666;0.082423038728897710103460383380;0.279046673286991064877327062277;0.043694141012909630539251537584;0.056107249255213507976858267057;0.078450844091360480425656476200;0.058093346573982122815760220647;0.046176762661370406026772883479;0.040714995034756701342004703292;0.063058589870903680729696816343;0.103773584905660382071701519635
-0.030188679245283019103585075982;0.108176100628930821345718982229;0.103144654088050319318270453550;0.250943396226415094130146599127;0.037106918238993709391326802916;0.058490566037735849946876953709;0.096855345911949691783959792701;0.076100628930817607042946804086;0.047798742138364783138548830266;0.041509433962264148665344265510;0.049685534591194971398842028520;0.100000000000000005551115123126
-0.031404958677685952672664626562;0.144352617079889805618009290811;0.134435261707988973345351269018;0.160330578512396682011598159079;0.034710743801652892137621364554;0.065013774104683189070108539909;0.105234159779614325214147640963;0.049035812672176305737625767733;0.049586776859504133607714493337;0.051790633608815424271387684030;0.068319559228650142412853085716;0.105785123966942146145342462660
-0.059788359788359786428646458489;0.115873015873015877685858754376;0.082010582010582006029508761458;0.205291005291005301813811456668;0.044444444444444446140618509844;0.078306878306878310858074598855;0.082010582010582006029508761458;0.032804232804232801024024723802;0.080952380952380956213865204063;0.042328042328042325692649683333;0.066666666666666665741480812812;0.109523809523809523280846178750
-0.026886792452830189648071979036;0.105660377358490570331994717890;0.084905660377358485590981729274;0.321698113207547153891141533677;0.033962264150943395624171472491;0.056603773584905661686583755454;0.075471698113207544289515738001;0.059905660377358491142096852400;0.046226415094339619316077261146;0.035849056603773583884464670746;0.054245283018867926361217257636;0.098584905660377364355895224435
-0.003059663437021927553244315945;0.201937786843447208973145734490;0.070372259051504335025661873715;0.140744518103008670051323747430;0.036206017338092810753380490496;0.106578276389597145779042364211;0.073431922488526257808416630724;0.034166241713411524272281383219;0.065272819989801125761808009429;0.024987251402345742046229304378;0.072921978582355939657588805858;0.170321264660887289332791283414
-0.029066802651708311538980566979;0.206017338092809781935343949044;0.103518612952575222996287607202;0.002039775624681285180056500295;0.064252932177460475582364551883;0.123406425293217741900875239480;0.063742988271290157431536727017;0.004079551249362570360113000589;0.079041305456399799100886127690;0.034676185619581849362003111992;0.093829678735339108741619895682;0.196328403875573681558464045338
-0.044025157232704399679068529849;0.114465408805031448880029643078;0.091194968553459113125292390123;0.255974842767295596157595127806;0.052201257861635222412566292860;0.062893081761006289220894416303;0.054716981132075473426290557200;0.047169811320754720385117764181;0.076100628930817607042946804086;0.038993710691823897651620001170;0.064779874213836477481187614558;0.097484276729559754537390858786
-0.043209876543209874144579885069;0.057239057239057242187918461696;0.099326599326599332440146383760;0.395061728395061706464730377775;0.025813692480359147485291515522;0.058922558922558924965340310109;0.034231200897867561372400757591;0.061167227833894499688938140025;0.049382716049382713308091297222;0.040965207631874299420982055153;0.052749719416386085801828897957;0.081930415263748598841964110306
-0.032275132275132276116202945104;0.084126984126984133416371491876;0.106349206349206346078339890937;0.378835978835978859358135650837;0.025396825396825396803368590781;0.041798941798941800784827904636;0.051322751322751325453452864167;0.073544973544973538115421263228;0.034920634920634921471993550313;0.032275132275132276116202945104;0.044444444444444446140618509844;0.094708994708994714839533912709
-0.021302495435179549798654363713;0.087644552647595866390339836016;0.093730979914790013562964077209;0.363968350578210586565575113127;0.034692635423006691619551844497;0.060864272671941568870757066634;0.064516129032258062725446734476;0.065733414485696889384414021151;0.039561777236762019072102702921;0.025562994522215460452274626846;0.059038344491783321943412232713;0.083384053560559945328378717022
-0.029159519725557463132314950371;0.108633504859919960416902995348;0.120640365923384784707650396740;0.202973127501429401187138523710;0.038307604345340195983737885399;0.068610634648370499855118964661;0.095483133218982274570407753345;0.079473985134362490345694141070;0.048599199542595769574226949317;0.032590051457975985349513337042;0.066323613493424818376986706880;0.109205260148656377316989107840
-0.018518518518518517490534236458;0.162037037037037034981068472916;0.139467592592592587452671182291;0.031828703703703706273664408855;0.035300925925925923098969150260;0.077546296296296293726335591145;0.096064814814814811216869827604;0.074652777777777776235801354687;0.068287037037037034981068472916;0.057291666666666664353702032031;0.074652777777777776235801354687;0.164351851851851860075726108334
-0.024074074074074074125473288177;0.125925925925925913384517684790;0.064814814814814811216869827604;0.216666666666666674068153497501;0.077777777777777779011358916250;0.094444444444444441977282167500;0.043827160493827163612046149410;0.033950617283950615399312766840;0.079012345679012344068503637118;0.036419753086419752452496112483;0.067901234567901230798625533680;0.135185185185185186007572610833
-0.019079685746352412906157169914;0.138608305274971949083706590500;0.104938271604938265779694006596;0.237373737373737375699889184943;0.047699214365881030530669448808;0.052188552188552186916759012547;0.109988776655443321050853455745;0.034792368125701460257470643000;0.053310886644219977748004879459;0.034792368125701460257470643000;0.078563411896745233287120413479;0.088664421997755329951651503961
-0.064858490566037735325366497818;0.115566037735849058698534008727;0.110849056603773588047801013090;0.041863207547169808964149240182;0.084905660377358485590981729274;0.089622641509433956241714724911;0.067806603773584911420968523998;0.042452830188679242795490864637;0.143867924528301882602931982547;0.040094339622641507470124366819;0.073113207547169808964149240182;0.125000000000000000000000000000
-0.054054054054054057054656823311;0.134625191228964824485814233412;0.097909229984701681703818110236;0.142784293727689942654635046893;0.052524222335543088724385540900;0.072921978582355939657588805858;0.062723100458949521129881077286;0.058643549209586948167682862731;0.054054054054054057054656823311;0.045385007649158592979432569336;0.089240183579806217628593856261;0.135135135135135142636642058278
-0.080466148723640398832124276396;0.090455049944506107917341353186;0.104328523862375135977664797338;0.100998890122086570908521707679;0.024417314095449501459844654505;0.054384017758046618307155029015;0.109322974472807990520273335733;0.169256381798002231153787988660;0.048279689234184242074832127400;0.076026637069922312073266823518;0.063263041065482791824869934771;0.078801331853496109358658827659
-0.057861635220125787193445887624;0.111320754716981135112874312654;0.116352201257861637140322841333;0.152201257861635214085893608171;0.046540880503144650692792794189;0.055345911949685536179721623284;0.084905660377358485590981729274;0.072327044025157230522360407576;0.091823899371069175878723456208;0.033333333333333332870740406406;0.050943396226415096905704160690;0.127044025157232703948650964776
-0.020571428571428570369894472947;0.081714285714285711526017053075;0.079428571428571431711773698225;0.296571428571428596931980337104;0.042857142857142857539365365938;0.039428571428571430879106429757;0.097142857142857141905523121750;0.165714285714285702866277460998;0.036571428571428574172408332288;0.017142857142857143709635536766;0.047428571428571431045639883450;0.075428571428571428159060019425
-0.021700879765395895276691717868;0.094428152492668615547444233016;0.083870967741935489869753439507;0.409970674486803521308075914931;0.026392961876832845419249551355;0.050439882697947212297773234013;0.042228739002932551283020501387;0.046334310850439881790396867700;0.031671554252199411727541900063;0.037536656891495601140462667900;0.043401759530791790553383435736;0.112023460410557190725100440432
-0.029575892857142856151586585156;0.088727678571428575393653659376;0.109933035714285712303173170312;0.262276785714285698425385362498;0.052455357142857143848413414844;0.051339285714285712303173170312;0.069196428571428575393653659376;0.083705357142857136909519510937;0.049107142857142856151586585156;0.029017857142857143848413414844;0.066964285714285712303173170312;0.107700892857142863090480489063
-0.072428484479610463764309713497;0.135727328058429713708576969111;0.145465611685940354735890878146;0.065733414485696889384414021151;0.059646987218502742211789779958;0.064516129032258062725446734476;0.083992696287279372535650168174;0.078514911746804624814721762505;0.062690200852099822736995804462;0.052951917224589167831894087612;0.074254412659768717630548451325;0.104077906269020081797549437397
-0.013071895424836601704021710191;0.154139433551198246075131237376;0.125272331154684085641193291849;0.063725490196078427018733236764;0.066448801742919394452968617770;0.103485838779956429434037090687;0.090958605664488018094360199939;0.035403050108932458683863586657;0.066993464052287579613143009283;0.041394335511982571773614836275;0.070261437908496732207552781801;0.168845315904139425811081309803
-0.021816037735849055229087056773;0.209905660377358499468769537089;0.124410377358490559229764471638;0.057193396226415095517925379909;0.039504716981132073638782742364;0.071344339622641514409018270726;0.166273584905660382071701519635;0.032429245283018867662683248909;0.059551886792452830843291877727;0.030070754716981132337316751091;0.064858490566037735325366497818;0.122641509433962264674633502182
-0.052749719416386085801828897957;0.192480359147025825716781355368;0.104377104377104373833518025094;0.053310886644219977748004879459;0.039281705948372616643560206739;0.078002244668911341340944431977;0.083613916947250274680492054813;0.040965207631874299420982055153;0.067901234567901230798625533680;0.050505050505050504139337164133;0.096520763187429858831478668435;0.140291806958473624922234535006
-0.046673286991062559736498371876;0.152929493545183703417933429591;0.115690168818272098860688856803;0.024826216484607744466872603084;0.043694141012909630539251537584;0.097318768619662363028588458747;0.088381330685203568497954051963;0.066534260178748763636669139032;0.080436941410129095264558429790;0.068023833167825217826951700317;0.087884806355511421727122467473;0.127606752730883815649676193971
-0.021488469601677148701490693838;0.151991614255765211671800329896;0.086477987421383642474559394486;0.230083857442348022059874779188;0.022012578616352199839534264925;0.114255765199161418710360749174;0.040880503144654085911913199425;0.050838574423480081820869713738;0.034591194968553458377602538576;0.036687631027253669868670726828;0.083857442348008390253788491009;0.126834381551362673778982070871
-0.009433962264150943036189467250;0.130817610062893080469237361285;0.086792452830188673851274927529;0.198742138364779885595368114082;0.049685534591194971398842028520;0.105031446540880507578563651805;0.046540880503144650692792794189;0.044654088050314462432499595934;0.066666666666666665741480812812;0.036477987421383646637895736831;0.076100628930817607042946804086;0.149056603773584900318738277747
-0.018296169239565465702845870055;0.172098341909662666537883524143;0.072041166380789029011211255238;0.178387650085763294072194184992;0.040022870211549453622890126780;0.113207547169811323373167510908;0.052029731275014291791425335987;0.022298456260720411759024273124;0.055460263007432820947517626564;0.034305317324185249927559482330;0.080045740423098907245780253561;0.161806746712407079069606652411
-0.013207547169811321291499339736;0.100471698113207552616188422689;0.096226415094339629030528726616;0.287264150943396245896366281158;0.049528301886792455710484261999;0.057075471698113208751657055018;0.068867924528301885378489544109;0.055188679245283020491363856763;0.058018867924528302881803654145;0.058962264150943397011950253273;0.057075471698113208751657055018;0.098113207547169817290821924871
-0.033608490566037735325366497818;0.117334905660377353253664978183;0.074292452830188676626832489092;0.230542452830188676626832489092;0.044811320754716978120857362455;0.090801886792452823904397973820;0.081957547169811323373167510908;0.041863207547169808964149240182;0.047169811320754720385117764181;0.045400943396226411952198986910;0.067806603773584911420968523998;0.124410377358490559229764471638
-0.040880503144654085911913199425;0.113836477987421386126598576993;0.088679245283018862111568125783;0.197484276729559760088505981912;0.056603773584905661686583755454;0.074842767295597481536084671916;0.084905660377358485590981729274;0.069182389937106916755205077152;0.048427672955974845891979896351;0.061006289308176100960601218048;0.063522012578616351974325482388;0.100628930817610068304546189211
-0.021302495435179549798654363713;0.111381618989653069506928773080;0.080340839926962878680960500333;0.279975654290931241785500560582;0.048691418137553253708826872526;0.094339622641509440770235528362;0.045648204503956180122514751929;0.021302495435179549798654363713;0.063907486305538649395963091138;0.043822276323797933195169918008;0.065124771758977476054930377813;0.124163116250760804937236514434
-0.003430531732418524819283600635;0.088050314465408799358137059698;0.049170954831332186474313061808;0.336763865065751843985708546825;0.040594625500285877461870143179;0.118353344768439103229518138960;0.040594625500285877461870143179;0.026300743281875357815202676193;0.055460263007432820947517626564;0.040022870211549453622890126780;0.068610634648370499855118964661;0.132647226986849636753973413761
-0.034662867996201329745531438675;0.146723646723646711231836547995;0.085470085470085471746060079568;0.046533713200379869801004417695;0.084995251661918333474510234282;0.103988603988603989236594316026;0.085944919278252610017609924853;0.012820512820512820068019621544;0.099240265906932578765520247543;0.058879392212725548128027242001;0.080721747388414061274986011085;0.160018993352326693857534678500
-0.023270440251572325346396397094;0.161635220125786155387359599445;0.093710691823899364139016654462;0.069811320754716979508636143237;0.061635220125786163714032284133;0.090566037735849050371861324038;0.087421383647798736604705993614;0.030817610062893081857016142067;0.092452830188679238632154522293;0.040251572327044023158482133340;0.074842767295597481536084671916;0.173584905660377347702549855057
-0.059139784946236562124255442541;0.134408602150537626052084760886;0.129032258064516125450893468951;0.099761051373954592880188840809;0.037037037037037034981068472916;0.072879330943847075996444573320;0.080047789725209081423962231838;0.035842293906810034076482196497;0.081242532855436075389654604351;0.061529271206690563933427995380;0.090800477897252096504132623522;0.118279569892473124248510885081
-0.058730158730158729674108997187;0.126984126984126977077949049999;0.084126984126984133416371491876;0.185185185185185174905342364582;0.044444444444444446140618509844;0.083068783068783069722940126667;0.053439153439153438962527786771;0.041269841269841268938112222031;0.076719576719576715317927551041;0.041798941798941800784827904636;0.066666666666666665741480812812;0.137566137566137558501111470832
-0.037735849056603772144757869000;0.171262699564586368117247161535;0.085147556845670047120933077167;0.108853410740203188078467633204;0.048379293662312528034874503646;0.103047895500725683604059668141;0.068698597000483793695302381366;0.013546202225447508127320617177;0.059990324141267536983690433772;0.030478955007256895021194864626;0.068214804063860670635399685580;0.204644412191581998028411248924
-0.072207792207792206862215778074;0.157922077922077935818734317763;0.112727272727272731511760639478;0.032207792207792206029548509605;0.066493506493506493448819583136;0.095584415584415591271572054666;0.088311688311688313346436984830;0.045714285714285714246063463406;0.069090909090909091716525836091;0.039480519480519483954683579441;0.070129870129870125472493214147;0.150129870129870141015615558899
-0.053350683148991544235695272391;0.143135979180221223350244486028;0.125569290826284957196534719515;0.167859466493168518752554518869;0.054001301236174366338094188222;0.071567989590110611675122243014;0.076772934287573188494313569663;0.041639557579700718636939171802;0.059206245933636957035073322686;0.029928432010409889568736119259;0.057905009759271305891381587116;0.119063109954456736172545561203
-0.011435105774728416064278668784;0.108633504859919960416902995348;0.081761006289308171823826398850;0.331618067467124078007145726588;0.055460263007432820947517626564;0.057747284162378502425649884344;0.056032018296169237847603739056;0.042309891366495142039916288468;0.056032018296169237847603739056;0.032590051457975985349513337042;0.049170954831332186474313061808;0.117209834190966269429345913977
-0.041387705416920265999447536842;0.094339622641509440770235528362;0.082775410833840531998895073684;0.255021302495435198132156529027;0.039561777236762019072102702921;0.072428484479610463764309713497;0.080340839926962878680960500333;0.059646987218502742211789779958;0.068167985392574556580136402317;0.041996348143639686267825084087;0.067559342665855143250652758979;0.096774193548387094088170101713
-0.056603773584905661686583755454;0.142619311875693682845067655762;0.141509433962264147277565484728;0.118201997780244177915776049304;0.049389567147613763764546490620;0.066037735849056602988049746727;0.054384017758046618307155029015;0.054938956714761379152012210625;0.064927857935627081298335383508;0.049389567147613763764546490620;0.082685904550499442211553002835;0.119311875693673699605490412523
-0.051457975986277874891339223495;0.087478559176672382458050947207;0.149799885648942254778859251019;0.160091480846197814491560507122;0.036592338479130931405691740110;0.053744997141223556369471481275;0.065180102915951970699026674083;0.145797598627787294844893040136;0.067467124070897652177158931863;0.050886220697541451052359207097;0.058890794739851343164716013234;0.072612921669525445911297367729
-0.044596912521440823518048546248;0.076615208690680391967475770798;0.128073184676958273797708898201;0.236706689536878206459036277920;0.025157232704402517076136547303;0.066323613493424818376986706880;0.071469411092052598233337334932;0.137793024585477402732536233998;0.048027444253859345735246932918;0.032018296169239568449427224550;0.065751858204688387599112786575;0.067467124070897652177158931863
-0.011859838274932614152201715285;0.077628032345013475712391937122;0.085175202156334228753564730141;0.354177897574123989876682117028;0.020485175202156334639536083841;0.049056603773584908645410962436;0.093261455525606468119903524894;0.170889487870619943832295462016;0.012938005390835579863639814846;0.014016172506738543840354438430;0.047978436657681942933972862875;0.062533692722371969630046351085
-0.017041996348143639145034100579;0.071211199026171637105342426821;0.094339622641509440770235528362;0.374315276932440654800160473314;0.017041996348143639145034100579;0.034692635423006691619551844497;0.107729762629336575652239105239;0.118076688983566643886824465426;0.020693852708460132999723768421;0.018867924528301886072378934500;0.048082775410833840379343229188;0.077906269020085211485238119167
-0.012938005390835579863639814846;0.098113207547169817290821924871;0.113746630727762809698333512642;0.294339622641509424116890158984;0.029110512129380053392146976421;0.051752021563342319454559259384;0.061455525606469003918608251524;0.111590296495956878275457313521;0.050673854447439353743121159823;0.026954177897574125438717729253;0.051212938005390833129393257650;0.098113207547169817290821924871
-0.019439679817038306441911998945;0.090909090909090911614143237784;0.092052601486563745414315462767;0.290451686678101783645189470917;0.028016009148084618923801869528;0.032590051457975985349513337042;0.091480846197827328514229350276;0.173813607775871931115929669431;0.031446540880503144610447208152;0.024585477415666093237156530904;0.052601486563750715630405352385;0.072612921669525445911297367729
-0.014293882218410519646667466986;0.081189251000571754923740286358;0.092624356775300176192189383073;0.371069182389937080035480221341;0.014293882218410519646667466986;0.040594625500285877461870143179;0.080617495711835338023654173867;0.176672384219554029494148039703;0.014865637507146941750924007408;0.012578616352201258538068273651;0.039451114922813036722804014289;0.061749571183533448481828287413
-0.018238993710691823318947868415;0.081761006289308171823826398850;0.082389937106918234577257464935;0.382389937106918265108390642126;0.018238993710691823318947868415;0.040251572327044023158482133340;0.100000000000000005551115123126;0.143396226415094335537858682983;0.022012578616352199839534264925;0.013207547169811321291499339736;0.040880503144654085911913199425;0.057232704402515724440014821539
-0.018867924528301886072378934500;0.071469411092052598233337334932;0.092624356775300176192189383073;0.361349342481417978856228501172;0.017724413950829045333312805610;0.029731275014293883501848014816;0.084048027444253853301958656630;0.164665523156089205203400638311;0.026300743281875357815202676193;0.027444253859348198554268805083;0.037735849056603772144757869000;0.068038879359634082955032852169
-0.003773584905660377387948134498;0.096855345911949691783959792701;0.090566037735849050371861324038;0.342767295597484256131082247521;0.020125786163522011579241066670;0.040880503144654085911913199425;0.103144654088050319318270453550;0.155974842767295590606480004681;0.022012578616352199839534264925;0.012578616352201258538068273651;0.047169811320754720385117764181;0.064150943396226414727756548473
-0.016846361185983826230794235812;0.084905660377358485590981729274;0.128032345013477100170717903893;0.200134770889487861866840034963;0.024258760107816711160122480351;0.054582210242587601844999056766;0.090970350404312672054629729246;0.220350404312668474160474829660;0.035714285714285712303173170312;0.026954177897574125438717729253;0.059299191374663072495732052403;0.057951482479784363621710951975
-0.018867924528301886072378934500;0.065312046444121918398195703048;0.062409288824383166160991720517;0.472181906144170271399929106337;0.014997581035316884245922608443;0.040638606676342524381961851532;0.054668601838413162508079068402;0.133526850507982575155807580813;0.032897919690372520729049199417;0.017900338655055636483126590974;0.029027576197387518902592873360;0.057571359458151907806389147026
-0.015151515151515151935690539631;0.124579124579124581040368013873;0.112794612794612794659521171070;0.365319865319865322295100895644;0.016835016835016834713112388044;0.065095398428731757189957818355;0.080246913580246909125648357985;0.035353535353535352203646624503;0.023569023569023569292246733653;0.023569023569023569292246733653;0.043209876543209874144579885069;0.094276094276094277168986934612
-0.016352201257861635058654670161;0.128930817610062892208944163031;0.088050314465408799358137059698;0.323270440251572310774719198889;0.041509433962264148665344265510;0.061635220125786163714032284133;0.059748427672955975453739085879;0.032704402515723270117309340321;0.042138364779874211418775331595;0.031446540880503144610447208152;0.058490566037735849946876953709;0.115723270440251574386891775248
-0.012305168170631665056080628062;0.118949958982772760474055928626;0.127563576702214936942070266923;0.303527481542247734580541873584;0.031583264971287938749355816981;0.047990155865463492157463321064;0.078342904019688269778853850767;0.061936013125512716370746346684;0.025840853158326498179020447310;0.020918785890073829381030634522;0.062346185397867105726366077079;0.108695652173913040461350476562
-0.020047169811320753735062183409;0.099056603773584911420968523998;0.133254716981132087516570550179;0.233490566037735852722434515272;0.043632075471698110458174113546;0.048938679245283021879142637545;0.092570754716981132337316751091;0.081367924528301882602931982547;0.039504716981132073638782742364;0.029481132075471698505975126636;0.081957547169811323373167510908;0.096698113207547176095602026180
-0.011006289308176099919767132462;0.180817610062893069367007115034;0.140461215932914051940372246463;0.083857442348008390253788491009;0.021488469601677148701490693838;0.076519916142557653504496784080;0.123165618448637312343230121314;0.077044025157232701173093403213;0.039308176100628929028335534213;0.044025157232704399679068529849;0.087002096436058704020943821433;0.115303983228511527925341795253
-0.041404612159329140519403722465;0.083857442348008390253788491009;0.090146750524109017788099151858;0.311844863731656207761488985852;0.070230607966457025970186123232;0.048742138364779877268695429393;0.060796645702306077729826228051;0.040356394129979038243316580292;0.066037735849056602988049746727;0.030922431865828093472403637065;0.052935010482180293311937901990;0.102725366876310272856720473555
-0.036320754716981130949537970309;0.082547169811320750265615231456;0.073113207547169808964149240182;0.349528301886792458486041823562;0.063207547169811320597609949345;0.064622641509433961792829848036;0.037735849056603772144757869000;0.022641509433962262592965331010;0.075471698113207544289515738001;0.034433962264150942689244772055;0.047169811320754720385117764181;0.113207547169811323373167510908
-0.022405660377358489060428681228;0.067216981132075470650732995637;0.080188679245283014940248733637;0.370283018867924529349267004363;0.020047169811320753735062183409;0.065448113207547176095602026180;0.046580188679245279614882235819;0.097287735849056602988049746727;0.033018867924528301494024873364;0.036556603773584904482074620091;0.067216981132075470650732995637;0.093750000000000000000000000000
-0.032274081429990067459989688814;0.087884806355511421727122467473;0.089870903674280036566024421063;0.369414101290963248214183067830;0.015888778550148956875132100208;0.050645481628599803292090086870;0.062562065541211520081077424038;0.127110228401191655001056801666;0.030784508440913606330813223622;0.026812313803376366244668460581;0.051142005958291957001815575268;0.055610724925521347328238874752
-0.029559748427672956350154009897;0.063522012578616351974325482388;0.103773584905660382071701519635;0.411320754716981151766219682031;0.038364779874213834898188935085;0.037106918238993709391326802916;0.033962264150943395624171472491;0.105660377358490570331994717890;0.032075471698113207363878274236;0.023270440251572325346396397094;0.042767295597484274172206397679;0.078616352201257858056671068425
-0.025681341719077568214180118389;0.087002096436058704020943821433;0.098532494758909849874584097051;0.360062893081760981850436564855;0.028825995807127881981335448813;0.049266247379454924937292048526;0.053459119496855347919428425030;0.077044025157232701173093403213;0.038259958071278826752248392040;0.043501048218029352010471910717;0.052935010482180293311937901990;0.085429769392033547137366156221
-0.031446540880503144610447208152;0.098532494758909849874584097051;0.094863731656184488438832147494;0.261006289308176098185043656486;0.047169811320754720385117764181;0.063941299790356398435875462383;0.079664570230607967271652114505;0.069182389937106916755205077152;0.053459119496855347919428425030;0.028301886792452830843291877727;0.063417190775681336889491035436;0.109014675052410900391031134404
-0.016037735849056603681939137118;0.147641509433962259123518379056;0.110849056603773588047801013090;0.141509433962264147277565484728;0.053773584905660379296143958072;0.088207547169811315046494826220;0.052358490566037738100924059381;0.034905660377358489754318071618;0.058490566037735849946876953709;0.039622641509433960405051067255;0.074528301886792450159369138873;0.182075471698113194873869247203
-0.010691823899371068543051599420;0.081761006289308171823826398850;0.113207547169811323373167510908;0.367295597484276703514893824831;0.023270440251572325346396397094;0.036477987421383646637895736831;0.074213836477987418782653605831;0.083018867924528297330688531019;0.037735849056603772144757869000;0.034591194968553458377602538576;0.052201257861635222412566292860;0.085534591194968548344412795359
-0.014814814814814815380206169948;0.081481481481481488060580886668;0.102645502645502650906905728334;0.370370370370370349810684729164;0.030687830687830687514949801198;0.050264550264550261760021498958;0.081481481481481488060580886668;0.061904761904761906876615285000;0.047619047619047616404230893750;0.028042328042328042159159195990;0.040211640211640212183574760729;0.090476190476190473943596259687
-0.017041996348143639145034100579;0.101034692635423001272343412893;0.079123554473524038144205405843;0.402312842361533806734286145002;0.043822276323797933195169918008;0.043213633597078512926792370763;0.071819841752891050434826070159;0.040779062690200852669963893504;0.046865489957395006781482038605;0.018259281801582472742895291162;0.051125989044430920904549253692;0.084601339013998785865133811512
-0.006289308176100629269034136826;0.112064036592338475695207478111;0.106918238993710695838856850060;0.318467695826186392160650484584;0.018296169239565465702845870055;0.066895368782161235277072819372;0.080617495711835338023654173867;0.054316752429959980208451497674;0.043453401943967982778982417358;0.040594625500285877461870143179;0.060034305317324183903782142124;0.092052601486563745414315462767
-0.031132075471698113233731675109;0.151886792452830182709178075129;0.109433962264150946852581114399;0.115094339622641511633460709163;0.059433962264150944077023552836;0.064622641509433961792829848036;0.100000000000000005551115123126;0.029245283018867924973438476854;0.065566037735849055922976447164;0.043396226415094336925637463764;0.074056603773584903094295839310;0.156132075471698106294837771202
-0.038038038038038041177557602168;0.129129129129129133213282898396;0.093093093093093090550915746917;0.153153153153153143151143922296;0.068568568568568563637022350576;0.070070070070070072931756044454;0.073073073073073077643435624395;0.035035035035035036465878022227;0.072072072072072071446946495143;0.037537537537537538079313037542;0.071071071071071065250457365892;0.159159159159159152574503082178
-0.010531135531135531885338352254;0.140109890109890111720147842789;0.114010989010989008396457222716;0.192765567765567774616286556011;0.063644688644688640621893682692;0.093406593406593407813431895192;0.051739926739926736520835959254;0.022435897435897435986396075691;0.072802197802197807230406567669;0.035714285714285712303173170312;0.062728937728937728124378736538;0.140109890109890111720147842789
-0.014961389961389960981397173612;0.103281853281853283621494199451;0.104729729729729728604503691258;0.355694980694980678048722211315;0.034749034749034748981166842441;0.063706563706563704152507909839;0.041023166023166024451995781419;0.057915057915057917281576038704;0.053088803088803086793756591533;0.032335907335907333737257118855;0.056467181467181465359672642990;0.082046332046332048903991562838
-0.050411522633744855481641167216;0.136316872427983543092366858218;0.069444444444444447528397290625;0.130658436213991757668395621295;0.069958847736625515145725273669;0.092592592592592587452671182291;0.086419753086419748289159770138;0.025720164609053498827595518605;0.102366255144032927693054091378;0.033950617283950615399312766840;0.062757201646090540747557895429;0.139403292181069948796334756480
-0.031281032770605760040538712019;0.209036742800397218333685600555;0.106752730883813304330054450020;0.002979145978152929630927703286;0.064051638530287988149147793138;0.108242303872889772398124819119;0.052135054617676264421266552063;0.015888778550148956875132100208;0.069513406156901685895022069417;0.040714995034756701342004703292;0.084409136047666338820150144784;0.214995034756703090605967076954
-0.001768867924528301927705742358;0.253537735849056589110261938913;0.094929245283018867662683248909;0.000000000000000000000000000000;0.018278301886792452241037310046;0.145047169811320764143403039270;0.037735849056603772144757869000;0.031839622641509433831341624455;0.061910377358490566168658375545;0.037146226415094338313416244546;0.107311320754716985059751266363;0.210495283018867912483429449821
-0.001768867924528301927705742358;0.215212264150943383134162445458;0.087853773584905661686583755454;0.000000000000000000000000000000;0.044221698113207544289515738001;0.136792452830188676626832489092;0.039504716981132073638782742364;0.004716981132075471518094733625;0.090212264150943397011950253273;0.033018867924528301494024873364;0.107900943396226411952198986910;0.238797169811320764143403039270
-0.036477987421383646637895736831;0.174842767295597473209411987227;0.082389937106918234577257464935;0.098742138364779880044252990956;0.066037735849056602988049746727;0.105660377358490570331994717890;0.030817610062893081857016142067;0.020125786163522011579241066670;0.104402515723270444825132585720;0.035849056603773583884464670746;0.058490566037735849946876953709;0.186163522012578602771171176755
-0.018181818181818180935049866775;0.122865013774104678279108782135;0.155922865013774114562039585508;0.168595041322314037612883907968;0.052892561983471073072671231330;0.047382920110192836005147398737;0.091460055096418732545338059481;0.077685950413223139876528477998;0.050137741046831954538909315033;0.053994490358126721873954778630;0.041873278236914598937623566144;0.119008264462809917882957222446
-0.050499445061043285454260853840;0.083240843507214209995304088352;0.088790233074361818443875904450;0.319644839067702579704643994774;0.028301886792452830843291877727;0.060488346281908987600584026723;0.043285238623751387532223589005;0.041620421753607104997652044176;0.078801331853496109358658827659;0.042730299667036626687366407396;0.050499445061043285454260853840;0.112097669256381801683453147689
-0.051609322974472807143975217059;0.109877913429522758304024421250;0.099334073251942281435056258942;0.160932297447280797664248552792;0.049389567147613763764546490620;0.072697003329633747004123733859;0.104328523862375135977664797338;0.056048834628190900841726573844;0.072142064372918979220372648342;0.054384017758046618307155029015;0.063817980022197559608621020288;0.105438401775804657667379160557
-0.035261707988980713068816186251;0.075482093663911842273961383398;0.087052341597796137340203870281;0.267768595041322332583888510271;0.034159779614325071206426542858;0.054545454545454542805149600326;0.122865013774104678279108782135;0.099173553719008267215428986674;0.056198347107438019476521873230;0.035812672176308540938904911854;0.067217630853994486672675634509;0.064462809917355368138913718212
-0.022417153996101363278015128344;0.111598440545808960666640530235;0.090643274853801164558930736348;0.167641325536062368861678351095;0.028265107212475631959236466173;0.084795321637426895877709398519;0.155458089668615989653588371766;0.052144249512670562407556928974;0.044834307992202726556030256688;0.033625730994152044917022692516;0.105750487329434691985419192406;0.102826510721247557644808523492
-0.011363636363636363951767904723;0.097159090909090903287470553096;0.088068181818181823228286475569;0.359659090909090928267488607162;0.026704545454545453031514057329;0.075568181818181812126056229317;0.042613636363636360482320952769;0.046590909090909092549193104560;0.046022727272727270708685409772;0.034659090909090910226364457003;0.070454545454545450255956495766;0.101136363636363635354342704886
-0.039426523297491036790241025756;0.134408602150537626052084760886;0.116487455197132619422184518498;0.185185185185185174905342364582;0.053166069295101550662430156535;0.055555555555555552471602709375;0.082437275985663083233134784678;0.053763440860215054584170246699;0.059139784946236562124255442541;0.030465949820788530005843952608;0.065710872162485070568926914802;0.124253285543608121832548363273
-0.041152263374485596736374048987;0.181584362139917687706258675462;0.132716049382716055893283169098;0.073559670781893002344808962789;0.043209876543209874144579885069;0.066872427983539095563969567593;0.131172839506172839163511412153;0.036522633744855967363740489873;0.047325102880658435899885461140;0.034465020576131689955534653791;0.060699588477366256400458155440;0.150720164609053491888701614698
-0.028825995807127881981335448813;0.151467505241090150125415902949;0.106394129979035634292472423112;0.054507337526205450195515567202;0.052935010482180293311937901990;0.088050314465408799358137059698;0.103773584905660382071701519635;0.058176100628930818570161420666;0.075995807127882605835900164948;0.043501048218029352010471910717;0.078092243186582810388074449293;0.158280922431865839206110990744
-0.041639557579700718636939171802;0.126219908913467793176721443160;0.175016265452179575756730400826;0.062459336369551074485961805749;0.037735849056603772144757869000;0.048796356538711775641115053759;0.126219908913467793176721443160;0.094990240728692262872634444193;0.067664281067013665182940940213;0.037085230969420950042358953169;0.065712426805465184997956384905;0.116460637605725433885162090064
-0.027777777777777776235801354687;0.151467505241090150125415902949;0.148846960167714897904644999471;0.024109014675052411330602453177;0.066561844863731650656646365860;0.067610062893081759871627411940;0.124737945492662469226807786526;0.051362683438155136428360236778;0.075471698113207544289515738001;0.045597484276729556562646195061;0.059224318658280920846248562839;0.157232704402515716113342136850
-0.017610062893081760565516802330;0.130188679245283017715806295200;0.105031446540880507578563651805;0.146540880503144649305014013407;0.050943396226415096905704160690;0.077987421383647795303240002340;0.130817610062893080469237361285;0.036477987421383646637895736831;0.063522012578616351974325482388;0.028930817610062893596722943812;0.073584905660377356029222539746;0.138364779874213833510410154304
-0.009688934217236103846326855660;0.131565527791942887825271668589;0.089750127485976535779421681127;0.346251912289648133835839871608;0.037735849056603772144757869000;0.067822539520652730393734941572;0.065272819989801125761808009429;0.032636409994900562880904004714;0.030596634370219276399804897437;0.027536970933197346678156236521;0.056093829678735336596862026681;0.105048444671086177448771081799
-0.012382075471698113927621065500;0.092570754716981132337316751091;0.074882075471698117397068017453;0.377948113207547176095602026180;0.026533018867924529349267004363;0.067216981132075470650732995637;0.074882075471698117397068017453;0.047169811320754720385117764181;0.047169811320754720385117764181;0.030070754716981132337316751091;0.055424528301886794023900506545;0.093750000000000000000000000000
-0.047792207792207795635786027333;0.072207792207792206862215778074;0.122597402597402593826814154454;0.315844155844155871637468635527;0.022857142857142857123031731703;0.054545454545454542805149600326;0.054025974025974025927165911298;0.105454545454545453586625569642;0.044155844155844156673218492415;0.044155844155844156673218492415;0.054025974025974025927165911298;0.062337662337662337608268359190
-0.019407008086253368928097984281;0.087870619946091646501606930997;0.122911051212938007837216503049;0.322911051212938005061658941486;0.023719676549865228304403430570;0.056603773584905661686583755454;0.074932614555256057964349736267;0.066307277628032346150632747594;0.040431266846361182953906165949;0.049056603773584908645410962436;0.052830188679245285165997358945;0.083018867924528297330688531019
-0.021044992743105950250281921399;0.087082728592162553238331668126;0.089985486211901305475535650658;0.430333817126269946307104419247;0.026850507982583454724689886461;0.039912917271407839792107807853;0.047169811320754720385117764181;0.057329462989840346276437799133;0.044267053701015968147913781650;0.037735849056603772144757869000;0.041364296081277215910709799118;0.076923076923076927347011633174
-0.036388140161725070209630672480;0.102425876010781666258786515300;0.097708894878706195608053519663;0.302560646900269514247838742449;0.035040431266846361335609572052;0.049191374663072773287808558962;0.058625336927223721528168454142;0.091644204851752023022193327506;0.045148247978436660543533065493;0.031671159029649592620003772936;0.050539083557951482161829659390;0.099056603773584911420968523998
-0.017610062893081760565516802330;0.159119496855345904373635335105;0.127044025157232703948650964776;0.008176100628930817529327335080;0.116352201257861637140322841333;0.079874213836477983563533200595;0.093710691823899364139016654462;0.022641509433962262592965331010;0.120125786163522013660909237842;0.038364779874213834898188935085;0.069811320754716979508636143237;0.147169811320754712058445079492
-0.025157232704402517076136547303;0.092767295597484270008870055335;0.131027253668763110638906255190;0.251048218029350123092768853894;0.048742138364779877268695429393;0.052410901467505238704447378950;0.062893081761006289220894416303;0.093291404612159331555254482282;0.064465408805031446104472081515;0.033018867924528301494024873364;0.045597484276729556562646195061;0.099580712788259959089565143131
-0.030287984111221449151640783271;0.045183714001986098607321906684;0.047169811320754720385117764181;0.533267130089374430390591896867;0.031777557100297913750264200416;0.047666335650446874094843252578;0.024329692154915590757147114687;0.057100297914597815396309243852;0.040714995034756701342004703292;0.038728897715988086503102749703;0.044190665342601784248977025982;0.059582919563058590883830589746
-0.018867924528301886072378934500;0.069182389937106916755205077152;0.060377358490566038207170151964;0.469182389937106925081877761841;0.032075471698113207363878274236;0.063522012578616351974325482388;0.033333333333333332870740406406;0.048427672955974845891979896351;0.050314465408805034152273094605;0.049056603773584908645410962436;0.047798742138364783138548830266;0.057861635220125787193445887624
-0.031446540880503144610447208152;0.089985486211901305475535650658;0.091920657958393811592934241617;0.328495403967102084230589298386;0.025641025641025640136039243089;0.054184808901790032509282468709;0.103531688437348820541750171742;0.055152394775036285567981764189;0.045960328979196905796467120808;0.038703434929850025203457164480;0.061441702951136913102292425037;0.073536526366715052049904954856
-0.044992743105950652737767825329;0.118045476536042567849982276584;0.103047895500725683604059668141;0.198838896952104493554003283862;0.045960328979196905796467120808;0.071117561683599422872603668111;0.076923076923076927347011633174;0.049830672472181904153476494912;0.057087566521528784746486451240;0.036284470246734396026155877735;0.066279632317368164518001094621;0.131591678761490082916196797669
-0.013477088948787062719358864626;0.130278526504941594144071359551;0.095687331536388142705362724882;0.285265049415992788528484425115;0.031446540880503144610447208152;0.073674752920035932457487604097;0.081311769991015275804713269281;0.059748427672955975453739085879;0.039083557951482481018778969428;0.033243486073674749503581438148;0.061096136567834684327760186306;0.095687331536388142705362724882
-0.013836477987421384044930405821;0.088679245283018862111568125783;0.081761006289308171823826398850;0.406289308176100649738771153352;0.045911949685534587939361728104;0.047798742138364783138548830266;0.064779874213836477481187614558;0.030817610062893081857016142067;0.062264150943396226467463350218;0.044654088050314462432499595934;0.042138364779874211418775331595;0.071069182389937105015498275407
-0.005390835579514825087743545851;0.076145552560646895257079336261;0.065363881401617252020486148467;0.458894878706199438322954620162;0.047843665768194071352681362441;0.059973045822102423463295650663;0.035714285714285712303173170312;0.020215633423180591476953082974;0.053908355795148250877435458506;0.041778975741239891827927266377;0.052560646900269542003414358078;0.082210242587601081720727336233
-0.007665094339622641542164593886;0.079599056603773588047801013090;0.061910377358490566168658375545;0.431014150943396234794136034907;0.044811320754716978120857362455;0.064858490566037735325366497818;0.066627358490566043758285275089;0.022405660377358489060428681228;0.054245283018867926361217257636;0.035377358490566036819391371182;0.047759433962264154216459388635;0.083726415094339617928298480365
-0.004851752021563342232024496070;0.150943396226415088579031476002;0.084097035040431269981020534487;0.288948787061994616376381372902;0.028571428571428570536427926640;0.091644204851752023022193327506;0.045822102425876011511096663753;0.014555256064690026696073488210;0.040970350404312669279072167683;0.042048517520215634990510267244;0.069002695417789763898674948450;0.138544474393530986366940283006
-0.035035035035035036465878022227;0.058558558558558557183282289316;0.059559559559559556440877514660;0.503003003003003046345043003384;0.023023023023023024558053606370;0.047547547547547544533053098803;0.038538538538538537336908262887;0.077577577577577577772061090400;0.025525525525525526171488621685;0.034034034034034037208282796882;0.047047047047047048373702438084;0.050550550550550549244732678744
-0.036981132075471698228419370480;0.092075471698113212082326128893;0.083773584905660378185920933447;0.403018867924528290114238870956;0.012075471698113206947544640002;0.052830188679245285165997358945;0.042264150943396229520576667937;0.094339622641509440770235528362;0.027924528301886793885122628467;0.032452830188679247791494475450;0.070188679245283019936252344451;0.052075471698113204310764956517
-0.039083557951482481018778969428;0.051212938005390833129393257650;0.049865229110512131194266061129;0.475067385444743917055632209667;0.014150943396226415421645938864;0.027628032345013476406281327513;0.046495956873315362478660262013;0.168463611859838269246836262028;0.016846361185983826230794235812;0.035714285714285712303173170312;0.039083557951482481018778969428;0.036388140161725070209630672480
-0.020319303338171262190980925766;0.113933236574746007963021554588;0.089985486211901305475535650658;0.327285921625544262703044751106;0.017416545718432509953776943235;0.037010159651669087554903825321;0.082002902757619733353777746743;0.076197387518142228879369781680;0.023222060957910014428184908297;0.039187227866473148263359860266;0.060232220609579098513641781665;0.113207547169811323373167510908
-0.023060796645702305585068359051;0.172606568832983919836721042884;0.131376659678546475751304001278;0.184486373165618444680546872405;0.022361984626135568421378962967;0.057302585604472398850273151538;0.076869322152341018616894530169;0.025856044723969250770378991433;0.042627533193570932290583641588;0.034241788958770093265204792488;0.094339622641509440770235528362;0.134870719776380154630857077791
-0.024072869225764476769358068964;0.152895250487963568764016031309;0.108002602472348732676188376445;0.169160702667534162957352350531;0.043591411841249184944135919295;0.089134677944046850073256393898;0.051398828887443070989604620991;0.040338321405335067493247436232;0.041639557579700718636939171802;0.051398828887443070989604620991;0.091737150292778138482852057223;0.136629798308392974570679712087
-0.017724413950829045333312805610;0.081189251000571754923740286358;0.060606060606060607742762158523;0.428244711263579214133301320544;0.034877072612921666827645594822;0.064036592338479136898854449100;0.042309891366495142039916288468;0.054316752429959980208451497674;0.041738136077758718200936272069;0.045168667810177247357028562647;0.072612921669525445911297367729;0.057175528873642078586669867946
-0.029559748427672956350154009897;0.077987421383647795303240002340;0.056603773584905661686583755454;0.433962264150943410889738061087;0.033962264150943395624171472491;0.067295597484276728494911878897;0.035220125786163521131033604661;0.045283018867924525185930662019;0.040251572327044023158482133340;0.042767295597484274172206397679;0.066037735849056602988049746727;0.071069182389937105015498275407
-0.019946091644204851783817034061;0.050673854447439353743121159823;0.049056603773584908645410962436;0.533153638814016117564165142539;0.022102425876010783206693233183;0.059838274932614551882004150229;0.046361185983827490897368761580;0.021024258760107817495255133622;0.045283018867924525185930662019;0.040970350404312669279072167683;0.049595687331536388031683060262;0.061994609164420483304880349351
-0.021726700971983991389491208679;0.057747284162378502425649884344;0.054888507718696397108537610166;0.525443110348770781037330834806;0.019439679817038306441911998945;0.049742710120068610313293078207;0.041166380789022301300850159578;0.070325900514579764433165109949;0.037164093767867355244671756509;0.033733562035448826088579465932;0.048027444253859345735246932918;0.040594625500285877461870143179
-0.021726700971983991389491208679;0.052601486563750715630405352385;0.065751858204688387599112786575;0.519725557461406473258591631748;0.036592338479130931405691740110;0.051457975986277874891339223495;0.039451114922813036722804014289;0.031446540880503144610447208152;0.037164093767867355244671756509;0.039451114922813036722804014289;0.052601486563750715630405352385;0.052029731275014291791425335987
-0.025728987993138937445669611748;0.071469411092052598233337334932;0.071469411092052598233337334932;0.475700400228702136029568237063;0.016580903373356204594246676720;0.054888507718696397108537610166;0.037164093767867355244671756509;0.049170954831332186474313061808;0.034877072612921666827645594822;0.037735849056603772144757869000;0.064036592338479136898854449100;0.061177815894797024642848271014
-0.045990566037735845783540611365;0.064268867924528308432918777271;0.073113207547169808964149240182;0.410966981132075470650732995637;0.029481132075471698505975126636;0.053655660377358492529875633181;0.026533018867924529349267004363;0.109080188679245279614882235819;0.030070754716981132337316751091;0.035377358490566036819391371182;0.050707547169811323373167510908;0.070754716981132073638782742364
-0.030070754716981132337316751091;0.070165094339622646746335021817;0.073702830188679249734384768544;0.497051886792452823904397973820;0.018867924528301886072378934500;0.043042452830188676626832489092;0.033608490566037735325366497818;0.080188679245283014940248733637;0.035966981132075470650732995637;0.033018867924528301494024873364;0.036556603773584904482074620091;0.047759433962264154216459388635
-0.006485849056603773879481344977;0.102004716981132073638782742364;0.103183962264150941301465991273;0.376768867924528294555130969457;0.027712264150943397011950253273;0.051886792452830191035850759818;0.063679245283018867662683248909;0.047169811320754720385117764181;0.043632075471698110458174113546;0.023584905660377360192558882090;0.044811320754716978120857362455;0.109080188679245279614882235819
-0.032258064516129031362723367238;0.064516129032258062725446734476;0.084601339013998785865133811512;0.439440048691418116977303043313;0.024954351795496043653344031554;0.046256847230675593451998395267;0.041387705416920265999447536842;0.093122337188070600233480433872;0.036518563603164945485790582325;0.036518563603164945485790582325;0.049908703590992087306688063109;0.050517346317711500636171706446
-0.043632075471698110458174113546;0.071344339622641514409018270726;0.084316037735849058698534008727;0.463443396226415116334607091630;0.023584905660377360192558882090;0.033608490566037735325366497818;0.031250000000000000000000000000;0.064858490566037735325366497818;0.041273584905660375132807615728;0.045990566037735845783540611365;0.041863207547169808964149240182;0.054834905660377360192558882090
-0.036556603773584904482074620091;0.064858490566037735325366497818;0.074292452830188676626832489092;0.494103773584905647808795947640;0.022995283018867922891770305682;0.040094339622641507470124366819;0.038915094339622639807441117910;0.084316037735849058698534008727;0.028891509433962264674633502182;0.029481132075471698505975126636;0.033608490566037735325366497818;0.051886792452830191035850759818
-0.011202830188679244530214340614;0.101415094339622646746335021817;0.114386792452830191035850759818;0.372051886792452823904397973820;0.025943396226415095517925379909;0.047169811320754720385117764181;0.062500000000000000000000000000;0.044811320754716978120857362455;0.037146226415094338313416244546;0.032429245283018867662683248909;0.053066037735849058698534008727;0.097877358490566043758285275089
-0.045400943396226411952198986910;0.064858490566037735325366497818;0.072523584905660382071701519635;0.524174528301886821779476122174;0.021816037735849055229087056773;0.037146226415094338313416244546;0.033608490566037735325366497818;0.050707547169811323373167510908;0.027122641509433963180608628818;0.026533018867924529349267004363;0.041273584905660375132807615728;0.054834905660377360192558882090
-0.048279689234184242074832127400;0.070477247502774689746907199606;0.078246392896781355452695549957;0.486681465038845739723427641366;0.024417314095449501459844654505;0.033851276359600446230757597732;0.034961154273029967920471960952;0.072697003329633747004123733859;0.022197558268590454610968976112;0.031631520532741395912434967386;0.038845726970033293834472232220;0.057713651498335183376298118674
-0.012971698113207547758962689954;0.089622641509433956241714724911;0.071933962264150941301465991273;0.362617924528301882602931982547;0.030070754716981132337316751091;0.072523584905660382071701519635;0.067806603773584911420968523998;0.024764150943396227855242131000;0.065448113207547176095602026180;0.034787735849056602988049746727;0.054245283018867926361217257636;0.113207547169811323373167510908
-0.043453401943967982778982417358;0.049170954831332186474313061808;0.050886220697541451052359207097;0.539165237278444786639397534600;0.023441966838193252498090402014;0.052601486563750715630405352385;0.029731275014293883501848014816;0.050314465408805034152273094605;0.033161806746712409188493353440;0.036020583190394514505605627619;0.042309891366495142039916288468;0.049742710120068610313293078207
-0.003651856360316494288370536836;0.098600121728545347954408839541;0.087644552647595866390339836016;0.377967133292757162532637948971;0.026780279975654290580688865475;0.066342057212416316591685472304;0.059038344491783321943412232713;0.026780279975654290580688865475;0.041996348143639686267825084087;0.034692635423006691619551844497;0.067559342665855143250652758979;0.108947048082775416188994199729
-0.019476567255021302871309529792;0.107121119902617162322755461901;0.088861838101034693049307122692;0.251978088861838089851374888894;0.036518563603164945485790582325;0.078514911746804624814721762505;0.063298843578819236066479447800;0.048691418137553253708826872526;0.040170419963481439340480250166;0.049908703590992087306688063109;0.091296409007912360245029503858;0.124163116250760804937236514434
-0.014607425441265977153482147344;0.096774193548387094088170101713;0.078514911746804624814721762505;0.346926354230066957828881868409;0.032258064516129031362723367238;0.082166768107121118669411430346;0.067559342665855143250652758979;0.019476567255021302871309529792;0.063907486305538649395963091138;0.028606208155812537508033699396;0.051125989044430920904549253692;0.118076688983566643886824465426
-0.034198113207547169156708122273;0.056014150943396227855242131000;0.059551886792452830843291877727;0.476415094339622646746335021817;0.025943396226415095517925379909;0.051886792452830191035850759818;0.028301886792452830843291877727;0.084316037735849058698534008727;0.036556603773584904482074620091;0.047169811320754720385117764181;0.050707547169811323373167510908;0.048938679245283021879142637545
-0.046580188679245279614882235819;0.050117924528301889541825886454;0.062500000000000000000000000000;0.482311320754716998937539074177;0.019457547169811319903720558955;0.047169811320754720385117764181;0.027122641509433963180608628818;0.089033018867924529349267004363;0.034787735849056602988049746727;0.041863207547169808964149240182;0.041863207547169808964149240182;0.057193396226415095517925379909
-0.047439353099730456608806861141;0.049595687331536388031683060262;0.063072776280323455955212352819;0.538544474393531036326976391138;0.015633423180592992407511587771;0.037196765498652292758485771174;0.023180592991913745448684380790;0.084097035040431269981020534487;0.020485175202156334639536083841;0.036657681940700806433319769440;0.043126684636118600701948366805;0.040970350404312669279072167683
-0.061177815894797024642848271014;0.056032018296169237847603739056;0.073184676958261862811383480221;0.477415666094911372852038766723;0.016009148084619784224713612275;0.042309891366495142039916288468;0.025157232704402517076136547303;0.092624356775300176192189383073;0.026872498570611778184735740638;0.041738136077758718200936272069;0.043453401943967982778982417358;0.044025157232704399679068529849
-0.038915094339622639807441117910;0.061320754716981132337316751091;0.058372641509433963180608628818;0.486438679245283001062460925823;0.022405660377358489060428681228;0.043042452830188676626832489092;0.037735849056603772144757869000;0.081957547169811323373167510908;0.035966981132075470650732995637;0.031250000000000000000000000000;0.051886792452830191035850759818;0.050707547169811323373167510908
-0.023270440251572325346396397094;0.050943396226415096905704160690;0.047169811320754720385117764181;0.497484276729559748986275735660;0.023899371069182391569274415133;0.049056603773584908645410962436;0.038364779874213834898188935085;0.085534591194968548344412795359;0.032075471698113207363878274236;0.039622641509433960405051067255;0.050943396226415096905704160690;0.061635220125786163714032284133
-0.019476567255021302871309529792;0.115642118076688976691102084260;0.080949482653682292010444143671;0.272063298843578826868849773746;0.035909920876445525217413035080;0.083384053560559945328378717022;0.065733414485696889384414021151;0.063907486305538649395963091138;0.047474132684114427049859585850;0.024345709068776626854413436263;0.065124771758977476054930377813;0.125989044430919044925687444447
-0.009433962264150943036189467250;0.100628930817610068304546189211;0.102515723270440256564839387465;0.330188679245283001062460925823;0.031446540880503144610447208152;0.064150943396226414727756548473;0.071069182389937105015498275407;0.040880503144654085911913199425;0.047169811320754720385117764181;0.031446540880503144610447208152;0.058490566037735849946876953709;0.112578616352201260619736444824
-0.035301278149726111887929391742;0.055995130858186241418206208209;0.071211199026171637105342426821;0.483870967741935498196426124196;0.021302495435179549798654363713;0.043822276323797933195169918008;0.033475349969567864960584557821;0.082775410833840531998895073684;0.037735849056603772144757869000;0.041996348143639686267825084087;0.040170419963481439340480250166;0.052343274497869747563516540367
-0.047759433962264154216459388635;0.070754716981132073638782742364;0.081957547169811323373167510908;0.477594339622641528286806078540;0.021226415094339621397745432319;0.043042452830188676626832489092;0.027712264150943397011950253273;0.081367924528301882602931982547;0.022995283018867922891770305682;0.030070754716981132337316751091;0.044221698113207544289515738001;0.051297169811320757204509135363
-0.035301278149726111887929391742;0.079123554473524038144205405843;0.083992696287279372535650168174;0.429701765063907503705564749907;0.021302495435179549798654363713;0.045039561777236759854137204684;0.033475349969567864960584557821;0.104686548995739495127033080735;0.034692635423006691619551844497;0.029214850882531954306964294688;0.049908703590992087306688063109;0.053560559951308581161377730950
-0.009433962264150943036189467250;0.108176100628930821345718982229;0.091194968553459113125292390123;0.374213836477987393802635551765;0.021383647798742137086103198840;0.047798742138364783138548830266;0.067295597484276728494911878897;0.079874213836477983563533200595;0.037106918238993709391326802916;0.027044025157232705336429745557;0.059119496855345912700308019794;0.077358490566037732549808936255
-0.011202830188679244530214340614;0.091981132075471691567081222729;0.088443396226415088579031476002;0.398584905660377353253664978183;0.022995283018867922891770305682;0.047759433962264154216459388635;0.076061320754716985059751266363;0.047759433962264154216459388635;0.033018867924528301494024873364;0.028891509433962264674633502182;0.067216981132075470650732995637;0.086084905660377353253664978183
-0.025943396226415095517925379909;0.063679245283018867662683248909;0.104952830188679249734384768544;0.494103773584905647808795947640;0.020047169811320753735062183409;0.041273584905660375132807615728;0.029481132075471698505975126636;0.059551886792452830843291877727;0.031250000000000000000000000000;0.035377358490566036819391371182;0.040683962264150941301465991273;0.053655660377358492529875633181
-0.027997565429093120709103104105;0.079123554473524038144205405843;0.088861838101034693049307122692;0.482045039561777244330187386367;0.021911138161898966597584959004;0.040170419963481439340480250166;0.036518563603164945485790582325;0.055995130858186241418206208209;0.034692635423006691619551844497;0.037735849056603772144757869000;0.044430919050517346524653561346;0.050517346317711500636171706446
-0.011564211807668898362999598817;0.108947048082775416188994199729;0.091905051734631773574513147196;0.387705416920267775804376242377;0.027388922702373707379619460767;0.054777845404747414759238921533;0.057212416311625075016067398792;0.051734631771150334234032897029;0.037735849056603772144757869000;0.021911138161898966597584959004;0.057821059038344488345551042130;0.091296409007912360245029503858
-0.048938679245283021879142637545;0.068396226415094338313416244546;0.079599056603773588047801013090;0.497051886792452823904397973820;0.020047169811320753735062183409;0.035966981132075470650732995637;0.028301886792452830843291877727;0.078419811320754720385117764181;0.025943396226415095517925379909;0.034198113207547169156708122273;0.040094339622641507470124366819;0.043042452830188676626832489092
-0.045648204503956180122514751929;0.080340839926962878680960500333;0.075471698113207544289515738001;0.436396835057821064207672634438;0.024954351795496043653344031554;0.034692635423006691619551844497;0.038953134510042605742619059583;0.105295191722458922334304531887;0.032258064516129031362723367238;0.029823493609251371105894889979;0.049300060864272673977204419771;0.046865489957395006781482038605
-0.006289308176100629269034136826;0.098913664951400803726500043922;0.089765580331618063936183204987;0.419096626643796432709621058166;0.033733562035448826088579465932;0.044596912521440823518048546248;0.057747284162378502425649884344;0.062321326472269865381914399904;0.037164093767867355244671756509;0.020011435105774726811445063390;0.048599199542595769574226949317;0.081761006289308171823826398850
-0.010346926354230066499861884211;0.106512477175897748993271818563;0.110772976262933656177445129742;0.376749847839318308118095046666;0.036518563603164945485790582325;0.056603773584905661686583755454;0.076688983566646384826270832491;0.038953134510042605742619059583;0.031040779062690201234309128608;0.020693852708460132999723768421;0.051734631771150334234032897029;0.083384053560559945328378717022
-0.006918238993710692022465202911;0.117610062893081762647184973503;0.108176100628930821345718982229;0.355974842767295573953134635303;0.036477987421383646637895736831;0.060377358490566038207170151964;0.052201257861635222412566292860;0.032075471698113207363878274236;0.038364779874213834898188935085;0.034591194968553458377602538576;0.064779874213836477481187614558;0.092452830188679238632154522293
-0.010062893081761005789620533335;0.144654088050314461044720815153;0.070440251572327042262067209322;0.355345911949685511199703569218;0.016352201257861635058654670161;0.072955974842767293275791473661;0.112578616352201260619736444824;0.024528301886792454322705481218;0.037106918238993709391326802916;0.017610062893081760565516802330;0.059748427672955975453739085879;0.078616352201257858056671068425
-0.032866707242848444692207010576;0.057212416311625075016067398792;0.055995130858186241418206208209;0.498478393183201473615184795563;0.020085209981740719670240125083;0.046256847230675593451998395267;0.045039561777236759854137204684;0.085818624467437612524101098188;0.021302495435179549798654363713;0.040779062690200852669963893504;0.053560559951308581161377730950;0.042604990870359099597308727425
-0.023899371069182391569274415133;0.145911949685534586551582947322;0.085534591194968548344412795359;0.402515723270440273218184756843;0.015723270440251572305223604076;0.057232704402515724440014821539;0.073584905660377356029222539746;0.016981132075471697812085736246;0.024528301886792454322705481218;0.025786163522012579829567613388;0.062893081761006289220894416303;0.065408805031446540234618680643
-0.013836477987421384044930405821;0.101257861635220131057977255296;0.085534591194968548344412795359;0.452830188679245293492670043634;0.018238993710691823318947868415;0.042767295597484274172206397679;0.040251572327044023158482133340;0.046540880503144650692792794189;0.032075471698113207363878274236;0.037735849056603772144757869000;0.058490566037735849946876953709;0.070440251572327042262067209322
-0.031446540880503144610447208152;0.069881201956673660857788377143;0.066387141858839968100447492816;0.516422082459818354571723375557;0.018867924528301886072378934500;0.044025157232704399679068529849;0.031446540880503144610447208152;0.066387141858839968100447492816;0.028651292802236199425136575769;0.036338225017470297817379076832;0.042627533193570932290583641588;0.047519217330538085497515510269
-0.035714285714285712303173170312;0.077493261455525611069994340596;0.099730458221024262388532122259;0.427223719676549873458526462855;0.016846361185983826230794235812;0.044474393530997302637075563325;0.072776280323450140419261344960;0.049191374663072773287808558962;0.030323450134770890684876576415;0.019541778975741240509389484714;0.059299191374663072495732052403;0.067385444743935304923176943248
-0.028301886792452830843291877727;0.071428571428571424606346340624;0.064016172506738550085358951947;0.448787061994609159931712838443;0.027628032345013476406281327513;0.052560646900269542003414358078;0.057277628032345012654147353715;0.065363881401617252020486148467;0.035714285714285712303173170312;0.031671159029649592620003772936;0.052560646900269542003414358078;0.064690026954177901052922550207
-0.032258064516129031362723367238;0.103469263542300668468065794059;0.052343274497869747563516540367;0.429701765063907503705564749907;0.021911138161898966597584959004;0.051734631771150334234032897029;0.065733414485696889384414021151;0.052951917224589167831894087612;0.032866707242848444692207010576;0.026780279975654290580688865475;0.063907486305538649395963091138;0.066342057212416316591685472304
-0.008805031446540880282758401165;0.141509433962264147277565484728;0.075471698113207544289515738001;0.372955974842767268295773419595;0.021383647798742137086103198840;0.061006289308176100960601218048;0.090566037735849050371861324038;0.032075471698113207363878274236;0.030817610062893081857016142067;0.016352201257861635058654670161;0.071698113207547167768929341491;0.077358490566037732549808936255
-0.016072676450034940887068302118;0.079664570230607967271652114505;0.049615653389238296988583698521;0.488469601677148868024147532196;0.022361984626135568421378962967;0.049615653389238296988583698521;0.064290705800139763548273208471;0.075471698113207544289515738001;0.023759608665269042748757755135;0.026554856743535987934068387517;0.048916841369671559824894302437;0.055206149545772187359204963286
-0.033733562035448826088579465932;0.058319039451114926264629900743;0.042309891366495142039916288468;0.502001143510577452211407489813;0.017724413950829045333312805610;0.046883933676386504996180804028;0.050886220697541451052359207097;0.089193825042881647036097092496;0.026300743281875357815202676193;0.042881646655231558940002400959;0.036592338479130931405691740110;0.053173241852487132530491464877
-0.034787735849056602988049746727;0.107900943396226411952198986910;0.057783018867924529349267004363;0.385023584905660354316125904006;0.021816037735849055229087056773;0.059551886792452830843291877727;0.093750000000000000000000000000;0.038915094339622639807441117910;0.031250000000000000000000000000;0.021226415094339621397745432319;0.071344339622641514409018270726;0.076650943396226411952198986910
-0.032429245283018867662683248909;0.053655660377358492529875633181;0.034198113207547169156708122273;0.536556603773584939176544139627;0.027122641509433963180608628818;0.055424528301886794023900506545;0.042452830188679242795490864637;0.048349056603773588047801013090;0.037735849056603772144757869000;0.043632075471698110458174113546;0.041863207547169808964149240182;0.046580188679245279614882235819
-0.037127206329884358815274225663;0.034692635423006691619551844497;0.041387705416920265999447536842;0.580645161290322620040171841538;0.009738283627510651435654764896;0.032258064516129031362723367238;0.052343274497869747563516540367;0.076688983566646384826270832491;0.020693852708460132999723768421;0.024954351795496043653344031554;0.045648204503956180122514751929;0.043822276323797933195169918008
-0.017610062893081760565516802330;0.117610062893081762647184973503;0.079245283018867920810102134510;0.327044025157232687295305595399;0.033333333333333332870740406406;0.082389937106918234577257464935;0.070440251572327042262067209322;0.023899371069182391569274415133;0.051572327044025159659135226775;0.032704402515723270117309340321;0.059748427672955975453739085879;0.104402515723270444825132585720
-0.037735849056603772144757869000;0.062893081761006289220894416303;0.052830188679245285165997358945;0.456603773584905670013256440143;0.019496855345911948825810000585;0.052830188679245285165997358945;0.036477987421383646637895736831;0.096855345911949691783959792701;0.025157232704402517076136547303;0.038364779874213834898188935085;0.061006289308176100960601218048;0.059748427672955975453739085879
-0.037146226415094338313416244546;0.067806603773584911420968523998;0.054834905660377360192558882090;0.486438679245283001062460925823;0.026533018867924529349267004363;0.051886792452830191035850759818;0.032429245283018867662683248909;0.068396226415094338313416244546;0.034198113207547169156708122273;0.033608490566037735325366497818;0.050707547169811323373167510908;0.056014150943396227855242131000
-0.011320754716981131296482665505;0.097484276729559754537390858786;0.099371069182389942797684057041;0.391823899371069206409856633400;0.022012578616352199839534264925;0.040251572327044023158482133340;0.071069182389937105015498275407;0.066666666666666665741480812812;0.030817610062893081857016142067;0.020125786163522011579241066670;0.057861635220125787193445887624;0.091194968553459113125292390123
-0.052476415094339624867192384272;0.071933962264150941301465991273;0.079009433962264147277565484728;0.436910377358490586985340087267;0.027712264150943397011950253273;0.042452830188679242795490864637;0.031839622641509433831341624455;0.093750000000000000000000000000;0.036556603773584904482074620091;0.033608490566037735325366497818;0.042452830188679242795490864637;0.051297169811320757204509135363
-0.038993710691823897651620001170;0.064150943396226414727756548473;0.086792452830188673851274927529;0.449056603773584916972083647124;0.022012578616352199839534264925;0.039622641509433960405051067255;0.038993710691823897651620001170;0.096226415094339629030528726616;0.023270440251572325346396397094;0.035849056603773583884464670746;0.044025157232704399679068529849;0.061006289308176100960601218048
-0.007303712720632988576741073672;0.110772976262933656177445129742;0.128423615337796725999197633428;0.365794278758368840431813850955;0.025562994522215460452274626846;0.046865489957395006781482038605;0.063298843578819236066479447800;0.055386488131466828088722564871;0.029823493609251371105894889979;0.026171637248934873781758270184;0.052343274497869747563516540367;0.088253195374315279719823479354
-0.009433962264150943036189467250;0.125157232704402515688357766521;0.105660377358490570331994717890;0.373584905660377331049204485680;0.022641509433962262592965331010;0.040880503144654085911913199425;0.063522012578616351974325482388;0.045911949685534587939361728104;0.036477987421383646637895736831;0.015723270440251572305223604076;0.061635220125786163714032284133;0.099371069182389942797684057041
-0.015723270440251572305223604076;0.084276729559748422837550663189;0.088679245283018862111568125783;0.470440251572327050588739894010;0.024528301886792454322705481218;0.033962264150943395624171472491;0.035220125786163521131033604661;0.084905660377358485590981729274;0.027044025157232705336429745557;0.035849056603773583884464670746;0.043396226415094336925637463764;0.055974842767295598933152689369
-0.027122641509433963180608628818;0.090801886792452823904397973820;0.112617924528301882602931982547;0.372641509433962236919057886553;0.030070754716981132337316751091;0.038325471698113205976099493455;0.062500000000000000000000000000;0.056014150943396227855242131000;0.046580188679245279614882235819;0.022995283018867922891770305682;0.056014150943396227855242131000;0.084316037735849058698534008727
-0.031839622641509433831341624455;0.068985849056603779083651772908;0.089033018867924529349267004363;0.468750000000000000000000000000;0.025943396226415095517925379909;0.033608490566037735325366497818;0.040683962264150941301465991273;0.080778301886792455710484261999;0.030070754716981132337316751091;0.031839622641509433831341624455;0.047169811320754720385117764181;0.051297169811320757204509135363
-0.014278429372768994959352895080;0.107088220295767463929870189077;0.049464558898521165941630783891;0.468128505864354893528656020862;0.012748597654258031833252040599;0.040795512493625701866406529916;0.089240183579806217628593856261;0.045385007649158592979432569336;0.033146353901070881031731829580;0.015298317185109638199902448719;0.068842427332993366695390591303;0.055583885772565018446034201816
-0.039504716981132073638782742364;0.043632075471698110458174113546;0.059551886792452830843291877727;0.504716981132075526161884226894;0.014150943396226415421645938864;0.044811320754716978120857362455;0.045400943396226411952198986910;0.099646226415094338313416244546;0.038325471698113205976099493455;0.035377358490566036819391371182;0.040094339622641507470124366819;0.034787735849056602988049746727
-0.016352201257861635058654670161;0.064150943396226414727756548473;0.071069182389937105015498275407;0.457232704402515732766687506228;0.025786163522012579829567613388;0.049685534591194971398842028520;0.034591194968553458377602538576;0.082389937106918234577257464935;0.031446540880503144610447208152;0.050943396226415096905704160690;0.055345911949685536179721623284;0.061006289308176100960601218048
-0.034406215316315207075614779342;0.055493895671476139996869392235;0.066592674805771370771800832244;0.470033296337402872744348769629;0.026082130965593783994416199334;0.047169811320754720385117764181;0.024972253052164262304701836115;0.085460599334073253374732814791;0.033851276359600446230757597732;0.040510543840177583307937680956;0.049389567147613763764546490620;0.066037735849056602988049746727
-0.024585477415666093237156530904;0.050314465408805034152273094605;0.060606060606060607742762158523;0.500857632933104590655659649201;0.027444253859348198554268805083;0.049170954831332186474313061808;0.028016009148084618923801869528;0.082904516866781019501786431647;0.026872498570611778184735740638;0.044025157232704399679068529849;0.052601486563750715630405352385;0.052601486563750715630405352385
-0.014607425441265977153482147344;0.139987827145465620892750280291;0.096774193548387094088170101713;0.346926354230066957828881868409;0.028606208155812537508033699396;0.065733414485696889384414021151;0.072428484479610463764309713497;0.036518563603164945485790582325;0.031649421789409618033239723900;0.020693852708460132999723768421;0.068776628119293969909620045655;0.077297626293365798155754475829
-0.045543266102797658190226570696;0.057254391672088483788982671285;0.052700065061808715194402452653;0.488614183474300578513549453419;0.024072869225764476769358068964;0.050097592713077426784806789328;0.037735849056603772144757869000;0.090435914118412494278054225560;0.044242029928432007046534835126;0.031229668184775537242980902874;0.040988939492517889595646352063;0.037085230969420950042358953169
-0.009129640900791236371447645581;0.121119902617163724412030489930;0.112598904443091910043683867571;0.303104077906269031572605854308;0.025562994522215460452274626846;0.066950699939135729921169115642;0.064516129032258062725446734476;0.045039561777236759854137204684;0.052951917224589167831894087612;0.028606208155812537508033699396;0.068776628119293969909620045655;0.101643335362142428479614864045
-0.035301278149726111887929391742;0.058429701765063908613928589375;0.074863055386488130960032094663;0.495435179549604365334403155430;0.023128423615337796725999197633;0.040170419963481439340480250166;0.027997565429093120709103104105;0.084601339013998785865133811512;0.030432136335970784435378533317;0.027997565429093120709103104105;0.055995130858186241418206208209;0.045648204503956180122514751929
-0.052476415094339624867192384272;0.064268867924528308432918777271;0.078419811320754720385117764181;0.459316037735849058698534008727;0.020636792452830187566403807864;0.041863207547169808964149240182;0.035966981132075470650732995637;0.069575471698113205976099493455;0.030070754716981132337316751091;0.035377358490566036819391371182;0.061910377358490566168658375545;0.050117924528301889541825886454
-0.015216068167985392217689266658;0.105295191722458922334304531887;0.088253195374315279719823479354;0.417528910529519181604740651892;0.024345709068776626854413436263;0.057821059038344488345551042130;0.056603773584905661686583755454;0.040170419963481439340480250166;0.034083992696287278290068201159;0.023128423615337796725999197633;0.051125989044430920904549253692;0.086427267194157025853584741526
-0.023737066342057213524929792925;0.069385270846013383239103688993;0.090687766281192933037758052706;0.449786975045648185211888403501;0.021911138161898966597584959004;0.043213633597078512926792370763;0.039561777236762019072102702921;0.094339622641509440770235528362;0.024345709068776626854413436263;0.039561777236762019072102702921;0.046865489957395006781482038605;0.056603773584905661686583755454
-0.006086427267194156713603359066;0.116250760803408403898373535412;0.101034692635423001272343412893;0.382227632379793069716811260150;0.024345709068776626854413436263;0.048691418137553253708826872526;0.061472915398660989139134613879;0.031040779062690201234309128608;0.045039561777236759854137204684;0.027997565429093120709103104105;0.057212416311625075016067398792;0.098600121728545347954408839541
-0.023441966838193252498090402014;0.070325900514579764433165109949;0.069754145225843333655291189643;0.499714122355631784611063039847;0.019439679817038306441911998945;0.042881646655231558940002400959;0.036020583190394514505605627619;0.057175528873642078586669867946;0.029731275014293883501848014816;0.042309891366495142039916288468;0.048599199542595769574226949317;0.060606060606060607742762158523
-0.007303712720632988576741073672;0.094339622641509440770235528362;0.086427267194157025853584741526;0.379793061472915416398876686799;0.032866707242848444692207010576;0.060864272671941568870757066634;0.056603773584905661686583755454;0.035909920876445525217413035080;0.042604990870359099597308727425;0.035909920876445525217413035080;0.073645769933049304301064807987;0.093730979914790013562964077209
-0.010409889394925179659234792950;0.119713728041639558274944477034;0.083929733246584259376277259435;0.336369551073519845729720145755;0.026024723487312946546001768411;0.065061808718282362895557469074;0.075471698113207544289515738001;0.046844502277163302395024402358;0.044242029928432007046534835126;0.026675341574495772117847636196;0.065712426805465184997956384905;0.099544567338972017589426855011
-0.038344491783323192413135416245;0.080949482653682292010444143671;0.079123554473524038144205405843;0.433353621424223955926890994306;0.019476567255021302871309529792;0.042604990870359099597308727425;0.038344491783323192413135416245;0.085818624467437612524101098188;0.030432136335970784435378533317;0.040170419963481439340480250166;0.050517346317711500636171706446;0.060864272671941568870757066634
-0.006695069993913572645172216369;0.119902617163724897753063203254;0.105903834449178335663788175225;0.396226415094339645683874095994;0.015824710894704809016619861950;0.052951917224589167831894087612;0.054169202678027994490861374288;0.025562994522215460452274626846;0.037127206329884358815274225663;0.028606208155812537508033699396;0.060864272671941568870757066634;0.096165550821667680758686458375
-0.015437392795883362120457071853;0.128644939965694676820007202878;0.059462550028587767003696029633;0.372212692967409941591228061952;0.028016009148084618923801869528;0.068038879359634082955032852169;0.084619782732990284079832576936;0.026300743281875357815202676193;0.048599199542595769574226949317;0.016009148084619784224713612275;0.062321326472269865381914399904;0.090337335620354494714057125293
-0.011098779134295227305484488056;0.097114317425083238055627532503;0.059378468368479465910869663503;0.473917869034406191719455136990;0.013873473917869034999217348059;0.047724750277469481229974945791;0.094339622641509440770235528362;0.048279689234184242074832127400;0.027192008879023309153577514508;0.017758046614872364382664571281;0.058268590455049944221155300283;0.051054384017758046299118035449
-0.015646571560055222427365606563;0.133916244822825575289115818123;0.068108605614358025404087015886;0.371836171191900599630741908186;0.020708697653014265793736115029;0.057524160147261853281985821695;0.103543488265071328968680575144;0.039116428900138056068414016408;0.028992176714219972805119951431;0.017027151403589506351021753972;0.069489185457892316266637067201;0.074091118269673267304753494500
-0.010482180293501048781723561376;0.128406708595387830662559736083;0.096436058700209645322409812707;0.345911949685534569898237577945;0.013102725366876309676111844738;0.056079664570230607079093232414;0.088574423480083860904521486646;0.052935010482180293311937901990;0.034067085953878403770112015536;0.024633123689727462468646024263;0.070230607966457025970186123232;0.079140461215932919603055495372
-0.019496855345911948825810000585;0.098113207547169817290821924871;0.089937106918238987618430257953;0.365408805031446515254600626577;0.031446540880503144610447208152;0.055974842767295598933152689369;0.048427672955974845891979896351;0.054088050314465410672859491115;0.055345911949685536179721623284;0.033333333333333332870740406406;0.067295597484276728494911878897;0.081132075471698109070395332765
-0.037146226415094338313416244546;0.097877358490566043758285275089;0.076650943396226411952198986910;0.369103773584905647808795947640;0.035966981132075470650732995637;0.067216981132075470650732995637;0.040683962264150941301465991273;0.051297169811320757204509135363;0.050707547169811323373167510908;0.033608490566037735325366497818;0.055424528301886794023900506545;0.084316037735849058698534008727
-0.025728987993138937445669611748;0.108061749571183529639029075042;0.086335048599199548657878722224;0.369353916523727843213009691681;0.042309891366495142039916288468;0.046312178387650088096094691537;0.077186963979416808867561883289;0.022870211549456832128557337569;0.057175528873642078586669867946;0.030874785591766724240914143707;0.034305317324185249927559482330;0.099485420240137220626586156413
-0.017688679245283018409695685591;0.136202830188679235856596960730;0.087853773584905661686583755454;0.284787735849056589110261938913;0.022995283018867922891770305682;0.092570754716981132337316751091;0.069575471698113205976099493455;0.014150943396226415421645938864;0.031250000000000000000000000000;0.046580188679245279614882235819;0.073113207547169808964149240182;0.123231132075471691567081222729
-0.031106578276389598020079674257;0.042835288118306988347505637194;0.039775624681285058625856976278;0.534421213666496641714331872208;0.030086690464048954779530120618;0.055073941866394693356312473043;0.027027027027027028527328411656;0.052524222335543088724385540900;0.047934727180010197611359501479;0.038245792962774097234479597773;0.040795512493625701866406529916;0.060173380928097909559060241236
-0.023420479302832242912701943283;0.062636165577342042820596645925;0.052832244008714598915155136183;0.480392156862745112189116980517;0.023420479302832242912701943283;0.065359477124183010254832026931;0.033224400871459697226484308885;0.062091503267973857660422254412;0.039215686274509803377341654596;0.043028322440087148070819722534;0.053376906318082791014223431603;0.061002178649237473462285663572
-0.026675341574495772117847636196;0.061158100195185423342270070179;0.052049446974625893092003536822;0.484710474951203618143580342803;0.019518542615484711644224802285;0.052049446974625893092003536822;0.037085230969420950042358953169;0.073519843851659077982318990507;0.037735849056603772144757869000;0.049446974625894597743513969590;0.043591411841249184944135919295;0.062459336369551074485961805749
-0.013873473917869034999217348059;0.117092119866814656226061686084;0.084350721420643731685018451572;0.356270810210876809343005788833;0.029966703662597113377863422556;0.064927857935627081298335383508;0.061043285238623748445441208332;0.054938956714761379152012210625;0.044395116537180909221937952225;0.034406215316315207075614779342;0.046614872364039952601366678664;0.092119866814650383513018994108
-0.019834710743801654136975187726;0.171349862258953156146645824265;0.118457300275482096951762400749;0.256198347107437995884282599945;0.016528925619834711202571497779;0.044628099173553717471385482440;0.112396694214876038953043746460;0.068870523415977963344047907412;0.028650137741046830669455758311;0.036914600550964189740188459155;0.038567493112947659472666828151;0.087603305785123972149186499792
-0.021487603305785123869453556722;0.180716253443526181365896832176;0.073829201101928379480376918309;0.213223140495867768962057198223;0.036363636363636361870099733551;0.099173553719008267215428986674;0.039118457300275480403861649847;0.020936639118457299468811783072;0.033057851239669422405142995558;0.030853994490358128272022852912;0.079338842975206616547900750902;0.171900826446280990955628453776
-0.014607425441265977153482147344;0.113207547169811323373167510908;0.062690200852099822736995804462;0.379793061472915416398876686799;0.029214850882531954306964294688;0.069385270846013383239103688993;0.057212416311625075016067398792;0.025562994522215460452274626846;0.043822276323797933195169918008;0.023128423615337796725999197633;0.066342057212416316591685472304;0.115033475349969563361618440922
-0.011764705882352941013202496379;0.117112299465240640716778841579;0.133689839572192520344984245639;0.214438502673796799191663353668;0.034759358288770053624361366928;0.059893048128342243896504726308;0.094652406417112297520866093237;0.114973262032085563055794352749;0.042780748663101601791947103948;0.033689839572192514793869122514;0.052406417112299465144165111496;0.089839572192513372783650993370
-0.010482180293501048781723561376;0.137316561844863738173216916039;0.203878406708595388829863281899;0.028301886792452830843291877727;0.031970649895178199217937731191;0.042976939203354297402981387677;0.157232704402515716113342136850;0.187631027253668758447702202830;0.027777777777777776235801354687;0.035115303983228512985093061616;0.059748427672955975453739085879;0.077568134171907762719477830160
-0.038325471698113205976099493455;0.111438679245283014940248733637;0.160966981132075470650732995637;0.151533018867924529349267004363;0.022405660377358489060428681228;0.038915094339622639807441117910;0.135613207547169822841937047997;0.116745283018867926361217257636;0.044811320754716978120857362455;0.035966981132075470650732995637;0.063679245283018867662683248909;0.079599056603773588047801013090
-0.060646900269541781369753152831;0.096361185983827493672926323143;0.112533692722371972405603912648;0.237870619946091654828279615685;0.034366576819407010368045973792;0.075471698113207544289515738001;0.050539083557951482161829659390;0.100404312668463613356095720519;0.051886792452830191035850759818;0.043800539083557951669511965065;0.062668463611859834272443947611;0.073450134770889491386824943220
-0.027777777777777776235801354687;0.169287211740041937391154647230;0.077044025157232701173093403213;0.168763102725366875844770220283;0.052410901467505238704447378950;0.119496855345911950907478171757;0.081236897274633124155229779717;0.009433962264150943036189467250;0.047693920335429768053714383313;0.024109014675052411330602453177;0.077568134171907762719477830160;0.145178197064989522591105242100
-0.020964360587002097563447122752;0.111111111111111104943205418749;0.101677148846960163641739427476;0.341719077568134188549464624884;0.017819706498951780326844840374;0.049790356394129979544782571566;0.083857442348008390253788491009;0.063941299790356398435875462383;0.032494758909853246886534350324;0.029350104821802936588825971853;0.052935010482180293311937901990;0.094339622641509440770235528362
-0.024109014675052411330602453177;0.072327044025157230522360407576;0.100104821802935006758161762264;0.451257861635220136609092378421;0.021488469601677148701490693838;0.048218029350104822661204906353;0.028825995807127881981335448813;0.081236897274633124155229779717;0.030922431865828093472403637065;0.029874213836477987726869542939;0.046645702306079665777627241141;0.064989517819706493773068700648
-0.018867924528301886072378934500;0.092299847016828154289136421085;0.105558388577256495599598906665;0.376338602753697071268135232458;0.029576746557878633159255343799;0.047934727180010197611359501479;0.067822539520652730393734941572;0.067312595614482412242907116706;0.026007139214686385286778858017;0.035696073431922485663658761723;0.049974502804691484092458608757;0.082610912799592040034468709564
-0.031839622641509433831341624455;0.104952830188679249734384768544;0.086674528301886794023900506545;0.377948113207547176095602026180;0.020047169811320753735062183409;0.053066037735849058698534008727;0.078419811320754720385117764181;0.050707547169811323373167510908;0.047169811320754720385117764181;0.029481132075471698505975126636;0.053066037735849058698534008727;0.066627358490566043758285275089
-0.050673854447439353743121159823;0.090026954177897577924483130118;0.082479784366576824883310337100;0.368733153638814037389437316961;0.044204851752021566413386466365;0.050673854447439353743121159823;0.049595687331536388031683060262;0.045283018867924525185930662019;0.044743935309973045799658564192;0.029110512129380053392146976421;0.045283018867924525185930662019;0.099191374663072776063366120525
-0.084316037735849058698534008727;0.061910377358490566168658375545;0.087264150943396220916348227092;0.378537735849056589110261938913;0.089033018867924529349267004363;0.039504716981132073638782742364;0.041863207547169808964149240182;0.034198113207547169156708122273;0.052476415094339624867192384272;0.025353773584905661686583755454;0.037146226415094338313416244546;0.068396226415094338313416244546
-0.016352201257861635058654670161;0.143396226415094335537858682983;0.102515723270440256564839387465;0.311949685534591181212960009361;0.029559748427672956350154009897;0.049056603773584908645410962436;0.075471698113207544289515738001;0.052830188679245285165997358945;0.037106918238993709391326802916;0.021383647798742137086103198840;0.052830188679245285165997358945;0.107547169811320758592287916144
-0.042452830188679242795490864637;0.041404612159329140519403722465;0.073375262054507339737341453656;0.450733752620545047307132335845;0.018867924528301886072378934500;0.041928721174004195126894245504;0.040880503144654085911913199425;0.116876310272536684808919460465;0.036687631027253669868670726828;0.039832285115303983635826057252;0.049790356394129979544782571566;0.047169811320754720385117764181
-0.027253668763102725097757783601;0.083857442348008390253788491009;0.110062893081761009606012180484;0.326519916142557653504496784080;0.036687631027253669868670726828;0.044549266247379454286559052889;0.052410901467505238704447378950;0.054507337526205450195515567202;0.061844863731656186944807274131;0.035639412997903560653689680748;0.059748427672955975453739085879;0.106918238993710695838856850060
-0.029874213836477987726869542939;0.095911949685534597653813193574;0.101677148846960163641739427476;0.355345911949685511199703569218;0.026729559748427673959714212515;0.047693920335429768053714383313;0.051362683438155136428360236778;0.076519916142557653504496784080;0.033018867924528301494024873364;0.033018867924528301494024873364;0.070230607966457025970186123232;0.078616352201257858056671068425
-0.018867924528301886072378934500;0.096108490566037735325366497818;0.095518867924528308432918777271;0.373820754716981118459528943276;0.030660377358490566168658375545;0.051297169811320757204509135363;0.079599056603773588047801013090;0.083726415094339617928298480365;0.032429245283018867662683248909;0.024764150943396227855242131000;0.058962264150943397011950253273;0.054245283018867926361217257636
-0.039622641509433960405051067255;0.094339622641509440770235528362;0.071069182389937105015498275407;0.386792452830188704382408104721;0.033962264150943395624171472491;0.052830188679245285165997358945;0.074213836477987418782653605831;0.042138364779874211418775331595;0.062264150943396226467463350218;0.020754716981132074332672132755;0.046540880503144650692792794189;0.075471698113207544289515738001
-0.023060796645702305585068359051;0.121593291404612155459652456102;0.079140461215932919603055495372;0.363731656184486384919551937855;0.019392033542976940679869457540;0.061320754716981132337316751091;0.083857442348008390253788491009;0.036687631027253669868670726828;0.033542976939203356101515396404;0.022012578616352199839534264925;0.040880503144654085911913199425;0.114779874213836480256745176121
-0.010062893081761005789620533335;0.147169811320754712058445079492;0.113836477987421386126598576993;0.296226415094339612377183357239;0.025786163522012579829567613388;0.042767295597484274172206397679;0.071069182389937105015498275407;0.060377358490566038207170151964;0.033962264150943395624171472491;0.027672955974842768089860811642;0.058490566037735849946876953709;0.112578616352201260619736444824
-0.039308176100628929028335534213;0.068134171907756807540224031072;0.080188679245283014940248733637;0.417714884696016752752001366389;0.024633123689727462468646024263;0.058176100628930818570161420666;0.062368972746331234613403893263;0.063417190775681336889491035436;0.039308176100628929028335534213;0.024109014675052411330602453177;0.045597484276729556562646195061;0.077044025157232701173093403213
-0.052029731275014291791425335987;0.074328187535734710489343513018;0.087478559176672382458050947207;0.352773013150371628210422159100;0.049742710120068610313293078207;0.044596912521440823518048546248;0.056032018296169237847603739056;0.056603773584905661686583755454;0.072041166380789029011211255238;0.034305317324185249927559482330;0.050886220697541451052359207097;0.069182389937106916755205077152
-0.044242029928432007046534835126;0.072869225764476255879920074676;0.094990240728692262872634444193;0.299934938191281696973078396695;0.025374105400130124443602852580;0.045543266102797658190226570696;0.062459336369551074485961805749;0.122316200390370846684540140359;0.059856864020819779137472238517;0.055302537410540010542892019885;0.061808718282368252383562889918;0.055302537410540010542892019885
-0.052935010482180293311937901990;0.064989517819706493773068700648;0.067610062893081759871627411940;0.421907756813417189611925550707;0.018343815513626834934335363414;0.046121593291404611170136718101;0.056079664570230607079093232414;0.086477987421383642474559394486;0.055555555555555552471602709375;0.027777777777777776235801354687;0.049790356394129979544782571566;0.052410901467505238704447378950
-0.025157232704402517076136547303;0.078616352201257858056671068425;0.087002096436058704020943821433;0.355870020964360600501663611794;0.038259958071278826752248392040;0.059224318658280920846248562839;0.093815513626834379223851101415;0.073899371069182387405938072789;0.052410901467505238704447378950;0.013626834381551362548878891801;0.053983228511530395588025044162;0.068134171907756807540224031072
-0.052687789248843007461342580200;0.079031683873264507722566918346;0.090423638305446779606100449200;0.322178711285154850685330529814;0.028835884656461373970470773997;0.056603773584905661686583755454;0.050551797792808828013733091211;0.095763616945532217816783315811;0.052331790672837309730258681384;0.049127803488786044028291399854;0.067995728017087933570117286308;0.054467782128871482238974266465
-0.045597484276729556562646195061;0.057651991614255763962670897627;0.134171907756813424406061585614;0.371593291404612169337440263917;0.019916142557651991817913028626;0.038259958071278826752248392040;0.048742138364779877268695429393;0.099580712788259959089565143131;0.029874213836477987726869542939;0.033018867924528301494024873364;0.050838574423480081820869713738;0.070754716981132073638782742364
-0.022012578616352199839534264925;0.053459119496855347919428425030;0.101257861635220131057977255296;0.389308176100628955396132369060;0.014465408805031446798361471906;0.023899371069182391569274415133;0.100628930817610068304546189211;0.098113207547169817290821924871;0.030817610062893081857016142067;0.050943396226415096905704160690;0.050314465408805034152273094605;0.064779874213836477481187614558
-0.045283018867924525185930662019;0.081603773584905656135468632328;0.087735849056603767981421526656;0.441981132075471683240408538040;0.022641509433962262592965331010;0.027358490566037736713145278600;0.071226415094339620703856041928;0.073584905660377356029222539746;0.040566037735849054535197666382;0.025471698113207548452852080345;0.027830188679245283778218578163;0.054716981132075473426290557200
-0.033763654419066535528060057914;0.079940417080436934615939037485;0.057596822244289969106034732249;0.449851042701092329600953689805;0.035253227408142996657236523106;0.039225422045680240212828238100;0.054121151936444886199062409560;0.079940417080436934615939037485;0.037735849056603772144757869000;0.021847070506454815269625768792;0.037239324726911618435032380603;0.073485600794438929450613784411
-0.034054302807179012702043507943;0.107225034514496081472501032295;0.115968706856879891220479805725;0.303267372296364468020613003318;0.034054302807179012702043507943;0.045559134836631383358440672282;0.042337781868384723182874296299;0.107225034514496081472501032295;0.032213529682466636450133279368;0.028531983433041877007418918311;0.068108605614358025404087015886;0.081454210768522786190182216615
-0.044950055493895670066795133835;0.052719200887902328833689580279;0.049944506104328524609403672230;0.540510543840177604124619392678;0.011098779134295227305484488056;0.033296337402885685385900416122;0.046059933407325191756509497054;0.080466148723640398832124276396;0.028301886792452830843291877727;0.033296337402885685385900416122;0.038845726970033293834472232220;0.040510543840177583307937680956
-0.037106918238993709391326802916;0.056603773584905661686583755454;0.050314465408805034152273094605;0.536477987421383639699001832923;0.025157232704402517076136547303;0.037735849056603772144757869000;0.033962264150943395624171472491;0.052830188679245285165997358945;0.033333333333333332870740406406;0.022641509433962262592965331010;0.045283018867924525185930662019;0.068553459119496854001774011067
-0.027777777777777776235801354687;0.093291404612159331555254482282;0.069706498951781964423801696284;0.388888888888888895056794581251;0.020440251572327042955956599712;0.087526205450733751689540440566;0.033018867924528301494024873364;0.061320754716981132337316751091;0.035115303983228512985093061616;0.027253668763102725097757783601;0.068658280922431869086608458019;0.087002096436058704020943821433
-0.051886792452830191035850759818;0.050314465408805034152273094605;0.073899371069182387405938072789;0.416142557651991595868423701177;0.021488469601677148701490693838;0.045073375262054508894049575929;0.024633123689727462468646024263;0.145178197064989522591105242100;0.039308176100628929028335534213;0.047169811320754720385117764181;0.044025157232704399679068529849;0.040880503144654085911913199425
-0.021816037735849055229087056773;0.072523584905660382071701519635;0.124410377358490559229764471638;0.318396226415094352191204052360;0.024174528301886794023900506545;0.055424528301886794023900506545;0.029481132075471698505975126636;0.106132075471698117397068017453;0.034787735849056602988049746727;0.056603773584905661686583755454;0.080778301886792455710484261999;0.075471698113207544289515738001
-0.041273584905660375132807615728;0.066037735849056602988049746727;0.103773584905660382071701519635;0.357311320754716998937539074177;0.026533018867924529349267004363;0.053655660377358492529875633181;0.042452830188679242795490864637;0.104363207547169808964149240182;0.041863207547169808964149240182;0.034787735849056602988049746727;0.063089622641509440770235528362;0.064858490566037735325366497818
-0.025681341719077568214180118389;0.066037735849056602988049746727;0.131551362683438144429715066508;0.370545073375262046244671410022;0.018867924528301886072378934500;0.030398322851153038864913114026;0.055031446540880504803006090242;0.106918238993710695838856850060;0.036687631027253669868670726828;0.032494758909853246886534350324;0.055555555555555552471602709375;0.070230607966457025970186123232
-0.029411764705882352533006240947;0.062708102108768037918906657069;0.090455049944506107917341353186;0.377913429522752475353541967706;0.027192008879023309153577514508;0.038290788013318532989615050610;0.100998890122086570908521707679;0.109322974472807990520273335733;0.029411764705882352533006240947;0.022752497225305215455826157722;0.039400665926748054679329413830;0.072142064372918979220372648342
-0.048349056603773588047801013090;0.056603773584905661686583755454;0.058962264150943397011950253273;0.493514150943396234794136034907;0.013561320754716981590304314409;0.047759433962264154216459388635;0.029481132075471698505975126636;0.076650943396226411952198986910;0.031250000000000000000000000000;0.041273584905660375132807615728;0.053066037735849058698534008727;0.049528301886792455710484261999
-0.047439353099730456608806861141;0.063072776280323455955212352819;0.064150943396226414727756548473;0.460916442048517505103433222757;0.015633423180592992407511587771;0.047978436657681942933972862875;0.025336927223719676871560579912;0.100808625336927221161076317912;0.030727762803234501959304125762;0.053369272237196764552269456772;0.052291105121293798840831357211;0.038274932614555258469923870734
-0.049389567147613763764546490620;0.044395116537180909221937952225;0.070477247502774689746907199606;0.417869034406215311694410274868;0.022197558268590454610968976112;0.044395116537180909221937952225;0.027746947835738069998434696117;0.157047724750277478689142185431;0.036071032186459489610186324171;0.045504994450610430911652315444;0.042175360710321865842509225786;0.042730299667036626687366407396
-0.049170954831332186474313061808;0.064608347627215553798940561592;0.058890794739851343164716013234;0.483133218982275569608475507266;0.013150371640937678907601338096;0.052029731275014291791425335987;0.030874785591766724240914143707;0.082904516866781019501786431647;0.030303030303030303871381079261;0.036020583190394514505605627619;0.053173241852487132530491464877;0.045740423098913664257114675138
-0.035909920876445525217413035080;0.055995130858186241418206208209;0.051125989044430920904549253692;0.483870967741935498196426124196;0.022519780888618379927068602342;0.035301278149726111887929391742;0.033475349969567864960584557821;0.105295191722458922334304531887;0.023128423615337796725999197633;0.046256847230675593451998395267;0.043822276323797933195169918008;0.063298843578819236066479447800
-0.051541647491946618320213246989;0.051081454210768525991959165822;0.060285319834330421129298116512;0.521859180855959503553265221854;0.017027151403589506351021753972;0.038196042337781871411905854075;0.029452369995398068602820984552;0.071329958582604699457441199684;0.024390243902439025236450476086;0.041417395306028531587472230058;0.046939714680165667282096819690;0.046479521398987574953842738523
-0.041326530612244900819707282835;0.054591836734693879873425714777;0.064795918367346938548934076607;0.462244897959183664859494911070;0.020408163265306120820463675614;0.053061224489795916214873727768;0.038265306122448980441497212723;0.094897959183673469274467038304;0.032653061224489798863857004108;0.044387755102040814259023449040;0.048979591836734691356891602254;0.044387755102040814259023449040
-0.057821059038344488345551042130;0.061472915398660989139134613879;0.060255629945222155541273423296;0.389531345100426029670614980205;0.025562994522215460452274626846;0.051125989044430920904549253692;0.034692635423006691619551844497;0.113207547169811323373167510908;0.046865489957395006781482038605;0.051734631771150334234032897029;0.050517346317711500636171706446;0.057212416311625075016067398792
-0.057189542483660128768807595634;0.046296296296296293726335591145;0.056644880174291936669739300214;0.426470588235294101320249637865;0.016339869281045752563708006733;0.045751633986928101627267295726;0.038671023965141611278273359176;0.134531590413943358264248217893;0.033224400871459697226484308885;0.052832244008714598915155136183;0.049564270152505446320745363664;0.042483660130718955971751427114
-0.051790633608815424271387684030;0.057300275482093661338911516623;0.061707988980716256544045705823;0.295316804407713517921507673236;0.028099173553719009738260936615;0.046831955922865015073952577040;0.069421487603305784275242729109;0.154269972451790637890667312604;0.089807162534435255873965786577;0.045730027548209366272669029740;0.035812672176308540938904911854;0.063911845730027547207718896516
-0.040123456790123454562824178993;0.107407407407407409771771256146;0.080246913580246909125648357985;0.061728395061728391635114121527;0.111111111111111104943205418749;0.080246913580246909125648357985;0.125308641975308637794839228263;0.024691358024691356654045648611;0.127777777777777767909128669999;0.051851851851851850361274642864;0.074691358024691359429603210174;0.114814814814814813992427389167
-0.132075471698113205976099493455;0.053274139844617089678546761888;0.092674805771365151296770079625;0.192008879023307432731826338568;0.015538290788013319268512368865;0.047169811320754720385117764181;0.052164261931187567988832398669;0.141509433962264147277565484728;0.066037735849056602988049746727;0.101553829078801338692272793196;0.062153163152053277074049475459;0.043840177580466148377080770615
-0.093196112064036593092275495565;0.073184676958261862811383480221;0.112635791881074906473081398417;0.097770154373927956048540011125;0.032590051457975985349513337042;0.061177815894797024642848271014;0.060606060606060607742762158523;0.160663236134934245269434427428;0.068038879359634082955032852169;0.119496855345911950907478171757;0.058319039451114926264629900743;0.062321326472269865381914399904
-0.017610062893081760565516802330;0.135220125786163519743254823879;0.133333333333333331482961625625;0.000628930817610062861851283333;0.047169811320754720385117764181;0.073584905660377356029222539746;0.210691823899371077910558369695;0.049056603773584908645410962436;0.076729559748427669796377870171;0.044654088050314462432499595934;0.073584905660377356029222539746;0.137735849056603770756979088219
-0.108002602472348732676188376445;0.062459336369551074485961805749;0.076122316200390366391914653832;0.246584255042290173554064836026;0.029928432010409889568736119259;0.062459336369551074485961805749;0.052049446974625893092003536822;0.141184124918672743165259930720;0.048145738451528953538716137928;0.067664281067013665182940940213;0.058555627846454127993780502948;0.046844502277163302395024402358
-0.115902964959568727243421903950;0.051752021563342319454559259384;0.084636118598382742428398728407;0.287331536388140185156458983329;0.021024258760107817495255133622;0.043126684636118600701948366805;0.038274932614555258469923870734;0.166037735849056594661377062039;0.043126684636118600701948366805;0.059299191374663072495732052403;0.040431266846361182953906165949;0.049056603773584908645410962436
-0.019541778975741240509389484714;0.121967654986522913707069903921;0.136792452830188676626832489092;0.166442048517520202466357659432;0.033692722371967652461588471624;0.057951482479784363621710951975;0.097035040431266844640489921403;0.047843665768194071352681362441;0.046495956873315362478660262013;0.059299191374663072495732052403;0.087601078167115903339023930130;0.125336927223719668544887895223
-0.042087542087542090252227922065;0.099887766554433224386322365262;0.124017957351290689094192032371;0.246913580246913566540456486109;0.034231200897867561372400757591;0.056116722783389451356672594784;0.065656565656565663013921607671;0.089225589225589221897827485463;0.045454545454545455807071618892;0.032547699214365878594978909177;0.063411896745230081351429873848;0.100448933782267116332498346765
-0.018328840970350403216659884720;0.085175202156334228753564730141;0.051752021563342319454559259384;0.488409703504043113397870001791;0.025876010781671159727279629692;0.065768194070080859825466745860;0.048517520215633422320244960702;0.028571428571428570536427926640;0.032345013477088950526461275103;0.015094339622641509551792537991;0.055525606469002695975145655893;0.084636118598382742428398728407
-0.045283018867924525185930662019;0.056064690026954175361417753720;0.102964959568733152583952517034;0.348247978436657668055431713583;0.022641509433962262592965331010;0.040970350404312669279072167683;0.040970350404312669279072167683;0.136927223719676555147017893432;0.035579514824797840721881669879;0.049056603773584908645410962436;0.060377358490566038207170151964;0.060916442048517517593442249790
-0.067147613762486124677764109947;0.092674805771365151296770079625;0.079911209766925644926160998693;0.266925638179800195359803183237;0.021087680355160932921254612893;0.074361820199778022599801374781;0.063263041065482791824869934771;0.093229744728079905202733357328;0.043840177580466148377080770615;0.048279689234184242074832127400;0.073251942286348500910087011562;0.076026637069922312073266823518
-0.036556603773584904482074620091;0.116745283018867926361217257636;0.041863207547169808964149240182;0.275943396226415116334607091630;0.060731132075471698505975126636;0.097287735849056602988049746727;0.058372641509433963180608628818;0.004127358490566037686753109170;0.070754716981132073638782742364;0.034198113207547169156708122273;0.061910377358490566168658375545;0.141509433962264147277565484728
-0.001886792452830188693974067249;0.128301886792452829455513096946;0.108176100628930821345718982229;0.345911949685534569898237577945;0.015723270440251572305223604076;0.036477987421383646637895736831;0.153459119496855339592755740341;0.042767295597484274172206397679;0.025157232704402517076136547303;0.028301886792452830843291877727;0.061635220125786163714032284133;0.052201257861635222412566292860
-0.015723270440251572305223604076;0.128930817610062892208944163031;0.111949685534591197866305378739;0.255345911949685533404164061722;0.016981132075471697812085736246;0.071069182389937105015498275407;0.136477987421383645250116956049;0.081132075471698109070395332765;0.032704402515723270117309340321;0.030188679245283019103585075982;0.059119496855345912700308019794;0.060377358490566038207170151964
-0.022519780888618379927068602342;0.075471698113207544289515738001;0.045648204503956180122514751929;0.514303104077906247937335137976;0.014607425441265977153482147344;0.046256847230675593451998395267;0.037735849056603772144757869000;0.066342057212416316591685472304;0.032258064516129031362723367238;0.038953134510042605742619059583;0.051734631771150334234032897029;0.054169202678027994490861374288
-0.032345013477088950526461275103;0.093261455525606468119903524894;0.073315363881401612866639538879;0.385983827493261433261295678676;0.024258760107816711160122480351;0.056603773584905661686583755454;0.055525606469002695975145655893;0.040431266846361182953906165949;0.042587601078167114376782365071;0.034501347708894881949337474225;0.054447439353099730263707556333;0.106738544474393529104538913543
-0.034433962264150942689244772055;0.073584905660377356029222539746;0.058962264150943397011950253273;0.451886792452830199362523444506;0.038679245283018866274904468128;0.058018867924528302881803654145;0.034905660377358489754318071618;0.037735849056603772144757869000;0.063679245283018867662683248909;0.024528301886792454322705481218;0.052358490566037738100924059381;0.071226415094339620703856041928
-0.022169811320754715527892031446;0.085849056603773579721128328401;0.078301886792452826679955535383;0.382547169811320753041172793019;0.021226415094339621397745432319;0.053773584905660379296143958072;0.051886792452830191035850759818;0.112735849056603776308094211345;0.037735849056603772144757869000;0.031132075471698113233731675109;0.054716981132075473426290557200;0.067924528301886791248342944982
-0.027746947835738069998434696117;0.092674805771365151296770079625;0.066592674805771370771800832244;0.356825749167591577126756874350;0.021087680355160932921254612893;0.089900110987791340133590267669;0.049944506104328524609403672230;0.033851276359600446230757597732;0.046059933407325191756509497054;0.035516093229744728765329142561;0.077691453940066587668944464440;0.102108768035516092598236070899
-0.018238993710691823318947868415;0.118867924528301888154047105672;0.065408805031446540234618680643;0.393710691823899394670149831654;0.018867924528301886072378934500;0.093081761006289301385585588378;0.049685534591194971398842028520;0.020125786163522011579241066670;0.033333333333333332870740406406;0.027044025157232705336429745557;0.064779874213836477481187614558;0.096855345911949691783959792701
-0.011320754716981131296482665505;0.118396226415094341088973806109;0.058962264150943397011950253273;0.353301886792452835006628220071;0.028301886792452830843291877727;0.068396226415094338313416244546;0.061320754716981132337316751091;0.034433962264150942689244772055;0.040566037735849054535197666382;0.037735849056603772144757869000;0.061792452830188679402390050655;0.125471698113207547065073299564
-0.035244922341696537093636010241;0.080645161290322578406808418094;0.071087216248506571170118206737;0.396057347670250914362100047583;0.038829151732377539807394839499;0.055555555555555552471602709375;0.049581839904420547948671327276;0.039426523297491036790241025756;0.057945041816009561219669166121;0.039426523297491036790241025756;0.056152927120669056393342799538;0.080047789725209081423962231838
-0.045740423098913664257114675138;0.050314465408805034152273094605;0.074899942824471127389429625509;0.416237850200114334331402687894;0.022870211549456832128557337569;0.040594625500285877461870143179;0.032590051457975985349513337042;0.128073184676958273797708898201;0.037164093767867355244671756509;0.056603773584905661686583755454;0.046312178387650088096094691537;0.048599199542595769574226949317
-0.024797843665768194015841530131;0.061455525606469003918608251524;0.058760107816711593109459954576;0.489487870619946086048202005259;0.035040431266846361335609572052;0.050673854447439353743121159823;0.035579514824797840721881669879;0.066846361185983832475798749329;0.036657681940700806433319769440;0.042048517520215634990510267244;0.048517520215633422320244960702;0.050134770889487867417955158089
-0.028556858745537989918705790160;0.065782763895971443912635834295;0.049464558898521165941630783891;0.536460989291178025339945634187;0.022947475777664455565130197101;0.045385007649158592979432569336;0.035186129525752167512830936857;0.054563997960224375205484648177;0.029066802651708311538980566979;0.030596634370219276399804897437;0.048444671086180522701081230252;0.053544110147883731964935094538
-0.025157232704402517076136547303;0.121383647798742139167771370012;0.079874213836477983563533200595;0.325786163522012561788443463229;0.034591194968553458377602538576;0.083018867924528297330688531019;0.071069182389937105015498275407;0.018867924528301886072378934500;0.037735849056603772144757869000;0.038993710691823897651620001170;0.061006289308176100960601218048;0.102515723270440256564839387465
-0.008625336927223720487334368556;0.081940700808625338558144335366;0.068463611859838277573508946716;0.391374663072776296512955696016;0.039353099730458224181361970295;0.058760107816711593109459954576;0.056064690026954175361417753720;0.038814016172506737856195968561;0.042048517520215634990510267244;0.039353099730458224181361970295;0.059299191374663072495732052403;0.115902964959568727243421903950
-0.015008576329331045975945535531;0.087907375643224705541456387436;0.068610634648370499855118964661;0.403516295025728999323888501749;0.026586620926243566265245732438;0.072898799313893647422446520068;0.037735849056603772144757869000;0.072898799313893647422446520068;0.038593481989708404433780941645;0.037735849056603772144757869000;0.058747855917667235470247533158;0.079759862778730705734631101222
-0.015330188679245283084329187773;0.108490566037735852722434515272;0.063089622641509440770235528362;0.372641509433962236919057886553;0.030660377358490566168658375545;0.063089622641509440770235528362;0.045990566037735845783540611365;0.044221698113207544289515738001;0.043042452830188676626832489092;0.035966981132075470650732995637;0.063679245283018867662683248909;0.113797169811320750265615231456
-0.037307032590051456000246332678;0.064322469982847338410003601439;0.069897084048027441349759669720;0.388078902229845645877048809780;0.028301886792452830843291877727;0.057032590051457977831095291776;0.036878216123499139855734796356;0.105060034305317323566342224694;0.040308747855917669011827086933;0.048456260720411661879758469240;0.055317324185248713253049146488;0.069039451114922809060736597075
-0.030445969125214408096402607384;0.065180102915951970699026674083;0.077615780445969131950967323519;0.460120068610634647132684449389;0.016295025728987992674756668521;0.046740994854202404240606227859;0.030017152658662091951891071062;0.112778730703259000289762070679;0.026586620926243566265245732438;0.033447684391080617638536409686;0.053602058319039448675003001199;0.047169811320754720385117764181
-0.093910806174957117686830088132;0.042881646655231558940002400959;0.045025728987993139662560082570;0.519296740994854233441913038405;0.018439108061749569927867398178;0.047169811320754720385117764181;0.022727272727272727903535809446;0.053173241852487132530491464877;0.037307032590051456000246332678;0.031303602058319036915978728075;0.042024013722126926650979328315;0.046740994854202404240606227859
-0.032161234991423669205001800719;0.054459691252144080964026073843;0.046312178387650088096094691537;0.531303602058319057732660439797;0.016295025728987992674756668521;0.053602058319039448675003001199;0.020583190394511150650425079789;0.066037735849056602988049746727;0.030445969125214408096402607384;0.048885077186963978024270005562;0.052315608919382507180362296140;0.047598627787307029590735396596
-0.047169811320754720385117764181;0.056603773584905661686583755454;0.051886792452830191035850759818;0.512864493996569414946407050593;0.016295025728987992674756668521;0.045883361921097771951583155214;0.031303602058319036915978728075;0.083619210977701544096341024215;0.032161234991423669205001800719;0.036878216123499139855734796356;0.045883361921097771951583155214;0.039451114922813036722804014289
-0.045454545454545455807071618892;0.053173241852487132530491464877;0.057032590051457977831095291776;0.504288164665523175322903171036;0.015866209262435676530245132199;0.046312178387650088096094691537;0.027015437392795882409757268761;0.086192109777015440963410242148;0.028730703259005146987803414049;0.030874785591766724240914143707;0.059176672384219551614759069480;0.045883361921097771951583155214
-0.041166380789022301300850159578;0.057461406518010293975606828099;0.077186963979416808867561883289;0.493567753001715292526796474704;0.015866209262435676530245132199;0.037307032590051456000246332678;0.019725557461406518361402007145;0.089622641509433956241714724911;0.033447684391080617638536409686;0.041166380789022301300850159578;0.044596912521440823518048546248;0.048885077186963978024270005562
-0.063464837049742706120980528794;0.052315608919382507180362296140;0.052744425385934823324873832462;0.527444253859348233248738324619;0.010720411663807889735000600240;0.034305317324185249927559482330;0.025728987993138937445669611748;0.093053173241852485397807015488;0.021869639794168095614512736802;0.036878216123499139855734796356;0.045025728987993139662560082570;0.036449399656946823711223260034
-0.066466552315608926071455186957;0.046312178387650088096094691537;0.045883361921097771951583155214;0.514150943396226467463350218168;0.020583190394511150650425079789;0.040737564322469985156338623256;0.023584905660377360192558882090;0.068610634648370499855118964661;0.039451114922813036722804014289;0.033447684391080617638536409686;0.041166380789022301300850159578;0.059605488850771867759270605802
-0.068610634648370499855118964661;0.040737564322469985156338623256;0.035591766723842198361094091297;0.599485420240137178993222732970;0.012435677530017152578323269552;0.035591766723842198361094091297;0.015008576329331045975945535531;0.069468267581475132144142037305;0.028730703259005146987803414049;0.027444253859348198554268805083;0.032161234991423669205001800719;0.034734133790737566072071018652
-0.058018867924528302881803654145;0.058018867924528302881803654145;0.054716981132075473426290557200;0.460849056603773565843340520587;0.021226415094339621397745432319;0.052830188679245285165997358945;0.033490566037735848559098172927;0.082547169811320750265615231456;0.038207547169811319209831168564;0.027830188679245283778218578163;0.052830188679245285165997358945;0.059433962264150944077023552836
-0.033542976939203356101515396404;0.053459119496855347919428425030;0.068134171907756807540224031072;0.500000000000000000000000000000;0.015199161425576519432456557013;0.044025157232704399679068529849;0.046645702306079665777627241141;0.091194968553459113125292390123;0.020440251572327042955956599712;0.037735849056603772144757869000;0.043501048218029352010471910717;0.046121593291404611170136718101
-0.051415094339622643970777460254;0.045754716981132072251003961583;0.055660377358490567556437156327;0.521698113207547220504523011186;0.016037735849056603681939137118;0.041981132075471695730417565073;0.020754716981132074332672132755;0.072641509433962261899075940619;0.039622641509433960405051067255;0.032547169811320754428951573800;0.062264150943396226467463350218;0.039622641509433960405051067255
-0.036518563603164945485790582325;0.065733414485696889384414021151;0.065124771758977476054930377813;0.482653682288496643781883221891;0.015824710894704809016619861950;0.043822276323797933195169918008;0.035301278149726111887929391742;0.072428484479610463764309713497;0.043822276323797933195169918008;0.031649421789409618033239723900;0.047474132684114427049859585850;0.059646987218502742211789779958
-0.007256894049346879725648218340;0.113933236574746007963021554588;0.063134978229317850750845764196;0.412191582002902734416238672566;0.027576197387518142783990882094;0.074020319303338175109807650642;0.038461538461538463673505816587;0.052249637155297533330777781657;0.034107402031930335317699842790;0.034107402031930335317699842790;0.055152394775036285567981764189;0.087808417997097237828185711805
-0.024905660377358491280874730478;0.135094339622641501641453487537;0.098867924528301884268266519484;0.298867924528301909248284573550;0.021132075471698114760288333969;0.042264150943396229520576667937;0.073207547169811315601606338532;0.140377358490566039872504688901;0.026415094339622642582998679472;0.024150943396226413895089280004;0.037735849056603772144757869000;0.076981132075471692122192735042
-0.047169811320754720385117764181;0.118396226415094341088973806109;0.048113207547169814515264363308;0.367452830188679246958827206981;0.029716981132075472038511776418;0.070754716981132073638782742364;0.072169811320754714834002641055;0.032075471698113207363878274236;0.045283018867924525185930662019;0.032075471698113207363878274236;0.061320754716981132337316751091;0.075471698113207544289515738001
-0.024477307496175420425954527559;0.050994390617032127333008162395;0.084650688424273326515567816841;0.475777664456909721302224625106;0.029576746557878633159255343799;0.050484446710861802243286433622;0.036206017338092810753380490496;0.038755736868944415385307422639;0.034676185619581849362003111992;0.049974502804691484092458608757;0.063233044365119839280708902152;0.061193268740438552799609794874
-0.027830188679245283778218578163;0.060849056603773585272243451527;0.060849056603773585272243451527;0.465566037735849036494073516224;0.026886792452830189648071979036;0.051886792452830191035850759818;0.050943396226415096905704160690;0.062264150943396226467463350218;0.034905660377358489754318071618;0.042924528301886789860564164201;0.060377358490566038207170151964;0.054716981132075473426290557200
-0.009664058904739990935039983810;0.104003681546249421296934656311;0.060745513115508513457552197679;0.346525540727105396676677173673;0.036815462494247580549355802759;0.101242521859180853449622361495;0.042337781868384723182874296299;0.026691210308329497286061737782;0.047399907961343766549244804764;0.032673722963644728778387360535;0.063966866083755180572012477569;0.127933732167510361144024955138
-0.012748597654258031833252040599;0.103518612952575222996287607202;0.056603773584905661686583755454;0.378888322284548717533425588044;0.029576746557878633159255343799;0.085670576236613976695011274387;0.042325344212136663257783908421;0.018867924528301886072378934500;0.028046914839367668298431013341;0.029576746557878633159255343799;0.050994390617032127333008162395;0.163182049974502807465626119665
-0.001886792452830188693974067249;0.127358490566037735325366497818;0.058018867924528302881803654145;0.358490566037735824966858899643;0.025943396226415095517925379909;0.096226415094339629030528726616;0.037264150943396225079684569437;0.011792452830188680096279441045;0.047169811320754720385117764181;0.038679245283018866274904468128;0.064622641509433961792829848036;0.132547169811320753041172793019
-0.008086253369272237631615318776;0.108355795148247974202249110931;0.038814016172506737856195968561;0.398382749326145535473386871672;0.019946091644204851783817034061;0.099730458221024262388532122259;0.030727762803234501959304125762;0.004851752021563342232024496070;0.044204851752021566413386466365;0.047439353099730456608806861141;0.072776280323450140419261344960;0.126684636118598370480015091744
-0.011965025310630464719374721483;0.108145421076852280006797002443;0.042797975149562815511128377466;0.321675103543488272173078712513;0.028071790151863781209717885190;0.134376438104003681495157707104;0.034054302807179012702043507943;0.016106764841233318225066639684;0.040957202024850439259218148891;0.034054302807179012702043507943;0.106764841233317989144246951128;0.121030832949838934586850314190
-0.007432818753573470875462003704;0.112064036592338475695207478111;0.054888507718696397108537610166;0.368210405946254981657261851069;0.018296169239565465702845870055;0.114922813036020587951213656197;0.029731275014293883501848014816;0.011435105774728416064278668784;0.052601486563750715630405352385;0.031446540880503144610447208152;0.083476272155517436401872544138;0.115494568324757004851299768688
-0.011044638748274274858696131218;0.128393925448688439594491228490;0.046019328117809482625588657356;0.331799355729406331150244113815;0.026691210308329497286061737782;0.106764841233317989144246951128;0.035895075931891395892847640425;0.014265991716520938503709459155;0.052462034054302809915615313230;0.032213529682466636450133279368;0.093879429360331334564193639380;0.120570639668660842258596233023
-0.003234501347708894965909953712;0.115363881401617254796043710030;0.050134770889487867417955158089;0.350943396226415071925686106624;0.018328840970350403216659884720;0.122911051212938007837216503049;0.040431266846361182953906165949;0.014016172506738543840354438430;0.052830188679245285165997358945;0.038814016172506737856195968561;0.076549865229110516939847741469;0.116442048517520213568587905684
-0.014399205561072492276508683062;0.118669314796425021119041787188;0.055610724925521347328238874752;0.341608738828202584958404486315;0.024826216484607744466872603084;0.119662363455809328538492763983;0.036742800397219464725306892205;0.009433962264150943036189467250;0.032770605759682221169715177211;0.041708043694141015700349583994;0.087388282025819261078503075169;0.117179741807348566928759225902
-0.006289308176100629269034136826;0.092452830188679238632154522293;0.045283018867924525185930662019;0.403773584905660398725046889012;0.020754716981132074332672132755;0.135220125786163519743254823879;0.029559748427672956350154009897;0.003773584905660377387948134498;0.047798742138364783138548830266;0.033333333333333332870740406406;0.071698113207547167768929341491;0.110062893081761009606012180484
-0.024987251402345742046229304378;0.110657827638959718741240578765;0.062723100458949521129881077286;0.332483426823049488252337368976;0.029066802651708311538980566979;0.104538500764915859297943256934;0.033146353901070881031731829580;0.027536970933197346678156236521;0.038245792962774097234479597773;0.053034166241713413814107269673;0.073941866394696589837032263404;0.109637939826619068561797121220
-0.034083992696287278290068201159;0.050517346317711500636171706446;0.076688983566646384826270832491;0.410833840535605621102632767361;0.034083992696287278290068201159;0.057821059038344488345551042130;0.019476567255021302871309529792;0.082775410833840531998895073684;0.051734631771150334234032897029;0.043213633597078512926792370763;0.051125989044430920904549253692;0.087644552647595866390339836016
-0.050134770889487867417955158089;0.069541778975741236346053142370;0.064690026954177901052922550207;0.382749326145552570821450899530;0.033962264150943395624171472491;0.059299191374663072495732052403;0.029110512129380053392146976421;0.079784366576819407135268136244;0.053908355795148250877435458506;0.050673854447439353743121159823;0.042587601078167114376782365071;0.083557951482479783655854532753
-0.033962264150943395624171472491;0.087870619946091646501606930997;0.082479784366576824883310337100;0.353638814016172531307091730923;0.032345013477088950526461275103;0.060916442048517517593442249790;0.064690026954177901052922550207;0.053369272237196764552269456772;0.049595687331536388031683060262;0.033962264150943395624171472491;0.061994609164420483304880349351;0.085175202156334228753564730141
-0.045754716981132072251003961583;0.073584905660377356029222539746;0.056603773584905661686583755454;0.448584905660377342151434731932;0.020283018867924527267598833191;0.069339622641509432443562843673;0.026415094339622642582998679472;0.051886792452830191035850759818;0.030188679245283019103585075982;0.044811320754716978120857362455;0.067924528301886791248342944982;0.064622641509433961792829848036
-0.048027444253859345735246932918;0.067467124070897652177158931863;0.058319039451114926264629900743;0.427672955974842783355427400238;0.017724413950829045333312805610;0.053744997141223556369471481275;0.032590051457975985349513337042;0.073184676958261862811383480221;0.034877072612921666827645594822;0.046312178387650088096094691537;0.063464837049742706120980528794;0.076615208690680391967475770798
-0.069002695417789763898674948450;0.072237196765498654094095343225;0.070619946091644208996385145838;0.389218328840970351212291689080;0.023180592991913745448684380790;0.039353099730458224181361970295;0.040431266846361182953906165949;0.116442048517520213568587905684;0.038274932614555258469923870734;0.036657681940700806433319769440;0.050673854447439353743121159823;0.053908355795148250877435458506
-0.056100217864923744570671004794;0.061002178649237473462285663572;0.066448801742919394452968617770;0.488562091503267958980671892277;0.018518518518518517490534236458;0.045206971677559909528199000306;0.027777777777777776235801354687;0.085511982570806097103677245741;0.032679738562091505127416013465;0.038671023965141611278273359176;0.040305010893246187575478245435;0.039215686274509803377341654596
-0.017361111111111111882099322656;0.052083333333333335646297967969;0.032986111111111111882099322656;0.634837962962962909507780295826;0.010416666666666666088425508008;0.039930555555555552471602709375;0.025462962962962961549484575130;0.055555555555555552471602709375;0.022569444444444444058950338672;0.029513888888888888117900677344;0.041087962962962965018931527084;0.038194444444444447528397290625
-0.010409889394925179659234792950;0.096942094990240729179831191686;0.098893949251789195487027939180;0.335718932986337037505109037738;0.020169160702667533746623718116;0.056603773584905661686583755454;0.093038386467143782687649888885;0.095640858815875084975033360024;0.037085230969420950042358953169;0.029277813923227063996890251474;0.047495120364346131436317222096;0.078724788549121668679298124971
-0.021816037735849055229087056773;0.137382075471698117397068017453;0.071933962264150941301465991273;0.292452830188679235856596960730;0.037146226415094338313416244546;0.065448113207547176095602026180;0.077240566037735852722434515272;0.055424528301886794023900506545;0.048349056603773588047801013090;0.033608490566037735325366497818;0.058372641509433963180608628818;0.100825471698113205976099493455
-0.047169811320754720385117764181;0.151498335183129856362782561519;0.130965593784683698164172938050;0.086015538290788007280696092494;0.059933407325194226755726845113;0.067147613762486124677764109947;0.143174250832408422873243125650;0.037180910099889011299900687391;0.059378468368479465910869663503;0.036625971143174250455043505781;0.070477247502774689746907199606;0.110432852386237512209987698952
-0.047439353099730456608806861141;0.106738544474393529104538913543;0.112668463611859837048001509174;0.190296495956873312760393446297;0.039353099730458224181361970295;0.059838274932614551882004150229;0.120215633423180590089174302193;0.043665768194070080088220464631;0.070080862533692722671219144104;0.040970350404312669279072167683;0.073854447439353099191805540613;0.094878706199460913217613722281
-0.027444253859348198554268805083;0.088622069754145230136010980004;0.074899942824471127389429625509;0.447684391080617472002955992139;0.026300743281875357815202676193;0.042309891366495142039916288468;0.070325900514579764433165109949;0.032018296169239568449427224550;0.022298456260720411759024273124;0.030874785591766724240914143707;0.060606060606060607742762158523;0.076615208690680391967475770798
-0.022405660377358489060428681228;0.084905660377358485590981729274;0.099056603773584911420968523998;0.376179245283018881540471056724;0.035377358490566036819391371182;0.041273584905660375132807615728;0.061910377358490566168658375545;0.061320754716981132337316751091;0.047759433962264154216459388635;0.036556603773584904482074620091;0.064268867924528308432918777271;0.068985849056603779083651772908
-0.004245283018867924453021434061;0.129245283018867923585659696073;0.096226415094339629030528726616;0.328773584905660387622816642761;0.026886792452830189648071979036;0.074999999999999997224442438437;0.047169811320754720385117764181;0.010377358490566037166336066377;0.047641509433962267450191063745;0.037264150943396225079684569437;0.072641509433962261899075940619;0.124528301886792452934926700436
-0.006603773584905660645749669868;0.130188679245283017715806295200;0.085377358490566032656055028838;0.354245283018867929136774819199;0.029245283018867924973438476854;0.069811320754716979508636143237;0.062264150943396226467463350218;0.020754716981132074332672132755;0.041037735849056601600270965946;0.028301886792452830843291877727;0.072169811320754714834002641055;0.100000000000000005551115123126
-0.021383647798742137086103198840;0.099371069182389942797684057041;0.095597484276729566277097660532;0.399371069182389959451029426418;0.033962264150943395624171472491;0.057861635220125787193445887624;0.057232704402515724440014821539;0.022641509433962262592965331010;0.025157232704402517076136547303;0.025157232704402517076136547303;0.078616352201257858056671068425;0.083647798742138360084119597104
-0.014465408805031446798361471906;0.104402515723270444825132585720;0.061006289308176100960601218048;0.397484276729559771190736228164;0.044025157232704399679068529849;0.084276729559748422837550663189;0.028930817610062893596722943812;0.015094339622641509551792537991;0.045283018867924525185930662019;0.035220125786163521131033604661;0.073584905660377356029222539746;0.096226415094339629030528726616
-0.016247379454926623443267175162;0.122117400419287217006036883049;0.075995807127882605835900164948;0.370545073375262046244671410022;0.027253668763102725097757783601;0.058176100628930818570161420666;0.057127882599580709355180374587;0.024633123689727462468646024263;0.031446540880503144610447208152;0.043501048218029352010471910717;0.073375262054507339737341453656;0.099580712788259959089565143131
-0.002021563342318059407903829694;0.145552560646900280838522689919;0.107816711590296501754870917011;0.195417789757412391216107039327;0.045822102425876011511096663753;0.102425876010781666258786515300;0.077493261455525611069994340596;0.048517520215633422320244960702;0.044474393530997302637075563325;0.046495956873315362478660262013;0.069407008086253371703655545844;0.114555256064690025308294707429
-0.039150943396226413339977767691;0.062735849056603773532536649782;0.055660377358490567556437156327;0.498113207547169811739706801745;0.025000000000000001387778780781;0.035377358490566036819391371182;0.039150943396226413339977767691;0.083962264150943391460835130147;0.035849056603773583884464670746;0.020283018867924527267598833191;0.053301886792452832231070658509;0.051415094339622643970777460254
-0.015094339622641509551792537991;0.096698113207547176095602026180;0.090566037735849050371861324038;0.398584905660377353253664978183;0.014150943396226415421645938864;0.042452830188679242795490864637;0.082547169811320750265615231456;0.076415094339622638419662337128;0.035377358490566036819391371182;0.033962264150943395624171472491;0.051886792452830191035850759818;0.062264150943396226467463350218
-0.011127237542331882419466282386;0.130140299951620713736488710310;0.089985486211901305475535650658;0.328979196903725179534916378543;0.030478955007256895021194864626;0.060474117077890660043593129558;0.120948234155781320087186259116;0.056119980648282531687787155761;0.028059990324141265843893577880;0.015481373971940009040548780206;0.049830672472181904153476494912;0.078374455732946296526719720532
-0.021726700971983991389491208679;0.061749571183533448481828287413;0.039451114922813036722804014289;0.490566037735849058698534008727;0.019439679817038306441911998945;0.054888507718696397108537610166;0.061749571183533448481828287413;0.073756432246998279711469592712;0.037735849056603772144757869000;0.024013722126929672867623466459;0.051457975986277874891339223495;0.063464837049742706120980528794
-0.033692722371967652461588471624;0.066037735849056602988049746727;0.054357592093441146896548588074;0.447888589398023340137910963676;0.037735849056603772144757869000;0.055256064690026952812562655026;0.064240790655884991156021612824;0.047619047619047616404230893750;0.038185085354896675102764902476;0.034141958670260555419595505100;0.049865229110512131194266061129;0.070979335130278528587233211056
-0.035849056603773583884464670746;0.052830188679245285165997358945;0.067924528301886791248342944982;0.395597484276729582930443029909;0.047169811320754720385117764181;0.057232704402515724440014821539;0.043396226415094336925637463764;0.032075471698113207363878274236;0.071069182389937105015498275407;0.046540880503144650692792794189;0.059119496855345912700308019794;0.091194968553459113125292390123
-0.015919811320754716915670812227;0.101415094339622646746335021817;0.051297169811320757204509135363;0.364976415094339645683874095994;0.038325471698113205976099493455;0.056014150943396227855242131000;0.060731132075471698505975126636;0.049528301886792455710484261999;0.064268867924528308432918777271;0.029481132075471698505975126636;0.070165094339622646746335021817;0.097877358490566043758285275089
-0.024826216484607744466872603084;0.111717974180734855305097141809;0.066534260178748763636669139032;0.415590863952333688935425470845;0.020854021847070507850174791997;0.061072492552135052013007054938;0.048659384309831181514294229373;0.051638530287984110711541063665;0.034756703078450842947511034708;0.034756703078450842947511034708;0.048659384309831181514294229373;0.080933465739821255913177822094
-0.037735849056603772144757869000;0.040970350404312669279072167683;0.041509433962264148665344265510;0.538005390835579522246234773775;0.019946091644204851783817034061;0.049056603773584908645410962436;0.024258760107816711160122480351;0.117520215633423186218919909152;0.037196765498652292758485771174;0.017789757412398920360940834939;0.029649595687331536247866026201;0.046361185983827490897368761580
-0.013102725366876309676111844738;0.074423480083857448952322499736;0.128406708595387830662559736083;0.372641509433962236919057886553;0.025157232704402517076136547303;0.047169811320754720385117764181;0.067610062893081759871627411940;0.077044025157232701173093403213;0.030922431865828093472403637065;0.028301886792452830843291877727;0.068134171907756807540224031072;0.067085953878406712203030792807
-0.008669046404895462340500777998;0.107598164201937782080698013942;0.096379398266190713373546827825;0.369199388067312617156545684338;0.026517083120856706907053634836;0.065272819989801125761808009429;0.032636409994900562880904004714;0.062723100458949521129881077286;0.035696073431922485663658761723;0.036206017338092810753380490496;0.063233044365119839280708902152;0.095869454360020395222719002959
-0.017250673854447440974668737113;0.112668463611859837048001509174;0.046900269541778977222534763314;0.386522911051212947342037296039;0.028032345013477087680708876860;0.067924528301886791248342944982;0.036118598382749327047047671613;0.050673854447439353743121159823;0.050673854447439353743121159823;0.028571428571428570536427926640;0.070080862533692722671219144104;0.104582210242587597681662714422
-0.035377358490566036819391371182;0.057193396226415095517925379909;0.082547169811320750265615231456;0.382075471698113233731675109084;0.028301886792452830843291877727;0.045400943396226411952198986910;0.045400943396226411952198986910;0.129127358490566029880497467275;0.045990566037735845783540611365;0.031839622641509433831341624455;0.037735849056603772144757869000;0.079009433962264147277565484728
-0.021726700971983991389491208679;0.094911377930245857670321640853;0.075471698113207544289515738001;0.377358490566037763080942113447;0.029159519725557463132314950371;0.054888507718696397108537610166;0.075471698113207544289515738001;0.074328187535734710489343513018;0.038879359634076612883823997890;0.023441966838193252498090402014;0.037735849056603772144757869000;0.096626643796455122248367786142
-0.002177068214804063744222117904;0.150217706821480417866965240137;0.121915820029027580084779458502;0.187953555878084183072829205230;0.029027576197387518902592873360;0.069666182873730039815107772938;0.081277213352685048763923703063;0.096516690856313494539797659399;0.033381712626995643788951895203;0.026124818577648766665388890829;0.058055152394775037805185746720;0.143686502177068214924915423580
-0.061904761904761906876615285000;0.053968253968253970809243469375;0.059259259259259261520824679792;0.426984126984126965975718803747;0.019576719576719577714518649714;0.039682539682539680336859078125;0.031216931216931215892218531849;0.106878306878306877925055573542;0.044444444444444446140618509844;0.050264550264550261760021498958;0.051322751322751325453452864167;0.054497354497354495717065248073
-0.011949685534591195784637207566;0.071698113207547167768929341491;0.089937106918238987618430257953;0.388679245283018892642701302975;0.018867924528301886072378934500;0.047169811320754720385117764181;0.067295597484276728494911878897;0.161635220125786155387359599445;0.027044025157232705336429745557;0.016352201257861635058654670161;0.033333333333333332870740406406;0.066037735849056602988049746727
-0.022405660377358489060428681228;0.081367924528301882602931982547;0.097287735849056602988049746727;0.382075471698113233731675109084;0.030070754716981132337316751091;0.048938679245283021879142637545;0.061910377358490566168658375545;0.128537735849056616865837554542;0.032429245283018867662683248909;0.017099056603773584578354061136;0.035377358490566036819391371182;0.062500000000000000000000000000
-0.023967363590005098805679750740;0.113207547169811323373167510908;0.086690464048954612996666924118;0.366139724630290652740427503886;0.021417644059153494173752818597;0.055073941866394693356312473043;0.086690464048954612996666924118;0.070372259051504335025661873715;0.037735849056603772144757869000;0.027027027027027028527328411656;0.041815400305966345106956083555;0.069862315145334016874834048849
-0.002515723270440251447405133334;0.200000000000000011102230246252;0.133333333333333331482961625625;0.079874213836477983563533200595;0.057232704402515724440014821539;0.077987421383647795303240002340;0.074213836477987418782653605831;0.022641509433962262592965331010;0.038993710691823897651620001170;0.038364779874213834898188935085;0.093081761006289301385585588378;0.181761006289308163497153714161
-0.031446540880503144610447208152;0.097134870719776375547205304883;0.067085953878406712203030792807;0.324248777078965766396123626691;0.051013277428371771315962490689;0.060097833682739340566136831967;0.096436058700209645322409812707;0.051712089447938501540757982866;0.052410901467505238704447378950;0.027253668763102725097757783601;0.048218029350104822661204906353;0.092941998602375966442856736194
-0.010346926354230066499861884211;0.112598904443091910043683867571;0.090079123554473519708274409368;0.368837492391965893201444259830;0.021302495435179549798654363713;0.059646987218502742211789779958;0.080340839926962878680960500333;0.045039561777236759854137204684;0.039561777236762019072102702921;0.029823493609251371105894889979;0.050517346317711500636171706446;0.091905051734631773574513147196
-0.039451114922813036722804014289;0.073756432246998279711469592712;0.069182389937106916755205077152;0.400800457404230980884562995925;0.044025157232704399679068529849;0.041738136077758718200936272069;0.063464837049742706120980528794;0.054316752429959980208451497674;0.056603773584905661686583755454;0.049170954831332186474313061808;0.046883933676386504996180804028;0.060606060606060607742762158523
-0.024013722126929672867623466459;0.097770154373927956048540011125;0.073184676958261862811383480221;0.371640937678673510813354141646;0.020011435105774726811445063390;0.044596912521440823518048546248;0.102344196683819319004804526685;0.087478559176672382458050947207;0.038879359634076612883823997890;0.022870211549456832128557337569;0.046312178387650088096094691537;0.070897655803316181333251222441
-0.041606192549588777440661147011;0.061925495887760036162195120824;0.047895500725689404974971807860;0.467343976777939040800902148476;0.030478955007256895021194864626;0.045476536042573775797670521115;0.060474117077890660043593129558;0.066763425253991287577903790407;0.047895500725689404974971807860;0.020803096274794388720330573506;0.047895500725689404974971807860;0.061441702951136913102292425037
-0.036715961244263128904208315362;0.064252932177460475582364551883;0.070372259051504335025661873715;0.417134115247322800890117378003;0.029066802651708311538980566979;0.052524222335543088724385540900;0.049464558898521165941630783891;0.074451810300866907987860088269;0.050484446710861802243286433622;0.045894951555328911130260394202;0.058643549209586948167682862731;0.050994390617032127333008162395
-0.029481132075471698505975126636;0.064268867924528308432918777271;0.067806603773584911420968523998;0.435731132075471705444869030543;0.023584905660377360192558882090;0.051297169811320757204509135363;0.029481132075471698505975126636;0.112028301886792455710484261999;0.036556603773584904482074620091;0.038325471698113205976099493455;0.058372641509433963180608628818;0.053066037735849058698534008727
-0.058625336927223721528168454142;0.053234501347708892970977956338;0.042452830188679242795490864637;0.487196765498652317738503825240;0.024932614555256065597133030565;0.048517520215633422320244960702;0.021563342318059300350974183402;0.077493261455525611069994340596;0.044474393530997302637075563325;0.043126684636118600701948366805;0.045822102425876011511096663753;0.052560646900269542003414358078
-0.018867924528301886072378934500;0.085631349782293184058623580768;0.078374455732946296526719720532;0.272859216255442682541598742318;0.042815674891146592029311790384;0.077648766328011611936865676853;0.037010159651669087554903825321;0.137155297532656011982865607024;0.035558780841799711436301834055;0.054426705370101594039233816602;0.063134978229317850750845764196;0.096516690856313494539797659399
-0.052410901467505238704447378950;0.102725366876310272856720473555;0.060097833682739340566136831967;0.398322851153039836358260572524;0.013277428371767993967034193759;0.068483577917540186530409584975;0.033542976939203356101515396404;0.046121593291404611170136718101;0.030048916841369670283068415984;0.037735849056603772144757869000;0.061495457721872814893515624135;0.095737246680642901219826512715
-0.012578616352201258538068273651;0.129559748427672954962375229115;0.075471698113207544289515738001;0.336477987421383628596771586672;0.022012578616352199839534264925;0.080503144654088046316964266680;0.047798742138364783138548830266;0.031446540880503144610447208152;0.054088050314465410672859491115;0.030188679245283019103585075982;0.068553459119496854001774011067;0.111320754716981135112874312654
-0.014740566037735849252987563318;0.112028301886792455710484261999;0.077240566037735852722434515272;0.396816037735849058698534008727;0.028301886792452830843291877727;0.077830188679245279614882235819;0.042452830188679242795490864637;0.038915094339622639807441117910;0.029481132075471698505975126636;0.037735849056603772144757869000;0.057783018867924529349267004363;0.086674528301886794023900506545
-0.027122641509433963180608628818;0.069575471698113205976099493455;0.066037735849056602988049746727;0.405070754716981118459528943276;0.030070754716981132337316751091;0.064268867924528308432918777271;0.044221698113207544289515738001;0.065448113207547176095602026180;0.046580188679245279614882235819;0.052476415094339624867192384272;0.066627358490566043758285275089;0.062500000000000000000000000000
-0.037735849056603772144757869000;0.056603773584905661686583755454;0.055223193741371377762927608046;0.494247583985273797324566658062;0.028071790151863781209717885190;0.054763000460193278495779622972;0.029912563276576160931075065719;0.052922227335480902243869394397;0.040036815462494247663816082650;0.036815462494247580549355802759;0.056143580303727562419435770380;0.057524160147261853281985821695
-0.048027444253859345735246932918;0.076043453401943961189601850492;0.090337335620354494714057125293;0.375071469411092039969446432224;0.017152658662092624963779741165;0.045168667810177247357028562647;0.058890794739851343164716013234;0.098341909662664372948626123616;0.036020583190394514505605627619;0.037735849056603772144757869000;0.044596912521440823518048546248;0.072612921669525445911297367729
-0.019640852974186308321780103370;0.099887766554433224386322365262;0.127946127946127946595211710701;0.360830527497194186725693043627;0.030303030303030303871381079261;0.058922558922558924965340310109;0.046576879910213246638317485804;0.052188552188552186916759012547;0.025252525252525252069668582067;0.031425364758698094702626946173;0.052188552188552186916759012547;0.094837261503928169115162916114
-0.036118598382749327047047671613;0.076010781671159030614681739735;0.074393530997304585516971542347;0.408086253369272233815223671627;0.018867924528301886072378934500;0.051752021563342319454559259384;0.054986522911051209649979654159;0.076549865229110516939847741469;0.047439353099730456608806861141;0.035579514824797840721881669879;0.051212938005390833129393257650;0.069002695417789763898674948450
-0.044221698113207544289515738001;0.040094339622641507470124366819;0.054834905660377360192558882090;0.477594339622641528286806078540;0.018278301886792452241037310046;0.039504716981132073638782742364;0.026533018867924529349267004363;0.139740566037735852722434515272;0.041273584905660375132807615728;0.037146226415094338313416244546;0.040094339622641507470124366819;0.040683962264150941301465991273
-0.065448113207547176095602026180;0.065448113207547176095602026180;0.079009433962264147277565484728;0.430424528301886766268324890916;0.016509433962264150747012436682;0.042452830188679242795490864637;0.035966981132075470650732995637;0.081367924528301882602931982547;0.042452830188679242795490864637;0.056603773584905661686583755454;0.046580188679245279614882235819;0.037735849056603772144757869000
-0.014814814814814815380206169948;0.124867724867724863568874127395;0.069312169312169311097271418021;0.302116402116402116284632484167;0.070899470899470892759630658020;0.069841269841269842943987100625;0.076190476190476197348999676251;0.017460317460317460735996775156;0.048677248677248680097662258959;0.022222222222222223070309254922;0.065079365079365084079121572813;0.118518518518518523041649359584
-0.024764150943396227855242131000;0.109080188679245279614882235819;0.066037735849056602988049746727;0.300707547169811295617591895279;0.035377358490566036819391371182;0.073113207547169808964149240182;0.091981132075471691567081222729;0.063089622641509440770235528362;0.048938679245283021879142637545;0.031250000000000000000000000000;0.063089622641509440770235528362;0.092570754716981132337316751091
-0.021226415094339621397745432319;0.119811320754716982284193704800;0.079245283018867920810102134510;0.383962264150943421991968307339;0.023113207547169809658038630573;0.068396226415094338313416244546;0.069811320754716979508636143237;0.026886792452830189648071979036;0.034433962264150942689244772055;0.029716981132075472038511776418;0.063679245283018867662683248909;0.079716981132075467875175434074
-0.037735849056603772144757869000;0.120020964360586998576074790890;0.083857442348008390253788491009;0.206498951781970641050634185376;0.044549266247379454286559052889;0.093291404612159331555254482282;0.070230607966457025970186123232;0.025681341719077568214180118389;0.058700209643605873177651943706;0.042976939203354297402981387677;0.070754716981132073638782742364;0.145702306079664556381914053418
-0.034198113207547169156708122273;0.098466981132075470650732995637;0.087853773584905661686583755454;0.226415094339622646746335021817;0.043632075471698110458174113546;0.088443396226415088579031476002;0.050707547169811323373167510908;0.036556603773584904482074620091;0.060731132075471698505975126636;0.040683962264150941301465991273;0.063089622641509440770235528362;0.169221698113207558167303545815
-0.022536687631027254447024787964;0.101153039832285115973142808343;0.090146750524109017788099151858;0.364255765199161418710360749174;0.044025157232704399679068529849;0.065513626834381555319453127595;0.034591194968553458377602538576;0.042976939203354297402981387677;0.050314465408805034152273094605;0.035639412997903560653689680748;0.055031446540880504803006090242;0.093815513626834379223851101415
-0.019887812340642529312928488139;0.082100968893421721883640884698;0.097909229984701681703818110236;0.375318714941356434966479582727;0.035186129525752167512830936857;0.056093829678735336596862026681;0.050994390617032127333008162395;0.057623661397246304927133309093;0.059153493115757266318510687597;0.023457419683834777185404973920;0.056603773584905661686583755454;0.085670576236613976695011274387
-0.021276595744680850547103645454;0.068343004513217273099279225335;0.113475177304964536251219442420;0.385557704706640858027810736530;0.015473887814313346325545417415;0.037395228884590583917635342459;0.041908446163765315783944487293;0.092198581560283682234668845012;0.031592520954223081430800590397;0.058027079303675045685029232345;0.074145712443584782525007881304;0.060606060606060607742762158523
-0.017152658662092624963779741165;0.104631217838765014360724592279;0.081189251000571754923740286358;0.391080617495711824194160044499;0.022298456260720411759024273124;0.072612921669525445911297367729;0.063464837049742706120980528794;0.026872498570611778184735740638;0.039451114922813036722804014289;0.035448827901658090666625611220;0.062321326472269865381914399904;0.083476272155517436401872544138
-0.052469135802469132889847003298;0.080761316872427976742976341029;0.080761316872427976742976341029;0.377057613168724270469311932175;0.018004115226337449873206253415;0.045267489711934158491679625058;0.026748971193415637531698436646;0.110082304526748969708549452662;0.044238683127572016318129755064;0.036008230452674899746412506829;0.048353909465020578073435331135;0.080246913580246909125648357985
-0.024797843665768194015841530131;0.082479784366576824883310337100;0.119137466307277631316630106539;0.281940700808625321904798965988;0.030188679245283019103585075982;0.060377358490566038207170151964;0.061994609164420483304880349351;0.081401617250673852232978333632;0.064150943396226414727756548473;0.043665768194070080088220464631;0.054986522911051209649979654159;0.094878706199460913217613722281
-0.041404612159329140519403722465;0.165094339622641500531230462911;0.129454926624737953755328589978;0.014675052410901468294412985927;0.033018867924528301494024873364;0.099580712788259959089565143131;0.113731656184486371041764130041;0.068134171907756807540224031072;0.053459119496855347919428425030;0.050314465408805034152273094605;0.087002096436058704020943821433;0.144129979035639399498336388206
-0.007303712720632988576741073672;0.200243457090687776434023703587;0.136944613511868540367544255787;0.017041996348143639145034100579;0.033475349969567864960584557821;0.096165550821667680758686458375;0.088253195374315279719823479354;0.053560559951308581161377730950;0.059038344491783321943412232713;0.042604990870359099597308727425;0.102860620815581255138582150721;0.162507608034083983472584122865
-0.026205450733752619352223689475;0.144129979035639399498336388206;0.151467505241090150125415902949;0.124213836477987421558211167394;0.050838574423480081820869713738;0.074423480083857448952322499736;0.070230607966457025970186123232;0.051886792452830191035850759818;0.066561844863731650656646365860;0.029350104821802936588825971853;0.084381551362683437922385110141;0.126310272536687639988173259553
-0.025336927223719676871560579912;0.099730458221024262388532122259;0.116442048517520213568587905684;0.352021563342318044576018110092;0.026415094339622642582998679472;0.047978436657681942933972862875;0.077088948787061989387225935388;0.047439353099730456608806861141;0.028571428571428570536427926640;0.024258760107816711160122480351;0.067924528301886791248342944982;0.086792452830188673851274927529
-0.016037735849056603681939137118;0.100471698113207552616188422689;0.107547169811320758592287916144;0.346226415094339601274953110988;0.022169811320754715527892031446;0.058018867924528302881803654145;0.077830188679245279614882235819;0.089150943396226409176641425347;0.033490566037735848559098172927;0.025471698113207548452852080345;0.054245283018867926361217257636;0.069339622641509432443562843673
-0.043665768194070080088220464631;0.064150943396226414727756548473;0.058760107816711593109459954576;0.385983827493261433261295678676;0.027493261455525604824989827080;0.058221024258760106784293952842;0.040431266846361182953906165949;0.079784366576819407135268136244;0.067385444743935304923176943248;0.043665768194070080088220464631;0.061455525606469003918608251524;0.069002695417789763898674948450
-0.065712426805465184997956384905;0.058555627846454127993780502948;0.054001301236174366338094188222;0.418998048145738433145623957898;0.045543266102797658190226570696;0.042290175666883540739338087633;0.042290175666883540739338087633;0.046193884189980480292625486527;0.074821080026024722187116822170;0.029928432010409889568736119259;0.050748210800260248887205705159;0.070917371502927775694935519368
-0.038679245283018866274904468128;0.077358490566037732549808936255;0.066037735849056602988049746727;0.416509433962264141726450361602;0.013207547169811321291499339736;0.052358490566037738100924059381;0.052358490566037738100924059381;0.107075471698113211527214616581;0.027358490566037736713145278600;0.044811320754716978120857362455;0.051415094339622643970777460254;0.052830188679245285165997358945
-0.003651856360316494288370536836;0.123554473524041391607752871096;0.052951917224589167831894087612;0.408399269628727912273546962751;0.025562994522215460452274626846;0.063298843578819236066479447800;0.041387705416920265999447536842;0.034083992696287278290068201159;0.024345709068776626854413436263;0.031649421789409618033239723900;0.079123554473524038144205405843;0.111990261716372482836412416418
-0.020485175202156334639536083841;0.121293800539083562739506305661;0.069002695417789763898674948450;0.333153638814016161973086127546;0.026415094339622642582998679472;0.071159029649595681443763339757;0.084097035040431269981020534487;0.033423180592991916237899374664;0.053908355795148250877435458506;0.033962264150943395624171472491;0.063072776280323455955212352819;0.090026954177897577924483130118
-0.027493261455525604824989827080;0.069002695417789763898674948450;0.072237196765498654094095343225;0.416172506738544500937138082008;0.033423180592991916237899374664;0.068463611859838277573508946716;0.052830188679245285165997358945;0.071698113207547167768929341491;0.034501347708894881949337474225;0.037196765498652292758485771174;0.053369272237196764552269456772;0.063611859838274928402590546739
-0.010662177328843995549600975892;0.087542087542087546059299540957;0.101010101010101008278674328267;0.355780022446689103698957978850;0.043771043771043773029649770478;0.047138047138047138584493467306;0.059483726150392816911516291611;0.063973063973063973297605855350;0.047699214365881030530669448808;0.035914702581369251088716509912;0.069584736251402920514941286001;0.077441077441077435516980642660
-0.066778900112233446906273570676;0.053310886644219977748004879459;0.083052749719416382734316073311;0.366442199775533106187452858649;0.023569023569023569292246733653;0.050505050505050504139337164133;0.030864197530864195817557060764;0.089786756453423113844003466966;0.053310886644219977748004879459;0.072951739618406286069784982828;0.051066217732884396085513145636;0.058361391694725026080270424700
-0.028356481481481482509465763542;0.056712962962962965018931527084;0.095486111111111104943205418749;0.434027777777777790113589162502;0.018518518518518517490534236458;0.039930555555555552471602709375;0.042245370370370370627366440885;0.129629629629629622433739655207;0.032986111111111111882099322656;0.041666666666666664353702032031;0.041087962962962965018931527084;0.039351851851851853136832204427
-0.083333333333333328707404064062;0.061546840958605665561353958992;0.068082788671023963811279600122;0.382897603485838788905937235540;0.011437908496732025406816823931;0.036492374727668842882000177497;0.031590413943355120929279422626;0.149237472766884538000198290320;0.036492374727668842882000177497;0.058823529411764705066012481893;0.048474945533769062122608772825;0.031590413943355120929279422626
-0.071268237934904596353469230507;0.071829405162738502177433019824;0.132435465768799109920195178347;0.190235690235690230176501813730;0.023007856341189673876623800197;0.042087542087542090252227922065;0.048821548821548821361915315720;0.163299663299663305737752239111;0.053872053872053869694180860961;0.067901234567901230798625533680;0.071829405162738502177433019824;0.063411896745230081351429873848
-0.069575471698113205976099493455;0.087264150943396220916348227092;0.113797169811320750265615231456;0.193396226415094352191204052360;0.026533018867924529349267004363;0.056603773584905661686583755454;0.040094339622641507470124366819;0.172759433962264147277565484728;0.048349056603773588047801013090;0.077830188679245279614882235819;0.063089622641509440770235528362;0.050707547169811323373167510908
-0.075866188769414574788463312416;0.086618876941457589868633704100;0.130227001194743119416585841464;0.195340501792114706880454377824;0.020310633213859018847413651088;0.048387096774193547044085050857;0.041816009557945038599413578595;0.179211469534050177321304886391;0.038231780167264035885654749336;0.065113500597371559708292920732;0.063321385902031068759754361963;0.055555555555555552471602709375
-0.071802935010482182853763788444;0.074947589098532496620919118868;0.123165618448637312343230121314;0.255241090146750504441541806955;0.020440251572327042955956599712;0.041404612159329140519403722465;0.045597484276729556562646195061;0.147798742138364774811876145577;0.035639412997903560653689680748;0.069182389937106916755205077152;0.072327044025157230522360407576;0.042452830188679242795490864637
-0.120020964360586998576074790890;0.068658280922431869086608458019;0.094863731656184488438832147494;0.222746331236897271432795264445;0.020964360587002097563447122752;0.046121593291404611170136718101;0.045073375262054508894049575929;0.134696016771488458196870396932;0.057127882599580709355180374587;0.073899371069182387405938072789;0.060796645702306077729826228051;0.055031446540880504803006090242
-0.079784366576819407135268136244;0.092722371967654981794737523160;0.111051212938005391950291311787;0.169811320754716971181963458548;0.024797843665768194015841530131;0.046900269541778977222534763314;0.042587601078167114376782365071;0.196765498652291093151234235847;0.048517520215633422320244960702;0.058760107816711593109459954576;0.077628032345013475712391937122;0.050673854447439353743121159823
-0.045283018867924525185930662019;0.086792452830188673851274927529;0.115902964959568727243421903950;0.234501347708894886112673816569;0.024258760107816711160122480351;0.046361185983827490897368761580;0.053369272237196764552269456772;0.167654986522911053636875067241;0.035579514824797840721881669879;0.057681940700808627398021855015;0.069002695417789763898674948450;0.063611859838274928402590546739
-0.031805929919137464201295273369;0.090026954177897577924483130118;0.087870619946091646501606930997;0.367654986522911064739105313492;0.038274932614555258469923870734;0.054447439353099730263707556333;0.054447439353099730263707556333;0.058760107816711593109459954576;0.046361185983827490897368761580;0.043126684636118600701948366805;0.052291105121293798840831357211;0.074932614555256057964349736267
-0.030922431865828093472403637065;0.075995807127882605835900164948;0.098532494758909849874584097051;0.354821802935010477408894757900;0.028825995807127881981335448813;0.049790356394129979544782571566;0.060796645702306077729826228051;0.079140461215932919603055495372;0.040880503144654085911913199425;0.045597484276729556562646195061;0.055031446540880504803006090242;0.079664570230607967271652114505
-0.014016172506738543840354438430;0.109433962264150946852581114399;0.094339622641509440770235528362;0.341239892183288429095000537927;0.028571428571428570536427926640;0.081401617250673852232978333632;0.063072776280323455955212352819;0.023719676549865228304403430570;0.044204851752021566413386466365;0.040970350404312669279072167683;0.063611859838274928402590546739;0.095417789757412399542779724015
-0.010781671159029650175487091701;0.115902964959568727243421903950;0.047978436657681942933972862875;0.332614555256064703403495741441;0.029649595687331536247866026201;0.120754716981132076414340303927;0.031266846361185984815023175543;0.022641509433962262592965331010;0.044743935309973045799658564192;0.048517520215633422320244960702;0.077628032345013475712391937122;0.117520215633423186218919909152
-0.008625336927223720487334368556;0.121293800539083562739506305661;0.082479784366576824883310337100;0.345552560646900264185177320542;0.027493261455525604824989827080;0.074393530997304585516971542347;0.056603773584905661686583755454;0.036118598382749327047047671613;0.038814016172506737856195968561;0.034501347708894881949337474225;0.058760107816711593109459954576;0.115363881401617254796043710030
-0.022641509433962262592965331010;0.087264150943396220916348227092;0.073113207547169808964149240182;0.341509433962264130624220115351;0.034905660377358489754318071618;0.090566037735849050371861324038;0.051415094339622643970777460254;0.032547169811320754428951573800;0.063207547169811320597609949345;0.035377358490566036819391371182;0.071698113207547167768929341491;0.095754716981132081965455427053
-0.016037735849056603681939137118;0.111792452830188682177947612217;0.070283018867924526573709442800;0.317924528301886777370555137168;0.031132075471698113233731675109;0.077358490566037732549808936255;0.082075471698113203200541931892;0.047169811320754720385117764181;0.043396226415094336925637463764;0.032075471698113207363878274236;0.069339622641509432443562843673;0.101415094339622646746335021817
-0.016037735849056603681939137118;0.127358490566037735325366497818;0.074056603773584903094295839310;0.323584905660377342151434731932;0.032547169811320754428951573800;0.070754716981132073638782742364;0.071698113207547167768929341491;0.045283018867924525185930662019;0.035377358490566036819391371182;0.040566037735849054535197666382;0.066981132075471697118196345855;0.095754716981132081965455427053
-0.015094339622641509551792537991;0.124056603773584905869853400873;0.077358490566037732549808936255;0.340094339622641517184575832289;0.028773584905660377908365177291;0.069811320754716979508636143237;0.072641509433962261899075940619;0.030188679245283019103585075982;0.033490566037735848559098172927;0.029716981132075472038511776418;0.069339622641509432443562843673;0.109433962264150946852581114399
-0.018396226415094339007305634937;0.056603773584905661686583755454;0.051415094339622643970777460254;0.486792452830188682177947612217;0.020754716981132074332672132755;0.051886792452830191035850759818;0.045283018867924525185930662019;0.096698113207547176095602026180;0.028773584905660377908365177291;0.031132075471698113233731675109;0.041981132075471695730417565073;0.070283018867924526573709442800
-0.041037735849056601600270965946;0.058018867924528302881803654145;0.048113207547169814515264363308;0.550471698113207508207267437683;0.016037735849056603681939137118;0.030188679245283019103585075982;0.036320754716981130949537970309;0.086792452830188673851274927529;0.026886792452830189648071979036;0.020283018867924527267598833191;0.037264150943396225079684569437;0.048584905660377361580337662872
-0.044811320754716978120857362455;0.054245283018867926361217257636;0.049056603773584908645410962436;0.550471698113207508207267437683;0.019339622641509433137452234064;0.027358490566037736713145278600;0.025943396226415095517925379909;0.096698113207547176095602026180;0.025471698113207548452852080345;0.024528301886792454322705481218;0.041037735849056601600270965946;0.041037735849056601600270965946
-0.041037735849056601600270965946;0.053773584905660379296143958072;0.044811320754716978120857362455;0.561792452830188637769026627211;0.015566037735849056616865837555;0.029716981132075472038511776418;0.031603773584905660298804974673;0.092924528301886785697227821856;0.025471698113207548452852080345;0.022641509433962262592965331010;0.038207547169811319209831168564;0.042452830188679242795490864637
-0.039622641509433960405051067255;0.055188679245283020491363856763;0.050471698113207549840630861127;0.547169811320754706507329956366;0.015094339622641509551792537991;0.032547169811320754428951573800;0.028301886792452830843291877727;0.104245283018867929136774819199;0.030660377358490566168658375545;0.022169811320754715527892031446;0.040566037735849054535197666382;0.033962264150943395624171472491
-0.053773584905660379296143958072;0.061320754716981132337316751091;0.052830188679245285165997358945;0.498584905660377331049204485680;0.019811320754716980202525533628;0.031603773584905660298804974673;0.031603773584905660298804974673;0.100471698113207552616188422689;0.030660377358490566168658375545;0.033962264150943395624171472491;0.049056603773584908645410962436;0.036320754716981130949537970309
-0.045283018867924525185930662019;0.062264150943396226467463350218;0.047641509433962267450191063745;0.522641509433962259123518379056;0.015094339622641509551792537991;0.038207547169811319209831168564;0.032075471698113207363878274236;0.100000000000000005551115123126;0.031603773584905660298804974673;0.026415094339622642582998679472;0.034433962264150942689244772055;0.044339622641509431055784062892
-0.047641509433962267450191063745;0.051886792452830191035850759818;0.052358490566037738100924059381;0.527358490566037785285402605950;0.016509433962264150747012436682;0.036320754716981130949537970309;0.025000000000000001387778780781;0.100943396226415099681261722253;0.034905660377358489754318071618;0.023584905660377360192558882090;0.042924528301886789860564164201;0.040566037735849054535197666382
-0.033490566037735848559098172927;0.054716981132075473426290557200;0.057075471698113208751657055018;0.529716981132075437344042256882;0.018396226415094339007305634937;0.042452830188679242795490864637;0.031603773584905660298804974673;0.098584905660377364355895224435;0.025471698113207548452852080345;0.022169811320754715527892031446;0.040094339622641507470124366819;0.046226415094339619316077261146
-0.039622641509433960405051067255;0.045283018867924525185930662019;0.056603773584905661686583755454;0.511792452830188704382408104721;0.016037735849056603681939137118;0.038679245283018866274904468128;0.025471698113207548452852080345;0.121226415094339623479413603491;0.025943396226415095517925379909;0.025943396226415095517925379909;0.050000000000000002775557561563;0.043396226415094336925637463764
-0.044811320754716978120857362455;0.058018867924528302881803654145;0.053773584905660379296143958072;0.500943396226415149641297830385;0.017924528301886791942232335373;0.040094339622641507470124366819;0.030660377358490566168658375545;0.121698113207547170544486903054;0.021698113207547168462818731882;0.027358490566037736713145278600;0.046226415094339619316077261146;0.036792452830188678014611269873
-0.041037735849056601600270965946;0.057547169811320755816730354582;0.064150943396226414727756548473;0.486792452830188682177947612217;0.018396226415094339007305634937;0.034433962264150942689244772055;0.031603773584905660298804974673;0.128773584905660376520586396509;0.031132075471698113233731675109;0.022169811320754715527892031446;0.041037735849056601600270965946;0.042924528301886789860564164201
-0.047169811320754720385117764181;0.057547169811320755816730354582;0.054245283018867926361217257636;0.477830188679245260185979304879;0.014150943396226415421645938864;0.041509433962264148665344265510;0.038207547169811319209831168564;0.125000000000000000000000000000;0.027830188679245283778218578163;0.034905660377358489754318071618;0.043867924528301883990710763328;0.037735849056603772144757869000
-0.044893378226711556922001733483;0.050505050505050504139337164133;0.050505050505050504139337164133;0.508978675645342271138815704035;0.021324354657687991099201951783;0.038720538720538717758490321330;0.030303030303030303871381079261;0.117845117845117849930680620218;0.028058361391694725678336297392;0.028058361391694725678336297392;0.046576879910213246638317485804;0.034231200897867561372400757591
-0.037264150943396225079684569437;0.041509433962264148665344265510;0.057547169811320755816730354582;0.540094339622641528286806078540;0.016509433962264150747012436682;0.030660377358490566168658375545;0.029245283018867924973438476854;0.104716981132075476201848118762;0.028301886792452830843291877727;0.033018867924528301494024873364;0.039622641509433960405051067255;0.041509433962264148665344265510
-0.050943396226415096905704160690;0.043867924528301883990710763328;0.043396226415094336925637463764;0.576886792452830143851372213248;0.018396226415094339007305634937;0.030660377358490566168658375545;0.017924528301886791942232335373;0.086320754716981126786201627965;0.023584905660377360192558882090;0.029716981132075472038511776418;0.036792452830188678014611269873;0.041509433962264148665344265510
-0.071698113207547167768929341491;0.057075471698113208751657055018;0.070754716981132073638782742364;0.504716981132075526161884226894;0.014150943396226415421645938864;0.037264150943396225079684569437;0.024528301886792454322705481218;0.059905660377358491142096852400;0.021698113207547168462818731882;0.039622641509433960405051067255;0.047641509433962267450191063745;0.050943396226415096905704160690
-0.045283018867924525185930662019;0.058962264150943397011950253273;0.063207547169811320597609949345;0.485849056603773588047801013090;0.016509433962264150747012436682;0.037735849056603772144757869000;0.037735849056603772144757869000;0.103773584905660382071701519635;0.025000000000000001387778780781;0.030660377358490566168658375545;0.041981132075471695730417565073;0.053301886792452832231070658509
-0.041509433962264148665344265510;0.048584905660377361580337662872;0.064150943396226414727756548473;0.483490566037735824966858899643;0.014150943396226415421645938864;0.038207547169811319209831168564;0.043867924528301883990710763328;0.108962264150943399787507814835;0.026415094339622642582998679472;0.035377358490566036819391371182;0.046226415094339619316077261146;0.049056603773584908645410962436
-0.033962264150943395624171472491;0.055188679245283020491363856763;0.055660377358490567556437156327;0.529716981132075437344042256882;0.012264150943396227161352740609;0.036320754716981130949537970309;0.029245283018867924973438476854;0.110377358490566040982727713526;0.019339622641509433137452234064;0.025471698113207548452852080345;0.051886792452830191035850759818;0.040566037735849054535197666382
-0.046698113207547166381150560710;0.055188679245283020491363856763;0.060377358490566038207170151964;0.499528301886792425179351084807;0.014150943396226415421645938864;0.033018867924528301494024873364;0.041509433962264148665344265510;0.118867924528301888154047105672;0.020754716981132074332672132755;0.035849056603773583884464670746;0.040566037735849054535197666382;0.033490566037735848559098172927
-0.039622641509433960405051067255;0.056132075471698114621510455891;0.056603773584905661686583755454;0.497641509433962236919057886553;0.011792452830188680096279441045;0.036792452830188678014611269873;0.043396226415094336925637463764;0.126415094339622641195219898691;0.024056603773584907257632181654;0.023584905660377360192558882090;0.037735849056603772144757869000;0.046226415094339619316077261146
-0.038679245283018866274904468128;0.056132075471698114621510455891;0.068396226415094338313416244546;0.517452830188679269163287699484;0.009905660377358490101262766814;0.031603773584905660298804974673;0.036320754716981130949537970309;0.105188679245283023266921418326;0.022641509433962262592965331010;0.025943396226415095517925379909;0.047641509433962267450191063745;0.040094339622641507470124366819
-0.057783018867924529349267004363;0.041273584905660375132807615728;0.060731132075471698505975126636;0.561320754716981173970680174534;0.012971698113207547758962689954;0.032429245283018867662683248909;0.027712264150943397011950253273;0.090212264150943397011950253273;0.030660377358490566168658375545;0.015919811320754716915670812227;0.031839622641509433831341624455;0.037146226415094338313416244546
-0.059299191374663072495732052403;0.059299191374663072495732052403;0.062533692722371969630046351085;0.490566037735849058698534008727;0.011320754716981131296482665505;0.039892183288409703567634068122;0.035579514824797840721881669879;0.093800539083557954445069526628;0.030188679245283019103585075982;0.024797843665768194015841530131;0.049056603773584908645410962436;0.043665768194070080088220464631
-0.058962264150943397011950253273;0.053773584905660379296143958072;0.069339622641509432443562843673;0.489622641509433964568387409599;0.015094339622641509551792537991;0.041037735849056601600270965946;0.031132075471698113233731675109;0.103301886792452835006628220071;0.028773584905660377908365177291;0.026886792452830189648071979036;0.041981132075471695730417565073;0.040094339622641507470124366819
-0.045385007649158592979432569336;0.062723100458949521129881077286;0.061193268740438552799609794874;0.471188169301376857944774201314;0.022947475777664455565130197101;0.048444671086180522701081230252;0.032126466088730237791182275942;0.092299847016828154289136421085;0.040795512493625701866406529916;0.022437531871494133944855420282;0.052524222335543088724385540900;0.047934727180010197611359501479
-0.053908355795148250877435458506;0.056064690026954175361417753720;0.078706199460916448362723940591;0.371428571428571441259691710002;0.017250673854447440974668737113;0.034501347708894881949337474225;0.044743935309973045799658564192;0.152021563342318061229363479470;0.040970350404312669279072167683;0.040970350404312669279072167683;0.059838274932614551882004150229;0.049595687331536388031683060262
-0.038915094339622639807441117910;0.048349056603773588047801013090;0.068396226415094338313416244546;0.461084905660377353253664978183;0.025353773584905661686583755454;0.045400943396226411952198986910;0.041863207547169808964149240182;0.090212264150943397011950253273;0.047169811320754720385117764181;0.037146226415094338313416244546;0.043042452830188676626832489092;0.053066037735849058698534008727
-0.028930817610062893596722943812;0.047798742138364783138548830266;0.043396226415094336925637463764;0.593081761006289287507797780563;0.020754716981132074332672132755;0.038364779874213834898188935085;0.029559748427672956350154009897;0.054716981132075473426290557200;0.022012578616352199839534264925;0.032075471698113207363878274236;0.047169811320754720385117764181;0.042138364779874211418775331595
-0.025876010781671159727279629692;0.097035040431266844640489921403;0.074932614555256057964349736267;0.321832884097035032411326938018;0.025876010781671159727279629692;0.089487870619946091599317128384;0.065768194070080859825466745860;0.047439353099730456608806861141;0.056603773584905661686583755454;0.025336927223719676871560579912;0.072237196765498654094095343225;0.097574123989218330965655923137
-0.030993042378241620476986284416;0.074003795066413663450433091384;0.099304237824161922798538171264;0.300442757748260569350406967715;0.030993042378241620476986284416;0.055660974067046176116946298862;0.034155597722960152895499419401;0.141682479443390269002733816706;0.037950664136622389022157619820;0.046805819101834282569551959341;0.056293485135989876355644412342;0.091714104996837450545221770426
-0.032018296169239568449427224550;0.062321326472269865381914399904;0.095483133218982274570407753345;0.396226415094339645683874095994;0.032018296169239568449427224550;0.049742710120068610313293078207;0.033733562035448826088579465932;0.097198399085191539148453898633;0.040594625500285877461870143179;0.033161806746712409188493353440;0.054316752429959980208451497674;0.073184676958261862811383480221
-0.038196042337781871411905854075;0.053382420616658994572123475564;0.053842613897837093839271460638;0.486884491486424320072501359391;0.035434882650713296625699655351;0.053382420616658994572123475564;0.063046479521398982037716507421;0.039116428900138056068414016408;0.038656235618959963740159935242;0.030372756557754256728776098839;0.047860101242521858877498885931;0.059825126553152321862150131437
-0.008283479061205707011383836402;0.133456051541647496838649544770;0.081914404049700878518436297782;0.178094799815922688601688150811;0.049700874367234235129409114506;0.112747353888633231044913429741;0.075931891394385636617769819168;0.043258168430740907839382458633;0.066267832489645656091070691218;0.035434882650713296625699655351;0.058904739990796137205641969103;0.156005522319374145823189792281
-0.015298317185109638199902448719;0.133095359510453842277755143186;0.073941866394696589837032263404;0.252932177460479357122835608607;0.029066802651708311538980566979;0.086180520142784294845839099253;0.062213156552779196040159348513;0.058133605303416623077961133959;0.037225905150433453993930044135;0.038755736868944415385307422639;0.080061193268740435402541777421;0.133095359510453842277755143186
-0.027643703378674857468189074439;0.110574813514699429872756297755;0.063185607722685388498717884431;0.358051777095217182989017601358;0.034225537516454587749770155369;0.078982009653356735623397355539;0.047389205792014041374038413323;0.022817025010969722853548802277;0.040368582711715665645169082154;0.044317683194383498956891997977;0.069328652917946473333010715123;0.103115401491882405227151764393
-0.021226415094339621397745432319;0.117334905660377353253664978183;0.056014150943396227855242131000;0.408018867924528294555130969457;0.019457547169811319903720558955;0.087853773584905661686583755454;0.034787735849056602988049746727;0.012971698113207547758962689954;0.033608490566037735325366497818;0.035377358490566036819391371182;0.070754716981132073638782742364;0.102594339622641514409018270726
-0.010691823899371068543051599420;0.099371069182389942797684057041;0.054088050314465410672859491115;0.399371069182389959451029426418;0.027672955974842768089860811642;0.083647798742138360084119597104;0.030817610062893081857016142067;0.018867924528301886072378934500;0.053459119496855347919428425030;0.042138364779874211418775331595;0.067295597484276728494911878897;0.112578616352201260619736444824
-0.015094339622641509551792537991;0.105660377358490570331994717890;0.054986522911051209649979654159;0.345013477088948805615586934437;0.023180592991913745448684380790;0.115902964959568727243421903950;0.027493261455525604824989827080;0.011859838274932614152201715285;0.052291105121293798840831357211;0.034501347708894881949337474225;0.080323450134770893460434137978;0.133692722371967664951597498657
-0.017789757412398920360940834939;0.147169811320754712058445079492;0.079245283018867920810102134510;0.252291105121293823820849411277;0.035040431266846361335609572052;0.102425876010781666258786515300;0.050134770889487867417955158089;0.024258760107816711160122480351;0.045822102425876011511096663753;0.048517520215633422320244960702;0.074393530997304585516971542347;0.122911051212938007837216503049
-0.019946091644204851783817034061;0.099730458221024262388532122259;0.074932614555256057964349736267;0.459299191374663073883510833184;0.016172506738544475263230637552;0.049595687331536388031683060262;0.044204851752021566413386466365;0.077628032345013475712391937122;0.032345013477088950526461275103;0.025336927223719676871560579912;0.047439353099730456608806861141;0.053369272237196764552269456772
-0.044204851752021566413386466365;0.054986522911051209649979654159;0.072237196765498654094095343225;0.438814016172506760060656461064;0.022641509433962262592965331010;0.054986522911051209649979654159;0.034501347708894881949337474225;0.069002695417789763898674948450;0.054447439353099730263707556333;0.041509433962264148665344265510;0.048517520215633422320244960702;0.064150943396226414727756548473
-0.028032345013477087680708876860;0.074393530997304585516971542347;0.072776280323450140419261344960;0.368733153638814037389437316961;0.031805929919137464201295273369;0.049056603773584908645410962436;0.071159029649595681443763339757;0.078167115902964962037557938856;0.060916442048517517593442249790;0.030188679245283019103585075982;0.049056603773584908645410962436;0.085714285714285715078730731875
-0.014555256064690026696073488210;0.099191374663072776063366120525;0.082479784366576824883310337100;0.343396226415094318884513313606;0.031805929919137464201295273369;0.065768194070080859825466745860;0.058221024258760106784293952842;0.065768194070080859825466745860;0.043126684636118600701948366805;0.040431266846361182953906165949;0.057142857142857141072855853281;0.098113207547169817290821924871
-0.019407008086253368928097984281;0.101347708894878707486242319646;0.064150943396226414727756548473;0.342857142857142860314922927500;0.019946091644204851783817034061;0.088409703504043132826772932731;0.054447439353099730263707556333;0.058760107816711593109459954576;0.043126684636118600701948366805;0.045283018867924525185930662019;0.073315363881401612866639538879;0.088948787061994605274151126650
-0.012971698113207547758962689954;0.090801886792452823904397973820;0.097877358490566043758285275089;0.350235849056603765205863965093;0.021226415094339621397745432319;0.063089622641509440770235528362;0.061320754716981132337316751091;0.064858490566037735325366497818;0.045400943396226411952198986910;0.029481132075471698505975126636;0.068985849056603779083651772908;0.093750000000000000000000000000
-0.024013722126929672867623466459;0.058319039451114926264629900743;0.066895368782161235277072819372;0.489422527158376197142786168115;0.020011435105774726811445063390;0.052601486563750715630405352385;0.037735849056603772144757869000;0.049170954831332186474313061808;0.042309891366495142039916288468;0.046883933676386504996180804028;0.054888507718696397108537610166;0.057747284162378502425649884344
-0.032770605759682221169715177211;0.070506454816285993314473046212;0.045183714001986098607321906684;0.369414101290963248214183067830;0.092353525322740812053545766958;0.060079443892750744593556078144;0.049652432969215488933745206168;0.029294935451837141732189806476;0.105263157894736836261984080920;0.028798411122144984553017366125;0.046176762661370406026772883479;0.070506454816285993314473046212
-0.038259958071278826752248392040;0.061320754716981132337316751091;0.070754716981132073638782742364;0.379454926624737953755328589978;0.043501048218029352010471910717;0.056603773584905661686583755454;0.061844863731656186944807274131;0.048742138364779877268695429393;0.057651991614255763962670897627;0.047693920335429768053714383313;0.048218029350104822661204906353;0.085953878406708594805962775354
-0.013277428371767993967034193759;0.088749126484975543460720359690;0.121593291404612155459652456102;0.336827393431167021464744948389;0.025157232704402517076136547303;0.050314465408805034152273094605;0.084556254367575120478583983186;0.073375262054507339737341453656;0.040531097134870720799515453336;0.024458420684835779912447151219;0.069881201956673660857788377143;0.071278825995807121307379361497
-0.009108653220559531984990009335;0.169160702667534162957352350531;0.068314899154196487285339856044;0.291476903057905023519680298705;0.016265452179570590723889367268;0.109954456733897198983385123938;0.055953155497722839584184839623;0.007156798959011060473622833911;0.031880286271958359345379818706;0.035133376707872476796268301769;0.086532205595315547785872922759;0.119063109954456736172545561203
-0.033832140533506832591470470106;0.086532205595315547785872922759;0.059206245933636957035073322686;0.352635003253090439923056464977;0.051398828887443070989604620991;0.058555627846454127993780502948;0.050097592713077426784806789328;0.058555627846454127993780502948;0.055302537410540010542892019885;0.034482758620689654693869385937;0.047495120364346131436317222096;0.111906310995445679168369679246
-0.017650639074863055943964695871;0.107121119902617162322755461901;0.091905051734631773574513147196;0.394400486914181391817635358166;0.033475349969567864960584557821;0.044430919050517346524653561346;0.087644552647595866390339836016;0.052951917224589167831894087612;0.026171637248934873781758270184;0.021911138161898966597584959004;0.045039561777236759854137204684;0.077297626293365798155754475829
-0.026024723487312946546001768411;0.081327260897852957088893788296;0.073519843851659077982318990507;0.426805465191932353885562179130;0.041639557579700718636939171802;0.035133376707872476796268301769;0.059206245933636957035073322686;0.070266753415744953592536603537;0.042940793754066362841737003464;0.033832140533506832591470470106;0.043591411841249184944135919295;0.065712426805465184997956384905
-0.038259958071278826752248392040;0.079664570230607967271652114505;0.071802935010482182853763788444;0.393081761006289331916718765569;0.024109014675052411330602453177;0.060796645702306077729826228051;0.047169811320754720385117764181;0.093815513626834379223851101415;0.036163522012578615261180203788;0.038784067085953881359738915080;0.061844863731656186944807274131;0.054507337526205450195515567202
-0.023719676549865228304403430570;0.112129380053908350722835507440;0.081940700808625338558144335366;0.397843665768194076903796485567;0.028032345013477087680708876860;0.046900269541778977222534763314;0.081401617250673852232978333632;0.048517520215633422320244960702;0.035040431266846361335609572052;0.025876010781671159727279629692;0.045822102425876011511096663753;0.072776280323450140419261344960
-0.040779062690200852669963893504;0.113207547169811323373167510908;0.077297626293365798155754475829;0.343274497869750450096404392752;0.040779062690200852669963893504;0.068776628119293969909620045655;0.065733414485696889384414021151;0.026171637248934873781758270184;0.060255629945222155541273423296;0.032866707242848444692207010576;0.063298843578819236066479447800;0.067559342665855143250652758979
-0.026280323450134771001707179039;0.076819407008086260102430742336;0.066711590296495953955613344988;0.374663072776280303699536489148;0.022237196765498651318537781663;0.076819407008086260102430742336;0.052560646900269542003414358078;0.095687331536388142705362724882;0.045822102425876011511096663753;0.038409703504043130051215371168;0.067385444743935304923176943248;0.056603773584905661686583755454
-0.010101010101010101868701518413;0.159371492704826034358944752967;0.086980920314253654113123559455;0.354096520763187427860430034343;0.020202020202020203737403036826;0.063973063973063973297605855350;0.074074074074074069962136945833;0.019640852974186308321780103370;0.027497194163860830262713363936;0.020202020202020203737403036826;0.053310886644219977748004879459;0.110549943883277212997029437247
-0.032429245283018867662683248909;0.061320754716981132337316751091;0.065448113207547176095602026180;0.371462264150943410889738061087;0.021816037735849055229087056773;0.050707547169811323373167510908;0.048938679245283021879142637545;0.136202830188679235856596960730;0.046580188679245279614882235819;0.040094339622641507470124366819;0.063089622641509440770235528362;0.061910377358490566168658375545
-0.038993710691823897651620001170;0.045283018867924525185930662019;0.063522012578616351974325482388;0.447798742138364791465221514954;0.032704402515723270117309340321;0.050314465408805034152273094605;0.062264150943396226467463350218;0.072327044025157230522360407576;0.048427672955974845891979896351;0.044025157232704399679068529849;0.044025157232704399679068529849;0.050314465408805034152273094605
-0.032145352900069881774136604236;0.073375262054507339737341453656;0.067784765897973442427826284984;0.410202655485674361202086402045;0.030747728860936407446757812068;0.060796645702306077729826228051;0.065688329839273237875652000639;0.055206149545772187359204963286;0.042627533193570932290583641588;0.030048916841369670283068415984;0.057302585604472398850273151538;0.074074074074074069962136945833
-0.050539083557951482161829659390;0.075471698113207544289515738001;0.062668463611859834272443947611;0.388140161725067378561959685612;0.024932614555256065597133030565;0.051886792452830191035850759818;0.054582210242587601844999056766;0.103773584905660382071701519635;0.040431266846361182953906165949;0.034366576819407010368045973792;0.048517520215633422320244960702;0.064690026954177901052922550207
-0.059748427672955975453739085879;0.106918238993710695838856850060;0.103773584905660382071701519635;0.341719077568134188549464624884;0.022012578616352199839534264925;0.051886792452830191035850759818;0.061844863731656186944807274131;0.057127882599580709355180374587;0.023060796645702305585068359051;0.029874213836477987726869542939;0.058176100628930818570161420666;0.083857442348008390253788491009
-0.016580903373356204594246676720;0.104631217838765014360724592279;0.092624356775300176192189383073;0.369925671812464273990883611987;0.024013722126929672867623466459;0.069182389937106916755205077152;0.052601486563750715630405352385;0.053173241852487132530491464877;0.040594625500285877461870143179;0.046312178387650088096094691537;0.059462550028587767003696029633;0.070897655803316181333251222441
-0.017688679245283018409695685591;0.110849056603773588047801013090;0.079009433962264147277565484728;0.364386792452830177158062952003;0.030070754716981132337316751091;0.050707547169811323373167510908;0.083136792452830191035850759818;0.058962264150943397011950253273;0.043042452830188676626832489092;0.033018867924528301494024873364;0.055424528301886794023900506545;0.073702830188679249734384768544
-0.044596912521440823518048546248;0.068038879359634082955032852169;0.060034305317324183903782142124;0.437392795883361940045830351664;0.024585477415666093237156530904;0.044596912521440823518048546248;0.057175528873642078586669867946;0.064608347627215553798940561592;0.040022870211549453622890126780;0.045168667810177247357028562647;0.046312178387650088096094691537;0.067467124070897652177158931863
-0.028301886792452830843291877727;0.070440251572327042262067209322;0.094339622641509440770235528362;0.454716981132075481752963241888;0.025157232704402517076136547303;0.039622641509433960405051067255;0.035849056603773583884464670746;0.066666666666666665741480812812;0.033333333333333332870740406406;0.042138364779874211418775331595;0.045911949685534587939361728104;0.063522012578616351974325482388
-0.023737066342057213524929792925;0.072428484479610463764309713497;0.083384053560559945328378717022;0.438831405964698717525607207790;0.022519780888618379927068602342;0.040779062690200852669963893504;0.037127206329884358815274225663;0.113207547169811323373167510908;0.029823493609251371105894889979;0.036518563603164945485790582325;0.052343274497869747563516540367;0.049300060864272673977204419771
-0.033333333333333332870740406406;0.069811320754716979508636143237;0.091194968553459113125292390123;0.401257861635220147711322624673;0.024528301886792454322705481218;0.049685534591194971398842028520;0.032704402515723270117309340321;0.138364779874213833510410154304;0.022641509433962262592965331010;0.025786163522012579829567613388;0.055345911949685536179721623284;0.055345911949685536179721623284
-0.020754716981132074332672132755;0.067295597484276728494911878897;0.076100628930817607042946804086;0.460377358490566046533842836652;0.021383647798742137086103198840;0.038364779874213834898188935085;0.044654088050314462432499595934;0.093710691823899364139016654462;0.036477987421383646637895736831;0.044654088050314462432499595934;0.045283018867924525185930662019;0.050943396226415096905704160690
-0.040431266846361182953906165949;0.052560646900269542003414358078;0.037735849056603772144757869000;0.525606469002695364522992349521;0.022911051212938005755548331877;0.045822102425876011511096663753;0.036388140161725070209630672480;0.071428571428571424606346340624;0.030997304582210241652440174676;0.040431266846361182953906165949;0.045148247978436660543533065493;0.050539083557951482161829659390
-0.024797843665768194015841530131;0.076010781671159030614681739735;0.060916442048517517593442249790;0.436118598382749300679250836765;0.025876010781671159727279629692;0.065768194070080859825466745860;0.042587601078167114376782365071;0.059838274932614551882004150229;0.040431266846361182953906165949;0.044743935309973045799658564192;0.058221024258760106784293952842;0.064690026954177901052922550207
-0.022641509433962262592965331010;0.073854447439353099191805540613;0.071159029649595681443763339757;0.436657681940700814759992454128;0.025876010781671159727279629692;0.064690026954177901052922550207;0.044743935309973045799658564192;0.064690026954177901052922550207;0.038274932614555258469923870734;0.039892183288409703567634068122;0.050134770889487867417955158089;0.067385444743935304923176943248
-0.042413381123058542521153668758;0.086021505376344092885787517844;0.063918757467144565742600548219;0.410991636798088422199981550875;0.023894862604540025030619432300;0.064516129032258062725446734476;0.035244922341696537093636010241;0.078255675029868576597635865255;0.041816009557945038599413578595;0.030465949820788530005843952608;0.059139784946236562124255442541;0.063321385902031068759754361963
-0.013477088948787062719358864626;0.112129380053908350722835507440;0.058760107816711593109459954576;0.478167115902964956486442815731;0.027493261455525604824989827080;0.049595687331536388031683060262;0.047439353099730456608806861141;0.017250673854447440974668737113;0.032345013477088950526461275103;0.024797843665768194015841530131;0.049056603773584908645410962436;0.089487870619946091599317128384
-0.046361185983827490897368761580;0.056603773584905661686583755454;0.071698113207547167768929341491;0.409164420485175206465555675095;0.018328840970350403216659884720;0.050134770889487867417955158089;0.039892183288409703567634068122;0.126145552560646911910424705638;0.042048517520215634990510267244;0.046361185983827490897368761580;0.051752021563342319454559259384;0.041509433962264148665344265510
-0.083557951482479783655854532753;0.050134770889487867417955158089;0.061455525606469003918608251524;0.415633423180592986856396464646;0.018328840970350403216659884720;0.036118598382749327047047671613;0.052830188679245285165997358945;0.103504043126684638909118518768;0.045822102425876011511096663753;0.045283018867924525185930662019;0.040970350404312669279072167683;0.046361185983827490897368761580
-0.070080862533692722671219144104;0.050134770889487867417955158089;0.102964959568733152583952517034;0.223719676549865242876080628776;0.014016172506738543840354438430;0.052291105121293798840831357211;0.063611859838274928402590546739;0.188140161725067395215305054990;0.045822102425876011511096663753;0.085714285714285715078730731875;0.069541778975741236346053142370;0.033962264150943395624171472491
-0.058760107816711593109459954576;0.045822102425876011511096663753;0.060916442048517517593442249790;0.418867924528301904807392475050;0.009164420485175201608329942360;0.038274932614555258469923870734;0.046361185983827490897368761580;0.144474393530997308188190686451;0.047978436657681942933972862875;0.056064690026954175361417753720;0.041509433962264148665344265510;0.031805929919137464201295273369
-0.038814016172506737856195968561;0.042048517520215634990510267244;0.087331536388140160176440929263;0.367115902964959550658363696130;0.011859838274932614152201715285;0.042048517520215634990510267244;0.045283018867924525185930662019;0.161725067385444731815624663795;0.045283018867924525185930662019;0.050134770889487867417955158089;0.073854447439353099191805540613;0.034501347708894881949337474225
-0.036388888888888887285233408875;0.047500000000000000555111512313;0.078611111111111117710770201938;0.407777777777777794554481261002;0.013611111111111110286153724758;0.035000000000000003330669073875;0.048888888888888891448569751219;0.142222222222222222098864108375;0.041666666666666664353702032031;0.051111111111111114102545371907;0.052499999999999998057109706906;0.044722222222222218768195034500
-0.012585034013605441577388077690;0.080952380952380956213865204063;0.131632653061224486057412264017;0.308163265306122424735946196961;0.024489795918367345678445801127;0.044217687074829932492026074442;0.055782312925170066120195144777;0.128911564625850350029878654823;0.041156462585034012113816004330;0.036054421768707482776061823415;0.057142857142857141072855853281;0.078911564625850333376533285445
-0.023263888888888889505679458125;0.130902777777777784562474039376;0.085763888888888889505679458125;0.098263888888888886730121896562;0.048958333333333332870740406406;0.113541666666666665741480812812;0.030555555555555554553270880547;0.013888888888888888117900677344;0.082986111111111107718762980312;0.055902777777777780399137697032;0.103819444444444450303954852188;0.212152777777777773460243793124
-0.011249999999999999583666365766;0.136666666666666658525031152749;0.052499999999999998057109706906;0.179583333333333344805637921127;0.033750000000000002220446049250;0.147083333333333343695414896501;0.020000000000000000416333634234;0.005833333333333333599324266316;0.063333333333333338699411285688;0.072916666666666671292595935938;0.121249999999999996669330926125;0.155833333333333323711400453249
-0.006779661016949152345378859508;0.118361581920903957687585261738;0.059887005649717515998187167270;0.177118644067796621177635074673;0.051694915254237285007210545018;0.163841807909604508797229982520;0.033050847457627118008982591846;0.023728813559322034509868615260;0.071751412429378533253121474900;0.055649717514124293071819948864;0.130508474576271182865383480021;0.107627118644067792940788308442
-0.025694444444444443365060948281;0.085763888888888889505679458125;0.047916666666666669904817155157;0.328472222222222220988641083750;0.064930555555555560798275394063;0.079861111111111104943205418749;0.032638888888888890893458238907;0.022569444444444444058950338672;0.078125000000000000000000000000;0.059374999999999997224442438437;0.074305555555555555247160270937;0.100347222222222226539756206876
-0.038271604938271606977107097691;0.079012345679012344068503637118;0.107407407407407409771771256146;0.155555555555555558022717832500;0.051234567901234567832702282431;0.102469135802469135665404564861;0.038580246913580244771946325955;0.041666666666666664353702032031;0.100617283950617281140793579652;0.078086419753086416806198144513;0.083333333333333328707404064062;0.123765432098765434942855279132
-0.040310077519379844401825607747;0.070930232558139530429919261678;0.106201550387596904689857524318;0.172480620155038760765719985102;0.028682170542635658516683605512;0.094186046511627902200203266148;0.043798449612403103636815160371;0.031007751937984495693712005959;0.093410852713178296746754369906;0.110465116279069769378295973183;0.122093023255813948324544071511;0.086434108527131778276775264658
-0.010784313725490195928768955014;0.124509803921568629192506705294;0.085294117647058825815165050699;0.105882352941176469118822467408;0.054575163398692810856616119963;0.124509803921568629192506705294;0.036274509803921571593487982454;0.007516339869281045936444396460;0.083986928104575170328516264817;0.054901960784313724728278316434;0.115686274509803926902051784964;0.196078431372549016886708272978
-0.010277777777777778039913769703;0.157222222222222235421540403877;0.100000000000000005551115123126;0.000277777777777777777536843962;0.059444444444444445585506997531;0.103333333333333332593184650250;0.034166666666666664631257788187;0.008888888888888888881179006773;0.083888888888888887840344921187;0.062222222222222220433529571437;0.099166666666666666851703837438;0.281111111111111089400083073997
-0.016081871345029238873358679029;0.128654970760233910986869432236;0.051169590643274850960686706003;0.111695906432748542913557798784;0.054678362573099416332755851045;0.220175438596491218623540930821;0.018128654970760233605675537660;0.007017543859649122937882648188;0.065204678362573098571175478355;0.047076023391812868434946892648;0.148830409356725146263755732434;0.131286549707602340220091718948
-0.010884353741496597886562192059;0.175510204081632648076549685356;0.082993197278911565173409314866;0.017006802721088436908258856306;0.058503401360544216025516561785;0.130612244897959195455428016430;0.035034013605442178296289768014;0.005782312925170067681446273156;0.074489795918367351923450314644;0.048299319727891157350008199955;0.114965986394557823091489012768;0.245918367346938782080911778394
-0.014236111111111110841265237070;0.102430555555555552471602709375;0.104166666666666671292595935938;0.191666666666666679619268620627;0.047222222222222220988641083750;0.087847222222222215437525960624;0.026041666666666667823148983985;0.031250000000000000000000000000;0.085763888888888889505679458125;0.071527777777777773460243793124;0.097916666666666665741480812812;0.139930555555555558022717832500
-0.065686274509803924126494223401;0.040522875816993465802884344384;0.136274509803921556327921393859;0.210130718954248368879333952464;0.023856209150326795898067189228;0.041830065359477121289533130266;0.031045751633986928830211127206;0.102287581699346402652750498419;0.075490196078431368031935733143;0.085947712418300653558489443640;0.099346405228758163930002922370;0.087581699346405222916800425992
-0.053875968992248064737271562308;0.044961240310077518755882408641;0.090310077519379847177383169310;0.344186046511627929955778881776;0.045736434108527131148225208790;0.042248062015503878852129560073;0.033333333333333332870740406406;0.056201550387596901914299962755;0.081007751937984498469269567522;0.063565891472868216172109612216;0.041085271317829456794168407896;0.103488372093023250908316867935
-0.005158730158730158617264027754;0.054365079365079366224833279375;0.061111111111111109106541761093;0.473015873015873000717590457498;0.047222222222222220988641083750;0.051587301587301584437916801562;0.022619047619047618485899064922;0.021825396825396824185272492969;0.058730158730158729674108997187;0.037301587301587300904426314219;0.051190476190476189022326991562;0.115873015873015877685858754376
-0.037984496124031007224797207300;0.075581395348837204783976062572;0.087596899224806207273630320742;0.272480620155038766316835108228;0.067829457364341080860548061082;0.059689922480620154210395611472;0.025581395348837208947312404916;0.024031007751937984162626804618;0.090697674418604656843001521338;0.068604651162790700191784765138;0.056589147286821704641024410876;0.133333333333333331482961625625
-0.032954545454545451643735276548;0.080303030303030306646938640824;0.072727272727272723740199467102;0.250000000000000000000000000000;0.048484848484848484806430946037;0.083712121212121209934409193920;0.045454545454545455807071618892;0.028787878787878789371701415689;0.077651515151515151935690539631;0.064393939393939392257237841477;0.095075757575757577355624050597;0.120454545454545453031514057329
-0.043495934959349592807686946117;0.091463414634146339432518857393;0.063821138211382119620473929444;0.233739837398373978549770413338;0.050813008130081299684732698552;0.086585365853658530221892419831;0.036991869918699189778710234577;0.028861788617886179053595441246;0.063821138211382119620473929444;0.078048780487804877981083961913;0.079268292682926830283740571303;0.143089430894308949904214500748
-0.032666666666666663298990158637;0.096333333333333340253723520163;0.082000000000000003441691376338;0.224666666666666653418005239473;0.038333333333333330372738601000;0.117999999999999993782751062099;0.032000000000000000666133814775;0.025666666666666667490082076597;0.059333333333333335146697606888;0.099333333333333329040470971449;0.140000000000000013322676295502;0.051666666666666666296592325125
-0.082291666666666665741480812812;0.091666666666666660190365689687;0.080208333333333339809634310313;0.114930555555555549696045147812;0.049652777777777774848022573906;0.067708333333333328707404064062;0.037847222222222219600862302968;0.055902777777777780399137697032;0.101388888888888889505679458125;0.114583333333333328707404064062;0.081597222222222223764198645313;0.122222222222222218213083522187
-0.023611111111111110494320541875;0.105555555555555555247160270937;0.103472222222222215437525960624;0.271180555555555535818257339997;0.031597222222222220988641083750;0.060416666666666667129259593594;0.052777777777777777623580135469;0.030208333333333333564629796797;0.076736111111111116045435665001;0.054861111111111110494320541875;0.062152777777777779011358916250;0.127430555555555546920487586249
-0.016363636363636364923213051270;0.109090909090909085610299200653;0.058181818181818181767717135244;0.211515151515151517136459347057;0.055454545454545457749961911986;0.097272727272727274594465995960;0.031515151515151516858903590901;0.010000000000000000208166817117;0.107878787878787879561670592921;0.055757575757575755792672111966;0.130606060606060614404100306274;0.116363636363636363535434270489
-0.017441860465116278827713003352;0.113953488372093028613285525807;0.073255813953488374545841566032;0.111240310077519374831744869425;0.074806201550387599330527166330;0.123643410852713173109229671809;0.025193798449612402751141004842;0.009689922480620154904285001862;0.121705426356589152536713527297;0.057364341085271317033367211025;0.105426356589147285358620820261;0.166279069767441861626977583910
-0.007499999999999999722444243844;0.106666666666666673513041985188;0.110277777777777780121581940875;0.191944444444444445307951241375;0.053888888888888888950567945813;0.058888888888888886452566140406;0.048055555555555552749158465531;0.023055555555555554830826636703;0.083888888888888887840344921187;0.059166666666666666019036568969;0.075555555555555556357383295563;0.181111111111111111604543566500
-0.016993464052287580307032399674;0.083006535947712414835741867591;0.092156862745098044875646792207;0.250326797385620913871662196470;0.068300653594771235099791795164;0.063398692810457513147071040294;0.034313725490196081424620899725;0.022222222222222223070309254922;0.081045751633986931605768688769;0.050980392156862744390544150974;0.074183006535947712545286947261;0.163071895424836604826523966949
-0.019892473118279570959421320708;0.060215053763440863632272481709;0.097849462365591402535081044789;0.239247311827956998797617416130;0.048924731182795701267540522394;0.053763440860215054584170246699;0.027419354838709678046093642934;0.037096774193548384679353091542;0.095698924731182799519046966452;0.084408602150537637154315007137;0.099462365591397844388765747681;0.136021505376344081783557271592
-0.021383647798742137086103198840;0.061006289308176100960601218048;0.115094339622641511633460709163;0.324528301886792436281581331059;0.029559748427672956350154009897;0.065094339622641508857903147600;0.036163522012578615261180203788;0.068553459119496854001774011067;0.044968553459119493809215128977;0.061006289308176100960601218048;0.100628930817610068304546189211;0.072012578616352199145644874534
-0.010544217687074829148397014933;0.140476190476190476719153821250;0.062244897959183670410610034196;0.147619047619047621955346016875;0.032312925170068028390968351005;0.160884353741496594070170544910;0.030272108843537415961977288248;0.009523809523809524668624959531;0.067687074829931970221252868214;0.053401360544217686687762380870;0.108843537414965982335068872544;0.176190476190476202900114799377
-0.024444444444444445724284875610;0.073703703703703701832772310354;0.099259259259259255414598044354;0.284814814814814798449305044414;0.035555555555555555524716027094;0.058518518518518518323201504927;0.043703703703703702942995334979;0.037777777777777778178691647781;0.063703703703703706828775921167;0.074814814814814820098654024605;0.099629629629629623543962679832;0.104074074074074068851913921208
-0.051388888888888886730121896562;0.073263888888888892281237019688;0.105902777777777776235801354687;0.113541666666666665741480812812;0.043402777777777776235801354687;0.083680555555555549696045147812;0.034027777777777774848022573906;0.073263888888888892281237019688;0.094444444444444441977282167500;0.100347222222222226539756206876;0.115972222222222226539756206876;0.110763888888888883954564334999
-0.031481481481481478346129421197;0.094074074074074073847917532021;0.107037037037037041642406620667;0.029629629629629630760412339896;0.059999999999999997779553950750;0.101111111111111109939209029562;0.033703703703703701000105041885;0.047037037037037036923958766010;0.129629629629629622433739655207;0.073333333333333333703407674875;0.118148148148148154912284724105;0.174814814814814811771981339916
-0.070000000000000006661338147751;0.131333333333333329706604786224;0.131333333333333329706604786224;0.072999999999999995448085599037;0.037333333333333336423454085207;0.048666666666666663632057066025;0.051666666666666666296592325125;0.086666666666666669627261399000;0.069666666666666668406016071913;0.077333333333333337256121353676;0.080666666666666664298190880800;0.142333333333333339476567402926
-0.461111111111111138249896157504;0.012698412698412698401684295391;0.048412698412698414174304417656;0.174206349206349198066590133749;0.030952380952380953438307642500;0.013095238095238095551997581367;0.012698412698412698401684295391;0.088492063492063496865647209688;0.048809523809523809589894227656;0.053571428571428568454759755468;0.015079365079365079568840535273;0.040873015873015873522522412031
-0.428333333333333343695414896501;0.043749999999999997224442438437;0.058749999999999996669330926125;0.200833333333333335923853724125;0.036249999999999997501998194593;0.033333333333333332870740406406;0.021250000000000001526556658860;0.013750000000000000069388939039;0.057500000000000002498001805407;0.024166666666666666157814447047;0.027083333333333334258519187188;0.055000000000000000277555756156
-0.028104575163398693576910503111;0.110130718954248363328218829338;0.102941176470588230396074891360;0.100980392156862747166101712537;0.052614379084967320687749037234;0.089215686274509806152899216158;0.054248366013071896984953923493;0.023529411764705882026404992757;0.104901960784313727503835877997;0.064379084967320254762057629705;0.129411764705882365023015267980;0.139542483660130722800118974192
-0.045833333333333330095182844843;0.138782051282051288598751170866;0.111217948717948711401248829134;0.003846153846153846367350581659;0.053846153846153849142908143222;0.118910256410256404135949992451;0.053525641025641022829884008161;0.030769230769230770938804653269;0.107371794871794865033898247475;0.072115384615384608979482550239;0.097115384615384617306155234928;0.166666666666666657414808128124
-0.026100628930817611206283146430;0.120440251572327045037624770885;0.070440251572327042262067209322;0.002515723270440251447405133334;0.070125786163522010885351676279;0.165723270440251563284661528996;0.025471698113207548452852080345;0.019182389937106917449094467543;0.137735849056603770756979088219;0.080188679245283014940248733637;0.111006289308176103736158779611;0.171069182389937096688825590718
-0.014130434782608695606920257148;0.097826086956521743354109332813;0.117753623188405792676647365624;0.210869565217391308209471390001;0.032971014492753622504572774687;0.064130434782608700117201294688;0.033695652173913043236908038125;0.024275362318840580655443517344;0.068115942028985507206151339687;0.073188405797101452332498183750;0.108695652173913040461350476562;0.154347826086956518842896457500
-0.025531914893617019962634984154;0.070921985815602842095906055420;0.070921985815602842095906055420;0.369148936170212771390453099229;0.035106382978723406351750924159;0.079432624113475180926968732820;0.045390070921985818663824119312;0.016666666666666666435370203203;0.071631205673758871488310262521;0.052836879432624113406280486060;0.091134751773049652023850342175;0.071276595744680856792108158970
-0.035271317829457367321044358732;0.073643410852713184211459918060;0.098062015503875971100811170800;0.170155038759689930527585488562;0.065891472868217060288031916571;0.077906976744186048899898366926;0.018217054263565891220055803501;0.014341085271317829258341802756;0.108139534883720925262373668829;0.084108527131782948038640768118;0.092635658914728677415517665850;0.161627906976744173395132975202
-0.021241830065359477985875713557;0.160130718954248352225988583086;0.100326797385620919422777319596;0.003267973856209150426005427548;0.056209150326797387153821006223;0.130718954248366020509664053861;0.033006535947712418999078209936;0.009803921568627450844335413649;0.119281045751633993368123753953;0.063725490196078427018733236764;0.104901960784313727503835877997;0.197385620915032672373357058859
-0.020370370370370372015145221667;0.137777777777777776790912867000;0.084814814814814815102650413792;0.125925925925925913384517684790;0.048888888888888891448569751219;0.102962962962962964463820014771;0.036666666666666666851703837438;0.052962962962962961688262453208;0.066666666666666665741480812812;0.071851851851851847308161325145;0.095925925925925928372528517230;0.155185185185185176015565389207
-0.030434782608695653410846304610;0.065942028985507245009145549375;0.097101449275362322621774069376;0.359057971014492771644199820003;0.032608695652173912138405142969;0.054710144927536230596842870000;0.025362318840579711753946412500;0.054710144927536230596842870000;0.056159420289855072061513396875;0.070652173913043472830430857812;0.064492753623188403544475022500;0.088768115942028991138812443751
-0.035763888888888886730121896562;0.075347222222222218213083522187;0.095833333333333339809634310313;0.293402777777777790113589162502;0.036805555555555556634939051719;0.048263888888888890893458238907;0.028125000000000000693889390391;0.032986111111111111882099322656;0.076041666666666660190365689687;0.096875000000000002775557561563;0.068750000000000005551115123126;0.111805555555555560798275394063
-0.032440476190476193185663333907;0.090178571428571427381903902187;0.177678571428571435708576586876;0.196726190476190471168038698124;0.013392857142857142113689938867;0.043154761904761904101057723437;0.031250000000000000000000000000;0.083928571428571421830788779062;0.051785714285714289084605610469;0.092261904761904767191538212501;0.086011904761904761640423089375;0.101190476190476191797884553125
-0.021666666666666667406815349750;0.161944444444444446418174266000;0.123611111111111116045435665001;0.009166666666666666712925959359;0.049722222222222223209087133000;0.128055555555555561353386906376;0.034444444444444444197728216750;0.031388888888888889783235214281;0.083055555555555549140933635499;0.081944444444444444752839729063;0.121666666666666672957930472876;0.153333333333333321490954403998
-0.009302325581395348708113601788;0.134108527131782950814198329681;0.081782945736434103922718463764;0.106201550387596904689857524318;0.062790697674418610718660715975;0.115116279069767443732352774077;0.027906976744186046124340805363;0.015891472868217054043027403054;0.079457364341085273684583967224;0.047674418604651165598529161116;0.083720930232558138373022416090;0.236046511627906963060041789504
-0.003900709219858156020371842132;0.101418439716312050458135729514;0.059219858156028370999024446064;0.531560283687943280206411600375;0.016312056737588651739168099652;0.048581560283687943990749147360;0.028723404255319148759006964156;0.005319148936170212636775911363;0.025531914893617019962634984154;0.039716312056737590463484366410;0.044680851063829789271419912211;0.095035460992907799804285673417
-0.024166666666666666157814447047;0.088888888888888892281237019688;0.050000000000000002775557561563;0.386388888888888892836348532001;0.058055555555555554692048758625;0.077777777777777779011358916250;0.021111111111111111743321444578;0.014166666666666665949647629930;0.065277777777777781786916477813;0.047500000000000000555111512313;0.053055555555555557190050564031;0.113611111111111107163651467999
-0.023484848484848483418652165255;0.074621212121212115997437308579;0.105303030303030301095823517699;0.317424242424242442073278880343;0.037499999999999998612221219219;0.071590909090909093936971885341;0.025000000000000001387778780781;0.026893939393939393645016622258;0.081060606060606055223161092727;0.057954545454545453031514057329;0.063636363636363629803227581760;0.115530303030303024836022984800
-0.034000000000000002442490654175;0.013666666666666667240281896056;0.089666666666666672291796658101;0.481333333333333335257719909350;0.020000000000000000416333634234;0.021999999999999998723243521681;0.012333333333333333300951828448;0.081000000000000002553512956638;0.048000000000000000999200722163;0.067666666666666666629659232512;0.067333333333333328374337156674;0.063000000000000000444089209850
-0.037288135593220340935349810252;0.037288135593220340935349810252;0.041242937853107342061065310190;0.473163841807909602010795424576;0.034180790960451977456013850087;0.071186440677966103529605845779;0.011581920903954802393176493069;0.038135593220338985520623253933;0.070056497175141244082574587537;0.054802259887005648486546505183;0.061299435028248590306976240072;0.069774011299435029220816772977
-0.050000000000000002775557561563;0.068333333333333329262515576374;0.101666666666666669072149886688;0.180999999999999994226840271949;0.052333333333333335868342572894;0.077333333333333337256121353676;0.040333333333333332149095440400;0.041666666666666664353702032031;0.103666666666666670848506726088;0.067333333333333328374337156674;0.104666666666666671736685145788;0.111666666666666664076146275875
-0.022222222222222223070309254922;0.096180555555555560798275394063;0.072916666666666671292595935938;0.267708333333333325931846502499;0.031597222222222220988641083750;0.104861111111111113269878103438;0.021527777777777777623580135469;0.012500000000000000693889390391;0.077777777777777779011358916250;0.067013888888888886730121896562;0.101736111111111110494320541875;0.123958333333333337034076748751
-0.042222222222222223486642889156;0.062222222222222220433529571437;0.049259259259259259577934386698;0.473333333333333328152292551749;0.015555555555555555108382392859;0.075555555555555556357383295563;0.021111111111111111743321444578;0.021851851851851851471497667490;0.065185185185185179346234463083;0.054074074074074073015250263552;0.057777777777777775125578330062;0.061851851851851852304164935958
-0.022222222222222223070309254922;0.083703703703703696836768699541;0.077777777777777779011358916250;0.303703703703703697946991724166;0.046666666666666668794594130532;0.081851851851851856189945522146;0.025925925925925925180637321432;0.018888888888888889089345823891;0.082962962962962960578039428583;0.078518518518518515270088187208;0.072592592592592597444678403917;0.105185185185185187117795635459
-0.012592592592592592726230549260;0.148518518518518521931426334959;0.076296296296296292616112566520;0.336296296296296315375684571336;0.022962962962962962798485477833;0.080000000000000001665334536938;0.049629629629629627707299022177;0.014444444444444443781394582516;0.041481481481481480289019714291;0.063703703703703706828775921167;0.066666666666666665741480812812;0.087407407407407405885990669958
-0.008888888888888888881179006773;0.111851851851851855079722497521;0.062962962962962956692258842395;0.469629629629629619103070581332;0.033333333333333332870740406406;0.040370370370370368962031903948;0.040370370370370368962031903948;0.011481481481481481399242738917;0.042962962962962959745372160114;0.063703703703703706828775921167;0.036296296296296298722339201959;0.078148148148148147140723551729
-0.008148148148148147418279307885;0.106296296296296291505889541895;0.061851851851851852304164935958;0.469999999999999973354647408996;0.041111111111111112159655078813;0.042222222222222223486642889156;0.039629629629629632703302632990;0.012222222222222222862142437805;0.041481481481481480289019714291;0.063703703703703706828775921167;0.037037037037037034981068472916;0.076296296296296292616112566520
-0.012222222222222222862142437805;0.115185185185185182121792024645;0.069629629629629624654185704458;0.465185185185185201550694955586;0.033703703703703701000105041885;0.037407407407407410049327012302;0.040740740740740744030290443334;0.013703703703703704053218359604;0.039629629629629632703302632990;0.063333333333333338699411285688;0.036666666666666666851703837438;0.072592592592592597444678403917
-0.013194444444444444405895033867;0.122916666666666660190365689687;0.077083333333333337034076748751;0.427083333333333314829616256247;0.037847222222222219600862302968;0.036805555555555556634939051719;0.044791666666666667129259593594;0.014583333333333333564629796797;0.043055555555555555247160270937;0.065972222222222223764198645313;0.035416666666666665741480812812;0.081250000000000002775557561563
-0.012280701754385964924454199831;0.087280701754385958679449686315;0.067105263157894737280351193931;0.532456140350877182854105740262;0.031578947368421053654152785839;0.028947368421052631359824403035;0.037280701754385962842786028659;0.014912280701754385484059106659;0.032017543859649125193023166958;0.060964912280701756552847569992;0.033771929824561404409610787525;0.061403508771929821152824047203
-0.008854166666666666435370203203;0.120312500000000002775557561563;0.084895833333333337034076748751;0.413541666666666640761462758746;0.040625000000000001387778780781;0.038020833333333330095182844843;0.057812500000000002775557561563;0.014062500000000000346944695195;0.038020833333333330095182844843;0.061458333333333330095182844843;0.041145833333333332870740406406;0.081250000000000002775557561563
-0.018859649122807017190828204889;0.083771929824561400246274445180;0.193859649122807009558044910591;0.014473684210526315679912201517;0.038596491228070177459397172015;0.052631578947368418130992040460;0.049561403508771931236687180444;0.038596491228070177459397172015;0.103070175438596492445419983142;0.116666666666666668517038374375;0.126315789473684214616611143356;0.163596491228070184398291075922
-0.044594594594594597070091879232;0.098198198198198194397434690472;0.121621621621621628372977852450;0.000450450450450450457385437320;0.090990990990990991416076383302;0.104504504504504505679740589130;0.029279279279279278591641144658;0.027477477477477477846301567865;0.158558558558558548856609604627;0.066666666666666665741480812812;0.092342342342342342842442803885;0.165315315315315319866229515355
-0.019583333333333334536074943344;0.096666666666666664631257788187;0.059166666666666666019036568969;0.264583333333333337034076748751;0.043749999999999997224442438437;0.113333333333333327597181039437;0.023333333333333334397297065266;0.025000000000000001387778780781;0.074166666666666672402818960563;0.058333333333333334258519187188;0.101666666666666669072149886688;0.120416666666666671847707448251
-0.002916666666666666799662133158;0.109166666666666661855700226624;0.038749999999999999722444243844;0.372499999999999997779553950750;0.021250000000000001526556658860;0.139166666666666660745477201999;0.015416666666666667059870654555;0.005416666666666666851703837438;0.035416666666666665741480812812;0.055833333333333332038073137937;0.116250000000000006106226635438;0.087916666666666670737484423626
-0.012365591397849462138025522506;0.094623655913978491072136023377;0.119892473118279566102195587973;0.043010752688172046442893758922;0.074193548387096769358706183084;0.112903225806451609769531785332;0.012365591397849462138025522506;0.013440860215053763646042561675;0.131182795698924742344715355102;0.108064516129032256452902061028;0.097311827956989241372731669344;0.180645161290322570080135733406
-0.021568627450980391857537910028;0.098039215686274508443354136489;0.128758169934640509524115259410;0.030392156862745097617439782312;0.045751633986928101627267295726;0.101633986928104574909426105478;0.008823529411764705759901872284;0.026797385620915031151367813322;0.123856209150326801449182312354;0.086274509803921567430151640110;0.102287581699346402652750498419;0.225816993464052290230270614302
-0.005555555555555555767577313730;0.161111111111111121596550788126;0.121794871794871792380909880649;0.050427350427350428607731203101;0.025213675213675214303865601551;0.127777777777777767909128669999;0.027777777777777776235801354687;0.016239316239316240603196561665;0.060683760683760683274368119555;0.093589743589743590312934884423;0.106837606837606832743681195552;0.202991452991452991927445737019
-0.092276422764227636341693994382;0.035772357723577237476053625187;0.030894308943089431734874139579;0.339430894308943076342899303199;0.080081300813008127192915708292;0.078861788617886174890259098902;0.003252032520325203249211831746;0.006910569105691056687734707964;0.166666666666666657414808128124;0.047967479674796746624831911276;0.055284552845528453501877663712;0.062601626016260167317817320054
-0.016666666666666666435370203203;0.096111111111111105498316931062;0.047222222222222220988641083750;0.337500000000000022204460492503;0.027222222222222220572307449515;0.093888888888888882844341310374;0.012222222222222222862142437805;0.067777777777777784007362527063;0.051111111111111114102545371907;0.079166666666666662965923251249;0.092499999999999998889776975375;0.078611111111111117710770201938
-0.033703703703703701000105041885;0.046296296296296293726335591145;0.052592592592592593558897817729;0.358148148148148159908288334918;0.037777777777777778178691647781;0.060370370370370372847812490136;0.013333333333333334189130248149;0.074814814814814820098654024605;0.066666666666666665741480812812;0.121111111111111113824989615750;0.097037037037037032760622423666;0.038148148148148146308056283260
-0.038181818181818184820830452963;0.055454545454545457749961911986;0.100000000000000005551115123126;0.169090909090909097267640959217;0.056060606060606060774276215852;0.075151515151515149715244490380;0.027272727272727271402574800163;0.043636363636363639795234803387;0.118787878787878789510479293767;0.099393939393939395587906915353;0.110909090909090915499923823972;0.106060606060606063549833777415
-0.030416666666666668239482618219;0.108333333333333337034076748751;0.079583333333333339254522798001;0.007083333333333332974823814965;0.034166666666666664631257788187;0.202083333333333337034076748751;0.025416666666666667268037471672;0.032916666666666663521034763562;0.084166666666666667406815349750;0.072916666666666671292595935938;0.145833333333333342585191871876;0.177083333333333342585191871876
-0.010802469135802468536144971267;0.146296296296296285399662906457;0.027777777777777776235801354687;0.147222222222222226539756206876;0.022222222222222223070309254922;0.222839506172839513231664909654;0.013271604938271605589328316910;0.008333333333333333217685101602;0.049691358024691358041824429392;0.054320987654320987414457988507;0.130246913580246925778993727363;0.166975308641975295209647356387
-0.024107142857142858233254756328;0.147023809523809528831961301876;0.087499999999999994448884876874;0.150892857142857134133961949374;0.047023809523809523280846178750;0.095535714285714279370154144999;0.038690476190476191797884553125;0.012202380952380952397473556914;0.069940476190476191797884553125;0.057440476190476187634548210781;0.089285714285714287696826829688;0.180357142857142854763807804375
-0.063333333333333338699411285688;0.104814814814814818988430999980;0.109259259259259264296382241355;0.085185185185185183232015049271;0.032222222222222221543752596062;0.070000000000000006661338147751;0.056296296296296295669225884239;0.102592592592592596334455379292;0.067037037037037033870845448291;0.112592592592592591338451768479;0.087777777777777774015355305437;0.108888888888888882289229798062
-0.034496124031007754928701558583;0.084883720930232553492089664360;0.096899224806201555981743922530;0.047286821705426355932910809088;0.060077519379844963876013963500;0.101937984496124026123631267637;0.025968992248062015143483804991;0.052713178294573642679310410131;0.129069767441860466794523176759;0.086434108527131778276775264658;0.085658914728682172823326368416;0.194573643410852703539148933487
-0.016161616161616161602143648679;0.090909090909090911614143237784;0.044444444444444446140618509844;0.000000000000000000000000000000;0.121212121212121215485524317046;0.101515151515151516581347834745;0.009090909090909090467524933388;0.032323232323232323204287297358;0.192929292929292922620376771192;0.063131313131313135378341883097;0.068686868686868685074387030909;0.259595959595959602239645391819
-0.000000000000000000000000000000;0.251360544217687054135978996783;0.032312925170068028390968351005;0.000000000000000000000000000000;0.017006802721088436908258856306;0.240816326530612245804263693572;0.016666666666666666435370203203;0.000340136054421768683955068502;0.048299319727891157350008199955;0.036054421768707482776061823415;0.186054421768707484163840604197;0.171088435374149666623466714555
-0.025833333333333333148296162562;0.112222222222222223209087133000;0.068888888888888888395456433500;0.013055555555555556357383295563;0.078888888888888883399452822687;0.180833333333333345915860945752;0.010833333333333333703407674875;0.018333333333333333425851918719;0.115833333333333329817627088687;0.070277777777777772350020768499;0.121944444444444438646613093624;0.183055555555555554692048758625
-0.029166666666666667129259593594;0.053787878787878787290033244517;0.041287878787878790065590806080;0.411742424242424243097104863409;0.028409090909090908144696285831;0.111363636363636359094542171988;0.008333333333333333217685101602;0.041287878787878790065590806080;0.049621212121212121548552431705;0.086363636363636364645657295114;0.081818181818181817677171352443;0.056818181818181816289392571662
-0.157083333333333324821623477874;0.044166666666666666574148081281;0.047500000000000000555111512313;0.292083333333333305947832059246;0.007499999999999999722444243844;0.075416666666666673513041985188;0.007083333333333332974823814965;0.031250000000000000000000000000;0.109583333333333338144299773376;0.109166666666666661855700226624;0.075833333333333335923853724125;0.043333333333333334813630699500
-0.102777777777777773460243793124;0.104166666666666671292595935938;0.102083333333333331482961625625;0.148611111111111110494320541875;0.030208333333333333564629796797;0.064583333333333339809634310313;0.047569444444444441977282167500;0.044097222222222225151977426094;0.070486111111111110494320541875;0.087152777777777773460243793124;0.076388888888888895056794581251;0.121874999999999997224442438437
-0.010952380952380953021974008266;0.143809523809523803761223348374;0.162380952380952375824207933874;0.039047619047619046284136601344;0.050000000000000002775557561563;0.088571428571428564846534925437;0.080000000000000001665334536938;0.040476190476190478106932602032;0.081428571428571433488130537626;0.070476190476190470057815673499;0.079047619047619047116803869812;0.153809523809523812643007545375
-0.058156028368794326910418135412;0.105673758865248226812560972121;0.088652482269503549150435617321;0.171631205673758863161637577832;0.036524822695035458197665434454;0.108156028368794329685975696975;0.031205673758865248162974737056;0.043617021276595745182813601559;0.075177304964539004572543490212;0.076950354609929078053554007965;0.093971631205673755715679362766;0.110283687943262417863188318279
-0.055448717948717946013559298990;0.050000000000000002775557561563;0.089743589743589743945584302764;0.225320512820512824925245354279;0.055769230769230772326583434051;0.060576923076923076816324709171;0.024679487179487178544201597674;0.074679487179487177850312207283;0.113461538461538460897948255024;0.099358974358974352925066853004;0.060897435897435896190454940324;0.090064102564102563319714533918
-0.013611111111111110286153724758;0.099722222222222225984644694563;0.065833333333333327042069527124;0.072222222222222215437525960624;0.087777777777777774015355305437;0.124722222222222220433529571437;0.018333333333333333425851918719;0.007222222222222221890697291258;0.135277777777777774570466817750;0.065277777777777781786916477813;0.077499999999999999444888487687;0.232500000000000012212453270877
-0.005673758865248227332978014914;0.094326241134751770411881466316;0.041134751773049642309398876705;0.353546099290780124757560543003;0.045390070921985818663824119312;0.117021276595744683213240477926;0.016312056737588651739168099652;0.006382978723404254990658746038;0.057446808510638297518013928311;0.048581560283687943990749147360;0.071631205673758871488310262521;0.142553191489361713584216317940
-0.020325203252032519873893079421;0.049186991869918698927488520667;0.108943089430894313185405053446;0.221951219512195124794473599650;0.040243902439024391293198590347;0.084959349593495936403542145854;0.027642276422764226750938831856;0.029674796747967479432217530189;0.095121951219512196340488685564;0.090243902439024387129862248003;0.106504065040650408580091834665;0.125203252032520334635634640108
-0.032666666666666663298990158637;0.083333333333333328707404064062;0.136000000000000009769962616701;0.003333333333333333547282562037;0.092999999999999999333866185225;0.085333333333333330483760903462;0.053666666666666668072949164525;0.040000000000000000832667268469;0.118999999999999994670929481799;0.081666666666666665186369300500;0.103333333333333332593184650250;0.168666666666666659191164967524
-0.008518518518518519017090895318;0.153703703703703703498106847292;0.051481481481481482231910007386;0.001851851851851851922525771243;0.081851851851851856189945522146;0.165555555555555566904502029502;0.037037037037037034981068472916;0.013333333333333334189130248149;0.109629629629629632425746876834;0.042962962962962959745372160114;0.103333333333333332593184650250;0.230740740740740746250736492584
-0.009166666666666666712925959359;0.179583333333333344805637921127;0.068750000000000005551115123126;0.000416666666666666693410320255;0.058333333333333334258519187188;0.143333333333333340364745822626;0.076249999999999998334665463062;0.027500000000000000138777878078;0.085416666666666668517038374375;0.035000000000000003330669073875;0.115833333333333329817627088687;0.200416666666666659635254177374
-0.016666666666666666435370203203;0.117777777777777772905132280812;0.094444444444444441977282167500;0.000000000000000000000000000000;0.079629629629629633535969901459;0.106666666666666673513041985188;0.031111111111111110216764785719;0.014444444444444443781394582516;0.141851851851851840091711665082;0.055185185185185184342238073896;0.081111111111111106053428443374;0.261111111111111127147665911252
-0.028260869565217391213840514297;0.122826086956521737802994209687;0.097463768115942026049047797187;0.017391304347826087167705466641;0.052536231884057968399837079687;0.149999999999999994448884876874;0.047826086956521740578551771250;0.035869565217391305433913828438;0.105072463768115936799674159374;0.053260869565217389132172343125;0.097101449275362322621774069376;0.192391304347826086473816076250
-0.008333333333333333217685101602;0.233750000000000013322676295502;0.051249999999999996946886682281;0.002916666666666666799662133158;0.039583333333333331482961625625;0.184999999999999997779553950750;0.022083333333333333287074040641;0.005000000000000000104083408559;0.073333333333333333703407674875;0.051666666666666666296592325125;0.120416666666666671847707448251;0.206666666666666665186369300500
-0.002469135802469135752140738660;0.197839506172839518782780032780;0.060493827160493826577969400660;0.001234567901234567876070369330;0.033950617283950615399312766840;0.212345679012345689429253070557;0.037345679012345679714801605087;0.005555555555555555767577313730;0.055864197530864197205335841545;0.038888888888888889505679458125;0.144135802469135793080212692985;0.209876543209876531559388013193
-0.014236111111111110841265237070;0.171527777777777779011358916250;0.097916666666666665741480812812;0.001388888888888888941894328433;0.081597222222222223764198645313;0.098958333333333328707404064062;0.063194444444444441977282167500;0.011111111111111111535154627461;0.096180555555555560798275394063;0.051736111111111107718762980312;0.077777777777777779011358916250;0.234375000000000000000000000000
-0.027666666666666665796991964044;0.182333333333333319492552959673;0.091999999999999998445687765525;0.000333333333333333322202191029;0.074333333333333334591586094575;0.101333333333333330816827810850;0.060333333333333336034876026588;0.010999999999999999361621760841;0.079666666666666663410012461100;0.049666666666666664520235485725;0.065666666666666664853302393112;0.255666666666666653195960634548
-0.014444444444444443781394582516;0.188518518518518529702987507335;0.081851851851851856189945522146;0.000000000000000000000000000000;0.108888888888888882289229798062;0.118888888888888891171013995063;0.040000000000000000832667268469;0.005185185185185185036127464286;0.090370370370370364798695561603;0.036296296296296298722339201959;0.062962962962962956692258842395;0.252592592592592590783340256166
-0.010377358490566037166336066377;0.212893081761006297547567100992;0.066352201257861634364765279770;0.006918238993710692022465202911;0.054402515723270442049575024157;0.131132075471698111845952894328;0.057547169811320755816730354582;0.012264150943396227161352740609;0.081761006289308171823826398850;0.061006289308176100960601218048;0.094654088050314472146951061404;0.210691823899371077910558369695
-0.014583333333333333564629796797;0.213988095238095227257346664373;0.063392857142857139685077072500;0.002083333333333333304421275400;0.052976190476190475331375040469;0.182738095238095227257346664373;0.045535714285714283533490487343;0.005654761904761904621474766230;0.100892857142857145236192195625;0.058630952380952380820211544687;0.090178571428571427381903902187;0.169345238095238104225614961251
-0.010632183908045976863943060664;0.074425287356321839782324900625;0.034770114942528733414928154843;0.367528735632183911619108585001;0.042241379310344828734713473750;0.135057471264367817687102046875;0.021264367816091953727886121328;0.008333333333333333217685101602;0.072701149425287353578184479375;0.055747126436781611891202459219;0.103160919540229878421655484999;0.074137931034482754122372227812
-0.038095238095238098674499838125;0.074107142857142857539365365938;0.113392857142857142460634634062;0.077976190476190476719153821250;0.095535714285714279370154144999;0.067261904761904758864865527812;0.039285714285714284921269268125;0.029761904761904760252644308594;0.153273809523809534383076425001;0.092261904761904767191538212501;0.087499999999999994448884876874;0.131547619047619052112807480626
-0.030851063829787233466772633506;0.143617021276595757672822628592;0.119503546099290786086655202780;0.013475177304964539373721699178;0.058156028368794326910418135412;0.087943262411347519758031410220;0.046808510638297870509738629607;0.016666666666666666435370203203;0.110992907801418433377804717566;0.074468085106382975180139283111;0.089007092198581563846637720872;0.208510638297872336055505115837
-0.021874999999999998612221219219;0.112152777777777781786916477813;0.073263888888888892281237019688;0.321527777777777801215819408753;0.046180555555555558022717832500;0.063888888888888883954564334999;0.043402777777777776235801354687;0.013541666666666667129259593594;0.069444444444444447528397290625;0.046875000000000000000000000000;0.067013888888888886730121896562;0.120833333333333334258519187188
-0.038888888888888889505679458125;0.042483660130718955971751427114;0.067973856209150321228129598694;0.323529411764705898679750362135;0.069607843137254904464228388861;0.051307189542483658262206347445;0.066666666666666665741480812812;0.051960784313725492944424644293;0.105882352941176469118822467408;0.054248366013071896984953923493;0.051633986928104572133868543915;0.075816993464052281903597929613
-0.086723163841807907048497838787;0.122316384180790965752194665583;0.117231638418079098240554003496;0.008192090395480225786806194321;0.071751412429378533253121474900;0.059039548022598871412913723589;0.081073446327683609813341547579;0.048022598870056498743252859640;0.122033898305084750890436851023;0.059039548022598871412913723589;0.077118644067796615626519951547;0.147457627118644074570852353645
-0.048837209302325580717596409386;0.124418604651162792440466375865;0.086046511627906982488944720444;0.010077519379844961100456401937;0.097286821705426351769574466744;0.092248062015503881627687121636;0.068604651162790700191784765138;0.022480620155038759377941204320;0.124806201550387602106084727893;0.056589147286821704641024410876;0.068604651162790700191784765138;0.200000000000000011102230246252
-0.020192307692307693428590553708;0.158653846153846145305976733653;0.059294871794871792380909880649;0.000000000000000000000000000000;0.099679487179487186176984891972;0.135576923076923067101873243701;0.036217948717948721115700294604;0.002884615384615384775512936244;0.109615384615384614530597673365;0.040705128205128206231311338570;0.081089743589743593088492445986;0.256089743589743568108474391920
-0.003333333333333333547282562037;0.201000000000000011990408665952;0.047000000000000000111022302463;0.000000000000000000000000000000;0.076666666666666660745477201999;0.161000000000000004218847493576;0.033666666666666664187168578337;0.002666666666666666577617528233;0.088333333333333333148296162562;0.049333333333333333203807313794;0.105333333333333334369541489650;0.231666666666666659635254177374
-0.014583333333333333564629796797;0.183680555555555569124948078752;0.038888888888888889505679458125;0.034375000000000002775557561563;0.066666666666666665741480812812;0.169444444444444453079512413751;0.033680555555555553859381490156;0.006250000000000000346944695195;0.094444444444444441977282167500;0.059027777777777776235801354687;0.112847222222222223764198645313;0.186111111111111116045435665001
-0.030208333333333333564629796797;0.080902777777777781786916477813;0.051041666666666665741480812812;0.249652777777777779011358916250;0.094097222222222220988641083750;0.086111111111111110494320541875;0.031250000000000000000000000000;0.031250000000000000000000000000;0.130902777777777784562474039376;0.046527777777777779011358916250;0.073611111111111113269878103438;0.094444444444444441977282167500
-0.022222222222222223070309254922;0.124444444444444440867059142874;0.079259259259259265406605265980;0.254444444444444417552375625746;0.061851851851851852304164935958;0.087777777777777774015355305437;0.034074074074074076068363581271;0.024444444444444445724284875610;0.064074074074074074958140556646;0.048518518518518516380311211833;0.063703703703703706828775921167;0.135185185185185186007572610833
-0.071794871794871789605352319086;0.130448717948717957115789545242;0.086858974358974355700624414567;0.005769230769230769551025872488;0.091666666666666660190365689687;0.100320512820512824925245354279;0.023717948717948716952363952259;0.025000000000000001387778780781;0.135576923076923067101873243701;0.061858974358974361251739537693;0.073076923076923080979661051515;0.193910256410256415238180238703
-0.046892655367231639296221601398;0.122881355932203395475710294704;0.058757062146892656551155909028;0.000564971751412429398254977375;0.105084745762711859184967977399;0.117231638418079098240554003496;0.055367231638418078210062134303;0.017514124293785311020643646884;0.153954802259887002513494280720;0.044067796610169490678643455794;0.072881355932203392700152733141;0.204802259887005649874325285964
-0.031515151515151516858903590901;0.133636363636363636464565729511;0.087272727272727279590469606774;0.010606060606060606701928072937;0.085454545454545449700844983454;0.122727272727272726515757028665;0.054848484848484847786753704213;0.030606060606060605383538231195;0.107575757575757574580066489034;0.045757575757575760788675722779;0.080909090909090902732359040783;0.209090909090909077283626515964
-0.038775510204081632681383240424;0.059523809523809520505288617187;0.051700680272108841262213019263;0.321088435374149661072351591429;0.068707482993197274701024923615;0.078911564625850333376533285445;0.045238095238095236971798129844;0.023809523809523808202115446875;0.110544217687074827760618234151;0.039795918367346937161155295826;0.053401360544217686687762380870;0.108503401360544218801074123348
-0.013888888888888888117900677344;0.136111111111111099392090295623;0.055864197530864197205335841545;0.199074074074074069962136945833;0.092283950617283949657831954028;0.096913580246913585969359417049;0.022839506172839505598881615356;0.004012345679012345976699460692;0.087345679012345675551465262743;0.037654320987654324448534737257;0.057716049382716051729946826754;0.196296296296296302053008275834
-0.021250000000000001526556658860;0.167083333333333333703407674875;0.077916666666666661855700226624;0.010416666666666666088425508008;0.102499999999999993893773364562;0.098333333333333328152292551749;0.034583333333333333980963431031;0.041666666666666664353702032031;0.098333333333333328152292551749;0.049583333333333333425851918719;0.073749999999999996114219413812;0.224583333333333329262515576374
-0.042121212121212121826108187861;0.137272727272727268488239360522;0.086363636363636364645657295114;0.004545454545454545233762466694;0.109090909090909085610299200653;0.099696969696969700569511019239;0.046969696969696966837304330511;0.020606060606060606910094890054;0.114242424242424242541993351097;0.061515151515151515748680566276;0.061515151515151515748680566276;0.216060606060606064104945289728
-0.036904761904761905488836504219;0.151587301587301576111244116873;0.079761904761904756089307966249;0.000793650793650793650105268462;0.073015873015873020146493388438;0.120238095238095241135134472188;0.046031746031746034741871653750;0.013095238095238095551997581367;0.110317460317460314112025798750;0.060714285714285713690951951094;0.096031746031746037517429215313;0.211507936507936505909910351875
-0.004012345679012345976699460692;0.210802469135802472699481313612;0.075308641975308648897069474515;0.000000000000000000000000000000;0.058333333333333334258519187188;0.155864197530864195817557060764;0.037345679012345679714801605087;0.007098765432098765558455166769;0.075925925925925924486747931041;0.054629629629629632148191120677;0.114197530864197524524961124825;0.206481481481481488060580886668
-0.015185185185185185244294281404;0.225925925925925918935632807916;0.076296296296296292616112566520;0.005185185185185185036127464286;0.072592592592592597444678403917;0.129259259259259268182162827543;0.045555555555555557467606320188;0.008888888888888888881179006773;0.081111111111111106053428443374;0.055925925925925927539861248761;0.095185185185185192113799246272;0.188888888888888883954564334999
-0.009848484848484847717364765174;0.233333333333333337034076748751;0.133712121212121198832178947669;0.001515151515151515150200967064;0.068939393939393939225723784148;0.067045454545454546968485942671;0.102651515151515146384575416505;0.041287878787878790065590806080;0.067424242424242428195491072529;0.044696969696969700291955263083;0.070454545454545450255956495766;0.159090909090909088385856762216
-0.091666666666666660190365689687;0.125320512820512819374130231154;0.116346153846153849142908143222;0.016025641025641024217662788942;0.067948717948717943238001737427;0.044871794871794871972792151382;0.126602564102564096870651155768;0.066346153846153846367350581659;0.132371794871794873360570932164;0.063461538461538458122390693461;0.049038461538461537714272964195;0.100000000000000005551115123126
-0.025925925925925925180637321432;0.183703703703703702387883822666;0.085555555555555551361379684749;0.004444444444444444440589503387;0.082592592592592592448674793104;0.110000000000000000555111512313;0.080370370370370369794699172417;0.012222222222222222862142437805;0.117037037037037036646403009854;0.047407407407407405053323401489;0.076296296296296292616112566520;0.174444444444444457520404512252
-0.023577235772357724857828387144;0.132520325203252020695998680822;0.055691056910569108895359136113;0.219512195121951220189160380869;0.056097560975609757349946704608;0.099593495934959350157633650724;0.044715447154471545110343555507;0.031300813008130083658908660027;0.094715447154471540947007213163;0.046341463414634145867587733392;0.074796747967479676466595606144;0.121138211382113822334183339535
-0.006944444444444444058950338672;0.127083333333333325931846502499;0.056944444444444443365060948281;0.342013888888888895056794581251;0.030902777777777779011358916250;0.087847222222222215437525960624;0.063194444444444441977282167500;0.012500000000000000693889390391;0.058680555555555555247160270937;0.040625000000000001387778780781;0.062847222222222220988641083750;0.110416666666666662965923251249
-0.017251461988304093997381727377;0.188596491228070178847175952797;0.103508771929824563984290364260;0.082163742690058480522274919622;0.018421052631578945651957823770;0.101461988304093572721420457583;0.112865497076023391098686943224;0.045029239766081870233183082064;0.036549707602339179257633361431;0.066666666666666665741480812812;0.109356725146198832665511702089;0.118128654970760235687343708832
-0.016081871345029238873358679029;0.112865497076023391098686943224;0.064619883040935674478610906135;0.145906432748538011923145063520;0.011695906432748537362442675658;0.157894736842105254392976121380;0.002631578947368420993285775822;0.012573099415204678705459961918;0.038011695906432746427938695888;0.092982456140350874806976833042;0.146491228070175449893497443554;0.198245614035087724946748721777
-0.009829059829059828834463274916;0.126068376068376064580434103846;0.056410256410256411074843896358;0.149572649572649568616711235336;0.013247863247863247634916739059;0.176923076923076932898126756299;0.002564102564102564100340098108;0.011965811965811966668948862491;0.043162393162393161705203681322;0.110256410256410253278858135673;0.138888888888888895056794581251;0.161111111111111121596550788126
-0.035802469135802469923923752049;0.095061728395061731444748431841;0.087345679012345675551465262743;0.167901234567901236349740656806;0.008950617283950617480980938012;0.103703703703703700722549285729;0.004938271604938271504281477320;0.031172839506172840551290192934;0.061111111111111109106541761093;0.169135802469135815284673185488;0.104320987654320990190015550070;0.130555555555555563573832955626
-0.026449275362318839383002355703;0.100724637681159426283450386563;0.077898550724637680153783492187;0.192028985507246369168754540624;0.013043478260869564508417361992;0.101811594202898550443059377812;0.003623188405797101493271972217;0.037318840579710146898584355313;0.054347826086956520230675238281;0.155072463768115953453019528752;0.113043478260869564855362057187;0.124637681159420296572726272188
-0.030833333333333334119741309109;0.111666666666666664076146275875;0.063333333333333338699411285688;0.183333333333333320380731379373;0.020000000000000000416333634234;0.147916666666666668517038374375;0.006250000000000000346944695195;0.013333333333333334189130248149;0.062500000000000000000000000000;0.102499999999999993893773364562;0.140833333333333338144299773376;0.117499999999999993338661852249
-0.023333333333333334397297065266;0.077499999999999999444888487687;0.032916666666666663521034763562;0.383333333333333359238537241254;0.008333333333333333217685101602;0.104999999999999996114219413812;0.001666666666666666773641281019;0.029999999999999998889776975375;0.030416666666666668239482618219;0.108333333333333337034076748751;0.109583333333333338144299773376;0.089583333333333334258519187188
-0.008943089430894309369013406297;0.104065040650406503974778615884;0.024796747967479673691038044581;0.336991869918699171737586084419;0.013414634146341463186158371457;0.144308943089430902206871110138;0.002032520325203252247597829339;0.008943089430894309369013406297;0.032520325203252035961565269417;0.085365853658536591797023618255;0.124796747967479679242153167706;0.113821138211382108518243683193
-0.020000000000000000416333634234;0.106249999999999997224442438437;0.085416666666666668517038374375;0.170416666666666660745477201999;0.022083333333333333287074040641;0.121249999999999996669330926125;0.005000000000000000104083408559;0.028333333333333331899295259859;0.065000000000000002220446049250;0.105833333333333334813630699500;0.145833333333333342585191871876;0.124583333333333337589188261063
-0.006034482758620689571427142539;0.144827586206896563592039228752;0.052298850574712646421815520625;0.165517241379310342530573052500;0.012931034482758620510201019727;0.175574712643678160217675099375;0.003160919540229885013604693711;0.008620689655172413673467346484;0.038505747126436784544267766250;0.097701149425287361904857164063;0.139367816091954033197453100001;0.155459770114942524843471005624
-0.045652173913043478381545980938;0.111594202898550723390691530312;0.073550724637681155759771911562;0.192391304347826086473816076250;0.014855072463768116339255520586;0.113405797101449282160423592813;0.002898550724637681194617577773;0.032971014492753622504572774687;0.057608695652173913526183923750;0.122101449275362317070658946250;0.100362318840579708978388850937;0.132608695652173924628414170002
-0.006746031746031746351155433672;0.171825396825396825573051273750;0.051984126984126986792400515469;0.161904761904761912427730408126;0.011904761904761904101057723437;0.163888888888888889505679458125;0.004761904761904762334312479766;0.012301587301587301251371009414;0.032142857142857139685077072500;0.098412698412698410010968075312;0.120634920634920636550724282188;0.163492063492063494090089648125
-0.022522522522522521459809041744;0.127027027027027034078443534781;0.072972972972972977023786711470;0.138738738738738737188427307956;0.016666666666666666435370203203;0.130180180180180182780702580203;0.004954954954954954651769050145;0.020270270270270271395496308742;0.049099099099099097198717345236;0.131981981981981993934383012856;0.119819819819819817219297419797;0.165765765765765765715755719611
-0.007083333333333332974823814965;0.096250000000000002220446049250;0.057083333333333333148296162562;0.301250000000000017763568394003;0.012500000000000000693889390391;0.104583333333333333703407674875;0.002083333333333333304421275400;0.005833333333333333599324266316;0.029166666666666667129259593594;0.088333333333333333148296162562;0.119583333333333333148296162562;0.176249999999999990007992778374
-0.004166666666666666608842550801;0.142803030303030292769150833010;0.086363636363636364645657295114;0.155681818181818171220598401305;0.015151515151515151935690539631;0.144696969696969685026388674487;0.002651515151515151675482018234;0.008333333333333333217685101602;0.033333333333333332870740406406;0.100757575757575754127337575028;0.110606060606060610518319720086;0.195454545454545464133744303581
-0.011382113821138212239603149101;0.086585365853658530221892419831;0.073577235772357724163938996753;0.205691056910569103344244012987;0.012601626016260162807536282514;0.168699186991869920504427682317;0.002439024390243902436908873810;0.026016260162601625993694653971;0.041056910569105688202373727336;0.094308943089430899431313548575;0.194308943089430891104640863887;0.083333333333333328707404064062
-0.025170068027210883154776155379;0.109523809523809523280846178750;0.072108843537414965552123646830;0.175850340136054411610544434552;0.014965986394557822744544317572;0.127210884353741504604329293215;0.004081632653061224857982125513;0.022448979591836733249454738370;0.048979591836734691356891602254;0.138435374149659867759609710447;0.129931972789115640631862902410;0.131292517006802722523417514822
-0.014999999999999999444888487687;0.100416666666666667961926862063;0.075416666666666673513041985188;0.161250000000000004440892098501;0.013750000000000000069388939039;0.122916666666666660190365689687;0.003749999999999999861222121922;0.025000000000000001387778780781;0.055000000000000000277555756156;0.137916666666666659635254177374;0.125000000000000000000000000000;0.164583333333333331482961625625
-0.006410256410256410034009810772;0.103846153846153851918465704784;0.052991452991452990539666956238;0.242735042735042733097472478221;0.019230769230769231836752908293;0.127777777777777767909128669999;0.004273504273504273934247699174;0.017521367521367521569164438233;0.043162393162393161705203681322;0.088034188034188040616889736611;0.116239316239316242684864732837;0.177777777777777784562474039376
-0.011111111111111111535154627461;0.117094017094017094349212015914;0.073931623931623932644008334591;0.060683760683760683274368119555;0.014529914529914530335608091605;0.193162393162393170031876366011;0.003418803418803418800453464144;0.010683760683760683968257509946;0.048290598290598292507969091503;0.125213675213675212916086820769;0.160256410256410269932203505050;0.181623931623931617052036813220
-0.007196969696969697342925353922;0.131060606060606071876506462104;0.038636363636363635354342704886;0.259469696969696961286189207385;0.011363636363636363951767904723;0.164015151515151502703560026930;0.001515151515151515150200967064;0.007954545454545453725403447720;0.022348484848484850145977631541;0.080681818181818187873943770683;0.131439393939393939225723784148;0.144318181818181817677171352443
-0.022592592592592591199673890401;0.121111111111111113824989615750;0.045925925925925925596970955667;0.163703703703703712379891044293;0.009629629629629630344078705662;0.137777777777777776790912867000;0.001851851851851851922525771243;0.017037037037037038034181790636;0.070740740740740742920067418709;0.153703703703703703498106847292;0.124814814814814808996423778353;0.131111111111111122706773812752
-0.005092592592592593003786305417;0.138888888888888895056794581251;0.055092592592592595779343866980;0.153703703703703703498106847292;0.012037037037037037062736644089;0.162500000000000005551115123126;0.005092592592592593003786305417;0.007407407407407407690103084974;0.044444444444444446140618509844;0.100925925925925932813420615730;0.155092592592592587452671182291;0.159722222222222209886410837498
-0.003459119496855346011232601455;0.140880503144654084524134418643;0.056289308176100630309868222412;0.167610062893081751544954727251;0.014779874213836478175077004948;0.154402515723270433722902339468;0.002201257861635220070689600291;0.011006289308176099919767132462;0.049371069182389940022126495478;0.092452830188679238632154522293;0.139937106918238990393987819516;0.167610062893081751544954727251
-0.008547008547008547868495398347;0.127350427350427342076955028460;0.063247863247863245206303872692;0.154273504273504280526196907886;0.020512820512820512802720784862;0.129914529914529924825572493319;0.005128205128205128200680196215;0.017521367521367521569164438233;0.053846153846153849142908143222;0.143162393162393153378530996633;0.113247863247863247981861434255;0.163247863247863250757418995818
-0.006289308176100629269034136826;0.168238993710691814298385793336;0.029245283018867924973438476854;0.128301886792452829455513096946;0.011006289308176099919767132462;0.212893081761006297547567100992;0.001572327044025157317258534206;0.001886792452830188693974067249;0.023270440251572325346396397094;0.080188679245283014940248733637;0.154402515723270433722902339468;0.182704402515723257627300313288
-0.028484848484848484390097311802;0.110303030303030305536715616199;0.077272727272727270708685409772;0.170000000000000012212453270877;0.012727272727272727695368992329;0.120909090909090910503920213159;0.003030303030303030300401934127;0.029090909090909090883858567622;0.060303030303030302761158054636;0.122727272727272726515757028665;0.107575757575757574580066489034;0.157575757575757563477836242782
-0.052222222222222225429533182250;0.082592592592592592448674793104;0.067777777777777784007362527063;0.199259259259259247087925359665;0.011851851851851851263330850372;0.109629629629629632425746876834;0.002222222222222222220294751693;0.035185185185185187395351391615;0.055185185185185184342238073896;0.144074074074074076623475093584;0.104444444444444450859066364501;0.135555555555555568014725054127
-0.039080459770114941986385304062;0.148275862068965508244744455624;0.050287356321839081496616330469;0.145689655172413806694109439377;0.009482758620689655040814081133;0.129885057471264359074680783124;0.004022988505747126380951428359;0.018678160919540231360569393360;0.047126436781609194748288160781;0.128448275862068972408280842501;0.106321839080459765169983654687;0.172701149425287359129299602500
-0.010000000000000000208166817117;0.152962962962962967239377576334;0.044814814814814814269983145323;0.145185185185185194889356807835;0.011111111111111111535154627461;0.177777777777777784562474039376;0.002962962962962962815832712593;0.017777777777777777762358013547;0.030370370370370370488588562807;0.117407407407407404775767645333;0.125925925925925913384517684790;0.163703703703703712379891044293
-0.029444444444444443226283070203;0.112500000000000002775557561563;0.071666666666666670182372911313;0.112222222222222223209087133000;0.015833333333333334674852821422;0.148333333333333344805637921127;0.006111111111111111431071218902;0.019166666666666665186369300500;0.061388888888888888673012189656;0.151111111111111112714766591125;0.119999999999999995559107901499;0.152222222222222230980648305376
-0.013636363636363635701287400082;0.143560606060606055223161092727;0.063636363636363629803227581760;0.172727272727272729291314590228;0.014772727272727272443408885749;0.143181818181818187873943770683;0.004166666666666666608842550801;0.008333333333333333217685101602;0.035606060606060606354983377742;0.121969696969696964061746768948;0.126893939393939392257237841477;0.151515151515151519356905396307
-0.067283950617283955208947077153;0.113580246913580248935282668299;0.055864197530864197205335841545;0.129938271604938260228578883471;0.008950617283950617480980938012;0.118209876543209871369022323506;0.004629629629629629372633559115;0.012345679012345678327022824305;0.064814814814814811216869827604;0.118209876543209871369022323506;0.146604938271604950950077750349;0.159567901234567904866779031181
-0.003571428571428571317053490830;0.179761904761904761640423089375;0.066666666666666665741480812812;0.151984126984126971526833926873;0.012698412698412698401684295391;0.145238095238095249461807156877;0.004761904761904762334312479766;0.005555555555555555767577313730;0.024603174603174602502742018828;0.079365079365079360673718156249;0.124206349206349209168820380000;0.201587301587301592764589486251
-0.009259259259259258745267118229;0.107407407407407409771771256146;0.078888888888888883399452822687;0.175925925925925930037863054167;0.032592592592592589673117231541;0.099259259259259255414598044354;0.009259259259259258745267118229;0.010000000000000000208166817117;0.052222222222222225429533182250;0.120370370370370363688472536978;0.094444444444444441977282167500;0.210370370370370374235591270917
-0.004365079365079365183999193789;0.121428571428571427381903902187;0.082936507936507933291814254062;0.140873015873015872134743631250;0.021825396825396824185272492969;0.113095238095238095898942276563;0.007539682539682539784420267637;0.019444444444444444752839729063;0.055952380952380954826086423282;0.114285714285714282145711706562;0.096031746031746037517429215313;0.222222222222222209886410837498
-0.007092198581560283515701215151;0.141489361702127669495610007289;0.034751773049645391655548820609;0.182624113475177318743902787901;0.013120567375886524677519595627;0.190425531914893614304773450385;0.001773049645390070878925303788;0.008510638297872340565786153377;0.031205673758865248162974737056;0.080851063829787239711777147022;0.135106382978723404963972143378;0.173049645390070921946445992035
-0.004065040650406504495195658677;0.115447154471544716214381764985;0.051219512195121948139320267046;0.244715447154471549273679897851;0.021138211382113820252515168363;0.148780487804878042146228267484;0.001626016260162601624605915873;0.003658536585365853872203745212;0.045121951219512193564931124001;0.075609756097560973375770743132;0.110569105691056907003755327423;0.178048780487804869654411277224
-0.005000000000000000104083408559;0.124583333333333337589188261063;0.043333333333333334813630699500;0.233333333333333337034076748751;0.014166666666666665949647629930;0.147083333333333343695414896501;0.002916666666666666799662133158;0.013333333333333334189130248149;0.027916666666666666019036568969;0.082916666666666666296592325125;0.123333333333333336478965236438;0.182083333333333347026083970377
-0.098290598290598288344632749158;0.091025641025641021442105227379;0.064102564102564096870651155768;0.109401709401709401614510852596;0.005982905982905983334474431246;0.103846153846153851918465704784;0.002564102564102564100340098108;0.026495726495726495269833478119;0.077777777777777779011358916250;0.228632478632478625124591076201;0.098290598290598288344632749158;0.093589743589743590312934884423
-0.009356725146198830583843530917;0.124269005847953209475953428864;0.054385964912280704286473564935;0.230994152046783612908242844242;0.026315789473684209065496020230;0.112865497076023391098686943224;0.006432748538011696243232862003;0.008479532163742689240826244657;0.040935672514619880768549364802;0.108479532163742689587770939852;0.117836257309941516702167518815;0.159649122807017540548457645855
-0.005833333333333333599324266316;0.127222222222222208776187812873;0.054444444444444441144614899031;0.198888888888888892836348532001;0.016944444444444446001840631766;0.159722222222222209886410837498;0.001666666666666666773641281019;0.003333333333333333547282562037;0.033055555555555553304269977843;0.088333333333333333148296162562;0.129444444444444445307951241375;0.181111111111111111604543566500
-0.007954545454545453725403447720;0.171212121212121204383294070794;0.067803030303030309422496202387;0.153787878787878778963360559828;0.012121212121212121201607736509;0.149621212121212127099667554830;0.003787878787878787983922634908;0.014015151515151515193569053963;0.026515151515151515887458444354;0.117803030303030298320265956136;0.118181818181818179547271085994;0.157196969696969696128618920739
-0.023750000000000000277555756156;0.079166666666666662965923251249;0.057083333333333333148296162562;0.199166666666666658525031152749;0.014999999999999999444888487687;0.145416666666666666296592325125;0.002916666666666666799662133158;0.020000000000000000416333634234;0.053333333333333336756520992594;0.131666666666666654084139054248;0.162083333333333329262515576374;0.110416666666666662965923251249
-0.025833333333333333148296162562;0.101250000000000006661338147751;0.063750000000000001110223024625;0.140833333333333338144299773376;0.025000000000000001387778780781;0.160000000000000003330669073875;0.005000000000000000104083408559;0.025000000000000001387778780781;0.066666666666666665741480812812;0.146666666666666667406815349750;0.121249999999999996669330926125;0.118749999999999994448884876874
-0.008730158730158730367998387578;0.121825396825396822797493712187;0.070238095238095238359576910625;0.136507936507936494807680105623;0.011111111111111111535154627461;0.158730158730158721347436312499;0.000793650793650793650105268462;0.010317460317460317234528055508;0.035317460317460316887583360312;0.126190476190476186246769429999;0.138492063492063499641204771251;0.181746031746031738718372139374
-0.009821428571428571230317317031;0.110714285714285709527615608749;0.074107142857142857539365365938;0.149702380952380947887192519374;0.017261904761904763028201870156;0.151488095238095227257346664373;0.003273809523809523887999395342;0.011607142857142857539365365938;0.045535714285714283533490487343;0.121428571428571427381903902187;0.122916666666666660190365689687;0.182142857142857134133961949374
-0.037698412698412696320016124218;0.087301587301587296741089971874;0.078968253968253965258128346250;0.092063492063492069483743307501;0.048412698412698414174304417656;0.124603174603174604584410190000;0.015873015873015872134743631250;0.021825396825396824185272492969;0.123809523809523813753230570001;0.102380952380952378044653983125;0.111507936507936514236583036563;0.155555555555555558022717832500
-0.022222222222222223070309254922;0.107936507936507941618486938751;0.089682539682539683112416639688;0.006349206349206349200842147695;0.085317460317460319663140921875;0.112301587301587305067762656563;0.020634920634920634469056111016;0.030952380952380953438307642500;0.146031746031746040292986776876;0.074999999999999997224442438437;0.092063492063492069483743307501;0.211507936507936505909910351875
-0.022972972972972974248229149907;0.144144144144144142893892990287;0.121171171171171168645663840380;0.018468468468468467180709779996;0.049549549549549549987137453400;0.082882882882882882857877859806;0.036486486486486488511893355735;0.036486486486486488511893355735;0.102702702702702708403847964291;0.089189189189189194140183758464;0.089639639639639639989709962720;0.206306306306306308506748337095
-0.005925925925925925631665425186;0.052222222222222225429533182250;0.046296296296296293726335591145;0.448518518518518538584771704336;0.025185185185185185452461098521;0.076296296296296292616112566520;0.005555555555555555767577313730;0.002962962962962962815832712593;0.056296296296296295669225884239;0.116666666666666668517038374375;0.146296296296296285399662906457;0.017777777777777777762358013547
-0.025816993464052286066934271958;0.089542483660130720024561412629;0.111437908496732032692655423034;0.140849673202614378286767760073;0.057843137254901963451025892482;0.070261437908496732207552781801;0.037581699346405227080136768336;0.021895424836601305729200106498;0.107843137254901966226583454045;0.082679738562091500964079671121;0.099673202614379091679452926655;0.154575163398692816407731243089
-0.010000000000000000208166817117;0.223888888888888887285233408875;0.113055555555555561908498418688;0.004166666666666666608842550801;0.043888888888888887007677652718;0.098888888888888887285233408875;0.029999999999999998889776975375;0.005277777777777777935830361145;0.079444444444444442532393679812;0.062222222222222220433529571437;0.081388888888888885619898871937;0.247777777777777791223812187127
-0.012585034013605441577388077690;0.141836734693877558610708433662;0.100340136054421769085109872321;0.107823129251700677855296817143;0.053061224489795916214873727768;0.105442176870748305361757957144;0.028231292517006803532986225491;0.010544217687074829148397014933;0.095578231292517010220244344509;0.058843537414965986498405214888;0.089115646258503405929829455090;0.196598639455782320251131523037
-0.023584905660377360192558882090;0.115094339622641511633460709163;0.104716981132075476201848118762;0.014779874213836478175077004948;0.078301886792452826679955535383;0.099685534591194974174399590083;0.033018867924528301494024873364;0.018867924528301886072378934500;0.152830188679245276839324674256;0.063207547169811320597609949345;0.086477987421383642474559394486;0.209433962264150952403696237525
-0.007516339869281045936444396460;0.176797385620915042947487449965;0.092156862745098044875646792207;0.000000000000000000000000000000;0.065032679738562096383169830460;0.105882352941176469118822467408;0.042810457516339869843413623585;0.008496732026143790153516199837;0.096405228758169939085043154137;0.054248366013071896984953923493;0.093137254901960786490633381618;0.257516339869281019048230518820
-0.002325581395348837177028400447;0.162015503875968996938539135044;0.076356589147286824115212766628;0.000000000000000000000000000000;0.074418604651162789664908814302;0.180232558139534870811360178777;0.024031007751937984162626804618;0.008914728682170542511942201713;0.111627906976744184497363221453;0.057751937984496126698985563053;0.092248062015503881627687121636;0.210077519379844951386004936467
-0.012356321839080459598636529961;0.120114942528735627047531409062;0.078735632183908041414888145937;0.112931034482758624326592666876;0.036206896551724140898009807188;0.133045977011494259700796760626;0.025574712643678162299343270547;0.037068965517241377061186113906;0.072126436781609196136066941563;0.104885057471264364625795906250;0.151436781609195408870860433126;0.115517241379310339755015490937
-0.010204081632653060410231837807;0.120748299319727886436126595981;0.049659863945578232302668908460;0.270068027210884353817021974464;0.048639455782312927822896853058;0.122789115646258509273458514599;0.017687074829931974384589210558;0.006802721088435373895941804534;0.072789115646258506497900953036;0.056462585034013607065972450982;0.098299319727891160125565761518;0.125850340136054422712774680804
-0.014772727272727272443408885749;0.129924242424242414317703264715;0.126136363636363629803227581760;0.014393939393939394685850707845;0.060227272727272726515757028665;0.094696969696969696128618920739;0.042045454545454545580707161889;0.024621212121212120160773650923;0.110984848484848491745324849944;0.073484848484848486194209726818;0.090909090909090911614143237784;0.217803030303030303871381079261
-0.012429378531073446978449936751;0.171468926553672323942478783465;0.146892655367231644847336724524;0.012429378531073446978449936751;0.049152542372881358190284117882;0.083615819209039543569161878622;0.065819209039548021156207369131;0.027401129943502824243273252591;0.070621468926553673806090216658;0.069209039548022599497301143856;0.100564971751412435274630752247;0.190395480225988705802464551198
-0.008536585365853659179702361826;0.161788617886178848204181690562;0.115447154471544716214381764985;0.024390243902439025236450476086;0.068699186991869914953312559192;0.089430894308943090220687111014;0.047154471544715449715656774288;0.045121951219512193564931124001;0.089430894308943090220687111014;0.052845528455284555835458348838;0.082113821138211376404747454671;0.215040650406504052494227607895
-0.004848484848484848480643094604;0.085757575757575754682449087341;0.055151515151515152768357808100;0.325151515151515135837456682566;0.051818181818181818787394377068;0.107575757575757574580066489034;0.010909090909090909948808700847;0.023636363636363635909454217199;0.064545454545454544748039893420;0.054242424242424244762439400347;0.079090909090909086720522225278;0.137272727272727268488239360522
-0.014444444444444443781394582516;0.095000000000000001110223024625;0.042222222222222223486642889156;0.299166666666666691831721891504;0.044722222222222218768195034500;0.129444444444444445307951241375;0.005277777777777777935830361145;0.006388888888888889262818171488;0.071388888888888890615902482750;0.048055555555555552749158465531;0.072777777777777774570466817750;0.171111111111111102722759369499
-0.011666666666666667198648532633;0.063750000000000001110223024625;0.046666666666666668794594130532;0.418333333333333334813630699500;0.027916666666666666019036568969;0.077499999999999999444888487687;0.026666666666666668378260496297;0.014999999999999999444888487687;0.044999999999999998334665463062;0.099166666666666666851703837438;0.115000000000000004996003610813;0.053333333333333336756520992594
-0.041228070175438599753725554820;0.047660818713450292527511464868;0.054385964912280704286473564935;0.373976608187134518246352854476;0.057894736842105262719648806069;0.064619883040935674478610906135;0.017251461988304093997381727377;0.017251461988304093997381727377;0.102631578947368420906549602023;0.088304093567251468188672447468;0.070760233918128648267220626167;0.064035087719298250386046333915
-0.021851851851851851471497667490;0.114814814814814813992427389167;0.099629629629629623543962679832;0.206296296296296283179216857206;0.046296296296296293726335591145;0.077037037037037042752629645292;0.033703703703703701000105041885;0.025925925925925925180637321432;0.080370370370370369794699172417;0.083333333333333328707404064062;0.072962962962962965574043039396;0.137777777777777776790912867000
-0.049333333333333333203807313794;0.118999999999999994670929481799;0.109666666666666662299789436474;0.090666666666666673179975077801;0.056333333333333332482162347787;0.068333333333333329262515576374;0.038999999999999999944488848769;0.044666666666666667018237291131;0.078666666666666662521834041399;0.084333333333333329595582483762;0.074999999999999997224442438437;0.184999999999999997779553950750
-0.047222222222222220988641083750;0.112222222222222223209087133000;0.084444444444444446973285778313;0.083055555555555549140933635499;0.078611111111111117710770201938;0.111388888888888884509675847312;0.029444444444444443226283070203;0.034444444444444444197728216750;0.110555555555555559688052369438;0.051388888888888886730121896562;0.071388888888888890615902482750;0.185833333333333322601177428623
-0.045238095238095236971798129844;0.095238095238095232808461787499;0.131292517006802722523417514822;0.090476190476190473943596259687;0.042857142857142857539365365938;0.052380952380952382207990325469;0.040816326530612241640927351227;0.087755102040816324038274842678;0.103401360544217682524426038526;0.098979591836734687193555259910;0.082312925170068024227632008660;0.129251700680272113563873404019
-0.067037037037037033870845448291;0.055185185185185184342238073896;0.113703703703703709604333482730;0.133703703703703713490114068918;0.050370370370370370904922197042;0.057407407407407406996213694583;0.025185185185185185452461098521;0.075925925925925924486747931041;0.112962962962962959467816403958;0.134444444444444449748843339876;0.096296296296296296501893152708;0.077777777777777779011358916250
-0.030459770114942528312917957578;0.097988505747126433687022029062;0.098275862068965519346974701875;0.100862068965517234775397525937;0.061781609195402299727906125781;0.090804597701149430966083286876;0.052298850574712646421815520625;0.052011494252873560761862847812;0.097413793103448276244904491250;0.088505747126436787319825327813;0.079022988505747127074840818750;0.150574712643678165768790222501
-0.056111111111111111604543566500;0.126111111111111118265881714251;0.080000000000000001665334536938;0.015555555555555555108382392859;0.083611111111111108273874492625;0.103055555555555553026714221687;0.048333333333333332315628894094;0.028333333333333331899295259859;0.137500000000000011102230246252;0.061388888888888888673012189656;0.081388888888888885619898871937;0.178611111111111109384097517250
-0.042000000000000002609024107869;0.072999999999999995448085599037;0.173999999999999988009591334048;0.070333333333333331038872415775;0.046333333333333330539272054693;0.049666666666666664520235485725;0.032333333333333331982561986706;0.050666666666666665408413905425;0.100666666666666668183971466988;0.118666666666666670293395213776;0.088666666666666671403618238401;0.153666666666666673624064287651
-0.013008130081300812996847326986;0.093902439024390244037832076174;0.123577235772357726939496558316;0.170731707317073183594047236511;0.034959349593495933627984584291;0.073577235772357724163938996753;0.019512195121951219495270990478;0.017479674796747966813992292145;0.073577235772357724163938996753;0.100000000000000005551115123126;0.088617886178861793311511974025;0.191056910569105703467940315932
-0.005128205128205128200680196215;0.110897435897435892027118597980;0.041987179487179483727832263185;0.315705128205128193741302311537;0.022115384615384616612265844537;0.142948717948717940462444175864;0.004166666666666666608842550801;0.008333333333333333217685101602;0.042307692307692310040856398246;0.052564102564102564707493314700;0.108974358974358975782337211058;0.144871794871794884462801178415
-0.000757575757575757575100483532;0.218939393939393933674608661022;0.041666666666666664353702032031;0.000000000000000000000000000000;0.014772727272727272443408885749;0.274621212121212099344091939201;0.010606060606060606701928072937;0.002651515151515151675482018234;0.034469696969696969612861892074;0.032954545454545451643735276548;0.185606060606060607742762158523;0.182954545454545453031514057329
-0.011666666666666667198648532633;0.145833333333333342585191871876;0.040833333333333332593184650250;0.250416666666666676288599546751;0.015833333333333334674852821422;0.164583333333333331482961625625;0.020833333333333332176851016015;0.004166666666666666608842550801;0.040833333333333332593184650250;0.049166666666666664076146275875;0.140833333333333338144299773376;0.115000000000000004996003610813
-0.018888888888888889089345823891;0.107777777777777777901135891625;0.073703703703703701832772310354;0.183333333333333320380731379373;0.045925925925925925596970955667;0.103333333333333332593184650250;0.038888888888888889505679458125;0.022592592592592591199673890401;0.094444444444444441977282167500;0.099259259259259255414598044354;0.110000000000000000555111512313;0.101851851851851846197938300520
-0.013836477987421384044930405821;0.167610062893081751544954727251;0.109119496855345915475865581357;0.014465408805031446798361471906;0.043710691823899368302352996807;0.151257861635220119955747009044;0.028301886792452830843291877727;0.012893081761006289914783806694;0.077672955974842763926524469298;0.060062893081761006830454618921;0.105031446540880507578563651805;0.216037735849056611314722431416
-0.010119047619047619526733150508;0.185119047619047627506461140001;0.050297619047619049337249919063;0.006547619047619047775998790684;0.031845238095238093123384715000;0.224404761904761912427730408126;0.014583333333333333564629796797;0.008333333333333333217685101602;0.064583333333333339809634310313;0.062797619047619046561692357500;0.142559523809523802651000323749;0.198809523809523797099885200623
-0.038993710691823897651620001170;0.100314465408805036927830656168;0.067924528301886791248342944982;0.214779874213836485807860299246;0.044968553459119493809215128977;0.106603773584905664462141317017;0.027672955974842768089860811642;0.040880503144654085911913199425;0.087735849056603767981421526656;0.069496855345911948131920610194;0.091509433962264144502007923165;0.109119496855345915475865581357
-0.023333333333333334397297065266;0.108888888888888882289229798062;0.065000000000000002220446049250;0.255000000000000004440892098501;0.045277777777777777901135891625;0.078333333333333338144299773376;0.033333333333333332870740406406;0.016388888888888890338346726594;0.088333333333333333148296162562;0.099722222222222225984644694563;0.072222222222222215437525960624;0.114166666666666666296592325125
-0.042222222222222223486642889156;0.051666666666666666296592325125;0.087777777777777774015355305437;0.323611111111111127147665911252;0.031111111111111110216764785719;0.055000000000000000277555756156;0.021666666666666667406815349750;0.034722222222222223764198645313;0.085555555555555551361379684749;0.103888888888888891726125507375;0.090555555555555555802271783250;0.072222222222222215437525960624
-0.015384615384615385469402326635;0.034294871794871797932025003774;0.042948717948717948789116860553;0.569230769230769206856734854227;0.030128205128205128721097239008;0.055128205128205126639429067836;0.014423076923076923877564681220;0.010897435897435896884344330715;0.046474358974358975782337211058;0.067307692307692304489741275120;0.061217948717948715564585171478;0.052564102564102564707493314700
-0.008843537414965987192294605279;0.176530612244897966434109548572;0.051700680272108841262213019263;0.204081632653061229021318467858;0.034013605442176873816517712612;0.132312925170068040880977378038;0.036054421768707482776061823415;0.006802721088435373895941804534;0.055102040816326532113311742478;0.052380952380952382207990325469;0.102040816326530614510659233929;0.140136054421768713185159072054
-0.014414414414414414636333994224;0.121621621621621628372977852450;0.042342342342342340066885242322;0.188738738738738726086197061704;0.019819819819819818607076200578;0.205405405405405416807695928583;0.019369369369369369288103044369;0.015315315315315315009003782620;0.063063063063063057311907755320;0.058558558558558557183282289316;0.126576576576576588228917330525;0.124774774774774777075236897872
-0.005284552845528455063128792091;0.118699186991869917728870120754;0.028455284552845527129560920798;0.111788617886178859306411936814;0.013008130081300812996847326986;0.297560975609756084292456534968;0.008536585365853659179702361826;0.010975609756097560315568628653;0.060569105691056911167091669768;0.044715447154471545110343555507;0.171138211382113825109740901098;0.129268292682926833059298132866
-0.024679487179487178544201597674;0.107692307692307698285816286443;0.070833333333333331482961625625;0.424038461538461530775379060287;0.022115384615384616612265844537;0.055128205128205126639429067836;0.039423076923076921795896510048;0.033974358974358971619000868714;0.031089743589743590312934884423;0.045512820512820510721052613690;0.059294871794871792380909880649;0.086217948717948716952363952259
-0.007692307692307692734701163317;0.220512820512820506557716271345;0.116987179487179487891168605529;0.000961538461538461591837645415;0.055448717948717946013559298990;0.093589743589743590312934884423;0.069230769230769234612310469856;0.014423076923076923877564681220;0.069871794871794873360570932164;0.041346153846153844979571800877;0.111217948717948711401248829134;0.198717948717948705850133706008
-0.014444444444444443781394582516;0.166296296296296303163231300459;0.162592592592592594114009330042;0.009629629629629630344078705662;0.019259259259259260688157411323;0.097777777777777782897139502438;0.074074074074074069962136945833;0.050000000000000002775557561563;0.064444444444444443087505192125;0.070370370370370374790702783230;0.116296296296296300387673738896;0.154814814814814821763988561543
-0.012179487179487179585035683260;0.165384615384615379918287203509;0.091025641025641021442105227379;0.072756410256410261605530820361;0.046794871794871795156467442212;0.124038461538461541877609306539;0.028846153846153847755129362440;0.014743589743589743251694912374;0.067628205128205123863871506273;0.092307692307692312816413959808;0.120512820512820514884388956034;0.163782051282051283047636047741
-0.011764705882352941013202496379;0.186928104575163400724591156177;0.081372549019607845477430885239;0.150326797385620908320547073345;0.018300653594771242732575089462;0.118627450980392151747011553198;0.036274509803921571593487982454;0.011111111111111111535154627461;0.038888888888888889505679458125;0.060457516339869281363217368153;0.187254901960784314596253352647;0.098692810457516336186678529430
-0.000000000000000000000000000000;0.171367521367521369324293800673;0.062820512820512819374130231154;0.000427350427350427350056683018;0.012820512820512820068019621544;0.273076923076923050448527874323;0.020512820512820512802720784862;0.010683760683760683968257509946;0.033333333333333332870740406406;0.045299145299145297804965792920;0.249145299145299148335652716924;0.120512820512820514884388956034
-0.006111111111111111431071218902;0.115555555555555550251156660124;0.105277777777777775680689842375;0.000000000000000000000000000000;0.023888888888888890060790970438;0.219444444444444441977282167500;0.018333333333333333425851918719;0.011944444444444445030395485219;0.077222222222222219878418059125;0.053055555555555557190050564031;0.170833333333333337034076748751;0.198333333333333333703407674875
-0.016037735849056603681939137118;0.203144654088050324869385576676;0.111949685534591197866305378739;0.000000000000000000000000000000;0.041823899371069180042059798552;0.121383647798742139167771370012;0.030817610062893081857016142067;0.006289308176100629269034136826;0.080817610062893077693679799722;0.046540880503144650692792794189;0.099371069182389942797684057041;0.241823899371069184205396140896
-0.007051282051282051384355487045;0.191987179487179498993398851781;0.062500000000000000000000000000;0.000000000000000000000000000000;0.067307692307692304489741275120;0.119551282051282056761998262573;0.038141025641025644299375585433;0.010576923076923077510214099561;0.096474358974358978557894772621;0.049038461538461537714272964195;0.079487179487179482340053482403;0.277884615384615396571632572886
-0.002962962962962962815832712593;0.158518518518518530813210531960;0.055925925925925927539861248761;0.000000000000000000000000000000;0.074074074074074069962136945833;0.163333333333333330372738601000;0.029629629629629630760412339896;0.006296296296296296363115274630;0.099629629629629623543962679832;0.041851851851851848418384349770;0.085925925925925919490744320228;0.281851851851851853414387960584
-0.010000000000000000208166817117;0.128055555555555561353386906376;0.053611111111111109384097517250;0.268333333333333312609170206997;0.043888888888888887007677652718;0.106111111111111114380101128063;0.026666666666666668378260496297;0.011666666666666667198648532633;0.062777777777777779566470428563;0.048888888888888891448569751219;0.063333333333333338699411285688;0.176666666666666666296592325125
-0.071739130434782610867827656875;0.074999999999999997224442438437;0.112681159420289861428088329376;0.065217391304347824276810285937;0.034057971014492753603075669844;0.082246376811594204547795072813;0.027536231884057970481505250859;0.059420289855072465357022082344;0.142391304347826097576046322501;0.110144927536231881926021003437;0.104347826086956516067338895937;0.115217391304347827052367847500
-0.098581560283687946766306708923;0.019148936170212765839337976104;0.067021276595744680437682916363;0.523758865248226901378814091004;0.010992907801418439969753926277;0.008156028368794325869584049826;0.016666666666666666435370203203;0.055673758865248224037003410558;0.052836879432624113406280486060;0.078014184397163122142160318617;0.048936170212765958686951250911;0.020212765957446809927944286756
-0.034935897435897436680285466082;0.108974358974358975782337211058;0.072115384615384608979482550239;0.305128205128205154395004683465;0.022435897435897435986396075691;0.082371794871794870585013370601;0.026923076923076924571454071611;0.016346153846153847061239972049;0.060576923076923076816324709171;0.078205128205128204843532557788;0.097756410256410256054415697236;0.094230769230769229061195346731
-0.021666666666666667406815349750;0.172916666666666662965923251249;0.101250000000000006661338147751;0.000416666666666666693410320255;0.036666666666666666851703837438;0.156666666666666676288599546751;0.044166666666666666574148081281;0.014166666666666665949647629930;0.082500000000000003885780586188;0.048333333333333332315628894094;0.141666666666666662965923251249;0.179583333333333344805637921127
-0.031818181818181814901613790880;0.114015151515151513805790273182;0.084469696969696972388419453637;0.096590909090909088385856762216;0.103787878787878790065590806080;0.077651515151515151935690539631;0.013257575757575757943729222177;0.047727272727272729291314590228;0.118181818181818179547271085994;0.074999999999999997224442438437;0.060984848484848482030873384474;0.176515151515151513805790273182
-0.064912280701754379585999288338;0.052192982456140353531015563249;0.080263157894736841813099204046;0.352631578947368407028761794209;0.004824561403508772182424646502;0.034649122807017540548457645855;0.013157894736842104532748010115;0.165789473684210514337067365886;0.051315789473684210453274801012;0.093859649122807017884717595280;0.047807017543859652020099559877;0.038596491228070177459397172015
-0.019281045751633987817008630827;0.259150326797385643917692732430;0.059150326797385618937674678364;0.000653594771241830020148955160;0.010784313725490195928768955014;0.171241830065359479373654494339;0.021895424836601305729200106498;0.009150326797385621366287544731;0.069281045751633990592566192390;0.075163398692810454160273536672;0.169607843137254910015343511986;0.134640522875816986969610411506
-0.113257575757575751351780013465;0.087499999999999994448884876874;0.111742424242424240321547301846;0.026136363636363634660453314495;0.029166666666666667129259593594;0.051515151515151513805790273182;0.046969696969696966837304330511;0.052272727272727269320906628991;0.148106060606060602191647035397;0.132954545454545464133744303581;0.093181818181818185098386209120;0.107196969696969693353061359176
-0.079597701149425284516958356562;0.087643678160919544217755117188;0.122988505747126442013694713751;0.057758620689655169877507745468;0.011206896551724137775507550430;0.076436781609195397768630186874;0.056896551724137933714331438750;0.089942528735632187864013076251;0.115804597701149425414968163750;0.094827586206896546938693859374;0.133908045977011502802866971251;0.072988505747126439238137152188
-0.068238993710691822625058478025;0.116666666666666668517038374375;0.088364779874213830734852592741;0.158176100628930810243488735978;0.013836477987421384044930405821;0.076729559748427669796377870171;0.053144654088050316542712891987;0.045911949685534587939361728104;0.079245283018867920810102134510;0.084276729559748422837550663189;0.127044025157232703948650964776;0.088364779874213830734852592741
-0.024842767295597485699421014260;0.094025157232704409393519995319;0.116666666666666668517038374375;0.064465408805031446104472081515;0.100943396226415099681261722253;0.059748427672955975453739085879;0.027987421383647799466576344685;0.022641509433962262592965331010;0.128301886792452829455513096946;0.097484276729559754537390858786;0.087106918238993705227990460571;0.175786163522012567339558586355
-0.033660130718954246742402602877;0.065032679738562096383169830460;0.041830065359477121289533130266;0.447385620915032700128932674488;0.029084967320261438661344044476;0.053594771241830062302735626645;0.020261437908496732901442172192;0.017320261437908497648141548098;0.072549019607843143186975964909;0.049019607843137254221677068244;0.077777777777777779011358916250;0.092483660130718958747308988677
-0.009583333333333332593184650250;0.042500000000000003053113317719;0.040833333333333332593184650250;0.603750000000000008881784197001;0.014999999999999999444888487687;0.058749999999999996669330926125;0.012916666666666666574148081281;0.040416666666666663243479007406;0.028750000000000001249000902703;0.036666666666666666851703837438;0.064583333333333339809634310313;0.046249999999999999444888487687
-0.005284552845528455063128792091;0.107723577235772360882748444055;0.042276422764227640505030336726;0.303658536585365845805739581920;0.030894308943089431734874139579;0.124390243902439023848671695305;0.007317073170731707744407490424;0.050000000000000002775557561563;0.044308943089430896655755987013;0.065040650406504071923130538835;0.121951219512195119243358476524;0.097154471544715445552320431943
-0.003389830508474576172689429754;0.227683615819209039798920457542;0.130508474576271182865383480021;0.000000000000000000000000000000;0.038700564971751415244138883054;0.101129943502824864998146381367;0.066101694915254236017965183692;0.035310734463276836903045108329;0.056497175141242937657093392545;0.053389830508474574177757432381;0.089830508474576270527833798951;0.197457627118644063468622107393
-0.002962962962962962815832712593;0.221481481481481473627681566541;0.097037037037037032760622423666;0.002962962962962962815832712593;0.045555555555555557467606320188;0.155185185185185176015565389207;0.035925925925925923654080662573;0.011481481481481481399242738917;0.063333333333333338699411285688;0.042592592592592591616007524635;0.105185185185185187117795635459;0.216296296296296292061001054208
-0.005172413793103448204080407891;0.160344827586206883918151788748;0.136206896551724132571337122499;0.024425287356321840476214291016;0.021551724137931035918391842188;0.120402298850574712707484081875;0.041091954022988506911584494219;0.040517241379310342530573052500;0.068103448275862066285668561250;0.072988505747126439238137152188;0.110919540229885052462499572812;0.198275862068965524898089825001
-0.004242424242424242854243576772;0.132424242424242416538149313965;0.106666666666666673513041985188;0.015757575757575758429451795450;0.071818181818181822673174963256;0.105757575757575758568229673529;0.029696969696969697377619823442;0.022424242424242422921931705559;0.076969696969696965727081305886;0.052727272727272726793312784821;0.096363636363636359649653684301;0.285151515151515155821471125819
-0.014015151515151515193569053963;0.186363636363636370196772418240;0.053409090909090906063028114659;0.000000000000000000000000000000;0.067803030303030309422496202387;0.160984848484848480643094603693;0.014015151515151515193569053963;0.000378787878787878787550241766;0.073484848484848486194209726818;0.042045454545454545580707161889;0.091666666666666660190365689687;0.295833333333333337034076748751
-0.009696969696969696961286189207;0.132727272727272721519753417851;0.046666666666666668794594130532;0.444545454545454521433356376292;0.014242424242424242195048655901;0.091818181818181812681167741630;0.023030303030303029415692961379;0.007575757575757575967845269815;0.017575757575757574441288610956;0.036060606060606063827389533571;0.064242424242424239766435789534;0.111818181818181816566948327818
-0.011011904761904762681257174961;0.146726190476190482270268944376;0.069047619047619052112807480626;0.107142857142857136909519510937;0.056250000000000001387778780781;0.119642857142857148011749757188;0.035416666666666665741480812812;0.011011904761904762681257174961;0.071130952380952378044653983125;0.056250000000000001387778780781;0.101190476190476191797884553125;0.215178571428571441259691710002
-0.064529914529914536580612605121;0.094017094017094016145108525961;0.105555555555555555247160270937;0.122222222222222218213083522187;0.029487179487179486503389824748;0.068376068376068382947963186780;0.033333333333333332870740406406;0.071794871794871789605352319086;0.082051282051282051210883139447;0.129914529914529924825572493319;0.073076923076923080979661051515;0.125641025641025638748260462307
-0.040650406504065039747786158841;0.070325203252032522649450640984;0.071138211382113819558625777972;0.321138211382113847314201393601;0.034146341463414636718809447302;0.074390243902439021073114133742;0.014227642276422763564780460399;0.033333333333333332870740406406;0.073170731707317068770457524352;0.086585365853658530221892419831;0.092276422764227636341693994382;0.088617886178861793311511974025
-0.024806201550387596554969604767;0.034496124031007754928701558583;0.082170542635658913588336815792;0.499224806201550408424338911573;0.013565891472868216865999002607;0.041472868217054266459786759924;0.029844961240310077105197805736;0.032558139534883720478397606257;0.043410852713178293971196808343;0.070542635658914734642088717465;0.081007751937984498469269567522;0.046899224806201553206186360967
-0.005555555555555555767577313730;0.275816993464052306883615983679;0.104901960784313727503835877997;0.001307189542483660040297910321;0.019934640522875815560333023768;0.124183006535947715320844508824;0.042156862745098042100089230644;0.005882352941176470506601248189;0.034967320261437909167945292666;0.038562091503267975634017261655;0.099019607843137250058340725900;0.247712418300653602898364624707
-0.037681159420289857264751987032;0.146739130434782621970057903127;0.180072463768115947901904405626;0.067391304347826086473816076250;0.012681159420289855876973206250;0.065942028985507245009145549375;0.065942028985507245009145549375;0.077898550724637680153783492187;0.052173913043478258033669447968;0.059057971014492754990854450625;0.140579710144927538806314260000;0.093840579710144922387371479999
-0.036734693877551023721839129621;0.046598639455782311924458838348;0.082993197278911565173409314866;0.399319727891156439625319762854;0.013945578231292516530048786194;0.039455782312925166688266642723;0.025510204081632653627664808482;0.040476190476190478106932602032;0.073469387755102047443678259242;0.054761904761904761640423089375;0.141496598639455795076713684466;0.045238095238095236971798129844
-0.032471264367816089768670195781;0.090229885057471259646177941249;0.094252873563218389496576321562;0.258333333333333359238537241254;0.025000000000000001387778780781;0.070402298850574709931926520312;0.036781609195402298340127345000;0.062356321839080457170023663593;0.057471264367816091156448976562;0.089655172413793102204060403437;0.095114942528735632598646532188;0.087931034482758615999919982187
-0.043333333333333334813630699500;0.079166666666666662965923251249;0.089999999999999996669330926125;0.135416666666666657414808128124;0.071666666666666670182372911313;0.064583333333333339809634310313;0.049166666666666664076146275875;0.058333333333333334258519187188;0.162083333333333329262515576374;0.062083333333333330650294357156;0.058333333333333334258519187188;0.125833333333333324821623477874
-0.013703703703703704053218359604;0.061481481481481484174800300480;0.056666666666666663798590519718;0.433333333333333348136306995002;0.035185185185185187395351391615;0.078148148148148147140723551729;0.013703703703703704053218359604;0.012962962962962962590318660716;0.076296296296296292616112566520;0.051481481481481482231910007386;0.069259259259259256524821068979;0.097777777777777782897139502438
-0.011702127659574467627434657402;0.042907801418439715790409394458;0.030851063829787233466772633506;0.487943262411347500329128479279;0.059574468085106385695226549615;0.091489361702127652842264637911;0.008865248226950355261988256927;0.010283687943262410577349719176;0.063829787234042548171863984408;0.055319148936170209340801307007;0.097517730496453902677700398272;0.039716312056737590463484366410
-0.019298245614035088729698586008;0.125438596491228071538870381119;0.104093567251461988076854936480;0.016959064327485378481652489313;0.086257309941520463048014732976;0.122514619883040937198259712204;0.032456140350877189792999644169;0.047953216374269004573793750978;0.110233918128654975743252464326;0.061403508771929821152824047203;0.084795321637426895877709398519;0.188596491228070178847175952797
-0.031699346405228756573535520147;0.158169934640522868996015404264;0.098366013071895422315016332959;0.020261437908496732901442172192;0.045424836601307187755605099255;0.122875816993464045956407915128;0.039869281045751631120666047536;0.027777777777777776235801354687;0.072549019607843143186975964909;0.070261437908496732207552781801;0.097712418300653594571691940018;0.215032679738562104709842515149
-0.018749999999999999306110609609;0.136607142857142843661577558123;0.078273809523809523280846178750;0.042559523809523810977673008438;0.061309523809523806814336666093;0.150892857142857134133961949374;0.045238095238095236971798129844;0.012500000000000000693889390391;0.093750000000000000000000000000;0.085714285714285715078730731875;0.112500000000000002775557561563;0.161904761904761912427730408126
-0.023039215686274511218911698052;0.111764705882352946564317619504;0.088235294117647064537912626747;0.067156862745098036548974107518;0.089705882352941176960392510864;0.139705882352941179735950072427;0.045098039215686273883942902785;0.036274509803921571593487982454;0.090196078431372547767885805570;0.069117647058823533656735094155;0.093627450980392157298126676324;0.146078431372549027988938519229
-0.025287356321839080108837549687;0.152011494252873552435190163123;0.093965517241379303836623648749;0.082758620689655171265286526250;0.068965517241379309387738771875;0.093965517241379303836623648749;0.040517241379310342530573052500;0.018678160919540231360569393360;0.090517241379310345306130614063;0.050287356321839081496616330469;0.077586206896551726530653070313;0.205459770114942541496816375002
-0.010740740740740739936343040029;0.127777777777777767909128669999;0.089999999999999996669330926125;0.167037037037037039421960571417;0.044444444444444446140618509844;0.098148148148148151026504137917;0.041111111111111112159655078813;0.028518518518518519433424529552;0.061481481481481484174800300480;0.064814814814814811216869827604;0.083333333333333328707404064062;0.182592592592592584122002108415
-0.015925925925925926707193980292;0.148888888888888876183003162623;0.174074074074074075513252068959;0.090740740740740746805848004897;0.032222222222222221543752596062;0.060370370370370372847812490136;0.068148148148148152136727162542;0.065185185185185179346234463083;0.054074074074074073015250263552;0.075925925925925924486747931041;0.093333333333333337589188261063;0.121111111111111113824989615750
-0.024074074074074074125473288177;0.161111111111111121596550788126;0.123703703703703704608329871917;0.118518518518518523041649359584;0.052962962962962961688262453208;0.063703703703703706828775921167;0.056296296296296295669225884239;0.025925925925925925180637321432;0.055555555555555552471602709375;0.070740740740740742920067418709;0.080740740740740737924063807895;0.166666666666666657414808128124
-0.002500000000000000052041704279;0.200277777777777776790912867000;0.146111111111111108273874492625;0.010833333333333333703407674875;0.037777777777777778178691647781;0.083611111111111108273874492625;0.070555555555555551916491197062;0.027222222222222220572307449515;0.047500000000000000555111512313;0.045833333333333330095182844843;0.109722222222222220988641083750;0.218055555555555558022717832500
-0.007246376811594202986543944434;0.197101449275362328172889192501;0.122101449275362317070658946250;0.001086956521739130447981591665;0.039855072463768112522863873437;0.099637681159420288246053587500;0.040217391304347822889031505156;0.021376811594202897726102463594;0.074999999999999997224442438437;0.054347826086956520230675238281;0.102898550724637674602668369062;0.239130434782608702892758856251
-0.016333333333333331649495079319;0.143666666666666664742280090650;0.094000000000000000222044604925;0.083666666666666666962726139900;0.063333333333333338699411285688;0.127666666666666678287000991077;0.043999999999999997446487043362;0.020333333333333331732761806165;0.090666666666666673179975077801;0.062333333333333330872338962081;0.096666666666666664631257788187;0.157333333333333325043668082799
-0.039492753623188409095590145625;0.143478260869565221735655313751;0.071376811594202893562766121249;0.093478260869565218960097752188;0.079347826086956521618454019062;0.115942028985507247784703110938;0.047826086956521740578551771250;0.032971014492753622504572774687;0.073188405797101452332498183750;0.045652173913043478381545980938;0.096376811594202901889438805938;0.160869565217391291556126020623
-0.028571428571428570536427926640;0.173809523809523802651000323749;0.098979591836734687193555259910;0.009523809523809524668624959531;0.056462585034013607065972450982;0.118367346938775513942587735983;0.068367346938775511167030174420;0.027551020408163266056655871239;0.072108843537414965552123646830;0.038775510204081632681383240424;0.083333333333333328707404064062;0.224149659863945582838340442322
-0.013030303030303030942249620239;0.202727272727272728181091565602;0.116969696969696973498642478262;0.000303030303030303030040193413;0.069090909090909091716525836091;0.086969696969696974608865502887;0.089393939393939400583910526166;0.016363636363636364923213051270;0.091515151515151521577351445558;0.036969696969696971833307941324;0.076969696969696965727081305886;0.199696969696969706120626142365
-0.017241379310344827346934692969;0.187931034482758607673247297498;0.154597701149425281741400794999;0.000000000000000000000000000000;0.054597701149425290068073479688;0.068678160919540223727786099062;0.089655172413793102204060403437;0.037068965517241377061186113906;0.074712643678160925442277573438;0.054022988505747125687062037969;0.083045977011494256925239199063;0.178448275862068961306050596249
-0.011764705882352941013202496379;0.176470588235294129075825253494;0.100326797385620919422777319596;0.018300653594771242732575089462;0.051307189542483658262206347445;0.131372549019607848252988446802;0.038562091503267975634017261655;0.046405228758169936309485592574;0.070588235294117646079214978272;0.059150326797385618937674678364;0.099019607843137250058340725900;0.196732026143790844630032665918
-0.018611111111111109522875395328;0.170555555555555543589818512373;0.059722222222222225151977426094;0.003333333333333333547282562037;0.035277777777777775958245598531;0.232222222222222218768195034500;0.020000000000000000416333634234;0.022777777777777778733803160094;0.069722222222222227094867719188;0.066111111111111106608539955687;0.153611111111111114935212640376;0.148055555555555551361379684749
-0.006746031746031746351155433672;0.253968253968253954155898099998;0.094444444444444441977282167500;0.000396825396825396825052634231;0.038095238095238098674499838125;0.107142857142857136909519510937;0.098015873015873014595378265312;0.015873015873015872134743631250;0.059920634920634922859772331094;0.061111111111111109106541761093;0.106349206349206346078339890937;0.157936507936507930516256692499
-0.024576271186440679095142058941;0.205932203389830509321356544206;0.082768361581920898983888434941;0.002824858757062146882854669627;0.059604519774011301136429352709;0.157627118644067809594133677820;0.041807909604519771784580939311;0.014406779661016949276031162697;0.092655367231638419145411944555;0.080225988700564965228068103897;0.116666666666666668517038374375;0.120903954802259891443405592781
-0.034722222222222223764198645313;0.196527777777777773460243793124;0.112500000000000002775557561563;0.003819444444444444319158860068;0.047222222222222220988641083750;0.131250000000000005551115123126;0.098611111111111107718762980312;0.045486111111111109106541761093;0.045486111111111109106541761093;0.056597222222222222376419864531;0.089930555555555555247160270937;0.137847222222222232090871330001
-0.012152777777777777970524830664;0.208333333333333342585191871876;0.073263888888888892281237019688;0.089930555555555555247160270937;0.036111111111111107718762980312;0.122916666666666660190365689687;0.066666666666666665741480812812;0.010069444444444445099784424258;0.053472222222222219600862302968;0.046875000000000000000000000000;0.113194444444444444752839729063;0.167013888888888878403449211874
-0.013333333333333334189130248149;0.154444444444444439756836118249;0.088148148148148142144719940916;0.142962962962962958357593379333;0.053333333333333336756520992594;0.096666666666666664631257788187;0.030370370370370370488588562807;0.015555555555555555108382392859;0.054814814814814816212873438417;0.059629629629629629650189315271;0.097037037037037032760622423666;0.193703703703703711269668019668
-0.022435897435897435986396075691;0.174679487179487169523639522595;0.112820512820512822149687792717;0.043589743589743587537377322860;0.056089743589743591700713665205;0.102884615384615379918287203509;0.064423076923076916244781386922;0.025641025641025640136039243089;0.064102564102564096870651155768;0.040384615384615386857181107416;0.096474358974358978557894772621;0.196474358974358970231222087932
-0.019722222222222220849863205672;0.183055555555555554692048758625;0.066666666666666665741480812812;0.020833333333333332176851016015;0.032500000000000001110223024625;0.206666666666666665186369300500;0.018611111111111109522875395328;0.005833333333333333599324266316;0.043055555555555555247160270937;0.040000000000000000832667268469;0.151111111111111112714766591125;0.211944444444444435315944019749
-0.019722222222222220849863205672;0.130833333333333329262515576374;0.094166666666666662410811738937;0.125000000000000000000000000000;0.067777777777777784007362527063;0.108888888888888882289229798062;0.025000000000000001387778780781;0.019444444444444444752839729063;0.076666666666666660745477201999;0.058888888888888886452566140406;0.065000000000000002220446049250;0.208611111111111108273874492625
-0.034649122807017540548457645855;0.184210526315789463458472141610;0.067543859649122808819221575050;0.030701754385964910576412023602;0.089473684210526316373801591908;0.150438596491228065987755257993;0.042105263157894735892572413150;0.017543859649122806043664013487;0.092543859649122803268106451924;0.092105263157894731729236070805;0.099122807017543862473374360889;0.099561403508771934012244742007
-0.024390243902439025236450476086;0.178455284552845538925680557441;0.042682926829268295898511809128;0.004471544715447154684506703148;0.059349593495934958864435060377;0.222764227642276435581436544453;0.017479674796747966813992292145;0.033739837398373981325327974901;0.082926829268292687191710399475;0.067886178861788618044137422203;0.121138211382113822334183339535;0.144715447154471543722564774725
-0.006172839506172839163511412153;0.173765432098765437718412840695;0.048765432098765430779518936788;0.000000000000000000000000000000;0.031481481481481478346129421197;0.275000000000000022204460492503;0.024382716049382715389759468394;0.002469135802469135752140738660;0.052777777777777777623580135469;0.050000000000000002775557561563;0.150617283950617297794138949030;0.184567901234567899315663908055
-0.029629629629629630760412339896;0.189814814814814825094657635418;0.131790123456790114753189868679;0.025617283950617283916351141215;0.033950617283950615399312766840;0.088580246913580240608609983610;0.047839506172839503517213444184;0.041666666666666664353702032031;0.066666666666666665741480812812;0.052469135802469132889847003298;0.077777777777777779011358916250;0.214197530864197543953864055766
-0.036723163841807911211834181131;0.136158192090395480100539771229;0.126271186440677973816804069429;0.009322033898305085233837452563;0.085310734463276832739708765985;0.075423728813559326455973064185;0.079661016949152535504552474777;0.034463276836158192317771664648;0.098305084745762716380568235763;0.052824858757062144454241803260;0.090112994350282485389591613512;0.175423728813559332007088187311
-0.021212121212121213403856145874;0.147878787878787887333231765297;0.074848484848484844733640386494;0.208787878787878800057598027706;0.060606060606060607742762158523;0.088181818181818180657494110619;0.036363636363636361870099733551;0.024545454545454543915372624951;0.070000000000000006661338147751;0.065454545454545459692852205080;0.073030303030303028721803570988;0.129090909090909089496079786841
-0.011111111111111111535154627461;0.152592592592592585232225133041;0.071481481481481479178796689666;0.150370370370370376456037320168;0.104444444444444450859066364501;0.072592592592592597444678403917;0.050740740740740739034286832521;0.017407407407407406163546426114;0.068518518518518520266091798021;0.047037037037037036923958766010;0.039259259259259257635044093604;0.214444444444444437536390068999
-0.029999999999999998889776975375;0.143333333333333340364745822626;0.061851851851851852304164935958;0.000000000000000000000000000000;0.100000000000000005551115123126;0.131111111111111122706773812752;0.034444444444444444197728216750;0.007407407407407407690103084974;0.107777777777777777901135891625;0.041111111111111112159655078813;0.066296296296296297612116177334;0.276666666666666671847707448251
-0.002614379084967320080595820642;0.202941176470588235947190014485;0.074836601307189540288611340202;0.000326797385620915010074477580;0.046078431372549022437823396103;0.197712418300653586245019255330;0.025490196078431372195272075487;0.003267973856209150426005427548;0.068627450980392162849241799449;0.047712418300653591796134378455;0.126797385620915026294142080587;0.203594771241830063690514407426
-0.025724637681159418650667092265;0.126086956521739124159608991249;0.147101449275362311519543823124;0.017028985507246376801537834922;0.044565217391304347283043085781;0.110144927536231881926021003437;0.025362318840579711753946412500;0.045289855072463768015378349219;0.087318840579710149674141916876;0.094202898550724639692433015625;0.098188405797101446781383060625;0.178985507246376823742295414377
-0.026923076923076924571454071611;0.150854700854700846113232159951;0.128205128205128193741302311537;0.026923076923076924571454071611;0.037179487179487179238090988065;0.085042735042735045913886438029;0.057264957264957262739191179435;0.049145299145299144172316374579;0.076923076923076927347011633174;0.100854700854700857215462406202;0.090170940170940169777757944303;0.170512820512820517659946517597
-0.028518518518518519433424529552;0.169259259259259248198148384290;0.108518518518518514159865162583;0.012222222222222222862142437805;0.044074074074074071072359970458;0.124444444444444440867059142874;0.046296296296296293726335591145;0.012962962962962962590318660716;0.075555555555555556357383295563;0.065925925925925929482751541855;0.096296296296296296501893152708;0.215925925925925937809424226543
-0.016296296296296294836558615771;0.155185185185185176015565389207;0.084074074074074078843921142834;0.038888888888888889505679458125;0.061111111111111109106541761093;0.133333333333333331482961625625;0.029999999999999998889776975375;0.013703703703703704053218359604;0.073703703703703701832772310354;0.080740740740740737924063807895;0.131481481481481476958350640416;0.181481481481481493611696009793
-0.009183673469387755930459782405;0.204081632653061229021318467858;0.148979591836734703846900629287;0.020408163265306120820463675614;0.037074829931972787255833878817;0.092857142857142860314922927500;0.073129251700680270031895702232;0.026530612244897958107436863884;0.049659863945578232302668908460;0.051020408163265307255329616964;0.096938775510204078234011149107;0.190136054421768702082928825803
-0.003333333333333333547282562037;0.227777777777777773460243793124;0.139259259259259249308371408915;0.016666666666666666435370203203;0.040000000000000000832667268469;0.110000000000000000555111512313;0.082962962962962960578039428583;0.020000000000000000416333634234;0.053333333333333336756520992594;0.046666666666666668794594130532;0.092592592592592587452671182291;0.167407407407407393673537399081
-0.005092592592592593003786305417;0.193981481481481476958350640416;0.139814814814814808441312266041;0.144907407407407401445098571457;0.017129629629629630066522949505;0.084722222222222226539756206876;0.083333333333333328707404064062;0.033333333333333332870740406406;0.040740740740740744030290443334;0.052777777777777777623580135469;0.090740740740740746805848004897;0.113425925925925930037863054167
-0.006603773584905660645749669868;0.187421383647798728278033308925;0.068867924528301885378489544109;0.258176100628930815794603859104;0.036792452830188678014611269873;0.091194968553459113125292390123;0.046855345911949682069508327231;0.001886792452830188693974067249;0.039937106918238991781766600297;0.041509433962264148665344265510;0.071383647798742136392213808449;0.149371069182389931695453810789
-0.026041666666666667823148983985;0.190972222222222209886410837498;0.110763888888888883954564334999;0.018749999999999999306110609609;0.065625000000000002775557561563;0.109027777777777779011358916250;0.047916666666666669904817155157;0.014236111111111110841265237070;0.067361111111111107718762980312;0.047569444444444441977282167500;0.089930555555555555247160270937;0.211805555555555552471602709375
-0.011827956989247311384017002922;0.211290322580645173466962205566;0.106451612903225800721429550322;0.082795698924731181422842496431;0.045161290322580642520033933351;0.109677419354838712184374571734;0.050000000000000002775557561563;0.019892473118279570959421320708;0.056989247311827959108221364204;0.053763440860215054584170246699;0.088172043010752682024033788366;0.163978494623655907114212482156
-0.023333333333333334397297065266;0.212222222222222228760202256126;0.071111111111111111049432054187;0.003333333333333333547282562037;0.066666666666666665741480812812;0.121944444444444438646613093624;0.055833333333333332038073137937;0.005833333333333333599324266316;0.071111111111111111049432054187;0.049166666666666664076146275875;0.092777777777777778456247403938;0.226666666666666655194362078873
-0.014052287581699346788455251556;0.235620915032679734135712124043;0.096732026143790852956705350607;0.000326797385620915010074477580;0.053267973856209148431073430174;0.126797385620915026294142080587;0.050000000000000002775557561563;0.005555555555555555767577313730;0.041830065359477121289533130266;0.041176470588235293546208737325;0.090522875816993461639548002040;0.244117647058823522554504847903
-0.014367816091954022789112244141;0.182183908045977005496496303749;0.079597701149425284516958356562;0.180459770114942519292355882499;0.046264367816091951646217950156;0.096264367816091947482881607812;0.048850574712643680952428582032;0.021551724137931035918391842188;0.066379310344827580081528139999;0.072126436781609196136066941563;0.084195402298850571809474274687;0.107758620689655165714171403124
-0.018181818181818180935049866775;0.096969696969696969612861892074;0.061363636363636363257878514332;0.337878787878787889553677814547;0.070833333333333331482961625625;0.069318181818181820452728914006;0.040151515151515153323469320412;0.010606060606060606701928072937;0.068181818181818176771713524431;0.069696969696969701679734043864;0.069696969696969701679734043864;0.087121212121212127099667554830
-0.009574468085106382919668988052;0.159574468085106391246341672741;0.065602836879432621652874502161;0.212411347517730497713728254894;0.059219858156028370999024446064;0.108510638297872344382177800526;0.032624113475177303478336199305;0.013829787234042552335200326752;0.062765957446808504083257673756;0.074468085106382975180139283111;0.069858156028368798007299744768;0.131560283687943258001951107872
-0.007222222222222221890697291258;0.165000000000000007771561172376;0.053611111111111109384097517250;0.245555555555555554692048758625;0.035000000000000003330669073875;0.104166666666666671292595935938;0.021111111111111111743321444578;0.009166666666666666712925959359;0.055000000000000000277555756156;0.062500000000000000000000000000;0.102777777777777773460243793124;0.138888888888888895056794581251
-0.030370370370370370488588562807;0.070370370370370374790702783230;0.096666666666666664631257788187;0.316296296296296297612116177334;0.031481481481481478346129421197;0.069629629629629624654185704458;0.022222222222222223070309254922;0.032962962962962964741375770927;0.068888888888888888395456433500;0.089259259259259260410601655167;0.087777777777777774015355305437;0.084074074074074078843921142834
-0.073684210526315782607831295081;0.090789473684210530990412735264;0.061403508771929821152824047203;0.198245614035087724946748721777;0.046491228070175437403488416521;0.117543859649122811594779136612;0.026754385964912280604366401349;0.046491228070175437403488416521;0.083771929824561400246274445180;0.078508771929824555657617679572;0.096052631578947361701281693058;0.080263157894736841813099204046
-0.064074074074074074958140556646;0.148518518518518521931426334959;0.057407407407407406996213694583;0.010370370370370370072254928573;0.061111111111111109106541761093;0.203333333333333338144299773376;0.033703703703703701000105041885;0.033703703703703701000105041885;0.093333333333333337589188261063;0.073703703703703701832772310354;0.135555555555555568014725054127;0.085185185185185183232015049271
-0.003472222222222222029475169336;0.172569444444444441977282167500;0.104513888888888892281237019688;0.066319444444444444752839729063;0.043055555555555555247160270937;0.115277777777777784562474039376;0.048958333333333332870740406406;0.031250000000000000000000000000;0.060069444444444446140618509844;0.061458333333333330095182844843;0.089930555555555555247160270937;0.203125000000000000000000000000
-0.006097560975609756309112619022;0.134552845528455283785618235015;0.116260162601626013123556901974;0.137804878048780499177894398599;0.020325203252032519873893079421;0.142276422764227639117251555945;0.013414634146341463186158371457;0.012601626016260162807536282514;0.044308943089430896655755987013;0.073170731707317068770457524352;0.122357723577235774636839948926;0.176829268292682917351754667834
-0.010130718954248366450721086096;0.117647058823529410132024963787;0.035294117647058823039607489136;0.000653594771241830020148955160;0.046078431372549022437823396103;0.305555555555555580227178325003;0.016993464052287580307032399674;0.022875816993464050813633647863;0.074836601307189540288611340202;0.037254901960784313208474571866;0.148366013071895425090573894522;0.184313725490196089751293584413
-0.035028248587570622041287293769;0.122033898305084750890436851023;0.115819209039548023931764930694;0.076836158192090400764762136987;0.055367231638418078210062134303;0.099435028248587575827599494005;0.043502824858757060955127826674;0.052259887005649714730726174139;0.074858757062146896732457435064;0.084745762711864403016193136864;0.072881355932203392700152733141;0.167231638418079087138323757245
-0.026149425287356323210907760313;0.181896551724137933714331438750;0.064942528735632179537340391562;0.046264367816091951646217950156;0.052298850574712646421815520625;0.152298850574712651972930643751;0.023850574712643679564649801250;0.014367816091954022789112244141;0.056896551724137933714331438750;0.057758620689655169877507745468;0.099425287356321834231209777499;0.223850574712643690666880047502
-0.071944444444444449748843339876;0.061111111111111109106541761093;0.137222222222222217657972009874;0.030555555555555554553270880547;0.037499999999999998612221219219;0.050277777777777775403134086218;0.009444444444444444544672911945;0.054166666666666668517038374375;0.140000000000000013322676295502;0.149722222222222228760202256126;0.087777777777777774015355305437;0.170277777777777777901135891625
-0.007446808510638298211903318702;0.187943262411347511431358725531;0.186879432624113467342752414879;0.002127659574468085141446538344;0.030851063829787233466772633506;0.052482269503546098710078382510;0.053546099290780142798684693162;0.021985815602836879939507852555;0.065957446808510636349076605711;0.072340425531914887002926661808;0.082978723404255314011201960511;0.235460992907801425211289370054
-0.005974842767295597892318603783;0.187735849056603787410324457596;0.142138364779874210030996550813;0.141194968553459115900849951686;0.033962264150943395624171472491;0.060377358490566038207170151964;0.064150943396226414727756548473;0.027987421383647799466576344685;0.046855345911949682069508327231;0.064150943396226414727756548473;0.059748427672955975453739085879;0.165723270440251563284661528996
-0.017094017094017095736990796695;0.113247863247863247981861434255;0.076923076923076927347011633174;0.418376068376068388499078309906;0.020940170940170938634894426400;0.058119658119658121342432366419;0.036752136752136753405917346527;0.016666666666666666435370203203;0.041025641025641025605441569724;0.058119658119658121342432366419;0.041025641025641025605441569724;0.101709401709401708879809689279
-0.090606060606060606632539133898;0.095151515151515153601025076568;0.060909090909090905785472358502;0.204545454545454558070716188922;0.036060606060606063827389533571;0.084242424242424243652216375722;0.013939393939393938948168027991;0.040303030303030305814271372356;0.088181818181818180657494110619;0.072121212121212127654779067143;0.066363636363636360759876708926;0.147575757575757582351627661410
-0.064285714285714279370154144999;0.138888888888888895056794581251;0.067063492063492061157070622812;0.132539682539682540651782005625;0.076587301587301592764589486251;0.092857142857142860314922927500;0.023809523809523808202115446875;0.022222222222222223070309254922;0.087301587301587296741089971874;0.062301587301587302292205095000;0.050396825396825398191147371563;0.181746031746031738718372139374
-0.036111111111111107718762980312;0.181597222222222215437525960624;0.118749999999999994448884876874;0.004166666666666666608842550801;0.043402777777777776235801354687;0.110416666666666662965923251249;0.039583333333333331482961625625;0.050347222222222223764198645313;0.067708333333333328707404064062;0.054861111111111110494320541875;0.083333333333333328707404064062;0.209722222222222226539756206876
-0.022222222222222223070309254922;0.200000000000000011102230246252;0.069444444444444447528397290625;0.074206349206349206393262818438;0.034920634920634921471993550313;0.145238095238095249461807156877;0.024603174603174602502742018828;0.011507936507936508685467913438;0.069047619047619052112807480626;0.065476190476190479494711382813;0.100793650793650796382294743125;0.182539682539682529549551759374
-0.014062500000000000346944695195;0.171354166666666668517038374375;0.131250000000000005551115123126;0.161979166666666674068153497501;0.034375000000000002775557561563;0.076562500000000005551115123126;0.061458333333333330095182844843;0.053124999999999998612221219219;0.041666666666666664353702032031;0.085937500000000000000000000000;0.102604166666666662965923251249;0.065625000000000002775557561563
-0.015306122448979591482709494699;0.038435374149659862208494587321;0.031632653061224487445191044799;0.606802721088435359497736953927;0.034353741496598637350512461808;0.055102040816326532113311742478;0.009863945578231291672066660681;0.006462585034013605157776627408;0.034013605442176873816517712612;0.053741496598639457160651033973;0.039455782312925166688266642723;0.074829931972789115457445063839
-0.052651515151515150547911758849;0.142045454545454558070716188922;0.166666666666666657414808128124;0.006818181818181817850643700041;0.041666666666666664353702032031;0.052272727272727269320906628991;0.042045454545454545580707161889;0.089393939393939400583910526166;0.068181818181818176771713524431;0.072348484848484842513194337243;0.065151515151515154711248101194;0.200757575757575745800664890339
-0.008333333333333333217685101602;0.244999999999999995559107901499;0.183666666666666672513841263026;0.004000000000000000083266726847;0.010666666666666666310470112933;0.057666666666666664686768939418;0.134666666666666656748674313349;0.037333333333333336423454085207;0.026333333333333333592385372413;0.051666666666666666296592325125;0.084333333333333329595582483762;0.156333333333333324155489663099
-0.013063063063063063209967573641;0.241891891891891891441801476503;0.174774774774774765973006651620;0.151351351351351359753039105271;0.004504504504504504465434155946;0.046846846846846847134404612234;0.144144144144144142893892990287;0.011711711711711711783601153058;0.014864864864864865690030626411;0.032432432432432434232794093987;0.077477477477477477152412177475;0.086936936936936937136977121554
-0.002777777777777777883788656865;0.155158730158730162607128022501;0.050000000000000002775557561563;0.363492063492063477436744278748;0.014285714285714285268213963320;0.125793650793650790831179620000;0.020238095238095239053466301016;0.006746031746031746351155433672;0.023809523809523808202115446875;0.057539682539682536488445663281;0.110714285714285709527615608749;0.069444444444444447528397290625
-0.003875968992248061961714000745;0.224418604651162784113793691176;0.044961240310077518755882408641;0.000000000000000000000000000000;0.042635658914728681578854008194;0.182945736434108524592900835160;0.009689922480620154904285001862;0.001162790697674418588514200223;0.083333333333333328707404064062;0.042635658914728681578854008194;0.091472868217054262296450417580;0.272868217054263562104665652441
-0.001515151515151515150200967064;0.148484848484848497296439973070;0.080303030303030306646938640824;0.435353535353535325835849789655;0.013131313131313130868060845557;0.068686868686868685074387030909;0.022222222222222223070309254922;0.012121212121212121201607736509;0.020202020202020203737403036826;0.043939393939393937837945003366;0.065151515151515154711248101194;0.088888888888888892281237019688
-0.005782312925170067681446273156;0.200000000000000011102230246252;0.061564625850340136403726631897;0.061904761904761906876615285000;0.033333333333333332870740406406;0.156802721088435376151082323304;0.022789115646258503722343391473;0.002040816326530612428991062757;0.072108843537414965552123646830;0.045238095238095236971798129844;0.103741496598639459936208595536;0.234693877551020418925631361162
-0.016666666666666666435370203203;0.155925925925925912274294660165;0.173703703703703693506099625665;0.001851851851851851922525771243;0.029259259259259259161600752464;0.055925925925925927539861248761;0.036296296296296298722339201959;0.023333333333333334397297065266;0.080740740740740737924063807895;0.081481481481481488060580886668;0.095555555555555560243163881751;0.249259259259259263741270729042
-0.034074074074074076068363581271;0.181851851851851847863272837458;0.124074074074074072737694507396;0.012962962962962962590318660716;0.037777777777777778178691647781;0.102592592592592596334455379292;0.036296296296296298722339201959;0.011481481481481481399242738917;0.064814814814814811216869827604;0.073333333333333333703407674875;0.094814814814814810106646802979;0.225925925925925918935632807916
-0.045480225988700564987432528596;0.175706214689265532991058194057;0.113841807909604519899460228771;0.014124293785310734414273348136;0.029378531073446328275577954514;0.093502824858757063730685388236;0.022316384180790960201079542458;0.031355932203389828838435704483;0.095197740112994352901232275599;0.113841807909604519899460228771;0.112994350282485875314186785090;0.152259887005649713342947393357
-0.014074074074074073917306471060;0.060370370370370372847812490136;0.159259259259259267071939802918;0.317777777777777770129574719249;0.019629629629629628817522046802;0.036666666666666666851703837438;0.014074074074074073917306471060;0.061851851851851852304164935958;0.054074074074074073015250263552;0.086666666666666669627261399000;0.055925925925925927539861248761;0.119629629629629627429743266021
-0.031862745098039213509366618382;0.051960784313725492944424644293;0.070588235294117646079214978272;0.444607843137254876708652773232;0.046078431372549022437823396103;0.041176470588235293546208737325;0.021078431372549021050044615322;0.020588235294117646773104368663;0.066176470588235294933987518107;0.050490196078431373583050856269;0.042156862745098042100089230644;0.113235294117647058986797503621
-0.005284552845528455063128792091;0.149999999999999994448884876874;0.199186991869918700315267301448;0.038211382113821135142472940061;0.036991869918699189778710234577;0.042682926829268295898511809128;0.098780487804878053248458513735;0.056097560975609757349946704608;0.046341463414634145867587733392;0.054471544715447156592702526723;0.071951219512195116467800914961;0.200000000000000011102230246252
-0.001111111111111111110147375847;0.218148148148148146585612039416;0.188518518518518529702987507335;0.004814814814814815172039352831;0.015925925925925926707193980292;0.065925925925925929482751541855;0.127777777777777767909128669999;0.024074074074074074125473288177;0.042592592592592591616007524635;0.052962962962962961688262453208;0.097407407407407400889987059145;0.160740740740740739589398344833
-0.034444444444444444197728216750;0.154166666666666674068153497501;0.188055555555555559132940857126;0.014722222222222221613141535101;0.033333333333333332870740406406;0.065277777777777781786916477813;0.045833333333333330095182844843;0.046111111111111109661653273406;0.060277777777777777346024379312;0.075833333333333335923853724125;0.088333333333333333148296162562;0.193611111111111122706773812752
-0.015384615384615385469402326635;0.142735042735042727546357355095;0.100854700854700857215462406202;0.209401709401709407165625975722;0.024786324786324785002245008059;0.088888888888888892281237019688;0.017521367521367521569164438233;0.008119658119658120301598280832;0.057264957264957262739191179435;0.085042735042735045913886438029;0.100854700854700857215462406202;0.149145299145299142784537593798
-0.021186440677966100754048284216;0.104237288135593214599694533717;0.063276836158192087400387038088;0.272598870056497188940625164832;0.035028248587570622041287293769;0.116666666666666668517038374375;0.024011299435028249371626429820;0.017231638418079096158885832324;0.056497175141242937657093392545;0.076836158192090400764762136987;0.122316384180790965752194665583;0.090112994350282485389591613512
-0.017105263157894737974240584322;0.078947368421052627196488060690;0.073684210526315782607831295081;0.336403508771929815601708924078;0.034649122807017540548457645855;0.095175438596491232501328738635;0.028070175438596491751530592751;0.021052631578947367946286206575;0.062719298245614035769435190559;0.071052631578947367252396816184;0.094298245614035089423587976398;0.086842105263157901018367113011
-0.022448979591836733249454738370;0.093877551020408164794694982902;0.052380952380952382207990325469;0.382312925170068040880977378038;0.032312925170068028390968351005;0.081972789115646260693637259465;0.011224489795918366624727369185;0.009183673469387755930459782405;0.054421768707482991167534436272;0.065986394557823124795703506607;0.066666666666666665741480812812;0.127210884353741504604329293215
-0.011904761904761904101057723437;0.069841269841269842943987100625;0.064682539682539688663531762813;0.541666666666666629659232512495;0.018650793650793650452213157109;0.036904761904761905488836504219;0.014285714285714285268213963320;0.036111111111111107718762980312;0.031349206349206348853897452500;0.062301587301587302292205095000;0.043650793650793648370544985937;0.068650793650793656697217670626
-0.018553459119496854695663401458;0.147798742138364774811876145577;0.160691823899371061257213000317;0.008490566037735848906042868123;0.024842767295597485699421014260;0.103144654088050319318270453550;0.043396226415094336925637463764;0.089622641509433956241714724911;0.080817610062893077693679799722;0.091509433962264144502007923165;0.088993710691823893488283658826;0.142138364779874210030996550813
-0.022424242424242422921931705559;0.143333333333333340364745822626;0.119696969696969690577503797613;0.002121212121212121427121788386;0.023939393939393940891058321085;0.170606060606060594420085863021;0.034848484848484850839867021932;0.109696969696969695573507408426;0.049090909090909087830745249903;0.053939393939393939780835296460;0.118181818181818179547271085994;0.152121212121212129320113604081
-0.019005847953216373213969347944;0.096198830409356728132763691974;0.072514619883040934422702150641;0.257017543859649144621926097898;0.034502923976608187994763454753;0.097953216374269000410457408634;0.067251461988304089834045385032;0.012573099415204678705459961918;0.065789473684210522663740050575;0.072514619883040934422702150641;0.082748538011695904614839491842;0.121929824561403513105695139984
-0.016666666666666666435370203203;0.147368421052631565215662590163;0.083771929824561400246274445180;0.217982456140350888684764640857;0.027631578947368420212660211632;0.098684210526315790934503979770;0.035087719298245612087328026973;0.008333333333333333217685101602;0.055263157894736840425320423265;0.064912280701754379585999288338;0.090350877192982459451542354145;0.153947368421052638298718306942
-0.050555555555555554969604514781;0.109722222222222220988641083750;0.135833333333333333703407674875;0.014722222222222221613141535101;0.020277777777777776513357110844;0.083611111111111108273874492625;0.019444444444444444752839729063;0.057500000000000002498001805407;0.108055555555555557467606320188;0.137500000000000011102230246252;0.109722222222222220988641083750;0.153055555555555555802271783250
-0.027380952380952380820211544687;0.113492063492063491314532086562;0.169841269841269848495102223751;0.040873015873015873522522412031;0.017063492063492061850960013203;0.049206349206349205005484037656;0.041269841269841268938112222031;0.106746031746031741493929700937;0.089682539682539683112416639688;0.137698412698412708810025151251;0.089285714285714287696826829688;0.117460317460317459348217994375
-0.038095238095238098674499838125;0.100000000000000005551115123126;0.094761904761904755534196453937;0.189523809523809511068392907873;0.017142857142857143709635536766;0.045238095238095236971798129844;0.020000000000000000416333634234;0.142380952380952385816215155501;0.095714285714285710082727121062;0.111904761904761909652172846563;0.054761904761904761640423089375;0.090476190476190473943596259687
-0.023750000000000000277555756156;0.075833333333333335923853724125;0.091666666666666660190365689687;0.093750000000000000000000000000;0.037916666666666667961926862063;0.077499999999999999444888487687;0.028333333333333331899295259859;0.100833333333333330372738601000;0.105416666666666672402818960563;0.091249999999999997779553950750;0.092083333333333336478965236438;0.181666666666666670737484423626
-0.021944444444444443503838826359;0.118333333333333332038073137937;0.070555555555555551916491197062;0.300833333333333341474968847251;0.020000000000000000416333634234;0.083055555555555549140933635499;0.022222222222222223070309254922;0.032777777777777780676693453188;0.050833333333333334536074943344;0.100277777777777771239797743874;0.104999999999999996114219413812;0.074166666666666672402818960563
-0.075297619047619043786134795937;0.182142857142857134133961949374;0.083928571428571421830788779062;0.051488095238095235584019349062;0.019047619047619049337249919063;0.120238095238095241135134472188;0.033333333333333332870740406406;0.006250000000000000346944695195;0.080357142857142863090480489063;0.063690476190476186246769429999;0.090178571428571427381903902187;0.194047619047619052112807480626
-0.018840579710144928632375993516;0.275724637681159401303432332497;0.086956521739130432369080381250;0.027173913043478260115337619141;0.029347826086956522312343409453;0.117753623188405792676647365624;0.067753623188405803778877611876;0.004347826086956521791926366660;0.057246376811594203160016292031;0.046739130434782609480048876094;0.094202898550724639692433015625;0.173913043478260864738160762499
-0.002136752136752136967123849587;0.300854700854700840562117036825;0.103418803418803412208504255432;0.000854700854700854700113366036;0.028632478632478631369595589717;0.138461538461538469224620939713;0.058974358974358973006779649495;0.009829059829059828834463274916;0.047863247863247866675795449964;0.046581196581196582240380621442;0.096153846153846159183764541467;0.166239316239316231582634486585
-0.005701754385964912658080194774;0.266228070175438591427052870131;0.135964912280701760716183912336;0.000000000000000000000000000000;0.035526315789473683626198408092;0.089473684210526316373801591908;0.099122807017543862473374360889;0.009649122807017544364849293004;0.041228070175438599753725554820;0.047368421052631580481229178758;0.082894736842105257168533682943;0.186842105263157892691694428322
-0.004878048780487804873817747620;0.216666666666666674068153497501;0.141463414634146328330288611141;0.000000000000000000000000000000;0.042682926829268295898511809128;0.093089430894308947128656939185;0.067479674796747962650655949801;0.018699186991869919116648901536;0.059756097560975607319022628872;0.044715447154471545110343555507;0.073577235772357724163938996753;0.236991869918699193942046576922
-0.032978723404255318174538302856;0.185815602836879423254146104227;0.108156028368794329685975696975;0.056382978723404253429407617659;0.019503546099290780535540079654;0.130141843971631199217142693669;0.031205673758865248162974737056;0.027304964539007093443645501907;0.054609929078014186887291003814;0.085106382978723402188414581815;0.098581560283687946766306708923;0.170212765957446804376829163630
-0.060632183908045977904777146250;0.117241379310344825959155912187;0.190229885057471265197293064375;0.037068965517241377061186113906;0.006321839080459770027209387422;0.037931034482758620163256324531;0.072126436781609196136066941563;0.075574712643678154666559976249;0.086206896551724143673567368751;0.138218390804597690557642408749;0.087356321839080458557802444375;0.091091954022988502748248151875
-0.004802259887005650047797633562;0.228813559322033899245951715784;0.179378531073446340071697591156;0.000847457627118644043172357438;0.022598870056497175062837357018;0.071751412429378533253121474900;0.089548022598870055666075984391;0.042372881355932201508096568432;0.032768361581920903147224777285;0.055367231638418078210062134303;0.090677966101694915113107242632;0.181073446327683629242244478519
-0.007446808510638298211903318702;0.204609929078014174397281976781;0.097517730496453902677700398272;0.000709219858156028416622251864;0.045744680851063826421132318956;0.120921985815602830993675809168;0.048936170212765958686951250911;0.020921985815602835850901541903;0.080141843971631210319372939921;0.083687943262411343403606167612;0.088297872340425534454233513770;0.201063829787234055190836556903
-0.021825396825396824185272492969;0.080158730158730165382685584063;0.084920634920634924247551111876;0.295238095238095243910692033751;0.035317460317460316887583360312;0.086507936507936505909910351875;0.038095238095238098674499838125;0.048412698412698414174304417656;0.063888888888888883954564334999;0.074603174603174601808852628437;0.078174603174603174426948726250;0.092857142857142860314922927500
-0.027083333333333334258519187188;0.094166666666666662410811738937;0.067916666666666666851703837438;0.300833333333333341474968847251;0.043749999999999997224442438437;0.074583333333333334813630699500;0.027500000000000000138777878078;0.022083333333333333287074040641;0.078750000000000000555111512313;0.100416666666666667961926862063;0.080000000000000001665334536938;0.082916666666666666296592325125
-0.039772727272727272096464190554;0.168181818181818182322828647557;0.162121212121212110446322185453;0.003030303030303030300401934127;0.034090909090909088385856762216;0.058712121212121215485524317046;0.061742424242424244484883644191;0.019318181818181817677171352443;0.074999999999999997224442438437;0.073484848484848486194209726818;0.113257575757575751351780013465;0.191287878787878784514475682954
-0.046124031007751940813843560818;0.124031007751937982774848023837;0.217829457364341089187220745771;0.005813953488372092942571001117;0.015891472868217054043027403054;0.040697674418604654067443959775;0.083720930232558138373022416090;0.176744186046511625454158433968;0.034496124031007754928701558583;0.049224806201550390383214761414;0.087596899224806207273630320742;0.117829457364341083636105622645
-0.005925925925925925631665425186;0.182962962962962966129154551709;0.213333333333333347026083970377;0.004814814814814815172039352831;0.014814814814814815380206169948;0.066666666666666665741480812812;0.032222222222222221543752596062;0.065555555555555561353386906376;0.053703703703703704885885628073;0.086296296296296301497896763522;0.094814814814814810106646802979;0.178888888888888875072780137998
-0.006140350877192982462227099916;0.128070175438596500772092667830;0.140350877192982448349312107894;0.020175438596491228337992396291;0.007309941520467835851526672286;0.097953216374269000410457408634;0.058479532163742686812213378289;0.182163742690058472195602234933;0.037426900584795322335374123668;0.077777777777777779011358916250;0.124853801169590647446305808899;0.119298245614035083872472853272
-0.075555555555555556357383295563;0.051851851851851850361274642864;0.141111111111111103832982394124;0.059999999999999997779553950750;0.017037037037037038034181790636;0.034074074074074076068363581271;0.076296296296296292616112566520;0.173703703703703693506099625665;0.077037037037037042752629645292;0.089999999999999996669330926125;0.130740740740740740699621369458;0.072592592592592597444678403917
-0.130555555555555563573832955626;0.103571428571428578169211220938;0.073015873015873020146493388438;0.042460317460317462123775555938;0.036904761904761905488836504219;0.097222222222222223764198645313;0.024206349206349207087152208828;0.034920634920634921471993550313;0.106746031746031741493929700937;0.100793650793650796382294743125;0.098015873015873014595378265312;0.151587301587301576111244116873
-0.018992248062015503612398603650;0.177906976744186040573225682238;0.034883720930232557655426006704;0.000000000000000000000000000000;0.059689922480620154210395611472;0.207751937984496121147870439927;0.010465116279069767296627802011;0.000387596899224806196171400074;0.100387596899224801338945667339;0.039147286821705429282758359477;0.107751937984496129474543124616;0.242635658914728685742190350538
-0.021138211382113820252515168363;0.171951219512195108141128230272;0.017073170731707318359404723651;0.000000000000000000000000000000;0.000813008130081300812302957937;0.358536585365853643914135773230;0.004471544715447154684506703148;0.000406504065040650406151478968;0.006910569105691056687734707964;0.027235772357723578296351263361;0.313414634146341464226992457043;0.078048780487804877981083961913
-0.001250000000000000026020852140;0.372499999999999997779553950750;0.102083333333333331482961625625;0.000416666666666666693410320255;0.011666666666666667198648532633;0.090416666666666672957930472876;0.047916666666666669904817155157;0.004583333333333333356462979680;0.025416666666666667268037471672;0.046666666666666668794594130532;0.150833333333333347026083970377;0.146249999999999991118215802999
-0.024213836477987422945989948175;0.153773584905660370969471273384;0.121383647798742139167771370012;0.048113207547169814515264363308;0.023584905660377360192558882090;0.095911949685534597653813193574;0.016666666666666666435370203203;0.083018867924528297330688531019;0.058490566037735849946876953709;0.109433962264150946852581114399;0.103459119496855350694985986593;0.161949685534591186764075132487
-0.024206349206349207087152208828;0.089285714285714287696826829688;0.091666666666666660190365689687;0.238492063492063505192319894377;0.022222222222222223070309254922;0.090476190476190473943596259687;0.026984126984126985404621734688;0.102777777777777773460243793124;0.047619047619047616404230893750;0.105555555555555555247160270937;0.107539682539682546202897128751;0.053174603174603173039169945469
-0.017441860465116278827713003352;0.167441860465116276746044832180;0.112015503875968994162981573481;0.107751937984496129474543124616;0.010077519379844961100456401937;0.094186046511627902200203266148;0.027519379844961239928169405289;0.102325581395348835789249619665;0.039922480620155041675101159626;0.068217054263565890526166413110;0.091860465116279071962068769608;0.161240310077519377607302430988
-0.029245283018867924973438476854;0.178616352201257849729998383737;0.114465408805031448880029643078;0.036792452830188678014611269873;0.019496855345911948825810000585;0.072327044025157230522360407576;0.040880503144654085911913199425;0.066352201257861634364765279770;0.062264150943396226467463350218;0.080817610062893077693679799722;0.079874213836477983563533200595;0.218867924528301893705162228798
-0.051249999999999996946886682281;0.142083333333333339254522798001;0.118333333333333332038073137937;0.070833333333333331482961625625;0.012916666666666666574148081281;0.051249999999999996946886682281;0.065000000000000002220446049250;0.162083333333333329262515576374;0.055000000000000000277555756156;0.098750000000000004440892098501;0.085416666666666668517038374375;0.087083333333333332038073137937
-0.034545454545454545858262918046;0.162121212121212110446322185453;0.168181818181818182322828647557;0.046666666666666668794594130532;0.019393939393939393922572378415;0.053333333333333336756520992594;0.069696969696969701679734043864;0.054242424242424244762439400347;0.061212121212121210767076462389;0.113636363636363632578785143323;0.090606060606060606632539133898;0.126363636363636372417218467490
-0.018794326241134751143135872553;0.203546099290780130308675666129;0.173049645390070921946445992035;0.007446808510638298211903318702;0.017375886524822695827774410304;0.098581560283687946766306708923;0.058865248226950356302822342514;0.056028368794326238733205514109;0.036524822695035458197665434454;0.052127659574468084013876278959;0.138652482269503551925993178884;0.139007092198581566622195282434
-0.015416666666666667059870654555;0.197083333333333332593184650250;0.140416666666666661855700226624;0.000000000000000000000000000000;0.014166666666666665949647629930;0.132083333333333330372738601000;0.030833333333333334119741309109;0.065416666666666664631257788187;0.043749999999999997224442438437;0.055000000000000000277555756156;0.117499999999999993338661852249;0.188333333333333324821623477874
-0.000000000000000000000000000000;0.263888888888888895056794581251;0.107407407407407409771771256146;0.000000000000000000000000000000;0.032870370370370369239587660104;0.098611111111111107718762980312;0.045370370370370373402924002448;0.001851851851851851922525771243;0.055092592592592595779343866980;0.042592592592592591616007524635;0.077777777777777779011358916250;0.274537037037037023878838226665
-0.000000000000000000000000000000;0.310740740740740761793858837336;0.044444444444444446140618509844;0.000000000000000000000000000000;0.017777777777777777762358013547;0.207407407407407401445098571457;0.025925925925925925180637321432;0.000740740740740740703958178148;0.034814814814814812327092852229;0.041851851851851848418384349770;0.141851851851851840091711665082;0.174444444444444457520404512252
-0.017777777777777777762358013547;0.177777777777777784562474039376;0.125277777777777765688682620748;0.114444444444444445863062753688;0.023611111111111110494320541875;0.106944444444444439201724605937;0.070555555555555551916491197062;0.035555555555555555524716027094;0.036388888888888887285233408875;0.052499999999999998057109706906;0.096666666666666664631257788187;0.142499999999999987787546729123
-0.011635220125786162673198198547;0.123270440251572327428064568267;0.183647798742138351757446912416;0.206289308176100638636540907100;0.007547169811320754775896268995;0.038993710691823897651620001170;0.052201257861635222412566292860;0.057547169811320755816730354582;0.031761006289308175987162741194;0.092452830188679238632154522293;0.096540880503144660407244259659;0.098113207547169817290821924871
-0.030681818181818181628939257166;0.074242424242424248648219986535;0.125000000000000000000000000000;0.080681818181818187873943770683;0.040151515151515153323469320412;0.060606060606060607742762158523;0.041287878787878790065590806080;0.111742424242424240321547301846;0.116287878787878787290033244517;0.095454545454545458582629180455;0.074621212121212115997437308579;0.149242424242424231994874617158
-0.018376068376068376702958673263;0.081196581196581199546535856371;0.076068376068376061804876542283;0.126923076923076916244781386922;0.015811965811965811301575968173;0.120512820512820514884388956034;0.019658119658119657668926549832;0.131196581196581202322093417934;0.065384615384615388244959888198;0.108547008547008549950163569520;0.130769230769230776489919776395;0.105555555555555555247160270937
-0.000000000000000000000000000000;0.162916666666666654084139054248;0.023750000000000000277555756156;0.000000000000000000000000000000;0.014583333333333333564629796797;0.372916666666666674068153497501;0.005833333333333333599324266316;0.000000000000000000000000000000;0.032500000000000001110223024625;0.065416666666666664631257788187;0.226250000000000006661338147751;0.095833333333333339809634310313
-0.012847222222222221682530474141;0.089583333333333334258519187188;0.126388888888888883954564334999;0.059722222222222225151977426094;0.023611111111111110494320541875;0.212152777777777773460243793124;0.031250000000000000000000000000;0.060763888888888888117900677344;0.072916666666666671292595935938;0.077430555555555558022717832500;0.127083333333333325931846502499;0.106249999999999997224442438437
-0.006140350877192982462227099916;0.035964912280701755165068789211;0.043859649122807015109160033717;0.549122807017543901331180222769;0.014473684210526315679912201517;0.046929824561403508942358797640;0.035526315789473683626198408092;0.042543859649122807431442794268;0.025000000000000001387778780781;0.078070175438596497996535106267;0.108333333333333337034076748751;0.014035087719298245875765296375
-0.040666666666666663465523612331;0.058666666666666665574947359119;0.126666666666666677398822571377;0.022666666666666668294993769450;0.022999999999999999611421941381;0.037666666666666667739882257138;0.075333333333333335479764514275;0.278333333333333321490954403998;0.088666666666666671403618238401;0.071999999999999994559907179337;0.060666666666666667351304198519;0.115666666666666667628859954675
-0.006666666666666667094565124074;0.122083333333333335368742211813;0.096250000000000002220446049250;0.017500000000000001665334536938;0.049166666666666664076146275875;0.112500000000000002775557561563;0.018333333333333333425851918719;0.025416666666666667268037471672;0.122499999999999997779553950750;0.066250000000000003330669073875;0.082083333333333327597181039437;0.281250000000000000000000000000
-0.026829268292682926372316742913;0.176829268292682917351754667834;0.076422764227642270284945880121;0.084146341463414639494367008865;0.042276422764227640505030336726;0.134959349593495925301311899602;0.011382113821138212239603149101;0.042682926829268295898511809128;0.080894308943089424102090845281;0.076016260162601628769252215534;0.125609756097560976151328304695;0.121951219512195119243358476524
-0.022072072072072072140835885534;0.128828828828828817476548351806;0.062162162162162165612855346808;0.101351351351351356977481543709;0.082882882882882882857877859806;0.162162162162162171163970469934;0.021171171171171170033442621161;0.026576576576576575738908303492;0.050450450450450448625083765819;0.084684684684684680133770484645;0.234234234234234228733129157263;0.023423423423423423567202306117
-0.073888888888888892836348532001;0.153055555555555555802271783250;0.100000000000000005551115123126;0.123055555555555556912494807875;0.039722222222222221266196839906;0.051111111111111114102545371907;0.039722222222222221266196839906;0.100277777777777771239797743874;0.066388888888888886175010384250;0.068333333333333329262515576374;0.073611111111111113269878103438;0.110833333333333339254522798001
-0.060493827160493826577969400660;0.127160493827160492319450213472;0.125925925925925913384517684790;0.003395061728395061713403624282;0.034259259259259260133045899011;0.096913580246913585969359417049;0.063888888888888883954564334999;0.081481481481481488060580886668;0.064197530864197535627191371077;0.075617283950617286691908702778;0.093518518518518514714976674895;0.173148148148148134373158768540
-0.012091503267973856619588168826;0.106535947712418296862146860349;0.052614379084967320687749037234;0.208496732026143799521022970112;0.018954248366013070475899482403;0.188562091503267970082902138529;0.037908496732026140951798964807;0.030065359477124183745777585841;0.046405228758169936309485592574;0.059150326797385618937674678364;0.091503267973856203254534591451;0.147712418300653597347249501581
-0.008181818181818182461606525635;0.111818181818181816566948327818;0.100000000000000005551115123126;0.042424242424242426807712291748;0.021212121212121213403856145874;0.114545454545454547523597454983;0.092424242424242422644375949403;0.212727272727272737062875762604;0.044545454545454547801153211140;0.058787878787878784792031439110;0.069696969696969701679734043864;0.123636363636363641460569340325
-0.024731182795698924276051045013;0.036021505376344083171336052374;0.191397849462365599038093932904;0.105913978494623653436867982691;0.009139784946236559348697880978;0.012903225806451612892034042090;0.051612903225806451568136168362;0.306989247311827972986009172018;0.035483870967741935886774484743;0.110215053763440859468936139365;0.060215053763440863632272481709;0.055376344086021503376748853498
-0.046464646464646465473524727940;0.023737373737373737569988918494;0.265656565656565646360576238294;0.022727272727272727903535809446;0.005050505050505050934350759206;0.013636363636363635701287400082;0.007575757575757575967845269815;0.243939393939393928123493537896;0.046464646464646465473524727940;0.173232323232323237593988096705;0.093434343434343439249722962359;0.058080808080808080107182433949
-0.048148148148148148250946576354;0.052314814814814813992427389167;0.165740740740740744030290443334;0.175462962962962959467816403958;0.010185185185185186007572610833;0.014351851851851851749053423646;0.040277777777777780399137697032;0.264351851851851837871265615831;0.039351851851851853136832204427;0.071296296296296302053008275834;0.052777777777777777623580135469;0.065740740740740738479175320208
-0.028571428571428570536427926640;0.076190476190476197348999676251;0.092063492063492069483743307501;0.223809523809523819304345693126;0.047222222222222220988641083750;0.061507936507936504522131571093;0.062301587301587302292205095000;0.119841269841269845719544662188;0.071428571428571424606346340624;0.056349206349206350241676233281;0.053571428571428568454759755468;0.107142857142857136909519510937
-0.041666666666666664353702032031;0.078174603174603174426948726250;0.094444444444444441977282167500;0.235317460317460314112025798750;0.023412698412698412786525636875;0.052777777777777777623580135469;0.098015873015873014595378265312;0.092857142857142860314922927500;0.067460317460317456572660432812;0.078968253968253965258128346250;0.062301587301587302292205095000;0.074603174603174601808852628437
-0.016666666666666666435370203203;0.062585034013605447822392591206;0.090816326530612251355378816697;0.396598639455782331353361769288;0.021768707482993195773124384118;0.054761904761904761640423089375;0.067006802721088429275475562008;0.048979591836734691356891602254;0.060884353741496595457949325692;0.065986394557823124795703506607;0.057482993197278911545744506384;0.056462585034013607065972450982
-0.035106382978723406351750924159;0.072695035460992901699128765358;0.169148936170212760288222852978;0.017730496453900710523976513855;0.008156028368794325869584049826;0.039716312056737590463484366410;0.072340425531914887002926661808;0.263829787234042545396306422845;0.055319148936170209340801307007;0.097872340425531917373902501822;0.106737588652482270901167282773;0.061347517730496452237343163461
-0.037681159420289857264751987032;0.068115942028985507206151339687;0.051811594202898547667501816250;0.056159420289855072061513396875;0.022463768115942028824605358750;0.089130434782608694566086171562;0.097101449275362322621774069376;0.378623188405797117539464125002;0.046376811594202899113881244375;0.028623188405797101580008146016;0.052898550724637678766004711406;0.071014492753623190135492393438
-0.039682539682539680336859078125;0.085317460317460319663140921875;0.053174603174603173039169945469;0.405555555555555558022717832500;0.022619047619047618485899064922;0.056349206349206350241676233281;0.081349206349206351629455014063;0.029365079365079364837054498594;0.046428571428571430157461463750;0.040079365079365082691342792032;0.058730158730158729674108997187;0.081349206349206351629455014063
-0.021825396825396824185272492969;0.095238095238095232808461787499;0.074206349206349206393262818438;0.257142857142857117480616579996;0.050396825396825398191147371563;0.079761904761904756089307966249;0.057539682539682536488445663281;0.046825396825396825573051273750;0.094047619047619046561692357500;0.062698412698412697707794905000;0.061111111111111109106541761093;0.099206349206349200842147695312
-0.005952380952380952050528861719;0.091269841269841264774775879687;0.036111111111111107718762980312;0.034126984126984123701920026406;0.034920634920634921471993550313;0.348412698412698396133180267498;0.035714285714285712303173170312;0.008730158730158730367998387578;0.102777777777777773460243793124;0.036904761904761905488836504219;0.103968253968253973584801030938;0.161111111111111121596550788126
-0.005833333333333333599324266316;0.032916666666666663521034763562;0.023750000000000000277555756156;0.630000000000000004440892098501;0.011249999999999999583666365766;0.110000000000000000555111512313;0.020416666666666666296592325125;0.016250000000000000555111512313;0.025833333333333333148296162562;0.027083333333333334258519187188;0.063333333333333338699411285688;0.033333333333333332870740406406
-0.004761904761904762334312479766;0.035374149659863948769178421117;0.016666666666666666435370203203;0.699659863945578219812659881427;0.007142857142857142634106981660;0.081292517006802719747859953259;0.015986394557823128959039848951;0.012585034013605441577388077690;0.014285714285714285268213963320;0.024829931972789116151334454230;0.054761904761904761640423089375;0.032653061224489798863857004108
-0.005038759689922480550228200968;0.039922480620155041675101159626;0.030620155038759689497540605885;0.597286821705426351769574466744;0.009689922480620154904285001862;0.108527131782945734927992020857;0.015503875968992247846856002980;0.022480620155038759377941204320;0.020542635658914728397084203948;0.039534883720930232009482807598;0.074806201550387599330527166330;0.036046511627906979713387158881
-0.005092592592592593003786305417;0.020370370370370372015145221667;0.035648148148148151026504137917;0.788425925925925974446784039174;0.006018518518518518531368322044;0.010648148148148147904001881159;0.037037037037037034981068472916;0.047685185185185184619793830052;0.012500000000000000693889390391;0.008796296296296296848837847904;0.018981481481481481121686982760;0.008796296296296296848837847904
-0.009895833333333332870740406406;0.053645833333333330095182844843;0.073437500000000002775557561563;0.403125000000000011102230246252;0.035937499999999997224442438437;0.089062500000000002775557561563;0.042708333333333334258519187188;0.053645833333333330095182844843;0.055208333333333331482961625625;0.043749999999999997224442438437;0.052083333333333335646297967969;0.087499999999999994448884876874
-0.033333333333333332870740406406;0.090740740740740746805848004897;0.053240740740740741254732881771;0.261574074074074069962136945833;0.071759259259259258745267118229;0.079629629629629633535969901459;0.062962962962962956692258842395;0.033796296296296296501893152708;0.109259259259259264296382241355;0.032407407407407405608434913802;0.048148148148148148250946576354;0.123148148148148145475389014791
-0.052499999999999998057109706906;0.085416666666666668517038374375;0.086249999999999993338661852249;0.079166666666666662965923251249;0.061666666666666668239482618219;0.087499999999999994448884876874;0.095000000000000001110223024625;0.054166666666666668517038374375;0.129583333333333328152292551749;0.079583333333333339254522798001;0.058333333333333334258519187188;0.130833333333333329262515576374
-0.060833333333333336478965236438;0.069166666666666667961926862063;0.110000000000000000555111512313;0.192916666666666652973916029623;0.035416666666666665741480812812;0.035833333333333335091186455656;0.121249999999999996669330926125;0.125416666666666676288599546751;0.083333333333333328707404064062;0.055833333333333332038073137937;0.046666666666666668794594130532;0.063333333333333338699411285688
-0.085937500000000000000000000000;0.081770833333333334258519187188;0.100000000000000005551115123126;0.088541666666666671292595935938;0.071354166666666662965923251249;0.078125000000000000000000000000;0.059374999999999997224442438437;0.078125000000000000000000000000;0.127083333333333325931846502499;0.089062500000000002775557561563;0.074479166666666665741480812812;0.066145833333333334258519187188
-0.043650793650793648370544985937;0.064285714285714279370154144999;0.066269841269841270325891002813;0.394841269841269826290641731248;0.020238095238095239053466301016;0.051984126984126986792400515469;0.043650793650793648370544985937;0.053968253968253970809243469375;0.065079365079365084079121572813;0.071031746031746029190756530625;0.059126984126984125089698807187;0.065873015873015874910301192813
-0.017676767676767676101823312251;0.052020202020202022108463779659;0.044949494949494947504398112414;0.525252525252525304111372861371;0.024242424242424242403215473018;0.055555555555555552471602709375;0.057070707070707070440729324901;0.031818181818181814901613790880;0.038383838383838381203005951647;0.042929292929292928171491894318;0.044444444444444446140618509844;0.065656565656565663013921607671
-0.018292682926829267192614381088;0.078048780487804877981083961913;0.052439024390243900441976876436;0.441463414634146344983633980519;0.019918699186991871419305510926;0.054878048780487805047290095217;0.072357723577235771861282387363;0.067886178861788618044137422203;0.033739837398373981325327974901;0.050000000000000002775557561563;0.069105691056910570346794031593;0.041869918699186992050442768232
-0.076602564102564107972881402020;0.056730769230769230448974127512;0.068269230769230762612131968581;0.309615384615384625632827919617;0.026282051282051282353746657350;0.068589743589743595864050007549;0.061858974358974361251739537693;0.068269230769230762612131968581;0.077564102564102566095272095481;0.055769230769230772326583434051;0.060256410256410257442194478017;0.070192307692307692734701163317
-0.016666666666666666435370203203;0.030808080808080808704607633786;0.057070707070707070440729324901;0.547474747474747447384402221360;0.016666666666666666435370203203;0.026767676767676766569348245639;0.073737373737373740345546480057;0.098484848484848480643094603693;0.032323232323232323204287297358;0.041414141414141417141259182699;0.035353535353535352203646624503;0.023232323232323232736762363970
-0.032017543859649125193023166958;0.067982456140350880358091956168;0.052631578947368418130992040460;0.394736842105263163738015919080;0.031140350877192982115282404720;0.077192982456140354918794344030;0.053947368421052632747603183816;0.060964912280701756552847569992;0.067543859649122808819221575050;0.048245614035087716620076037088;0.056140350877192983503061185502;0.057456140350877191180778424950
-0.013440860215053763646042561675;0.051075268817204304283574600731;0.047311827956989245536068011688;0.578494623655913975390774339758;0.028494623655913979554110682102;0.027956989247311828800102162518;0.051075268817204304283574600731;0.017741935483870967943387242372;0.056989247311827959108221364204;0.053225806451612900360714775161;0.039247311827956987695387169879;0.034946236559139781663319013205
-0.005925925925925925631665425186;0.124444444444444440867059142874;0.081111111111111106053428443374;0.398518518518518494175850719330;0.022222222222222223070309254922;0.063333333333333338699411285688;0.084814814814814815102650413792;0.014074074074074073917306471060;0.043333333333333334813630699500;0.035185185185185187395351391615;0.059629629629629629650189315271;0.067407407407407402000210083770
-0.026587301587301586519584972734;0.140079365079365081303564011250;0.176587301587301598315704609377;0.002380952380952381167156239883;0.031349206349206348853897452500;0.067063492063492061157070622812;0.130952380952380958989422765626;0.092063492063492069483743307501;0.071031746031746029190756530625;0.064682539682539688663531762813;0.115476190476190482270268944376;0.081746031746031747045044824063
-0.042129629629629627984854778333;0.084722222222222226539756206876;0.049537037037037039144404815261;0.002777777777777777883788656865;0.063425925925925927262305492604;0.143981481481481488060580886668;0.106481481481481482509465763542;0.023148148148148146863167795573;0.109722222222222220988641083750;0.062500000000000000000000000000;0.074537037037037040532183596042;0.237037037037037046083298719168
-0.045925925925925925596970955667;0.025185185185185185452461098521;0.050370370370370370904922197042;0.515185185185185190448464709334;0.020000000000000000416333634234;0.027037037037037036507625131776;0.014444444444444443781394582516;0.130740740740740740699621369458;0.039259259259259257635044093604;0.055185185185185184342238073896;0.040740740740740744030290443334;0.035925925925925923654080662573
-0.075416666666666673513041985188;0.041250000000000001942890293094;0.110833333333333339254522798001;0.253333333333333354797645142753;0.016250000000000000555111512313;0.037499999999999998612221219219;0.055833333333333332038073137937;0.190000000000000002220446049250;0.045833333333333330095182844843;0.073749999999999996114219413812;0.057500000000000002498001805407;0.042500000000000003053113317719
-0.054545454545454542805149600326;0.054545454545454542805149600326;0.124747474747474745848663246761;0.064646464646464646408574594716;0.026767676767676766569348245639;0.045959595959595957170851221463;0.091414141414141419916816744262;0.086363636363636364645657295114;0.126767676767676779059357272672;0.127777777777777767909128669999;0.093434343434343439249722962359;0.103030303030303027611580546363
-0.031018518518518518184423626849;0.046759259259259257357488337448;0.068518518518518520266091798021;0.279166666666666674068153497501;0.046759259259259257357488337448;0.063888888888888883954564334999;0.047222222222222220988641083750;0.112037037037037032205510911353;0.095370370370370369239587660104;0.078703703703703706273664408855;0.083333333333333328707404064062;0.047222222222222220988641083750
-0.039583333333333331482961625625;0.031250000000000000000000000000;0.090104166666666665741480812812;0.329687500000000022204460492503;0.023437500000000000000000000000;0.040625000000000001387778780781;0.021874999999999998612221219219;0.163541666666666668517038374375;0.070833333333333331482961625625;0.078645833333333331482961625625;0.068229166666666660190365689687;0.042187500000000002775557561563
-0.056504065040650405804534273102;0.069105691056910570346794031593;0.120731707317073166940701867134;0.041869918699186992050442768232;0.015853658536585366056748114261;0.125203252032520334635634640108;0.054471544715447156592702526723;0.083739837398373984100885536463;0.096341463414634148643145294955;0.111788617886178859306411936814;0.159756097560975612870137751997;0.064634146341463416529649066433
-0.015196078431372548808719891156;0.116666666666666668517038374375;0.113725490196078429794290798327;0.010784313725490195928768955014;0.041666666666666664353702032031;0.149019607843137252833898287463;0.070588235294117646079214978272;0.039215686274509803377341654596;0.091666666666666660190365689687;0.051470588235294115198037445680;0.176960784313725499883318548200;0.123039215686274502892239013363
-0.028787878787878789371701415689;0.140404040404040392209239485055;0.131313131313131326027843215343;0.010606060606060606701928072937;0.026767676767676766569348245639;0.071717171717171721012640261961;0.138383838383838386754121074773;0.090404040404040403311469731307;0.106060606060606063549833777415;0.060606060606060607742762158523;0.069696969696969701679734043864;0.125252525252525254151336753239
-0.014634146341463415488814980847;0.077642276422764222587602489511;0.091869918699186994826000329795;0.269105691056910567571236470030;0.048780487804878050472900952172;0.082113821138211376404747454671;0.105284552845528456277435225275;0.060162601626016262712504101273;0.069512195121951225740275503995;0.049593495934959347382076089161;0.067479674796747962650655949801;0.063821138211382119620473929444
-0.005982905982905983334474431246;0.051709401709401706104252127716;0.035897435897435894802676159543;0.569230769230769206856734854227;0.011538461538461539102051744976;0.104273504273504277750639346323;0.033333333333333332870740406406;0.008547008547008547868495398347;0.030341880341880341637184059778;0.042735042735042735873030039784;0.067094017094017091573654454351;0.039316239316239315337853099663
-0.008503401360544218454129428153;0.162585034013605439495719906517;0.056122448979591836593083797879;0.206122448979591837980862578661;0.031292517006802723911196295603;0.132312925170068040880977378038;0.081292517006802719747859953259;0.017346938775510203911700557455;0.062925170068027211356387340402;0.038775510204081632681383240424;0.084693877551020410598958676474;0.118027210884353736530805178973
-0.053459119496855347919428425030;0.061635220125786163714032284133;0.120440251572327045037624770885;0.148742138364779868942022744704;0.031132075471698113233731675109;0.068553459119496854001774011067;0.047484276729559751761833297223;0.050314465408805034152273094605;0.118553459119496856777331572630;0.115094339622641511633460709163;0.083333333333333328707404064062;0.101257861635220131057977255296
-0.044166666666666666574148081281;0.068333333333333329262515576374;0.086249999999999993338661852249;0.368333333333333345915860945752;0.037916666666666667961926862063;0.037083333333333336201409480282;0.064583333333333339809634310313;0.045833333333333330095182844843;0.078750000000000000555111512313;0.055000000000000000277555756156;0.056250000000000001387778780781;0.057500000000000002498001805407
-0.102688172043010755851710769093;0.103225806451612903136272336724;0.111290322580645167915847082440;0.043010752688172046442893758922;0.054301075268817201868731814329;0.050537634408602150060119129193;0.068279569892473121472953323519;0.040860215053763443426859680585;0.160215053763440862244493700928;0.108602150537634403737463628659;0.067741935483870974188391755888;0.089247311827956990470944731442
-0.007870370370370369586532355299;0.182407407407407406996213694583;0.071759259259259258745267118229;0.000000000000000000000000000000;0.049537037037037039144404815261;0.181018518518518523041649359584;0.029629629629629630760412339896;0.003240740740740740647579665179;0.113425925925925930037863054167;0.051388888888888886730121896562;0.108333333333333337034076748751;0.201388888888888895056794581251
-0.055405405405405408481023243894;0.146396396396396399897099627196;0.104954954954954951529266793386;0.001351351351351351426366420583;0.035135135135135137085526935152;0.118918918918918925520245011285;0.050900900900900901413503873982;0.092792792792792788691969008141;0.086936936936936937136977121554;0.054504504504504502904183027567;0.091891891891891896992916599629;0.160810810810810805859816241536
-0.057456140350877191180778424950;0.146491228070175449893497443554;0.138596491228070162193830583419;0.003070175438596491231113549958;0.022807017543859650632320779096;0.094736842105263160962458357517;0.061842105263157892691694428322;0.107894736842105265495206367632;0.067543859649122808819221575050;0.065789473684210522663740050575;0.097807017543859647856763217533;0.135964912280701760716183912336
-0.016190476190476189161104869640;0.280952380952380953438307642500;0.072380952380952379154877007750;0.000000000000000000000000000000;0.029999999999999998889776975375;0.134285714285714286031492292750;0.048095238095238093678496227312;0.025714285714285713829729829172;0.034285714285714287419271073531;0.035238095238095235028907836750;0.113333333333333327597181039437;0.209523809523809528831961301876
-0.111111111111111104943205418749;0.129059829059829073161225210242;0.092307692307692312816413959808;0.008547008547008547868495398347;0.022649572649572648902482896460;0.070940170940170937941005036009;0.085470085470085471746060079568;0.048290598290598292507969091503;0.126068376068376064580434103846;0.097863247863247862512459107620;0.078632478632478630675706199327;0.129059829059829073161225210242
-0.126436781609195414421975556252;0.047701149425287359129299602500;0.126436781609195414421975556252;0.016091954022988505523805713437;0.020689655172413792816321631562;0.041379310344827585632643263125;0.054022988505747125687062037969;0.049425287356321838394546119844;0.170114942528735629823088970625;0.156321839080459767945541216250;0.112068965517241381224522456250;0.079310344827586212734793491563
-0.090833333333333335368742211813;0.052777777777777777623580135469;0.127222222222222208776187812873;0.059722222222222225151977426094;0.011944444444444445030395485219;0.049166666666666664076146275875;0.088055555555555553581825734000;0.082222222222222224319310157625;0.120833333333333334258519187188;0.170555555555555543589818512373;0.094444444444444441977282167500;0.052222222222222225429533182250
-0.018918918918918919969129888159;0.146846846846846845746625831453;0.038738738738738738576206088737;0.145045045045045034592945398799;0.033783783783783785659160514570;0.218918918918918931071360134410;0.053603603603603604266236715148;0.002702702702702702852732841166;0.058108108108108111333756085060;0.054504504504504502904183027567;0.108108108108108114109313646622;0.120720720720720722796137636124
-0.010833333333333333703407674875;0.061249999999999998889776975375;0.078750000000000000555111512313;0.465833333333333321490954403998;0.016666666666666666435370203203;0.078333333333333338144299773376;0.048333333333333332315628894094;0.024166666666666666157814447047;0.071666666666666670182372911313;0.043333333333333334813630699500;0.050833333333333334536074943344;0.050000000000000002775557561563
-0.015555555555555555108382392859;0.067407407407407402000210083770;0.057037037037037038866849059104;0.532962962962962971680269674835;0.021851851851851851471497667490;0.034814814814814812327092852229;0.060740740740740740977177125615;0.029999999999999998889776975375;0.038888888888888889505679458125;0.045555555555555557467606320188;0.051481481481481482231910007386;0.043703703703703702942995334979
-0.050980392156862744390544150974;0.052450980392156863751917938998;0.088725490196078435345405921453;0.173529411764705876475289869632;0.019117647058823530881177532592;0.075490196078431368031935733143;0.063235294117647056211239942058;0.090686274509803918575379100275;0.108333333333333337034076748751;0.125000000000000000000000000000;0.088235294117647064537912626747;0.064215686274509797826226531470
-0.035784313725490193847100783842;0.129901960784313735830508562685;0.159313725490196067546833091910;0.007352941176470588133251560237;0.035294117647058823039607489136;0.089215686274509806152899216158;0.087254901960784309045138229521;0.066176470588235294933987518107;0.081862745098039216284924179945;0.084803921568627455007671755993;0.100490196078431376358608417831;0.122549019607843132084745718657
-0.015925925925925926707193980292;0.137407407407407394783760423707;0.166296296296296303163231300459;0.001481481481481481407916356297;0.024444444444444445724284875610;0.067777777777777784007362527063;0.085555555555555551361379684749;0.021851851851851851471497667490;0.092592592592592587452671182291;0.098148148148148151026504137917;0.129259259259259268182162827543;0.159259259259259267071939802918
-0.024444444444444445724284875610;0.129444444444444445307951241375;0.201666666666666660745477201999;0.013333333333333334189130248149;0.023611111111111110494320541875;0.053055555555555557190050564031;0.209722222222222226539756206876;0.060833333333333336478965236438;0.070000000000000006661338147751;0.053055555555555557190050564031;0.073333333333333333703407674875;0.087499999999999994448884876874
-0.039444444444444441699726411343;0.071388888888888890615902482750;0.114444444444444445863062753688;0.238333333333333341474968847251;0.052222222222222225429533182250;0.056944444444444443365060948281;0.102499999999999993893773364562;0.050000000000000002775557561563;0.103333333333333332593184650250;0.044166666666666666574148081281;0.055833333333333332038073137937;0.071388888888888890615902482750
-0.010162601626016259936946539710;0.041463414634146343595855199737;0.049593495934959347382076089161;0.613008130081300839364644161833;0.009349593495934959558324450768;0.032520325203252035961565269417;0.051219512195121948139320267046;0.041869918699186992050442768232;0.026016260162601625993694653971;0.039430894308943087445129549451;0.064227642276422761136167594032;0.021138211382113820252515168363
-0.014444444444444443781394582516;0.028888888888888887562789165031;0.069629629629629624654185704458;0.542592592592592626310477044171;0.013703703703703704053218359604;0.026296296296296296779448908865;0.061481481481481484174800300480;0.067407407407407402000210083770;0.040000000000000000832667268469;0.063703703703703706828775921167;0.046666666666666668794594130532;0.025185185185185185452461098521
-0.006989247311827957200025540629;0.036559139784946237394791523911;0.103225806451612903136272336724;0.506989247311827928577088187012;0.005376344086021505805361719865;0.018279569892473118697395761956;0.080645161290322578406808418094;0.093548387096774196503012888115;0.024193548387096773522042525428;0.056989247311827959108221364204;0.048924731182795701267540522394;0.018279569892473118697395761956
-0.009139784946236559348697880978;0.058064516129032260616238403372;0.060215053763440863632272481709;0.456451612903225834028120289076;0.027419354838709678046093642934;0.067741935483870974188391755888;0.043010752688172046442893758922;0.043010752688172046442893758922;0.055376344086021503376748853498;0.058064516129032260616238403372;0.066666666666666665741480812812;0.054838709677419356092187285867
-0.001190476190476190583578119941;0.093650793650793651146102547500;0.028174603174603175120838116641;0.333333333333333314829616256247;0.021825396825396824185272492969;0.153968253968253976360358592501;0.022619047619047618485899064922;0.010714285714285714384841341484;0.046428571428571430157461463750;0.030158730158730159137681070547;0.061507936507936504522131571093;0.196428571428571424606346340624
-0.013541666666666667129259593594;0.156770833333333331482961625625;0.038020833333333330095182844843;0.036458333333333335646297967969;0.046354166666666668517038374375;0.234375000000000000000000000000;0.026041666666666667823148983985;0.005729166666666666261897855605;0.073958333333333334258519187188;0.046875000000000000000000000000;0.109375000000000000000000000000;0.212499999999999994448884876874
-0.009629629629629630344078705662;0.122962962962962968349600600959;0.114444444444444445863062753688;0.237037037037037046083298719168;0.007037037037037036958653235530;0.128148148148148149916281113292;0.027037037037037036507625131776;0.027407407407407408106436719208;0.052592592592592593558897817729;0.067037037037037033870845448291;0.117037037037037036646403009854;0.089629629629629628539966290646
-0.080448717948717954340231983679;0.054487179487179487891168605529;0.132692307692307692734701163317;0.155128205128205132190544190962;0.016346153846153847061239972049;0.042307692307692310040856398246;0.063461538461538458122390693461;0.158653846153846145305976733653;0.071153846153846150857091856778;0.104166666666666671292595935938;0.069551282051282053986440701010;0.051602564102564099646208717331
-0.020952380952380951495417349406;0.127619047619047631947353238502;0.135238095238095240580022959875;0.250000000000000000000000000000;0.012380952380952381375323057000;0.094285714285714292137718928188;0.054761904761904761640423089375;0.042380952380952380265100032375;0.044285714285714282423267462718;0.065238095238095233918684812124;0.088095238095238101450057399688;0.064761904761904756644419478562
-0.008333333333333333217685101602;0.161458333333333342585191871876;0.124479166666666668517038374375;0.000000000000000000000000000000;0.072916666666666671292595935938;0.086458333333333331482961625625;0.087499999999999994448884876874;0.010416666666666666088425508008;0.104166666666666671292595935938;0.046875000000000000000000000000;0.065104166666666671292595935938;0.232291666666666674068153497501
-0.075757575757575759678452698154;0.061616161616161617409215267571;0.161616161616161629899224294604;0.026262626262626261736121691115;0.035353535353535352203646624503;0.041919191919191918505038785270;0.056060606060606060774276215852;0.093939393939393933674608661022;0.151010101010101011054231889830;0.103030303030303027611580546363;0.089898989898989895008796224829;0.103535353535353535914254052841
-0.047500000000000000555111512313;0.080000000000000001665334536938;0.097083333333333327042069527124;0.213749999999999995559107901499;0.027083333333333334258519187188;0.059583333333333335368742211813;0.072499999999999995003996389187;0.091249999999999997779553950750;0.061249999999999998889776975375;0.117499999999999993338661852249;0.078750000000000000555111512313;0.053749999999999999167332731531
-0.016129032258064515681361683619;0.057526881720430106392782931835;0.045161290322580642520033933351;0.586021505376344120641363133473;0.009139784946236559348697880978;0.037096774193548384679353091542;0.064516129032258062725446734476;0.013978494623655914400051081259;0.023118279569892472014025486260;0.051612903225806451568136168362;0.073655913978494622074144615453;0.022043010752688170506008447092
-0.001111111111111111110147375847;0.136666666666666658525031152749;0.083703703703703696836768699541;0.331851851851851842312157714332;0.025185185185185185452461098521;0.073333333333333333703407674875;0.078888888888888883399452822687;0.032962962962962964741375770927;0.022962962962962962798485477833;0.038148148148148146308056283260;0.088518518518518524151872384209;0.086666666666666669627261399000
-0.015416666666666667059870654555;0.110416666666666662965923251249;0.068750000000000005551115123126;0.377916666666666678509045596002;0.024166666666666666157814447047;0.096250000000000002220446049250;0.058749999999999996669330926125;0.023750000000000000277555756156;0.049583333333333333425851918719;0.047500000000000000555111512313;0.059999999999999997779553950750;0.067500000000000004440892098501
-0.037596899224806204498072759179;0.054651162790697677129614362457;0.066279069767441856075862460784;0.551162790697674376261261386389;0.015116279069767441650684602905;0.037209302325581394832454407151;0.039147286821705429282758359477;0.035271317829457367321044358732;0.027519379844961239928169405289;0.041472868217054266459786759924;0.052713178294573642679310410131;0.041860465116279069186511208045
-0.007894736842105263413538196460;0.049561403508771931236687180444;0.040350877192982456675984792582;0.557456140350877205058566232765;0.021052631578947367946286206575;0.062280701754385964230564809441;0.088596491228070173296060829671;0.035087719298245612087328026973;0.028947368421052631359824403035;0.024122807017543858310038018544;0.047807017543859652020099559877;0.036842105263157891303915647541
-0.029583333333333333009518284484;0.104583333333333333703407674875;0.122916666666666660190365689687;0.092916666666666661300588714312;0.047916666666666669904817155157;0.087916666666666670737484423626;0.033333333333333332870740406406;0.022083333333333333287074040641;0.070833333333333331482961625625;0.043749999999999997224442438437;0.062500000000000000000000000000;0.281666666666666676288599546751
-0.020000000000000000416333634234;0.124761904761904768301761237126;0.110952380952380955103642179438;0.000000000000000000000000000000;0.059047619047619050169917187532;0.107142857142857136909519510937;0.031904761904761907986838309625;0.018095238095238094788719251937;0.150952380952380948997415544000;0.065238095238095233918684812124;0.079047619047619047116803869812;0.232857142857142845882023607373
-0.014393939393939394685850707845;0.085606060606060602191647035397;0.077651515151515151935690539631;0.000378787878787878787550241766;0.077272727272727270708685409772;0.109090909090909085610299200653;0.038257575757575754127337575028;0.006060606060606060600803868255;0.162500000000000005551115123126;0.090530303030303030387138107926;0.127272727272727259606455163521;0.210984848484848497296439973070
-0.079545454545454544192928381108;0.063257575757575762454010259717;0.130303030303030309422496202387;0.033333333333333332870740406406;0.023863636363636364645657295114;0.050378787878787877063668787514;0.077272727272727270708685409772;0.059848484848484845288751898806;0.131818181818181806574941106192;0.141666666666666662965923251249;0.130681818181818176771713524431;0.078030303030303033162695669489
-0.040476190476190478106932602032;0.180476190476190484490714993626;0.103809523809523809867449983813;0.006190476190476190687661528500;0.066190476190476188467215479250;0.079047619047619047116803869812;0.108095238095238091458050178062;0.020476190476190477690598967797;0.051428571428571427659459658344;0.058571428571428572895651853969;0.115238095238095236694242373687;0.170000000000000012212453270877
-0.031720430107526884078161799607;0.130645161290322581182365979657;0.087634408602150534739472220735;0.000000000000000000000000000000;0.060752688172043010916834049340;0.132795698924731170320612250180;0.052688172043010753076153207530;0.029032258064516130308119201686;0.102688172043010755851710769093;0.049462365591397848552102090025;0.082258064516129034138280928801;0.240322580645161293366740551392
-0.019281045751633987817008630827;0.148039215686274511218911698052;0.111764705882352946564317619504;0.025163398692810458323609879017;0.045751633986928101627267295726;0.123529411764705887577520115883;0.075490196078431368031935733143;0.042810457516339869843413623585;0.079411764705882348369669898602;0.049673202614379081965001461185;0.101960784313725488781088301948;0.177124183006535956819149646435
-0.066666666666666665741480812812;0.103205128205128199292417434663;0.094871794871794867809455809038;0.186217948717948722503479075385;0.030448717948717948095227470162;0.061538461538461541877609306539;0.056730769230769230448974127512;0.040705128205128206231311338570;0.094871794871794867809455809038;0.085576923076923078204103489952;0.080769230769230773714362214832;0.098397435897435894802676159543
-0.022916666666666665047591422422;0.188333333333333324821623477874;0.153333333333333321490954403998;0.000416666666666666693410320255;0.029999999999999998889776975375;0.086249999999999993338661852249;0.059999999999999997779553950750;0.038333333333333330372738601000;0.058333333333333334258519187188;0.058333333333333334258519187188;0.092499999999999998889776975375;0.211249999999999993338661852249
-0.008750000000000000832667268469;0.178749999999999992228438827624;0.110833333333333339254522798001;0.124166666666666661300588714312;0.042083333333333333703407674875;0.096250000000000002220446049250;0.025000000000000001387778780781;0.020833333333333332176851016015;0.058749999999999996669330926125;0.068333333333333329262515576374;0.086666666666666669627261399000;0.179583333333333344805637921127
-0.013157894736842104532748010115;0.074122807017543854146701676200;0.075438596491228068763312819556;0.428508771929824561208732802697;0.041666666666666664353702032031;0.052192982456140353531015563249;0.019736842105263156799122015173;0.027631578947368420212660211632;0.066228070175438594202610431694;0.048684210526315788158946418207;0.068421052631578951896962337287;0.084210526315789471785144826299
-0.003252032520325203249211831746;0.115853658536585371607863237386;0.030487804878048779810839619131;0.142276422764227639117251555945;0.055284552845528453501877663712;0.206910569105691055646900622378;0.006504065040650406498423663493;0.000000000000000000000000000000;0.086585365853658530221892419831;0.036178861788617885930641193681;0.095121951219512196340488685564;0.221544715447154483278779935063
-0.076829268292682925678427352523;0.123577235772357726939496558316;0.108943089430894313185405053446;0.010162601626016259936946539710;0.029674796747967479432217530189;0.102439024390243896278640534092;0.050000000000000002775557561563;0.031707317073170732113496228521;0.117479674796747965426213511364;0.103252032520325207065603478895;0.104878048780487800883953752873;0.141056910569105686814594946554
-0.046568627450980393245316690809;0.230392156862745084433541364888;0.165196078431372544992328244007;0.003431372549019607795517394777;0.019117647058823530881177532592;0.065196078431372553319000928695;0.071078431372549016886708272978;0.021078431372549021050044615322;0.058333333333333334258519187188;0.054901960784313724728278316434;0.088725490196078435345405921453;0.175980392156862758268331958789
-0.007526881720430107954034060214;0.264516129032258073827676980727;0.118817204301075271533072452712;0.000000000000000000000000000000;0.036021505376344083171336052374;0.128494623655913992044119709135;0.059139784946236562124255442541;0.011290322580645160630008483338;0.050000000000000002775557561563;0.045698924731182796743489404889;0.092473118279569888056101945040;0.186021505376344098436902640969
-0.009126984126984127518311673555;0.184920634920634929798666235001;0.062698412698412697707794905000;0.117460317460317459348217994375;0.059920634920634922859772331094;0.137301587301587313394435341252;0.038492063492063494090089648125;0.002777777777777777883788656865;0.093650793650793651146102547500;0.058730158730158729674108997187;0.080158730158730165382685584063;0.154761904761904767191538212501
-0.007936507936507936067371815625;0.100396825396825400966704933126;0.066269841269841270325891002813;0.219841269841269837392871977499;0.052777777777777777623580135469;0.107142857142857136909519510937;0.042063492063492066708185745938;0.026587301587301586519584972734;0.099206349206349200842147695312;0.063095238095238093123384715000;0.081746031746031747045044824063;0.132936507936507936067371815625
-0.006504065040650406498423663493;0.116666666666666668517038374375;0.073983739837398379557420469155;0.000000000000000000000000000000;0.078861788617886174890259098902;0.161788617886178848204181690562;0.042682926829268295898511809128;0.018699186991869919116648901536;0.144308943089430902206871110138;0.050813008130081299684732698552;0.068699186991869914953312559192;0.236991869918699193942046576922
-0.012500000000000000693889390391;0.136979166666666679619268620627;0.141666666666666662965923251249;0.000000000000000000000000000000;0.057291666666666664353702032031;0.070312500000000000000000000000;0.042708333333333334258519187188;0.016145833333333334952408577578;0.121874999999999997224442438437;0.070312500000000000000000000000;0.100000000000000005551115123126;0.230208333333333320380731379373
-0.001626016260162601624605915873;0.152032520325203257538504431068;0.106097560975609753186610362263;0.001219512195121951218454436905;0.058536585365853661955259923388;0.151626016260162588267235150852;0.048780487804878050472900952172;0.039024390243902438990541980957;0.095121951219512196340488685564;0.047154471544715449715656774288;0.084146341463414639494367008865;0.214634146341463410978533943307
-0.004629629629629629372633559115;0.214351851851851848973495862083;0.073611111111111113269878103438;0.000462962962962962980631442811;0.052314814814814813992427389167;0.135185185185185186007572610833;0.040740740740740744030290443334;0.020833333333333332176851016015;0.080092592592592590228228743854;0.037499999999999998612221219219;0.090277777777777776235801354687;0.250000000000000000000000000000
-0.004074074074074073709139653943;0.174074074074074075513252068959;0.099629629629629623543962679832;0.000000000000000000000000000000;0.054814814814814816212873438417;0.122222222222222218213083522187;0.051111111111111114102545371907;0.008888888888888888881179006773;0.095555555555555560243163881751;0.061481481481481484174800300480;0.085555555555555551361379684749;0.242592592592592581901556059165
-0.032962962962962964741375770927;0.091481481481481483064577275854;0.138518518518518513049642137958;0.038888888888888889505679458125;0.066666666666666665741480812812;0.076666666666666660745477201999;0.035185185185185187395351391615;0.096666666666666664631257788187;0.098148148148148151026504137917;0.081111111111111106053428443374;0.077777777777777779011358916250;0.165925925925925921156078857166
-0.024796747967479673691038044581;0.241869918699187003152673014483;0.201626016260162604920580520229;0.000813008130081300812302957937;0.025203252032520325615072565029;0.052845528455284555835458348838;0.093089430894308947128656939185;0.025203252032520325615072565029;0.040650406504065039747786158841;0.040650406504065039747786158841;0.069105691056910570346794031593;0.184146341463414631167694324176
-0.003333333333333333547282562037;0.281666666666666676288599546751;0.117499999999999993338661852249;0.000000000000000000000000000000;0.058749999999999996669330926125;0.095833333333333339809634310313;0.077916666666666661855700226624;0.007083333333333332974823814965;0.065833333333333327042069527124;0.025000000000000001387778780781;0.081250000000000002775557561563;0.185833333333333322601177428623
-0.008666666666666666268836749509;0.243999999999999994670929481799;0.082000000000000003441691376338;0.000333333333333333322202191029;0.053666666666666668072949164525;0.126333333333333325265712687724;0.049333333333333333203807313794;0.005000000000000000104083408559;0.056000000000000001165734175856;0.047666666666666669682772550232;0.112000000000000002331468351713;0.214999999999999996669330926125
-0.005555555555555555767577313730;0.215811965811965822403806214425;0.086752136752136749242581004182;0.021367521367521367936515019892;0.054273504273504274975081784760;0.134188034188034183147308908701;0.053846153846153849142908143222;0.011965811965811966668948862491;0.060683760683760683274368119555;0.046581196581196582240380621442;0.080341880341880347882188573294;0.228632478632478625124591076201
-0.008943089430894309369013406297;0.145528455284552854509527719529;0.036178861788617885930641193681;0.000813008130081300812302957937;0.049593495934959347382076089161;0.239430894308943098547359795703;0.012195121951219512618225238043;0.006910569105691056687734707964;0.093902439024390244037832076174;0.042276422764227640505030336726;0.132520325203252020695998680822;0.231707317073170743215726474773
-0.014728682170542635454513202831;0.090310077519379847177383169310;0.194961240310077527082555093330;0.002713178294573643373199800521;0.057364341085271317033367211025;0.057364341085271317033367211025;0.038759689922480619617140007449;0.038759689922480619617140007449;0.093798449612403106412372721934;0.113953488372093028613285525807;0.088759689922480622392697569012;0.208527131782945740479107143983
-0.011666666666666667198648532633;0.101250000000000006661338147751;0.137083333333333334813630699500;0.000833333333333333386820640509;0.031250000000000000000000000000;0.144999999999999990007992778374;0.040000000000000000832667268469;0.037499999999999998612221219219;0.130833333333333329262515576374;0.065833333333333327042069527124;0.108333333333333337034076748751;0.190416666666666678509045596002
-0.028030303030303030387138107926;0.196969696969696961286189207385;0.095833333333333339809634310313;0.000378787878787878787550241766;0.056439393939393942001281345711;0.118181818181818179547271085994;0.059090909090909089773635542997;0.008712121212121212709966755483;0.093560606060606066325391338978;0.038257575757575754127337575028;0.089772727272727267933127848210;0.214772727272727281810915656024
-0.001587301587301587300210536924;0.155555555555555558022717832500;0.055158730158730157056012899375;0.000396825396825396825052634231;0.044841269841269841556208319844;0.245238095238095227257346664373;0.017857142857142856151586585156;0.002777777777777777883788656865;0.082142857142857142460634634062;0.045238095238095236971798129844;0.109126984126984127865256368750;0.240079365079365086854679134376
-0.003603603603603603659083498556;0.181981981981981982832152766605;0.087387387387387382986503325810;0.001351351351351351426366420583;0.042342342342342340066885242322;0.174324324324324320123480447364;0.018918918918918919969129888159;0.008558558558558557877171679706;0.070720720720720720020580074561;0.060360360360360361398068818062;0.120720720720720722796137636124;0.229729729729729742482291499073
-0.015408805031446540928508071033;0.153144654088050308216040207299;0.141823899371069178654281017771;0.035849056603773583884464670746;0.039622641509433960405051067255;0.098113207547169817290821924871;0.094968553459119503523666594447;0.046855345911949682069508327231;0.074213836477987418782653605831;0.068867924528301885378489544109;0.082075471698113203200541931892;0.149056603773584900318738277747
-0.009210526315789472825978911885;0.100877192982456134751068077549;0.045614035087719301264641558191;0.183333333333333320380731379373;0.043859649122807015109160033717;0.182017543859649133519695851646;0.020175438596491228337992396291;0.017105263157894737974240584322;0.096052631578947361701281693058;0.054824561403508768886450042146;0.082894736842105257168533682943;0.164035087719298255937161457041
-0.007936507936507936067371815625;0.170634920634920639326281843751;0.041269841269841268938112222031;0.106746031746031741493929700937;0.032539682539682542039560786407;0.204761904761904756089307966249;0.016666666666666666435370203203;0.004365079365079365183999193789;0.060317460317460318275362141094;0.052380952380952382207990325469;0.128571428571428558740308289998;0.173809523809523802651000323749
-0.020000000000000000416333634234;0.240416666666666667406815349750;0.097500000000000003330669073875;0.000000000000000000000000000000;0.050416666666666665186369300500;0.102916666666666670182372911313;0.074583333333333334813630699500;0.003333333333333333547282562037;0.063750000000000001110223024625;0.031666666666666669349705642844;0.060833333333333336478965236438;0.254583333333333328152292551749
-0.035507246376811595067746196719;0.139855072463768104196191188748;0.100362318840579708978388850937;0.060144927536231886089357345782;0.036594202898550726166249091875;0.164492753623188409095590145625;0.030797101449275363777013936328;0.020289855072463766627599568437;0.102898550724637674602668369062;0.093478260869565218960097752188;0.110144927536231881926021003437;0.105434782608695654104735695000
-0.004761904761904762334312479766;0.123809523809523813753230570001;0.044047619047619050725028699844;0.030952380952380953438307642500;0.102380952380952378044653983125;0.163492063492063494090089648125;0.015079365079365079568840535273;0.003968253968253968033685907812;0.149603174603174599033295066874;0.042857142857142857539365365938;0.071825396825396820021936150624;0.247222222222222232090871330001
-0.008999999999999999319988397417;0.136666666666666658525031152749;0.093333333333333337589188261063;0.154999999999999998889776975375;0.057000000000000002053912595557;0.127000000000000001776356839400;0.036666666666666666851703837438;0.011666666666666667198648532633;0.067000000000000003996802888651;0.044999999999999998334665463062;0.084333333333333329595582483762;0.177333333333333342807236476801
-0.024107142857142858233254756328;0.183035714285714273819039021873;0.140178571428571430157461463750;0.000000000000000000000000000000;0.062797619047619046561692357500;0.082738095238095235584019349062;0.056845238095238094511163495781;0.023214285714285715078730731875;0.081547619047619049337249919063;0.042559523809523810977673008438;0.077083333333333337034076748751;0.225892857142857145236192195625
-0.015185185185185185244294281404;0.161481481481481475848127615791;0.068888888888888888395456433500;0.000000000000000000000000000000;0.080000000000000001665334536938;0.131481481481481476958350640416;0.020740740740740740144509857146;0.001851851851851851922525771243;0.115555555555555550251156660124;0.038888888888888889505679458125;0.071481481481481479178796689666;0.294444444444444453079512413751
-0.020000000000000000416333634234;0.170833333333333337034076748751;0.065000000000000002220446049250;0.000000000000000000000000000000;0.078750000000000000555111512313;0.120833333333333334258519187188;0.010000000000000000208166817117;0.000000000000000000000000000000;0.077499999999999999444888487687;0.035416666666666665741480812812;0.070000000000000006661338147751;0.351666666666666682949937694502
-0.018269230769230770244915262879;0.163141025641025644299375585433;0.080128205128205134966101752525;0.000000000000000000000000000000;0.085256410256410258829973258798;0.115705128205128210394647680914;0.025961538461538462979616426196;0.002243589743589743425167259971;0.117307692307692307265298836683;0.041666666666666664353702032031;0.072435897435897442231400589208;0.277884615384615396571632572886
-0.002500000000000000052041704279;0.203333333333333338144299773376;0.050416666666666665186369300500;0.000000000000000000000000000000;0.022916666666666665047591422422;0.242083333333333344805637921127;0.057083333333333333148296162562;0.003333333333333333547282562037;0.051249999999999996946886682281;0.040416666666666663243479007406;0.170833333333333337034076748751;0.155833333333333323711400453249
-0.000000000000000000000000000000;0.164772727272727265157570286647;0.017803030303030303177491688871;0.000000000000000000000000000000;0.028030303030303030387138107926;0.318181818181818176771713524431;0.008333333333333333217685101602;0.000000000000000000000000000000;0.048484848484848484806430946037;0.036363636363636361870099733551;0.174621212121212121548552431705;0.203409090909090900511912991533
-0.000854700854700854700113366036;0.233760683760683762866250390289;0.042735042735042735873030039784;0.000000000000000000000000000000;0.061538461538461541877609306539;0.155128205128205132190544190962;0.031623931623931622603151936346;0.001709401709401709400226732072;0.080769230769230773714362214832;0.056410256410256411074843896358;0.080341880341880347882188573294;0.255128205128205109986083698459
-0.004471544715447154684506703148;0.149593495934959352933191212287;0.117479674796747965426213511364;0.000000000000000000000000000000;0.092682926829268291735175466783;0.114634146341463419305206627996;0.036585365853658534385228762176;0.008943089430894309369013406297;0.104065040650406503974778615884;0.058943089430894310409847491883;0.081300813008130079495572317683;0.231300813008130073944457194557
-0.009770114942528735496596326016;0.118390804597701154721178795626;0.052873563218390803863933058437;0.063218390804597707210987778126;0.096839080459770118802786953438;0.135057471264367817687102046875;0.016091954022988505523805713437;0.004022988505747126380951428359;0.133620689655172403265126490624;0.046264367816091951646217950156;0.061206896551724135346894684062;0.262643678160919546993312678751
-0.010227272727272727209646419055;0.130681818181818176771713524431;0.036742424242424243097104863409;0.193939393939393939225723784148;0.048106060606060603579425816179;0.162121212121212110446322185453;0.023484848484848483418652165255;0.011742424242424241709326082628;0.063636363636363629803227581760;0.037121212121212124324109993267;0.106439393939393944776838907273;0.175757575757575751351780013465
-0.006201550387596899138742401192;0.243410852713178305073427054595;0.078682170542635654353347263168;0.000000000000000000000000000000;0.058914728682170541818052811323;0.158527131782945723825761774606;0.066666666666666665741480812812;0.017829457364341085023884403427;0.063178294573643406506491260188;0.026356589147286821339655205065;0.115503875968992253397971126105;0.164728682170542622964504175798
-0.007456140350877192742029553330;0.194298245614035081096915291710;0.109649122807017537772900084292;0.000000000000000000000000000000;0.072368421052631581869007959540;0.096929824561403504779022455295;0.064035087719298250386046333915;0.009649122807017544364849293004;0.108771929824561408572947129869;0.050000000000000002775557561563;0.089473684210526316373801591908;0.197368421052631581869007959540
-0.002192982456140350755458001686;0.085087719298245614862885588536;0.023245614035087718701744208261;0.000000000000000000000000000000;0.071491228070175438791267197303;0.289035087719298255937161457041;0.017982456140350877582534394605;0.001315789473684210496642887911;0.152192982456140352143236782467;0.038157894736842105920526790896;0.080701754385964913351969585165;0.238596491228070167744945706545
-0.007619047619047619041010577234;0.105238095238095241690245984501;0.049047619047619048227026894438;0.000000000000000000000000000000;0.093333333333333337589188261063;0.183809523809523811532784520750;0.008095238095238094580552434820;0.000476190476190476190063161077;0.161428571428571421275677266749;0.052380952380952382207990325469;0.084761904761904760530200064750;0.253809523809523818194122668501
-0.025925925925925925180637321432;0.132222222222222213217079911374;0.080370370370370369794699172417;0.046296296296296293726335591145;0.059999999999999997779553950750;0.111111111111111104943205418749;0.028888888888888887562789165031;0.012592592592592592726230549260;0.125925925925925913384517684790;0.072962962962962965574043039396;0.084074074074074078843921142834;0.219629629629629619103070581332
-0.023703703703703702526661700745;0.228518518518518509718973064082;0.087777777777777774015355305437;0.000000000000000000000000000000;0.048148148148148148250946576354;0.132222222222222213217079911374;0.050740740740740739034286832521;0.005555555555555555767577313730;0.070000000000000006661338147751;0.047037037037037036923958766010;0.101481481481481478068573665041;0.204814814814814810661758315291
-0.001250000000000000026020852140;0.188333333333333324821623477874;0.074583333333333334813630699500;0.000000000000000000000000000000;0.071249999999999993893773364562;0.136250000000000009992007221626;0.031250000000000000000000000000;0.003749999999999999861222121922;0.079583333333333339254522798001;0.045416666666666667684371105906;0.080000000000000001665334536938;0.288333333333333330372738601000
-0.000462962962962962980631442811;0.197685185185185186007572610833;0.022685185185185186701462001224;0.000000000000000000000000000000;0.021759259259259259439156508620;0.295833333333333337034076748751;0.014814814814814815380206169948;0.000000000000000000000000000000;0.059259259259259261520824679792;0.033796296296296296501893152708;0.179166666666666668517038374375;0.174537037037037046083298719168
-0.002252252252252252232717077973;0.206306306306306308506748337095;0.054504504504504502904183027567;0.001801801801801801829541749278;0.018018018018018017861736623786;0.263063063063063040658562385943;0.009459459459459459984564944079;0.005405405405405405705465682331;0.045495495495495495708038191651;0.047297297297297299922824720397;0.159009009009009022461711424512;0.187387387387387388537618448936
-0.018589743589743589619045494032;0.132051282051282053986440701010;0.040384615384615386857181107416;0.000961538461538461591837645415;0.081730769230769231836752908293;0.210256410256410258829973258798;0.010256410256410256401360392431;0.003205128205128205017004905386;0.144551282051282065088670947262;0.033974358974358971619000868714;0.082371794871794870585013370601;0.241666666666666668517038374375
-0.004166666666666666608842550801;0.192083333333333328152292551749;0.047083333333333331205405869468;0.013750000000000000069388939039;0.040833333333333332593184650250;0.200000000000000011102230246252;0.016666666666666666435370203203;0.005833333333333333599324266316;0.064166666666666663521034763562;0.044583333333333335923853724125;0.132916666666666655194362078873;0.237916666666666665186369300500
-0.013821138211382113375469415928;0.124796747967479679242153167706;0.109756097560975610094580190434;0.252439024390243904605313218781;0.019512195121951219495270990478;0.058130081300813006561778450987;0.055691056910569108895359136113;0.037804878048780486687885371566;0.055284552845528453501877663712;0.062195121951219511924335847652;0.083333333333333328707404064062;0.127235772357723569969678578673
-0.047435897435897433904727904519;0.104273504273504277750639346323;0.143162393162393153378530996633;0.036324786324786327573743704988;0.057692307692307695510258724880;0.071367521367521363773178677548;0.030341880341880341637184059778;0.069658119658119660444484111395;0.106837606837606832743681195552;0.082051282051282051210883139447;0.068376068376068382947963186780;0.182478632478632468716384096297
-0.018518518518518517490534236458;0.127777777777777767909128669999;0.078518518518518515270088187208;0.001481481481481481407916356297;0.091851851851851851193941911333;0.161111111111111121596550788126;0.018518518518518517490534236458;0.016296296296296294836558615771;0.133333333333333331482961625625;0.040000000000000000832667268469;0.064444444444444443087505192125;0.248148148148148145475389014791
-0.004471544715447154684506703148;0.116666666666666668517038374375;0.029268292682926830977629961694;0.000000000000000000000000000000;0.134552845528455283785618235015;0.206097560975609744859937677575;0.010162601626016259936946539710;0.001219512195121951218454436905;0.183739837398373989652000659589;0.021138211382113820252515168363;0.065447154471544713438824203422;0.227235772357723575520793701799
-0.018518518518518517490534236458;0.162345679012345672775907701180;0.101851851851851846197938300520;0.001851851851851851922525771243;0.061419753086419753840274893264;0.111728395061728394410671683090;0.050308641975308640570396789826;0.010185185185185186007572610833;0.123765432098765434942855279132;0.063271604938271608364885878473;0.100617283950617281140793579652;0.194135802469135809733558062362
-0.014102564102564102768710974090;0.187179487179487180625869768846;0.106089743589743587537377322860;0.001282051282051282050170049054;0.041987179487179483727832263185;0.129487179487179498993398851781;0.034615384615384617306155234928;0.017307692307692308653077617464;0.058653846153846153632649418341;0.055769230769230772326583434051;0.085256410256410258829973258798;0.268269230769230759836574407018
-0.016352201257861635058654670161;0.163836477987421375024368330742;0.055031446540880504803006090242;0.000000000000000000000000000000;0.111949685534591197866305378739;0.139622641509433959017272286474;0.022955974842767293969680864052;0.002201257861635220070689600291;0.120754716981132076414340303927;0.033647798742138364247455939449;0.069496855345911948131920610194;0.264150943396226411952198986910
-0.014930555555555556287994356524;0.155208333333333337034076748751;0.132986111111111110494320541875;0.000694444444444444470947164216;0.086458333333333331482961625625;0.112847222222222223764198645313;0.084375000000000005551115123126;0.030902777777777779011358916250;0.106944444444444439201724605937;0.043402777777777776235801354687;0.072916666666666671292595935938;0.158333333333333325931846502499
-0.012711864406779661840207751311;0.167231638418079087138323757245;0.108474576271186437526061752123;0.001412429378531073441427334814;0.068079096045197740050269885614;0.117514124293785313102311818056;0.047740112994350283881495045080;0.028248587570621468828546696272;0.102259887005649724445177639609;0.051694915254237285007210545018;0.101129943502824864998146381367;0.193502824858757055404012703548
-0.012777777777777778525636342977;0.127222222222222208776187812873;0.072222222222222215437525960624;0.115555555555555550251156660124;0.072777777777777774570466817750;0.107222222222222218768195034500;0.026388888888888888811790067734;0.011666666666666667198648532633;0.092777777777777778456247403938;0.072222222222222215437525960624;0.084722222222222226539756206876;0.204444444444444456410181487627
-0.016081871345029238873358679029;0.088596491228070173296060829671;0.048245614035087716620076037088;0.412573099415204702644643930398;0.039473684210526313598244030345;0.073099415204678358515266722861;0.019005847953216373213969347944;0.014035087719298245875765296375;0.061403508771929821152824047203;0.076608187134502930826229771810;0.083918128654970766677756444096;0.066959064327485384726657002830
-0.011851851851851851263330850372;0.065925925925925929482751541855;0.041481481481481480289019714291;0.530000000000000026645352591004;0.031111111111111110216764785719;0.068148148148148152136727162542;0.023333333333333334397297065266;0.018888888888888889089345823891;0.048148148148148148250946576354;0.056666666666666663798590519718;0.064444444444444443087505192125;0.040000000000000000832667268469
-0.047457627118644069019737230519;0.066384180790960450879722998252;0.055367231638418078210062134303;0.148305084745762705278337989512;0.090112994350282485389591613512;0.101412429378531079859904195928;0.017796610169491525882401461445;0.016666666666666666435370203203;0.136440677966101681084509777975;0.100847457627118650136388566807;0.087288135593220336772013467908;0.131920903954802271051960360637
-0.046590909090909092549193104560;0.085606060606060602191647035397;0.051893939393939395032795403040;0.032575757575757577355624050597;0.064015151515151511030232711619;0.171212121212121204383294070794;0.003787878787878787983922634908;0.011363636363636363951767904723;0.153409090909090911614143237784;0.087878787878787875675890006733;0.084090909090909091161414323778;0.207575757575757580131181612160
-0.022222222222222223070309254922;0.095000000000000001110223024625;0.038888888888888889505679458125;0.072777777777777774570466817750;0.066111111111111106608539955687;0.236666666666666664076146275875;0.019722222222222220849863205672;0.011666666666666667198648532633;0.118055555555555552471602709375;0.044722222222222218768195034500;0.090833333333333335368742211813;0.183333333333333320380731379373
-0.029761904761904760252644308594;0.077976190476190476719153821250;0.102678571428571424606346340624;0.099404761904761898549942600312;0.089583333333333334258519187188;0.100000000000000005551115123126;0.035119047619047619179788455313;0.025892857142857144542302805235;0.119345238095238101450057399688;0.072916666666666671292595935938;0.088392857142857148011749757188;0.158928571428571419055231217499
-0.016091954022988505523805713437;0.136206896551724132571337122499;0.122988505747126442013694713751;0.038218390804597698884315093437;0.089367816091954016544107730624;0.088505747126436787319825327813;0.068965517241379309387738771875;0.022701149425287357741520821719;0.126724137931034486204140421250;0.044252873563218393659912663907;0.076436781609195397768630186874;0.169540229885057458503183624998
-0.052424242424242421811708680934;0.091818181818181812681167741630;0.135454545454545466354190352831;0.051212121212121208824186169295;0.060303030303030302761158054636;0.051515151515151513805790273182;0.070909090909090907728362651596;0.073636363636363638685011778762;0.111212121212121206603740120045;0.100909090909090906618139626971;0.077575757575757575690289513659;0.123030303030303031497361132551
-0.039308176100628929028335534213;0.173584905660377347702549855057;0.118238993710691825400616039587;0.033962264150943395624171472491;0.057547169811320755816730354582;0.081761006289308171823826398850;0.054402515723270442049575024157;0.042767295597484274172206397679;0.079245283018867920810102134510;0.059433962264150944077023552836;0.088050314465408799358137059698;0.171698113207547159442256656803
-0.018103448275862070449004903594;0.172701149425287359129299602500;0.081321839080459770721098777813;0.073563218390804596680254690000;0.062068965517241378448964894687;0.136206896551724132571337122499;0.039655172413793106367396745782;0.014367816091954022789112244141;0.089942528735632187864013076251;0.069540229885057466829856309687;0.093390804597701146394506110937;0.149137931034482751346814666249
-0.049275362318840582043222298125;0.110869565217391302658356266875;0.090217391304347832603482970626;0.130072463768115931248559036248;0.071376811594202893562766121249;0.069565217391304348670821866563;0.061956521739130437920195504375;0.030072463768115943044678672891;0.125724637681159406854547455623;0.060507246376811596455524977500;0.076449275362318838689112965312;0.123913043478260875840391008751
-0.065476190476190479494711382813;0.084920634920634924247551111876;0.097619047619047619179788455313;0.215079365079365092405794257502;0.068650793650793656697217670626;0.053571428571428568454759755468;0.039682539682539680336859078125;0.034920634920634921471993550313;0.125793650793650790831179620000;0.063095238095238093123384715000;0.068253968253968247403840052812;0.082936507936507933291814254062
-0.032624113475177303478336199305;0.052836879432624113406280486060;0.078368794326241136838362422168;0.310283687943262387332055141087;0.069503546099290783311097641217;0.075886524822695033964947697314;0.027304964539007093443645501907;0.020921985815602835850901541903;0.096808510638297873285296191170;0.072695035460992901699128765358;0.070921985815602842095906055420;0.091843971631205667538466741462
-0.003472222222222222029475169336;0.152083333333333320380731379373;0.081250000000000002775557561563;0.000000000000000000000000000000;0.101736111111111110494320541875;0.138194444444444453079512413751;0.051736111111111107718762980312;0.008680555555555555941049661328;0.111111111111111104943205418749;0.035069444444444444752839729063;0.087499999999999994448884876874;0.229166666666666657414808128124
-0.017753623188405797533873098359;0.132608695652173924628414170002;0.131884057971014490018291098750;0.000000000000000000000000000000;0.053260869565217389132172343125;0.104710144927536233372400431563;0.033333333333333332870740406406;0.051086956521739133874060456719;0.109420289855072461193685740000;0.057608695652173913526183923750;0.103260869565217391907729904688;0.205072463768115942350789282500
-0.018518518518518517490534236458;0.129012345679012346844061198681;0.084259259259259255969709556666;0.000000000000000000000000000000;0.076543209876543213954214195383;0.125308641975308637794839228263;0.023456790123456791596900927743;0.024382716049382715389759468394;0.123456790123456783270228243055;0.062654320987654318897419614132;0.080555555555555560798275394063;0.251851851851851826769035369580
-0.025555555555555557051272685953;0.128888888888888886175010384250;0.092962962962962969459823625584;0.000000000000000000000000000000;0.101111111111111109939209029562;0.118888888888888891171013995063;0.043333333333333334813630699500;0.011481481481481481399242738917;0.136296296296296304273454325084;0.037407407407407410049327012302;0.070740740740740742920067418709;0.233333333333333337034076748751
-0.019512195121951219495270990478;0.099186991869918694764152178323;0.089837398373983745614168583415;0.000813008130081300812302957937;0.089837398373983745614168583415;0.135772357723577236088274844406;0.032113821138211380568083797016;0.016666666666666666435370203203;0.149999999999999994448884876874;0.073577235772357724163938996753;0.087398373983739841008855364635;0.205284552845528461828550348400
-0.015248226950354609385285264977;0.110992907801418433377804717566;0.087943262411347519758031410220;0.113475177304964536251219442420;0.045035460992907803967622015762;0.156028368794326244284320637234;0.022695035460992909331912059656;0.007446808510638298211903318702;0.103191489361702123939146247267;0.070567375886524827399703951869;0.103546099290780138635348350817;0.163829787234042539845191299719
-0.004597701149425287292515918125;0.115804597701149425414968163750;0.037931034482758620163256324531;0.322126436781609182258279133748;0.021264367816091953727886121328;0.170114942528735629823088970625;0.013793103448275861877547754375;0.002873563218390804557822448828;0.042241379310344828734713473750;0.041666666666666664353702032031;0.093678160919540232054458783750;0.133908045977011502802866971251
-0.000694444444444444470947164216;0.252083333333333325931846502499;0.087847222222222215437525960624;0.000000000000000000000000000000;0.037847222222222219600862302968;0.135069444444444436426167044374;0.030555555555555554553270880547;0.002430555555555555594104966133;0.066319444444444444752839729063;0.046875000000000000000000000000;0.100000000000000005551115123126;0.240277777777777784562474039376
-0.013055555555555556357383295563;0.084722222222222226539756206876;0.049166666666666664076146275875;0.356388888888888866190995940997;0.058055555555555554692048758625;0.082222222222222224319310157625;0.014999999999999999444888487687;0.008055555555555555385938149016;0.090833333333333335368742211813;0.054722222222222220711085327594;0.059444444444444445585506997531;0.128333333333333327042069527124
-0.017307692307692308653077617464;0.078205128205128204843532557788;0.067628205128205123863871506273;0.236538461538461530775379060287;0.057692307692307695510258724880;0.101923076923076921795896510048;0.038782051282051283047636047741;0.015064102564102564360548619504;0.101923076923076921795896510048;0.114102564102564099646208717331;0.118910256410256404135949992451;0.051923076923076925959232852392
-0.018085106382978721750731665452;0.045744680851063826421132318956;0.037943262411347516982473848657;0.558156028368794299154842519783;0.056028368794326238733205514109;0.051063829787234039925269968307;0.023049645390070920558667211253;0.017021276595744681131572306754;0.063120567375886518779459777306;0.045035460992907803967622015762;0.051063829787234039925269968307;0.033687943262411347566942509957
-0.021969696969696968918972501683;0.043939393939393937837945003366;0.041287878787878790065590806080;0.496969696969696950183958961134;0.034848484848484850839867021932;0.085227272727272720964641905539;0.008333333333333333217685101602;0.028409090909090908144696285831;0.059848484848484845288751898806;0.057575757575757578743402831378;0.054166666666666668517038374375;0.067424242424242428195491072529
-0.002040816326530612428991062757;0.071768707482993202018128897635;0.024149659863945578675004099978;0.457823129251700655650836324639;0.024489795918367345678445801127;0.125850340136054422712774680804;0.009863945578231291672066660681;0.007482993197278911372272158786;0.047278911564625852870236144554;0.044557823129251702964914727545;0.072789115646258506497900953036;0.111904761904761909652172846563
-0.019551282051282051210883139447;0.079487179487179482340053482403;0.069230769230769234612310469856;0.372435897435897445006958150771;0.031089743589743590312934884423;0.098717948717948714176806390697;0.019551282051282051210883139447;0.026923076923076924571454071611;0.057051282051282049823104358666;0.051602564102564099646208717331;0.077564102564102566095272095481;0.096794871794871797932025003774
-0.043209876543209874144579885069;0.118827160493827160836488587847;0.098456790123456788821343366180;0.048765432098765430779518936788;0.062962962962962956692258842395;0.095061728395061731444748431841;0.034259259259259260133045899011;0.044444444444444446140618509844;0.100308641975308643345954351389;0.079938271604938271330809129722;0.091666666666666660190365689687;0.182098765432098769201374466320
-0.063178294573643406506491260188;0.102713178294573645454867971694;0.133333333333333331482961625625;0.068217054263565890526166413110;0.031782945736434108086054806108;0.073255813953488374545841566032;0.020542635658914728397084203948;0.053488372093023255071653210280;0.110465116279069769378295973183;0.110465116279069769378295973183;0.095736434108527126984888866446;0.136821705426356576840163370434
-0.018361581920903955605917090566;0.149435028248587564725369247753;0.077118644067796615626519951547;0.000000000000000000000000000000;0.109604519774011296973093010365;0.137005649717514110808025407096;0.044350282485875705540401270355;0.005084745762711864042193710134;0.145480225988700556660759843908;0.035028248587570622041287293769;0.069774011299435029220816772977;0.208757062146892657938934689810
-0.016374269005847954389087917093;0.171929824561403515881252701547;0.081286549707602337444534157385;0.035087719298245612087328026973;0.061988304093567252184282523331;0.149122807017543851371144114637;0.039473684210526313598244030345;0.017836257309941521559393251550;0.104093567251461988076854936480;0.063450292397660812415693953881;0.112280701754385967006122371004;0.147076023391812860108274207960
-0.079761904761904756089307966249;0.058928571428571427381903902187;0.060714285714285713690951951094;0.362499999999999988897769753748;0.028571428571428570536427926640;0.063988095238095232808461787499;0.015476190476190476719153821250;0.122321428571428567066980974687;0.049107142857142856151586585156;0.041369047619047617792009674531;0.058333333333333334258519187188;0.058928571428571427381903902187
-0.091242937853107344836622871753;0.067231638418079095464996441933;0.126836158192090403540319698550;0.124858757062146899508014996627;0.050282485875706217637315376123;0.046892655367231639296221601398;0.031920903954802258561951333604;0.087853107344632766495529097028;0.108474576271186437526061752123;0.075988700564971756179488693306;0.086158192090395477324982209666;0.102259887005649724445177639609
-0.018707482993197278864361265960;0.179931972789115657285208271787;0.116666666666666668517038374375;0.001020408163265306214495531378;0.043877551020408162019137421339;0.105782312925170068895752706339;0.029251700680272108012758280893;0.009183673469387755930459782405;0.090816326530612251355378816697;0.078911564625850333376533285445;0.118367346938775513942587735983;0.207482993197278919872417191073
-0.011515151515151514707846480690;0.273333333333333317050062305498;0.085151515151515144719240879567;0.000000000000000000000000000000;0.040909090909090908838585676222;0.118787878787878789510479293767;0.054848484848484847786753704213;0.023030303030303029415692961379;0.061515151515151515748680566276;0.032424242424242424864821998653;0.104242424242424247537996961910;0.194242424242424244207327888034
-0.027011494252873562843531018984;0.185919540229885049686942011249;0.068390804597701151945621234063;0.094827586206896546938693859374;0.056034482758620690612261228125;0.108908045977011494476194286563;0.039367816091954020707444072968;0.011781609195402298687072040195;0.088793103448275859101990192812;0.055172413793103447510191017500;0.091954022988505745850318362500;0.171839080459770116027229391875
-0.029166666666666667129259593594;0.148214285714285715078730731875;0.058333333333333334258519187188;0.100892857142857145236192195625;0.070535714285714284921269268125;0.153869047619047627506461140001;0.025000000000000001387778780781;0.009821428571428571230317317031;0.092559523809523813753230570001;0.047321428571428569842538536250;0.096726190476190479494711382813;0.167559523809523797099885200623
-0.019607843137254901688670827298;0.132352941176470589867975036213;0.124509803921568629192506705294;0.000980392156862745084433541365;0.061437908496732022978203957564;0.119281045751633993368123753953;0.025163398692810458323609879017;0.011437908496732025406816823931;0.109150326797385621713232239927;0.074836601307189540288611340202;0.123529411764705887577520115883;0.197712418300653586245019255330
-0.059064327485380117843671854416;0.082748538011695904614839491842;0.121929824561403513105695139984;0.003508771929824561468941324094;0.038596491228070177459397172015;0.136257309941520465823572294539;0.016666666666666666435370203203;0.033040935672514620824458120296;0.119883040935672507965037425492;0.091520467836257307636671498585;0.153508771929824566759847925823;0.143274853801169582689922776808
-0.029722222222222222792753498766;0.074166666666666672402818960563;0.104722222222222216547748985249;0.313888888888888883954564334999;0.034166666666666664631257788187;0.055000000000000000277555756156;0.041388888888888891726125507375;0.065277777777777781786916477813;0.070000000000000006661338147751;0.051666666666666666296592325125;0.060277777777777777346024379312;0.099722222222222225984644694563
-0.005864197530864197899225231936;0.153703703703703703498106847292;0.083024691358024690912564835799;0.086111111111111110494320541875;0.041049382716049381825129671597;0.127777777777777767909128669999;0.029012345679012344762393027509;0.006790123456790123426807248563;0.100000000000000005551115123126;0.065432098765432100684336091945;0.112037037037037032205510911353;0.189197530864197521749403563263
-0.022222222222222223070309254922;0.100925925925925932813420615730;0.070061728395061723118075747152;0.295679012345679004258869326804;0.043827160493827163612046149410;0.076851851851851851749053423646;0.018827160493827162224267368629;0.014506172839506172381196513754;0.075308641975308648897069474515;0.081481481481481488060580886668;0.069444444444444447528397290625;0.130864197530864201368672183889
-0.017346938775510203911700557455;0.093197278911564623848917676696;0.036734693877551023721839129621;0.394217687074829958859822909290;0.059183673469387756971293867991;0.096258503401360537288233842901;0.022108843537414966246013037221;0.011224489795918366624727369185;0.062585034013605447822392591206;0.053401360544217686687762380870;0.066326530612244902207486063617;0.087414965986394560504280093483
-0.018981481481481481121686982760;0.077777777777777779011358916250;0.056944444444444443365060948281;0.347685185185185208212033103337;0.050925925925925923098969150260;0.095370370370370369239587660104;0.016666666666666666435370203203;0.010648148148148147904001881159;0.073611111111111113269878103438;0.065277777777777781786916477813;0.090740740740740746805848004897;0.095370370370370369239587660104
-0.006918238993710692022465202911;0.109119496855345915475865581357;0.034905660377358489754318071618;0.303459119496855334041640617215;0.051886792452830191035850759818;0.118553459119496856777331572630;0.018238993710691823318947868415;0.002515723270440251447405133334;0.081132075471698109070395332765;0.046540880503144650692792794189;0.082075471698113203200541931892;0.144654088050314461044720815153
-0.002898550724637681194617577773;0.136231884057971014412302679375;0.025362318840579711753946412500;0.146014492753623187359934831875;0.059057971014492754990854450625;0.184057971014492754990854450625;0.019202898550724638998543625235;0.024637681159420291021611149063;0.081884057971014487242733537187;0.023188405797101449556940622188;0.089492753623188411871147707188;0.207971014492753625280130336250
-0.037499999999999998612221219219;0.089772727272727267933127848210;0.045075757575757574580066489034;0.348106060606060585538301666020;0.062878787878787881227005129858;0.079545454545454544192928381108;0.009848484848484847717364765174;0.004545454545454545233762466694;0.075757575757575759678452698154;0.062878787878787881227005129858;0.056439393939393942001281345711;0.127651515151515154711248101194
-0.025925925925925925180637321432;0.187962962962962970570046650209;0.047222222222222220988641083750;0.006481481481481481295159330358;0.042129629629629627984854778333;0.177777777777777784562474039376;0.008333333333333333217685101602;0.006018518518518518531368322044;0.077314814814814808441312266041;0.074999999999999997224442438437;0.105555555555555555247160270937;0.240277777777777784562474039376
-0.030864197530864195817557060764;0.106172839506172844714626535279;0.120370370370370363688472536978;0.000617283950617283938035184665;0.100617283950617281140793579652;0.084567901234567907642336592744;0.030864197530864195817557060764;0.018518518518518517490534236458;0.151234567901234573383817405556;0.053703703703703704885885628073;0.078395061728395068478825180591;0.224074074074074064411021822707
-0.011481481481481481399242738917;0.095925925925925928372528517230;0.084814814814814815102650413792;0.173333333333333339254522798001;0.097777777777777782897139502438;0.113703703703703709604333482730;0.010740740740740739936343040029;0.010370370370370370072254928573;0.129629629629629622433739655207;0.033703703703703701000105041885;0.050370370370370370904922197042;0.188148148148148147695835064042
-0.009119496855345911659473934208;0.090566037735849050371861324038;0.097798742138364785914106391829;0.354716981132075448446272503134;0.030817610062893081857016142067;0.048742138364779877268695429393;0.018238993710691823318947868415;0.005031446540880502894810266667;0.090251572327044018995145790996;0.058490566037735849946876953709;0.060377358490566038207170151964;0.135849056603773582496685889964
-0.015123456790123456644492350165;0.144444444444444430875051921248;0.106172839506172844714626535279;0.000000000000000000000000000000;0.073456790123456794372458489306;0.128395061728395071254382742154;0.026851851851851852442942814037;0.013580246913580246853614497127;0.098148148148148151026504137917;0.057716049382716051729946826754;0.096296296296296296501893152708;0.239814814814814813992427389167
-0.026315789473684209065496020230;0.077631578947368426457664725149;0.102192982456140349367679220904;0.312280701754385991986140425070;0.015350877192982455288206011801;0.083333333333333328707404064062;0.019736842105263156799122015173;0.024122807017543858310038018544;0.054824561403508768886450042146;0.067105263157894737280351193931;0.073245614035087724946748721777;0.143859649122807020660275156843
-0.026923076923076924571454071611;0.051602564102564099646208717331;0.035576923076923075428545928389;0.496153846153846167510437226156;0.035576923076923075428545928389;0.081089743589743593088492445986;0.014102564102564102768710974090;0.026602564102564101727876888503;0.058333333333333334258519187188;0.059615384615384618693934015710;0.067307692307692304489741275120;0.047115384615384614530597673365
-0.036458333333333335646297967969;0.067013888888888886730121896562;0.059027777777777776235801354687;0.332291666666666651863693004998;0.067013888888888886730121896562;0.068402777777777784562474039376;0.020486111111111111188209932266;0.046180555555555558022717832500;0.092361111111111116045435665001;0.059722222222222225151977426094;0.056250000000000001387778780781;0.094791666666666662965923251249
-0.033333333333333332870740406406;0.100000000000000005551115123126;0.058333333333333334258519187188;0.220535714285714279370154144999;0.076190476190476197348999676251;0.087202380952380947887192519374;0.026190476190476191103995162734;0.011309523809523809242949532461;0.113988095238095235584019349062;0.058333333333333334258519187188;0.082440476190476189022326991562;0.132142857142857145236192195625
-0.049462365591397848552102090025;0.061290322580645158201395616970;0.060215053763440863632272481709;0.224731182795698924969940435403;0.126881720430107536312647198429;0.072043010752688166342672104747;0.018817204301075269451404281540;0.011290322580645160630008483338;0.146774193548387082985939855462;0.049462365591397848552102090025;0.052150537634408598852697735992;0.126881720430107536312647198429
-0.012745098039215686097636037744;0.146078431372549027988938519229;0.112745098039215688179304208916;0.012745098039215686097636037744;0.090196078431372547767885805570;0.081862745098039216284924179945;0.026470588235294117279705616852;0.008333333333333333217685101602;0.100980392156862747166101712537;0.065686274509803924126494223401;0.086764705882352938237644934816;0.255392156862745078882426241762
-0.022962962962962962798485477833;0.120370370370370363688472536978;0.102962962962962964463820014771;0.003333333333333333547282562037;0.035185185185185187395351391615;0.155185185185185176015565389207;0.017777777777777777762358013547;0.017037037037037038034181790636;0.121111111111111113824989615750;0.089999999999999996669330926125;0.132962962962962949475809182331;0.181111111111111111604543566500
-0.016239316239316240603196561665;0.102991452991452986376330613894;0.131623931623931628154267059472;0.004700854700854700633783078700;0.050427350427350428607731203101;0.119230769230769237387868031419;0.020512820512820512802720784862;0.011965811965811966668948862491;0.105128205128205129414986629399;0.091452991452991447274278868917;0.099572649572649565841153673773;0.246153846153846167510437226156
-0.042962962962962959745372160114;0.045185185185185182399347780802;0.052962962962962961688262453208;0.424444444444444457520404512252;0.065555555555555561353386906376;0.059999999999999997779553950750;0.015555555555555555108382392859;0.008888888888888888881179006773;0.092592592592592587452671182291;0.058518518518518518323201504927;0.050370370370370370904922197042;0.082962962962962960578039428583
-0.144047619047619035459462111248;0.030952380952380953438307642500;0.100000000000000005551115123126;0.083333333333333328707404064062;0.048809523809523809589894227656;0.027380952380952380820211544687;0.009523809523809524668624959531;0.100595238095238098674499838125;0.129166666666666679619268620627;0.163095238095238098674499838125;0.084523809523809528831961301876;0.078571428571428569842538536250
-0.071481481481481479178796689666;0.109259259259259264296382241355;0.118518518518518523041649359584;0.027037037037037036507625131776;0.047777777777777780121581940875;0.099259259259259255414598044354;0.024074074074074074125473288177;0.045925925925925925596970955667;0.118888888888888891171013995063;0.095555555555555560243163881751;0.112592592592592591338451768479;0.129629629629629622433739655207
-0.032857142857142855596475072844;0.078095238095238092568273202687;0.127619047619047631947353238502;0.004761904761904762334312479766;0.030476190476190476164042308937;0.102380952380952378044653983125;0.008095238095238094580552434820;0.040952380952380955381197935594;0.129047619047619049892361431375;0.159047619047619048782138406750;0.126190476190476186246769429999;0.160476190476190466727146599624
-0.042708333333333334258519187188;0.057812500000000002775557561563;0.086458333333333331482961625625;0.013541666666666667129259593594;0.127604166666666657414808128124;0.077604166666666668517038374375;0.010937499999999999306110609609;0.044791666666666667129259593594;0.200520833333333342585191871876;0.109895833333333331482961625625;0.071874999999999994448884876874;0.156250000000000000000000000000
-0.089583333333333334258519187188;0.038541666666666668517038374375;0.050000000000000002775557561563;0.184375000000000011102230246252;0.122395833333333328707404064062;0.072916666666666671292595935938;0.009374999999999999653055304805;0.050520833333333334258519187188;0.147916666666666668517038374375;0.085937500000000000000000000000;0.041666666666666664353702032031;0.106770833333333328707404064062
-0.064583333333333339809634310313;0.033854166666666664353702032031;0.052604166666666667129259593594;0.362499999999999988897769753748;0.030729166666666665047591422422;0.102083333333333331482961625625;0.004687499999999999826527652402;0.027083333333333334258519187188;0.123437500000000005551115123126;0.081250000000000002775557561563;0.048437500000000001387778780781;0.068750000000000005551115123126
-0.026356589147286821339655205065;0.032558139534883720478397606257;0.030620155038759689497540605885;0.666666666666666629659232512495;0.044961240310077518755882408641;0.023643410852713177966455404544;0.006589147286821705334913801266;0.006976744186046511531085201341;0.057751937984496126698985563053;0.046511627906976743540568008939;0.021317829457364340789427004097;0.036046511627906979713387158881
-0.050740740740740739034286832521;0.065185185185185179346234463083;0.037777777777777778178691647781;0.417777777777777803436265458004;0.074444444444444438091501581312;0.044814814814814814269983145323;0.011111111111111111535154627461;0.008518518518518519017090895318;0.109259259259259264296382241355;0.060740740740740740977177125615;0.040370370370370368962031903948;0.079259259259259265406605265980
-0.024107142857142858233254756328;0.071130952380952378044653983125;0.088690476190476194573442114688;0.411011904761904744987077719998;0.033035714285714286309048048906;0.058928571428571427381903902187;0.025297619047619047949471138281;0.021428571428571428769682682969;0.072321428571428578169211220938;0.061011904761904760252644308594;0.052083333333333335646297967969;0.080952380952380956213865204063
-0.017676767676767676101823312251;0.111616161616161613245878925227;0.094444444444444441977282167500;0.003030303030303030300401934127;0.067171717171717174044154319290;0.104040404040404044216927559319;0.013131313131313130868060845557;0.040404040404040407474806073651;0.128787878787878784514475682954;0.091414141414141419916816744262;0.103030303030303027611580546363;0.225252525252525259702451876365
-0.019883040935672516291710110181;0.080116959064327489259405012945;0.104970760233918131154595698717;0.244152046783625731318778662171;0.035672514619883043118786503101;0.079824561403508770274228822927;0.009064327485380116802837768830;0.017543859649122806043664013487;0.087134502923976606125755495214;0.095029239766081866069846739720;0.093859649122807017884717595280;0.132748538011695893512609245590
-0.015579710144927537071590784024;0.039855072463768112522863873437;0.027898550724637680847672882578;0.599637681159420288246053587500;0.052173913043478258033669447968;0.035144927536231884701578565000;0.005797101449275362389235155547;0.010507246376811593679967415937;0.058695652173913044624686818906;0.050000000000000002775557561563;0.042391304347826085086037295468;0.062318840579710148286363136094
-0.024382716049382715389759468394;0.101543209876543208403099072257;0.059876543209876544049397040226;0.198765432098765432167297717569;0.081790123456790125855420114931;0.102777777777777773460243793124;0.014506172839506172381196513754;0.007098765432098765558455166769;0.100925925925925932813420615730;0.074691358024691359429603210174;0.061111111111111109106541761093;0.172530864197530858783480312013
-0.023076923076923078204103489952;0.106837606837606832743681195552;0.100000000000000005551115123126;0.049145299145299144172316374579;0.061538461538461541877609306539;0.097008547008547010848111824544;0.035470085470085468970502518005;0.020085470085470086970547143324;0.122222222222222218213083522187;0.078632478632478630675706199327;0.081196581196581199546535856371;0.224786324786324792635028302357
-0.032738095238095239747355691406;0.067559523809523805426557885312;0.088988095238095241135134472188;0.241369047619047621955346016875;0.081250000000000002775557561563;0.061904761904761906876615285000;0.017559523809523809589894227656;0.027083333333333334258519187188;0.104166666666666671292595935938;0.084226190476190482270268944376;0.069642857142857145236192195625;0.123511904761904767191538212501
-0.055555555555555552471602709375;0.074183006535947712545286947261;0.083006535947712414835741867591;0.134313725490196073097948215036;0.053594771241830062302735626645;0.095751633986928111341718761196;0.014052287581699346788455251556;0.055555555555555552471602709375;0.112418300653594774307642012445;0.077450980392156865139696719780;0.096732026143790852956705350607;0.147385620915032683475587305111
-0.025308641975308642652064960998;0.113580246913580248935282668299;0.127469135802469130114289441735;0.078395061728395068478825180591;0.081172839506172836387953850590;0.091358024691358022395526461423;0.016975308641975307699656383420;0.018518518518518517490534236458;0.106790123456790120304304991805;0.074691358024691359429603210174;0.069753086419753085323236518889;0.195987654320987664258169047571
-0.015555555555555555108382392859;0.104814814814814818988430999980;0.119259259259259259300378630542;0.201851851851851865626841231460;0.039629629629629632703302632990;0.075555555555555556357383295563;0.036666666666666666851703837438;0.022592592592592591199673890401;0.078518518518518515270088187208;0.063333333333333338699411285688;0.079259259259259265406605265980;0.162962962962962976121161773335
-0.029378531073446328275577954514;0.126553672316384174800774076175;0.162711864406779649350198724278;0.002542372881355932021096855067;0.055649717514124293071819948864;0.045480225988700564987432528596;0.032485875706214688285466962725;0.019774011299435029914706163368;0.107909604519774007802546123003;0.115254237288135594208249301573;0.080225988700564965228068103897;0.222033898305084742563764166334
-0.020325203252032519873893079421;0.117886178861788620819694983766;0.126422764227642286938291249498;0.006910569105691056687734707964;0.101219512195121957853771732516;0.073577235772357724163938996753;0.036178861788617885930641193681;0.039024390243902438990541980957;0.145121951219512185238258439313;0.087398373983739841008855364635;0.076422764227642270284945880121;0.169512195121951231291390627121
-0.016975308641975307699656383420;0.144444444444444430875051921248;0.088580246913580240608609983610;0.208950617283950618174870328403;0.056172839506172841939068973716;0.073765432098765432167297717569;0.049691358024691358041824429392;0.026851851851851852442942814037;0.081481481481481488060580886668;0.068827160493827158060931026284;0.074382716049382721634763981911;0.109876543209876539886060697881
-0.056097560975609757349946704608;0.078455284552845533374565434315;0.095934959349593493249663822553;0.286178861788617899808429001496;0.032520325203252035961565269417;0.043495934959349592807686946117;0.019918699186991871419305510926;0.045528455284552848958412596403;0.090650406504065042523343720404;0.087804878048780482524549029222;0.059756097560975607319022628872;0.103658536585365848581297143483
-0.014728682170542635454513202831;0.127519379844961228132049768647;0.148062015503875959998580924548;0.000000000000000000000000000000;0.075581395348837204783976062572;0.087209302325581397608011968714;0.020930232558139534593255604022;0.024031007751937984162626804618;0.116666666666666668517038374375;0.057751937984496126698985563053;0.075193798449612408996145518358;0.252325581395348830238134496540
-0.028666666666666666685170383744;0.091333333333333335812831421663;0.079000000000000000777156117238;0.011666666666666667198648532633;0.148666666666666669183172189150;0.095333333333333339365545100463;0.037666666666666667739882257138;0.029999999999999998889776975375;0.129666666666666680063357830477;0.049666666666666664520235485725;0.049000000000000001887379141863;0.249333333333333323489355848324
-0.031481481481481478346129421197;0.080370370370370369794699172417;0.070000000000000006661338147751;0.073333333333333333703407674875;0.128148148148148149916281113292;0.097037037037037032760622423666;0.024444444444444445724284875610;0.023333333333333334397297065266;0.121851851851851850083718886708;0.081481481481481488060580886668;0.067407407407407402000210083770;0.201111111111111101612536344874
-0.037121212121212124324109993267;0.103787878787878790065590806080;0.057575757575757578743402831378;0.159090909090909088385856762216;0.069318181818181820452728914006;0.123484848484848488969767288381;0.046969696969696966837304330511;0.018560606060606062162054996634;0.123484848484848488969767288381;0.080681818181818187873943770683;0.087499999999999994448884876874;0.092424242424242422644375949403
-0.029761904761904760252644308594;0.113492063492063491314532086562;0.074206349206349206393262818438;0.001190476190476190583578119941;0.116666666666666668517038374375;0.130952380952380958989422765626;0.078968253968253965258128346250;0.020238095238095239053466301016;0.159920634920634907594205742498;0.034126984126984123701920026406;0.048015873015873018758714607657;0.192460317460317470450448240626
-0.052873563218390803863933058437;0.239080459770114939210827742500;0.233620689655172408816241613749;0.026724137931034484122472250078;0.025287356321839080108837549687;0.040517241379310342530573052500;0.139080459770114933659712619374;0.034770114942528733414928154843;0.053160919540229882584991827343;0.044540229885057472380971432813;0.046839080459770116027229391875;0.063505747126436778993152643125
-0.053875968992248064737271562308;0.107364341085271319808924772587;0.112403100775193803828599925509;0.020155038759689922200912803874;0.086434108527131778276775264658;0.068217054263565890526166413110;0.063178294573643406506491260188;0.038759689922480619617140007449;0.136434108527131781052332826221;0.084496124031007757704259120146;0.073643410852713184211459918060;0.155038759689922478468560029796
-0.036858974358974359863960756911;0.105128205128205129414986629399;0.213782051282051271945405801489;0.008653846153846154326538808732;0.039102564102564102421766278894;0.041666666666666664353702032031;0.076282051282051288598751170866;0.107051282051282045659768016321;0.083974358974358967455664526369;0.089102564102564105197323840457;0.060576923076923076816324709171;0.137820512820512830476360477405
-0.033333333333333332870740406406;0.130496453900709213913344797220;0.187943262411347511431358725531;0.010283687943262410577349719176;0.054609929078014186887291003814;0.057446808510638297518013928311;0.073758865248226945787735076010;0.085460992907801416884616685365;0.093617021276595741019477259215;0.080141843971631210319372939921;0.062765957446808504083257673756;0.130141843971631199217142693669
-0.044047619047619050725028699844;0.165178571428571424606346340624;0.132738095238095238359576910625;0.018154761904761906182725894610;0.041071428571428571230317317031;0.086607142857142854763807804375;0.051190476190476189022326991562;0.068750000000000005551115123126;0.115773809523809528831961301876;0.070535714285714284921269268125;0.085119047619047621955346016875;0.120833333333333334258519187188
-0.028968253968253969421464688594;0.096428571428571432933019025313;0.156349206349206348853897452500;0.006746031746031746351155433672;0.046825396825396825573051273750;0.079365079365079360673718156249;0.056746031746031745657266043281;0.082936507936507933291814254062;0.105952380952380950662750080937;0.126984126984126977077949049999;0.099206349206349200842147695312;0.113492063492063491314532086562
-0.028787878787878789371701415689;0.110227272727272729291314590228;0.167803030303030314973611325513;0.000757575757575757575100483532;0.063257575757575762454010259717;0.073106060606060604967204596960;0.068181818181818176771713524431;0.040151515151515153323469320412;0.128030303030303022060465423237;0.078409090909090914389700799347;0.083712121212121209934409193920;0.157575757575757563477836242782
-0.019767441860465116004741403799;0.125193798449612397893915272107;0.133333333333333331482961625625;0.001162790697674418588514200223;0.103488372093023250908316867935;0.062015503875968991387424011918;0.094573643410852711865821618176;0.023643410852713177966455404544;0.113953488372093028613285525807;0.058139534883720929425710011174;0.067441860465116285072717516869;0.197286821705426357320689589869
-0.040277777777777780399137697032;0.126666666666666677398822571377;0.133888888888888890615902482750;0.018333333333333333425851918719;0.057222222222222222931531376844;0.080833333333333326486958014812;0.090277777777777776235801354687;0.057500000000000002498001805407;0.092499999999999998889776975375;0.091666666666666660190365689687;0.094444444444444441977282167500;0.116388888888888888950567945813
-0.076388888888888895056794581251;0.109722222222222220988641083750;0.116666666666666668517038374375;0.102777777777777773460243793124;0.074074074074074069962136945833;0.051388888888888886730121896562;0.092129629629629630760412339896;0.059722222222222225151977426094;0.117129629629629625209297216770;0.049074074074074075513252068959;0.052314814814814813992427389167;0.098611111111111107718762980312
-0.024305555555555555941049661328;0.128124999999999988897769753748;0.213888888888888878403449211874;0.000000000000000000000000000000;0.035069444444444444752839729063;0.049305555555555553859381490156;0.177430555555555563573832955626;0.070138888888888889505679458125;0.080555555555555560798275394063;0.046875000000000000000000000000;0.067013888888888886730121896562;0.107291666666666660190365689687
-0.019333333333333334314030338419;0.139333333333333336812032143825;0.177333333333333342807236476801;0.001333333333333333288808764117;0.098666666666666666407614627587;0.048000000000000000999200722163;0.161333333333333328596381761599;0.040000000000000000832667268469;0.098666666666666666407614627587;0.040000000000000000832667268469;0.051999999999999997613020497056;0.123999999999999999111821580300
-0.026797385620915031151367813322;0.096732026143790852956705350607;0.137254901960784325698483598899;0.168627450980392168400356922575;0.038562091503267975634017261655;0.075816993464052281903597929613;0.103267973856209144267737087830;0.094117647058823528105619971029;0.055228758169934638599940512904;0.073856209150326798673624750791;0.080392156862745103862444295828;0.049346405228758168093339264715
-0.029464285714285713690951951094;0.082738095238095235584019349062;0.142559523809523802651000323749;0.069345238095238098674499838125;0.071726190476190471168038698124;0.059523809523809520505288617187;0.043749999999999997224442438437;0.060714285714285713690951951094;0.124404761904761906876615285000;0.114285714285714282145711706562;0.072321428571428578169211220938;0.129166666666666679619268620627
-0.008333333333333333217685101602;0.141666666666666662965923251249;0.089999999999999996669330926125;0.001666666666666666773641281019;0.082916666666666666296592325125;0.122499999999999997779553950750;0.051249999999999996946886682281;0.012916666666666666574148081281;0.150416666666666670737484423626;0.068333333333333329262515576374;0.079166666666666662965923251249;0.190833333333333327042069527124
-0.020930232558139534593255604022;0.080620155038759688803651215494;0.058139534883720929425710011174;0.036434108527131782440111607002;0.126356589147286813012982520377;0.113178294573643409282048821751;0.033333333333333332870740406406;0.026744186046511627535826605140;0.201550387596899222009128038735;0.050387596899224805502282009684;0.043410852713178293971196808343;0.208914728682170536266937688197
-0.035057471264367819074880827657;0.107758620689655165714171403124;0.100574712643678162993232660938;0.105459770114942522067913444062;0.082183908045977013823168988438;0.065517241379310350857245737188;0.074425287356321839782324900625;0.065804597701149422639410602187;0.111494252873563223782404918438;0.077298850574712640870700397500;0.060344827586206899183718377344;0.114080459770114939210827742500
-0.018965517241379310081628162266;0.118103448275862069061226122813;0.086206896551724143673567368751;0.183045977011494248598566514374;0.050862068965517238938733868281;0.100862068965517234775397525937;0.054597701149425290068073479688;0.046839080459770116027229391875;0.095977011494252875700716742813;0.060344827586206899183718377344;0.074712643678160925442277573438;0.109482758620689651918311824375
-0.011382113821138212239603149101;0.113008130081300811609068546204;0.103658536585365848581297143483;0.173577235772357729715054119879;0.069105691056910570346794031593;0.058943089430894310409847491883;0.057723577235772358107190882492;0.033739837398373981325327974901;0.132520325203252020695998680822;0.067073170731707321134962285214;0.064227642276422761136167594032;0.115040650406504060820900292583
-0.027450980392156862364139158217;0.109803921568627449456556632867;0.097058823529411766828367547078;0.026960784313725491556645863511;0.100980392156862747166101712537;0.060294117647058824427386269917;0.053921568627450983113291727022;0.030882352941176471894380028971;0.161274509803921578532381886362;0.105882352941176469118822467408;0.076470588235294123524710130368;0.149019607843137252833898287463
-0.011481481481481481399242738917;0.166296296296296303163231300459;0.145185185185185194889356807835;0.002222222222222222220294751693;0.061481481481481484174800300480;0.061111111111111109106541761093;0.063333333333333338699411285688;0.026666666666666668378260496297;0.097777777777777782897139502438;0.080740740740740737924063807895;0.084074074074074078843921142834;0.199629629629629629095077802958
-0.047619047619047616404230893750;0.100000000000000005551115123126;0.096031746031746037517429215313;0.010714285714285714384841341484;0.096031746031746037517429215313;0.073809523809523810977673008438;0.063095238095238093123384715000;0.061111111111111109106541761093;0.135317460317460308560910675624;0.086507936507936505909910351875;0.062301587301587302292205095000;0.167460317460317448245987748123
-0.042635658914728681578854008194;0.133720930232558127270792169838;0.131395348837209297032657673299;0.030232558139534883301369205810;0.056201550387596901914299962755;0.073643410852713184211459918060;0.061627906976744188660699563798;0.053875968992248064737271562308;0.101162790697674420670182371396;0.098837209302325576554260067041;0.080620155038759688803651215494;0.136046511627906985264502282007
-0.010964912280701753777290008429;0.153070175438596495220977544705;0.169736842105263158186900795954;0.001754385964912280734470662047;0.055263157894736840425320423265;0.082017543859649127968580728520;0.087280701754385958679449686315;0.049561403508771931236687180444;0.110087719298245609311770465411;0.082456140350877199507451109639;0.089912280701754387912671973027;0.107894736842105265495206367632
-0.016666666666666666435370203203;0.103888888888888891726125507375;0.080000000000000001665334536938;0.346111111111111091620529123247;0.026944444444444444475283972906;0.090277777777777776235801354687;0.037777777777777778178691647781;0.051944444444444445863062753688;0.056388888888888891171013995063;0.049444444444444443642616704437;0.081944444444444444752839729063;0.058611111111111113824989615750
-0.049415204678362571744099085436;0.093274853801169593792153023060;0.158479532163742692363328501415;0.037134502923976610289091837558;0.072222222222222215437525960624;0.045906432748538013310923844301;0.081578947368421056429710347402;0.102339181286549701921373412006;0.079239766081871346181664250707;0.085380116959064333848061778554;0.078070175438596497996535106267;0.116959064327485373624426756578
-0.046666666666666668794594130532;0.073333333333333333703407674875;0.188055555555555559132940857126;0.019722222222222220849863205672;0.045555555555555557467606320188;0.040277777777777780399137697032;0.040555555555555553026714221687;0.089722222222222217102860497562;0.105555555555555555247160270937;0.132777777777777772350020768499;0.088611111111111112714766591125;0.129166666666666679619268620627
-0.023850574712643679564649801250;0.113505747126436781768710204688;0.230747126436781607727866116875;0.013505747126436781421765509492;0.017528735632183909537440413828;0.026149425287356323210907760313;0.065804597701149422639410602187;0.128448275862068972408280842501;0.065517241379310350857245737188;0.127298850574712657524045766877;0.091091954022988502748248151875;0.096551724137931033142834280625
-0.014655172413793103244894489023;0.104022988505747121523725695624;0.184482758620689663020542070626;0.012356321839080459598636529961;0.065229885057471265197293064375;0.046839080459770116027229391875;0.106321839080459765169983654687;0.093678160919540232054458783750;0.064080459770114936435270180937;0.081321839080459770721098777813;0.060057471264367813523765704531;0.166954022988505756952548608751
-0.008130081300813008990391317354;0.110162601626016265488061662836;0.182520325203252037349344050199;0.103658536585365848581297143483;0.019918699186991871419305510926;0.038211382113821135142472940061;0.095934959349593493249663822553;0.183333333333333320380731379373;0.055284552845528453501877663712;0.067479674796747962650655949801;0.052032520325203251987389307942;0.083333333333333328707404064062
-0.018085106382978721750731665452;0.115248226950354609732229960173;0.195035460992907805355400796543;0.045035460992907803967622015762;0.027659574468085104670400653504;0.039716312056737590463484366410;0.084751773049645387492212478264;0.154964539007092200195714326583;0.069148936170212768614895537667;0.074113475177304960483937179561;0.069503546099290783311097641217;0.106737588652482270901167282773
-0.005448717948717948442172165358;0.199679487179487191728100015098;0.170833333333333337034076748751;0.000000000000000000000000000000;0.045512820512820510721052613690;0.055128205128205126639429067836;0.073397435897435900353791282669;0.042628205128205129414986629399;0.080448717948717954340231983679;0.052564102564102564707493314700;0.079166666666666662965923251249;0.195192307692307692734701163317
-0.014341085271317829258341802756;0.155038759689922478468560029796;0.147674418604651164210750380335;0.189922480620155043062879940408;0.024806201550387596554969604767;0.053488372093023255071653210280;0.068217054263565890526166413110;0.062790697674418610718660715975;0.070930232558139530429919261678;0.050775193798449615167900361712;0.070542635658914734642088717465;0.091472868217054262296450417580
-0.033000000000000001554312234475;0.059666666666666666463125778819;0.113666666666666665852503115275;0.303999999999999992450483432549;0.047333333333333331427450474393;0.044333333333333335701809119200;0.084666666666666667850904559600;0.076999999999999999000799277837;0.058666666666666665574947359119;0.069333333333333330150693996075;0.064666666666666663965123973412;0.043666666666666666130058871431
-0.016319444444444445446729119453;0.120138888888888892281237019688;0.157638888888888883954564334999;0.079513888888888883954564334999;0.074652777777777776235801354687;0.052083333333333335646297967969;0.135763888888888878403449211874;0.105208333333333334258519187188;0.091666666666666660190365689687;0.047569444444444441977282167500;0.043055555555555555247160270937;0.076388888888888895056794581251
-0.019642857142857142460634634062;0.085119047619047621955346016875;0.080059523809523802651000323749;0.298511904761904756089307966249;0.057440476190476187634548210781;0.080654761904761909652172846563;0.059821428571428574005874878594;0.038988095238095238359576910625;0.095535714285714279370154144999;0.058928571428571427381903902187;0.060119047619047620567567236094;0.065178571428571432933019025313
-0.061507936507936504522131571093;0.084920634920634924247551111876;0.131349206349206354405012575626;0.091269841269841264774775879687;0.044841269841269841556208319844;0.073015873015873020146493388438;0.060714285714285713690951951094;0.064682539682539688663531762813;0.125793650793650790831179620000;0.101587301587301587213474363125;0.059920634920634922859772331094;0.100396825396825400966704933126
-0.050000000000000002775557561563;0.081172839506172836387953850590;0.128086419753086433459543513891;0.003086419753086419581755706076;0.060802469135802471311702532830;0.100308641975308643345954351389;0.076234567901234562281587159305;0.053086419753086422357313267639;0.153703703703703703498106847292;0.099382716049382716083648858785;0.097530864197530861559037873576;0.096604938271604934296732380972
-0.013888888888888888117900677344;0.135714285714285703976500485624;0.174999999999999988897769753748;0.000396825396825396825052634231;0.062698412698412697707794905000;0.068253968253968247403840052812;0.099603174603174596257737505312;0.036904761904761905488836504219;0.117857142857142854763807804375;0.069841269841269842943987100625;0.084523809523809528831961301876;0.135317460317460308560910675624
-0.015064102564102564360548619504;0.141666666666666662965923251249;0.162820512820512824925245354279;0.006089743589743589792517841630;0.076282051282051288598751170866;0.079487179487179482340053482403;0.072756410256410261605530820361;0.032051282051282048435325577884;0.113141025641025641523818023870;0.068269230769230762612131968581;0.083974358974358967455664526369;0.148397435897435897578233721106
-0.023232323232323232736762363970;0.105050505050505046944486764460;0.163131313131313127051669198408;0.024242424242424242403215473018;0.042424242424242426807712291748;0.046969696969696966837304330511;0.061111111111111109106541761093;0.125252525252525254151336753239;0.085353535353535348040310282158;0.144949494949494939177725427726;0.083838383838383837010077570540;0.094444444444444441977282167500
-0.069642857142857145236192195625;0.093452380952380953438307642500;0.138392857142857150787307318751;0.015178571428571428422737987773;0.038690476190476191797884553125;0.077678571428571430157461463750;0.058035714285714287696826829688;0.094345238095238093123384715000;0.108333333333333337034076748751;0.142261904761904756089307966249;0.090773809523809520505288617187;0.073214285714285717854288293438
-0.068627450980392162849241799449;0.092483660130718958747308988677;0.132026143790849675996312839743;0.035620915032679736911269685606;0.050326797385620916647219758033;0.040849673202614379674546540855;0.074509803921568626416949143731;0.135620915032679728584597000918;0.113725490196078429794290798327;0.080718954248366017734106492298;0.061764705882352943788760057942;0.113725490196078429794290798327
-0.028723404255319148759006964156;0.107092198581560285597369386323;0.100000000000000005551115123126;0.045035460992907803967622015762;0.095744680851063829196689880519;0.069148936170212768614895537667;0.046808510638297870509738629607;0.046453900709219855813536526057;0.167021276595744672111010231674;0.085460992907801416884616685365;0.080141843971631210319372939921;0.128368794326241125736132175916
-0.029931972789115645489088635145;0.120068027210884359368137097590;0.141496598639455795076713684466;0.077210884353741501828771731653;0.063265306122448974890382089598;0.060204081632653061451065923393;0.072448979591836729086118396026;0.062244897959183670410610034196;0.095918367346938773754239093705;0.091836734693877555835150872099;0.067687074829931970221252868214;0.117687074829931972996810429777
-0.024107142857142858233254756328;0.141666666666666662965923251249;0.209226190476190482270268944376;0.000297619047619047645894529985;0.057142857142857141072855853281;0.073214285714285717854288293438;0.096726190476190479494711382813;0.089285714285714287696826829688;0.085416666666666668517038374375;0.049107142857142856151586585156;0.074999999999999997224442438437;0.098809523809523805426557885312
-0.023809523809523808202115446875;0.147278911564625858421351267680;0.148299319727891149023335515267;0.000000000000000000000000000000;0.080272108843537415268087897857;0.073469387755102047443678259242;0.113265306122448977665939651160;0.037074829931972787255833878817;0.117346938775510209462815680581;0.055782312925170066120195144777;0.076190476190476197348999676251;0.127210884353741504604329293215
-0.035000000000000003330669073875;0.128000000000000002664535259100;0.150333333333333346581994760527;0.000333333333333333322202191029;0.071999999999999994559907179337;0.060333333333333336034876026588;0.118333333333333332038073137937;0.036666666666666666851703837438;0.123666666666666660856499504462;0.050666666666666665408413905425;0.065666666666666664853302393112;0.159000000000000002442490654175
-0.038297872340425531678675952207;0.087943262411347519758031410220;0.166666666666666657414808128124;0.005319148936170212636775911363;0.060638297872340422844938956359;0.037234042553191487590069641556;0.178723404255319157085679648844;0.092198581560283682234668845012;0.107801418439716314989773593425;0.045035460992907803967622015762;0.057801418439716312214216031862;0.122340425531914889778484223370
-0.042901234567901236349740656806;0.102777777777777773460243793124;0.174999999999999988897769753748;0.014814814814814815380206169948;0.056172839506172841939068973716;0.028395061728395062233820667075;0.152160493827160486768335090346;0.097222222222222223764198645313;0.099691358024691353878488087048;0.089506172839506167870915476215;0.062962962962962956692258842395;0.078395061728395068478825180591
-0.046783625730994149449770702631;0.080994152046783632337145775182;0.133040935672514626375573243422;0.046198830409356725357206130411;0.097660818713450295303069026431;0.055555555555555552471602709375;0.057602339181286550673366519959;0.062280701754385964230564809441;0.128947368421052643849833430068;0.096783625730994152225328264194;0.064912280701754379585999288338;0.129239766081871348957221812270
-0.107142857142857136909519510937;0.068253968253968247403840052812;0.074603174603174601808852628437;0.169444444444444453079512413751;0.024603174603174602502742018828;0.063888888888888883954564334999;0.042857142857142857539365365938;0.085317460317460319663140921875;0.101587301587301587213474363125;0.115873015873015877685858754376;0.053571428571428568454759755468;0.092857142857142860314922927500
-0.049290780141843973383153354462;0.053900709219858157494886796712;0.063475177304964533475661880857;0.217021276595744688764355601052;0.098226950354609932070104605373;0.062056737588652481629747370562;0.039716312056737590463484366410;0.050000000000000002775557561563;0.115248226950354609732229960173;0.071276595744680856792108158970;0.058156028368794326910418135412;0.121631205673758860386080016269
-0.028000000000000000582867087928;0.099000000000000004662936703426;0.129666666666666680063357830477;0.104999999999999996114219413812;0.074666666666666672846908170413;0.049333333333333333203807313794;0.111333333333333339698612007851;0.057666666666666664686768939418;0.082666666666666666074547720200;0.062333333333333330872338962081;0.076999999999999999000799277837;0.123333333333333336478965236438
-0.034935897435897436680285466082;0.102564102564102560544156972355;0.129487179487179498993398851781;0.042948717948717948789116860553;0.095192307692307687183586040192;0.077564102564102566095272095481;0.088461538461538466449063378150;0.054487179487179487891168605529;0.123397435897435903129348844232;0.055769230769230772326583434051;0.077243589743589746721141864327;0.117948717948717946013559298990
-0.020408163265306120820463675614;0.120748299319727886436126595981;0.178911564625850338927648408571;0.051700680272108841262213019263;0.056802721088435377538861104085;0.037074829931972787255833878817;0.185374149659863957095851105805;0.062585034013605447822392591206;0.080272108843537415268087897857;0.044217687074829932492026074442;0.055102040816326532113311742478;0.106802721088435373375524761741
-0.017916666666666667545593227828;0.185833333333333322601177428623;0.202083333333333337034076748751;0.003333333333333333547282562037;0.026249999999999999028554853453;0.024166666666666666157814447047;0.147916666666666668517038374375;0.086249999999999993338661852249;0.043749999999999997224442438437;0.061249999999999998889776975375;0.074583333333333334813630699500;0.126666666666666677398822571377
-0.051811594202898547667501816250;0.117391304347826089249373637813;0.118115942028985509981708901250;0.010507246376811593679967415937;0.048188405797101450944719402969;0.097826086956521743354109332813;0.033333333333333332870740406406;0.079347826086956521618454019062;0.140217391304347821501252724374;0.111231884057971019963417802501;0.077898550724637680153783492187;0.114130434782608689014971048437
-0.037931034482758620163256324531;0.114655172413793096652945280312;0.128735632183908044190445707500;0.016954022988505748625875924063;0.056321839080459769333319997031;0.061206896551724135346894684062;0.071839080459770110476114268749;0.047701149425287359129299602500;0.138505747126436790095382889376;0.090229885057471259646177941249;0.064655172413793107755175526563;0.171264367816091944707324046249
-0.042361111111111113269878103438;0.081944444444444444752839729063;0.115277777777777784562474039376;0.003472222222222222029475169336;0.107638888888888895056794581251;0.099305555555555549696045147812;0.047222222222222220988641083750;0.038194444444444447528397290625;0.165277777777777773460243793124;0.108333333333333337034076748751;0.075694444444444439201724605937;0.115277777777777784562474039376
-0.038888888888888889505679458125;0.103968253968253973584801030938;0.081746031746031747045044824063;0.002380952380952381167156239883;0.164285714285714284921269268125;0.059523809523809520505288617187;0.046031746031746034741871653750;0.023809523809523808202115446875;0.169047619047619057663922603751;0.082539682539682537876224444062;0.065079365079365084079121572813;0.162698412698412703258910028126
-0.050000000000000002775557561563;0.060215053763440863632272481709;0.100537634408602152835676690756;0.193010752688172054769566443611;0.022580645161290321260016966676;0.033870967741935487094195877944;0.040322580645161289203404209047;0.127419354838709669719420958245;0.070967741935483871773548969486;0.143548387096774199278570449678;0.077956989247311828106212772127;0.079569892473118283837685282833
-0.043888888888888887007677652718;0.017777777777777777762358013547;0.041666666666666664353702032031;0.608888888888888923922593221505;0.048888888888888891448569751219;0.023333333333333334397297065266;0.010555555555555555871660722289;0.021111111111111111743321444578;0.077222222222222219878418059125;0.054444444444444441144614899031;0.030555555555555554553270880547;0.021666666666666667406815349750
-0.024637681159420291021611149063;0.000724637681159420298654394443;0.003623188405797101493271972217;0.897101449275362283763968207495;0.008695652173913043583852733320;0.008695652173913043583852733320;0.000000000000000000000000000000;0.011594202898550724778470311094;0.014492753623188405973087888867;0.015942028985507245703034939766;0.012318840579710145510805574531;0.002173913043478260895963183330
-0.123737373737373743121104041620;0.022727272727272727903535809446;0.024747474747474747236442027543;0.266161616161616154663249744772;0.104040404040404044216927559319;0.073737373737373740345546480057;0.011111111111111111535154627461;0.030303030303030303871381079261;0.163636363636363635354342704886;0.092929292929292930947049455881;0.052525252525252523472243382230;0.034343434343434342537193515454
-0.091388888888888894501683068938;0.036944444444444446418174266000;0.094444444444444441977282167500;0.070000000000000006661338147751;0.082500000000000003885780586188;0.083888888888888887840344921187;0.013611111111111110286153724758;0.086388888888888890060790970438;0.155555555555555558022717832500;0.113611111111111107163651467999;0.081666666666666665186369300500;0.089999999999999996669330926125
-0.086666666666666669627261399000;0.046296296296296293726335591145;0.094074074074074073847917532021;0.126666666666666677398822571377;0.067777777777777784007362527063;0.050370370370370370904922197042;0.011481481481481481399242738917;0.032222222222222221543752596062;0.147037037037037049413967793043;0.143333333333333340364745822626;0.065925925925925929482751541855;0.128148148148148149916281113292
-0.043548387096774193727455326552;0.070967741935483871773548969486;0.116666666666666668517038374375;0.004301075268817204297344680697;0.062365591397849459709412656139;0.058064516129032260616238403372;0.009139784946236559348697880978;0.050000000000000002775557561563;0.153225806451612905911829898287;0.152150537634408611342706763025;0.100000000000000005551115123126;0.179569892473118275511012598145
-0.061965811965811967709782948077;0.022649572649572648902482896460;0.150854700854700846113232159951;0.018803418803418802535132314802;0.050854700854700854439904844639;0.039743589743589741170026741202;0.005982905982905983334474431246;0.058119658119658121342432366419;0.139316239316239320888968222789;0.259829059829059849651144986638;0.102991452991452986376330613894;0.088888888888888892281237019688
-0.049621212121212121548552431705;0.020454545454545454419292838111;0.078787878787878781738918121391;0.413636363636363635354342704886;0.042424242424242426807712291748;0.030303030303030303871381079261;0.008333333333333333217685101602;0.028787878787878789371701415689;0.106439393939393944776838907273;0.111742424242424240321547301846;0.057196969696969697516397701520;0.052272727272727269320906628991
-0.058119658119658121342432366419;0.020085470085470086970547143324;0.045726495726495723637139434459;0.412393162393162371337496097112;0.107692307692307698285816286443;0.031196581196581196770978294808;0.008119658119658120301598280832;0.023076923076923078204103489952;0.127777777777777767909128669999;0.072222222222222215437525960624;0.035470085470085468970502518005;0.058119658119658121342432366419
-0.028518518518518519433424529552;0.174814814814814811771981339916;0.048148148148148148250946576354;0.012962962962962962590318660716;0.082962962962962960578039428583;0.113703703703703709604333482730;0.010740740740740739936343040029;0.010370370370370370072254928573;0.091481481481481483064577275854;0.064814814814814811216869827604;0.093333333333333337589188261063;0.268148148148148135483381793165
-0.006250000000000000346944695195;0.027500000000000000138777878078;0.038749999999999999722444243844;0.612916666666666665186369300500;0.043333333333333334813630699500;0.047916666666666669904817155157;0.008333333333333333217685101602;0.002083333333333333304421275400;0.051249999999999996946886682281;0.063333333333333338699411285688;0.064166666666666663521034763562;0.034166666666666664631257788187
-0.033870967741935487094195877944;0.007526881720430107954034060214;0.020967741935483872467438359877;0.697311827956989205290483369026;0.046774193548387098251506444058;0.031182795698924729854706328069;0.004301075268817204297344680697;0.005913978494623655692008501461;0.061290322580645158201395616970;0.033870967741935487094195877944;0.032258064516129031362723367238;0.024731182795698924276051045013
-0.087596899224806207273630320742;0.014728682170542635454513202831;0.070930232558139530429919261678;0.341860465116279044206493153979;0.031782945736434108086054806108;0.021705426356589146985598404171;0.000387596899224806196171400074;0.033720930232558142536358758434;0.141472868217054265072007979143;0.149612403100775198661054332661;0.068604651162790700191784765138;0.037596899224806204498072759179
-0.059090909090909089773635542997;0.102272727272727279035358094461;0.114772727272727276259800532898;0.025378787878787879145336958686;0.035984848484848487581988507600;0.086742424242424245872662424972;0.011363636363636363951767904723;0.031060606060606059386497435071;0.135227272727272723740199467102;0.131060606060606071876506462104;0.109090909090909085610299200653;0.157954545454545458582629180455
-0.022826086956521739190772990469;0.096014492753623184584377270312;0.168115942028985498879478654999;0.074275362318840576492107175000;0.077536231884057976726509764376;0.058695652173913044624686818906;0.024637681159420291021611149063;0.027173913043478260115337619141;0.111956521739130440695753065938;0.072463768115942031600162920313;0.087681159420289853101415644687;0.178623188405797106437233878751
-0.035937499999999997224442438437;0.026041666666666667823148983985;0.025000000000000001387778780781;0.570312500000000000000000000000;0.070833333333333331482961625625;0.040625000000000001387778780781;0.006770833333333333564629796797;0.006250000000000000346944695195;0.074999999999999997224442438437;0.059374999999999997224442438437;0.040104166666666669904817155157;0.043749999999999997224442438437
-0.007456140350877192742029553330;0.103947368421052635523160745379;0.076315789473684211841053581793;0.231578947368421050878595224276;0.053508771929824561208732802697;0.084649122807017543324015207418;0.016228070175438594896499822084;0.013157894736842104532748010115;0.103947368421052635523160745379;0.053070175438596489669862421579;0.063157894736842107308305571678;0.192982456140350866480304148354
-0.146078431372549027988938519229;0.017320261437908497648141548098;0.058169934640522877322688088952;0.282352941176470584316859913088;0.055555555555555552471602709375;0.028758169934640521320234896052;0.020588235294117646773104368663;0.055228758169934638599940512904;0.132026143790849675996312839743;0.113725490196078429794290798327;0.045751633986928101627267295726;0.044444444444444446140618509844
-0.057017543859649119641908043832;0.080263157894736841813099204046;0.088596491228070173296060829671;0.042982456140350878970313175387;0.028508771929824559820954021916;0.115350877192982453900427231019;0.003508771929824561468941324094;0.017105263157894737974240584322;0.117982456140350883133649517731;0.160526315789473683626198408092;0.130701754385964902249739338913;0.157456140350877182854105740262
-0.047839506172839503517213444184;0.071913580246913577642686732361;0.055555555555555552471602709375;0.410185185185185208212033103337;0.050925925925925923098969150260;0.056481481481481479733908201979;0.023148148148148146863167795573;0.029938271604938272024698520113;0.061419753086419753840274893264;0.055555555555555552471602709375;0.054938271604938269943030348941;0.082098765432098763650259343194
-0.008333333333333333217685101602;0.218859649122807004006929787465;0.109210526315789480111817510988;0.008333333333333333217685101602;0.112280701754385967006122371004;0.068421052631578951896962337287;0.063596491228070178847175952797;0.020175438596491228337992396291;0.057894736842105262719648806069;0.030263157894736842506988594437;0.088157894736842101757190448552;0.214473684210526316373801591908
-0.053603603603603604266236715148;0.049549549549549549987137453400;0.036486486486486488511893355735;0.338288288288288274685555734322;0.095495495495495491544701849307;0.079279279279279274428304802314;0.007657657657657657504501891310;0.007207207207207207318166997112;0.114414414414414411513831737466;0.083783783783783788434718076132;0.068918918918918922744687449722;0.065315315315315314315114392230
-0.019047619047619049337249919063;0.004166666666666666608842550801;0.018749999999999999306110609609;0.802083333333333370340767487505;0.035416666666666665741480812812;0.010714285714285714384841341484;0.005059523809523809763366575254;0.005654761904761904621474766230;0.042261904761904764415980650938;0.021130952380952382207990325469;0.019642857142857142460634634062;0.016071428571428569842538536250
-0.095736434108527126984888866446;0.034883720930232557655426006704;0.031395348837209305359330357987;0.429069767441860483447868546136;0.026356589147286821339655205065;0.057751937984496126698985563053;0.016279069767441860239198803129;0.034108527131782945263083206555;0.108914728682170544593610372885;0.081782945736434103922718463764;0.048837209302325580717596409386;0.034883720930232557655426006704
-0.047712418300653591796134378455;0.035294117647058823039607489136;0.015686274509803921350936661838;0.437908496732026142339577745588;0.058496732026143791194350285423;0.131045751633986934381326250332;0.002941176470588235253300624095;0.008496732026143790153516199837;0.078431372549019606754683309191;0.051633986928104572133868543915;0.076143790849673195775260126084;0.056209150326797387153821006223
-0.058181818181818181767717135244;0.016666666666666666435370203203;0.033939393939393942833948614179;0.563939393939393962540407301276;0.046060606060606058831385922758;0.038484848484848482863540652943;0.009696969696969696961286189207;0.013636363636363635701287400082;0.084242424242424243652216375722;0.048181818181818179824826842150;0.045757575757575760788675722779;0.041212121212121213820189780108
-0.037499999999999998612221219219;0.018402777777777778317469525859;0.037152777777777777623580135469;0.586458333333333303727386009996;0.064583333333333339809634310313;0.032986111111111111882099322656;0.007291666666666666782314898398;0.019097222222222223764198645313;0.056944444444444443365060948281;0.054166666666666668517038374375;0.036805555555555556634939051719;0.048611111111111111882099322656
-0.021698113207547168462818731882;0.072955974842767293275791473661;0.038050314465408803521473402043;0.385534591194968578875545972551;0.066352201257861634364765279770;0.099685534591194974174399590083;0.015094339622641509551792537991;0.007232704402515723399180735953;0.089937106918238987618430257953;0.029874213836477987726869542939;0.053773584905660379296143958072;0.119811320754716982284193704800
-0.019369369369369369288103044369;0.108108108108108114109313646622;0.031981981981981981444373985823;0.163063063063063062863022878446;0.105405405405405411256580805457;0.154054054054054062605771946437;0.010360360360360360357234732476;0.001351351351351351426366420583;0.139639639639639628887479716468;0.032432432432432434232794093987;0.077027027027027031302885973219;0.157207207207207211308030991859
-0.094607843137254898913113265735;0.015686274509803921350936661838;0.012745098039215686097636037744;0.537745098039215663199286154850;0.111764705882352946564317619504;0.018627450980392156604237285933;0.006372549019607843048818018872;0.003431372549019607795517394777;0.121078431372549019662265834540;0.026960784313725491556645863511;0.025980392156862746472212322146;0.025000000000000001387778780781
-0.041463414634146343595855199737;0.012195121951219512618225238043;0.025203252032520325615072565029;0.665447154471544677356575903104;0.054471544715447156592702526723;0.024390243902439025236450476086;0.007317073170731707744407490424;0.007723577235772357933718534895;0.078455284552845533374565434315;0.032113821138211380568083797016;0.025609756097560974069660133523;0.025609756097560974069660133523
-0.079333333333333339032478193076;0.025999999999999998806510248528;0.058666666666666665574947359119;0.307333333333333347248128575302;0.109333333333333337922255168451;0.037333333333333336423454085207;0.011333333333333334147496884725;0.006666666666666667094565124074;0.151333333333333319714597564598;0.096000000000000001998401444325;0.064000000000000001332267629550;0.052666666666666667184770744825
-0.087837837837837842713817337881;0.045495495495495495708038191651;0.130630630630630628630228784459;0.027927927927927927165274724075;0.059009009009009009971702397479;0.040090090090090090002572509320;0.010810810810810811410931364662;0.040540540540540542790992617483;0.181981981981981982832152766605;0.159459459459459468311237628768;0.104504504504504505679740589130;0.111711711711711708661098896300
-0.040000000000000000832667268469;0.063333333333333338699411285688;0.075238095238095242800469009126;0.029523809523809525084958593766;0.127619047619047631947353238502;0.081904761904761910762395871188;0.019523809523809523142068300672;0.045238095238095236971798129844;0.159523809523809512178615932498;0.093333333333333337589188261063;0.092857142857142860314922927500;0.171904761904761893553938989498
-0.054054054054054057054656823311;0.108558558558558559958839850879;0.086036036036036031560136905227;0.027027027027027028527328411656;0.072072072072072071446946495143;0.110360360360360357234732475717;0.031081081081081082806427673404;0.049099099099099097198717345236;0.137387387387387399639848695188;0.096396396396396397121542065634;0.113513513513513519814779328954;0.114414414414414411513831737466
-0.025574712643678162299343270547;0.053448275862068968244944500157;0.044252873563218393659912663907;0.429022988505747104870380326247;0.061494252873563221006847356875;0.084482758620689657469426947500;0.010632183908045976863943060664;0.007471264367816091850338366953;0.074425287356321839782324900625;0.056034482758620690612261228125;0.065804597701149422639410602187;0.087356321839080458557802444375
-0.085087719298245614862885588536;0.067251461988304089834045385032;0.052339181286549706084709754350;0.155847953216374263130106214703;0.093567251461988298899541405262;0.109356725146198832665511702089;0.015789473684210526827076392919;0.033040935672514620824458120296;0.125146198830409366431481998916;0.088011695906432749203496257451;0.071637426900584791344961388404;0.102923976608187139891725792040
-0.009887005649717514957353081684;0.100282485875706220412872937686;0.050847457627118647360831005244;0.297175141242937868035767223773;0.029943502824858757999093583635;0.150282485875706223188430499249;0.012146892655367232116692122190;0.024858757062146893956899873501;0.055649717514124293071819948864;0.054519774011299433624788690622;0.097457627118644071795294792082;0.116949152542372883378796188936
-0.031560283687943259389729888653;0.084397163120567372796010374714;0.093617021276595741019477259215;0.185460992907801408557944000677;0.062056737588652481629747370562;0.095390070921985814500487776968;0.028014184397163119366602757054;0.018439716312056736446933769002;0.090780141843971637327648238625;0.067730496453900709830087123464;0.107801418439716314989773593425;0.134751773049645390267770039827
-0.031746031746031744269487262500;0.042063492063492066708185745938;0.047222222222222220988641083750;0.492063492063492036177052568746;0.046825396825396825573051273750;0.044841269841269841556208319844;0.012698412698412698401684295391;0.009920634920634920084214769531;0.075396825396825392640032248437;0.052380952380952382207990325469;0.071031746031746029190756530625;0.073809523809523810977673008438
-0.024583333333333332038073137937;0.067500000000000004440892098501;0.069166666666666667961926862063;0.374166666666666647422800906497;0.042083333333333333703407674875;0.069583333333333330372738601000;0.037916666666666667961926862063;0.011666666666666667198648532633;0.075833333333333335923853724125;0.067500000000000004440892098501;0.073749999999999996114219413812;0.086249999999999993338661852249
-0.023750000000000000277555756156;0.157916666666666677398822571377;0.031666666666666669349705642844;0.022499999999999999167332731531;0.045416666666666667684371105906;0.264583333333333337034076748751;0.010833333333333333703407674875;0.000833333333333333386820640509;0.057083333333333333148296162562;0.043749999999999997224442438437;0.154583333333333322601177428623;0.187083333333333323711400453249
-0.025238095238095236555464495609;0.105238095238095241690245984501;0.076190476190476197348999676251;0.353809523809523795989662175998;0.021428571428571428769682682969;0.082380952380952374158873396937;0.038095238095238098674499838125;0.045238095238095236971798129844;0.034761904761904764693536407094;0.045714285714285714246063463406;0.063809523809523815973676619251;0.108095238095238091458050178062
-0.032795698924731185586178838776;0.167741935483870979739506879014;0.071505376344086019058110537117;0.190860215053763437875744557459;0.024731182795698924276051045013;0.105376344086021506152306415061;0.039247311827956987695387169879;0.034408602150537634378757445575;0.058064516129032260616238403372;0.055376344086021503376748853498;0.090860215053763446202417242148;0.129032258064516125450893468951
-0.004365079365079365183999193789;0.230555555555555569124948078752;0.078174603174603174426948726250;0.059126984126984125089698807187;0.032936507936507937455150596406;0.140079365079365081303564011250;0.035317460317460316887583360312;0.020634920634920634469056111016;0.044444444444444446140618509844;0.043650793650793648370544985937;0.111507936507936514236583036563;0.199206349206349192515475010623
-0.009090909090909090467524933388;0.170075757575757574580066489034;0.082196969696969698904176482301;0.050000000000000002775557561563;0.023863636363636364645657295114;0.155303030303030303871381079261;0.039015151515151516581347834745;0.031060606060606059386497435071;0.053787878787878787290033244517;0.064772727272727273484242971335;0.126893939393939392257237841477;0.193939393939393939225723784148
-0.004814814814814815172039352831;0.123703703703703704608329871917;0.117037037037037036646403009854;0.293333333333333334813630699500;0.020370370370370372015145221667;0.071111111111111111049432054187;0.074444444444444438091501581312;0.039259259259259257635044093604;0.035185185185185187395351391615;0.047037037037037036923958766010;0.098888888888888887285233408875;0.074814814814814820098654024605
-0.002845528455284553059900787275;0.252439024390243904605313218781;0.066666666666666665741480812812;0.006504065040650406498423663493;0.038211382113821135142472940061;0.158130081300813019051787478020;0.024390243902439025236450476086;0.004878048780487804873817747620;0.054065040650406501199221054321;0.036991869918699189778710234577;0.117073170731707323910519846777;0.237804878048780476973433906096
-0.022115384615384616612265844537;0.167307692307692296163068590431;0.075641025641025635972702900744;0.146153846153846161959322103030;0.067307692307692304489741275120;0.108974358974358975782337211058;0.031730769230769229061195346731;0.003525641025641025692177743522;0.054166666666666668517038374375;0.025961538461538462979616426196;0.086217948717948716952363952259;0.210897435897435897578233721106
-0.011249999999999999583666365766;0.060833333333333336478965236438;0.029583333333333333009518284484;0.607083333333333308168278108496;0.036249999999999997501998194593;0.050416666666666665186369300500;0.014999999999999999444888487687;0.003749999999999999861222121922;0.032083333333333331760517381781;0.050416666666666665186369300500;0.060416666666666667129259593594;0.042916666666666665463925056656
-0.016666666666666666435370203203;0.283687943262411368383624221678;0.080851063829787239711777147022;0.000000000000000000000000000000;0.014539007092198581727604533853;0.107446808510638300293571489874;0.133333333333333331482961625625;0.008865248226950355261988256927;0.029078014184397163455209067706;0.025886524822695034658837087704;0.087943262411347519758031410220;0.211702127659574468321324047793
-0.000370370370370370351979089074;0.191111111111111120486327763501;0.109259259259259264296382241355;0.015555555555555555108382392859;0.012592592592592592726230549260;0.045555555555555557467606320188;0.407777777777777794554481261002;0.029259259259259259161600752464;0.019629629629629628817522046802;0.020370370370370372015145221667;0.067037037037037033870845448291;0.081481481481481488060580886668
-0.028333333333333331899295259859;0.132500000000000006661338147751;0.136388888888888892836348532001;0.069722222222222227094867719188;0.024166666666666666157814447047;0.068055555555555549696045147812;0.035833333333333335091186455656;0.023333333333333334397297065266;0.093611111111111117155658689626;0.113888888888888886730121896562;0.136666666666666658525031152749;0.137500000000000011102230246252
-0.029666666666666667573348803444;0.096000000000000001998401444325;0.190000000000000002220446049250;0.007333333333333333196868419890;0.014333333333333333342585191872;0.061999999999999999555910790150;0.039666666666666669516239096538;0.056333333333333332482162347787;0.104666666666666671736685145788;0.151999999999999996225241716274;0.129000000000000003552713678801;0.118999999999999994670929481799
-0.011111111111111111535154627461;0.078703703703703706273664408855;0.107716049382716047566610484409;0.304938271604938249126348637219;0.028086419753086420969534486858;0.068827160493827158060931026284;0.027777777777777776235801354687;0.043827160493827163612046149410;0.056790123456790124467641334149;0.080864197530864198593114622327;0.100925925925925932813420615730;0.090432098765432095133220968819
-0.014285714285714285268213963320;0.053741496598639457160651033973;0.045578231292517007444686782947;0.542517006802721080127582808927;0.032993197278911562397851753303;0.051020408163265307255329616964;0.024829931972789116151334454230;0.013605442176870747791883609068;0.044897959183673466498909476741;0.054421768707482991167534436272;0.063945578231292515836159395803;0.058163265306122445552627908683
-0.047916666666666669904817155157;0.066369047619047619179788455313;0.124107142857142860314922927500;0.198809523809523797099885200623;0.032738095238095239747355691406;0.061011904761904760252644308594;0.023809523809523808202115446875;0.039583333333333331482961625625;0.088988095238095241135134472188;0.130059523809523819304345693126;0.082440476190476189022326991562;0.104166666666666671292595935938
-0.037916666666666667961926862063;0.102916666666666670182372911313;0.131250000000000005551115123126;0.014999999999999999444888487687;0.044999999999999998334665463062;0.083750000000000004996003610813;0.014166666666666665949647629930;0.040833333333333332593184650250;0.110416666666666662965923251249;0.135000000000000008881784197001;0.092499999999999998889776975375;0.191250000000000003330669073875
-0.005102040816326530205115918903;0.173809523809523802651000323749;0.055442176870748302586200395581;0.000000000000000000000000000000;0.078911564625850333376533285445;0.146938775510204094887356518484;0.014965986394557822744544317572;0.000680272108843537367910137004;0.101360544217687073564881927723;0.035374149659863948769178421117;0.080952380952380956213865204063;0.306462585034013579310396835353
-0.001666666666666666773641281019;0.212916666666666670737484423626;0.064166666666666663521034763562;0.000000000000000000000000000000;0.044583333333333335923853724125;0.159166666666666678509045596002;0.028750000000000001249000902703;0.000833333333333333386820640509;0.077499999999999999444888487687;0.050416666666666665186369300500;0.097083333333333327042069527124;0.262916666666666687390829793003
-0.045197740112994350125674714036;0.151694915254237283619431764237;0.122033898305084750890436851023;0.032203389830508473423709148165;0.050000000000000002775557561563;0.075988700564971756179488693306;0.038135593220338985520623253933;0.028813559322033898552062325393;0.081355932203389824675099362139;0.093220338983050848868927573676;0.085593220338983047601466580545;0.195762711864406774298075220031
-0.055000000000000000277555756156;0.088333333333333333148296162562;0.083888888888888887840344921187;0.046388888888888889228123701969;0.056388888888888891171013995063;0.131666666666666654084139054248;0.012222222222222222862142437805;0.033888888888888892003681263532;0.106944444444444439201724605937;0.095555555555555560243163881751;0.085000000000000006106226635438;0.204722222222222222098864108375
-0.019791666666666665741480812812;0.134374999999999994448884876874;0.097916666666666665741480812812;0.000694444444444444470947164216;0.038194444444444447528397290625;0.103124999999999994448884876874;0.016666666666666666435370203203;0.005208333333333333044212754004;0.087499999999999994448884876874;0.087847222222222215437525960624;0.167708333333333320380731379373;0.240972222222222226539756206876
-0.034567901234567897927885127274;0.095679012345679007034426888367;0.079938271604938271330809129722;0.255864197530864201368672183889;0.028703703703703703498106847292;0.086111111111111110494320541875;0.020061728395061727281412089496;0.025308641975308642652064960998;0.051851851851851850361274642864;0.070370370370370374790702783230;0.111728395061728394410671683090;0.139814814814814808441312266041
-0.029999999999999998889776975375;0.077777777777777779011358916250;0.111851851851851855079722497521;0.212962962962962965018931527084;0.018518518518518517490534236458;0.059999999999999997779553950750;0.019259259259259260688157411323;0.074814814814814820098654024605;0.078888888888888883399452822687;0.094814814814814810106646802979;0.098518518518518519155868773396;0.122592592592592586342448157666
-0.073643410852713184211459918060;0.089922480620155037511764817282;0.090310077519379847177383169310;0.006589147286821705334913801266;0.040697674418604654067443959775;0.089147286821705432058315921040;0.014728682170542635454513202831;0.018604651162790697416227203576;0.168604651162790691865112080450;0.120542635658914723539858471213;0.110852713178294579043914325212;0.176356589147286829666327889754
-0.017045454545454544192928381108;0.214772727272727281810915656024;0.057954545454545453031514057329;0.000000000000000000000000000000;0.031439393939393940613502564929;0.192045454545454546968485942671;0.016666666666666666435370203203;0.000757575757575757575100483532;0.053030303030303031774916888708;0.040909090909090908838585676222;0.118939393939393942001281345711;0.256439393939393966981299399777
-0.000000000000000000000000000000;0.234108527131782956365313452807;0.030620155038759689497540605885;0.000000000000000000000000000000;0.013178294573643410669827602533;0.273643410852713153680326740869;0.009302325581395348708113601788;0.000000000000000000000000000000;0.031782945736434108086054806108;0.028294573643410852320512205438;0.159689922480620166700404638505;0.219379844961240300094118538254
-0.002430555555555555594104966133;0.173611111111111104943205418749;0.048263888888888890893458238907;0.000000000000000000000000000000;0.063194444444444441977282167500;0.176388888888888900607909704377;0.012500000000000000693889390391;0.000347222222222222235473582108;0.077777777777777779011358916250;0.049652777777777774848022573906;0.083680555555555549696045147812;0.312152777777777779011358916250
-0.021171171171171170033442621161;0.126126126126126114623815510640;0.075225225225225220149205540565;0.000000000000000000000000000000;0.084234234234234234284244280389;0.107207207207207208532473430296;0.024324324324324325674595570490;0.004054054054054054279099261748;0.118018018018018019943404794958;0.048648648648648651349191140980;0.093243243243243248419283020212;0.297747747747747759650138732468
-0.012380952380952381375323057000;0.142380952380952385816215155501;0.129047619047619049892361431375;0.000476190476190476190063161077;0.042380952380952380265100032375;0.087619047619047624175792066126;0.042857142857142857539365365938;0.014761904761904762542479296883;0.121428571428571427381903902187;0.087619047619047624175792066126;0.129047619047619049892361431375;0.190000000000000002220446049250
-0.023666666666666665713725237197;0.168666666666666659191164967524;0.055333333333333331593983928087;0.000333333333333333322202191029;0.029999999999999998889776975375;0.193666666666666653640049844398;0.008999999999999999319988397417;0.008333333333333333217685101602;0.073999999999999996336264018737;0.055000000000000000277555756156;0.118999999999999994670929481799;0.263000000000000011546319456102
-0.006862745098039215591034789554;0.180718954248366009407433807610;0.089542483660130720024561412629;0.000980392156862745084433541365;0.046078431372549022437823396103;0.135294117647058814712934804447;0.025816993464052286066934271958;0.012091503267973856619588168826;0.053921568627450983113291727022;0.060130718954248367491555171682;0.101960784313725488781088301948;0.286601307189542464648468467203
-0.020915032679738560644766565133;0.133986928104575159226286018566;0.158823529411764696739339797205;0.002614379084967320080595820642;0.038562091503267975634017261655;0.075490196078431368031935733143;0.036928104575163399336812375395;0.032679738562091505127416013465;0.078431372549019606754683309191;0.119607843137254907239785950424;0.095098039215686269720606560441;0.206862745098039202407136372130
-0.017261904761904763028201870156;0.083333333333333328707404064062;0.041369047619047617792009674531;0.335119047619047594199770401246;0.050595238095238095898942276563;0.097916666666666665741480812812;0.016071428571428569842538536250;0.010416666666666666088425508008;0.062202380952380953438307642500;0.050892857142857142460634634062;0.065178571428571432933019025313;0.169642857142857150787307318751
-0.028525641025641024911552179333;0.059935897435897438068064246863;0.051923076923076925959232852392;0.468910256410256409687065115577;0.016346153846153847061239972049;0.077884615384615385469402326635;0.016666666666666666435370203203;0.019230769230769231836752908293;0.051282051282051280272078486178;0.070192307692307692734701163317;0.078205128205128204843532557788;0.060897435897435896190454940324
-0.007516339869281045936444396460;0.080392156862745103862444295828;0.048366013071895426478352675304;0.509150326797385588406541501172;0.017647058823529411519803744568;0.074836601307189540288611340202;0.019281045751633987817008630827;0.016993464052287580307032399674;0.045098039215686273883942902785;0.052287581699346406816086840763;0.073529411764705884801962554320;0.054901960784313724728278316434
-0.010227272727272727209646419055;0.146969696969696972388419453637;0.072727272727272723740199467102;0.204545454545454558070716188922;0.023106060606060605661093987351;0.132954545454545464133744303581;0.021969696969696968918972501683;0.009848484848484847717364765174;0.055303030303030305259159860043;0.062500000000000000000000000000;0.111742424242424240321547301846;0.148106060606060602191647035397
-0.060087719298245613475106807755;0.184649122807017534997342522729;0.059649122807017541936236426636;0.000000000000000000000000000000;0.058771929824561405797389568306;0.175438596491228060436640134867;0.017543859649122806043664013487;0.002631578947368420993285775822;0.074122807017543854146701676200;0.048684210526315788158946418207;0.106578947368421050878595224276;0.211842105263157887140579305196
-0.083712121212121209934409193920;0.040151515151515153323469320412;0.120833333333333334258519187188;0.190151515151515154711248101194;0.045454545454545455807071618892;0.030303030303030303871381079261;0.066666666666666665741480812812;0.160984848484848480643094603693;0.068181818181818176771713524431;0.054545454545454542805149600326;0.057575757575757578743402831378;0.081439393939393936450166222585
-0.060606060606060607742762158523;0.194318181818181806574941106192;0.073863636363636367421214856677;0.002272727272727272616881233347;0.073484848484848486194209726818;0.137121212121212115997437308579;0.028787878787878789371701415689;0.006439393939393939225723784148;0.073484848484848486194209726818;0.032575757575757577355624050597;0.086742424242424245872662424972;0.230303030303030314973611325513
-0.054545454545454542805149600326;0.103030303030303027611580546363;0.142803030303030292769150833010;0.052272727272727269320906628991;0.029924242424242422644375949403;0.053409090909090906063028114659;0.026136363636363634660453314495;0.054166666666666668517038374375;0.101893939393939397808352964603;0.134090909090909093936971885341;0.095833333333333339809634310313;0.151893939393939386706122718351
-0.052678571428571428769682682969;0.120535714285714287696826829688;0.249404761904761906876615285000;0.020238095238095239053466301016;0.007142857142857142634106981660;0.033333333333333332870740406406;0.045833333333333330095182844843;0.058035714285714287696826829688;0.072321428571428578169211220938;0.113988095238095235584019349062;0.100000000000000005551115123126;0.126488095238095232808461787499
-0.056504065040650405804534273102;0.047967479674796746624831911276;0.118292682926829262335388648353;0.270325203252032519873893079421;0.019105691056910567571236470030;0.035365853658536582082572152785;0.034146341463414636718809447302;0.104065040650406503974778615884;0.071544715447154474952107250374;0.102439024390243896278640534092;0.082926829268292687191710399475;0.057317073170731709652603313998
-0.047826086956521740578551771250;0.053985507246376809864507606562;0.126449275362318841464670526875;0.336231884057970997758957309998;0.016304347826086956069202571484;0.049275362318840582043222298125;0.030434782608695653410846304610;0.052898550724637678766004711406;0.072101449275362314295101384687;0.088768115942028991138812443751;0.078623188405797100886118755625;0.047101449275362319846216507813
-0.075423728813559326455973064185;0.084463276836158188154435322303;0.157909604519774010578103684566;0.027401129943502824243273252591;0.042655367231638416369854382992;0.043502824858757060955127826674;0.063559322033898302262144852648;0.076553672316384185903004322427;0.104519774011299429461452348278;0.118361581920903957687585261738;0.086158192090395477324982209666;0.119491525423728817134616519979
-0.042777777777777775680689842375;0.132500000000000006661338147751;0.160277777777777769019351694624;0.008333333333333333217685101602;0.050277777777777775403134086218;0.053611111111111109384097517250;0.153333333333333321490954403998;0.078888888888888883399452822687;0.078611111111111117710770201938;0.049722222222222223209087133000;0.085555555555555551361379684749;0.106111111111111114380101128063
-0.050740740740740739034286832521;0.036666666666666666851703837438;0.040370370370370368962031903948;0.540000000000000035527136788005;0.039259259259259257635044093604;0.037407407407407410049327012302;0.035555555555555555524716027094;0.023703703703703702526661700745;0.065185185185185179346234463083;0.047037037037037036923958766010;0.050000000000000002775557561563;0.034074074074074076068363581271
-0.007037037037037036958653235530;0.119259259259259259300378630542;0.035185185185185187395351391615;0.330370370370370369794699172417;0.043703703703703702942995334979;0.102962962962962964463820014771;0.008888888888888888881179006773;0.002592592592592592518063732143;0.054074074074074073015250263552;0.048148148148148148250946576354;0.073333333333333333703407674875;0.174444444444444457520404512252
-0.001282051282051282050170049054;0.212393162393162387990841466490;0.035897435897435894802676159543;0.000000000000000000000000000000;0.083333333333333328707404064062;0.129914529914529924825572493319;0.008119658119658120301598280832;0.000427350427350427350056683018;0.084188034188034194249539154953;0.058119658119658121342432366419;0.056837606837606836907017537897;0.329487179487179482340053482403
-0.000000000000000000000000000000;0.282592592592592617428692847170;0.075185185185185188228018660084;0.000000000000000000000000000000;0.032222222222222221543752596062;0.130740740740740740699621369458;0.043333333333333334813630699500;0.005185185185185185036127464286;0.035925925925925923654080662573;0.032222222222222221543752596062;0.129259259259259268182162827543;0.233333333333333337034076748751
-0.021544715447154472176549688811;0.217479674796747957099540826675;0.034146341463414636718809447302;0.000000000000000000000000000000;0.041056910569105688202373727336;0.196747967479674795709954082668;0.009756097560975609747635495239;0.000000000000000000000000000000;0.066260162601626010347999340411;0.034146341463414636718809447302;0.103252032520325207065603478895;0.275609756097560998355788797198
-0.022368421052631579093450397977;0.211842105263157887140579305196;0.053508771929824561208732802697;0.000877192982456140367235331023;0.039035087719298248998267553134;0.167105263157894728953678509242;0.065789473684210522663740050575;0.037719298245614034381656409778;0.055701754385964911964190804383;0.035087719298245612087328026973;0.131140350877192973788609720032;0.179824561403508775825343946053
-0.039743589743589741170026741202;0.118376068376068371845732940528;0.097008547008547010848111824544;0.075641025641025635972702900744;0.038461538461538463673505816587;0.124786324786324787083913179231;0.026068376068376069437659836581;0.049145299145299144172316374579;0.081623931623931625378709497909;0.111538461538461544653166868102;0.112393162393162396317514151178;0.125213675213675212916086820769
-0.021481481481481479872686080057;0.188518518518518529702987507335;0.087037037037037037756626034479;0.061111111111111109106541761093;0.032592592592592589673117231541;0.132222222222222213217079911374;0.022592592592592591199673890401;0.035925925925925923654080662573;0.059259259259259261520824679792;0.076296296296296292616112566520;0.112962962962962959467816403958;0.170000000000000012212453270877
-0.014957264957264957902505209120;0.085897435897435897578233721106;0.050427350427350428607731203101;0.417094017094017111002557385291;0.028205128205128205537421948179;0.064529914529914536580612605121;0.017094017094017095736990796695;0.008547008547008547868495398347;0.039743589743589741170026741202;0.064529914529914536580612605121;0.096153846153846159183764541467;0.112820512820512822149687792717
-0.010317460317460317234528055508;0.294047619047619057663922603751;0.059920634920634922859772331094;0.107539682539682546202897128751;0.015873015873015872134743631250;0.141269841269841267550333441250;0.046825396825396825573051273750;0.002380952380952381167156239883;0.051587301587301584437916801562;0.029365079365079364837054498594;0.146428571428571435708576586876;0.094444444444444441977282167500
-0.001111111111111111110147375847;0.153333333333333321490954403998;0.026666666666666668378260496297;0.003333333333333333547282562037;0.038518518518518521376314822646;0.292222222222222216547748985249;0.012592592592592592726230549260;0.000740740740740740703958178148;0.067037037037037033870845448291;0.044814814814814814269983145323;0.130370370370370358692468926165;0.229259259259259245977702335040
-0.028148148148148147834612942120;0.175555555555555548030710610874;0.061111111111111109106541761093;0.000000000000000000000000000000;0.063333333333333338699411285688;0.160370370370370357582245901540;0.031851851851851853414387960584;0.004444444444444444440589503387;0.083703703703703696836768699541;0.044814814814814814269983145323;0.082592592592592592448674793104;0.264074074074074072182582995083
-0.002666666666666666577617528233;0.255666666666666653195960634548;0.145333333333333342141102662026;0.154666666666666674512242707351;0.018999999999999999528155214534;0.053999999999999999389377336456;0.122333333333333335590786816738;0.009666666666666667157015169209;0.029333333333333332787473679559;0.037333333333333336423454085207;0.080333333333333339920656612776;0.089666666666666672291796658101
-0.011231884057971014412302679375;0.098188405797101446781383060625;0.054347826086956520230675238281;0.402173913043478270523678475001;0.018478260869565218266208361797;0.089130434782608694566086171562;0.018478260869565218266208361797;0.011231884057971014412302679375;0.044202898550724636916875454062;0.050724637681159423507892825000;0.093478260869565218960097752188;0.108333333333333337034076748751
-0.011616161616161616368381181985;0.229797979797979806670937819035;0.051010101010101012442010670611;0.000000000000000000000000000000;0.039393939393939390869459060696;0.166666666666666657414808128124;0.016666666666666666435370203203;0.001010101010101010100133978042;0.059090909090909089773635542997;0.047979797979797976503757439559;0.108585858585858591185413501989;0.268181818181818187873943770683
-0.003703703703703703845051542487;0.142962962962962958357593379333;0.056296296296296295669225884239;0.000000000000000000000000000000;0.103333333333333332593184650250;0.122592592592592586342448157666;0.014074074074074073917306471060;0.001481481481481481407916356297;0.101111111111111109939209029562;0.041111111111111112159655078813;0.066666666666666665741480812812;0.346666666666666678509045596002
-0.020930232558139534593255604022;0.129457364341085262582353720973;0.061627906976744188660699563798;0.001937984496124030980857000372;0.094961240310077521531439970204;0.111627906976744184497363221453;0.008527131782945736315770801639;0.005813953488372092942571001117;0.094186046511627902200203266148;0.051550387596899227560243161861;0.053100775193798452344928762159;0.366279069767441844973632214533
-0.016216216216216217116397046993;0.101801801801801802827007747965;0.052252252252252252839870294565;0.283783783783783771781372706755;0.026126126126126126419935147283;0.105855855855855857106107009713;0.015315315315315315009003782620;0.026576576576576575738908303492;0.054504504504504502904183027567;0.063513513513513517039221767391;0.086936936936936937136977121554;0.167117117117117103264334332380
-0.002592592592592592518063732143;0.129259259259259268182162827543;0.050370370370370370904922197042;0.106666666666666673513041985188;0.025925925925925925180637321432;0.237037037037037046083298719168;0.020370370370370372015145221667;0.010740740740740739936343040029;0.048888888888888891448569751219;0.048148148148148148250946576354;0.148148148148148139924273891666;0.171851851851851838981488640457
-0.005416666666666666851703837438;0.213749999999999995559107901499;0.079583333333333339254522798001;0.000000000000000000000000000000;0.036249999999999997501998194593;0.160000000000000003330669073875;0.046249999999999999444888487687;0.021250000000000001526556658860;0.032500000000000001110223024625;0.051666666666666666296592325125;0.128333333333333327042069527124;0.225000000000000005551115123126
-0.023611111111111110494320541875;0.209375000000000005551115123126;0.051736111111111107718762980312;0.000000000000000000000000000000;0.036458333333333335646297967969;0.175347222222222209886410837498;0.022916666666666665047591422422;0.001736111111111111014737584668;0.061111111111111109106541761093;0.054513888888888889505679458125;0.120138888888888892281237019688;0.243055555555555552471602709375
-0.015079365079365079568840535273;0.227777777777777773460243793124;0.082142857142857142460634634062;0.000000000000000000000000000000;0.062698412698412697707794905000;0.122222222222222218213083522187;0.024603174603174602502742018828;0.002380952380952381167156239883;0.071031746031746029190756530625;0.032142857142857139685077072500;0.083333333333333328707404064062;0.276587301587301603866819732502
-0.000354609929078014208311125932;0.290425531914893619855888573511;0.083333333333333328707404064062;0.000000000000000000000000000000;0.024468085106382979343475625456;0.160283687943262420638745879842;0.049645390070921988079355458012;0.001418439716312056833244503729;0.026595744680851064051241294806;0.031560283687943259389729888653;0.124113475177304963259494741123;0.207801418439716306663100908736
-0.006296296296296296363115274630;0.244444444444444436426167044374;0.101481481481481478068573665041;0.038518518518518521376314822646;0.035185185185185187395351391615;0.093703703703703705718552896542;0.036666666666666666851703837438;0.008518518518518519017090895318;0.040740740740740744030290443334;0.051111111111111114102545371907;0.089999999999999996669330926125;0.253333333333333354797645142753
-0.030612244897959182965418989397;0.083333333333333328707404064062;0.052380952380952382207990325469;0.393537414965986376280682179640;0.037414965986394557728722531920;0.065646258503401361261708757411;0.025510204081632653627664808482;0.026870748299319728580325516987;0.056802721088435377538861104085;0.055782312925170066120195144777;0.056802721088435377538861104085;0.115306122448979586625483761964
-0.000000000000000000000000000000;0.188750000000000001110223024625;0.075416666666666673513041985188;0.000000000000000000000000000000;0.033333333333333332870740406406;0.149999999999999994448884876874;0.023333333333333334397297065266;0.002500000000000000052041704279;0.057500000000000002498001805407;0.049166666666666664076146275875;0.112083333333333326486958014812;0.307916666666666671847707448251
-0.002222222222222222220294751693;0.251111111111111118265881714251;0.119629629629629627429743266021;0.000370370370370370351979089074;0.037037037037037034981068472916;0.112592592592592591338451768479;0.074814814814814820098654024605;0.011481481481481481399242738917;0.035555555555555555524716027094;0.028518518518518519433424529552;0.100000000000000005551115123126;0.226666666666666655194362078873
-0.028125000000000000693889390391;0.113888888888888886730121896562;0.212847222222222215437525960624;0.000000000000000000000000000000;0.044791666666666667129259593594;0.065625000000000002775557561563;0.030208333333333333564629796797;0.037499999999999998612221219219;0.080902777777777781786916477813;0.071874999999999994448884876874;0.090624999999999997224442438437;0.223611111111111121596550788126
-0.000000000000000000000000000000;0.300925925925925930037863054167;0.080092592592592590228228743854;0.000000000000000000000000000000;0.028703703703703703498106847292;0.121759259259259261520824679792;0.083333333333333328707404064062;0.017129629629629630066522949505;0.033796296296296296501893152708;0.029629629629629630760412339896;0.091666666666666660190365689687;0.212962962962962965018931527084
-0.002083333333333333304421275400;0.125416666666666676288599546751;0.077083333333333337034076748751;0.000000000000000000000000000000;0.055000000000000000277555756156;0.131666666666666654084139054248;0.034166666666666664631257788187;0.006250000000000000346944695195;0.127916666666666678509045596002;0.064583333333333339809634310313;0.117916666666666669627261399000;0.257916666666666682949937694502
-0.040370370370370368962031903948;0.124444444444444440867059142874;0.149629629629629640197308049210;0.029259259259259259161600752464;0.017037037037037038034181790636;0.068888888888888888395456433500;0.034444444444444444197728216750;0.101481481481481478068573665041;0.091111111111111114935212640376;0.157037037037037030540176374416;0.085185185185185183232015049271;0.101111111111111109939209029562
-0.032222222222222221543752596062;0.187407407407407411437105793084;0.080740740740740737924063807895;0.006666666666666667094565124074;0.054814814814814816212873438417;0.126666666666666677398822571377;0.051481481481481482231910007386;0.047037037037037036923958766010;0.067407407407407402000210083770;0.065925925925925929482751541855;0.087777777777777774015355305437;0.191851851851851856745057034459
-0.011564625850340135362892546311;0.228231292517006800757428663928;0.040476190476190478106932602032;0.000000000000000000000000000000;0.024149659863945578675004099978;0.230952380952380964540537888752;0.018367346938775511860919564811;0.001020408163265306214495531378;0.052380952380952382207990325469;0.042857142857142857539365365938;0.154421768707483003657543463305;0.195578231292517001893571659821
-0.000000000000000000000000000000;0.185833333333333322601177428623;0.026666666666666668378260496297;0.000000000000000000000000000000;0.012500000000000000693889390391;0.344583333333333352577199093503;0.010833333333333333703407674875;0.000000000000000000000000000000;0.032500000000000001110223024625;0.030833333333333334119741309109;0.199166666666666658525031152749;0.157083333333333324821623477874
-0.002325581395348837177028400447;0.238759689922480616841582445886;0.108139534883720925262373668829;0.004263565891472868157885400819;0.027906976744186046124340805363;0.141085271317829469284177434929;0.045736434108527131148225208790;0.004651162790697674354056800894;0.043798449612403103636815160371;0.054263565891472867463996010429;0.165503875968992242295740879854;0.163565891472868207845436927528
-0.015116279069767441650684602905;0.113178294573643409282048821751;0.051162790697674417894624809833;0.065503875968992250622413564543;0.046899224806201553206186360967;0.145736434108527129760446428008;0.004263565891472868157885400819;0.005813953488372092942571001117;0.125581395348837221437321431949;0.070542635658914734642088717465;0.096899224806201555981743922530;0.259302325581395376463689217417
-0.025396825396825396803368590781;0.094047619047619046561692357500;0.096031746031746037517429215313;0.073015873015873020146493388438;0.049206349206349205005484037656;0.092857142857142860314922927500;0.008333333333333333217685101602;0.038095238095238098674499838125;0.112698412698412700483352466563;0.101190476190476191797884553125;0.121825396825396822797493712187;0.187301587301587302292205095000
-0.041071428571428571230317317031;0.101488095238095238359576910625;0.079464285714285709527615608749;0.010714285714285714384841341484;0.129166666666666679619268620627;0.094047619047619046561692357500;0.019345238095238095898942276563;0.029761904761904760252644308594;0.145535714285714296023499514376;0.070833333333333331482961625625;0.063095238095238093123384715000;0.215476190476190487821384067502
-0.022357723577235772555171777753;0.107317073170731705489266971654;0.085772357723577233312717282843;0.133333333333333331482961625625;0.037398373983739838233297803072;0.140650406504065045298901281967;0.018699186991869919116648901536;0.023577235772357724857828387144;0.086585365853658530221892419831;0.070731707317073164165144305571;0.096341463414634148643145294955;0.177235772357723586623023948050
-0.014341085271317829258341802756;0.154651162790697682680729485583;0.183333333333333320380731379373;0.010465116279069767296627802011;0.036434108527131782440111607002;0.065503875968992250622413564543;0.045348837209302328421500760669;0.034496124031007754928701558583;0.072868217054263564880223214004;0.068604651162790700191784765138;0.083333333333333328707404064062;0.230620155038759683252536092368
-0.034722222222222223764198645313;0.111388888888888884509675847312;0.164444444444444448638620315251;0.003333333333333333547282562037;0.056111111111111111604543566500;0.068611111111111108828986004937;0.027500000000000000138777878078;0.031666666666666669349705642844;0.106388888888888893946571556626;0.089999999999999996669330926125;0.109166666666666661855700226624;0.196666666666666656304585103499
-0.007317073170731707744407490424;0.138211382113821140693588063186;0.086991869918699185615373892233;0.015853658536585366056748114261;0.086178861788617888706198755244;0.115040650406504060820900292583;0.017073170731707318359404723651;0.009349593495934959558324450768;0.102439024390243896278640534092;0.079268292682926830283740571303;0.071138211382113819558625777972;0.271138211382113802905280408595
-0.034552845528455285173397015797;0.104878048780487800883953752873;0.047967479674796746624831911276;0.015040650406504065678126025318;0.069512195121951225740275503995;0.149186991869918711417497547700;0.011788617886178862428914193572;0.029268292682926830977629961694;0.110569105691056907003755327423;0.067479674796747962650655949801;0.060162601626016262712504101273;0.299593495934959375137651704790
-0.097878787878787884557674203734;0.059696969696969699736843750770;0.113939393939393937560389247210;0.036060606060606063827389533571;0.083333333333333328707404064062;0.065757575757575750796668501152;0.030303030303030303871381079261;0.038484848484848482863540652943;0.149393939393939384485676669101;0.112727272727272731511760639478;0.076363636363636369641660905927;0.136060606060606048561822944976
-0.053703703703703704885885628073;0.087777777777777774015355305437;0.085555555555555551361379684749;0.162962962962962976121161773335;0.074444444444444438091501581312;0.075185185185185188228018660084;0.031851851851851853414387960584;0.028148148148148147834612942120;0.092592592592592587452671182291;0.078518518518518515270088187208;0.056666666666666663798590519718;0.172592592592592602995793527043
-0.043827160493827163612046149410;0.093827160493827166387603710973;0.149382716049382718859206420348;0.018827160493827162224267368629;0.061111111111111109106541761093;0.064814814814814811216869827604;0.031172839506172840551290192934;0.093827160493827166387603710973;0.090740740740740746805848004897;0.093209876543209876920137446632;0.097530864197530861559037873576;0.161728395061728397186229244653
-0.041250000000000001942890293094;0.129166666666666679619268620627;0.102083333333333331482961625625;0.034166666666666664631257788187;0.044583333333333335923853724125;0.086666666666666669627261399000;0.030416666666666668239482618219;0.042916666666666665463925056656;0.083333333333333328707404064062;0.104166666666666671292595935938;0.105833333333333334813630699500;0.195416666666666655194362078873
-0.008119658119658120301598280832;0.160683760683760695764377146588;0.068376068376068382947963186780;0.094444444444444441977282167500;0.060256410256410257442194478017;0.104273504273504277750639346323;0.015811965811965811301575968173;0.013247863247863247634916739059;0.064529914529914536580612605121;0.052991452991452990539666956238;0.101282051282051283047636047741;0.255982905982905961650430981535
-0.000406504065040650406151478968;0.231707317073170743215726474773;0.065447154471544713438824203422;0.000000000000000000000000000000;0.054878048780487805047290095217;0.141056910569105686814594946554;0.018292682926829267192614381088;0.000813008130081300812302957937;0.055284552845528453501877663712;0.029674796747967479432217530189;0.084146341463414639494367008865;0.318292682926829273437618894604
-0.047863247863247866675795449964;0.129914529914529924825572493319;0.060256410256410257442194478017;0.287606837606837584253582917881;0.023931623931623933337897724982;0.113675213675213673814035075793;0.020512820512820512802720784862;0.041025641025641025605441569724;0.038461538461538463673505816587;0.038461538461538463673505816587;0.077777777777777779011358916250;0.120512820512820514884388956034
-0.063750000000000001110223024625;0.041250000000000001942890293094;0.035416666666666665741480812812;0.595416666666666705154398187005;0.021250000000000001526556658860;0.052916666666666667406815349750;0.006666666666666667094565124074;0.022916666666666665047591422422;0.037083333333333336201409480282;0.036249999999999997501998194593;0.041250000000000001942890293094;0.045833333333333330095182844843
-0.061347517730496452237343163461;0.048581560283687943990749147360;0.041489361702127657005600980256;0.444326241134751775962996589442;0.028723404255319148759006964156;0.072340425531914887002926661808;0.015602836879432624081487368528;0.034397163120567376959346717058;0.060283687943262408148736852809;0.060283687943262408148736852809;0.051773049645390069317674175409;0.080851063829787239711777147022
-0.038749999999999999722444243844;0.146666666666666667406815349750;0.071249999999999993893773364562;0.063750000000000001110223024625;0.056666666666666663798590519718;0.148749999999999993338661852249;0.017916666666666667545593227828;0.010416666666666666088425508008;0.074999999999999997224442438437;0.059166666666666666019036568969;0.089166666666666671847707448251;0.222500000000000003330669073875
-0.003703703703703703845051542487;0.148888888888888876183003162623;0.082222222222222224319310157625;0.001111111111111111110147375847;0.048148148148148148250946576354;0.181481481481481493611696009793;0.015555555555555555108382392859;0.020370370370370372015145221667;0.058888888888888886452566140406;0.055185185185185184342238073896;0.119259259259259259300378630542;0.265185185185185190448464709334
-0.003658536585365853872203745212;0.157317073170731708264824533217;0.091869918699186994826000329795;0.000000000000000000000000000000;0.054471544715447156592702526723;0.122764227642276416152533613513;0.025609756097560974069660133523;0.004065040650406504495195658677;0.098373983739837397854977041334;0.071951219512195116467800914961;0.098373983739837397854977041334;0.271544715447154472176549688811
-0.034722222222222223764198645313;0.110416666666666662965923251249;0.090972222222222218213083522187;0.051041666666666665741480812812;0.049305555555555553859381490156;0.116666666666666668517038374375;0.015972222222222220988641083750;0.015972222222222220988641083750;0.103124999999999994448884876874;0.112500000000000002775557561563;0.079861111111111104943205418749;0.219444444444444441977282167500
-0.013271604938271605589328316910;0.169753086419753090874351642015;0.065432098765432100684336091945;0.029012345679012344762393027509;0.048148148148148148250946576354;0.149382716049382718859206420348;0.013271604938271605589328316910;0.007407407407407407690103084974;0.071296296296296302053008275834;0.060802469135802471311702532830;0.077777777777777779011358916250;0.294444444444444453079512413751
-0.056504065040650405804534273102;0.118699186991869917728870120754;0.098373983739837397854977041334;0.019105691056910567571236470030;0.070731707317073164165144305571;0.116666666666666668517038374375;0.019105691056910567571236470030;0.017479674796747966813992292145;0.117073170731707323910519846777;0.091056910569105697916825192806;0.077642276422764222587602489511;0.197560975609756106496917027471
-0.025287356321839080108837549687;0.078735632183908041414888145937;0.082471264367816085605333853437;0.293678160919540243156689030002;0.078448275862068969632723280938;0.057471264367816091156448976562;0.027011494252873562843531018984;0.010919540229885057319725305547;0.100574712643678162993232660938;0.044252873563218393659912663907;0.051436781609195403319745310000;0.149712643678160922666720011875
-0.028148148148148147834612942120;0.063703703703703706828775921167;0.083333333333333328707404064062;0.337037037037037023878838226665;0.044074074074074071072359970458;0.045555555555555557467606320188;0.027037037037037036507625131776;0.022592592592592591199673890401;0.100370370370370373680479758605;0.064074074074074074958140556646;0.074814814814814820098654024605;0.109259259259259264296382241355
-0.060317460317460318275362141094;0.106746031746031741493929700937;0.106746031746031741493929700937;0.038492063492063494090089648125;0.043253968253968252954955175937;0.090873015873015869359186069687;0.037698412698412696320016124218;0.050396825396825398191147371563;0.113095238095238095898942276563;0.105158730158730159831570460938;0.108333333333333337034076748751;0.138888888888888895056794581251
-0.079166666666666662965923251249;0.072916666666666671292595935938;0.131250000000000005551115123126;0.028750000000000001249000902703;0.032916666666666663521034763562;0.051249999999999996946886682281;0.022083333333333333287074040641;0.040416666666666663243479007406;0.143749999999999988897769753748;0.144999999999999990007992778374;0.103333333333333332593184650250;0.149166666666666669627261399000
-0.005333333333333333155235056466;0.188666666666666676954733361526;0.106666666666666673513041985188;0.001333333333333333288808764117;0.055666666666666669849306003925;0.089666666666666672291796658101;0.021666666666666667406815349750;0.005333333333333333155235056466;0.070999999999999993671728759637;0.059333333333333335146697606888;0.090999999999999997557509345825;0.304333333333333344583593316202
-0.007692307692307692734701163317;0.137179487179487191728100015098;0.090598290598290595609931585841;0.000000000000000000000000000000;0.066239316239316239909307171274;0.143589743589743579210704638172;0.029487179487179486503389824748;0.008974358974358973700669039886;0.099145299145299140008980032235;0.059829059829059831610020836479;0.108119658119658124117989927981;0.249145299145299148335652716924
-0.011956521739130435144637942813;0.143840579710144939040716849377;0.155434782608695643002505448749;0.025362318840579711753946412500;0.040942028985507243621366768593;0.107971014492753619729015213125;0.027898550724637680847672882578;0.044927536231884057649210717500;0.062681159420289858652530767813;0.098188405797101446781383060625;0.109057971014492757766412012188;0.171739130434782616418942780001
-0.006666666666666667094565124074;0.174444444444444457520404512252;0.091481481481481483064577275854;0.000370370370370370351979089074;0.082592592592592592448674793104;0.125555555555555559132940857126;0.024444444444444445724284875610;0.005185185185185185036127464286;0.085185185185185183232015049271;0.060370370370370372847812490136;0.094814814814814810106646802979;0.248888888888888881734118285749
-0.042222222222222223486642889156;0.151851851851851848973495862083;0.049629629629629627707299022177;0.092592592592592587452671182291;0.041481481481481480289019714291;0.128518518518518531923433556585;0.014814814814814815380206169948;0.013703703703703704053218359604;0.073703703703703701832772310354;0.052962962962962961688262453208;0.080370370370370369794699172417;0.258148148148148126601597596164
-0.055038759689922479856338810578;0.098449612403100780766429522828;0.118604651162790702967342326701;0.140310077519379849952940730873;0.050775193798449615167900361712;0.053100775193798452344928762159;0.066279069767441856075862460784;0.094573643410852711865821618176;0.080620155038759688803651215494;0.051550387596899227560243161861;0.063953488372093025837727964245;0.126744186046511636556388680219
-0.035185185185185187395351391615;0.140277777777777779011358916250;0.096296296296296296501893152708;0.098148148148148151026504137917;0.062500000000000000000000000000;0.113425925925925930037863054167;0.032870370370370369239587660104;0.012500000000000000693889390391;0.082870370370370372015145221667;0.058333333333333334258519187188;0.087499999999999994448884876874;0.180092592592592581901556059165
-0.133838383838383839785635132102;0.055555555555555552471602709375;0.067676767676767682346827825768;0.280808080808080784418478970110;0.030808080808080808704607633786;0.048989898989898993109104452515;0.023232323232323232736762363970;0.069696969696969701679734043864;0.082323232323232325979844858921;0.103535353535353535914254052841;0.046464646464646465473524727940;0.057070707070707070440729324901
-0.032291666666666669904817155157;0.109375000000000000000000000000;0.096527777777777781786916477813;0.141319444444444441977282167500;0.063194444444444441977282167500;0.097222222222222223764198645313;0.019097222222222223764198645313;0.025347222222222222376419864531;0.073263888888888892281237019688;0.086458333333333331482961625625;0.085763888888888889505679458125;0.170138888888888895056794581251
-0.053703703703703704885885628073;0.128888888888888886175010384250;0.104074074074074068851913921208;0.021851851851851851471497667490;0.039629629629629632703302632990;0.128148148148148149916281113292;0.010000000000000000208166817117;0.021851851851851851471497667490;0.080370370370370369794699172417;0.104074074074074068851913921208;0.107777777777777777901135891625;0.199629629629629629095077802958
-0.027037037037037036507625131776;0.049629629629629627707299022177;0.057407407407407406996213694583;0.458888888888888901718132729002;0.022222222222222223070309254922;0.071111111111111111049432054187;0.009629629629629630344078705662;0.015185185185185185244294281404;0.058518518518518518323201504927;0.071111111111111111049432054187;0.071481481481481479178796689666;0.087777777777777774015355305437
-0.021111111111111111743321444578;0.135555555555555568014725054127;0.186666666666666675178376522126;0.007037037037037036958653235530;0.050740740740740739034286832521;0.058148148148148150193836869448;0.063333333333333338699411285688;0.043703703703703702942995334979;0.080370370370370369794699172417;0.069259259259259256524821068979;0.095555555555555560243163881751;0.188518518518518529702987507335
-0.084242424242424243652216375722;0.060303030303030302761158054636;0.050000000000000002775557561563;0.048484848484848484806430946037;0.124848484848484847509197948057;0.117878787878787874565666982107;0.010909090909090909948808700847;0.034848484848484850839867021932;0.169393939393939402249245063103;0.084545454545454548633820479608;0.066969696969696970723084916699;0.147575757575757582351627661410
-0.010507246376811593679967415937;0.118478260869565213408982629062;0.060869565217391306821692609219;0.010869565217391304046135047656;0.089130434782608694566086171562;0.161956521739130443471310627501;0.012318840579710145510805574531;0.007608695652173913352711576152;0.114855072463768109747306311874;0.045652173913043478381545980938;0.090942028985507239458030426249;0.276811594202898525463041323746
-0.019166666666666665186369300500;0.140416666666666661855700226624;0.091249999999999997779553950750;0.013333333333333334189130248149;0.099583333333333329262515576374;0.099166666666666666851703837438;0.022916666666666665047591422422;0.012083333333333333078907223523;0.100416666666666667961926862063;0.064166666666666663521034763562;0.102083333333333331482961625625;0.235416666666666662965923251249
-0.023333333333333334397297065266;0.093703703703703705718552896542;0.055555555555555552471602709375;0.005185185185185185036127464286;0.176666666666666666296592325125;0.087407407407407405885990669958;0.018888888888888889089345823891;0.002592592592592592518063732143;0.138888888888888895056794581251;0.052222222222222225429533182250;0.052592592592592593558897817729;0.292962962962962980562053871836
-0.014814814814814815380206169948;0.135925925925925922266301881791;0.101111111111111109939209029562;0.001481481481481481407916356297;0.093703703703703705718552896542;0.107037037037037041642406620667;0.029999999999999998889776975375;0.010000000000000000208166817117;0.097037037037037032760622423666;0.066666666666666665741480812812;0.070740740740740742920067418709;0.271481481481481490281026935918
-0.035526315789473683626198408092;0.103947368421052635523160745379;0.061842105263157892691694428322;0.005263157894736841986571551644;0.069298245614035081096915291710;0.190789473684210536541527858390;0.033333333333333332870740406406;0.012280701754385964924454199831;0.126315789473684214616611143356;0.059210526315789470397366045518;0.149999999999999994448884876874;0.152192982456140352143236782467
-0.021839080459770114639450611094;0.147701149425287364680414725626;0.156321839080459767945541216250;0.001436781609195402278911224414;0.059770114942528734802706935625;0.067816091954022994503503696251;0.071551724137931038693949403751;0.050574712643678160217675099375;0.090517241379310345306130614063;0.050000000000000002775557561563;0.108908045977011494476194286563;0.173563218390804602231369813126
-0.034684684684684684297106826989;0.103603603603603600102900372804;0.089639639639639639989709962720;0.003603603603603603659083498556;0.065765765765765760164640596486;0.122972972972972979799344273033;0.018918918918918919969129888159;0.013063063063063063209967573641;0.132432432432432439783909217113;0.090090090090090085839236166976;0.114864864864864871241145749536;0.210360360360360348908059791029
-0.001436781609195402278911224414;0.264367816091954033197453100001;0.087068965517241372897849771562;0.000000000000000000000000000000;0.023850574712643679564649801250;0.145114942528735635374204093750;0.031896551724137932326552657969;0.013505747126436781421765509492;0.039655172413793106367396745782;0.042528735632183907455772242656;0.117528735632183911619108585001;0.233045977011494265251911883752
-0.012820512820512820068019621544;0.170512820512820517659946517597;0.073076923076923080979661051515;0.003418803418803418800453464144;0.066666666666666665741480812812;0.124358974358974361251739537693;0.022649572649572648902482896460;0.001709401709401709400226732072;0.116239316239316242684864732837;0.047435897435897433904727904519;0.089316239316239318113410661226;0.271794871794871772952006949708
-0.003535353535353535567309357646;0.180808080808080806622939462613;0.078787878787878781738918121391;0.014646464646464647102463985107;0.060606060606060607742762158523;0.122727272727272726515757028665;0.021717171717171718237082700398;0.002525252525252525467175379603;0.085858585858585856342983788636;0.054040404040404041441369997756;0.102020202020202024884021341222;0.272727272727272707086854097724
-0.040476190476190478106932602032;0.087074829931972783092497536472;0.128911564625850350029878654823;0.054081632653061227633539687076;0.049319727891156461829780255357;0.072108843537414965552123646830;0.022448979591836733249454738370;0.048639455782312927822896853058;0.104421768707482987004198093928;0.127210884353741504604329293215;0.102721088435374155456436540135;0.162585034013605439495719906517
-0.011904761904761904101057723437;0.171768707482993193691456212946;0.087414965986394560504280093483;0.000340136054421768683955068502;0.092176870748299319369145621295;0.132993197278911567948966876429;0.070748299319727897538356842233;0.014285714285714285268213963320;0.104081632653061223470203344732;0.044557823129251702964914727545;0.102721088435374155456436540135;0.167006802721088448704378492948
-0.055185185185185184342238073896;0.068148148148148152136727162542;0.029629629629629630760412339896;0.188148148148148147695835064042;0.073703703703703701832772310354;0.137777777777777776790912867000;0.003333333333333333547282562037;0.028148148148148147834612942120;0.089629629629629628539966290646;0.059999999999999997779553950750;0.064074074074074074958140556646;0.202222222222222219878418059125
-0.073809523809523810977673008438;0.050396825396825398191147371563;0.021825396825396824185272492969;0.502777777777777767909128669999;0.019841269841269840168429539062;0.059920634920634922859772331094;0.005952380952380952050528861719;0.089682539682539683112416639688;0.034523809523809526056403740313;0.037301587301587300904426314219;0.046031746031746034741871653750;0.057936507936507938842929377188
-0.000000000000000000000000000000;0.197222222222222215437525960624;0.042460317460317462123775555938;0.000000000000000000000000000000;0.052380952380952382207990325469;0.202777777777777779011358916250;0.012698412698412698401684295391;0.000396825396825396825052634231;0.073412698412698415562083198438;0.046825396825396825573051273750;0.097619047619047619179788455313;0.274206349206349231373280872504
-0.000314465408805031430925641667;0.247169811320754717609560202618;0.079245283018867920810102134510;0.003144654088050314634517068413;0.032075471698113207363878274236;0.175786163522012567339558586355;0.026729559748427673959714212515;0.022012578616352199839534264925;0.033647798742138364247455939449;0.044654088050314462432499595934;0.142452830188679241407712083856;0.192767295597484289437772986275
-0.054074074074074073015250263552;0.177407407407407402555321596083;0.053333333333333336756520992594;0.001851851851851851922525771243;0.044814814814814814269983145323;0.172222222222222220988641083750;0.018148148148148149361169600979;0.026666666666666668378260496297;0.066666666666666665741480812812;0.060370370370370372847812490136;0.108518518518518514159865162583;0.215925925925925937809424226543
-0.004901960784313725422167706824;0.148692810457516338962236090993;0.085947712418300653558489443640;0.239215686274509814479571900847;0.032352941176470591255753816995;0.084640522875816998071840657758;0.063398692810457513147071040294;0.007843137254901960675468330919;0.050000000000000002775557561563;0.073529411764705884801962554320;0.113071895424836602050966405386;0.096405228758169939085043154137
-0.025706214689265535072726365229;0.050000000000000002775557561563;0.067231638418079095464996441933;0.401129943502824881651491750745;0.048305084745762713605010674200;0.060734463276836160583460610951;0.023728813559322034509868615260;0.012994350282485874967242089895;0.069774011299435029220816772977;0.093220338983050848868927573676;0.108757062146892652387819566684;0.038418079096045200382381068493
-0.052678571428571428769682682969;0.054761904761904761640423089375;0.085416666666666668517038374375;0.226785714285714284921269268125;0.054761904761904761640423089375;0.067261904761904758864865527812;0.023809523809523808202115446875;0.082142857142857142460634634062;0.086011904761904761640423089375;0.117559523809523808202115446875;0.084226190476190482270268944376;0.064583333333333339809634310313
-0.029310344827586206489788978047;0.055747126436781611891202459219;0.081609195402298856381051450626;0.238505747126436767890922396873;0.074999999999999997224442438437;0.095402298850574718258599205001;0.029597701149425288680294698906;0.056321839080459769333319997031;0.089942528735632187864013076251;0.094540229885057475156528994376;0.093678160919540232054458783750;0.060344827586206899183718377344
-0.011231884057971014412302679375;0.057971014492753623892351555469;0.060507246376811596455524977500;0.503623188405797117539464125002;0.034782608695652174335410933281;0.063405797101449279384866031251;0.025362318840579711753946412500;0.010144927536231883313799784219;0.046739130434782609480048876094;0.073550724637681155759771911562;0.072101449275362314295101384687;0.040579710144927533255199136875
-0.016071428571428569842538536250;0.111011904761904756089307966249;0.076488095238095243910692033751;0.319642857142857117480616579996;0.043749999999999997224442438437;0.075595238095238090347827153437;0.037797619047619045173913576718;0.020833333333333332176851016015;0.063988095238095232808461787499;0.069345238095238098674499838125;0.089880952380952380820211544687;0.075595238095238090347827153437
-0.052298850574712646421815520625;0.055459770114942526231249786406;0.077873563218390798312817935312;0.385057471264367789931526431246;0.027873563218390805945601229610;0.054597701149425290068073479688;0.045114942528735629823088970625;0.056034482758620690612261228125;0.064367816091954022095222853750;0.068965517241379309387738771875;0.063218390804597707210987778126;0.049137931034482759673487350938
-0.028735632183908045578224488281;0.060919540229885056625835915156;0.053735632183908046966003269063;0.454310344827586198857005683749;0.039367816091954020707444072968;0.057183908045977012435390207656;0.036206896551724140898009807188;0.027873563218390805945601229610;0.063793103448275864653105315938;0.064942528735632179537340391562;0.058908045977011491700636725000;0.054022988505747125687062037969
-0.012931034482758620510201019727;0.120977011494252870149601619687;0.065804597701149422639410602187;0.275574712643678165768790222501;0.066954022988505751401433485626;0.093390804597701146394506110937;0.052586206896551725142874289531;0.010057471264367815952378570898;0.069540229885057466829856309687;0.070977011494252867374044058124;0.079310344827586212734793491563;0.081896551724137928163216315625
-0.005172413793103448204080407891;0.098850574712643676789092239687;0.054310344827586204408120806875;0.447701149425287381333760095004;0.037068965517241377061186113906;0.064942528735632179537340391562;0.041091954022988506911584494219;0.006609195402298850482991632305;0.040229885057471263809514283594;0.069540229885057466829856309687;0.064942528735632179537340391562;0.069540229885057466829856309687
-0.006321839080459770027209387422;0.093390804597701146394506110937;0.055172413793103447510191017500;0.468965517241379303836623648749;0.040804597701149428190525725313;0.059482758620689656081648166719;0.035919540229885055238057134375;0.008045977011494252761902856719;0.049425287356321838394546119844;0.066379310344827580081528139999;0.054310344827586204408120806875;0.061781609195402299727906125781
-0.008695652173913043583852733320;0.093115942028985501655036216562;0.057246376811594203160016292031;0.467753623188405798227762488750;0.034782608695652174335410933281;0.058695652173913044624686818906;0.043478260869565216184540190625;0.007971014492753622851517469883;0.042028985507246374719869663750;0.066666666666666665741480812812;0.059057971014492754990854450625;0.060507246376811596455524977500
-0.006944444444444444058950338672;0.100347222222222226539756206876;0.048958333333333332870740406406;0.506597222222222254295331822505;0.031597222222222220988641083750;0.067013888888888886730121896562;0.035069444444444444752839729063;0.003819444444444444319158860068;0.042708333333333334258519187188;0.060763888888888888117900677344;0.048263888888888890893458238907;0.047916666666666669904817155157
-0.064015151515151511030232711619;0.075757575757575759678452698154;0.045075757575757574580066489034;0.457575757575757580131181612160;0.031818181818181814901613790880;0.061742424242424244484883644191;0.026136363636363634660453314495;0.007196969696969697342925353922;0.046590909090909092549193104560;0.065909090909090903287470553096;0.061363636363636363257878514332;0.056818181818181816289392571662
-0.056790123456790124467641334149;0.058641975308641972053358415451;0.085493827160493821026854277534;0.310802469135802450495020821108;0.037037037037037034981068472916;0.060802469135802471311702532830;0.044444444444444446140618509844;0.069444444444444447528397290625;0.067592592592592593003786305417;0.089506172839506167870915476215;0.078703703703703706273664408855;0.040740740740740744030290443334
-0.029166666666666667129259593594;0.057083333333333333148296162562;0.076666666666666660745477201999;0.369999999999999995559107901499;0.036249999999999997501998194593;0.054166666666666668517038374375;0.032916666666666663521034763562;0.020833333333333332176851016015;0.087083333333333332038073137937;0.103333333333333332593184650250;0.084166666666666667406815349750;0.048333333333333332315628894094
-0.068888888888888888395456433500;0.088888888888888892281237019688;0.087777777777777774015355305437;0.151111111111111112714766591125;0.052592592592592593558897817729;0.074814814814814820098654024605;0.052592592592592593558897817729;0.030740740740740742087400150240;0.093333333333333337589188261063;0.117777777777777772905132280812;0.097777777777777782897139502438;0.083703703703703696836768699541
-0.021851851851851851471497667490;0.075185185185185188228018660084;0.076296296296296292616112566520;0.301851851851851871177956354586;0.032592592592592589673117231541;0.088148148148148142144719940916;0.033333333333333332870740406406;0.034814814814814812327092852229;0.062222222222222220433529571437;0.113703703703703709604333482730;0.119259259259259259300378630542;0.040740740740740744030290443334
-0.037209302325581394832454407151;0.165503875968992242295740879854;0.074418604651162789664908814302;0.059302325581395351483671163351;0.055038759689922479856338810578;0.160077519379844962488235182718;0.033333333333333332870740406406;0.004651162790697674354056800894;0.089534883720930227846146465254;0.060465116279069766602738411621;0.093023255813953487081136017878;0.167441860465116276746044832180
-0.057000000000000002053912595557;0.040000000000000000832667268469;0.124333333333333337367143656138;0.179333333333333344583593316202;0.036333333333333335535275665507;0.065666666666666664853302393112;0.055000000000000000277555756156;0.162000000000000005107025913276;0.072333333333333332815229255175;0.083666666666666666962726139900;0.078333333333333338144299773376;0.045999999999999999222843882762
-0.013888888888888888117900677344;0.042460317460317462123775555938;0.051587301587301584437916801562;0.557539682539682557305127375002;0.023809523809523808202115446875;0.059920634920634922859772331094;0.023412698412698412786525636875;0.015873015873015872134743631250;0.042063492063492066708185745938;0.073809523809523810977673008438;0.071825396825396820021936150624;0.023809523809523808202115446875
-0.012698412698412698401684295391;0.311507936507936511461025475000;0.104365079365079369000390840938;0.065873015873015874910301192813;0.037301587301587300904426314219;0.093253968253968255730512737500;0.078571428571428569842538536250;0.015873015873015872134743631250;0.032539682539682542039560786407;0.037301587301587300904426314219;0.110317460317460314112025798750;0.100396825396825400966704933126
-0.053658536585365852744633485827;0.015853658536585366056748114261;0.036585365853658534385228762176;0.571951219512195074834437491518;0.032113821138211380568083797016;0.028455284552845527129560920798;0.024796747967479673691038044581;0.022357723577235772555171777753;0.042682926829268295898511809128;0.077235772357723581071908824924;0.089024390243902434827205638612;0.005284552845528455063128792091
-0.012179487179487179585035683260;0.057692307692307695510258724880;0.052243589743589745333363083546;0.425320512820512808271899984902;0.033333333333333332870740406406;0.077564102564102566095272095481;0.027884615384615386163291717025;0.011858974358974358476181976130;0.050000000000000002775557561563;0.105128205128205129414986629399;0.107692307692307698285816286443;0.039102564102564102421766278894
-0.021515151515151514916013297807;0.054545454545454542805149600326;0.049696969696969697793953457676;0.418181818181818154567253031928;0.050303030303030300818267761542;0.079696969696969696683730433051;0.025151515151515150409133880771;0.026666666666666668378260496297;0.067878787878787885667897228359;0.071818181818181822673174963256;0.082424242424242427640379560216;0.052121212121212123768998480955
-0.032679738562091505127416013465;0.059150326797385618937674678364;0.095751633986928111341718761196;0.272549019607843112655842787717;0.054575163398692810856616119963;0.067973856209150321228129598694;0.053267973856209148431073430174;0.047712418300653591796134378455;0.083006535947712414835741867591;0.105882352941176469118822467408;0.073856209150326798673624750791;0.053594771241830062302735626645
-0.025000000000000001387778780781;0.062500000000000000000000000000;0.089583333333333334258519187188;0.196726190476190471168038698124;0.067559523809523805426557885312;0.079464285714285709527615608749;0.042261904761904764415980650938;0.047619047619047616404230893750;0.079761904761904756089307966249;0.122916666666666660190365689687;0.121726190476190473943596259687;0.064880952380952386371326667813
-0.046969696969696966837304330511;0.049090909090909087830745249903;0.083333333333333328707404064062;0.356666666666666687390829793003;0.053939393939393939780835296460;0.040606060606060603856981572335;0.050606060606060605799871865429;0.036666666666666666851703837438;0.084242424242424243652216375722;0.085151515151515144719240879567;0.086666666666666669627261399000;0.026060606060606061884499240477
-0.007547169811320754775896268995;0.086163522012578611097843861444;0.066666666666666665741480812812;0.274213836477987416007096044268;0.027358490566037736713145278600;0.180188679245283006613576048949;0.020440251572327042955956599712;0.008176100628930817529327335080;0.049056603773584908645410962436;0.052201257861635222412566292860;0.123270440251572327428064568267;0.104716981132075476201848118762
-0.126363636363636372417218467490;0.083333333333333328707404064062;0.058484848484848486749321239131;0.110606060606060610518319720086;0.030909090909090910365142335081;0.179090909090909078393849540589;0.017878787878787879422892714842;0.049696969696969697793953457676;0.055454545454545457749961911986;0.065757575757575750796668501152;0.118484848484848484528875189881;0.103939393939393942556392858023
-0.187777777777777765688682620748;0.049259259259259259577934386698;0.070740740740740742920067418709;0.224814814814814828425326709294;0.038518518518518521376314822646;0.032222222222222221543752596062;0.040370370370370368962031903948;0.079629629629629633535969901459;0.106296296296296291505889541895;0.080000000000000001665334536938;0.047037037037037036923958766010;0.043333333333333334813630699500
-0.109583333333333338144299773376;0.039166666666666669072149886688;0.092499999999999998889776975375;0.259166666666666656304585103499;0.037499999999999998612221219219;0.036666666666666666851703837438;0.034166666666666664631257788187;0.089999999999999996669330926125;0.095833333333333339809634310313;0.111666666666666664076146275875;0.056666666666666663798590519718;0.037083333333333336201409480282
-0.073333333333333333703407674875;0.059259259259259261520824679792;0.140370370370370367574253123166;0.177407407407407402555321596083;0.040370370370370368962031903948;0.034074074074074076068363581271;0.065555555555555561353386906376;0.132222222222222213217079911374;0.082222222222222224319310157625;0.061851851851851852304164935958;0.071481481481481479178796689666;0.061851851851851852304164935958
-0.089722222222222217102860497562;0.069444444444444447528397290625;0.129722222222222210996633862123;0.083333333333333328707404064062;0.028055555555555555802271783250;0.061944444444444447805953046782;0.049444444444444443642616704437;0.071944444444444449748843339876;0.113611111111111107163651467999;0.158055555555555560243163881751;0.089166666666666671847707448251;0.055555555555555552471602709375
-0.046666666666666668794594130532;0.083611111111111108273874492625;0.137222222222222217657972009874;0.043333333333333334813630699500;0.044722222222222218768195034500;0.109444444444444441422170655187;0.070555555555555551916491197062;0.075555555555555556357383295563;0.094444444444444441977282167500;0.091666666666666660190365689687;0.092499999999999998889776975375;0.110277777777777780121581940875
-0.022592592592592591199673890401;0.048888888888888891448569751219;0.084814814814814815102650413792;0.300740740740740752912074640335;0.042222222222222223486642889156;0.111851851851851855079722497521;0.034074074074074076068363581271;0.054444444444444441144614899031;0.067407407407407402000210083770;0.070740740740740742920067418709;0.122222222222222218213083522187;0.040000000000000000832667268469
-0.018604651162790697416227203576;0.066666666666666665741480812812;0.084496124031007757704259120146;0.322480620155038755214604861976;0.024806201550387596554969604767;0.069379844961240305645233661380;0.015503875968992247846856002980;0.011627906976744185885142002235;0.081395348837209308134887919550;0.075968992248062014449594414600;0.090697674418604656843001521338;0.138372093023255815502636778547
-0.009195402298850574585031836250;0.110057471264367809360429362187;0.109195402298850580136146959376;0.158908045977011497251751848125;0.041666666666666664353702032031;0.071839080459770110476114268749;0.026436781609195401931966529219;0.016666666666666666435370203203;0.083045977011494256925239199063;0.070402298850574709931926520312;0.094827586206896546938693859374;0.207758620689655171265286526250
-0.021666666666666667406815349750;0.100833333333333330372738601000;0.118055555555555552471602709375;0.211111111111111110494320541875;0.040833333333333332593184650250;0.079444444444444442532393679812;0.058611111111111113824989615750;0.030555555555555554553270880547;0.062500000000000000000000000000;0.066111111111111106608539955687;0.120555555555555554692048758625;0.089722222222222217102860497562
-0.024038461538461539795941135367;0.092307692307692312816413959808;0.109615384615384614530597673365;0.231410256410256420789295361828;0.028205128205128205537421948179;0.061858974358974361251739537693;0.038141025641025644299375585433;0.040705128205128206231311338570;0.082051282051282051210883139447;0.102564102564102560544156972355;0.074358974358974358476181976130;0.114743589743589738394469179639
-0.025925925925925925180637321432;0.033796296296296296501893152708;0.049074074074074075513252068959;0.457870370370370372015145221667;0.045370370370370373402924002448;0.061574074074074072737694507396;0.009722222222222222376419864531;0.023611111111111110494320541875;0.075462962962962967794489088647;0.079166666666666662965923251249;0.086111111111111110494320541875;0.052314814814814813992427389167
-0.017283950617283948963942563637;0.028086419753086420969534486858;0.043827160493827163612046149410;0.599691358024691312245124663605;0.014506172839506172381196513754;0.037962962962962962243373965521;0.021604938271604937072289942535;0.008333333333333333217685101602;0.046296296296296293726335591145;0.080555555555555560798275394063;0.080555555555555560798275394063;0.021296296296296295808003762318
-0.020056497175141241307017025974;0.059039548022598871412913723589;0.089548022598870055666075984391;0.359887005649717539590426440554;0.032485875706214688285466962725;0.067514124293785310326754256494;0.031355932203389828838435704483;0.026553672316384179657999808910;0.070338983050847458944332402098;0.048870056497175143328526303321;0.079096045197740119658824653470;0.115254237288135594208249301573
-0.051111111111111114102545371907;0.104074074074074068851913921208;0.136666666666666658525031152749;0.114444444444444445863062753688;0.035555555555555555524716027094;0.054814814814814816212873438417;0.053333333333333336756520992594;0.075555555555555556357383295563;0.072962962962962965574043039396;0.095555555555555560243163881751;0.087777777777777774015355305437;0.118148148148148154912284724105
-0.088505747126436787319825327813;0.091091954022988502748248151875;0.082183908045977013823168988438;0.018678160919540231360569393360;0.070402298850574709931926520312;0.084770114942528729251591812499;0.050287356321839081496616330469;0.037356321839080462721138786719;0.156896551724137939265446561876;0.082183908045977013823168988438;0.091379310344827588408200824688;0.146264367816091950258439169374
-0.041388888888888891726125507375;0.112500000000000002775557561563;0.115555555555555550251156660124;0.015555555555555555108382392859;0.074166666666666672402818960563;0.115000000000000004996003610813;0.028611111111111111465765688422;0.041388888888888891726125507375;0.117499999999999993338661852249;0.078611111111111117710770201938;0.100277777777777771239797743874;0.159444444444444444197728216750
-0.014682539682539682418527249297;0.069841269841269842943987100625;0.090873015873015869359186069687;0.252777777777777767909128669999;0.051190476190476189022326991562;0.076190476190476197348999676251;0.036507936507936510073246694219;0.037698412698412696320016124218;0.081746031746031747045044824063;0.099206349206349200842147695312;0.070238095238095238359576910625;0.119047619047619041010577234374
-0.018867924528301886072378934500;0.150628930817610057202315942959;0.092452830188679238632154522293;0.258176100628930815794603859104;0.045283018867924525185930662019;0.071069182389937105015498275407;0.033018867924528301494024873364;0.022012578616352199839534264925;0.058176100628930818570161420666;0.062893081761006289220894416303;0.101886792452830193811408321380;0.085534591194968548344412795359
-0.036257309941520467211351075321;0.137426900584795314008701438979;0.116081871345029244424473802155;0.123099415204678361290824284424;0.040058479532163744629702506472;0.082163742690058480522274919622;0.036257309941520467211351075321;0.036257309941520467211351075321;0.087719298245614030218320067434;0.079532163742690065166840440725;0.107602339181286546510030177615;0.117543859649122811594779136612
-0.043785310734463275816885641234;0.084180790960451973292677507743;0.138418079096045198994602287712;0.136440677966101681084509777975;0.047457627118644069019737230519;0.068644067796610169773785514735;0.050564971751412432499073190684;0.053672316384180789039515246941;0.101977401129943509583419825049;0.088700564971751411080802540710;0.072316384180790962976637104020;0.113841807909604519899460228771
-0.024444444444444445724284875610;0.181481481481481493611696009793;0.056666666666666663798590519718;0.124444444444444440867059142874;0.054074074074074073015250263552;0.137407407407407394783760423707;0.041111111111111112159655078813;0.002592592592592592518063732143;0.074444444444444438091501581312;0.040000000000000000832667268469;0.082962962962962960578039428583;0.180370370370370375345814295542
-0.020833333333333332176851016015;0.135277777777777774570466817750;0.057500000000000002498001805407;0.288333333333333330372738601000;0.018055555555555553859381490156;0.135555555555555568014725054127;0.030277777777777778456247403938;0.022777777777777778733803160094;0.040000000000000000832667268469;0.049166666666666664076146275875;0.089444444444444437536390068999;0.112777777777777782342027990126
-0.023333333333333334397297065266;0.031111111111111110216764785719;0.049166666666666664076146275875;0.508333333333333303727386009996;0.019444444444444444752839729063;0.051388888888888886730121896562;0.011388888888888889366901580047;0.021388888888888887840344921187;0.051388888888888886730121896562;0.092777777777777778456247403938;0.123611111111111116045435665001;0.016666666666666666435370203203
-0.010000000000000000208166817117;0.079722222222222222098864108375;0.042777777777777775680689842375;0.362222222222222223209087133000;0.044722222222222218768195034500;0.103888888888888891726125507375;0.017500000000000001665334536938;0.014444444444444443781394582516;0.064444444444444443087505192125;0.077222222222222219878418059125;0.118055555555555552471602709375;0.065000000000000002220446049250
-0.024166666666666666157814447047;0.036666666666666666851703837438;0.044583333333333335923853724125;0.524583333333333290404709714494;0.026666666666666668378260496297;0.059166666666666666019036568969;0.012083333333333333078907223523;0.020000000000000000416333634234;0.050833333333333334536074943344;0.074166666666666672402818960563;0.079583333333333339254522798001;0.047500000000000000555111512313
-0.027192982456140352143236782467;0.038596491228070177459397172015;0.075730994152046787748489009573;0.409064327485380130333680881449;0.033040935672514620824458120296;0.058479532163742686812213378289;0.014912280701754385484059106659;0.035964912280701755165068789211;0.077485380116959060026182726233;0.091228070175438602529283116382;0.070760233918128648267220626167;0.067543859649122808819221575050
-0.023055555555555554830826636703;0.090277777777777776235801354687;0.111666666666666664076146275875;0.156111111111111117155658689626;0.035555555555555555524716027094;0.093055555555555558022717832500;0.038055555555555557745162076344;0.059444444444444445585506997531;0.086388888888888890060790970438;0.099722222222222225984644694563;0.100833333333333330372738601000;0.105833333333333334813630699500
-0.024722222222222221821308352219;0.084444444444444446973285778313;0.083333333333333328707404064062;0.268611111111111133809004059003;0.036666666666666666851703837438;0.082777777777777783452251014751;0.020833333333333332176851016015;0.033888888888888892003681263532;0.096944444444444444197728216750;0.087222222222222228760202256126;0.082222222222222224319310157625;0.098333333333333328152292551749
-0.015705128205128204843532557788;0.025000000000000001387778780781;0.045833333333333330095182844843;0.538141025641025616543799969804;0.030128205128205128721097239008;0.038461538461538463673505816587;0.013141025641025641176873328675;0.013461538461538462285727035805;0.049358974358974357088403195348;0.098076923076923075428545928389;0.110576923076923072652988366826;0.022115384615384616612265844537
-0.016379310344827587714311434297;0.036781609195402298340127345000;0.047988505747126437850358371406;0.448563218390804596680254690000;0.031321839080459767945541216250;0.069252873563218395047691444688;0.015229885057471264156458978789;0.024137931034482758285708570156;0.060344827586206899183718377344;0.100000000000000005551115123126;0.122126436781609198911624503125;0.027873563218390805945601229610
-0.023611111111111110494320541875;0.114722222222222225429533182250;0.098055555555555562463609931001;0.159444444444444444197728216750;0.046944444444444441422170655187;0.090555555555555555802271783250;0.029166666666666667129259593594;0.033611111111111112437210834969;0.064166666666666663521034763562;0.091111111111111114935212640376;0.127500000000000002220446049250;0.121111111111111113824989615750
-0.035119047619047619179788455313;0.143749999999999988897769753748;0.114285714285714282145711706562;0.031845238095238093123384715000;0.037797619047619045173913576718;0.097619047619047619179788455313;0.035714285714285712303173170312;0.023809523809523808202115446875;0.094047619047619046561692357500;0.094345238095238093123384715000;0.110416666666666662965923251249;0.181249999999999994448884876874
-0.031730769230769229061195346731;0.096474358974358978557894772621;0.137500000000000011102230246252;0.022756410256410255360526306845;0.049358974358974357088403195348;0.093910256410256409687065115577;0.029807692307692309346967007855;0.032692307692307694122479944099;0.102884615384615379918287203509;0.112820512820512822149687792717;0.101602564102564102421766278894;0.188461538461538458122390693461
-0.040476190476190478106932602032;0.077678571428571430157461463750;0.149999999999999994448884876874;0.012797619047619047255581747891;0.049404761904761902713278942656;0.070833333333333331482961625625;0.042261904761904764415980650938;0.059821428571428574005874878594;0.123511904761904767191538212501;0.116369047619047621955346016875;0.108928571428571430157461463750;0.147916666666666668517038374375
-0.023055555555555554830826636703;0.118333333333333332038073137937;0.126666666666666677398822571377;0.085555555555555551361379684749;0.052222222222222225429533182250;0.085277777777777771794909256187;0.026666666666666668378260496297;0.040277777777777780399137697032;0.094166666666666662410811738937;0.077222222222222219878418059125;0.090833333333333335368742211813;0.179722222222222227649979231501
-0.055228758169934638599940512904;0.069607843137254904464228388861;0.109477124183006535584894436397;0.139869281045751636671781170662;0.032352941176470591255753816995;0.063398692810457513147071040294;0.024183006535947713239176337652;0.068627450980392162849241799449;0.109150326797385621713232239927;0.123856209150326801449182312354;0.093464052287581700362295578088;0.110784313725490191071543222279
-0.048484848484848484806430946037;0.070303030303030297765154443823;0.127575757575757564588059267408;0.145757575757575752462003038090;0.038787878787878787845144756830;0.049696969696969697793953457676;0.030909090909090910365142335081;0.043939393939393937837945003366;0.107272727272727269598462385147;0.122424242424242421534152924778;0.085454545454545449700844983454;0.129393939393939394477683890727
-0.032777777777777780676693453188;0.066944444444444445307951241375;0.073055555555555554136937246312;0.210833333333333344805637921127;0.056666666666666663798590519718;0.072499999999999995003996389187;0.040277777777777780399137697032;0.032777777777777780676693453188;0.110555555555555559688052369438;0.086388888888888890060790970438;0.092499999999999998889776975375;0.124722222222222220433529571437
-0.038518518518518521376314822646;0.049629629629629627707299022177;0.105555555555555555247160270937;0.289999999999999980015985556747;0.029629629629629630760412339896;0.051481481481481482231910007386;0.032962962962962964741375770927;0.078888888888888883399452822687;0.082222222222222224319310157625;0.087407407407407405885990669958;0.089999999999999996669330926125;0.063703703703703706828775921167
-0.022598870056497175062837357018;0.053672316384180789039515246941;0.073163841807909607561910547702;0.376553672316384202556349691804;0.026271186440677964796241994350;0.059039548022598871412913723589;0.050282485875706217637315376123;0.048870056497175143328526303321;0.066949152542372880603238627373;0.079661016949152535504552474777;0.085310734463276832739708765985;0.057627118644067797104124650787
-0.025925925925925925180637321432;0.054938271604938269943030348941;0.099691358024691353878488087048;0.320061728395061750873651362781;0.020061728395061727281412089496;0.066666666666666665741480812812;0.016358024691358025171084022986;0.056172839506172841939068973716;0.070061728395061723118075747152;0.103086419753086425132870829202;0.117901234567901233574183095243;0.049074074074074075513252068959
-0.048611111111111111882099322656;0.055277777777777779844026184719;0.181111111111111111604543566500;0.039722222222222221266196839906;0.043333333333333334813630699500;0.050833333333333334536074943344;0.023055555555555554830826636703;0.143333333333333340364745822626;0.080833333333333326486958014812;0.116388888888888888950567945813;0.107777777777777777901135891625;0.109722222222222220988641083750
-0.016954022988505748625875924063;0.135344827586206889469266911874;0.073275862068965511020302017187;0.005459770114942528659862652773;0.042816091954022986176831011562;0.174137931034482745795699543123;0.026149425287356323210907760313;0.012356321839080459598636529961;0.104022988505747121523725695624;0.065804597701149422639410602187;0.123563218390804599455812251563;0.220114942528735618720858724373
-0.027873563218390805945601229610;0.086494252873563215455732233750;0.116666666666666668517038374375;0.178448275862068961306050596249;0.056321839080459769333319997031;0.086206896551724143673567368751;0.043390804597701150557842453281;0.049425287356321838394546119844;0.075287356321839082884395111250;0.058333333333333334258519187188;0.079885057471264370176911029375;0.141666666666666662965923251249
-0.050277777777777775403134086218;0.047777777777777780121581940875;0.112777777777777782342027990126;0.232222222222222218768195034500;0.039444444444444441699726411343;0.054722222222222220711085327594;0.028888888888888887562789165031;0.054722222222222220711085327594;0.098333333333333328152292551749;0.111388888888888884509675847312;0.081388888888888885619898871937;0.088055555555555553581825734000
-0.055555555555555552471602709375;0.072807017543859653407878340658;0.105847953216374274232336460955;0.200000000000000011102230246252;0.029239766081871343406106689145;0.064035087719298250386046333915;0.028947368421052631359824403035;0.064035087719298250386046333915;0.092397660818713450714412260822;0.109064327485380113680335512072;0.089473684210526316373801591908;0.088596491228070173296060829671
-0.040395480225988697475791866509;0.057344632768361582242366836226;0.063276836158192087400387038088;0.373446327683615797443650308196;0.026271186440677964796241994350;0.082203389830508469260372805820;0.017231638418079096158885832324;0.031355932203389828838435704483;0.055084745762711863348304319743;0.088135593220338981357286911589;0.107909604519774007802546123003;0.057344632768361582242366836226
-0.025555555555555557051272685953;0.027777777777777776235801354687;0.051851851851851850361274642864;0.470740740740740737368952295583;0.031481481481481478346129421197;0.075185185185185188228018660084;0.012592592592592592726230549260;0.026666666666666668378260496297;0.050740740740740739034286832521;0.098148148148148151026504137917;0.084814814814814815102650413792;0.044444444444444446140618509844
-0.014864864864864865690030626411;0.025225225225225224312541882909;0.057657657657657658545335976896;0.434234234234234239835359403514;0.036036036036036035723473247572;0.086036036036036031560136905227;0.013063063063063063209967573641;0.039189189189189191364626196901;0.069819819819819814443739858234;0.096846846846846842971068269890;0.079729729729729734155618814384;0.047297297297297299922824720397
-0.017666666666666667323548622903;0.059666666666666666463125778819;0.073666666666666671958729750713;0.421666666666666689611275842253;0.017333333333333332537673499019;0.056333333333333332482162347787;0.021333333333333332620940225866;0.020000000000000000416333634234;0.057333333333333333370340767488;0.108333333333333337034076748751;0.109333333333333337922255168451;0.037333333333333336423454085207
-0.048275862068965516571417140312;0.078160919540229883972770608125;0.113793103448275867428662877501;0.124425287356321842557882462188;0.041666666666666664353702032031;0.070977011494252867374044058124;0.022126436781609196829956331953;0.043965517241379307999959991093;0.114367816091954024870780415313;0.083908045977011500027309409688;0.072126436781609196136066941563;0.186206896551724149224682491877
-0.067708333333333328707404064062;0.070138888888888889505679458125;0.124305555555555558022717832500;0.076388888888888895056794581251;0.039930555555555552471602709375;0.065625000000000002775557561563;0.037499999999999998612221219219;0.063541666666666662965923251249;0.123958333333333337034076748751;0.124652777777777779011358916250;0.082638888888888886730121896562;0.123611111111111116045435665001
-0.038988095238095238359576910625;0.105952380952380950662750080937;0.147023809523809528831961301876;0.011904761904761904101057723437;0.069345238095238098674499838125;0.062797619047619046561692357500;0.078571428571428569842538536250;0.074404761904761904101057723437;0.099702380952380958989422765626;0.086011904761904761640423089375;0.077380952380952383595769106250;0.147916666666666668517038374375
-0.047222222222222220988641083750;0.078703703703703706273664408855;0.120833333333333334258519187188;0.179166666666666668517038374375;0.037962962962962962243373965521;0.044444444444444446140618509844;0.117129629629629625209297216770;0.066666666666666665741480812812;0.079166666666666662965923251249;0.071759259259259258745267118229;0.060648148148148145475389014791;0.096296296296296296501893152708
-0.004166666666666666608842550801;0.092129629629629630760412339896;0.025925925925925925180637321432;0.396759259259259255969709556666;0.015740740740740739173064710599;0.177777777777777784562474039376;0.004166666666666666608842550801;0.010648148148148147904001881159;0.030555555555555554553270880547;0.047685185185185184619793830052;0.112500000000000002775557561563;0.081944444444444444752839729063
-0.067407407407407402000210083770;0.038518518518518521376314822646;0.118148148148148154912284724105;0.221111111111111119376104738876;0.032222222222222221543752596062;0.052962962962962961688262453208;0.032962962962962964741375770927;0.067037037037037033870845448291;0.103703703703703700722549285729;0.110370370370370368684476147791;0.078148148148148147140723551729;0.077407407407407410881994280771
-0.029999999999999998889776975375;0.029999999999999998889776975375;0.051481481481481482231910007386;0.589629629629629614662178482831;0.021851851851851851471497667490;0.041851851851851848418384349770;0.009629629629629630344078705662;0.015185185185185185244294281404;0.059259259259259261520824679792;0.050370370370370370904922197042;0.047037037037037036923958766010;0.053703703703703704885885628073
-0.013841807909604519552515533576;0.047740112994350283881495045080;0.065536723163841806294449554571;0.554802259887005599914289177832;0.023728813559322034509868615260;0.041807909604519771784580939311;0.011864406779661017254934307630;0.010451977401129942946145234828;0.060451977401129945721702796391;0.048305084745762713605010674200;0.041807909604519771784580939311;0.079661016949152535504552474777
-0.025000000000000001387778780781;0.112222222222222223209087133000;0.138611111111111101612536344874;0.011111111111111111535154627461;0.058055555555555554692048758625;0.090277777777777776235801354687;0.049722222222222223209087133000;0.043055555555555555247160270937;0.110555555555555559688052369438;0.104999999999999996114219413812;0.103611111111111112159655078813;0.152777777777777790113589162502
-0.053160919540229882584991827343;0.051149425287356324598686541094;0.175574712643678160217675099375;0.022701149425287357741520821719;0.044252873563218393659912663907;0.048850574712643680952428582032;0.027873563218390805945601229610;0.100000000000000005551115123126;0.134770114942528745904937181876;0.135632183908045989007007392502;0.094252873563218389496576321562;0.111781609195402295564569783437
-0.055555555555555552471602709375;0.048333333333333332315628894094;0.119999999999999995559107901499;0.241111111111111109384097517250;0.030833333333333334119741309109;0.046111111111111109661653273406;0.019444444444444444752839729063;0.092222222222222219323306546812;0.085277777777777771794909256187;0.111666666666666664076146275875;0.069722222222222227094867719188;0.079722222222222222098864108375
-0.022592592592592591199673890401;0.049259259259259259577934386698;0.074814814814814820098654024605;0.398518518518518494175850719330;0.037407407407407410049327012302;0.074074074074074069962136945833;0.020740740740740740144509857146;0.023333333333333334397297065266;0.072962962962962965574043039396;0.084814814814814815102650413792;0.066666666666666665741480812812;0.074814814814814820098654024605
-0.014444444444444443781394582516;0.125000000000000000000000000000;0.070833333333333331482961625625;0.271388888888888901718132729002;0.060277777777777777346024379312;0.085833333333333330927850113312;0.034722222222222223764198645313;0.015833333333333334674852821422;0.073333333333333333703407674875;0.081388888888888885619898871937;0.072499999999999995003996389187;0.094444444444444441977282167500
-0.006388888888888889262818171488;0.143888888888888899497686679751;0.051111111111111114102545371907;0.319444444444444419772821674997;0.057222222222222222931531376844;0.078888888888888883399452822687;0.021666666666666667406815349750;0.008333333333333333217685101602;0.067222222222222224874421669938;0.053611111111111109384097517250;0.092222222222222219323306546812;0.100000000000000005551115123126
-0.004166666666666666608842550801;0.131666666666666654084139054248;0.047777777777777780121581940875;0.252222222222222236531763428502;0.067222222222222224874421669938;0.110000000000000000555111512313;0.041111111111111112159655078813;0.010000000000000000208166817117;0.092777777777777778456247403938;0.052222222222222225429533182250;0.047500000000000000555111512313;0.143333333333333340364745822626
-0.002777777777777777883788656865;0.174722222222222223209087133000;0.069166666666666667961926862063;0.108611111111111116600547177313;0.071388888888888890615902482750;0.117222222222222227649979231501;0.056111111111111111604543566500;0.010000000000000000208166817117;0.087222222222222228760202256126;0.072499999999999995003996389187;0.077222222222222219878418059125;0.153055555555555555802271783250
-0.006845238095238095205052886172;0.171726190476190476719153821250;0.062500000000000000000000000000;0.120238095238095241135134472188;0.076190476190476197348999676251;0.122321428571428567066980974687;0.038095238095238098674499838125;0.007440476190476190063161077148;0.092261904761904767191538212501;0.102976190476190471168038698124;0.067857142857142851988250242812;0.131547619047619052112807480626
-0.006756756756756757131832102914;0.169369369369369360267540969289;0.048648648648648651349191140980;0.177477477477477468825739492786;0.087387387387387382986503325810;0.089189189189189194140183758464;0.027477477477477477846301567865;0.004954954954954954651769050145;0.100000000000000005551115123126;0.082432432432432437008351655550;0.080630630630630625854671222896;0.125675675675675668774289306384
-0.012601626016260162807536282514;0.196341463414634154194260418080;0.101219512195121957853771732516;0.084959349593495936403542145854;0.090243902439024387129862248003;0.077642276422764222587602489511;0.045121951219512193564931124001;0.005691056910569106119801574550;0.089837398373983745614168583415;0.073170731707317068770457524352;0.068699186991869914953312559192;0.154471544715447162143817649849
-0.024206349206349207087152208828;0.092063492063492069483743307501;0.152380952380952394697999352502;0.231746031746031755371717508751;0.026587301587301586519584972734;0.028968253968253969421464688594;0.177777777777777784562474039376;0.062301587301587302292205095000;0.056746031746031745657266043281;0.057539682539682536488445663281;0.040873015873015873522522412031;0.048809523809523809589894227656
-0.013333333333333334189130248149;0.074545454545454539752036282607;0.123939393939393932564385636397;0.281818181818181801023825983066;0.026363636363636363396656392410;0.048181818181818179824826842150;0.069090909090909091716525836091;0.121212121212121215485524317046;0.051818181818181818787394377068;0.081515151515151512695567248556;0.072424242424242418758595363215;0.035757575757575758845785429685
-0.043749999999999997224442438437;0.054583333333333330927850113312;0.112083333333333326486958014812;0.429166666666666640761462758746;0.023750000000000000277555756156;0.020000000000000000416333634234;0.062916666666666662410811738937;0.062916666666666662410811738937;0.049166666666666664076146275875;0.050416666666666665186369300500;0.040416666666666663243479007406;0.050833333333333334536074943344
-0.010555555555555555871660722289;0.088888888888888892281237019688;0.061111111111111109106541761093;0.480555555555555569124948078752;0.021388888888888887840344921187;0.043611111111111114380101128063;0.036388888888888887285233408875;0.021388888888888887840344921187;0.044999999999999998334665463062;0.046388888888888889228123701969;0.095277777777777780676693453188;0.049444444444444443642616704437
-0.011666666666666667198648532633;0.091666666666666660190365689687;0.050666666666666665408413905425;0.430333333333333345471771735902;0.017999999999999998639976794834;0.052999999999999998501198916756;0.028000000000000000582867087928;0.013333333333333334189130248149;0.030666666666666664992080271190;0.064666666666666663965123973412;0.152999999999999997113420135975;0.055000000000000000277555756156
-0.007371794871794871625847456187;0.050320512820512822149687792717;0.047435897435897433904727904519;0.647756410256410286585548874427;0.007371794871794871625847456187;0.015384615384615385469402326635;0.051282051282051280272078486178;0.019230769230769231836752908293;0.013141025641025641176873328675;0.038782051282051283047636047741;0.072435897435897442231400589208;0.029487179487179486503389824748
-0.015925925925925926707193980292;0.029259259259259259161600752464;0.058888888888888886452566140406;0.676296296296296284289439881832;0.005925925925925925631665425186;0.024444444444444445724284875610;0.041851851851851848418384349770;0.042962962962962959745372160114;0.019629629629629628817522046802;0.034814814814814812327092852229;0.031851851851851853414387960584;0.018148148148148149361169600979
-0.010555555555555555871660722289;0.049444444444444443642616704437;0.063888888888888883954564334999;0.326666666666666660745477201999;0.007222222222222221890697291258;0.157777777777777766798905645373;0.007777777777777777554191196430;0.015555555555555555108382392859;0.047222222222222220988641083750;0.097222222222222223764198645313;0.188333333333333324821623477874;0.028333333333333331899295259859
-0.025193798449612402751141004842;0.078682170542635654353347263168;0.060465116279069766602738411621;0.303488372093023262010547114187;0.050387596899224805502282009684;0.077906976744186048899898366926;0.017441860465116278827713003352;0.012403100775193798277484802384;0.063953488372093025837727964245;0.087596899224806207273630320742;0.133333333333333331482961625625;0.089147286821705432058315921040
-0.066287878787878784514475682954;0.057196969696969697516397701520;0.114772727272727276259800532898;0.129924242424242414317703264715;0.023863636363636364645657295114;0.051136363636363639517679047231;0.059090909090909089773635542997;0.049242424242424240321547301846;0.114393939393939395032795403040;0.153030303030303016509350300112;0.118560606060606060774276215852;0.062500000000000000000000000000
-0.048780487804878050472900952172;0.096747967479674790158838959542;0.136991869918699188390931453796;0.182520325203252037349344050199;0.007317073170731707744407490424;0.025609756097560974069660133523;0.074390243902439021073114133742;0.066260162601626010347999340411;0.086585365853658530221892419831;0.113821138211382108518243683193;0.106504065040650408580091834665;0.054471544715447156592702526723
-0.036524822695035458197665434454;0.126241134751773037558919554613;0.047517730496453899902142836709;0.329432624113475180926968732820;0.018794326241134751143135872553;0.090070921985815607935244031523;0.040070921985815605159686469960;0.048936170212765958686951250911;0.028368794326241134062804860605;0.069858156028368798007299744768;0.129787234042553184520940590119;0.034397163120567376959346717058
-0.016111111111111110771876298031;0.159166666666666678509045596002;0.100555555555555550806268172437;0.167500000000000009992007221626;0.022777777777777778733803160094;0.078333333333333338144299773376;0.093055555555555558022717832500;0.012777777777777778525636342977;0.037777777777777778178691647781;0.053611111111111109384097517250;0.172499999999999986677323704498;0.085833333333333330927850113312
-0.023611111111111110494320541875;0.165277777777777773460243793124;0.111666666666666664076146275875;0.159444444444444444197728216750;0.069722222222222227094867719188;0.039166666666666669072149886688;0.132777777777777772350020768499;0.016111111111111110771876298031;0.091111111111111114935212640376;0.038888888888888889505679458125;0.054722222222222220711085327594;0.097500000000000003330669073875
-0.024166666666666666157814447047;0.106666666666666673513041985188;0.068055555555555549696045147812;0.508888888888888835104751251492;0.027222222222222220572307449515;0.030555555555555554553270880547;0.044999999999999998334665463062;0.013888888888888888117900677344;0.046111111111111109661653273406;0.035555555555555555524716027094;0.046388888888888889228123701969;0.047500000000000000555111512313
-0.025666666666666667490082076597;0.068333333333333329262515576374;0.149333333333333345693816340827;0.240999999999999992006394222699;0.015333333333333332496040135595;0.025000000000000001387778780781;0.046666666666666668794594130532;0.092666666666666661078544109387;0.077666666666666661633655621699;0.085999999999999993116617247324;0.070333333333333331038872415775;0.101999999999999993449684154712
-0.023333333333333334397297065266;0.116666666666666668517038374375;0.212222222222222228760202256126;0.014074074074074073917306471060;0.026666666666666668378260496297;0.035185185185185187395351391615;0.072222222222222215437525960624;0.083703703703703696836768699541;0.084444444444444446973285778313;0.080000000000000001665334536938;0.089629629629629628539966290646;0.161851851851851857855280059084
-0.005333333333333333155235056466;0.142333333333333339476567402926;0.206999999999999989563903568524;0.072333333333333332815229255175;0.021999999999999998723243521681;0.037999999999999999056310429069;0.105333333333333334369541489650;0.044333333333333335701809119200;0.050333333333333334091985733494;0.052999999999999998501198916756;0.098000000000000003774758283726;0.162000000000000005107025913276
-0.015555555555555555108382392859;0.115555555555555550251156660124;0.125555555555555559132940857126;0.314722222222222236531763428502;0.008333333333333333217685101602;0.036666666666666666851703837438;0.081944444444444444752839729063;0.027222222222222220572307449515;0.035000000000000003330669073875;0.052777777777777777623580135469;0.139166666666666660745477201999;0.047500000000000000555111512313
-0.050000000000000002775557561563;0.041666666666666664353702032031;0.111507936507936514236583036563;0.385714285714285731732076101252;0.009920634920634920084214769531;0.021825396825396824185272492969;0.082142857142857142460634634062;0.115873015873015877685858754376;0.040476190476190478106932602032;0.064682539682539688663531762813;0.044047619047619050725028699844;0.032142857142857139685077072500
-0.035277777777777775958245598531;0.078333333333333338144299773376;0.126666666666666677398822571377;0.083333333333333328707404064062;0.020833333333333332176851016015;0.020833333333333332176851016015;0.126666666666666677398822571377;0.299444444444444457520404512252;0.045277777777777777901135891625;0.056388888888888891171013995063;0.058055555555555554692048758625;0.048888888888888891448569751219
-0.035000000000000003330669073875;0.061111111111111109106541761093;0.140277777777777779011358916250;0.167222222222222216547748985249;0.031666666666666669349705642844;0.022777777777777778733803160094;0.090555555555555555802271783250;0.211111111111111110494320541875;0.052499999999999998057109706906;0.065833333333333327042069527124;0.060277777777777777346024379312;0.061666666666666668239482618219
-0.030909090909090910365142335081;0.083939393939393938670612271835;0.115151515151515157486805662757;0.299090909090909073952957442089;0.023939393939393940891058321085;0.029696969696969697377619823442;0.094848484848484848619420972682;0.059090909090909089773635542997;0.057575757575757578743402831378;0.065454545454545459692852205080;0.069393939393939396698129939978;0.070909090909090907728362651596
-0.018421052631578945651957823770;0.071491228070175438791267197303;0.066666666666666665741480812812;0.553947368421052632747603183816;0.022368421052631579093450397977;0.028947368421052631359824403035;0.027192982456140352143236782467;0.013596491228070176071618391234;0.046929824561403508942358797640;0.046491228070175437403488416521;0.053508771929824561208732802697;0.050438596491228067375534038774
-0.005666666666666667073748442363;0.101333333333333330816827810850;0.064000000000000001332267629550;0.580666666666666664298190880800;0.018333333333333333425851918719;0.026333333333333333592385372413;0.030999999999999999777955395075;0.016000000000000000333066907388;0.017666666666666667323548622903;0.034666666666666665075346998037;0.062333333333333330872338962081;0.042000000000000002609024107869
-0.010606060606060606701928072937;0.121818181818181811570944717005;0.099696969696969700569511019239;0.290909090909090894960797868407;0.013333333333333334189130248149;0.062121212121212118772994870142;0.030606060606060605383538231195;0.016969696969696971416974307090;0.041515151515151511862899980088;0.084848484848484853615424583495;0.157272727272727286251807754525;0.070303030303030297765154443823
-0.004824561403508772182424646502;0.121929824561403513105695139984;0.096929824561403504779022455295;0.332894736842105243290745875129;0.008771929824561403021832006743;0.042543859649122807431442794268;0.109649122807017537772900084292;0.028947368421052631359824403035;0.025438596491228069457202209946;0.059649122807017541936236426636;0.112719298245614038544992752122;0.055701754385964911964190804383
-0.006944444444444444058950338672;0.080555555555555560798275394063;0.073888888888888892836348532001;0.489999999999999991118215802999;0.015277777777777777276635440273;0.057777777777777775125578330062;0.035833333333333335091186455656;0.033333333333333332870740406406;0.030277777777777778456247403938;0.050277777777777775403134086218;0.066944444444444445307951241375;0.058888888888888886452566140406
-0.027976190476190477413043211641;0.112202380952380956213865204063;0.112202380952380956213865204063;0.263392857142857150787307318751;0.017261904761904763028201870156;0.038988095238095238359576910625;0.050595238095238095898942276563;0.038095238095238098674499838125;0.063690476190476186246769429999;0.065178571428571432933019025313;0.152380952380952394697999352502;0.058035714285714287696826829688
-0.055000000000000000277555756156;0.090666666666666673179975077801;0.159333333333333326820024922199;0.194000000000000005773159728051;0.009333333333333334105863521302;0.022999999999999999611421941381;0.075666666666666659857298782299;0.098333333333333328152292551749;0.029999999999999998889776975375;0.095000000000000001110223024625;0.124333333333333337367143656138;0.045333333333333336589987538900
-0.022499999999999999167332731531;0.082500000000000003885780586188;0.150277777777777787893143113251;0.326944444444444426434159822747;0.010555555555555555871660722289;0.022777777777777778733803160094;0.055277777777777779844026184719;0.098333333333333328152292551749;0.040555555555555553026714221687;0.068611111111111108828986004937;0.081666666666666665186369300500;0.040000000000000000832667268469
-0.034166666666666664631257788187;0.050000000000000002775557561563;0.149444444444444435315944019749;0.300277777777777754586452374497;0.010555555555555555871660722289;0.018055555555555553859381490156;0.085277777777777771794909256187;0.133611111111111124927219862002;0.038888888888888889505679458125;0.083055555555555549140933635499;0.063611111111111104388093906437;0.033055555555555553304269977843
-0.033333333333333332870740406406;0.061851851851851852304164935958;0.125555555555555559132940857126;0.321851851851851833430373517331;0.015555555555555555108382392859;0.024444444444444445724284875610;0.059259259259259261520824679792;0.116296296296296300387673738896;0.043333333333333334813630699500;0.077777777777777779011358916250;0.069259259259259256524821068979;0.051481481481481482231910007386
-0.008518518518518519017090895318;0.043703703703703702942995334979;0.066296296296296297612116177334;0.609259259259259278174170049169;0.006296296296296296363115274630;0.027037037037037036507625131776;0.042222222222222223486642889156;0.059999999999999997779553950750;0.023703703703703702526661700745;0.042592592592592591616007524635;0.044074074074074071072359970458;0.026296296296296296779448908865
-0.027777777777777776235801354687;0.088888888888888892281237019688;0.119444444444444450303954852188;0.192777777777777770129574719249;0.019444444444444444752839729063;0.099444444444444446418174266000;0.037777777777777778178691647781;0.048333333333333332315628894094;0.077777777777777779011358916250;0.095555555555555560243163881751;0.097777777777777782897139502438;0.095000000000000001110223024625
-0.006111111111111111431071218902;0.043888888888888887007677652718;0.035000000000000003330669073875;0.461666666666666669627261399000;0.017777777777777777762358013547;0.126111111111111118265881714251;0.002777777777777777883788656865;0.003333333333333333547282562037;0.053888888888888888950567945813;0.070000000000000006661338147751;0.092777777777777778456247403938;0.086666666666666669627261399000
-0.009583333333333332593184650250;0.059583333333333335368742211813;0.039583333333333331482961625625;0.067083333333333328152292551749;0.046249999999999999444888487687;0.201666666666666660745477201999;0.004166666666666666608842550801;0.002916666666666666799662133158;0.158333333333333325931846502499;0.076249999999999998334665463062;0.151666666666666671847707448251;0.182916666666666671847707448251
-0.014444444444444443781394582516;0.168611111111111100502313320249;0.107777777777777777901135891625;0.009444444444444444544672911945;0.027500000000000000138777878078;0.115555555555555550251156660124;0.088333333333333333148296162562;0.028333333333333331899295259859;0.056666666666666663798590519718;0.075833333333333335923853724125;0.120277777777777775125578330062;0.187222222222222234311317379252
-0.040740740740740744030290443334;0.149259259259259258190155605917;0.157037037037037030540176374416;0.038888888888888889505679458125;0.015185185185185185244294281404;0.043333333333333334813630699500;0.065925925925925929482751541855;0.055555555555555552471602709375;0.092962962962962969459823625584;0.101111111111111109939209029562;0.134444444444444449748843339876;0.105555555555555555247160270937
-0.009909909909909909303538100289;0.163963963963963954562075286958;0.150900900900900913903512901015;0.202702702702702713954963087417;0.009459459459459459984564944079;0.031531531531531528655953877660;0.056306306306306307118969556313;0.024774774774774774993568726700;0.048198198198198198560771032817;0.076576576576576571575571961148;0.154054054054054062605771946437;0.071621621621621625597420290887
-0.019166666666666665186369300500;0.033611111111111112437210834969;0.033055555555555553304269977843;0.573611111111111071636514679994;0.015833333333333334674852821422;0.083888888888888887840344921187;0.021666666666666667406815349750;0.013611111111111110286153724758;0.058611111111111113824989615750;0.050555555555555554969604514781;0.057777777777777775125578330062;0.038611111111111109939209029562
-0.011581920903954802393176493069;0.112429378531073445590671155969;0.032203389830508473423709148165;0.381355932203389813572869115887;0.018079096045197740744159276005;0.109887005649717511834850824926;0.014406779661016949276031162697;0.002542372881355932021096855067;0.029096045197740113413820139954;0.061299435028248590306976240072;0.149717514124293793464914870128;0.077401129943502830488277766108
-0.034166666666666664631257788187;0.134166666666666656304585103499;0.057916666666666664908813544344;0.345833333333333325931846502499;0.014583333333333333564629796797;0.076249999999999998334665463062;0.022916666666666665047591422422;0.033750000000000002220446049250;0.050000000000000002775557561563;0.047500000000000000555111512313;0.095000000000000001110223024625;0.087916666666666670737484423626
-0.015705128205128204843532557788;0.055128205128205126639429067836;0.060897435897435896190454940324;0.472115384615384603428367427114;0.008333333333333333217685101602;0.076923076923076927347011633174;0.009294871794871794809522747016;0.027243589743589743945584302764;0.062820512820512819374130231154;0.062820512820512819374130231154;0.108012820512820517659946517597;0.040705128205128206231311338570
-0.033050847457627118008982591846;0.068644067796610169773785514735;0.058757062146892656551155909028;0.327683615819209017594459965039;0.012429378531073446978449936751;0.090395480225988700251349428072;0.009322033898305085233837452563;0.022881355932203389924595171578;0.047457627118644069019737230519;0.095762711864406782624747904720;0.169209039548022605048416266982;0.064406779661016946847418296329
-0.004464285714285714037896646289;0.192857142857142865866038050626;0.076190476190476197348999676251;0.031547619047619046561692357500;0.044642857142857143848413414844;0.114880952380952375269096421562;0.022321428571428571924206707422;0.013690476190476190410105772344;0.069642857142857145236192195625;0.076488095238095243910692033751;0.082142857142857142460634634062;0.271130952380952361391308613747
-0.004901960784313725422167706824;0.193790849673202619785072897685;0.071568627450980387694201567683;0.000000000000000000000000000000;0.074183006535947712545286947261;0.109477124183006535584894436397;0.027124183006535948492476961746;0.012745098039215686097636037744;0.071241830065359473822539371213;0.044117647058823532268956313374;0.073202614379084970930300357850;0.317647058823529393478679594409
-0.011635220125786162673198198547;0.143396226415094335537858682983;0.044025157232704399679068529849;0.000314465408805031430925641667;0.044025157232704399679068529849;0.283647798742138357308562035541;0.016666666666666666435370203203;0.003144654088050314634517068413;0.047798742138364783138548830266;0.036477987421383646637895736831;0.132704402515723268729530559540;0.236163522012578619424516546133
-0.025146198830409357410919923836;0.061695906432748540138000237221;0.042105263157894735892572413150;0.230116959064327497586077697633;0.009356725146198830583843530917;0.258187134502923965051479626709;0.008771929824561403021832006743;0.031286549707602341607870499729;0.038011695906432746427938695888;0.048538011695906435605252227106;0.167251461988304095385160508158;0.079532163742690065166840440725
-0.036666666666666666851703837438;0.136666666666666658525031152749;0.048333333333333332315628894094;0.266333333333333310832813367597;0.032333333333333331982561986706;0.079000000000000000777156117238;0.015666666666666665547191783503;0.019333333333333334314030338419;0.051666666666666666296592325125;0.059333333333333335146697606888;0.060333333333333336034876026588;0.194333333333333330150693996075
-0.018103448275862070449004903594;0.227011494252873563537420409375;0.046551724137931037306170622969;0.000000000000000000000000000000;0.062931034482758621551035105313;0.128160919540229872870540361873;0.016379310344827587714311434297;0.000574712643678160911564489766;0.060344827586206899183718377344;0.051436781609195403319745310000;0.061494252873563221006847356875;0.327011494252873569088535532501
-0.008333333333333333217685101602;0.227298850574712635319585274374;0.041091954022988506911584494219;0.000000000000000000000000000000;0.052011494252873560761862847812;0.142816091954022977850158326873;0.008620689655172413673467346484;0.000287356321839080455782244883;0.058045977011494255537460418282;0.052298850574712646421815520625;0.079885057471264370176911029375;0.329310344827586198857005683749
-0.001666666666666666773641281019;0.173055555555555545810264561624;0.066388888888888886175010384250;0.000000000000000000000000000000;0.037499999999999998612221219219;0.149722222222222228760202256126;0.007499999999999999722444243844;0.012777777777777778525636342977;0.083888888888888887840344921187;0.064722222222222222653975620688;0.103888888888888891726125507375;0.298888888888888870631888039497
-0.018128654970760233605675537660;0.133040935672514626375573243422;0.069590643274853800082091481727;0.255847953216374268681221337829;0.024269005847953217802626113553;0.081578947368421056429710347402;0.014912280701754385484059106659;0.012573099415204678705459961918;0.080409356725146194366793395147;0.076023391812865492855877391776;0.075146198830409363655924437353;0.158479532163742692363328501415
-0.021481481481481479872686080057;0.068148148148148152136727162542;0.040740740740740744030290443334;0.606296296296296333139252965339;0.017777777777777777762358013547;0.034814814814814812327092852229;0.008518518518518519017090895318;0.010370370370370370072254928573;0.028518518518518519433424529552;0.045555555555555557467606320188;0.038518518518518521376314822646;0.079259259259259265406605265980
-0.017500000000000001665334536938;0.076666666666666660745477201999;0.039444444444444441699726411343;0.533055555555555504732012650493;0.020555555555555556079827539406;0.055000000000000000277555756156;0.005000000000000000104083408559;0.015277777777777777276635440273;0.050277777777777775403134086218;0.050555555555555554969604514781;0.041944444444444443920172460594;0.094722222222222221543752596062
-0.024444444444444445724284875610;0.101111111111111109939209029562;0.056296296296296295669225884239;0.309259259259259233765249064163;0.042592592592592591616007524635;0.081481481481481488060580886668;0.014444444444444443781394582516;0.020370370370370372015145221667;0.069259259259259256524821068979;0.062592592592592588562894206916;0.061851851851851852304164935958;0.156296296296296294281447103458
-0.006321839080459770027209387422;0.146839080459770121578344515001;0.060344827586206899183718377344;0.223563218390804591129139566874;0.031609195402298853605493889063;0.112643678160919538666639994062;0.011781609195402298687072040195;0.009482758620689655040814081133;0.054597701149425290068073479688;0.066379310344827580081528139999;0.085057471264367814911544485312;0.191379310344827580081528139999
-0.005555555555555555767577313730;0.177469135802469146767634811113;0.059567901234567899315663908055;0.296604938271604945398962627223;0.013888888888888888117900677344;0.107716049382716047566610484409;0.009567901234567901744276774423;0.010185185185185186007572610833;0.026851851851851852442942814037;0.060493827160493826577969400660;0.084259259259259255969709556666;0.147839506172839502129434663402
-0.006976744186046511531085201341;0.176356589147286829666327889754;0.042248062015503878852129560073;0.291472868217054259520892856017;0.008527131782945736315770801639;0.122093023255813948324544071511;0.005038759689922480550228200968;0.006976744186046511531085201341;0.016666666666666666435370203203;0.057751937984496126698985563053;0.108139534883720925262373668829;0.157751937984496132250100686178
-0.015277777777777777276635440273;0.092222222222222219323306546812;0.034444444444444444197728216750;0.471111111111111091620529123247;0.011388888888888889366901580047;0.081944444444444444752839729063;0.005555555555555555767577313730;0.009444444444444444544672911945;0.031111111111111110216764785719;0.066111111111111106608539955687;0.067777777777777784007362527063;0.113611111111111107163651467999
-0.017333333333333332537673499019;0.190333333333333326597980317274;0.054333333333333330705805508387;0.027666666666666665796991964044;0.036333333333333335535275665507;0.188333333333333324821623477874;0.015666666666666665547191783503;0.006333333333333333176051738178;0.068666666666666667517837652213;0.054333333333333330705805508387;0.112333333333333326709002619737;0.228333333333333332593184650250
-0.010000000000000000208166817117;0.157777777777777766798905645373;0.072222222222222215437525960624;0.000000000000000000000000000000;0.035185185185185187395351391615;0.158148148148148148806058088667;0.008888888888888888881179006773;0.004074074074074073709139653943;0.082222222222222224319310157625;0.072222222222222215437525960624;0.106666666666666673513041985188;0.292592592592592570799325812914
-0.015666666666666665547191783503;0.105999999999999997002397833512;0.128000000000000002664535259100;0.121999999999999997335464740900;0.044666666666666667018237291131;0.064666666666666663965123973412;0.018666666666666668211727042603;0.021999999999999998723243521681;0.092333333333333336701009841363;0.080333333333333339920656612776;0.083333333333333328707404064062;0.222333333333333327264114132049
-0.007471264367816091850338366953;0.157758620689655182367516772501;0.064367816091954022095222853750;0.324425287356321812026749284996;0.019252873563218392272133883125;0.068678160919540223727786099062;0.028735632183908045578224488281;0.046839080459770116027229391875;0.031321839080459767945541216250;0.045114942528735629823088970625;0.062931034482758621551035105313;0.143103448275862077387898807501
-0.001149425287356321823128979531;0.254597701149425315048091533754;0.074425287356321839782324900625;0.000000000000000000000000000000;0.064655172413793107755175526563;0.126436781609195414421975556252;0.041091954022988506911584494219;0.003448275862068965469386938594;0.056034482758620690612261228125;0.031321839080459767945541216250;0.091379310344827588408200824688;0.255459770114942530394586128750
-0.008757062146892655510321823442;0.109887005649717511834850824926;0.025706214689265535072726365229;0.440960451977401135525980180319;0.029943502824858757999093583635;0.093220338983050848868927573676;0.008474576271186440648564008882;0.003672316384180791034447244314;0.042655367231638416369854382992;0.033615819209039547732498220967;0.050564971751412432499073190684;0.152542372881355942082493015732
-0.017559523809523809589894227656;0.088095238095238101450057399688;0.030059523809523810283783618047;0.595535714285714279370154144999;0.024404761904761904794947113828;0.036904761904761905488836504219;0.011607142857142857539365365938;0.012202380952380952397473556914;0.035119047619047619179788455313;0.049404761904761902713278942656;0.032142857142857139685077072500;0.066964285714285712303173170312
-0.026143790849673203408043420382;0.097058823529411766828367547078;0.121568627450980390469759129246;0.211111111111111110494320541875;0.033333333333333332870740406406;0.062418300653594771532084450882;0.026143790849673203408043420382;0.031045751633986928830211127206;0.093137254901960786490633381618;0.074836601307189540288611340202;0.079084967320261434498007702132;0.144117647058823517003389724778
-0.025000000000000001387778780781;0.129761904761904772742653335627;0.172916666666666662965923251249;0.006250000000000000346944695195;0.040178571428571431545240244532;0.057142857142857141072855853281;0.054464285714285715078730731875;0.047023809523809523280846178750;0.100000000000000005551115123126;0.076785714285714290472384391251;0.095535714285714279370154144999;0.194940476190476191797884553125
-0.059523809523809520505288617187;0.124829931972789118233002625402;0.127891156462585031672318791607;0.102380952380952378044653983125;0.024149659863945578675004099978;0.065986394557823124795703506607;0.031972789115646257918079697902;0.043877551020408162019137421339;0.074149659863945574511667757633;0.106462585034013609841530012545;0.087755102040816324038274842678;0.151020408163265312806444740090
-0.034463276836158192317771664648;0.175423728813559332007088187311;0.055932203389830507933577763424;0.108757062146892652387819566684;0.027683615819209039105031067152;0.122881355932203395475710294704;0.014406779661016949276031162697;0.028248587570621468828546696272;0.061864406779661020030491869193;0.065254237288135591432691740010;0.092372881355932204283654129995;0.212711864406779666003544093655
-0.004761904761904762334312479766;0.190079365079365070201333764999;0.046428571428571430157461463750;0.000000000000000000000000000000;0.062698412698412697707794905000;0.150793650793650785280064496874;0.012698412698412698401684295391;0.001190476190476190583578119941;0.086507936507936505909910351875;0.042063492063492066708185745938;0.060317460317460318275362141094;0.342460317460317464899333117501
-0.010169491525423728084387420267;0.199435028248587581378714617131;0.099152542372881360965841679445;0.000282485875706214699127488688;0.057909604519774011965882465347;0.125988700564971745077258447054;0.030225988700564972860851398195;0.005367231638418078903951524694;0.069774011299435029220816772977;0.059887005649717515998187167270;0.088418079096045196219044726149;0.253389830508474578341093774725
-0.080508474576271180089825918458;0.121186440677966106305163407342;0.085028248587570617877950951424;0.017514124293785311020643646884;0.056214689265536722795335577985;0.085875706214689262463224395105;0.018361581920903955605917090566;0.017796610169491525882401461445;0.137853107344632769271086658591;0.077683615819209045350035580668;0.096610169491525427210021348401;0.205367231638418079597840915085
-0.119333333333333332926251557637;0.051999999999999997613020497056;0.065333333333333326597980317274;0.325333333333333307724188898646;0.013333333333333334189130248149;0.040666666666666663465523612331;0.003333333333333333547282562037;0.040666666666666663465523612331;0.091999999999999998445687765525;0.117999999999999993782751062099;0.065333333333333326597980317274;0.064666666666666663965123973412
-0.016319444444444445446729119453;0.080208333333333339809634310313;0.046527777777777779011358916250;0.393055555555555546920487586249;0.059027777777777776235801354687;0.068750000000000005551115123126;0.011111111111111111535154627461;0.023263888888888889505679458125;0.063888888888888883954564334999;0.050000000000000002775557561563;0.035416666666666665741480812812;0.152430555555555569124948078752
-0.010457516339869280322383282567;0.143790849673202603131727528307;0.050326797385620916647219758033;0.070588235294117646079214978272;0.056209150326797387153821006223;0.148039215686274511218911698052;0.017647058823529411519803744568;0.005555555555555555767577313730;0.100326797385620919422777319596;0.077777777777777779011358916250;0.091176470588235289382872394981;0.228104575163398687331905989595
-0.031666666666666669349705642844;0.113888888888888886730121896562;0.096944444444444444197728216750;0.085555555555555551361379684749;0.047222222222222220988641083750;0.133333333333333331482961625625;0.020000000000000000416333634234;0.037777777777777778178691647781;0.090555555555555555802271783250;0.088333333333333333148296162562;0.084444444444444446973285778313;0.170277777777777777901135891625
-0.010919540229885057319725305547;0.119827586206896555265366544063;0.071551724137931038693949403751;0.254022988505747115972610572499;0.042241379310344828734713473750;0.134482758620689646367196701249;0.013793103448275861877547754375;0.013793103448275861877547754375;0.062068965517241378448964894687;0.050862068965517238938733868281;0.078448275862068969632723280938;0.147988505747126436462579590625
-0.012015503875968992081313402309;0.100000000000000005551115123126;0.088372093023255812727079216984;0.204263565891472875790668695117;0.048449612403100777990871961265;0.070930232558139530429919261678;0.034496124031007754928701558583;0.037209302325581394832454407151;0.076356589147286824115212766628;0.059689922480620154210395611472;0.068992248062015509857403117167;0.199224806201550391770993542195
-0.047712418300653591796134378455;0.126143790849673198550817687646;0.110457516339869277199881025808;0.003594771241830065165029362007;0.068300653594771235099791795164;0.067647058823529407356467402224;0.029738562091503266404668437417;0.036274509803921571593487982454;0.095424836601307183592268756911;0.066013071895424837998156419872;0.090849673202614375511210198511;0.257843137254901988431043946548
-0.003389830508474576172689429754;0.193220338983050854420042696802;0.122033898305084750890436851023;0.000000000000000000000000000000;0.048022598870056498743252859640;0.106214689265536718631999235640;0.036158192090395481488318552010;0.007344632768361582068894488629;0.068644067796610169773785514735;0.056779661016949152518851207105;0.116949152542372883378796188936;0.241242937853107353163295556442
-0.000000000000000000000000000000;0.232962962962962955026924305457;0.080740740740740737924063807895;0.000000000000000000000000000000;0.043703703703703702942995334979;0.134444444444444449748843339876;0.025925925925925925180637321432;0.002222222222222222220294751693;0.059999999999999997779553950750;0.042962962962962959745372160114;0.106296296296296291505889541895;0.270740740740740726266722049331
-0.003333333333333333547282562037;0.127916666666666678509045596002;0.072499999999999995003996389187;0.162083333333333329262515576374;0.039583333333333331482961625625;0.104999999999999996114219413812;0.011249999999999999583666365766;0.002500000000000000052041704279;0.087083333333333332038073137937;0.058749999999999996669330926125;0.076249999999999998334665463062;0.253749999999999975575093458247
-0.002564102564102564100340098108;0.094871794871794867809455809038;0.014423076923076923877564681220;0.492628205128205154395004683465;0.008974358974358973700669039886;0.128205128205128193741302311537;0.001923076923076923183675290829;0.000961538461538461591837645415;0.021474358974358974394558430276;0.036538461538461540489830525757;0.094230769230769229061195346731;0.103205128205128199292417434663
-0.007371794871794871625847456187;0.198076923076923067101873243701;0.050000000000000002775557561563;0.000000000000000000000000000000;0.041025641025641025605441569724;0.205769230769230759836574407018;0.013782051282051281659857266959;0.001923076923076923183675290829;0.058012820512820514884388956034;0.041346153846153844979571800877;0.135897435897435886476003474854;0.246794871794871806258697688463
-0.037777777777777778178691647781;0.162592592592592594114009330042;0.107777777777777777901135891625;0.000370370370370370351979089074;0.074444444444444438091501581312;0.098148148148148151026504137917;0.032222222222222221543752596062;0.007037037037037036958653235530;0.094074074074074073847917532021;0.067777777777777784007362527063;0.115185185185185182121792024645;0.202592592592592601885570502418
-0.002941176470588235253300624095;0.213725490196078421467618113638;0.105392156862745098311329172702;0.000000000000000000000000000000;0.034313725490196081424620899725;0.127941176470588224844959768234;0.025000000000000001387778780781;0.005882352941176470506601248189;0.067647058823529407356467402224;0.079411764705882348369669898602;0.115196078431372542216770682444;0.222549019607843123758073033969
-0.011818181818181817954727108599;0.059696969696969699736843750770;0.056363636363636365755880319739;0.470606060606060583317855616770;0.028484848484848484390097311802;0.071212121212121212709966755483;0.014545454545454545441929283811;0.009090909090909090467524933388;0.062424242424242423754598974028;0.060909090909090905785472358502;0.073636363636363638685011778762;0.081212121212121207713963144670
-0.007333333333333333196868419890;0.159000000000000002442490654175;0.048000000000000000999200722163;0.026666666666666668378260496297;0.065000000000000002220446049250;0.160666666666666679841313225552;0.013333333333333334189130248149;0.007333333333333333196868419890;0.066666666666666665741480812812;0.051666666666666666296592325125;0.081666666666666665186369300500;0.312666666666666648310979326197
-0.027987421383647799466576344685;0.069811320754716979508636143237;0.079874213836477983563533200595;0.319182389937106902877417269337;0.033018867924528301494024873364;0.053459119496855347919428425030;0.035534591194968552507749137703;0.089937106918238987618430257953;0.063522012578616351974325482388;0.087735849056603767981421526656;0.049685534591194971398842028520;0.090251572327044018995145790996
-0.006111111111111111431071218902;0.059999999999999997779553950750;0.043611111111111114380101128063;0.565833333333333299286493911495;0.035555555555555555524716027094;0.052222222222222225429533182250;0.022499999999999999167332731531;0.008611111111111111049432054187;0.055000000000000000277555756156;0.043611111111111114380101128063;0.036111111111111107718762980312;0.070833333333333331482961625625
-0.011111111111111111535154627461;0.136111111111111099392090295623;0.153611111111111114935212640376;0.199722222222222217657972009874;0.017500000000000001665334536938;0.067500000000000004440892098501;0.035000000000000003330669073875;0.033888888888888892003681263532;0.046944444444444441422170655187;0.083888888888888887840344921187;0.107777777777777777901135891625;0.106944444444444439201724605937
-0.005833333333333333599324266316;0.137500000000000011102230246252;0.118333333333333332038073137937;0.000416666666666666693410320255;0.065416666666666664631257788187;0.121249999999999996669330926125;0.014166666666666665949647629930;0.040833333333333332593184650250;0.111250000000000001665334536938;0.074999999999999997224442438437;0.082500000000000003885780586188;0.227500000000000007771561172376
-0.001818181818181818180241160476;0.109696969696969695573507408426;0.029696969696969697377619823442;0.277575757575757586792519759911;0.086666666666666669627261399000;0.097878787878787884557674203734;0.005151515151515151727523722514;0.009393939393939393714405561298;0.103636363636363637574788754137;0.049696969696969697793953457676;0.036666666666666666851703837438;0.192121212121212109336099160828
-0.001960784313725490168867082730;0.145751633986928114117276322759;0.026470588235294117279705616852;0.333333333333333314829616256247;0.025163398692810458323609879017;0.132352941176470589867975036213;0.003921568627450980337734165460;0.000653594771241830020148955160;0.044117647058823532268956313374;0.068300653594771235099791795164;0.087581699346405222916800425992;0.130392156862745106638001857391
-0.004814814814814815172039352831;0.181851851851851847863272837458;0.037037037037037034981068472916;0.218888888888888882844341310374;0.017777777777777777762358013547;0.155555555555555558022717832500;0.008148148148148147418279307885;0.003333333333333333547282562037;0.030370370370370370488588562807;0.053703703703703704885885628073;0.108888888888888882289229798062;0.179629629629629639087085024585
-0.015555555555555555108382392859;0.085555555555555551361379684749;0.049629629629629627707299022177;0.564444444444444415331929576496;0.011481481481481481399242738917;0.045185185185185182399347780802;0.018148148148148149361169600979;0.014814814814814815380206169948;0.028148148148148147834612942120;0.044444444444444446140618509844;0.062962962962962956692258842395;0.059629629629629629650189315271
-0.049652777777777774848022573906;0.147222222222222226539756206876;0.128819444444444430875051921248;0.058680555555555555247160270937;0.018402777777777778317469525859;0.073263888888888892281237019688;0.069444444444444447528397290625;0.112152777777777781786916477813;0.051041666666666665741480812812;0.052430555555555556634939051719;0.081597222222222223764198645313;0.157291666666666662965923251249
-0.001190476190476190583578119941;0.229365079365079355122603033124;0.109126984126984127865256368750;0.000000000000000000000000000000;0.038095238095238098674499838125;0.109126984126984127865256368750;0.030952380952380953438307642500;0.003174603174603174600421073848;0.062301587301587302292205095000;0.038888888888888889505679458125;0.092063492063492069483743307501;0.285714285714285698425385362498
-0.005864197530864197899225231936;0.162654320987654310570746929443;0.064506172839506173422030599340;0.094444444444444441977282167500;0.056481481481481479733908201979;0.148456790123456777719113119929;0.024691358024691356654045648611;0.006172839506172839163511412153;0.074999999999999997224442438437;0.045061728395061728669190870278;0.092901234567901239125298218369;0.223765432098765426616182594444
-0.008139534883720930119599401564;0.125968992248062017225151976163;0.050000000000000002775557561563;0.320542635658914720764300909650;0.033333333333333332870740406406;0.098837209302325576554260067041;0.009689922480620154904285001862;0.009302325581395348708113601788;0.057364341085271317033367211025;0.085658914728682172823326368416;0.090697674418604656843001521338;0.110465116279069769378295973183
-0.019753086419753086017125909279;0.221296296296296296501893152708;0.093827160493827166387603710973;0.000000000000000000000000000000;0.051851851851851850361274642864;0.095679012345679007034426888367;0.022222222222222223070309254922;0.002160493827160493620492820455;0.060802469135802471311702532830;0.044753086419753083935457738107;0.079012345679012344068503637118;0.308641975308641958175570607636
-0.009756097560975609747635495239;0.131707317073170737664611351647;0.117479674796747965426213511364;0.002439024390243902436908873810;0.052032520325203251987389307942;0.094308943089430899431313548575;0.023170731707317072933793866696;0.006504065040650406498423663493;0.104471544715447159368260088286;0.076016260162601628769252215534;0.091463414634146339432518857393;0.290650406504065039747786158841
-0.026023391812865497019213734120;0.200292397660818716209618628454;0.045029239766081870233183082064;0.098538011695906438380809788669;0.014912280701754385484059106659;0.156432748538011701100458594738;0.009064327485380116802837768830;0.037719298245614034381656409778;0.045906432748538013310923844301;0.065789473684210522663740050575;0.112865497076023391098686943224;0.187426900584795330662046808357
-0.039766081871345032583420220362;0.139473684210526305271571345656;0.078070175438596497996535106267;0.108187134502923970602594749835;0.040935672514619880768549364802;0.084795321637426895877709398519;0.029532163742690058921835927208;0.045029239766081870233183082064;0.079532163742690065166840440725;0.078947368421052627196488060690;0.076023391812865492855877391776;0.199707602339181278239266248420
-0.007777777777777777554191196430;0.131851851851851858965503083709;0.051851851851851850361274642864;0.268888888888888899497686679751;0.036666666666666666851703837438;0.084814814814814815102650413792;0.014444444444444443781394582516;0.008518518518518519017090895318;0.055925925925925927539861248761;0.053333333333333336756520992594;0.053703703703703704885885628073;0.232222222222222218768195034500
-0.009821428571428571230317317031;0.109523809523809523280846178750;0.069642857142857145236192195625;0.266369047619047616404230893750;0.049404761904761902713278942656;0.066071428571428572618096097813;0.014880952380952380126322154297;0.006845238095238095205052886172;0.098511904761904758864865527812;0.060416666666666667129259593594;0.060416666666666667129259593594;0.188095238095238093123384715000
-0.009887005649717514957353081684;0.141242937853107347612180433316;0.112994350282485875314186785090;0.000282485875706214699127488688;0.070903954802259888667848031218;0.088135593220338981357286911589;0.019209039548022600191190534247;0.005932203389830508627467153815;0.121468926553672321166921221902;0.085875706214689262463224395105;0.089548022598870055666075984391;0.254519774011299437788125032966
-0.014583333333333333564629796797;0.098333333333333328152292551749;0.085000000000000006106226635438;0.300416666666666665186369300500;0.016250000000000000555111512313;0.071249999999999993893773364562;0.007083333333333332974823814965;0.017083333333333332315628894094;0.060833333333333336478965236438;0.077083333333333337034076748751;0.094166666666666662410811738937;0.157916666666666677398822571377
-0.021428571428571428769682682969;0.079761904761904756089307966249;0.041071428571428571230317317031;0.550892857142857184093998057506;0.022023809523809525362514349922;0.040773809523809524668624959531;0.007738095238095238359576910625;0.025297619047619047949471138281;0.037202380952380952050528861719;0.044047619047619050725028699844;0.035416666666666665741480812812;0.094345238095238093123384715000
-0.024113475177304964647273521905;0.063475177304964533475661880857;0.037234042553191487590069641556;0.318085106382978710648501419200;0.056028368794326238733205514109;0.131205673758865243305749004321;0.005673758865248227332978014914;0.018085106382978721750731665452;0.050354609929078017471759665113;0.035815602836879435744155131260;0.073049645390070916395330868909;0.186879432624113467342752414879
-0.000892857142857142829263372708;0.197619047619047610853115770624;0.035416666666666665741480812812;0.000000000000000000000000000000;0.047619047619047616404230893750;0.156845238095238093123384715000;0.005654761904761904621474766230;0.000000000000000000000000000000;0.064583333333333339809634310313;0.047023809523809523280846178750;0.080654761904761909652172846563;0.363690476190476175144539183748
-0.005952380952380952050528861719;0.144047619047619035459462111248;0.071031746031746029190756530625;0.000000000000000000000000000000;0.060317460317460318275362141094;0.157142857142857139685077072500;0.019047619047619049337249919063;0.009523809523809524668624959531;0.084523809523809528831961301876;0.064682539682539688663531762813;0.073412698412698415562083198438;0.310317460317460325214256045001
-0.015476190476190476719153821250;0.158333333333333325931846502499;0.240079365079365086854679134376;0.000793650793650793650105268462;0.012698412698412698401684295391;0.043650793650793648370544985937;0.071428571428571424606346340624;0.029365079365079364837054498594;0.053571428571428568454759755468;0.095634920634920628224051597499;0.106349206349206346078339890937;0.172619047619047616404230893750
-0.000740740740740740703958178148;0.250370370370370354251576827664;0.112222222222222223209087133000;0.000000000000000000000000000000;0.025925925925925925180637321432;0.118518518518518523041649359584;0.038148148148148146308056283260;0.005185185185185185036127464286;0.056296296296296295669225884239;0.048148148148148148250946576354;0.111481481481481486950357862042;0.232962962962962955026924305457
-0.027298850574712645034036739844;0.164655172413793099428502841874;0.056034482758620690612261228125;0.000287356321839080455782244883;0.055747126436781611891202459219;0.143390804597701149170063672500;0.034482758620689654693869385937;0.043678160919540229278901222187;0.092816091954022988952388573125;0.045689655172413794204100412344;0.083908045977011500027309409688;0.252011494252873557986305286249
-0.017777777777777777762358013547;0.188611111111111118265881714251;0.058055555555555554692048758625;0.000000000000000000000000000000;0.063055555555555559132940857126;0.170277777777777777901135891625;0.020555555555555556079827539406;0.002777777777777777883788656865;0.082777777777777783452251014751;0.037499999999999998612221219219;0.096666666666666664631257788187;0.261944444444444424213713773497
-0.000000000000000000000000000000;0.256547619047619024357231864997;0.040476190476190478106932602032;0.000000000000000000000000000000;0.040178571428571431545240244532;0.184226190476190487821384067502;0.016964285714285712997062560703;0.001190476190476190583578119941;0.051785714285714289084605610469;0.050595238095238095898942276563;0.104166666666666671292595935938;0.253869047619047605302000647498
-0.005185185185185185036127464286;0.242592592592592581901556059165;0.088888888888888892281237019688;0.000000000000000000000000000000;0.062592592592592588562894206916;0.127407407407407413657551842334;0.040000000000000000832667268469;0.004074074074074073709139653943;0.056296296296296295669225884239;0.046296296296296293726335591145;0.082592592592592592448674793104;0.244074074074074082174590216709
-0.011764705882352941013202496379;0.150653594771241822192209269815;0.117647058823529410132024963787;0.045098039215686273883942902785;0.082026143790849673220755278180;0.068954248366013076720903995920;0.042483660130718955971751427114;0.016013071895424835222598858309;0.092810457516339872618971185148;0.058823529411764705066012481893;0.069934640522875818335890585331;0.243790849673202608682842651433
-0.005059523809523809763366575254;0.154761904761904767191538212501;0.088392857142857148011749757188;0.048809523809523809589894227656;0.062500000000000000000000000000;0.106249999999999997224442438437;0.018452380952380952744418252109;0.001785714285714285658526745415;0.093452380952380953438307642500;0.068154761904761898549942600312;0.087499999999999994448884876874;0.264880952380952383595769106250
-0.006609195402298850482991632305;0.161206896551724127020221999373;0.103735632183908049741560830626;0.001724137931034482734693469297;0.046839080459770116027229391875;0.140517241379310348081688175625;0.026149425287356323210907760313;0.013505747126436781421765509492;0.074137931034482754122372227812;0.075862068965517240326512649062;0.108908045977011494476194286563;0.240804597701149425414968163750
-0.006159420289855072755402787266;0.180072463768115947901904405626;0.086231884057971011636745117812;0.003260869565217391127104340498;0.048550724637681161310887034688;0.158695652173913043236908038125;0.032971014492753622504572774687;0.005434782608695652023067523828;0.068115942028985507206151339687;0.067028985507246383046542348438;0.083695652173913046012465599688;0.259782608695652172947632152500
-0.014236111111111110841265237070;0.137847222222222232090871330001;0.037499999999999998612221219219;0.201388888888888895056794581251;0.034722222222222223764198645313;0.142013888888888883954564334999;0.010069444444444445099784424258;0.012847222222222221682530474141;0.058333333333333334258519187188;0.068402777777777784562474039376;0.085416666666666668517038374375;0.197222222222222215437525960624
-0.022499999999999999167332731531;0.102083333333333331482961625625;0.031250000000000000000000000000;0.378749999999999975575093458247;0.033333333333333332870740406406;0.102499999999999993893773364562;0.002083333333333333304421275400;0.009166666666666666712925959359;0.057083333333333333148296162562;0.067083333333333328152292551749;0.054166666666666668517038374375;0.140000000000000013322676295502
-0.044736842105263158186900795954;0.101169590643274853736244267566;0.155847953216374263130106214703;0.035087719298245612087328026973;0.012573099415204678705459961918;0.043274853801169591016595461497;0.011403508771929825316160389548;0.030409356725146198530129737492;0.130994152046783635112703336745;0.161695906432748531811327552532;0.109649122807017537772900084292;0.163157894736842112859420694804
-0.002631578947368420993285775822;0.328508771929824583413193295200;0.070175438596491224174656053947;0.000000000000000000000000000000;0.027192982456140352143236782467;0.112280701754385967006122371004;0.014473684210526315679912201517;0.000000000000000000000000000000;0.040350877192982456675984792582;0.042543859649122807431442794268;0.106578947368421050878595224276;0.255263157894736858466444573423
-0.000877192982456140367235331023;0.189912280701754393463787096152;0.024561403508771929848908399663;0.000000000000000000000000000000;0.039473684210526313598244030345;0.235526315789473694728428654344;0.003070175438596491231113549958;0.000000000000000000000000000000;0.056578947368421055041931566620;0.045175438596491229725771177073;0.098245614035087719395633598651;0.306578947368421061980825470528
-0.008169934640522876281854003366;0.072222222222222215437525960624;0.034640522875816995296283096195;0.524836601307189565268629394268;0.014705882352941176266503120473;0.071895424836601301565863764154;0.003921568627450980337734165460;0.010784313725490195928768955014;0.039542483660130717249003851066;0.061764705882352943788760057942;0.061111111111111109106541761093;0.096405228758169939085043154137
-0.012698412698412698401684295391;0.090873015873015869359186069687;0.141666666666666662965923251249;0.192857142857142865866038050626;0.053174603174603173039169945469;0.056349206349206350241676233281;0.047222222222222220988641083750;0.053968253968253970809243469375;0.074603174603174601808852628437;0.053968253968253970809243469375;0.076984126984126988180179296251;0.145634920634920644877396966876
-0.005673758865248227332978014914;0.261702127659574457219093801541;0.125886524822695022862717451062;0.018085106382978721750731665452;0.020921985815602835850901541903;0.114184397163120565643623649521;0.073758865248226945787735076010;0.013475177304964539373721699178;0.051773049645390069317674175409;0.051063829787234039925269968307;0.107092198581560285597369386323;0.156382978723404258980522740785
-0.021428571428571428769682682969;0.187500000000000000000000000000;0.124702380952380953438307642500;0.069345238095238098674499838125;0.033035714285714286309048048906;0.099107142857142851988250242812;0.040178571428571431545240244532;0.019047619047619049337249919063;0.057142857142857141072855853281;0.070238095238095238359576910625;0.099404761904761898549942600312;0.178869047619047621955346016875
-0.020740740740740740144509857146;0.151481481481481494721919034419;0.111111111111111104943205418749;0.093703703703703705718552896542;0.037037037037037034981068472916;0.117037037037037036646403009854;0.031481481481481478346129421197;0.024074074074074074125473288177;0.067037037037037033870845448291;0.071851851851851847308161325145;0.097777777777777782897139502438;0.176666666666666666296592325125
-0.008796296296296296848837847904;0.141203703703703692395876601040;0.044444444444444446140618509844;0.078703703703703706273664408855;0.029629629629629630760412339896;0.262962962962962953916701280832;0.013888888888888888117900677344;0.007870370370370369586532355299;0.062500000000000000000000000000;0.054629629629629632148191120677;0.146296296296296285399662906457;0.149074074074074081064367192084
-0.005263157894736841986571551644;0.182894736842105276597436613883;0.058771929824561405797389568306;0.000438596491228070183617665512;0.070614035087719295713526435065;0.182456140350877205058566232765;0.036842105263157891303915647541;0.006140350877192982462227099916;0.109649122807017537772900084292;0.038596491228070177459397172015;0.095175438596491232501328738635;0.213157894736842101757190448552
-0.012083333333333333078907223523;0.167083333333333333703407674875;0.115833333333333329817627088687;0.000000000000000000000000000000;0.060416666666666667129259593594;0.105833333333333334813630699500;0.066666666666666665741480812812;0.020416666666666666296592325125;0.084166666666666667406815349750;0.067083333333333328152292551749;0.112500000000000002775557561563;0.187916666666666676288599546751
-0.027642276422764226750938831856;0.113821138211382108518243683193;0.113008130081300811609068546204;0.059756097560975607319022628872;0.079674796747967485677222043705;0.103252032520325207065603478895;0.046747967479674794322175301886;0.042276422764227640505030336726;0.111382113821138217790718272227;0.079268292682926830283740571303;0.090243902439024387129862248003;0.132926829268292689967267961038
-0.015656565656565656768917094155;0.087878787878787875675890006733;0.080303030303030306646938640824;0.202525252525252524860022163011;0.045959595959595957170851221463;0.131818181818181806574941106192;0.019696969696969695434729530348;0.028282828282828284538474861165;0.079292929292929290041591627869;0.093939393939393933674608661022;0.147979797979797988993766466592;0.066666666666666665741480812812
-0.015811965811965811301575968173;0.057264957264957262739191179435;0.046581196581196582240380621442;0.427777777777777756806898423747;0.032905982905982907038566764868;0.084615384615384620081712796491;0.006410256410256410034009810772;0.007692307692307692734701163317;0.067521367521367517405828095889;0.081623931623931625378709497909;0.106837606837606832743681195552;0.064957264957264962412786246659
-0.008333333333333333217685101602;0.085833333333333330927850113312;0.062083333333333330650294357156;0.382500000000000006661338147751;0.040416666666666663243479007406;0.085833333333333330927850113312;0.019583333333333334536074943344;0.028750000000000001249000902703;0.071249999999999993893773364562;0.035833333333333335091186455656;0.065416666666666664631257788187;0.114166666666666666296592325125
-0.023983739837398373312415955638;0.101626016260162599369465397103;0.075609756097560973375770743132;0.374390243902439023848671695305;0.030894308943089431734874139579;0.057723577235772358107190882492;0.044715447154471545110343555507;0.039430894308943087445129549451;0.050406504065040651230145130057;0.049593495934959347382076089161;0.079268292682926830283740571303;0.072357723577235771861282387363
-0.011403508771929825316160389548;0.142982456140350877582534394605;0.083771929824561400246274445180;0.242105263157894740055908755494;0.031578947368421053654152785839;0.109210526315789480111817510988;0.026315789473684209065496020230;0.006578947368421052266374005058;0.060087719298245613475106807755;0.041666666666666664353702032031;0.091228070175438602529283116382;0.153070175438596495220977544705
-0.014166666666666665949647629930;0.150833333333333347026083970377;0.070000000000000006661338147751;0.191250000000000003330669073875;0.032916666666666663521034763562;0.115416666666666667406815349750;0.027083333333333334258519187188;0.042916666666666665463925056656;0.057083333333333333148296162562;0.053749999999999999167332731531;0.085833333333333330927850113312;0.158750000000000002220446049250
-0.039393939393939390869459060696;0.057575757575757578743402831378;0.043939393939393937837945003366;0.360606060606060596640531912271;0.014141414141414142269237430583;0.131313131313131326027843215343;0.008585858585858585634298378864;0.085353535353535348040310282158;0.032323232323232323204287297358;0.066161616161616157438807306335;0.089393939393939400583910526166;0.071212121212121212709966755483
-0.044814814814814814269983145323;0.083333333333333328707404064062;0.070370370370370374790702783230;0.153703703703703703498106847292;0.027037037037037036507625131776;0.140370370370370367574253123166;0.011481481481481481399242738917;0.051111111111111114102545371907;0.087407407407407405885990669958;0.094814814814814810106646802979;0.121111111111111113824989615750;0.114444444444444445863062753688
-0.037588652482269502286271745106;0.086170212765957446277020892467;0.072340425531914887002926661808;0.206028368794326233182090390983;0.032978723404255318174538302856;0.096808510638297873285296191170;0.014893617021276596423806637404;0.026241134751773049355039191255;0.109574468085106388470784111178;0.107092198581560285597369386323;0.098581560283687946766306708923;0.111702127659574462770208924667
-0.020408163265306120820463675614;0.068027210884353747633035425224;0.048979591836734691356891602254;0.393197278911564640502263046073;0.039795918367346937161155295826;0.089795918367346932997818953481;0.018367346938775511860919564811;0.019047619047619049337249919063;0.076190476190476197348999676251;0.068367346938775511167030174420;0.063265306122448974890382089598;0.094557823129251705740472289108
-0.026470588235294117279705616852;0.085620915032679739686827247169;0.044771241830065360012280706314;0.382026143790849648240737224114;0.043790849673202611458400212996;0.080065359477124176112994291543;0.015686274509803921350936661838;0.010457516339869280322383282567;0.066013071895424837998156419872;0.053267973856209148431073430174;0.069934640522875818335890585331;0.121895424836601304341421325717
-0.014102564102564102768710974090;0.081623931623931625378709497909;0.037179487179487179238090988065;0.449572649572649585270056604713;0.027777777777777776235801354687;0.076068376068376061804876542283;0.009829059829059828834463274916;0.010256410256410256401360392431;0.058119658119658121342432366419;0.050854700854700854439904844639;0.083333333333333328707404064062;0.101282051282051283047636047741
-0.032196969696969696128618920739;0.126515151515151524908020519433;0.106060606060606063549833777415;0.005303030303030303350964036468;0.043939393939393937837945003366;0.113257575757575751351780013465;0.040151515151515153323469320412;0.028409090909090908144696285831;0.129545454545454546968485942671;0.102651515151515146384575416505;0.118939393939393942001281345711;0.153030303030303016509350300112
-0.010810810810810811410931364662;0.147297297297297291596152035709;0.074774774774774774299679336309;0.119819819819819817219297419797;0.092342342342342342842442803885;0.109909909909909911385206271461;0.044144144144144144281671771068;0.013063063063063063209967573641;0.087837837837837842713817337881;0.086036036036036031560136905227;0.077027027027027031302885973219;0.136936936936936926034746875303
-0.016666666666666666435370203203;0.079259259259259265406605265980;0.067777777777777784007362527063;0.401851851851851848973495862083;0.039629629629629632703302632990;0.084814814814814815102650413792;0.033703703703703701000105041885;0.015925925925925926707193980292;0.073703703703703701832772310354;0.041851851851851848418384349770;0.065185185185185179346234463083;0.079629629629629633535969901459
-0.007456140350877192742029553330;0.058333333333333334258519187188;0.045614035087719301264641558191;0.507017543859649144621926097898;0.017982456140350877582534394605;0.096052631578947361701281693058;0.018859649122807017190828204889;0.017982456140350877582534394605;0.038157894736842105920526790896;0.060087719298245613475106807755;0.091228070175438602529283116382;0.041228070175438599753725554820
-0.031531531531531528655953877660;0.055855855855855854330549448150;0.026576576576576575738908303492;0.500450450450450445849526204256;0.016216216216216217116397046993;0.134684684684684696787115854022;0.007207207207207207318166997112;0.003153153153153153039067735364;0.031981981981981981444373985823;0.050000000000000002775557561563;0.089639639639639639989709962720;0.052702702702702705628290402728
-0.051754385964912281992145182130;0.075438596491228068763312819556;0.032894736842105261331870025288;0.485526315789473694728428654344;0.020175438596491228337992396291;0.080701754385964913351969585165;0.017543859649122806043664013487;0.005263157894736841986571551644;0.045175438596491229725771177073;0.046929824561403508942358797640;0.056140350877192983503061185502;0.082456140350877199507451109639
-0.012797619047619047255581747891;0.112500000000000002775557561563;0.066666666666666665741480812812;0.142857142857142849212692681249;0.048214285714285716466509512657;0.158035714285714279370154144999;0.027976190476190477413043211641;0.014285714285714285268213963320;0.097023809523809526056403740313;0.062202380952380953438307642500;0.109523809523809523280846178750;0.147916666666666668517038374375
-0.014285714285714285268213963320;0.089682539682539683112416639688;0.063095238095238093123384715000;0.349206349206349186964359887497;0.036111111111111107718762980312;0.091269841269841264774775879687;0.023809523809523808202115446875;0.030952380952380953438307642500;0.073015873015873020146493388438;0.076984126984126988180179296251;0.082936507936507933291814254062;0.068650793650793656697217670626
-0.010416666666666666088425508008;0.209375000000000005551115123126;0.108854166666666668517038374375;0.018749999999999999306110609609;0.053124999999999998612221219219;0.099479166666666660190365689687;0.167187499999999988897769753748;0.015104166666666666782314898398;0.059895833333333335646297967969;0.050520833333333334258519187188;0.086458333333333331482961625625;0.120833333333333334258519187188
-0.013605442176870747791883609068;0.087074829931972783092497536472;0.077210884353741501828771731653;0.369047619047619068766152850003;0.041836734693877553059593310536;0.058843537414965986498405214888;0.068707482993197274701024923615;0.044557823129251702964914727545;0.064285714285714279370154144999;0.046598639455782311924458838348;0.046598639455782311924458838348;0.081632653061224483281854702454
-0.017521367521367521569164438233;0.091025641025641021442105227379;0.112393162393162396317514151178;0.205128205128205121088313944711;0.023076923076923078204103489952;0.112393162393162396317514151178;0.054273504273504274975081784760;0.067521367521367517405828095889;0.068803418803418808780136828318;0.052136752136752138875319673161;0.095726495726495733351590899929;0.100000000000000005551115123126
-0.014285714285714285268213963320;0.126666666666666677398822571377;0.117619047619047623065569041501;0.131428571428571422385900291374;0.039047619047619046284136601344;0.101904761904761900770388649562;0.055714285714285716188953756500;0.047619047619047616404230893750;0.094285714285714292137718928188;0.067619047619047620290011479938;0.102380952380952378044653983125;0.101428571428571423496123315999
-0.012592592592592592726230549260;0.087777777777777774015355305437;0.028888888888888887562789165031;0.251851851851851826769035369580;0.035925925925925923654080662573;0.211111111111111110494320541875;0.016296296296296294836558615771;0.002962962962962962815832712593;0.069629629629629624654185704458;0.065925925925925929482751541855;0.122962962962962968349600600959;0.094074074074074073847917532021
-0.027777777777777776235801354687;0.102962962962962964463820014771;0.070000000000000006661338147751;0.291851851851851862296172157585;0.024074074074074074125473288177;0.136296296296296304273454325084;0.053333333333333336756520992594;0.025925925925925925180637321432;0.040740740740740744030290443334;0.056666666666666663798590519718;0.111481481481481486950357862042;0.058888888888888886452566140406
-0.034583333333333333980963431031;0.117083333333333330927850113312;0.086666666666666669627261399000;0.148333333333333344805637921127;0.022499999999999999167332731531;0.159583333333333327042069527124;0.050833333333333334536074943344;0.087499999999999994448884876874;0.035833333333333335091186455656;0.049166666666666664076146275875;0.102083333333333331482961625625;0.105833333333333334813630699500
-0.023703703703703702526661700745;0.081481481481481488060580886668;0.086296296296296301497896763522;0.022592592592592591199673890401;0.021851851851851851471497667490;0.056296296296296295669225884239;0.034074074074074076068363581271;0.447777777777777774570466817750;0.041111111111111112159655078813;0.041481481481481480289019714291;0.075925925925925924486747931041;0.067407407407407402000210083770
-0.067730496453900709830087123464;0.080141843971631210319372939921;0.098581560283687946766306708923;0.058865248226950356302822342514;0.033687943262411347566942509957;0.052836879432624113406280486060;0.035106382978723406351750924159;0.175531914893617024819860716889;0.095035460992907799804285673417;0.123404255319148933867090534022;0.063475177304964533475661880857;0.115602836879432624428432063723
-0.027500000000000000138777878078;0.085416666666666668517038374375;0.077083333333333337034076748751;0.280833333333333323711400453249;0.034166666666666664631257788187;0.077916666666666661855700226624;0.053749999999999999167332731531;0.069166666666666667961926862063;0.065416666666666664631257788187;0.067916666666666666851703837438;0.063333333333333338699411285688;0.097500000000000003330669073875
-0.035964912280701755165068789211;0.107017543859649122417465605395;0.096052631578947361701281693058;0.137719298245614046871665436811;0.047807017543859652020099559877;0.111403508771929823928381608766;0.060087719298245613475106807755;0.053508771929824561208732802697;0.087719298245614030218320067434;0.057456140350877191180778424950;0.081140350877192984890839966283;0.124122807017543856922259237763
-0.018181818181818180935049866775;0.094949494949494950279955673977;0.070707070707070704407293249005;0.396464646464646464085745947159;0.024747474747474747236442027543;0.065656565656565663013921607671;0.036363636363636361870099733551;0.044949494949494947504398112414;0.050505050505050504139337164133;0.056060606060606060774276215852;0.062626262626262627075668376619;0.078787878787878781738918121391
-0.004545454545454545233762466694;0.162500000000000005551115123126;0.039393939393939390869459060696;0.348863636363636375747887541365;0.022348484848484850145977631541;0.104924242424242419868818387840;0.018181818181818180935049866775;0.007196969696969697342925353922;0.044696969696969700291955263083;0.037499999999999998612221219219;0.093181818181818185098386209120;0.116666666666666668517038374375
-0.007017543859649122937882648188;0.246491228070175427689036951051;0.090350877192982459451542354145;0.005263157894736841986571551644;0.035964912280701755165068789211;0.146052631578947378354627062436;0.041666666666666664353702032031;0.015350877192982455288206011801;0.055263157894736840425320423265;0.050000000000000002775557561563;0.110964912280701752389511227648;0.195614035087719295713526435065
-0.020000000000000000416333634234;0.149629629629629640197308049210;0.077777777777777779011358916250;0.128888888888888886175010384250;0.056666666666666663798590519718;0.136296296296296304273454325084;0.041851851851851848418384349770;0.013703703703703704053218359604;0.074444444444444438091501581312;0.062592592592592588562894206916;0.100000000000000005551115123126;0.138148148148148158798065310293
-0.031851851851851853414387960584;0.072222222222222215437525960624;0.051851851851851850361274642864;0.446296296296296302053008275834;0.021481481481481479872686080057;0.054814814814814816212873438417;0.041481481481481480289019714291;0.091481481481481483064577275854;0.048518518518518516380311211833;0.036666666666666666851703837438;0.038888888888888889505679458125;0.064444444444444443087505192125
-0.042592592592592591616007524635;0.137037037037037040532183596042;0.084722222222222226539756206876;0.156481481481481471407235517290;0.064814814814814811216869827604;0.078703703703703706273664408855;0.053703703703703704885885628073;0.012962962962962962590318660716;0.072222222222222215437525960624;0.038425925925925925874526711823;0.092129629629629630760412339896;0.166203703703703714600337093543
-0.016228070175438594896499822084;0.135526315789473689177313531218;0.088157894736842101757190448552;0.262719298245614019116089821182;0.045175438596491229725771177073;0.066666666666666665741480812812;0.041666666666666664353702032031;0.018859649122807017190828204889;0.052192982456140353531015563249;0.050877192982456138914404419893;0.069298245614035081096915291710;0.152631578947368423682107163586
-0.011111111111111111535154627461;0.155952380952380953438307642500;0.092063492063492069483743307501;0.060714285714285713690951951094;0.062698412698412697707794905000;0.149603174603174599033295066874;0.047619047619047616404230893750;0.013095238095238095551997581367;0.077380952380952383595769106250;0.048015873015873018758714607657;0.115476190476190482270268944376;0.166269841269841261999218318124
-0.013963963963963963582637362038;0.204504504504504497353067904442;0.099099099099099099974274906799;0.000450450450450450457385437320;0.062162162162162165612855346808;0.127477477477477479927969739038;0.087387387387387382986503325810;0.010810810810810811410931364662;0.081081081081081085581985234967;0.034684684684684684297106826989;0.093693693693693694268809224468;0.184684684684684685684885607770
-0.040229885057471263809514283594;0.156321839080459767945541216250;0.109770114942528737578264497188;0.051724137931034482040804078906;0.039367816091954020707444072968;0.127586206896551729306210631876;0.032471264367816089768670195781;0.042816091954022986176831011562;0.066954022988505751401433485626;0.074999999999999997224442438437;0.091091954022988502748248151875;0.166666666666666657414808128124
-0.022023809523809525362514349922;0.172321428571428569842538536250;0.135416666666666657414808128124;0.000892857142857142829263372708;0.053869047619047621955346016875;0.102976190476190471168038698124;0.075595238095238090347827153437;0.043749999999999997224442438437;0.075892857142857136909519510937;0.044047619047619050725028699844;0.082738095238095235584019349062;0.190476190476190465616923574999
-0.016176470588235295627876908497;0.199019607843137241731668041211;0.100490196078431376358608417831;0.010294117647058823386552184331;0.084313725490196084200178461288;0.089215686274509806152899216158;0.087254901960784309045138229521;0.015196078431372548808719891156;0.091666666666666660190365689687;0.054901960784313724728278316434;0.083333333333333328707404064062;0.168137254901960797592863627870
-0.023333333333333334397297065266;0.135000000000000008881784197001;0.066666666666666665741480812812;0.000555555555555555555073687923;0.095555555555555560243163881751;0.172777777777777780121581940875;0.043333333333333334813630699500;0.005555555555555555767577313730;0.108333333333333337034076748751;0.051111111111111114102545371907;0.092222222222222219323306546812;0.205555555555555546920487586249
-0.018085106382978721750731665452;0.128368794326241125736132175916;0.040780141843971634552090677062;0.163829787234042539845191299719;0.058156028368794326910418135412;0.137588652482269507837386868232;0.024468085106382979343475625456;0.004964539007092198807935545801;0.097517730496453902677700398272;0.056382978723404253429407617659;0.084397163120567372796010374714;0.185460992907801408557944000677
-0.005982905982905983334474431246;0.149572649572649568616711235336;0.067521367521367517405828095889;0.165384615384615379918287203509;0.039316239316239315337853099663;0.133760683760683757315135267163;0.042735042735042735873030039784;0.017521367521367521569164438233;0.069230769230769234612310469856;0.046581196581196582240380621442;0.093589743589743590312934884423;0.168803418803418814331251951444
-0.005284552845528455063128792091;0.119512195121951214638045257743;0.071138211382113819558625777972;0.000000000000000000000000000000;0.042682926829268295898511809128;0.190243902439024392680977371128;0.120731707317073166940701867134;0.039430894308943087445129549451;0.047154471544715449715656774288;0.055691056910569108895359136113;0.161382113821138206688488025975;0.146747967479674806812184328919
-0.010185185185185186007572610833;0.158333333333333325931846502499;0.095833333333333339809634310313;0.046296296296296293726335591145;0.061574074074074072737694507396;0.116666666666666668517038374375;0.061111111111111109106541761093;0.019907407407407408383992475365;0.084722222222222226539756206876;0.054629629629629632148191120677;0.096296296296296296501893152708;0.194444444444444447528397290625
-0.001977401129943502731262094940;0.159322033898305071009104949553;0.052542372881355929592483988699;0.000000000000000000000000000000;0.030790960451977402584367027316;0.261581920903954823209858204791;0.021751412429378530477563913337;0.004802259887005650047797633562;0.061864406779661020030491869193;0.042937853107344631231612197553;0.146892655367231644847336724524;0.215536723163841814621122239259
-0.040833333333333332593184650250;0.086666666666666669627261399000;0.020833333333333332176851016015;0.247499999999999997779553950750;0.015416666666666667059870654555;0.200833333333333335923853724125;0.007083333333333332974823814965;0.069166666666666667961926862063;0.047916666666666669904817155157;0.044583333333333335923853724125;0.118749999999999994448884876874;0.100416666666666667961926862063
-0.060714285714285713690951951094;0.103869047619047624730903578438;0.057440476190476187634548210781;0.291369047619047638608691386253;0.049107142857142856151586585156;0.067559523809523805426557885312;0.024404761904761904794947113828;0.015476190476190476719153821250;0.063988095238095232808461787499;0.099404761904761898549942600312;0.066369047619047619179788455313;0.100297619047619052112807480626
-0.105185185185185187117795635459;0.026666666666666668378260496297;0.061481481481481484174800300480;0.385555555555555540259149438498;0.021481481481481479872686080057;0.063333333333333338699411285688;0.009629629629629630344078705662;0.114444444444444445863062753688;0.040740740740740744030290443334;0.081111111111111106053428443374;0.068518518518518520266091798021;0.021851851851851851471497667490
-0.053672316384180789039515246941;0.037853107344632770658865439373;0.145480225988700556660759843908;0.193220338983050854420042696802;0.025423728813559323680415502622;0.035593220338983051764802922889;0.021468926553672315615806098776;0.136158192090395480100539771229;0.077401129943502830488277766108;0.125141242937853114369772811187;0.063276836158192087400387038088;0.085310734463276832739708765985
-0.031355932203389828838435704483;0.074858757062146896732457435064;0.077118644067796615626519951547;0.225988700564971750628373570180;0.090112994350282485389591613512;0.075423728813559326455973064185;0.043502824858757060955127826674;0.027966101694915253966788881712;0.088983050847457625942560355270;0.059039548022598871412913723589;0.068361581920903954912027700175;0.137288135593220339547571029470
-0.059166666666666666019036568969;0.092499999999999998889776975375;0.077916666666666661855700226624;0.165000000000000007771561172376;0.071249999999999993893773364562;0.098750000000000004440892098501;0.020000000000000000416333634234;0.020833333333333332176851016015;0.062500000000000000000000000000;0.088333333333333333148296162562;0.082916666666666666296592325125;0.160833333333333328152292551749
-0.100833333333333330372738601000;0.040833333333333332593184650250;0.048888888888888891448569751219;0.332777777777777783452251014751;0.032222222222222221543752596062;0.077777777777777779011358916250;0.015555555555555555108382392859;0.070000000000000006661338147751;0.058888888888888886452566140406;0.084722222222222226539756206876;0.083611111111111108273874492625;0.053888888888888888950567945813
-0.114545454545454547523597454983;0.053939393939393939780835296460;0.095757575757575763564233284342;0.176060606060606056333384117352;0.029999999999999998889776975375;0.052121212121212123768998480955;0.018787878787878787428811122595;0.123030303030303031497361132551;0.077575757575757575690289513659;0.085151515151515144719240879567;0.110000000000000000555111512313;0.063030303030303033717807181802
-0.088700564971751411080802540710;0.036440677966101696350076366571;0.109887005649717511834850824926;0.218926553672316392962216013984;0.024293785310734464233384244380;0.041525423728813556922823124751;0.023728813559322034509868615260;0.169209039548022605048416266982;0.052542372881355929592483988699;0.093502824858757063730685388236;0.076836158192090400764762136987;0.064406779661016946847418296329
-0.073856209150326798673624750791;0.101960784313725488781088301948;0.084640522875816998071840657758;0.135294117647058814712934804447;0.054901960784313724728278316434;0.083333333333333328707404064062;0.021568627450980391857537910028;0.028758169934640521320234896052;0.075163398692810454160273536672;0.072222222222222215437525960624;0.086601307189542481301813836581;0.181699346405228751022420397021
-0.037499999999999998612221219219;0.127678571428571419055231217499;0.089583333333333334258519187188;0.007440476190476190063161077148;0.082440476190476189022326991562;0.138095238095238104225614961251;0.036904761904761905488836504219;0.013392857142857142113689938867;0.110119047619047616404230893750;0.061607142857142860314922927500;0.097916666666666665741480812812;0.197321428571428564291423413124
-0.024074074074074074125473288177;0.143703703703703694616322650290;0.054444444444444441144614899031;0.000370370370370370351979089074;0.089629629629629628539966290646;0.182962962962962966129154551709;0.046296296296296293726335591145;0.029999999999999998889776975375;0.098518518518518519155868773396;0.052222222222222225429533182250;0.100370370370370373680479758605;0.177407407407407402555321596083
-0.042857142857142857539365365938;0.147959183673469385489340766071;0.061904761904761906876615285000;0.084693877551020410598958676474;0.078911564625850333376533285445;0.106462585034013609841530012545;0.031632653061224487445191044799;0.056462585034013607065972450982;0.077891156462585028896761230044;0.067687074829931970221252868214;0.094557823129251705740472289108;0.148979591836734703846900629287
-0.015277777777777777276635440273;0.135416666666666657414808128124;0.093750000000000000000000000000;0.109375000000000000000000000000;0.048263888888888890893458238907;0.118749999999999994448884876874;0.036111111111111107718762980312;0.022916666666666665047591422422;0.074999999999999997224442438437;0.092013888888888895056794581251;0.112152777777777781786916477813;0.140972222222222220988641083750
-0.010277777777777778039913769703;0.148888888888888876183003162623;0.043611111111111114380101128063;0.000555555555555555555073687923;0.055000000000000000277555756156;0.247222222222222232090871330001;0.019722222222222220849863205672;0.004722222222222222272336455973;0.082222222222222224319310157625;0.063888888888888883954564334999;0.110277777777777780121581940875;0.213611111111111112714766591125
-0.027124183006535948492476961746;0.128758169934640509524115259410;0.043464052287581697586738016525;0.185947712418300659109604566765;0.075163398692810454160273536672;0.128104575163398681780790866469;0.014379084967320260660117448026;0.010457516339869280322383282567;0.082026143790849673220755278180;0.067973856209150321228129598694;0.087908496732026150666250430277;0.148692810457516338962236090993
-0.062931034482758621551035105313;0.045977011494252872925159181250;0.035919540229885055238057134375;0.454885057471264342421335413746;0.043678160919540229278901222187;0.053448275862068968244944500157;0.020402298850574714095262862656;0.043103448275862071836783684375;0.054022988505747125687062037969;0.077586206896551726530653070313;0.064942528735632179537340391562;0.043103448275862071836783684375
-0.072222222222222215437525960624;0.057777777777777775125578330062;0.104814814814814818988430999980;0.273333333333333317050062305498;0.018148148148148149361169600979;0.065185185185185179346234463083;0.038518518518518521376314822646;0.119999999999999995559107901499;0.051851851851851850361274642864;0.084444444444444446973285778313;0.071851851851851847308161325145;0.041851851851851848418384349770
-0.060360360360360361398068818062;0.075675675675675679876519552636;0.169369369369369360267540969289;0.027927927927927927165274724075;0.044594594594594597070091879232;0.062612612612612611462381551064;0.055405405405405408481023243894;0.152252252252252251452091513784;0.090090090090090085839236166976;0.089189189189189194140183758464;0.089189189189189194140183758464;0.083333333333333328707404064062
-0.009139784946236559348697880978;0.184408602150537642705430130263;0.053225806451612900360714775161;0.000000000000000000000000000000;0.067204301075268813026042380443;0.163978494623655907114212482156;0.038172043010752686187370130710;0.001612903225806451611504255261;0.118817204301075271533072452712;0.071505376344086019058110537117;0.087634408602150534739472220735;0.204301075268817217134298402925
-0.101129943502824864998146381367;0.080225988700564965228068103897;0.039548022598870059829412326735;0.309887005649717495181505455548;0.049152542372881358190284117882;0.091807909604519774560138500874;0.020338983050847456168774840535;0.030225988700564972860851398195;0.073446327683615822423668362262;0.056779661016949152518851207105;0.057344632768361582242366836226;0.090112994350282485389591613512
-0.013055555555555556357383295563;0.119166666666666670737484423626;0.152777777777777790113589162502;0.207222222222222224319310157625;0.040000000000000000832667268469;0.045833333333333330095182844843;0.104444444444444450859066364501;0.041388888888888891726125507375;0.057222222222222222931531376844;0.058055555555555554692048758625;0.065555555555555561353386906376;0.095277777777777780676693453188
-0.066666666666666665741480812812;0.071180555555555552471602709375;0.062152777777777779011358916250;0.305555555555555580227178325003;0.040972222222222222376419864531;0.073263888888888892281237019688;0.038888888888888889505679458125;0.073263888888888892281237019688;0.064583333333333339809634310313;0.070833333333333331482961625625;0.072916666666666671292595935938;0.059722222222222225151977426094
-0.108474576271186437526061752123;0.039830508474576267752276237388;0.047457627118644069019737230519;0.380225988700564954125837857646;0.025706214689265535072726365229;0.057627118644067797104124650787;0.012146892655367232116692122190;0.079378531073446334520582468031;0.057062146892655367380609021666;0.086158192090395477324982209666;0.062146892655367234892249683753;0.043785310734463275816885641234
-0.081638418079096039536857176699;0.038418079096045200382381068493;0.048305084745762713605010674200;0.471751412429378513824218543959;0.023728813559322034509868615260;0.045762711864406779849190343157;0.014971751412429378999546791817;0.044632768361581920402159084915;0.063559322033898302262144852648;0.074858757062146896732457435064;0.056214689265536722795335577985;0.036158192090395481488318552010
-0.070833333333333331482961625625;0.052777777777777777623580135469;0.086666666666666669627261399000;0.158055555555555560243163881751;0.101388888888888889505679458125;0.067222222222222224874421669938;0.036111111111111107718762980312;0.074999999999999997224442438437;0.110833333333333339254522798001;0.070277777777777772350020768499;0.059444444444444445585506997531;0.111388888888888884509675847312
-0.053611111111111109384097517250;0.050833333333333334536074943344;0.064722222222222222653975620688;0.309166666666666645202354857247;0.042500000000000003053113317719;0.064722222222222222653975620688;0.025000000000000001387778780781;0.103055555555555553026714221687;0.079722222222222222098864108375;0.075277777777777776790912867000;0.068888888888888888395456433500;0.062500000000000000000000000000
-0.051282051282051280272078486178;0.030769230769230770938804653269;0.043589743589743587537377322860;0.569230769230769206856734854227;0.020192307692307693428590553708;0.047756410256410253278858135673;0.016987179487179485809500434357;0.026923076923076924571454071611;0.036217948717948721115700294604;0.067307692307692304489741275120;0.058333333333333334258519187188;0.031410256410256409687065115577
-0.065503875968992250622413564543;0.017829457364341085023884403427;0.028294573643410852320512205438;0.598837209302325534920896643598;0.017829457364341085023884403427;0.051162790697674417894624809833;0.006976744186046511531085201341;0.020542635658914728397084203948;0.036046511627906979713387158881;0.055813953488372092248681610727;0.052713178294573642679310410131;0.048449612403100777990871961265
-0.128703703703703709049221970417;0.033333333333333332870740406406;0.050000000000000002775557561563;0.203703703703703692395876601040;0.025000000000000001387778780781;0.067592592592592593003786305417;0.043981481481481482509465763542;0.166203703703703714600337093543;0.057407407407407406996213694583;0.081481481481481488060580886668;0.088425925925925921711190369479;0.054166666666666668517038374375
-0.188333333333333324821623477874;0.028888888888888887562789165031;0.093888888888888882844341310374;0.150555555555555553581825734000;0.035000000000000003330669073875;0.042777777777777775680689842375;0.036944444444444446418174266000;0.065000000000000002220446049250;0.120555555555555554692048758625;0.123611111111111116045435665001;0.063333333333333338699411285688;0.051111111111111114102545371907
-0.039666666666666669516239096538;0.103999999999999995226040994112;0.145999999999999990896171198074;0.085333333333333330483760903462;0.041333333333333333037273860100;0.066333333333333327486158736974;0.085666666666666668739082979300;0.038333333333333330372738601000;0.080666666666666664298190880800;0.102333333333333331705006230550;0.091999999999999998445687765525;0.118333333333333332038073137937
-0.078248587570621475073551209789;0.052542372881355929592483988699;0.074858757062146896732457435064;0.238700564971751405529687417584;0.053107344632768359315999617820;0.066384180790960450879722998252;0.053954802259887003901273061501;0.080508474576271180089825918458;0.092090395480225989421896315434;0.064971751412429376570933925450;0.068926553672316384635543329296;0.075706214689265541317730878745
-0.043333333333333334813630699500;0.073611111111111113269878103438;0.165833333333333332593184650250;0.085833333333333330927850113312;0.044999999999999998334665463062;0.056111111111111111604543566500;0.093333333333333337589188261063;0.128333333333333327042069527124;0.081944444444444444752839729063;0.081666666666666665186369300500;0.064722222222222222653975620688;0.080277777777777781231804965500
-0.076553672316384185903004322427;0.050000000000000002775557561563;0.076271186440677971041246507866;0.303954802259887024717954773223;0.033615819209039547732498220967;0.048022598870056498743252859640;0.039548022598870059829412326735;0.109322033898305082111335195805;0.056497175141242937657093392545;0.080790960451977394951583733018;0.060451977401129945721702796391;0.064971751412429376570933925450
-0.105833333333333334813630699500;0.052916666666666667406815349750;0.053333333333333336756520992594;0.362083333333333312609170206997;0.035000000000000003330669073875;0.078333333333333338144299773376;0.013333333333333334189130248149;0.029583333333333333009518284484;0.052916666666666667406815349750;0.091249999999999997779553950750;0.080000000000000001665334536938;0.045416666666666667684371105906
-0.082113821138211376404747454671;0.060975609756097559621679238262;0.053252032520325204290045917332;0.360569105691056934759330943052;0.047154471544715449715656774288;0.059756097560975607319022628872;0.022764227642276424479206298201;0.089430894308943090220687111014;0.047154471544715449715656774288;0.062195121951219511924335847652;0.079674796747967485677222043705;0.034959349593495933627984584291
-0.178160919540229889523885731251;0.053735632183908046966003269063;0.045689655172413794204100412344;0.191379310344827580081528139999;0.028448275862068966857165719375;0.088793103448275859101990192812;0.016379310344827587714311434297;0.091379310344827588408200824688;0.068678160919540223727786099062;0.093103448275862074612341245938;0.095689655172413790040764070000;0.048563218390804595292475909218
-0.017500000000000001665334536938;0.129166666666666679619268620627;0.077499999999999999444888487687;0.003055555555555555715535609451;0.054722222222222220711085327594;0.127222222222222208776187812873;0.029722222222222222792753498766;0.033888888888888892003681263532;0.115277777777777784562474039376;0.081666666666666665186369300500;0.108055555555555557467606320188;0.222222222222222209886410837498
-0.014942528735632183700676733906;0.145402298850574707156368958749;0.099712643678160919891162450313;0.009195402298850574585031836250;0.089080459770114944761942865625;0.081321839080459770721098777813;0.062068965517241378448964894687;0.020977011494252875006827352422;0.110919540229885052462499572812;0.073563218390804596680254690000;0.061206896551724135346894684062;0.231609195402298850829936327500
-0.054088050314465410672859491115;0.060691823899371069583885685006;0.075786163522012575666231271043;0.349056603773584883665392908370;0.066037735849056602988049746727;0.041823899371069180042059798552;0.039937106918238991781766600297;0.076415094339622638419662337128;0.066666666666666665741480812812;0.057547169811320755816730354582;0.039937106918238991781766600297;0.072012578616352199145644874534
-0.114971751412429379346491487013;0.051977401129943499868968359579;0.050564971751412432499073190684;0.314124293785310759741236097398;0.030508474576271187722609212756;0.051412429378531070145452730458;0.019209039548022600191190534247;0.092655367231638419145411944555;0.060734463276836160583460610951;0.087005649717514121910255653347;0.069209039548022599497301143856;0.057627118644067797104124650787
-0.109523809523809523280846178750;0.065178571428571432933019025313;0.105357142857142857539365365938;0.076488095238095243910692033751;0.047321428571428569842538536250;0.057738095238095241135134472188;0.034523809523809526056403740313;0.050000000000000002775557561563;0.123214285714285720629845855001;0.141666666666666662965923251249;0.096130952380952386371326667813;0.092857142857142860314922927500
-0.077358490566037732549808936255;0.038993710691823897651620001170;0.101572327044025162434692788338;0.205660377358490575883109841016;0.033333333333333332870740406406;0.060691823899371069583885685006;0.023584905660377360192558882090;0.075786163522012575666231271043;0.100943396226415099681261722253;0.112264150943396229243020911781;0.080188679245283014940248733637;0.089622641509433956241714724911
-0.088888888888888892281237019688;0.051111111111111114102545371907;0.070370370370370374790702783230;0.199629629629629629095077802958;0.055185185185185184342238073896;0.077037037037037042752629645292;0.012962962962962962590318660716;0.046296296296296293726335591145;0.118148148148148154912284724105;0.075185185185185188228018660084;0.088518518518518524151872384209;0.116666666666666668517038374375
-0.047685185185185184619793830052;0.093518518518518514714976674895;0.114814814814814813992427389167;0.032407407407407405608434913802;0.056944444444444443365060948281;0.112962962962962959467816403958;0.060185185185185181844236268489;0.025462962962962961549484575130;0.098148148148148151026504137917;0.097685185185185180456457487708;0.107407407407407409771771256146;0.152777777777777790113589162502
-0.079629629629629633535969901459;0.068518518518518520266091798021;0.098148148148148151026504137917;0.008796296296296296848837847904;0.067129629629629636311527463022;0.073148148148148142699831453228;0.088425925925925921711190369479;0.117129629629629625209297216770;0.111111111111111104943205418749;0.100000000000000005551115123126;0.085648148148148153802061699480;0.102314814814814816767984950729
-0.082485875706214684122130620381;0.053672316384180789039515246941;0.117231638418079098240554003496;0.055084745762711863348304319743;0.059887005649717515998187167270;0.052259887005649714730726174139;0.048870056497175143328526303321;0.153389830508474572789978651599;0.091242937853107344836622871753;0.107344632768361578079030493882;0.072881355932203392700152733141;0.105649717514124288908483606519
-0.142283950617283938555601707776;0.045370370370370373402924002448;0.045370370370370373402924002448;0.361419753086419770493620262641;0.030246913580246913288984700330;0.061111111111111109106541761093;0.019444444444444444752839729063;0.066975308641975303536320041076;0.038888888888888889505679458125;0.073456790123456794372458489306;0.064814814814814811216869827604;0.050617283950617285304129921997
-0.200000000000000011102230246252;0.029523809523809525084958593766;0.040000000000000000832667268469;0.333333333333333314829616256247;0.031428571428571430712572976063;0.062857142857142861425145952126;0.019047619047619049337249919063;0.058095238095238095621386520406;0.054285714285714284366157755812;0.063809523809523815973676619251;0.060952380952380952328084617875;0.046666666666666668794594130532
-0.092248062015503881627687121636;0.054263565891472867463996010429;0.065503875968992250622413564543;0.263953488372093036939958210496;0.023643410852713177966455404544;0.075581395348837204783976062572;0.020542635658914728397084203948;0.112403100775193803828599925509;0.065503875968992250622413564543;0.093023255813953487081136017878;0.078682170542635654353347263168;0.054651162790697677129614362457
-0.171666666666666661855700226624;0.073611111111111113269878103438;0.059444444444444445585506997531;0.192222222222222210996633862123;0.034444444444444444197728216750;0.081388888888888885619898871937;0.022499999999999999167332731531;0.078888888888888883399452822687;0.063611111111111104388093906437;0.087777777777777774015355305437;0.081944444444444444752839729063;0.052499999999999998057109706906
-0.026388888888888888811790067734;0.151388888888888878403449211874;0.117777777777777772905132280812;0.018333333333333333425851918719;0.041388888888888891726125507375;0.116944444444444448083508802938;0.055833333333333332038073137937;0.044166666666666666574148081281;0.070277777777777772350020768499;0.095000000000000001110223024625;0.109444444444444441422170655187;0.153055555555555555802271783250
-0.032478632478632481206393123330;0.078632478632478630675706199327;0.079487179487179482340053482403;0.338888888888888906159024827502;0.037606837606837605070264629603;0.064957264957264962412786246659;0.034615384615384617306155234928;0.027777777777777776235801354687;0.062820512820512819374130231154;0.083760683760683754539577705600;0.066666666666666665741480812812;0.092307692307692312816413959808
-0.055555555555555552471602709375;0.028333333333333331899295259859;0.056944444444444443365060948281;0.482222222222222218768195034500;0.030277777777777778456247403938;0.046111111111111109661653273406;0.037499999999999998612221219219;0.040277777777777780399137697032;0.049166666666666664076146275875;0.061666666666666668239482618219;0.056944444444444443365060948281;0.055000000000000000277555756156
-0.055932203389830507933577763424;0.055649717514124293071819948864;0.062711864406779657676871408967;0.260734463276836136991221337667;0.067231638418079095464996441933;0.064124293785310731985660481769;0.063276836158192087400387038088;0.076271186440677971041246507866;0.073163841807909607561910547702;0.055649717514124293071819948864;0.060169491525423730859944981830;0.105084745762711859184967977399
-0.049099099099099097198717345236;0.081081081081081085581985234967;0.072972972972972977023786711470;0.123423423423423425648870477289;0.083783783783783788434718076132;0.119369369369369371369771215541;0.030630630630630630018007565241;0.021621621621621622821862729324;0.094144144144144140118335428724;0.089189189189189194140183758464;0.071171171171171165870106278817;0.163513513513513508712549082702
-0.110000000000000000555111512313;0.032500000000000001110223024625;0.049583333333333333425851918719;0.377916666666666678509045596002;0.028333333333333331899295259859;0.051249999999999996946886682281;0.020000000000000000416333634234;0.094166666666666662410811738937;0.059999999999999997779553950750;0.065833333333333327042069527124;0.049583333333333333425851918719;0.060833333333333336478965236438
-0.082051282051282051210883139447;0.067948717948717943238001737427;0.040170940170940173941094286647;0.299145299145299137233422470672;0.058547008547008547174606007957;0.076923076923076927347011633174;0.017521367521367521569164438233;0.071794871794871789605352319086;0.068376068376068382947963186780;0.088888888888888892281237019688;0.082478632478632477043056780985;0.046153846153846156408206979904
-0.096341463414634148643145294955;0.064227642276422761136167594032;0.082926829268292687191710399475;0.171544715447154466625434565685;0.040650406504065039747786158841;0.085365853658536591797023618255;0.022764227642276424479206298201;0.039837398373983742838611021853;0.113008130081300811609068546204;0.124390243902439023848671695305;0.092682926829268291735175466783;0.066260162601626010347999340411
-0.084444444444444446973285778313;0.045555555555555557467606320188;0.131388888888888888395456433500;0.054166666666666668517038374375;0.031944444444444441977282167500;0.050277777777777775403134086218;0.023055555555555554830826636703;0.098333333333333328152292551749;0.143333333333333340364745822626;0.141944444444444456410181487627;0.124444444444444440867059142874;0.071111111111111111049432054187
-0.012994350282485874967242089895;0.174576271186440673544026935815;0.079661016949152535504552474777;0.008757062146892655510321823442;0.057909604519774011965882465347;0.166666666666666657414808128124;0.041807909604519771784580939311;0.006214689265536723489224968375;0.079378531073446334520582468031;0.094350282485875708315958831918;0.148587570621468934017883611887;0.129096045197740122434382215033
-0.034074074074074076068363581271;0.144814814814814812882204364541;0.095555555555555560243163881751;0.017407407407407406163546426114;0.061481481481481484174800300480;0.119629629629629627429743266021;0.074074074074074069962136945833;0.063703703703703706828775921167;0.089629629629629628539966290646;0.064074074074074074958140556646;0.104074074074074068851913921208;0.131481481481481476958350640416
-0.041481481481481480289019714291;0.079259259259259265406605265980;0.123333333333333336478965236438;0.074444444444444438091501581312;0.068518518518518520266091798021;0.080370370370370369794699172417;0.066666666666666665741480812812;0.088148148148148142144719940916;0.104074074074074068851913921208;0.071481481481481479178796689666;0.078148148148148147140723551729;0.124074074074074072737694507396
-0.073749999999999996114219413812;0.050833333333333334536074943344;0.069583333333333330372738601000;0.365416666666666667406815349750;0.036249999999999997501998194593;0.047500000000000000555111512313;0.046249999999999999444888487687;0.037499999999999998612221219219;0.079583333333333339254522798001;0.077916666666666661855700226624;0.057916666666666664908813544344;0.057500000000000002498001805407
-0.058518518518518518323201504927;0.096666666666666664631257788187;0.061851851851851852304164935958;0.124074074074074072737694507396;0.069259259259259256524821068979;0.129259259259259268182162827543;0.049629629629629627707299022177;0.034814814814814812327092852229;0.101851851851851846197938300520;0.065555555555555561353386906376;0.080000000000000001665334536938;0.128518518518518531923433556585
-0.013703703703703704053218359604;0.133333333333333331482961625625;0.044074074074074071072359970458;0.028148148148148147834612942120;0.042592592592592591616007524635;0.182222222222222229870425280751;0.017407407407407406163546426114;0.020000000000000000416333634234;0.068518518518518520266091798021;0.059999999999999997779553950750;0.089259259259259260410601655167;0.300740740740740752912074640335
-0.025185185185185185452461098521;0.122962962962962968349600600959;0.128888888888888886175010384250;0.082222222222222224319310157625;0.029629629629629630760412339896;0.099629629629629623543962679832;0.025185185185185185452461098521;0.066666666666666665741480812812;0.070370370370370374790702783230;0.090370370370370364798695561603;0.070740740740740742920067418709;0.188148148148148147695835064042
-0.030416666666666668239482618219;0.095833333333333339809634310313;0.133750000000000007771561172376;0.042916666666666665463925056656;0.067500000000000004440892098501;0.074583333333333334813630699500;0.035416666666666665741480812812;0.018749999999999999306110609609;0.098750000000000004440892098501;0.085833333333333330927850113312;0.071249999999999993893773364562;0.244999999999999995559107901499
-0.022695035460992909331912059656;0.096453900709219858589094087620;0.186170212765957437950348207778;0.002836879432624113666489007457;0.048226950354609929294547043810;0.042198581560283686398005187357;0.055673758865248224037003410558;0.066666666666666665741480812812;0.092907801418439711627073052114;0.126595744680851052255121658163;0.079787234042553195623170836370;0.179787234042553201174285959496
-0.015909090909090907450806895440;0.142424242424242425419933510966;0.078787878787878781738918121391;0.000000000000000000000000000000;0.127651515151515154711248101194;0.126136363636363629803227581760;0.071212121212121212709966755483;0.028409090909090908144696285831;0.123106060606060607742762158523;0.064015151515151511030232711619;0.065909090909090903287470553096;0.156439393939393933674608661022
-0.028518518518518519433424529552;0.101481481481481478068573665041;0.098888888888888887285233408875;0.137777777777777776790912867000;0.040370370370370368962031903948;0.102962962962962964463820014771;0.031111111111111110216764785719;0.059629629629629629650189315271;0.079629629629629633535969901459;0.085185185185185183232015049271;0.092592592592592587452671182291;0.141851851851851840091711665082
-0.045454545454545455807071618892;0.066666666666666665741480812812;0.050606060606060605799871865429;0.254545454545454519212910327042;0.060909090909090905785472358502;0.097878787878787884557674203734;0.009090909090909090467524933388;0.015151515151515151935690539631;0.114242424242424242541993351097;0.062121212121212118772994870142;0.077575757575757575690289513659;0.145757575757575752462003038090
-0.102287581699346402652750498419;0.054575163398692810856616119963;0.090196078431372547767885805570;0.080065359477124176112994291543;0.069934640522875818335890585331;0.048366013071895426478352675304;0.008496732026143790153516199837;0.028104575163398693576910503111;0.167973856209150340657032529634;0.107189542483660124605471253290;0.075816993464052281903597929613;0.166993464052287571286470324594
-0.071474358974358970231222087932;0.041346153846153844979571800877;0.040384615384615386857181107416;0.209615384615384620081712796491;0.075641025641025635972702900744;0.090384615384615382693844765072;0.007051282051282051384355487045;0.035576923076923075428545928389;0.131730769230769234612310469856;0.095833333333333339809634310313;0.060897435897435896190454940324;0.140064102564102566095272095481
-0.053472222222222219600862302968;0.046180555555555558022717832500;0.076388888888888895056794581251;0.164930555555555552471602709375;0.059374999999999997224442438437;0.089930555555555555247160270937;0.010416666666666666088425508008;0.023263888888888889505679458125;0.153125000000000011102230246252;0.112500000000000002775557561563;0.073263888888888892281237019688;0.137152777777777790113589162502
-0.061666666666666668239482618219;0.055277777777777779844026184719;0.105277777777777775680689842375;0.157222222222222235421540403877;0.054444444444444441144614899031;0.057777777777777775125578330062;0.010833333333333333703407674875;0.034166666666666664631257788187;0.146944444444444433095497970498;0.119444444444444450303954852188;0.084722222222222226539756206876;0.112222222222222223209087133000
-0.051111111111111114102545371907;0.068611111111111108828986004937;0.055277777777777779844026184719;0.201666666666666660745477201999;0.086944444444444449193731827563;0.083888888888888887840344921187;0.022222222222222223070309254922;0.037777777777777778178691647781;0.107499999999999998334665463062;0.083611111111111108273874492625;0.062222222222222220433529571437;0.139166666666666660745477201999
-0.065705128205128207619090119351;0.110256410256410253278858135673;0.077884615384615385469402326635;0.115384615384615391020517449761;0.074038461538461539102051744976;0.080769230769230773714362214832;0.042307692307692310040856398246;0.027884615384615386163291717025;0.099038461538461533550936621850;0.065064102564102568870829657044;0.077243589743589746721141864327;0.164423076923076921795896510048
-0.015333333333333332496040135595;0.062666666666666662188767134012;0.072333333333333332815229255175;0.335000000000000019984014443253;0.040666666666666663465523612331;0.073666666666666671958729750713;0.017000000000000001221245327088;0.014666666666666666393736839780;0.095000000000000001110223024625;0.076333333333333336367942933975;0.074999999999999997224442438437;0.122333333333333335590786816738
-0.008999999999999999319988397417;0.105666666666666672624863565488;0.103333333333333332593184650250;0.219666666666666676732688756601;0.042999999999999996558308623662;0.085666666666666668739082979300;0.026333333333333333592385372413;0.019666666666666665630458510350;0.075666666666666659857298782299;0.073333333333333333703407674875;0.079666666666666663410012461100;0.159000000000000002442490654175
-0.001736111111111111014737584668;0.188194444444444441977282167500;0.082986111111111107718762980312;0.117708333333333331482961625625;0.062152777777777779011358916250;0.094791666666666662965923251249;0.036458333333333335646297967969;0.003819444444444444319158860068;0.055902777777777780399137697032;0.047569444444444441977282167500;0.059722222222222225151977426094;0.248958333333333337034076748751
-0.010169491525423728084387420267;0.081638418079096039536857176699;0.042655367231638416369854382992;0.304519774011299426685894786715;0.036440677966101696350076366571;0.134180790960451989946022877120;0.011016949152542372669660863949;0.009039548022598870372079638003;0.069209039548022599497301143856;0.065536723163841806294449554571;0.097457627118644071795294792082;0.138135593220338970255056665337
-0.014492753623188405973087888867;0.087318840579710149674141916876;0.069927536231884052098095594374;0.213405797101449273833750908125;0.022463768115942028824605358750;0.120652173913043475605988419375;0.013043478260869564508417361992;0.010869565217391304046135047656;0.077898550724637680153783492187;0.101811594202898550443059377812;0.131521739130434772713229563124;0.136594202898550731717364215001
-0.013829787234042552335200326752;0.119503546099290786086655202780;0.098581560283687946766306708923;0.099645390070921990854913019575;0.028723404255319148759006964156;0.071631205673758871488310262521;0.015957446808510637042965996102;0.020921985815602835850901541903;0.081560283687943269104181354123;0.099645390070921990854913019575;0.103900709219858153331550454368;0.246099290780141838341776860943
-0.015408805031446540928508071033;0.085220125786163516967697262317;0.061949685534591195090747817176;0.307547169811320741938942546767;0.052830188679245285165997358945;0.090880503144654081748576857080;0.018553459119496854695663401458;0.017924528301886791942232335373;0.084591194968553454214266196232;0.053459119496855347919428425030;0.061635220125786163714032284133;0.149999999999999994448884876874
-0.020833333333333332176851016015;0.148333333333333344805637921127;0.056250000000000001387778780781;0.225416666666666654084139054248;0.052083333333333335646297967969;0.118333333333333332038073137937;0.017500000000000001665334536938;0.006250000000000000346944695195;0.070000000000000006661338147751;0.063333333333333338699411285688;0.073333333333333333703407674875;0.148333333333333344805637921127
-0.059935897435897438068064246863;0.063782051282051277496520924615;0.101923076923076921795896510048;0.010256410256410256401360392431;0.079807692307692301714183713557;0.077243589743589746721141864327;0.035897435897435894802676159543;0.051602564102564099646208717331;0.178846153846153849142908143222;0.081410256410256412462622677140;0.087499999999999994448884876874;0.171794871794871795156467442212
-0.019090909090909092410415226482;0.103333333333333332593184650250;0.033333333333333332870740406406;0.124242424242424237545989740283;0.055151515151515152768357808100;0.183333333333333320380731379373;0.008181818181818182461606525635;0.002121212121212121427121788386;0.110909090909090915499923823972;0.043939393939393937837945003366;0.096666666666666664631257788187;0.219696969696969696128618920739
-0.019047619047619049337249919063;0.061428571428571429602349951438;0.052857142857142859482255659032;0.277142857142857135244184973999;0.031428571428571430712572976063;0.153809523809523812643007545375;0.010000000000000000208166817117;0.026190476190476191103995162734;0.070476190476190470057815673499;0.076190476190476197348999676251;0.091428571428571428492126926812;0.130000000000000004440892098501
-0.166352201257861626038092595081;0.036792452830188678014611269873;0.077987421383647795303240002340;0.095597484276729566277097660532;0.038050314465408803521473402043;0.058805031446540881323592486751;0.006918238993710692022465202911;0.140880503144654084524134418643;0.138679245283018864887125687346;0.102515723270440256564839387465;0.066037735849056602988049746727;0.071383647798742136392213808449
-0.124561403508771928461129618881;0.032456140350877189792999644169;0.084795321637426895877709398519;0.154678362573099414944977070263;0.041812865497076023846290127040;0.062280701754385964230564809441;0.011403508771929825316160389548;0.133918128654970769453314005659;0.113742690058479534176427705461;0.095906432748538009147587501957;0.069005847953216375989526909507;0.075438596491228068763312819556
-0.012500000000000000693889390391;0.143611111111111106053428443374;0.138333333333333335923853724125;0.221111111111111119376104738876;0.018888888888888889089345823891;0.061111111111111109106541761093;0.035833333333333335091186455656;0.024722222222222221821308352219;0.050000000000000002775557561563;0.076388888888888895056794581251;0.086944444444444449193731827563;0.130555555555555563573832955626
-0.029844961240310077105197805736;0.095736434108527126984888866446;0.160077519379844962488235182718;0.207751937984496121147870439927;0.028682170542635658516683605512;0.055426356589147289521957162606;0.020542635658914728397084203948;0.021705426356589146985598404171;0.070542635658914734642088717465;0.099612403100775195885496771098;0.093410852713178296746754369906;0.116666666666666668517038374375
-0.058888888888888886452566140406;0.053333333333333336756520992594;0.097777777777777782897139502438;0.275925925925925907833402561664;0.028888888888888887562789165031;0.048518518518518516380311211833;0.019259259259259260688157411323;0.045925925925925925596970955667;0.078888888888888883399452822687;0.137407407407407394783760423707;0.086296296296296301497896763522;0.068888888888888888395456433500
-0.125609756097560976151328304695;0.057317073170731709652603313998;0.089024390243902434827205638612;0.068292682926829273437618894604;0.070325203252032522649450640984;0.048373983739837395079419479771;0.023170731707317072933793866696;0.058536585365853661955259923388;0.167886178861788609717464737514;0.115447154471544716214381764985;0.062195121951219511924335847652;0.113821138211382108518243683193
-0.042592592592592591616007524635;0.047777777777777780121581940875;0.077037037037037042752629645292;0.354444444444444450859066364501;0.019629629629629628817522046802;0.060370370370370372847812490136;0.011111111111111111535154627461;0.082962962962962960578039428583;0.063703703703703706828775921167;0.114444444444444445863062753688;0.096296296296296296501893152708;0.029629629629629630760412339896
-0.046363636363636363812990026645;0.047272727272727271818908434398;0.089999999999999996669330926125;0.124545454545454542527593844170;0.054848484848484847786753704213;0.079393939393939391702126329164;0.008484848484848485708487153545;0.051515151515151513805790273182;0.134545454545454551409378041171;0.127575757575757564588059267408;0.086969696969696974608865502887;0.148484848484848497296439973070
-0.054583333333333330927850113312;0.086249999999999993338661852249;0.116250000000000006106226635438;0.191250000000000003330669073875;0.029999999999999998889776975375;0.085416666666666668517038374375;0.024166666666666666157814447047;0.079583333333333339254522798001;0.062083333333333330650294357156;0.088749999999999995559107901499;0.070000000000000006661338147751;0.111666666666666664076146275875
-0.018333333333333333425851918719;0.054166666666666668517038374375;0.046249999999999999444888487687;0.506666666666666709595290285506;0.048333333333333332315628894094;0.046666666666666668794594130532;0.005416666666666666851703837438;0.010416666666666666088425508008;0.051666666666666666296592325125;0.040833333333333332593184650250;0.038333333333333330372738601000;0.132916666666666655194362078873
-0.017073170731707318359404723651;0.228861788617886169339143975776;0.111382113821138217790718272227;0.092682926829268291735175466783;0.044715447154471545110343555507;0.071138211382113819558625777972;0.067479674796747962650655949801;0.024796747967479673691038044581;0.049593495934959347382076089161;0.046341463414634145867587733392;0.053658536585365852744633485827;0.192276422764227655770596925322
-0.017708333333333332870740406406;0.169791666666666674068153497501;0.113020833333333334258519187188;0.208333333333333342585191871876;0.035937499999999997224442438437;0.048437500000000001387778780781;0.073437500000000002775557561563;0.018749999999999999306110609609;0.052604166666666667129259593594;0.061979166666666668517038374375;0.065625000000000002775557561563;0.134374999999999994448884876874
-0.033974358974358971619000868714;0.112500000000000002775557561563;0.088461538461538466449063378150;0.135576923076923067101873243701;0.037499999999999998612221219219;0.128525641025641013115432542691;0.035256410256410256054415697236;0.022756410256410255360526306845;0.080448717948717954340231983679;0.083974358974358967455664526369;0.106089743589743587537377322860;0.134935897435897428353612781393
-0.023913043478260870289275885625;0.125724637681159406854547455623;0.146739130434782621970057903127;0.018840579710144928632375993516;0.060869565217391306821692609219;0.092753623188405798227762488750;0.057246376811594203160016292031;0.042028985507246374719869663750;0.088043478260869570406477180313;0.089492753623188411871147707188;0.102173913043478267748120913438;0.152173913043478270523678475001
-0.025641025641025640136039243089;0.087606837606837600906928287259;0.074786324786324784308355617668;0.229487179487179476788938359277;0.061965811965811967709782948077;0.090598290598290595609931585841;0.038034188034188030902438271141;0.022649572649572648902482896460;0.079914529914529908172227123941;0.099145299145299140008980032235;0.080341880341880347882188573294;0.109829059829059827446684494134
-0.014227642276422763564780460399;0.143089430894308949904214500748;0.155691056910569114446474259239;0.032520325203252035961565269417;0.069512195121951225740275503995;0.070731707317073164165144305571;0.046341463414634145867587733392;0.086178861788617888706198755244;0.078455284552845533374565434315;0.062601626016260167317817320054;0.070731707317073164165144305571;0.169918699186991872807084291708
-0.015833333333333334674852821422;0.110555555555555559688052369438;0.152222222222222230980648305376;0.002777777777777777883788656865;0.062777777777777779566470428563;0.077499999999999999444888487687;0.063333333333333338699411285688;0.088888888888888892281237019688;0.086666666666666669627261399000;0.052222222222222225429533182250;0.088611111111111112714766591125;0.198611111111111099392090295623
-0.017391304347826087167705466641;0.121014492753623192911049955001;0.152898550724637677378225930624;0.018840579710144928632375993516;0.070289855072463769403157130000;0.082246376811594204547795072813;0.061594202898550727554027872657;0.038043478260869567630919618750;0.080797101449275363083124545938;0.053985507246376809864507606562;0.109057971014492757766412012188;0.193840579710144927938486603125
-0.043333333333333334813630699500;0.135555555555555568014725054127;0.098888888888888887285233408875;0.078888888888888883399452822687;0.056296296296296295669225884239;0.081851851851851856189945522146;0.050370370370370370904922197042;0.072222222222222215437525960624;0.072962962962962965574043039396;0.054814814814814816212873438417;0.077407407407407410881994280771;0.177407407407407402555321596083
-0.017521367521367521569164438233;0.158119658119658113015759681730;0.089316239316239318113410661226;0.053846153846153849142908143222;0.102136752136752134711983330817;0.086324786324786323410407362644;0.059401709401709398838953291033;0.031623931623931622603151936346;0.089316239316239318113410661226;0.062820512820512819374130231154;0.048717948717948718340142733041;0.200854700854700862766577529328
-0.034057971014492753603075669844;0.108333333333333337034076748751;0.068840579710144927938486603125;0.243115942028985509981708901250;0.048188405797101450944719402969;0.121376811594202896338323682812;0.028623188405797101580008146016;0.015579710144927537071590784024;0.058333333333333334258519187188;0.085144927536231887477136126563;0.111231884057971019963417802501;0.077173913043478259421448228750
-0.017528735632183909537440413828;0.123850574712643671237977116562;0.091954022988505745850318362500;0.073275862068965511020302017187;0.046264367816091951646217950156;0.161781609195402298340127345000;0.040517241379310342530573052500;0.024137931034482758285708570156;0.093678160919540232054458783750;0.063218390804597707210987778126;0.142528735632183906067993461875;0.121264367816091955809554292500
-0.008653846153846154326538808732;0.159615384615384603428367427114;0.112179487179487183401427330409;0.000000000000000000000000000000;0.054487179487179487891168605529;0.145833333333333342585191871876;0.063461538461538458122390693461;0.026282051282051282353746657350;0.082692307692307689959143601754;0.049038461538461537714272964195;0.102243589743589741170026741202;0.195512820512820512108831394471
-0.022316384180790960201079542458;0.119209039548022602272858705419;0.082768361581920898983888434941;0.000564971751412429398254977375;0.090677966101694915113107242632;0.142090395480225978319666069183;0.051412429378531070145452730458;0.013841807909604519552515533576;0.114406779661016949622975857892;0.049152542372881358190284117882;0.091807909604519774560138500874;0.221751412429378541579794159588
-0.032520325203252035961565269417;0.117073170731707323910519846777;0.123577235772357726939496558316;0.000406504065040650406151478968;0.074796747967479676466595606144;0.099593495934959350157633650724;0.054878048780487805047290095217;0.032113821138211380568083797016;0.117073170731707323910519846777;0.056097560975609757349946704608;0.117886178861788620819694983766;0.173983739837398371230747784466
-0.017261904761904763028201870156;0.135119047619047610853115770624;0.094940476190476186246769429999;0.096726190476190479494711382813;0.061011904761904760252644308594;0.101488095238095238359576910625;0.040178571428571431545240244532;0.019047619047619049337249919063;0.102083333333333331482961625625;0.058630952380952380820211544687;0.084523809523809528831961301876;0.188988095238095232808461787499
-0.018484848484848485916653970662;0.122727272727272726515757028665;0.098484848484848480643094603693;0.117878787878787874565666982107;0.051515151515151513805790273182;0.120303030303030300540712005386;0.030909090909090910365142335081;0.028484848484848484390097311802;0.085454545454545449700844983454;0.048787878787878789788035049924;0.116363636363636363535434270489;0.160606060606060613293877281649
-0.007723577235772357933718534895;0.134552845528455283785618235015;0.150406504065040663720154157090;0.002439024390243902436908873810;0.033739837398373981325327974901;0.104878048780487800883953752873;0.077235772357723581071908824924;0.068292682926829273437618894604;0.072764227642276427254763859764;0.089430894308943090220687111014;0.131300813008130068393342071431;0.127235772357723569969678578673
-0.010370370370370370072254928573;0.089629629629629628539966290646;0.102962962962962964463820014771;0.102962962962962964463820014771;0.050740740740740739034286832521;0.145925925925925931148086078792;0.088148148148148142144719940916;0.052592592592592593558897817729;0.076296296296296292616112566520;0.050740740740740739034286832521;0.124444444444444440867059142874;0.105185185185185187117795635459
-0.012592592592592592726230549260;0.140000000000000013322676295502;0.074444444444444438091501581312;0.116296296296296300387673738896;0.074074074074074069962136945833;0.114814814814814813992427389167;0.035555555555555555524716027094;0.022962962962962962798485477833;0.078518518518518515270088187208;0.049259259259259259577934386698;0.074814814814814820098654024605;0.206666666666666665186369300500
-0.033641975308641977604473538577;0.102160493827160497870565336598;0.121604938271604942623405065660;0.095061728395061731444748431841;0.062345679012345681102580385868;0.096604938271604934296732380972;0.045679012345679011197763230712;0.043827160493827163612046149410;0.096604938271604934296732380972;0.054938271604938269943030348941;0.095370370370370369239587660104;0.152160493827160486768335090346
-0.007037037037037036958653235530;0.147407407407407403665544620708;0.059259259259259261520824679792;0.000740740740740740703958178148;0.065925925925925929482751541855;0.196666666666666656304585103499;0.031481481481481478346129421197;0.006296296296296296363115274630;0.100740740740740741809844394083;0.058888888888888886452566140406;0.121851851851851850083718886708;0.203703703703703692395876601040
-0.014814814814814815380206169948;0.155925925925925912274294660165;0.106666666666666673513041985188;0.025185185185185185452461098521;0.059259259259259261520824679792;0.106296296296296291505889541895;0.046296296296296293726335591145;0.023703703703703702526661700745;0.097037037037037032760622423666;0.045555555555555557467606320188;0.085185185185185183232015049271;0.234074074074074073292806019708
-0.018518518518518517490534236458;0.135555555555555568014725054127;0.108888888888888882289229798062;0.029629629629629630760412339896;0.064444444444444443087505192125;0.097037037037037032760622423666;0.039259259259259257635044093604;0.024814814814814813853649511088;0.121111111111111113824989615750;0.081481481481481488060580886668;0.101481481481481478068573665041;0.177777777777777784562474039376
-0.017063492063492061850960013203;0.130158730158730168158243145626;0.104365079365079369000390840938;0.000000000000000000000000000000;0.050793650793650793606737181562;0.145634920634920644877396966876;0.046428571428571430157461463750;0.039682539682539680336859078125;0.102777777777777773460243793124;0.054761904761904761640423089375;0.143253968253968244628282491249;0.165079365079365075752448888124
-0.007083333333333332974823814965;0.162083333333333329262515576374;0.121249999999999996669330926125;0.002083333333333333304421275400;0.065416666666666664631257788187;0.142916666666666664076146275875;0.036666666666666666851703837438;0.017916666666666667545593227828;0.066666666666666665741480812812;0.068750000000000005551115123126;0.123333333333333336478965236438;0.185833333333333322601177428623
-0.015416666666666667059870654555;0.171666666666666661855700226624;0.080833333333333326486958014812;0.009583333333333332593184650250;0.075416666666666673513041985188;0.131250000000000005551115123126;0.047916666666666669904817155157;0.008333333333333333217685101602;0.109166666666666661855700226624;0.055000000000000000277555756156;0.098750000000000004440892098501;0.196666666666666656304585103499
-0.033680555555555553859381490156;0.157291666666666662965923251249;0.121874999999999997224442438437;0.010763888888888888811790067734;0.054513888888888889505679458125;0.093750000000000000000000000000;0.073958333333333334258519187188;0.017013888888888887424011286953;0.085416666666666668517038374375;0.052083333333333335646297967969;0.095138888888888883954564334999;0.204513888888888883954564334999
-0.030790960451977402584367027316;0.120338983050847461719889963661;0.129378531073446323418352221779;0.055084745762711863348304319743;0.051412429378531070145452730458;0.103107344632768355152663275476;0.035028248587570622041287293769;0.032203389830508473423709148165;0.098022598870056501518810421203;0.093502824858757063730685388236;0.100282485875706220412872937686;0.150847457627118652911946128370
-0.003773584905660377387948134498;0.203773584905660387622816642761;0.056918238993710693063299288497;0.000314465408805031430925641667;0.037106918238993709391326802916;0.196855345911949697335074915827;0.028616352201257862220007410770;0.003144654088050314634517068413;0.071698113207547167768929341491;0.047484276729559751761833297223;0.139622641509433959017272286474;0.210691823899371077910558369695
-0.020903954802259885892290469656;0.149999999999999994448884876874;0.091525423728813559698380686314;0.009887005649717514957353081684;0.093502824858757063730685388236;0.114689265536723164484733672452;0.045480225988700564987432528596;0.014971751412429378999546791817;0.120338983050847461719889963661;0.055932203389830507933577763424;0.076271186440677971041246507866;0.206497175141242939044872173326
-0.029310344827586206489788978047;0.130459770114942530394586128750;0.128160919540229872870540361873;0.000862068965517241367346734648;0.079885057471264370176911029375;0.093390804597701146394506110937;0.046839080459770116027229391875;0.038218390804597698884315093437;0.137643678160919546993312678751;0.055747126436781611891202459219;0.071839080459770110476114268749;0.187643678160919535891082432499
-0.015942028985507245703034939766;0.180072463768115947901904405626;0.155797101449275360307566984375;0.000000000000000000000000000000;0.051449275362318837301334184531;0.079347826086956521618454019062;0.081884057971014487242733537187;0.020652173913043476993767200156;0.078623188405797100886118755625;0.051086956521739133874060456719;0.120289855072463772178714691563;0.164855072463768126400651681251
-0.015530303030303029693248717535;0.167803030303030314973611325513;0.143560606060606055223161092727;0.012500000000000000693889390391;0.055681818181818179547271085994;0.094696969696969696128618920739;0.065530303030303035938253231052;0.044318181818181819064950133225;0.081060606060606055223161092727;0.072727272727272723740199467102;0.089393939393939400583910526166;0.157196969696969696128618920739
-0.019148936170212765839337976104;0.119148936170212771390453099229;0.174822695035460995427456509788;0.102127659574468079850539936615;0.028723404255319148759006964156;0.060638297872340422844938956359;0.044326241134751774575217808660;0.068439716312056739222491330565;0.074468085106382975180139283111;0.089716312056737593239041927973;0.109929078014184403166986214728;0.108510638297872344382177800526
-0.040370370370370368962031903948;0.101111111111111109939209029562;0.191851851851851856745057034459;0.011851851851851851263330850372;0.018148148148148149361169600979;0.052222222222222225429533182250;0.034444444444444444197728216750;0.033703703703703701000105041885;0.102962962962962964463820014771;0.127407407407407413657551842334;0.128148148148148149916281113292;0.157777777777777766798905645373
-0.014957264957264957902505209120;0.107264957264957258575854837090;0.133333333333333331482961625625;0.000427350427350427350056683018;0.047863247863247866675795449964;0.128632478632478619573475953075;0.030341880341880341637184059778;0.135470085470085460643829833316;0.084188034188034194249539154953;0.061965811965811967709782948077;0.129487179487179498993398851781;0.126068376068376064580434103846
-0.032170542635658917751673158136;0.079069767441860464018965615196;0.141860465116279060859838523356;0.010852713178294573492799202086;0.055038759689922479856338810578;0.084883720930232553492089664360;0.044186046511627906363539608492;0.091085271317829452630832065552;0.112790697674418599616430469723;0.088759689922480622392697569012;0.120930232558139533205476823241;0.138372093023255815502636778547
-0.028888888888888887562789165031;0.128148148148148149916281113292;0.095555555555555560243163881751;0.011851851851851851263330850372;0.059259259259259261520824679792;0.128888888888888886175010384250;0.037777777777777778178691647781;0.028148148148148147834612942120;0.120740740740740745695624980272;0.071111111111111111049432054187;0.127037037037037031650399399041;0.162592592592592594114009330042
-0.100854700854700857215462406202;0.094871794871794867809455809038;0.085897435897435897578233721106;0.145726495726495736127148461492;0.037179487179487179238090988065;0.100854700854700857215462406202;0.035042735042735043138328876466;0.059829059829059831610020836479;0.081196581196581199546535856371;0.064957264957264962412786246659;0.092307692307692312816413959808;0.101282051282051283047636047741
-0.118787878787878789510479293767;0.099696969696969700569511019239;0.105151515151515148605021465755;0.045151515151515150825467515006;0.079393939393939391702126329164;0.073636363636363638685011778762;0.057272727272727273761798727492;0.058484848484848486749321239131;0.093636363636363642570792364950;0.043939393939393937837945003366;0.073636363636363638685011778762;0.151212121212121214375301292421
-0.026016260162601625993694653971;0.090650406504065042523343720404;0.084959349593495936403542145854;0.000000000000000000000000000000;0.130487804878048785361954742257;0.146747967479674806812184328919;0.027642276422764226750938831856;0.008130081300813008990391317354;0.145528455284552854509527719529;0.038617886178861790535954412462;0.079674796747967485677222043705;0.221544715447154483278779935063
-0.007539682539682539784420267637;0.140873015873015872134743631250;0.119841269841269845719544662188;0.000396825396825396825052634231;0.048809523809523809589894227656;0.113095238095238095898942276563;0.046428571428571430157461463750;0.016269841269841271019780393203;0.109523809523809523280846178750;0.063888888888888883954564334999;0.125000000000000000000000000000;0.208333333333333342585191871876
-0.059090909090909089773635542997;0.106818181818181812126056229317;0.110606060606060610518319720086;0.003030303030303030300401934127;0.098863636363636361870099733551;0.100757575757575754127337575028;0.021969696969696968918972501683;0.019696969696969695434729530348;0.129924242424242414317703264715;0.056060606060606060774276215852;0.073484848484848486194209726818;0.219696969696969696128618920739
-0.059226190476190473943596259687;0.114583333333333328707404064062;0.133630952380952378044653983125;0.019642857142857142460634634062;0.050297619047619049337249919063;0.084523809523809528831961301876;0.047916666666666669904817155157;0.052380952380952382207990325469;0.114583333333333328707404064062;0.088690476190476194573442114688;0.109523809523809523280846178750;0.125000000000000000000000000000
-0.034259259259259260133045899011;0.116049382716049379049572110034;0.053086419753086422357313267639;0.182098765432098769201374466320;0.050308641975308640570396789826;0.125925925925925913384517684790;0.027469135802469134971515174470;0.066358024691358027946641584549;0.077777777777777779011358916250;0.071913580246913577642686732361;0.089814814814814819543542512292;0.104938271604938265779694006596
-0.035344827586206897795939596563;0.104022988505747121523725695624;0.089942528735632187864013076251;0.234770114942528723700476689373;0.048275862068965516571417140312;0.088793103448275859101990192812;0.034770114942528733414928154843;0.027011494252873562843531018984;0.070977011494252867374044058124;0.069827586206896552489808982500;0.068678160919540223727786099062;0.127586206896551729306210631876
-0.078947368421052627196488060690;0.074561403508771925685572057318;0.116666666666666668517038374375;0.111842105263157895467251989885;0.033771929824561404409610787525;0.079824561403508770274228822927;0.044298245614035086648030414835;0.070175438596491224174656053947;0.098245614035087719395633598651;0.087719298245614030218320067434;0.096491228070175433240152074177;0.107456140350877193956335986513
-0.071296296296296302053008275834;0.097839506172839499353877101839;0.160185185185185180456457487708;0.044444444444444446140618509844;0.050308641975308640570396789826;0.054938271604938269943030348941;0.039197530864197534239412590296;0.082407407407407401445098571457;0.085185185185185183232015049271;0.091049382716049384600687233160;0.108950617283950612623755205277;0.114197530864197524524961124825
-0.009477124183006535237949741202;0.150653594771241822192209269815;0.203267973856209149818852210956;0.042483660130718955971751427114;0.042810457516339869843413623585;0.069607843137254904464228388861;0.073202614379084970930300357850;0.042810457516339869843413623585;0.091503267973856203254534591451;0.051633986928104572133868543915;0.082026143790849673220755278180;0.140522875816993464415105563603
-0.017222222222222222098864108375;0.085833333333333330927850113312;0.094166666666666662410811738937;0.256388888888888888395456433500;0.055000000000000000277555756156;0.062222222222222220433529571437;0.029166666666666667129259593594;0.020555555555555556079827539406;0.082222222222222224319310157625;0.073333333333333333703407674875;0.084444444444444446973285778313;0.139444444444444454189735438376
-0.043840579710144926550707822344;0.101086956521739129710724114375;0.113043478260869564855362057187;0.127536231884057965624279518124;0.035869565217391305433913828438;0.066304347826086962314207085001;0.034420289855072463969243301563;0.059057971014492754990854450625;0.102536231884057971175394641250;0.109420289855072461193685740000;0.084057971014492749439739327499;0.122826086956521737802994209687
-0.036507936507936510073246694219;0.068253968253968247403840052812;0.089682539682539683112416639688;0.292460317460317476001563363752;0.041666666666666664353702032031;0.065476190476190479494711382813;0.023809523809523808202115446875;0.085714285714285715078730731875;0.079365079365079360673718156249;0.069444444444444447528397290625;0.059523809523809520505288617187;0.088095238095238101450057399688
-0.018095238095238094788719251937;0.041428571428571425716569365250;0.059523809523809520505288617187;0.467142857142857137464631023249;0.033333333333333332870740406406;0.062857142857142861425145952126;0.020000000000000000416333634234;0.024761904761904762750646114000;0.052857142857142859482255659032;0.071428571428571424606346340624;0.087619047619047624175792066126;0.060952380952380952328084617875
-0.033050847457627118008982591846;0.081638418079096039536857176699;0.113276836158192090175944599650;0.276836158192090397989204575424;0.029943502824858757999093583635;0.060169491525423730859944981830;0.037570621468926555797107624812;0.022316384180790960201079542458;0.067231638418079095464996441933;0.060169491525423730859944981830;0.085593220338983047601466580545;0.132203389830508472035930367383
-0.060233918128654972967694902763;0.095614035087719304040199119754;0.122222222222222218213083522187;0.124561403508771928461129618881;0.040350877192982456675984792582;0.076023391812865492855877391776;0.045614035087719301264641558191;0.054678362573099416332755851045;0.069005847953216375989526909507;0.100584795321637429643679695346;0.089181286549707597388625401891;0.121929824561403513105695139984
-0.026111111111111112714766591125;0.113333333333333327597181039437;0.073055555555555554136937246312;0.169444444444444453079512413751;0.046388888888888889228123701969;0.103611111111111112159655078813;0.034722222222222223764198645313;0.027777777777777776235801354687;0.099444444444444446418174266000;0.078333333333333338144299773376;0.087499999999999994448884876874;0.140277777777777779011358916250
-0.033333333333333332870740406406;0.098333333333333328152292551749;0.085555555555555551361379684749;0.165833333333333332593184650250;0.040833333333333332593184650250;0.110277777777777780121581940875;0.042500000000000003053113317719;0.054166666666666668517038374375;0.097500000000000003330669073875;0.058888888888888886452566140406;0.094722222222222221543752596062;0.118055555555555552471602709375
-0.044318181818181819064950133225;0.100757575757575754127337575028;0.099242424242424243097104863409;0.284848484848484850839867021932;0.044318181818181819064950133225;0.052651515151515150547911758849;0.049242424242424240321547301846;0.029166666666666667129259593594;0.066287878787878784514475682954;0.052272727272727269320906628991;0.078787878787878781738918121391;0.098106060606060599416089473834
-0.026724137931034484122472250078;0.114942528735632182312897953125;0.094827586206896546938693859374;0.136494252873563232109077603127;0.078448275862068969632723280938;0.087643678160919544217755117188;0.044827586206896551102030201719;0.022988505747126436462579590625;0.091379310344827588408200824688;0.051724137931034482040804078906;0.070402298850574709931926520312;0.179597701149425276190285671873
-0.032916666666666663521034763562;0.125833333333333324821623477874;0.097500000000000003330669073875;0.026249999999999999028554853453;0.095000000000000001110223024625;0.121249999999999996669330926125;0.070000000000000006661338147751;0.029166666666666667129259593594;0.084166666666666667406815349750;0.053749999999999999167332731531;0.085416666666666668517038374375;0.178749999999999992228438827624
-0.014634146341463415488814980847;0.156097560975609755962167923826;0.115447154471544716214381764985;0.060162601626016262712504101273;0.049186991869918698927488520667;0.092276422764227636341693994382;0.051626016260162603532801739448;0.021138211382113820252515168363;0.084552845528455281010060673452;0.082113821138211376404747454671;0.093902439024390244037832076174;0.178861788617886180441374222028
-0.009722222222222222376419864531;0.116388888888888888950567945813;0.094166666666666662410811738937;0.001388888888888888941894328433;0.079444444444444442532393679812;0.129722222222222210996633862123;0.062777777777777779566470428563;0.043055555555555555247160270937;0.131666666666666654084139054248;0.049444444444444443642616704437;0.094444444444444441977282167500;0.187777777777777765688682620748
-0.013333333333333334189130248149;0.147037037037037049413967793043;0.140370370370370367574253123166;0.000000000000000000000000000000;0.054444444444444441144614899031;0.095925925925925928372528517230;0.061851851851851852304164935958;0.032592592592592589673117231541;0.084074074074074078843921142834;0.062962962962962956692258842395;0.098888888888888887285233408875;0.208518518518518519710980285709
-0.032653061224489798863857004108;0.105102040816326527949975400134;0.100340136054421769085109872321;0.146258503401360540063791404464;0.054081632653061227633539687076;0.098639455782312923659560510714;0.044217687074829932492026074442;0.022789115646258503722343391473;0.091156462585034014889373565893;0.050680272108843536782440963862;0.091156462585034014889373565893;0.162925170068027203029714655713
-0.036296296296296298722339201959;0.078148148148148147140723551729;0.081481481481481488060580886668;0.267777777777777781231804965500;0.048518518518518516380311211833;0.081111111111111106053428443374;0.031851851851851853414387960584;0.021481481481481479872686080057;0.092222222222222219323306546812;0.076296296296296292616112566520;0.072592592592592597444678403917;0.112222222222222223209087133000
-0.028014184397163119366602757054;0.062056737588652481629747370562;0.054964539007092201583493107364;0.419148936170212760288222852978;0.034042553191489362263144613507;0.073404255319148931091532972459;0.016312056737588651739168099652;0.014184397163120567031402430302;0.066666666666666665741480812812;0.058865248226950356302822342514;0.085106382978723402188414581815;0.087234042553191490365627203118
-0.010451977401129942946145234828;0.151412429378531082635461757491;0.137570621468926540531541036216;0.023163841807909604786352986139;0.058757062146892656551155909028;0.101694915254237294721662010488;0.036440677966101696350076366571;0.021186440677966100754048284216;0.093220338983050848868927573676;0.070338983050847458944332402098;0.100282485875706220412872937686;0.195480225988700573314105213285
-0.065123456790123462889496863681;0.092592592592592587452671182291;0.078703703703703706273664408855;0.040740740740740744030290443334;0.085185185185185183232015049271;0.100000000000000005551115123126;0.018827160493827162224267368629;0.054938271604938269943030348941;0.127160493827160492319450213472;0.095987654320987658707053924445;0.083333333333333328707404064062;0.157407407407407412547328817709
-0.045321637426900582279465368174;0.104385964912280707062031126497;0.070175438596491224174656053947;0.091812865497076026621847688602;0.077485380116959060026182726233;0.124561403508771928461129618881;0.031578947368421053654152785839;0.019298245614035088729698586008;0.111695906432748542913557798784;0.094152046783625736869893785297;0.093567251461988298899541405262;0.135964912280701760716183912336
-0.029999999999999998889776975375;0.089166666666666671847707448251;0.111250000000000001665334536938;0.257083333333333330372738601000;0.057916666666666664908813544344;0.057083333333333333148296162562;0.031250000000000000000000000000;0.039583333333333331482961625625;0.095833333333333339809634310313;0.065000000000000002220446049250;0.062083333333333330650294357156;0.103749999999999995003996389187
-0.027131782945736433731998005214;0.097286821705426351769574466744;0.099612403100775195885496771098;0.119767441860465118086409574971;0.051937984496124030286967609982;0.076744186046511633780831118656;0.023643410852713177966455404544;0.014728682170542635454513202831;0.123643410852713173109229671809;0.086821705426356587942393616686;0.090697674418604656843001521338;0.187984496124031008612575988082
-0.015079365079365079568840535273;0.129365079365079377327063525627;0.087698412698412692156679781874;0.059523809523809520505288617187;0.057142857142857141072855853281;0.128968253968253981911473715627;0.031349206349206348853897452500;0.040079365079365082691342792032;0.108730158730158732449666558750;0.069444444444444447528397290625;0.095238095238095232808461787499;0.177380952380952389146884229376
-0.022592592592592591199673890401;0.124444444444444440867059142874;0.096666666666666664631257788187;0.058148148148148150193836869448;0.073333333333333333703407674875;0.103333333333333332593184650250;0.036296296296296298722339201959;0.031111111111111110216764785719;0.109629629629629632425746876834;0.055185185185185184342238073896;0.098518518518518519155868773396;0.190740740740740738479175320208
-0.031321839080459767945541216250;0.090517241379310345306130614063;0.148275862068965508244744455624;0.003448275862068965469386938594;0.082758620689655171265286526250;0.069540229885057466829856309687;0.035919540229885055238057134375;0.029022988505747127768730209141;0.128448275862068972408280842501;0.081609195402298856381051450626;0.093103448275862074612341245938;0.206034482758620685061146104999
-0.016666666666666666435370203203;0.127500000000000002220446049250;0.116666666666666668517038374375;0.040000000000000000832667268469;0.042500000000000003053113317719;0.112083333333333326486958014812;0.031666666666666669349705642844;0.019166666666666665186369300500;0.115833333333333329817627088687;0.098333333333333328152292551749;0.100000000000000005551115123126;0.179583333333333344805637921127
-0.030370370370370370488588562807;0.096666666666666664631257788187;0.074814814814814820098654024605;0.173703703703703693506099625665;0.045185185185185182399347780802;0.127037037037037031650399399041;0.040740740740740744030290443334;0.067037037037037033870845448291;0.076296296296296292616112566520;0.075925925925925924486747931041;0.089629629629629628539966290646;0.102592592592592596334455379292
-0.017083333333333332315628894094;0.187500000000000000000000000000;0.082916666666666666296592325125;0.036249999999999997501998194593;0.091666666666666660190365689687;0.109583333333333338144299773376;0.033333333333333332870740406406;0.014166666666666665949647629930;0.107083333333333335923853724125;0.051666666666666666296592325125;0.066250000000000003330669073875;0.202500000000000013322676295502
-0.024842767295597485699421014260;0.111949685534591197866305378739;0.143710691823899366914574216025;0.122012578616352201921202436097;0.050000000000000002775557561563;0.061320754716981132337316751091;0.041194968553459117288628732467;0.053144654088050316542712891987;0.078301886792452826679955535383;0.075157232704402512912800204958;0.092452830188679238632154522293;0.145911949685534586551582947322
-0.022962962962962962798485477833;0.165555555555555566904502029502;0.097777777777777782897139502438;0.001111111111111111110147375847;0.070000000000000006661338147751;0.134444444444444449748843339876;0.057407407407407406996213694583;0.017407407407407406163546426114;0.089259259259259260410601655167;0.040370370370370368962031903948;0.086666666666666669627261399000;0.217037037037037028319730325165
-0.028125000000000000693889390391;0.127083333333333325931846502499;0.137847222222222232090871330001;0.030208333333333333564629796797;0.054513888888888889505679458125;0.073958333333333334258519187188;0.043749999999999997224442438437;0.057986111111111113269878103438;0.091666666666666660190365689687;0.098958333333333328707404064062;0.105902777777777776235801354687;0.149999999999999994448884876874
-0.053611111111111109384097517250;0.080555555555555560798275394063;0.096388888888888885064787359624;0.001944444444444444388547799107;0.054722222222222220711085327594;0.092777777777777778456247403938;0.025555555555555557051272685953;0.014722222222222221613141535101;0.206111111111111106053428443374;0.087499999999999994448884876874;0.121388888888888893391460044313;0.164722222222222214327302935999
-0.016296296296296294836558615771;0.119259259259259259300378630542;0.118518518518518523041649359584;0.010740740740740739936343040029;0.065185185185185179346234463083;0.113333333333333327597181039437;0.038518518518518521376314822646;0.023333333333333334397297065266;0.103333333333333332593184650250;0.059629629629629629650189315271;0.121851851851851850083718886708;0.209999999999999992228438827624
-0.010802469135802468536144971267;0.137345679012345678327022824305;0.077469135802469141216519687987;0.166358024691358019619968899860;0.039814814814814816767984950729;0.119135802469135798631327816111;0.055246913580246914676763481111;0.012654320987654321326032480499;0.058950617283950616787091547621;0.059876543209876544049397040226;0.094753086419753079772121395763;0.167592592592592598554901428543
-0.009027777777777776929690745078;0.135763888888888878403449211874;0.057638888888888892281237019688;0.218055555555555558022717832500;0.058333333333333334258519187188;0.111458333333333339809634310313;0.031250000000000000000000000000;0.008680555555555555941049661328;0.061805555555555558022717832500;0.050347222222222223764198645313;0.080555555555555560798275394063;0.177083333333333342585191871876
-0.004716981132075471518094733625;0.181761006289308163497153714161;0.082389937106918234577257464935;0.151257861635220119955747009044;0.061320754716981132337316751091;0.102515723270440256564839387465;0.038679245283018866274904468128;0.009119496855345911659473934208;0.061320754716981132337316751091;0.049685534591194971398842028520;0.086477987421383642474559394486;0.170754716981132065312110057675
-0.003107344632768361744612484188;0.146610169491525416107791102149;0.045480225988700564987432528596;0.181073446327683629242244478519;0.045480225988700564987432528596;0.160734463276836159195681830170;0.012994350282485874967242089895;0.001694915254237288086344714877;0.065254237288135591432691740010;0.050000000000000002775557561563;0.115254237288135594208249301573;0.172316384180790954649964419332
-0.014184397163120567031402430302;0.127304964539007081647525865264;0.068439716312056739222491330565;0.097872340425531917373902501822;0.055319148936170209340801307007;0.167730496453900701503414438776;0.009929078014184397615871091602;0.032978723404255318174538302856;0.088652482269503549150435617321;0.054964539007092201583493107364;0.098226950354609932070104605373;0.184397163120567364469337690025
-0.035000000000000003330669073875;0.074666666666666672846908170413;0.095666666666666663743079368487;0.258666666666666655860495893648;0.037999999999999999056310429069;0.045666666666666667906415710831;0.022999999999999999611421941381;0.055333333333333331593983928087;0.094333333333333338477366680763;0.086999999999999994004795667024;0.070999999999999993671728759637;0.121666666666666672957930472876
-0.011347517730496454665956029828;0.136879432624113478444982661131;0.130141843971631199217142693669;0.000354609929078014208311125932;0.073404255319148931091532972459;0.071631205673758871488310262521;0.039007092198581561071080159309;0.028723404255319148759006964156;0.121631205673758860386080016269;0.098226950354609932070104605373;0.080141843971631210319372939921;0.208510638297872336055505115837
-0.019607843137254901688670827298;0.143137254901960775388403135366;0.220261437908496726656437658676;0.000653594771241830020148955160;0.033660130718954246742402602877;0.061437908496732022978203957564;0.074183006535947712545286947261;0.050000000000000002775557561563;0.071895424836601301565863764154;0.085947712418300653558489443640;0.083986928104575170328516264817;0.155228758169934644151055636030
-0.019629629629629628817522046802;0.076296296296296292616112566520;0.177407407407407402555321596083;0.000370370370370370351979089074;0.046296296296296293726335591145;0.045555555555555557467606320188;0.020000000000000000416333634234;0.051851851851851850361274642864;0.137407407407407394783760423707;0.133703703703703713490114068918;0.096296296296296296501893152708;0.195185185185185183787126561583
-0.007142857142857142634106981660;0.186394557823129247697835353392;0.088435374149659864984052148884;0.075510204081632656403222370045;0.073809523809523810977673008438;0.108503401360544218801074123348;0.031292517006802723911196295603;0.004081632653061224857982125513;0.076870748299319724416989174642;0.050340136054421766309552310759;0.063605442176870752302164646608;0.234013605442176864102066247142
-0.026797385620915031151367813322;0.052614379084967320687749037234;0.055882352941176473282158809752;0.416013071895424857427059350812;0.061111111111111109106541761093;0.046732026143790850181147789044;0.016666666666666666435370203203;0.020588235294117646773104368663;0.070915032679738559950877174742;0.060457516339869281363217368153;0.044117647058823532268956313374;0.128104575163398681780790866469
-0.003273809523809523887999395342;0.169345238095238104225614961251;0.123511904761904767191538212501;0.000000000000000000000000000000;0.044345238095238097286721057344;0.124404761904761906876615285000;0.029166666666666667129259593594;0.006250000000000000346944695195;0.088690476190476194573442114688;0.068750000000000005551115123126;0.091369047619047613628673332187;0.250892857142857139685077072500
-0.011858974358974358476181976130;0.101282051282051283047636047741;0.084935897435897439455843027645;0.218269230769230770938804653269;0.034935897435897436680285466082;0.113141025641025641523818023870;0.014743589743589743251694912374;0.009935897435897435292506685300;0.086858974358974355700624414567;0.087499999999999994448884876874;0.079487179487179482340053482403;0.157051282051282048435325577884
-0.012056737588652482323636760952;0.045035460992907803967622015762;0.042907801418439715790409394458;0.534751773049645384716654916701;0.040425531914893619855888573511;0.052127659574468084013876278959;0.012056737588652482323636760952;0.010992907801418439969753926277;0.058865248226950356302822342514;0.063829787234042548171863984408;0.048936170212765958686951250911;0.078014184397163122142160318617
-0.092690058479532169699588450840;0.050877192982456138914404419893;0.052631578947368418130992040460;0.351754385964912263951021031971;0.059941520467836253982518712746;0.047953216374269004573793750978;0.023099415204678362678603065206;0.041520467836257311800007840930;0.091812865497076026621847688602;0.063157894736842107308305571678;0.052046783625730994038427468240;0.072514619883040934422702150641
-0.130851063829787228609546900771;0.047872340425531914598344940259;0.078723404255319151534564525718;0.089361702127659578542839824422;0.062056737588652481629747370562;0.102482269503546094546742040166;0.019148936170212765839337976104;0.140780141843971640103205800187;0.089716312056737593239041927973;0.067375886524822695133885019914;0.076950354609929078053554007965;0.094680851063829785108083569867
-0.036477987421383646637895736831;0.091509433962264144502007923165;0.115723270440251574386891775248;0.030188679245283019103585075982;0.078301886792452826679955535383;0.091823899371069175878723456208;0.021069182389937105709387665797;0.022327044025157231216249797967;0.111006289308176103736158779611;0.080817610062893077693679799722;0.098742138364779880044252990956;0.222012578616352207472317559223
-0.015646258503401361955598147802;0.115306122448979586625483761964;0.082993197278911565173409314866;0.031972789115646257918079697902;0.116666666666666668517038374375;0.104081632653061223470203344732;0.028231292517006803532986225491;0.008163265306122449715964251027;0.141156462585034003787143319641;0.050000000000000002775557561563;0.072789115646258506497900953036;0.232993197278911573500081999555
-0.004421768707482993596147302640;0.146938775510204094887356518484;0.067006802721088429275475562008;0.084693877551020410598958676474;0.086054421768707478612725481071;0.123129251700680272807453263795;0.014285714285714285268213963320;0.004421768707482993596147302640;0.097959183673469382713783204508;0.066666666666666665741480812812;0.085034013605442174132953425669;0.219387755102040810095687106696
-0.012592592592592592726230549260;0.074814814814814820098654024605;0.049629629629629627707299022177;0.314444444444444470843080807754;0.065555555555555561353386906376;0.079259259259259265406605265980;0.011481481481481481399242738917;0.005555555555555555767577313730;0.079259259259259265406605265980;0.119259259259259259300378630542;0.144074074074074076623475093584;0.044074074074074071072359970458
-0.014327485380116959656771058462;0.115204678362573101346733039918;0.101754385964912277828808839786;0.125730994152046776646258763321;0.034502923976608187994763454753;0.097076023391812871210504454211;0.012865497076023392486465724005;0.026315789473684209065496020230;0.099122807017543862473374360889;0.089181286549707597388625401891;0.092982456140350874806976833042;0.190935672514619875217434241677
-0.018269230769230770244915262879;0.072435897435897442231400589208;0.051923076923076925959232852392;0.462179487179487202830330261349;0.026923076923076924571454071611;0.074358974358974358476181976130;0.015384615384615385469402326635;0.020192307692307693428590553708;0.048717948717948718340142733041;0.064743589743589749496699425890;0.083333333333333328707404064062;0.061538461538461541877609306539
-0.006209150326797385245625182648;0.069934640522875818335890585331;0.070915032679738559950877174742;0.396732026143790827976687296541;0.030392156862745097617439782312;0.065359477124183010254832026931;0.037254901960784313208474571866;0.009150326797385621366287544731;0.060784313725490195234879564623;0.095424836601307183592268756911;0.127777777777777767909128669999;0.030065359477124183745777585841
-0.012121212121212121201607736509;0.099696969696969700569511019239;0.062121212121212118772994870142;0.228787878787878790065590806080;0.057878787878787876786113031358;0.113939393939393937560389247210;0.023939393939393940891058321085;0.006666666666666667094565124074;0.104242424242424247537996961910;0.071515151515151517691570859370;0.108484848484848489524878800694;0.110606060606060610518319720086
-0.081666666666666665186369300500;0.076333333333333336367942933975;0.071666666666666670182372911313;0.025333333333333332704206952712;0.091666666666666660190365689687;0.114666666666666666740681534975;0.018333333333333333425851918719;0.044333333333333335701809119200;0.168666666666666659191164967524;0.079666666666666663410012461100;0.077666666666666661633655621699;0.149999999999999994448884876874
-0.054802259887005648486546505183;0.125706214689265544093288440308;0.051129943502824862222588819805;0.043785310734463275816885641234;0.054802259887005648486546505183;0.134180790960451989946022877120;0.012994350282485874967242089895;0.069491525423728814359058958416;0.071751412429378533253121474900;0.068361581920903954912027700175;0.084180790960451973292677507743;0.228813559322033899245951715784
-0.007482993197278911372272158786;0.159863945578231303468186297323;0.081972789115646260693637259465;0.000000000000000000000000000000;0.070748299319727897538356842233;0.120748299319727886436126595981;0.056802721088435377538861104085;0.007142857142857142634106981660;0.087074829931972783092497536472;0.048299319727891157350008199955;0.095578231292517010220244344509;0.264285714285714290472384391251
-0.026785714285714284227379877734;0.055059523809523808202115446875;0.125595238095238093123384715000;0.257142857142857117480616579996;0.028869047619047620567567236094;0.036904761904761905488836504219;0.097321428571428572618096097813;0.062202380952380953438307642500;0.079761904761904756089307966249;0.070238095238095238359576910625;0.067857142857142851988250242812;0.092261904761904767191538212501
-0.046333333333333330539272054693;0.043333333333333334813630699500;0.065333333333333326597980317274;0.450666666666666659857298782299;0.033000000000000001554312234475;0.042666666666666665241880451731;0.009666666666666667157015169209;0.038333333333333330372738601000;0.068666666666666667517837652213;0.070333333333333331038872415775;0.059666666666666666463125778819;0.071999999999999994559907179337
-0.047916666666666669904817155157;0.039583333333333331482961625625;0.074583333333333334813630699500;0.184583333333333321490954403998;0.088333333333333333148296162562;0.089583333333333334258519187188;0.015833333333333334674852821422;0.044166666666666666574148081281;0.135833333333333333703407674875;0.088333333333333333148296162562;0.066666666666666665741480812812;0.124583333333333337589188261063
-0.031250000000000000000000000000;0.076190476190476197348999676251;0.115178571428571421830788779062;0.004761904761904762334312479766;0.063690476190476186246769429999;0.102083333333333331482961625625;0.031547619047619046561692357500;0.020535714285714285615158658516;0.175892857142857156338422441877;0.074999999999999997224442438437;0.140773809523809523280846178750;0.163095238095238098674499838125
-0.008536585365853659179702361826;0.106504065040650408580091834665;0.032520325203252035961565269417;0.000000000000000000000000000000;0.099186991869918694764152178323;0.152845528455284540569891760242;0.013008130081300812996847326986;0.001219512195121951218454436905;0.206910569105691055646900622378;0.047154471544715449715656774288;0.080894308943089424102090845281;0.251219512195121952302656609390
-0.000793650793650793650105268462;0.192063492063492075034858430627;0.032142857142857139685077072500;0.000000000000000000000000000000;0.017063492063492061850960013203;0.275793650793650813035640112503;0.014682539682539682418527249297;0.023809523809523808202115446875;0.039285714285714284921269268125;0.027777777777777776235801354687;0.196825396825396820021936150624;0.179761904761904761640423089375
-0.035151515151515148882577221912;0.125454545454545457472406155830;0.070303030303030297765154443823;0.000000000000000000000000000000;0.080909090909090902732359040783;0.172727272727272729291314590228;0.028787878787878789371701415689;0.003333333333333333547282562037;0.136363636363636353543427048862;0.050000000000000002775557561563;0.153636363636363626472558507885;0.143333333333333340364745822626
-0.013055555555555556357383295563;0.050277777777777775403134086218;0.057500000000000002498001805407;0.421944444444444455299958463002;0.035833333333333335091186455656;0.076388888888888895056794581251;0.008333333333333333217685101602;0.012222222222222222862142437805;0.074444444444444438091501581312;0.061666666666666668239482618219;0.068888888888888888395456433500;0.119444444444444450303954852188
-0.023856209150326795898067189228;0.071895424836601301565863764154;0.102287581699346402652750498419;0.214379084967320249210942506579;0.044117647058823532268956313374;0.089542483660130720024561412629;0.020915032679738560644766565133;0.016993464052287580307032399674;0.103921568627450985888849288585;0.087581699346405222916800425992;0.086601307189542481301813836581;0.137908496732026153441807991840
-0.026736111111111109800431151484;0.052083333333333335646297967969;0.067361111111111107718762980312;0.476388888888888861750103842496;0.036111111111111107718762980312;0.051041666666666665741480812812;0.015625000000000000000000000000;0.025347222222222222376419864531;0.062847222222222220988641083750;0.060069444444444446140618509844;0.050347222222222223764198645313;0.076041666666666660190365689687
-0.035119047619047619179788455313;0.051488095238095235584019349062;0.087202380952380947887192519374;0.343452380952380953438307642500;0.034523809523809526056403740313;0.062202380952380953438307642500;0.019642857142857142460634634062;0.042261904761904764415980650938;0.077678571428571430157461463750;0.089583333333333334258519187188;0.065773809523809526056403740313;0.091071428571428567066980974687
-0.028455284552845527129560920798;0.044715447154471545110343555507;0.062601626016260167317817320054;0.347560975609756073190226288716;0.069512195121951225740275503995;0.071138211382113819558625777972;0.014634146341463415488814980847;0.021138211382113820252515168363;0.079674796747967485677222043705;0.070325203252032522649450640984;0.076422764227642270284945880121;0.113821138211382108518243683193
-0.081666666666666665186369300500;0.075277777777777776790912867000;0.131666666666666654084139054248;0.017222222222222222098864108375;0.056388888888888891171013995063;0.060833333333333336478965236438;0.017222222222222222098864108375;0.033611111111111112437210834969;0.148055555555555551361379684749;0.127500000000000002220446049250;0.088611111111111112714766591125;0.161944444444444446418174266000
-0.021153846153846155020428199123;0.109294871794871795156467442212;0.140705128205128204843532557788;0.009294871794871794809522747016;0.067948717948717943238001737427;0.079807692307692301714183713557;0.028846153846153847755129362440;0.031089743589743590312934884423;0.125320512820512819374130231154;0.107371794871794865033898247475;0.095192307692307687183586040192;0.183974358974358986884567457309
-0.012000000000000000249800180541;0.138333333333333335923853724125;0.072666666666666671070551331013;0.000000000000000000000000000000;0.074666666666666672846908170413;0.150999999999999995337063296574;0.016000000000000000333066907388;0.003666666666666666598434209945;0.116333333333333330261716298537;0.061666666666666668239482618219;0.093333333333333337589188261063;0.260333333333333361014894080654
-0.002836879432624113666489007457;0.116312056737588653820836270825;0.037588652482269502286271745106;0.000000000000000000000000000000;0.103900709219858153331550454368;0.164893617021276583933797610371;0.009929078014184397615871091602;0.000709219858156028416622251864;0.131205673758865243305749004321;0.028368794326241134062804860605;0.080851063829787239711777147022;0.323404255319148958847108588088
-0.003921568627450980337734165460;0.193464052287581705913410701214;0.102614379084967316524412694889;0.000000000000000000000000000000;0.066339869281045751869818616342;0.118954248366013065618673749668;0.046078431372549022437823396103;0.005555555555555555767577313730;0.076797385620915037396372326839;0.030392156862745097617439782312;0.113071895424836602050966405386;0.242810457516339867067856062022
-0.000000000000000000000000000000;0.381060606060606044120930846475;0.208712121212121209934409193920;0.000000000000000000000000000000;0.013636363636363635701287400082;0.060606060606060607742762158523;0.057954545454545453031514057329;0.002651515151515151675482018234;0.020075757575757576661734660206;0.025378787878787879145336958686;0.059469696969696971000640672855;0.170454545454545441929283811078
-0.004081632653061224857982125513;0.166326530612244893880813378928;0.090816326530612251355378816697;0.000000000000000000000000000000;0.109183673469387759746851429554;0.100000000000000005551115123126;0.024489795918367345678445801127;0.001020408163265306214495531378;0.088095238095238101450057399688;0.033333333333333332870740406406;0.068027210884353747633035425224;0.314625850340136070659724509824
-0.001063829787234042570723269172;0.191489361702127658393379761037;0.068085106382978724526289227015;0.000000000000000000000000000000;0.039007092198581561071080159309;0.167375886524822686807212335225;0.036170212765957443501463330904;0.003900709219858156020371842132;0.064184397163120562868066087958;0.045744680851063826421132318956;0.092907801418439711627073052114;0.290070921985815577404110854332
-0.041463414634146343595855199737;0.059756097560975607319022628872;0.051219512195121948139320267046;0.343495934959349602522138411587;0.041869918699186992050442768232;0.077642276422764222587602489511;0.013821138211382113375469415928;0.089837398373983745614168583415;0.049186991869918698927488520667;0.069918699186991867255969168582;0.068292682926829273437618894604;0.093495934959349588644350603772
-0.023333333333333334397297065266;0.048333333333333332315628894094;0.032222222222222221543752596062;0.460833333333333317050062305498;0.029166666666666667129259593594;0.105833333333333334813630699500;0.003333333333333333547282562037;0.014444444444444443781394582516;0.048888888888888891448569751219;0.079444444444444442532393679812;0.096944444444444444197728216750;0.057222222222222222931531376844
-0.095833333333333339809634310313;0.059294871794871792380909880649;0.051602564102564099646208717331;0.370833333333333348136306995002;0.042628205128205129414986629399;0.071153846153846150857091856778;0.014743589743589743251694912374;0.025961538461538462979616426196;0.069871794871794873360570932164;0.068269230769230762612131968581;0.055448717948717946013559298990;0.074358974358974358476181976130
-0.011111111111111111535154627461;0.117013888888888889505679458125;0.067013888888888886730121896562;0.165972222222222215437525960624;0.064583333333333339809634310313;0.111111111111111104943205418749;0.026041666666666667823148983985;0.018749999999999999306110609609;0.089236111111111113269878103438;0.063888888888888883954564334999;0.091666666666666660190365689687;0.173611111111111104943205418749
-0.003333333333333333547282562037;0.189583333333333325931846502499;0.084583333333333329817627088687;0.000000000000000000000000000000;0.069166666666666667961926862063;0.127500000000000002220446049250;0.041666666666666664353702032031;0.007916666666666667337426410711;0.087916666666666670737484423626;0.035833333333333335091186455656;0.085416666666666668517038374375;0.267083333333333339254522798001
-0.001851851851851851922525771243;0.204444444444444456410181487627;0.054814814814814816212873438417;0.097407407407407400889987059145;0.017037037037037038034181790636;0.197777777777777774570466817750;0.007407407407407407690103084974;0.003333333333333333547282562037;0.028518518518518519433424529552;0.072962962962962965574043039396;0.147037037037037049413967793043;0.167407407407407393673537399081
-0.002777777777777777883788656865;0.154320987654320979087785303818;0.059567901234567899315663908055;0.147222222222222226539756206876;0.027469135802469134971515174470;0.134259259259259272623054926044;0.011419753086419752799440807678;0.012345679012345678327022824305;0.049691358024691358041824429392;0.066666666666666665741480812812;0.118827160493827160836488587847;0.215432098765432095133220968819
-0.000980392156862745084433541365;0.170915032679738565501992297868;0.029411764705882352533006240947;0.196732026143790844630032665918;0.014379084967320260660117448026;0.164379084967320260313172752831;0.003921568627450980337734165460;0.014379084967320260660117448026;0.021895424836601305729200106498;0.058169934640522877322688088952;0.137254901960784325698483598899;0.187581699346405228467915549118
-0.004802259887005650047797633562;0.159322033898305071009104949553;0.032203389830508473423709148165;0.131920903954802271051960360637;0.016949152542372881297128017763;0.197740112994350292208167729768;0.002259887005649717593019909501;0.006214689265536723489224968375;0.029096045197740113413820139954;0.062711864406779657676871408967;0.133615819209039560222507248000;0.223163841807909602010795424576
-0.001063829787234042570723269172;0.179432624113475186478083855945;0.023404255319148935254869314804;0.138652482269503551925993178884;0.011347517730496454665956029828;0.220567375886524835726376636558;0.001418439716312056833244503729;0.007092198581560283515701215151;0.025531914893617019962634984154;0.061702127659574466933545267011;0.130851063829787228609546900771;0.198936170212765967013623935600
-0.000000000000000000000000000000;0.159420289855072450091455493748;0.031521739130434781039902247812;0.157608695652173919077299046876;0.011594202898550724778470311094;0.231884057971014495569406221875;0.002173913043478260895963183330;0.000000000000000000000000000000;0.026811594202898549749169987422;0.050000000000000002775557561563;0.169565217391304340344149181874;0.159420289855072450091455493748
-0.001250000000000000026020852140;0.176666666666666666296592325125;0.067916666666666666851703837438;0.023750000000000000277555756156;0.028750000000000001249000902703;0.149583333333333345915860945752;0.006250000000000000346944695195;0.000416666666666666693410320255;0.056666666666666663798590519718;0.069583333333333330372738601000;0.121666666666666672957930472876;0.297499999999999986677323704498
-0.006818181818181817850643700041;0.152651515151515149160132978068;0.060984848484848482030873384474;0.141666666666666662965923251249;0.022727272727272727903535809446;0.111742424242424240321547301846;0.003409090909090908925321850020;0.006060606060606060600803868255;0.041666666666666664353702032031;0.090530303030303030387138107926;0.100000000000000005551115123126;0.261742424242424220892644370906
-0.004938271604938271504281477320;0.129938271604938260228578883471;0.032407407407407405608434913802;0.190123456790123462889496863681;0.025617283950617283916351141215;0.198765432098765432167297717569;0.002777777777777777883788656865;0.005864197530864197899225231936;0.028703703703703703498106847292;0.060802469135802471311702532830;0.133950617283950607072640082151;0.186111111111111116045435665001
-0.005757575757575757353923240345;0.124848484848484847509197948057;0.072121212121212127654779067143;0.180606060606060603301870060022;0.015151515151515151935690539631;0.146060606060606057443607141977;0.007878787878787879214725897725;0.006060606060606060600803868255;0.048484848484848484806430946037;0.080000000000000001665334536938;0.119999999999999995559107901499;0.193030303030303024280911472488
-0.002777777777777777883788656865;0.148809523809523808202115446875;0.031746031746031744269487262500;0.140079365079365081303564011250;0.014285714285714285268213963320;0.240873015873015877685858754376;0.006349206349206349200842147695;0.000793650793650793650105268462;0.034126984126984123701920026406;0.048015873015873018758714607657;0.148015873015873017370935826875;0.184126984126984138967486615002
-0.009920634920634920084214769531;0.121825396825396822797493712187;0.036111111111111107718762980312;0.066269841269841270325891002813;0.054365079365079366224833279375;0.175396825396825384313359563748;0.004365079365079365183999193789;0.000396825396825396825052634231;0.054365079365079366224833279375;0.046428571428571430157461463750;0.117857142857142854763807804375;0.312698412698412697707794905000
-0.000000000000000000000000000000;0.126190476190476186246769429999;0.027380952380952380820211544687;0.103571428571428578169211220938;0.016269841269841271019780393203;0.241666666666666668517038374375;0.001984126984126984016842953906;0.000396825396825396825052634231;0.037698412698412696320016124218;0.066269841269841270325891002813;0.165079365079365075752448888124;0.213492063492063482987859401874
-0.000320512820512820512542512263;0.106410256410256406911507554014;0.018269230769230770244915262879;0.158333333333333325931846502499;0.006730769230769231142863517903;0.318269230769230748734344160766;0.001282051282051282050170049054;0.004807692307692307959188227073;0.025961538461538462979616426196;0.043589743589743587537377322860;0.176923076923076932898126756299;0.139102564102564107972881402020
-0.000980392156862745084433541365;0.115032679738562085280939584209;0.023202614379084968154742796287;0.197712418300653586245019255330;0.020588235294117646773104368663;0.226470588235294117973595007243;0.004248366013071895076758099918;0.022875816993464050813633647863;0.037908496732026140951798964807;0.040849673202614379674546540855;0.144771241830065372502289733347;0.165359477124183001928159342242
-0.003260869565217391127104340498;0.125724637681159406854547455623;0.027898550724637680847672882578;0.140579710144927538806314260000;0.016666666666666666435370203203;0.236231884057971019963417802501;0.003985507246376811425758734941;0.002173913043478260895963183330;0.039130434782608698729422513907;0.058695652173913044624686818906;0.164492753623188409095590145625;0.181159420289855072061513396875
-0.003191489361702127495329373019;0.162411347517730508815958501145;0.016312056737588651739168099652;0.097872340425531917373902501822;0.011347517730496454665956029828;0.264539007092198574788710629946;0.000000000000000000000000000000;0.001773049645390070878925303788;0.026595744680851064051241294806;0.063120567375886518779459777306;0.151418439716312053233693291077;0.201418439716312069887038660454
-0.005416666666666666851703837438;0.176249999999999990007992778374;0.044999999999999998334665463062;0.074999999999999997224442438437;0.018333333333333333425851918719;0.190833333333333327042069527124;0.002916666666666666799662133158;0.005000000000000000104083408559;0.035416666666666665741480812812;0.069166666666666667961926862063;0.141249999999999986677323704498;0.235416666666666662965923251249
-0.002272727272727272616881233347;0.156818181818181828779401598695;0.047727272727272729291314590228;0.135606060606060618844992404775;0.017424242424242425419933510966;0.175757575757575751351780013465;0.006439393939393939225723784148;0.003787878787878787983922634908;0.032575757575757577355624050597;0.061363636363636363257878514332;0.135227272727272723740199467102;0.225000000000000005551115123126
-0.001449275362318840597308788887;0.166304347826086967865322208127;0.030072463768115943044678672891;0.130072463768115931248559036248;0.014492753623188405973087888867;0.212318840579710149674141916876;0.003623188405797101493271972217;0.005072463768115941656899892109;0.029347826086956522312343409453;0.062318840579710148286363136094;0.130797101449275365858682107500;0.214130434782608708443873979377
-0.005284552845528455063128792091;0.108130081300813002398442108642;0.023170731707317072933793866696;0.229674796747967480126106920579;0.009349593495934959558324450768;0.231707317073170743215726474773;0.001626016260162601624605915873;0.015447154471544715867437069790;0.034552845528455285173397015797;0.058536585365853661955259923388;0.140650406504065045298901281967;0.141869918699186997601557891358
-0.002962962962962962815832712593;0.133703703703703713490114068918;0.025185185185185185452461098521;0.139629629629629631315523852209;0.012962962962962962590318660716;0.234814814814814809551535290666;0.002222222222222222220294751693;0.010370370370370370072254928573;0.040000000000000000832667268469;0.052222222222222225429533182250;0.158148148148148148806058088667;0.187777777777777765688682620748
-0.012015503875968992081313402309;0.130232558139534881913590425029;0.070542635658914734642088717465;0.139922480620155026409534571030;0.020930232558139534593255604022;0.125193798449612397893915272107;0.005813953488372092942571001117;0.011240310077519379688970602160;0.055038759689922479856338810578;0.081782945736434103922718463764;0.119379844961240308420791222943;0.227906976744186057226571051615
-0.005246913580246913635929395525;0.137962962962962953916701280832;0.046604938271604938460068723316;0.168518518518518511939419113332;0.019444444444444444752839729063;0.163271604938271613916001001598;0.002469135802469135752140738660;0.018518518518518517490534236458;0.037962962962962962243373965521;0.067901234567901230798625533680;0.125308641975308637794839228263;0.206790123456790125855420114931
-0.004722222222222222272336455973;0.110833333333333339254522798001;0.038611111111111109939209029562;0.220000000000000001110223024625;0.036111111111111107718762980312;0.136666666666666658525031152749;0.006111111111111111431071218902;0.002222222222222222220294751693;0.041944444444444443920172460594;0.079722222222222222098864108375;0.129166666666666679619268620627;0.193888888888888888395456433500
-0.006097560975609756309112619022;0.169105691056910562020121346904;0.052845528455284555835458348838;0.144715447154471543722564774725;0.020325203252032519873893079421;0.141869918699186997601557891358;0.004065040650406504495195658677;0.003658536585365853872203745212;0.035365853658536582082572152785;0.061788617886178863469748279158;0.114634146341463419305206627996;0.245528455284552832305067227026
-0.004093567251461988597271979273;0.182163742690058472195602234933;0.059064327485380117843671854416;0.111695906432748542913557798784;0.023391812865497074724885351316;0.147953216374269003186014970197;0.003801169590643274816266217186;0.009649122807017544364849293004;0.033040935672514620824458120296;0.079239766081871346181664250707;0.122222222222222218213083522187;0.223684210526315790934503979770
-0.003535353535353535567309357646;0.120707070707070707182850810568;0.103535353535353535914254052841;0.010101010101010101868701518413;0.064141414141414138105901088238;0.120202020202020198880177304090;0.006565656565656565434030422779;0.017676767676767676101823312251;0.071212121212121212709966755483;0.089393939393939400583910526166;0.133333333333333331482961625625;0.259595959595959602239645391819
-0.002222222222222222220294751693;0.174814814814814811771981339916;0.076666666666666660745477201999;0.156666666666666676288599546751;0.021111111111111111743321444578;0.110000000000000000555111512313;0.012592592592592592726230549260;0.001111111111111111110147375847;0.030740740740740742087400150240;0.059259259259259261520824679792;0.119629629629629627429743266021;0.235185185185185191558687733959
-0.001587301587301587300210536924;0.189285714285714279370154144999;0.115873015873015877685858754376;0.138888888888888895056794581251;0.019444444444444444752839729063;0.108333333333333337034076748751;0.012301587301587301251371009414;0.003571428571428571317053490830;0.030158730158730159137681070547;0.053174603174603173039169945469;0.092460317460317464899333117501;0.234920634920634918696435988750
-0.001020408163265306214495531378;0.153741496598639448833978349285;0.047619047619047616404230893750;0.211564625850340137791505412679;0.012925170068027210315553254816;0.144897959183673458172236792052;0.004761904761904762334312479766;0.002040816326530612428991062757;0.032993197278911562397851753303;0.061224489795918365930837978794;0.135374149659863940442505736428;0.191836734693877547508478187410
-0.000793650793650793650105268462;0.138492063492063499641204771251;0.047222222222222220988641083750;0.135714285714285703976500485624;0.021031746031746033354092872969;0.187698412698412697707794905000;0.001984126984126984016842953906;0.003174603174603174600421073848;0.041666666666666664353702032031;0.059920634920634922859772331094;0.133730158730158726898551435625;0.228571428571428564291423413124
-0.004333333333333333134418374755;0.160333333333333327708203341899;0.031666666666666669349705642844;0.169333333333333335701809119200;0.007000000000000000145716771982;0.195000000000000006661338147751;0.001333333333333333288808764117;0.000333333333333333322202191029;0.022666666666666668294993769450;0.054333333333333330705805508387;0.154999999999999998889776975375;0.198666666666666658080941942899
-0.005925925925925925631665425186;0.121851851851851850083718886708;0.036666666666666666851703837438;0.151111111111111112714766591125;0.020370370370370372015145221667;0.202592592592592601885570502418;0.001481481481481481407916356297;0.009259259259259258745267118229;0.035925925925925923654080662573;0.087407407407407405885990669958;0.130740740740740740699621369458;0.196666666666666656304585103499
-0.011006289308176099919767132462;0.124528301886792452934926700436;0.052201257861635222412566292860;0.197484276729559760088505981912;0.022327044025157231216249797967;0.142138364779874210030996550813;0.005031446540880502894810266667;0.006918238993710692022465202911;0.053459119496855347919428425030;0.066352201257861634364765279770;0.111320754716981135112874312654;0.207232704402515732766687506228
-0.004310344827586206836733673242;0.167241379310344828734713473750;0.039942528735632185088455514688;0.105747126436781607727866116875;0.027011494252873562843531018984;0.175574712643678160217675099375;0.004310344827586206836733673242;0.004885057471264367748298163008;0.041379310344827585632643263125;0.076436781609195397768630186874;0.119252873563218383945461198437;0.233908045977011480598406478748
-0.006547619047619047775998790684;0.225297619047619052112807480626;0.040178571428571431545240244532;0.114880952380952375269096421562;0.019047619047619049337249919063;0.170833333333333337034076748751;0.004464285714285714037896646289;0.010119047619047619526733150508;0.030059523809523810283783618047;0.072916666666666671292595935938;0.122916666666666660190365689687;0.182738095238095227257346664373
-0.000320512820512820512542512263;0.133653846153846150857091856778;0.039743589743589741170026741202;0.142307692307692301714183713557;0.017948717948717947401338079771;0.183333333333333320380731379373;0.006089743589743589792517841630;0.009615384615384615918376454147;0.054487179487179487891168605529;0.069871794871794873360570932164;0.156730769230769229061195346731;0.185897435897435903129348844232
-0.004802259887005650047797633562;0.150847457627118652911946128370;0.057344632768361582242366836226;0.134463276836158190929992883866;0.027401129943502824243273252591;0.157344632768361580854588055445;0.004519774011299435186039819001;0.003107344632768361744612484188;0.057909604519774011965882465347;0.064689265536723161709176110890;0.119491525423728817134616519979;0.218079096045197734499154762489
-0.001977401129943502731262094940;0.167796610169491516861839386365;0.033050847457627118008982591846;0.109887005649717511834850824926;0.014689265536723164137788977257;0.199152542372881352639168994756;0.003389830508474576172689429754;0.001694915254237288086344714877;0.034463276836158192317771664648;0.056214689265536722795335577985;0.117514124293785313102311818056;0.260169491525423735023281324175
-0.003153153153153153039067735364;0.110360360360360357234732475717;0.032432432432432434232794093987;0.291891891891891908095146845881;0.021621621621621622821862729324;0.168918918918918914418014765033;0.001351351351351351426366420583;0.001801801801801801829541749278;0.027477477477477477846301567865;0.057207207207207205756915868733;0.106306306306306302955633213969;0.177477477477477468825739492786
-0.007364341085271317727256601415;0.160852713178294581819471886774;0.018217054263565891220055803501;0.254263565891472864688438448866;0.011627906976744185885142002235;0.197286821705426357320689589869;0.000000000000000000000000000000;0.000775193798449612392342800149;0.019379844961240309808570003725;0.062790697674418610718660715975;0.123643410852713173109229671809;0.143798449612403095310142475682
-0.009629629629629630344078705662;0.144814814814814812882204364541;0.016666666666666666435370203203;0.219629629629629619103070581332;0.008148148148148147418279307885;0.241111111111111109384097517250;0.001111111111111111110147375847;0.001111111111111111110147375847;0.025185185185185185452461098521;0.053703703703703704885885628073;0.128888888888888886175010384250;0.149999999999999994448884876874
-0.006944444444444444058950338672;0.144791666666666679619268620627;0.029166666666666667129259593594;0.265625000000000000000000000000;0.010416666666666666088425508008;0.167361111111111099392090295623;0.001736111111111111014737584668;0.006250000000000000346944695195;0.029513888888888888117900677344;0.067708333333333328707404064062;0.123611111111111116045435665001;0.146875000000000005551115123126
-0.003703703703703703845051542487;0.153333333333333321490954403998;0.040370370370370368962031903948;0.136296296296296304273454325084;0.014814814814814815380206169948;0.177407407407407402555321596083;0.005925925925925925631665425186;0.001851851851851851922525771243;0.056296296296296295669225884239;0.067777777777777784007362527063;0.168148148148148157687842285668;0.174074074074074075513252068959
-0.010992907801418439969753926277;0.130141843971631199217142693669;0.125177304964538993470313243961;0.134751773049645390267770039827;0.022340425531914894635709956106;0.091134751773049652023850342175;0.015248226950354609385285264977;0.010992907801418439969753926277;0.054255319148936172191088900263;0.098226950354609932070104605373;0.112411347517730492162613131768;0.194326241134751775962996589442
-0.000900900900900900914770874639;0.152252252252252251452091513784;0.018018018018018017861736623786;0.104954954954954951529266793386;0.015315315315315315009003782620;0.248648648648648662451421387232;0.001351351351351351426366420583;0.001801801801801801829541749278;0.027477477477477477846301567865;0.054954954954954955692603135731;0.143693693693693697044366786031;0.230630630630630634181343907585
-0.003333333333333333547282562037;0.169629629629629630205300827583;0.047407407407407405053323401489;0.132592592592592595224232354667;0.020000000000000000416333634234;0.189629629629629620213293605957;0.004814814814814815172039352831;0.002222222222222222220294751693;0.035185185185185187395351391615;0.054074074074074073015250263552;0.127037037037037031650399399041;0.214074074074074083284813241335
-0.010897435897435896884344330715;0.125641025641025638748260462307;0.082371794871794870585013370601;0.125320512820512819374130231154;0.031410256410256409687065115577;0.129166666666666679619268620627;0.008653846153846154326538808732;0.006730769230769231142863517903;0.068910256410256415238180238703;0.065705128205128207619090119351;0.122435897435897431129170342956;0.222756410256410269932203505050
-0.003703703703703703845051542487;0.089506172839506167870915476215;0.053086419753086422357313267639;0.246913580246913566540456486109;0.028395061728395062233820667075;0.133641975308641969277800853888;0.005864197530864197899225231936;0.014197530864197531116910333537;0.046296296296296293726335591145;0.084259259259259255969709556666;0.133024691358024693688122397361;0.161111111111111121596550788126
-0.009629629629629630344078705662;0.105185185185185187117795635459;0.085555555555555551361379684749;0.157037037037037030540176374416;0.012962962962962962590318660716;0.138888888888888895056794581251;0.004074074074074073709139653943;0.012592592592592592726230549260;0.047037037037037036923958766010;0.108148148148148146030500527104;0.128148148148148149916281113292;0.190740740740740738479175320208
-0.014074074074074073917306471060;0.079629629629629633535969901459;0.054444444444444441144614899031;0.124074074074074072737694507396;0.008888888888888888881179006773;0.185185185185185174905342364582;0.002592592592592592518063732143;0.025925925925925925180637321432;0.057777777777777775125578330062;0.100000000000000005551115123126;0.251111111111111118265881714251;0.096296296296296296501893152708
-0.002127659574468085141446538344;0.153546099290780141410905912380;0.062765957446808504083257673756;0.081560283687943269104181354123;0.046453900709219855813536526057;0.128368794326241125736132175916;0.007092198581560283515701215151;0.001418439716312056833244503729;0.047517730496453899902142836709;0.047163120567375885205940733158;0.093617021276595741019477259215;0.328368794326241109082786806539
-0.005185185185185185036127464286;0.120370370370370363688472536978;0.046666666666666668794594130532;0.135925925925925922266301881791;0.040370370370370368962031903948;0.186666666666666675178376522126;0.007777777777777777554191196430;0.012592592592592592726230549260;0.052222222222222225429533182250;0.047407407407407405053323401489;0.123703703703703704608329871917;0.221111111111111119376104738876
-0.003703703703703703845051542487;0.147777777777777785672697064001;0.048518518518518516380311211833;0.125555555555555559132940857126;0.025925925925925925180637321432;0.191851851851851856745057034459;0.013703703703703704053218359604;0.003703703703703703845051542487;0.042592592592592591616007524635;0.046666666666666668794594130532;0.119999999999999995559107901499;0.230000000000000009992007221626
-0.003939393939393939607362948863;0.206969696969696970167973404386;0.053636363636363634799231192574;0.179393939393939383375453644476;0.012121212121212121201607736509;0.135151515151515161372586248945;0.004242424242424242854243576772;0.006969696969696969474084013996;0.020909090909090908422252041987;0.052727272727272726793312784821;0.099393939393939395587906915353;0.224545454545454548078708967296
-0.009803921568627450844335413649;0.099346405228758163930002922370;0.038235294117647061762355065184;0.273529411764705909781980608386;0.023529411764705882026404992757;0.130065359477124192766339660920;0.006209150326797385245625182648;0.006862745098039215591034789554;0.052287581699346406816086840763;0.076797385620915037396372326839;0.106535947712418296862146860349;0.176797385620915042947487449965
-0.008479532163742689240826244657;0.161695906432748531811327552532;0.054093567251461985301297374917;0.118713450292397659779908281052;0.034210526315789475948481168643;0.163450292397660817966809077006;0.007309941520467835851526672286;0.005263157894736841986571551644;0.049415204678362571744099085436;0.069883040935672519067267671744;0.132748538011695893512609245590;0.194736842105263152635785672828
-0.002222222222222222220294751693;0.148148148148148139924273891666;0.068888888888888888395456433500;0.140000000000000013322676295502;0.026666666666666668378260496297;0.145555555555555549140933635499;0.004074074074074073709139653943;0.001851851851851851922525771243;0.030740740740740742087400150240;0.067777777777777784007362527063;0.119259259259259259300378630542;0.244814814814814818433319487667
-0.011382113821138212239603149101;0.178861788617886180441374222028;0.034959349593495933627984584291;0.095934959349593493249663822553;0.024796747967479673691038044581;0.166666666666666657414808128124;0.002845528455284553059900787275;0.000813008130081300812302957937;0.027642276422764226750938831856;0.069105691056910570346794031593;0.104878048780487800883953752873;0.282113821138211373629189893109
-0.008653846153846154326538808732;0.097115384615384617306155234928;0.119230769230769237387868031419;0.079166666666666662965923251249;0.029166666666666667129259593594;0.094871794871794867809455809038;0.009935897435897435292506685300;0.007371794871794871625847456187;0.080448717948717954340231983679;0.089743589743589743945584302764;0.126602564102564096870651155768;0.257692307692307664979125547688
-0.007037037037037036958653235530;0.152962962962962967239377576334;0.080370370370370369794699172417;0.146666666666666667406815349750;0.007407407407407407690103084974;0.146666666666666667406815349750;0.005555555555555555767577313730;0.008888888888888888881179006773;0.042962962962962959745372160114;0.098888888888888887285233408875;0.134074074074074067741690896582;0.168518518518518511939419113332
-0.001937984496124030980857000372;0.123255813953488377321399127595;0.044186046511627906363539608492;0.153488372093023267561662237313;0.027906976744186046124340805363;0.187596899224806212824745443868;0.004263565891472868157885400819;0.001937984496124030980857000372;0.071317829457364340095537613706;0.061240310077519378995081211770;0.106201550387596904689857524318;0.216666666666666674068153497501
-0.002222222222222222220294751693;0.142499999999999987787546729123;0.058611111111111113824989615750;0.147222222222222226539756206876;0.032500000000000001110223024625;0.129166666666666679619268620627;0.007499999999999999722444243844;0.003611111111111110945348645629;0.042777777777777775680689842375;0.069166666666666667961926862063;0.102222222222222228205090743813;0.262500000000000011102230246252
-0.002500000000000000052041704279;0.220000000000000001110223024625;0.042500000000000003053113317719;0.110000000000000000555111512313;0.027083333333333334258519187188;0.179999999999999993338661852249;0.005833333333333333599324266316;0.002083333333333333304421275400;0.027500000000000000138777878078;0.091249999999999997779553950750;0.131666666666666654084139054248;0.159583333333333327042069527124
-0.006756756756756757131832102914;0.150450450450450440298411081130;0.044144144144144144281671771068;0.172522522522522508969800014711;0.013963963963963963582637362038;0.191441441441441428938929902870;0.003603603603603603659083498556;0.004954954954954954651769050145;0.026576576576576575738908303492;0.071621621621621625597420290887;0.122972972972972979799344273033;0.190990990990990983089403698614
-0.005555555555555555767577313730;0.108888888888888882289229798062;0.036666666666666666851703837438;0.308888888888888879513672236499;0.014814814814814815380206169948;0.144814814814814812882204364541;0.002962962962962962815832712593;0.004074074074074073709139653943;0.034814814814814812327092852229;0.073703703703703701832772310354;0.124814814814814808996423778353;0.140000000000000013322676295502
-0.015204678362573099265064868746;0.100877192982456134751068077549;0.034502923976608187994763454753;0.267836257309941538906628011318;0.022222222222222223070309254922;0.153216374269005861652459543620;0.002046783625730994298635989637;0.010818713450292397754148865374;0.055555555555555552471602709375;0.095614035087719304040199119754;0.119883040935672507965037425492;0.122222222222222218213083522187
-0.007407407407407407690103084974;0.166666666666666657414808128124;0.062500000000000000000000000000;0.162037037037037034981068472916;0.021296296296296295808003762318;0.125000000000000000000000000000;0.009259259259259258745267118229;0.005092592592592593003786305417;0.037499999999999998612221219219;0.070370370370370374790702783230;0.120833333333333334258519187188;0.212037037037037023878838226665
-0.002482269503546099403967772901;0.138652482269503551925993178884;0.043971631205673759879015705110;0.132624113475177302090557418524;0.025177304964539008735879832557;0.154255319148936170803310119481;0.002127659574468085141446538344;0.001418439716312056833244503729;0.038297872340425531678675952207;0.062765957446808504083257673756;0.098936170212765961462508812474;0.299290780141843959505365546647
-0.002678571428571428596210335371;0.158928571428571419055231217499;0.039583333333333331482961625625;0.122023809523809520505288617187;0.026785714285714284227379877734;0.171428571428571430157461463750;0.004464285714285714037896646289;0.002083333333333333304421275400;0.037499999999999998612221219219;0.048214285714285716466509512657;0.120238095238095241135134472188;0.266071428571428569842538536250
-0.004088050314465408764663667540;0.124842767295597484311642233479;0.066981132075471697118196345855;0.207861635220125795520118572313;0.024528301886792454322705481218;0.139622641509433959017272286474;0.005660377358490565648241332752;0.011006289308176099919767132462;0.044654088050314462432499595934;0.059433962264150944077023552836;0.102201257861635225188123854423;0.209119496855345921026980704482
-0.006884057971014492620376312715;0.135144927536231890252693688126;0.063405797101449279384866031251;0.138768115942028980036582197499;0.016666666666666666435370203203;0.165942028985507250560260672501;0.005072463768115941656899892109;0.004347826086956521791926366660;0.043115942028985505818372558906;0.069565217391304348670821866563;0.115579710144927530479641575312;0.235507246376811585353294731249
-0.008558558558558557877171679706;0.166216216216216211565281923868;0.032882882882882880082320298243;0.028378378378378379953694832238;0.023423423423423423567202306117;0.213063063063063051760792632194;0.001801801801801801829541749278;0.002252252252252252232717077973;0.040540540540540542790992617483;0.062612612612612611462381551064;0.149549549549549548599358672618;0.270720720720720731122810320812
-0.014074074074074073917306471060;0.157777777777777766798905645373;0.041111111111111112159655078813;0.207777777777777783452251014751;0.007407407407407407690103084974;0.172592592592592602995793527043;0.003703703703703703845051542487;0.013333333333333334189130248149;0.031851851851851853414387960584;0.080000000000000001665334536938;0.146296296296296285399662906457;0.124074074074074072737694507396
-0.012592592592592592726230549260;0.125925925925925913384517684790;0.035925925925925923654080662573;0.321481481481481479178796689666;0.012592592592592592726230549260;0.121851851851851850083718886708;0.001481481481481481407916356297;0.011851851851851851263330850372;0.034814814814814812327092852229;0.066296296296296297612116177334;0.092962962962962969459823625584;0.162222222222222212106856886749
-0.006250000000000000346944695195;0.126250000000000001110223024625;0.025000000000000001387778780781;0.282083333333333352577199093503;0.013750000000000000069388939039;0.182083333333333347026083970377;0.001666666666666666773641281019;0.001666666666666666773641281019;0.027500000000000000138777878078;0.058749999999999996669330926125;0.110833333333333339254522798001;0.164166666666666655194362078873
-0.001736111111111111014737584668;0.093750000000000000000000000000;0.028472222222222221682530474141;0.134722222222222215437525960624;0.018749999999999999306110609609;0.284374999999999988897769753748;0.001388888888888888941894328433;0.001388888888888888941894328433;0.045486111111111109106541761093;0.051041666666666665741480812812;0.145486111111111121596550788126;0.193402777777777784562474039376
-0.003939393939393939607362948863;0.153939393939393931454162611772;0.035454545454545453864181325798;0.151515151515151519356905396307;0.023333333333333334397297065266;0.188181818181818172330821425930;0.003333333333333333547282562037;0.003030303030303030300401934127;0.038181818181818184820830452963;0.054848484848484847786753704213;0.135757575757575771335794456718;0.208484848484848495075993923820
-0.000666666666666666644404382058;0.179999999999999993338661852249;0.016000000000000000333066907388;0.180999999999999994226840271949;0.016666666666666666435370203203;0.217666666666666674956331917201;0.002333333333333333526465880325;0.012333333333333333300951828448;0.028333333333333331899295259859;0.069666666666666668406016071913;0.142666666666666663854101670950;0.132666666666666654972317473948
-0.006214689265536723489224968375;0.181355932203389830226214485265;0.056497175141242937657093392545;0.107909604519774007802546123003;0.015536723163841808723062420938;0.160734463276836159195681830170;0.007909604519774010925048379761;0.013276836158192089828999904455;0.038135593220338985520623253933;0.060451977401129945721702796391;0.133333333333333331482961625625;0.218644067796610164222670391609
-0.013178294573643410669827602533;0.150387596899224817992291036717;0.079457364341085273684583967224;0.159302325581395343156998478662;0.024418604651162790358798204693;0.113565891472868218947667173779;0.008139534883720930119599401564;0.002713178294573643373199800521;0.040697674418604654067443959775;0.060852713178294576268356763649;0.109302325581395354259228724914;0.237984496124030997510345741830
-0.002380952380952381167156239883;0.179761904761904761640423089375;0.050793650793650793606737181562;0.126984126984126977077949049999;0.038095238095238098674499838125;0.157142857142857139685077072500;0.005158730158730158617264027754;0.001587301587301587300210536924;0.042063492063492066708185745938;0.059523809523809520505288617187;0.116269841269841273101448564375;0.220238095238095232808461787499
-0.000925925925925925961262885622;0.108950617283950612623755205277;0.017901234567901234961961876024;0.210493827160493834904642085348;0.014814814814814815380206169948;0.226234567901234556730472036179;0.002469135802469135752140738660;0.002160493827160493620492820455;0.034876543209876542661618259444;0.073765432098765432167297717569;0.125000000000000000000000000000;0.182407407407407406996213694583
-0.001633986928104575213002713774;0.126143790849673198550817687646;0.023202614379084968154742796287;0.216993464052287587939815693971;0.015032679738562091872888792921;0.175163398692810445833600851984;0.002287581699346405341571886183;0.009477124183006535237949741202;0.025816993464052286066934271958;0.051633986928104572133868543915;0.140849673202614378286767760073;0.211764705882352938237644934816
-0.022789115646258503722343391473;0.160884353741496594070170544910;0.076190476190476197348999676251;0.096598639455782314700016399911;0.011904761904761904101057723437;0.169387755102040821197917352947;0.006122448979591836419611450282;0.028911564625850341009316579743;0.045918367346938777917575436049;0.099319727891156464605337816920;0.126190476190476186246769429999;0.155782312925170057793522460088
-0.068439716312056739222491330565;0.049290780141843973383153354462;0.169858156028368789680627060079;0.105319148936170212116358868570;0.033687943262411347566942509957;0.049645390070921988079355458012;0.018439716312056736446933769002;0.093617021276595741019477259215;0.093262411347517726323275155664;0.157801418439716317765331154988;0.071985815602836886184512366071;0.088652482269503549150435617321
-0.029012345679012344762393027509;0.045987654320987655931496362882;0.077160493827160489543892651909;0.416666666666666685170383743753;0.038580246913580244771946325955;0.053086419753086422357313267639;0.029629629629629630760412339896;0.039814814814814816767984950729;0.063580246913580246159725106736;0.083333333333333328707404064062;0.069444444444444447528397290625;0.053703703703703704885885628073
-0.022333333333333333509118645566;0.049000000000000001887379141863;0.065333333333333326597980317274;0.408999999999999974686915038546;0.047000000000000000111022302463;0.061999999999999999555910790150;0.029000000000000001471045507628;0.028000000000000000582867087928;0.056000000000000001165734175856;0.078666666666666662521834041399;0.101666666666666669072149886688;0.051999999999999997613020497056
-0.109444444444444441422170655187;0.028333333333333331899295259859;0.057222222222222222931531376844;0.485833333333333339254522798001;0.020833333333333332176851016015;0.029444444444444443226283070203;0.011388888888888889366901580047;0.033888888888888892003681263532;0.055000000000000000277555756156;0.080833333333333326486958014812;0.052222222222222225429533182250;0.035555555555555555524716027094
-0.146726190476190482270268944376;0.048809523809523809589894227656;0.055059523809523808202115446875;0.380357142857142838110462434997;0.033035714285714286309048048906;0.053869047619047621955346016875;0.010119047619047619526733150508;0.022619047619047618485899064922;0.064583333333333339809634310313;0.072619047619047624730903578438;0.060714285714285713690951951094;0.051488095238095235584019349062
-0.133760683760683757315135267163;0.018803418803418802535132314802;0.029059829059829060671216183209;0.657692307692307687183586040192;0.008974358974358973700669039886;0.023076923076923078204103489952;0.006837606837606837600906928287;0.012820512820512820068019621544;0.027777777777777776235801354687;0.031623931623931622603151936346;0.032051282051282048435325577884;0.017521367521367521569164438233
-0.016339869281045752563708006733;0.074183006535947712545286947261;0.041830065359477121289533130266;0.588235294117647078415700434562;0.021895424836601305729200106498;0.036928104575163399336812375395;0.022222222222222223070309254922;0.009150326797385621366287544731;0.044771241830065360012280706314;0.033006535947712418999078209936;0.052941176470588234559411233704;0.058496732026143791194350285423
-0.015833333333333334674852821422;0.097500000000000003330669073875;0.181666666666666670737484423626;0.167500000000000009992007221626;0.034722222222222223764198645313;0.049444444444444443642616704437;0.078055555555555558577829344813;0.110277777777777780121581940875;0.056388888888888891171013995063;0.062500000000000000000000000000;0.072222222222222215437525960624;0.073888888888888892836348532001
-0.024074074074074074125473288177;0.081111111111111106053428443374;0.044814814814814814269983145323;0.536666666666666625218340413994;0.008888888888888888881179006773;0.059629629629629629650189315271;0.015925925925925926707193980292;0.016296296296296294836558615771;0.027777777777777776235801354687;0.063333333333333338699411285688;0.074444444444444438091501581312;0.047037037037037036923958766010
-0.040530303030303027611580546363;0.039772727272727272096464190554;0.040909090909090908838585676222;0.562878787878787867349217322044;0.018560606060606062162054996634;0.029924242424242422644375949403;0.026515151515151515887458444354;0.052272727272727269320906628991;0.046212121212121211322187974702;0.070454545454545450255956495766;0.045833333333333330095182844843;0.026136363636363634660453314495
-0.027380952380952380820211544687;0.062698412698412697707794905000;0.076984126984126988180179296251;0.410714285714285698425385362498;0.011904761904761904101057723437;0.044444444444444446140618509844;0.025000000000000001387778780781;0.050000000000000002775557561563;0.050396825396825398191147371563;0.094841269841269837392871977499;0.095634920634920628224051597499;0.050000000000000002775557561563
-0.011944444444444445030395485219;0.138611111111111101612536344874;0.100833333333333330372738601000;0.143055555555555546920487586249;0.027500000000000000138777878078;0.093611111111111117155658689626;0.031388888888888889783235214281;0.012500000000000000693889390391;0.075277777777777776790912867000;0.071666666666666670182372911313;0.104999999999999996114219413812;0.188611111111111118265881714251
-0.000427350427350427350056683018;0.333333333333333314829616256247;0.076495726495726501514837991635;0.000000000000000000000000000000;0.016239316239316240603196561665;0.122649572649572644045257163725;0.052564102564102564707493314700;0.011965811965811966668948862491;0.035897435897435894802676159543;0.033333333333333332870740406406;0.188461538461538458122390693461;0.128632478632478619573475953075
-0.043333333333333334813630699500;0.126363636363636372417218467490;0.131515151515151501593337002305;0.170000000000000012212453270877;0.030909090909090910365142335081;0.050606060606060605799871865429;0.079393939393939391702126329164;0.089999999999999996669330926125;0.053636363636363634799231192574;0.074242424242424248648219986535;0.069696969696969701679734043864;0.080303030303030306646938640824
-0.023703703703703702526661700745;0.045925925925925925596970955667;0.101111111111111109939209029562;0.401481481481481494721919034419;0.013333333333333334189130248149;0.076666666666666660745477201999;0.012222222222222222862142437805;0.035555555555555555524716027094;0.063703703703703706828775921167;0.107407407407407409771771256146;0.075925925925925924486747931041;0.042962962962962959745372160114
-0.013703703703703704053218359604;0.033333333333333332870740406406;0.068888888888888888395456433500;0.569629629629629596898610088829;0.017037037037037038034181790636;0.037777777777777778178691647781;0.035925925925925923654080662573;0.062592592592592588562894206916;0.034444444444444444197728216750;0.054814814814814816212873438417;0.040000000000000000832667268469;0.031851851851851853414387960584
-0.048979591836734691356891602254;0.027891156462585033060097572388;0.074489795918367351923450314644;0.512244897959183709268415896076;0.011904761904761904101057723437;0.010544217687074829148397014933;0.031632653061224487445191044799;0.043537414965986391546248768236;0.063265306122448974890382089598;0.107823129251700677855296817143;0.045238095238095236971798129844;0.022448979591836733249454738370
-0.036403508771929826703939170329;0.161403508771929826703939170329;0.054824561403508768886450042146;0.128070175438596500772092667830;0.019298245614035088729698586008;0.160964912280701755165068789211;0.016228070175438594896499822084;0.015350877192982455288206011801;0.052192982456140353531015563249;0.065350877192982451124869669457;0.121491228070175441566824758866;0.168421052631578943570289652598
-0.031355932203389828838435704483;0.074858757062146896732457435064;0.030508474576271187722609212756;0.055084745762711863348304319743;0.122033898305084750890436851023;0.174293785310734472560056929069;0.026553672316384179657999808910;0.012711864406779661840207751311;0.206214689265536710305326550952;0.039265536723163844967654512175;0.055649717514124293071819948864;0.171468926553672323942478783465
-0.011111111111111111535154627461;0.028888888888888887562789165031;0.048148148148148148250946576354;0.543333333333333334813630699500;0.040000000000000000832667268469;0.052222222222222225429533182250;0.011481481481481481399242738917;0.005555555555555555767577313730;0.043703703703703702942995334979;0.099259259259259255414598044354;0.101481481481481478068573665041;0.014814814814814815380206169948
-0.025595238095238094511163495781;0.073511904761904764415980650938;0.096428571428571432933019025313;0.237499999999999988897769753748;0.025595238095238094511163495781;0.108333333333333337034076748751;0.010714285714285714384841341484;0.028869047619047620567567236094;0.098214285714285712303173170312;0.091666666666666660190365689687;0.088988095238095241135134472188;0.114583333333333328707404064062
-0.010897435897435896884344330715;0.092307692307692312816413959808;0.052564102564102564707493314700;0.404487179487179493442283728655;0.017948717948717947401338079771;0.103846153846153851918465704784;0.016025641025641024217662788942;0.009935897435897435292506685300;0.040384615384615386857181107416;0.054487179487179487891168605529;0.091666666666666660190365689687;0.105448717948717948789116860553
-0.009649122807017544364849293004;0.121052631578947370027954377747;0.085087719298245614862885588536;0.238011695906432757530168942139;0.016374269005847954389087917093;0.124269005847953209475953428864;0.012865497076023392486465724005;0.010526315789473683973143103287;0.050584795321637426868122133783;0.089766081871345035358977781925;0.119005847953216378765084471070;0.122807017543859642305648094407
-0.041812865497076023846290127040;0.027485380116959064189519068577;0.090350877192982459451542354145;0.425730994152046793299604132699;0.006725146198830409156876886101;0.035964912280701755165068789211;0.018128654970760233605675537660;0.105555555555555555247160270937;0.045614035087719301264641558191;0.091228070175438602529283116382;0.093859649122807017884717595280;0.017543859649122806043664013487
-0.042907801418439715790409394458;0.046808510638297870509738629607;0.143617021276595757672822628592;0.195744680851063834747805003644;0.025177304964539008735879832557;0.044680851063829789271419912211;0.019858156028368795231742183205;0.140780141843971640103205800187;0.067375886524822695133885019914;0.152127659574468082626097498178;0.068439716312056739222491330565;0.052482269503546098710078382510
-0.031111111111111110216764785719;0.094444444444444441977282167500;0.131481481481481476958350640416;0.130370370370370358692468926165;0.032962962962962964741375770927;0.067777777777777784007362527063;0.025925925925925925180637321432;0.058518518518518518323201504927;0.095555555555555560243163881751;0.091851851851851851193941911333;0.097777777777777782897139502438;0.142222222222222222098864108375
-0.014728682170542635454513202831;0.125968992248062017225151976163;0.213178294573643400955376137063;0.014728682170542635454513202831;0.018217054263565891220055803501;0.049612403100775193109939209535;0.075968992248062014449594414600;0.166279069767441861626977583910;0.054651162790697677129614362457;0.080232558139534879138032863466;0.082945736434108532919573519848;0.103488372093023250908316867935
-0.041304347826086953987534400312;0.091666666666666660190365689687;0.106159420289855074837070958438;0.186231884057971003310072433123;0.038043478260869567630919618750;0.065579710144927541581871821563;0.019202898550724638998543625235;0.061956521739130437920195504375;0.080797101449275363083124545938;0.125362318840579717305061535626;0.081884057971014487242733537187;0.101811594202898550443059377812
-0.090880503144654081748576857080;0.046226415094339619316077261146;0.154716981132075465099617872511;0.133647798742138362859677158667;0.024528301886792454322705481218;0.033333333333333332870740406406;0.027987421383647799466576344685;0.098427672955974848667537457914;0.075786163522012575666231271043;0.144025157232704398291289749068;0.132075471698113205976099493455;0.038364779874213834898188935085
-0.017083333333333332315628894094;0.097916666666666665741480812812;0.074166666666666672402818960563;0.430833333333333345915860945752;0.026666666666666668378260496297;0.046666666666666668794594130532;0.037916666666666667961926862063;0.048750000000000001665334536938;0.050416666666666665186369300500;0.045416666666666667684371105906;0.063750000000000001110223024625;0.060416666666666667129259593594
-0.004678362573099415291921765458;0.054678362573099416332755851045;0.049122807017543859697816799326;0.548538011695906435605252227106;0.015204678362573099265064868746;0.059941520467836253982518712746;0.014912280701754385484059106659;0.017251461988304093997381727377;0.035087719298245612087328026973;0.064912280701754379585999288338;0.065497076023391817556351668372;0.070175438596491224174656053947
-0.014722222222222221613141535101;0.183055555555555554692048758625;0.070277777777777772350020768499;0.001944444444444444388547799107;0.032222222222222221543752596062;0.191666666666666679619268620627;0.020555555555555556079827539406;0.027500000000000000138777878078;0.062222222222222220433529571437;0.053333333333333336756520992594;0.126944444444444443087505192125;0.215555555555555555802271783250
-0.025833333333333333148296162562;0.179444444444444434205720995124;0.093055555555555558022717832500;0.001111111111111111110147375847;0.023611111111111110494320541875;0.138888888888888895056794581251;0.033055555555555553304269977843;0.035555555555555555524716027094;0.074444444444444438091501581312;0.075555555555555556357383295563;0.124444444444444440867059142874;0.195000000000000006661338147751
-0.011388888888888889366901580047;0.124722222222222220433529571437;0.089722222222222217102860497562;0.265555555555555544700041536998;0.016388888888888890338346726594;0.078888888888888883399452822687;0.037222222222222219045750790656;0.019722222222222220849863205672;0.052499999999999998057109706906;0.064444444444444443087505192125;0.097777777777777782897139502438;0.141666666666666662965923251249
-0.008914728682170542511942201713;0.034496124031007754928701558583;0.058139534883720929425710011174;0.667054263565891480958214287966;0.010852713178294573492799202086;0.029457364341085270909026405661;0.014341085271317829258341802756;0.020155038759689922200912803874;0.030620155038759689497540605885;0.038759689922480619617140007449;0.048449612403100777990871961265;0.038759689922480619617140007449
-0.012179487179487179585035683260;0.031410256410256409687065115577;0.039743589743589741170026741202;0.696794871794871761849776703457;0.008333333333333333217685101602;0.025000000000000001387778780781;0.008974358974358973700669039886;0.012500000000000000693889390391;0.032051282051282048435325577884;0.043910256410256406911507554014;0.064743589743589749496699425890;0.024358974358974359170071366520
-0.022499999999999999167332731531;0.029444444444444443226283070203;0.081666666666666665186369300500;0.536944444444444446418174266000;0.013611111111111110286153724758;0.023888888888888890060790970438;0.026666666666666668378260496297;0.056944444444444443365060948281;0.040000000000000000832667268469;0.074999999999999997224442438437;0.053333333333333336756520992594;0.040000000000000000832667268469
-0.051626016260162603532801739448;0.111788617886178859306411936814;0.130081300813008143846261077670;0.032926829268292684416152837912;0.025609756097560974069660133523;0.072357723577235771861282387363;0.047560975609756098170244342782;0.076016260162601628769252215534;0.110162601626016265488061662836;0.123983739837398368455190222903;0.109349593495934954701098718033;0.108536585365853657791923581044
-0.029251700680272108012758280893;0.112925170068027214131944901965;0.076530612244897960882994425447;0.006462585034013605157776627408;0.048299319727891157350008199955;0.137414965986394549402049847231;0.027551020408163266056655871239;0.018027210884353741388030911708;0.116326530612244891105255817365;0.104421768707482987004198093928;0.135714285714285703976500485624;0.187074829931972802521400467413
-0.017500000000000001665334536938;0.113888888888888886730121896562;0.103888888888888891726125507375;0.037222222222222219045750790656;0.036944444444444446418174266000;0.135277777777777774570466817750;0.017777777777777777762358013547;0.020277777777777776513357110844;0.086944444444444449193731827563;0.101388888888888889505679458125;0.141388888888888897277240630501;0.187500000000000000000000000000
-0.012500000000000000693889390391;0.139722222222222219878418059125;0.143888888888888899497686679751;0.001111111111111111110147375847;0.062222222222222220433529571437;0.092499999999999998889776975375;0.043888888888888887007677652718;0.026666666666666668378260496297;0.080277777777777781231804965500;0.094722222222222221543752596062;0.100277777777777771239797743874;0.202222222222222219878418059125
-0.023611111111111110494320541875;0.060277777777777777346024379312;0.091388888888888894501683068938;0.378333333333333354797645142753;0.025277777777777777484802257391;0.043888888888888887007677652718;0.028611111111111111465765688422;0.048888888888888891448569751219;0.057777777777777775125578330062;0.093333333333333337589188261063;0.070000000000000006661338147751;0.078611111111111117710770201938
-0.017666666666666667323548622903;0.017000000000000001221245327088;0.037333333333333336423454085207;0.723666666666666680285402435402;0.015333333333333332496040135595;0.021333333333333332620940225866;0.010333333333333333259318465025;0.018333333333333333425851918719;0.038333333333333330372738601000;0.045999999999999999222843882762;0.030333333333333333675652099259;0.024333333333333331816028533012
-0.013405797101449274874584993711;0.029347826086956522312343409453;0.047826086956521740578551771250;0.672826086956521685067400539992;0.010144927536231883313799784219;0.031159420289855074143181568047;0.012681159420289855876973206250;0.011956521739130435144637942813;0.034057971014492753603075669844;0.055797101449275361695345765156;0.036231884057971015800081460156;0.044565217391304347283043085781
-0.002592592592592592518063732143;0.091111111111111114935212640376;0.085185185185185183232015049271;0.461111111111111138249896157504;0.021851851851851851471497667490;0.044444444444444446140618509844;0.040740740740740744030290443334;0.020740740740740740144509857146;0.035185185185185187395351391615;0.056296296296296295669225884239;0.053703703703703704885885628073;0.087037037037037037756626034479
-0.021388888888888887840344921187;0.040555555555555553026714221687;0.046944444444444441422170655187;0.625555555555555531377365241497;0.017777777777777777762358013547;0.036944444444444446418174266000;0.027222222222222220572307449515;0.018055555555555553859381490156;0.036944444444444446418174266000;0.062777777777777779566470428563;0.038333333333333330372738601000;0.027500000000000000138777878078
-0.017777777777777777762358013547;0.083055555555555549140933635499;0.129166666666666679619268620627;0.350833333333333330372738601000;0.023333333333333334397297065266;0.037499999999999998612221219219;0.059999999999999997779553950750;0.079444444444444442532393679812;0.038055555555555557745162076344;0.056944444444444443365060948281;0.066666666666666665741480812812;0.057222222222222222931531376844
-0.006432748538011696243232862003;0.063157894736842107308305571678;0.108479532163742689587770939852;0.488304093567251462637557324342;0.021637426900584795508297730748;0.025146198830409357410919923836;0.081871345029239761537098729605;0.056432748538011695549343471612;0.031578947368421053654152785839;0.044444444444444446140618509844;0.035672514619883043118786503101;0.036842105263157891303915647541
-0.003061224489795918209805725141;0.020068027210884353817021974464;0.026870748299319728580325516987;0.822789115646258450986749721778;0.007823129251700680977799073901;0.017006802721088436908258856306;0.015646258503401361955598147802;0.006122448979591836419611450282;0.009523809523809524668624959531;0.027891156462585033060097572388;0.024829931972789116151334454230;0.018367346938775511860919564811
-0.029999999999999998889776975375;0.022424242424242422921931705559;0.067575757575757580686293124472;0.578484848484848490635101825319;0.016666666666666666435370203203;0.029393939393939392396015719555;0.022121212121212121409774553626;0.035757575757575758845785429685;0.045454545454545455807071618892;0.065151515151515154711248101194;0.039393939393939390869459060696;0.047575757575757576800512538284
-0.045495495495495495708038191651;0.046396396396396394345984504071;0.079729729729729734155618814384;0.301801801801801827807025802031;0.048198198198198198560771032817;0.041891891891891894217359038066;0.023873873873873872886175462327;0.034684684684684684297106826989;0.094144144144144140118335428724;0.120270270270270276946611431867;0.080630630630630625854671222896;0.082882882882882882857877859806
-0.019565217391304349364711256953;0.041666666666666664353702032031;0.084420289855072466744800863125;0.418840579710144933489601726251;0.027536231884057970481505250859;0.053985507246376809864507606562;0.027173913043478260115337619141;0.040217391304347822889031505156;0.059420289855072465357022082344;0.103623188405797095335003632499;0.084782608695652170172074590937;0.038768115942028988363254882188
-0.023888888888888890060790970438;0.132222222222222213217079911374;0.115833333333333329817627088687;0.062222222222222220433529571437;0.031388888888888889783235214281;0.096388888888888885064787359624;0.031944444444444441977282167500;0.032222222222222221543752596062;0.071388888888888890615902482750;0.077222222222222219878418059125;0.124722222222222220433529571437;0.200555555555555542479595487748
-0.017777777777777777762358013547;0.083888888888888887840344921187;0.055000000000000000277555756156;0.400555555555555553581825734000;0.033333333333333332870740406406;0.096388888888888885064787359624;0.028888888888888887562789165031;0.027500000000000000138777878078;0.055833333333333332038073137937;0.053333333333333336756520992594;0.069722222222222227094867719188;0.077777777777777779011358916250
-0.015151515151515151935690539631;0.142803030303030292769150833010;0.040151515151515153323469320412;0.399621212121212099344091939201;0.033712121212121214097745536264;0.073106060606060604967204596960;0.026136363636363634660453314495;0.002272727272727272616881233347;0.028787878787878789371701415689;0.031060606060606059386497435071;0.059090909090909089773635542997;0.148106060606060602191647035397
-0.009615384615384615918376454147;0.030128205128205128721097239008;0.031730769230769229061195346731;0.703205128205128260354683789046;0.022756410256410255360526306845;0.034935897435897436680285466082;0.010256410256410256401360392431;0.010576923076923077510214099561;0.034615384615384617306155234928;0.038141025641025644299375585433;0.026602564102564101727876888503;0.047435897435897433904727904519
-0.029559748427672956350154009897;0.035220125786163521131033604661;0.053144654088050316542712891987;0.561635220125786149836244476319;0.019182389937106917449094467543;0.035534591194968552507749137703;0.018553459119496854695663401458;0.027044025157232705336429745557;0.053144654088050316542712891987;0.065408805031446540234618680643;0.057232704402515724440014821539;0.044339622641509431055784062892
-0.024166666666666666157814447047;0.062500000000000000000000000000;0.109444444444444441422170655187;0.293055555555555569124948078752;0.029999999999999998889776975375;0.040833333333333332593184650250;0.061666666666666668239482618219;0.054722222222222220711085327594;0.055000000000000000277555756156;0.060833333333333336478965236438;0.068333333333333329262515576374;0.139444444444444454189735438376
-0.021428571428571428769682682969;0.066666666666666665741480812812;0.082539682539682537876224444062;0.223015873015873028473166073127;0.048809523809523809589894227656;0.058730158730158729674108997187;0.015079365079365079568840535273;0.015079365079365079568840535273;0.090873015873015869359186069687;0.073412698412698415562083198438;0.090079365079365078528006449687;0.214285714285714273819039021873
-0.059941520467836253982518712746;0.045029239766081870233183082064;0.044736842105263158186900795954;0.549415204678362578682992989343;0.029532163742690058921835927208;0.038011695906432746427938695888;0.030409356725146198530129737492;0.011111111111111111535154627461;0.040058479532163744629702506472;0.043567251461988303062877747607;0.059356725146198829889954140526;0.048830409356725147651534513216
-0.030555555555555554553270880547;0.126587301587301581662359239999;0.129761904761904772742653335627;0.005952380952380952050528861719;0.061904761904761906876615285000;0.080555555555555560798275394063;0.071031746031746029190756530625;0.029365079365079364837054498594;0.140476190476190476719153821250;0.089285714285714287696826829688;0.076587301587301592764589486251;0.157936507936507930516256692499
-0.048022598870056498743252859640;0.113559322033898305037702414211;0.127683615819209034247805334417;0.183898305084745750104247008494;0.027401129943502824243273252591;0.069491525423728814359058958416;0.027683615819209039105031067152;0.041807909604519771784580939311;0.073446327683615822423668362262;0.083050847457627113845646249501;0.085310734463276832739708765985;0.118644067796610172549343076298
-0.010000000000000000208166817117;0.047777777777777780121581940875;0.079444444444444442532393679812;0.478888888888888863970549891746;0.012500000000000000693889390391;0.033888888888888892003681263532;0.034444444444444444197728216750;0.051111111111111114102545371907;0.040277777777777780399137697032;0.083055555555555549140933635499;0.073333333333333333703407674875;0.055277777777777779844026184719
-0.030246913580246913288984700330;0.030864197530864195817557060764;0.098148148148148151026504137917;0.352469135802469135665404564861;0.019135802469135803488553548846;0.030246913580246913288984700330;0.046296296296296293726335591145;0.119135802469135798631327816111;0.069753086419753085323236518889;0.098765432098765426616182594444;0.050000000000000002775557561563;0.054938271604938269943030348941
-0.046929824561403508942358797640;0.077192982456140354918794344030;0.182456140350877205058566232765;0.008333333333333333217685101602;0.037719298245614034381656409778;0.043421052631578950509183556505;0.032456140350877189792999644169;0.047807017543859652020099559877;0.112719298245614038544992752122;0.120175438596491226950213615510;0.125438596491228071538870381119;0.165350877192982442798196984768
-0.040476190476190478106932602032;0.061904761904761906876615285000;0.163888888888888889505679458125;0.024206349206349207087152208828;0.024206349206349207087152208828;0.056349206349206350241676233281;0.034126984126984123701920026406;0.088888888888888892281237019688;0.094047619047619046561692357500;0.121428571428571427381903902187;0.134523809523809517729731055624;0.155952380952380953438307642500
-0.073333333333333333703407674875;0.076999999999999999000799277837;0.170666666666666660967521806924;0.030333333333333333675652099259;0.027666666666666665796991964044;0.066666666666666665741480812812;0.032666666666666663298990158637;0.136333333333333334147496884725;0.074666666666666672846908170413;0.142666666666666663854101670950;0.090333333333333334924653001963;0.077666666666666661633655621699
-0.023391812865497074724885351316;0.052339181286549706084709754350;0.080116959064327489259405012945;0.411695906432748559566903168161;0.014912280701754385484059106659;0.055847953216374271456778899392;0.020175438596491228337992396291;0.083333333333333328707404064062;0.050292397660818714821839847673;0.076900584795321635933618154013;0.066081871345029241648916240592;0.064912280701754379585999288338
-0.018749999999999999306110609609;0.166964285714285703976500485624;0.102976190476190471168038698124;0.025297619047619047949471138281;0.022916666666666665047591422422;0.136904761904761917978845531252;0.036607142857142858927144146719;0.035714285714285712303173170312;0.057440476190476187634548210781;0.084821428571428575393653659376;0.118452380952380947887192519374;0.193154761904761912427730408126
-0.008192090395480225786806194321;0.126553672316384174800774076175;0.070903954802259888667848031218;0.353389830508474556136633282222;0.015536723163841808723062420938;0.083898305084745758430919693183;0.034463276836158192317771664648;0.028813559322033898552062325393;0.040960451977401127199307495630;0.056214689265536722795335577985;0.081920903954802254398614991260;0.099152542372881360965841679445
-0.009027777777777776929690745078;0.051041666666666665741480812812;0.042013888888888892281237019688;0.616666666666666696272613990004;0.019791666666666665741480812812;0.044097222222222225151977426094;0.014930555555555556287994356524;0.015277777777777777276635440273;0.036111111111111107718762980312;0.056250000000000001387778780781;0.058680555555555555247160270937;0.036111111111111107718762980312
-0.037499999999999998612221219219;0.103333333333333332593184650250;0.065000000000000002220446049250;0.297222222222222220988641083750;0.029722222222222222792753498766;0.089444444444444437536390068999;0.015555555555555555108382392859;0.013888888888888888117900677344;0.072777777777777774570466817750;0.074999999999999997224442438437;0.088333333333333333148296162562;0.112222222222222223209087133000
-0.023469387755102041198673745726;0.153401360544217685299983600089;0.142176870748299322144703182857;0.012925170068027210315553254816;0.036734693877551023721839129621;0.089795918367346932997818953481;0.054421768707482991167534436272;0.022448979591836733249454738370;0.087074829931972783092497536472;0.093197278911564623848917676696;0.089795918367346932997818953481;0.194557823129251711291587412234
-0.052592592592592593558897817729;0.157037037037037030540176374416;0.111481481481481486950357862042;0.022962962962962962798485477833;0.064814814814814811216869827604;0.091481481481481483064577275854;0.089259259259259260410601655167;0.038888888888888889505679458125;0.099259259259259255414598044354;0.055555555555555552471602709375;0.078518518518518515270088187208;0.138148148148148158798065310293
-0.034848484848484850839867021932;0.099621212121212124324109993267;0.148484848484848497296439973070;0.042424242424242426807712291748;0.048484848484848484806430946037;0.035606060606060606354983377742;0.168939393939393944776838907273;0.103409090909090908838585676222;0.070454545454545450255956495766;0.080303030303030306646938640824;0.066666666666666665741480812812;0.100757575757575754127337575028
-0.043749999999999997224442438437;0.044444444444444446140618509844;0.127777777777777767909128669999;0.289583333333333359238537241254;0.035069444444444444752839729063;0.033333333333333332870740406406;0.036111111111111107718762980312;0.114583333333333328707404064062;0.068055555555555549696045147812;0.058333333333333334258519187188;0.057291666666666664353702032031;0.091666666666666660190365689687
-0.029000000000000001471045507628;0.150333333333333346581994760527;0.089666666666666672291796658101;0.095666666666666663743079368487;0.049333333333333333203807313794;0.108333333333333337034076748751;0.051333333333333334980164153194;0.022666666666666668294993769450;0.091999999999999998445687765525;0.056666666666666663798590519718;0.098333333333333328152292551749;0.156666666666666676288599546751
-0.026041666666666667823148983985;0.155555555555555558022717832500;0.090277777777777776235801354687;0.030902777777777779011358916250;0.087499999999999994448884876874;0.107986111111111116045435665001;0.042361111111111113269878103438;0.015625000000000000000000000000;0.091666666666666660190365689687;0.036805555555555556634939051719;0.082638888888888886730121896562;0.232638888888888895056794581251
-0.053672316384180789039515246941;0.034180790960451977456013850087;0.099435028248587575827599494005;0.315819209039548021156207369131;0.059604519774011301136429352709;0.031920903954802258561951333604;0.025141242937853108818657688062;0.056214689265536722795335577985;0.093785310734463278592443202797;0.103389830508474570014421090036;0.044350282485875705540401270355;0.082485875706214684122130620381
-0.029347826086956522312343409453;0.095289855072463763852042006874;0.089492753623188411871147707188;0.275362318840579711753946412500;0.054710144927536230596842870000;0.068840579710144927938486603125;0.039130434782608698729422513907;0.044202898550724636916875454062;0.084782608695652170172074590937;0.047463768115942030212384139531;0.082971014492753625280130336250;0.088405797101449273833750908125
-0.020212765957446809927944286756;0.096453900709219858589094087620;0.057092198581560282821811824761;0.354609929078014196601742469284;0.049290780141843973383153354462;0.059219858156028370999024446064;0.063829787234042548171863984408;0.034397163120567376959346717058;0.062411347517730496325949474112;0.050000000000000002775557561563;0.057092198581560282821811824761;0.095390070921985814500487776968
-0.017500000000000001665334536938;0.052222222222222225429533182250;0.077222222222222219878418059125;0.495277777777777761247790522248;0.016944444444444446001840631766;0.031388888888888889783235214281;0.027500000000000000138777878078;0.035277777777777775958245598531;0.051944444444444445863062753688;0.068333333333333329262515576374;0.051388888888888886730121896562;0.074999999999999997224442438437
-0.002380952380952381167156239883;0.090079365079365078528006449687;0.059523809523809520505288617187;0.487301587301587291189974848749;0.032142857142857139685077072500;0.049206349206349205005484037656;0.039682539682539680336859078125;0.021428571428571428769682682969;0.023412698412698412786525636875;0.044841269841269841556208319844;0.062698412698412697707794905000;0.087301587301587296741089971874
-0.009302325581395348708113601788;0.097286821705426351769574466744;0.069379844961240305645233661380;0.372093023255813948324544071511;0.053875968992248064737271562308;0.056201550387596901914299962755;0.043410852713178293971196808343;0.020542635658914728397084203948;0.048837209302325580717596409386;0.038759689922480619617140007449;0.059302325581395351483671163351;0.131007751937984501244827129085
-0.066944444444444445307951241375;0.068333333333333329262515576374;0.163888888888888889505679458125;0.038888888888888889505679458125;0.044166666666666666574148081281;0.030833333333333334119741309109;0.038611111111111109939209029562;0.060277777777777777346024379312;0.150555555555555553581825734000;0.132222222222222213217079911374;0.104999999999999996114219413812;0.100277777777777771239797743874
-0.020261437908496732901442172192;0.106535947712418296862146860349;0.060130718954248367491555171682;0.135620915032679728584597000918;0.103594771241830072017187092115;0.106862745098039210733809056819;0.032679738562091505127416013465;0.019607843137254901688670827298;0.112091503267973860435979815975;0.076143790849673195775260126084;0.094771241830065355848944363970;0.131699346405228762124650643273
-0.018604651162790697416227203576;0.095348837209302331197058322232;0.062015503875968991387424011918;0.339922480620155065267340432911;0.070930232558139530429919261678;0.095348837209302331197058322232;0.022480620155038759377941204320;0.016666666666666666435370203203;0.062403100775193801053042363947;0.041860465116279069186511208045;0.062790697674418610718660715975;0.111627906976744184497363221453
-0.008750000000000000832667268469;0.103333333333333332593184650250;0.062083333333333330650294357156;0.431250000000000022204460492503;0.058333333333333334258519187188;0.048750000000000001665334536938;0.037083333333333336201409480282;0.017500000000000001665334536938;0.052083333333333335646297967969;0.055000000000000000277555756156;0.043749999999999997224442438437;0.082083333333333327597181039437
-0.046568627450980393245316690809;0.076470588235294123524710130368;0.099019607843137250058340725900;0.183823529411764718943800289708;0.061274509803921566042372859329;0.076960784313725494332203425074;0.030882352941176471894380028971;0.024509803921568627110838534122;0.136764705882352954890990304193;0.063725490196078427018733236764;0.084803921568627455007671755993;0.115196078431372542216770682444
-0.042528735632183907455772242656;0.125862068965517243102070210625;0.101149425287356320435350198750;0.075574712643678154666559976249;0.058620689655172412979577956094;0.102298850574712649197373082188;0.049137931034482759673487350938;0.029310344827586206489788978047;0.087068965517241372897849771562;0.077298850574712640870700397500;0.105172413793103450285748579063;0.145977011494252878476274304376
-0.066239316239316239909307171274;0.121794871794871792380909880649;0.097435897435897436680285466082;0.081623931623931625378709497909;0.076495726495726501514837991635;0.074786324786324784308355617668;0.092307692307692312816413959808;0.069658119658119660444484111395;0.116239316239316242684864732837;0.058547008547008547174606007957;0.070940170940170937941005036009;0.073931623931623932644008334591
-0.047222222222222220988641083750;0.104166666666666671292595935938;0.086111111111111110494320541875;0.062500000000000000000000000000;0.118749999999999994448884876874;0.078125000000000000000000000000;0.041319444444444443365060948281;0.039583333333333331482961625625;0.148263888888888889505679458125;0.085763888888888889505679458125;0.080555555555555560798275394063;0.107638888888888895056794581251
-0.014444444444444443781394582516;0.100000000000000005551115123126;0.111481481481481486950357862042;0.087777777777777774015355305437;0.081111111111111106053428443374;0.089629629629629628539966290646;0.037777777777777778178691647781;0.028148148148148147834612942120;0.119259259259259259300378630542;0.076296296296296292616112566520;0.065555555555555561353386906376;0.188518518518518529702987507335
-0.051111111111111114102545371907;0.093888888888888882844341310374;0.104722222222222216547748985249;0.120833333333333334258519187188;0.091388888888888894501683068938;0.077777777777777779011358916250;0.063888888888888883954564334999;0.039166666666666669072149886688;0.093611111111111117155658689626;0.053333333333333336756520992594;0.070277777777777772350020768499;0.140000000000000013322676295502
-0.000490196078431372542216770682;0.170098039215686280822836806692;0.047549019607843134860303280220;0.000000000000000000000000000000;0.073529411764705884801962554320;0.137745098039215696505976893604;0.016666666666666666435370203203;0.004901960784313725422167706824;0.061274509803921566042372859329;0.050490196078431373583050856269;0.088725490196078435345405921453;0.348529411764705865373059623380
-0.006250000000000000346944695195;0.116666666666666668517038374375;0.062500000000000000000000000000;0.355416666666666658525031152749;0.052499999999999998057109706906;0.082083333333333327597181039437;0.035000000000000003330669073875;0.018333333333333333425851918719;0.057916666666666664908813544344;0.035416666666666665741480812812;0.065000000000000002220446049250;0.112916666666666665186369300500
-0.013492063492063492702310867344;0.129365079365079377327063525627;0.117460317460317459348217994375;0.123412698412698418337640760001;0.076190476190476197348999676251;0.080158730158730165382685584063;0.036507936507936510073246694219;0.008333333333333333217685101602;0.097222222222222223764198645313;0.057142857142857141072855853281;0.082142857142857142460634634062;0.178571428571428575393653659376
-0.017777777777777777762358013547;0.139629629629629631315523852209;0.112222222222222223209087133000;0.000000000000000000000000000000;0.081481481481481488060580886668;0.101481481481481478068573665041;0.035185185185185187395351391615;0.011111111111111111535154627461;0.127777777777777767909128669999;0.067407407407407402000210083770;0.088148148148148142144719940916;0.217777777777777764578459596123
-0.042063492063492066708185745938;0.130158730158730168158243145626;0.058730158730158729674108997187;0.000793650793650793650105268462;0.122222222222222218213083522187;0.111507936507936514236583036563;0.046825396825396825573051273750;0.005555555555555555767577313730;0.148015873015873017370935826875;0.057539682539682536488445663281;0.082936507936507933291814254062;0.193650793650793656697217670626
-0.028518518518518519433424529552;0.142962962962962958357593379333;0.092222222222222219323306546812;0.001111111111111111110147375847;0.083703703703703696836768699541;0.133333333333333331482961625625;0.052592592592592593558897817729;0.005555555555555555767577313730;0.109629629629629632425746876834;0.054074074074074073015250263552;0.101111111111111109939209029562;0.195185185185185183787126561583
-0.038725490196078432569848359890;0.142156862745098033773416545955;0.141666666666666662965923251249;0.029411764705882352533006240947;0.062745098039215685403746647353;0.069607843137254904464228388861;0.078431372549019606754683309191;0.067647058823529407356467402224;0.096078431372549025213380957666;0.078431372549019606754683309191;0.078921568627450977562176603897;0.116176470588235297709545079670
-0.013333333333333334189130248149;0.131250000000000005551115123126;0.094583333333333338699411285688;0.252916666666666678509045596002;0.060416666666666667129259593594;0.058749999999999996669330926125;0.062083333333333330650294357156;0.043749999999999997224442438437;0.062083333333333330650294357156;0.061249999999999998889776975375;0.079166666666666662965923251249;0.080416666666666664076146275875
-0.007272727272727272720964641906;0.079696969696969696683730433051;0.041818181818181816844504083974;0.413939393939393940335946808773;0.081515151515151512695567248556;0.091515151515151521577351445558;0.010909090909090909948808700847;0.014242424242424242195048655901;0.058181818181818181767717135244;0.050303030303030300818267761542;0.073636363636363638685011778762;0.076969696969696965727081305886
-0.023333333333333334397297065266;0.091851851851851851193941911333;0.075555555555555556357383295563;0.219259259259259264851493753667;0.097407407407407400889987059145;0.072592592592592597444678403917;0.038888888888888889505679458125;0.041481481481481480289019714291;0.112962962962962959467816403958;0.072962962962962965574043039396;0.062592592592592588562894206916;0.091111111111111114935212640376
-0.115666666666666667628859954675;0.070000000000000006661338147751;0.071999999999999994559907179337;0.106999999999999997890576253212;0.082666666666666666074547720200;0.083000000000000004329869796038;0.024000000000000000499600361081;0.153666666666666673624064287651;0.086999999999999994004795667024;0.073333333333333333703407674875;0.066000000000000003108624468950;0.065666666666666664853302393112
-0.059722222222222225151977426094;0.093888888888888882844341310374;0.102499999999999993893773364562;0.104444444444444450859066364501;0.048888888888888891448569751219;0.071111111111111111049432054187;0.037222222222222219045750790656;0.147499999999999992228438827624;0.077499999999999999444888487687;0.051388888888888886730121896562;0.082222222222222224319310157625;0.123611111111111116045435665001
-0.029259259259259259161600752464;0.088518518518518524151872384209;0.149259259259259258190155605917;0.002962962962962962815832712593;0.069629629629629624654185704458;0.082592592592592592448674793104;0.036666666666666666851703837438;0.036296296296296298722339201959;0.134074074074074067741690896582;0.110000000000000000555111512313;0.122962962962962968349600600959;0.137777777777777776790912867000
-0.035648148148148151026504137917;0.114814814814814813992427389167;0.046296296296296293726335591145;0.001851851851851851922525771243;0.047222222222222220988641083750;0.191666666666666679619268620627;0.017129629629629630066522949505;0.006944444444444444058950338672;0.191203703703703709049221970417;0.085185185185185183232015049271;0.128703703703703709049221970417;0.133333333333333331482961625625
-0.039930555555555552471602709375;0.117361111111111110494320541875;0.095486111111111104943205418749;0.015625000000000000000000000000;0.061805555555555558022717832500;0.121874999999999997224442438437;0.030555555555555554553270880547;0.065972222222222223764198645313;0.115972222222222226539756206876;0.099652777777777784562474039376;0.123611111111111116045435665001;0.112152777777777781786916477813
-0.053240740740740741254732881771;0.110648148148148148250946576354;0.103240740740740744030290443334;0.005092592592592593003786305417;0.121759259259259261520824679792;0.089351851851851848973495862083;0.028240740740740739866954100989;0.015740740740740739173064710599;0.161111111111111121596550788126;0.061111111111111109106541761093;0.079166666666666662965923251249;0.171296296296296307604123398960
-0.055185185185185184342238073896;0.118148148148148154912284724105;0.077777777777777779011358916250;0.131851851851851858965503083709;0.087037037037037037756626034479;0.071481481481481479178796689666;0.038148148148148146308056283260;0.014444444444444443781394582516;0.124814814814814808996423778353;0.057037037037037038866849059104;0.065925925925925929482751541855;0.158148148148148148806058088667
-0.016666666666666666435370203203;0.151111111111111112714766591125;0.067407407407407402000210083770;0.063703703703703706828775921167;0.067407407407407402000210083770;0.143703703703703694616322650290;0.036296296296296298722339201959;0.021481481481481479872686080057;0.095555555555555560243163881751;0.047037037037037036923958766010;0.090370370370370364798695561603;0.199259259259259247087925359665
-0.028070175438596491751530592751;0.094444444444444441977282167500;0.078362573099415203103923488470;0.162573099415204674889068314769;0.090350877192982459451542354145;0.147953216374269003186014970197;0.036842105263157891303915647541;0.030701754385964910576412023602;0.096491228070175433240152074177;0.044152046783625734094336223734;0.070467836257309943159832243964;0.119590643274853802857649043290
-0.071717171717171721012640261961;0.088888888888888892281237019688;0.088383838383838383978563513210;0.102525252525252519308907039886;0.025757575757575756902895136591;0.091414141414141419916816744262;0.028787878787878789371701415689;0.127777777777777767909128669999;0.074242424242424248648219986535;0.133333333333333331482961625625;0.100505050505050499976000821789;0.066666666666666665741480812812
-0.019270833333333334258519187188;0.041666666666666664353702032031;0.072395833333333339809634310313;0.532291666666666718477074482507;0.041666666666666664353702032031;0.029166666666666667129259593594;0.022395833333333333564629796797;0.072916666666666671292595935938;0.042187500000000002775557561563;0.060416666666666667129259593594;0.025000000000000001387778780781;0.040625000000000001387778780781
-0.002083333333333333304421275400;0.066145833333333334258519187188;0.048437500000000001387778780781;0.502604166666666629659232512495;0.082812499999999997224442438437;0.032812500000000001387778780781;0.028125000000000000693889390391;0.019270833333333334258519187188;0.052083333333333335646297967969;0.027604166666666665741480812812;0.038541666666666668517038374375;0.099479166666666660190365689687
-0.002777777777777777883788656865;0.167777777777777775680689842375;0.127777777777777767909128669999;0.000000000000000000000000000000;0.063333333333333338699411285688;0.082777777777777783452251014751;0.036111111111111107718762980312;0.010555555555555555871660722289;0.072777777777777774570466817750;0.061666666666666668239482618219;0.111111111111111104943205418749;0.263333333333333308168278108496
-0.012777777777777778525636342977;0.102777777777777773460243793124;0.095000000000000001110223024625;0.143333333333333340364745822626;0.164444444444444448638620315251;0.065555555555555561353386906376;0.035000000000000003330669073875;0.014999999999999999444888487687;0.098888888888888887285233408875;0.044444444444444446140618509844;0.057222222222222222931531376844;0.165555555555555566904502029502
-0.020430107526881721713429840293;0.094086021505376343787574455746;0.062903225806451606993974223769;0.294086021505376327134229086369;0.077956989247311828106212772127;0.093548387096774196503012888115;0.037634408602150538902808563080;0.020430107526881721713429840293;0.094086021505376343787574455746;0.059139784946236562124255442541;0.076881720430107533537089636866;0.068817204301075268757514891149
-0.017708333333333332870740406406;0.092187500000000005551115123126;0.062500000000000000000000000000;0.311458333333333337034076748751;0.083854166666666660190365689687;0.075520833333333328707404064062;0.047395833333333331482961625625;0.021354166666666667129259593594;0.068229166666666660190365689687;0.054166666666666668517038374375;0.084895833333333337034076748751;0.080729166666666671292595935938
-0.012500000000000000693889390391;0.085937500000000000000000000000;0.053645833333333330095182844843;0.377083333333333325931846502499;0.064583333333333339809634310313;0.088020833333333339809634310313;0.044791666666666667129259593594;0.031770833333333331482961625625;0.059895833333333335646297967969;0.044270833333333335646297967969;0.058333333333333334258519187188;0.079166666666666662965923251249
-0.027011494252873562843531018984;0.102298850574712649197373082188;0.050574712643678160217675099375;0.305172413793103447510191017500;0.099425287356321834231209777499;0.095977011494252875700716742813;0.031034482758620689224482447344;0.021264367816091953727886121328;0.075287356321839082884395111250;0.040804597701149428190525725313;0.071839080459770110476114268749;0.079310344827586212734793491563
-0.038095238095238098674499838125;0.104166666666666671292595935938;0.062500000000000000000000000000;0.241666666666666668517038374375;0.098214285714285712303173170312;0.100000000000000005551115123126;0.030952380952380953438307642500;0.014880952380952380126322154297;0.105952380952380950662750080937;0.045238095238095236971798129844;0.074999999999999997224442438437;0.083333333333333328707404064062
-0.018686868686868685768276421300;0.110101010101010102215646213608;0.061111111111111109106541761093;0.246969696969696977939534576763;0.117171717171717176819711880853;0.084848484848484853615424583495;0.031818181818181814901613790880;0.019191919191919190601502975824;0.087878787878787875675890006733;0.070707070707070704407293249005;0.076767676767676762406011903295;0.074747474747474743073105685198
-0.021568627450980391857537910028;0.096078431372549025213380957666;0.066666666666666665741480812812;0.317647058823529393478679594409;0.074509803921568626416949143731;0.083333333333333328707404064062;0.054411764705882353920785021728;0.019607843137254901688670827298;0.078431372549019606754683309191;0.056862745098039214897145399163;0.067647058823529407356467402224;0.063235294117647056211239942058
-0.003921568627450980337734165460;0.102450980392156859588581596654;0.050980392156862744390544150974;0.399019607843137280589473903092;0.056372549019607844089652104458;0.074509803921568626416949143731;0.057843137254901963451025892482;0.019607843137254901688670827298;0.062254901960784314596253352647;0.045588235294117644691436197490;0.066176470588235294933987518107;0.061274509803921566042372859329
-0.017156862745098040712310449862;0.111274509803921561879036516984;0.048529411764705883414183773539;0.273039215686274483463336082423;0.087254901960784309045138229521;0.103431372549019601203568186065;0.033823529411764703678233701112;0.016666666666666666435370203203;0.078431372549019606754683309191;0.056372549019607844089652104458;0.093137254901960786490633381618;0.080882352941176474669937590534
-0.010101010101010101868701518413;0.117171717171717176819711880853;0.060101010101010099440088652045;0.227272727272727265157570286647;0.103535353535353535914254052841;0.112121212121212121548552431705;0.029797979797979799038154524737;0.015151515151515151935690539631;0.090404040404040403311469731307;0.057070707070707070440729324901;0.083333333333333328707404064062;0.093939393939393933674608661022
-0.015625000000000000000000000000;0.119270833333333339809634310313;0.065625000000000002775557561563;0.270833333333333314829616256247;0.075520833333333328707404064062;0.098437499999999997224442438437;0.034895833333333334258519187188;0.021354166666666667129259593594;0.078645833333333331482961625625;0.041145833333333332870740406406;0.086979166666666662965923251249;0.091666666666666660190365689687
-0.017171717171717171268596757727;0.102525252525252519308907039886;0.063636363636363629803227581760;0.307575757575757557926721119657;0.083838383838383837010077570540;0.097474747474747477915535398552;0.021717171717171718237082700398;0.012626262626262626034834291033;0.081313131313131309374497845965;0.054545454545454542805149600326;0.078282828282828287314032422728;0.079292929292929290041591627869
-0.018686868686868685768276421300;0.131313131313131326027843215343;0.060606060606060607742762158523;0.284848484848484850839867021932;0.065656565656565663013921607671;0.101010101010101008278674328267;0.040404040404040407474806073651;0.010101010101010101868701518413;0.079797979797979798344265134347;0.046464646464646465473524727940;0.092424242424242422644375949403;0.068686868686868685074387030909
-0.012195121951219512618225238043;0.103252032520325207065603478895;0.056910569105691054259121841596;0.331300813008130079495572317683;0.069918699186991867255969168582;0.097967479674796742461495568932;0.038211382113821135142472940061;0.014227642276422763564780460399;0.076016260162601628769252215534;0.038617886178861790535954412462;0.078455284552845533374565434315;0.082926829268292687191710399475
-0.024275362318840580655443517344;0.091304347826086956763091961875;0.055797101449275361695345765156;0.314130434782608713994989102503;0.109057971014492757766412012188;0.077536231884057976726509764376;0.039855072463768112522863873437;0.017028985507246376801537834922;0.086231884057971011636745117812;0.052173913043478258033669447968;0.069202898550724631365760330937;0.063405797101449279384866031251
-0.019298245614035088729698586008;0.125730994152046776646258763321;0.055263157894736840425320423265;0.228362573099415211430596173159;0.085672514619883038955450160756;0.127192982456140357694351905593;0.034210526315789475948481168643;0.016081871345029238873358679029;0.077485380116959060026182726233;0.052631578947368418130992040460;0.087426900584795325110931685231;0.090643274853801164558930736348
-0.051388888888888886730121896562;0.078611111111111117710770201938;0.059444444444444445585506997531;0.276944444444444437536390068999;0.098611111111111107718762980312;0.067222222222222224874421669938;0.029166666666666667129259593594;0.025833333333333333148296162562;0.101944444444444448638620315251;0.053888888888888888950567945813;0.072499999999999995003996389187;0.084444444444444446973285778313
-0.035344827586206897795939596563;0.110632183908045980680334707813;0.131034482758620701714491474377;0.108620689655172408816241613749;0.056896551724137933714331438750;0.073850574712643682340207362813;0.062931034482758621551035105313;0.039942528735632185088455514688;0.090804597701149430966083286876;0.077011494252873569088535532501;0.089080459770114944761942865625;0.123850574712643671237977116562
-0.020175438596491228337992396291;0.139473684210526305271571345656;0.198245614035087724946748721777;0.004385964912280701510916003372;0.036403508771929826703939170329;0.053947368421052632747603183816;0.092543859649122803268106451924;0.067543859649122808819221575050;0.076754385964912283379923962912;0.088596491228070173296060829671;0.100000000000000005551115123126;0.121929824561403513105695139984
-0.037222222222222219045750790656;0.112777777777777782342027990126;0.173055555555555545810264561624;0.005000000000000000104083408559;0.052222222222222225429533182250;0.077222222222222219878418059125;0.088333333333333333148296162562;0.056944444444444443365060948281;0.113333333333333327597181039437;0.091666666666666660190365689687;0.084444444444444446973285778313;0.107777777777777777901135891625
-0.040000000000000000832667268469;0.119259259259259259300378630542;0.132222222222222213217079911374;0.003333333333333333547282562037;0.051851851851851850361274642864;0.110740740740740736813840783270;0.043333333333333334813630699500;0.020740740740740740144509857146;0.118148148148148154912284724105;0.075555555555555556357383295563;0.127037037037037031650399399041;0.157777777777777766798905645373
-0.037847222222222219600862302968;0.073263888888888892281237019688;0.123263888888888895056794581251;0.140277777777777779011358916250;0.063541666666666662965923251249;0.102083333333333331482961625625;0.032986111111111111882099322656;0.057291666666666664353702032031;0.099652777777777784562474039376;0.072916666666666671292595935938;0.074652777777777776235801354687;0.122222222222222218213083522187
-0.002727272727272727487202175212;0.050606060606060605799871865429;0.066363636363636360759876708926;0.662121212121212110446322185453;0.019090909090909092410415226482;0.015454545454545455182571167541;0.046363636363636363812990026645;0.036363636363636361870099733551;0.017272727272727272929131459023;0.023636363636363635909454217199;0.022121212121212121409774553626;0.037878787878787879839226349077
-0.024652777777777776929690745078;0.042013888888888892281237019688;0.048263888888888890893458238907;0.605555555555555513613796847494;0.035069444444444444752839729063;0.025694444444444443365060948281;0.015625000000000000000000000000;0.021527777777777777623580135469;0.052083333333333335646297967969;0.043749999999999997224442438437;0.042708333333333334258519187188;0.043055555555555555247160270937
-0.058333333333333334258519187188;0.126086956521739124159608991249;0.113405797101449282160423592813;0.034782608695652174335410933281;0.056884057971014492793848660313;0.084782608695652170172074590937;0.058333333333333334258519187188;0.050362318840579713141725193282;0.102898550724637674602668369062;0.058695652173913044624686818906;0.075362318840579714529503974063;0.180072463768115947901904405626
-0.072972972972972977023786711470;0.065765765765765760164640596486;0.123873873873873871498396681545;0.010360360360360360357234732476;0.043693693693693691493251662905;0.064414414414414408738274175903;0.015315315315315315009003782620;0.027027027027027028527328411656;0.184234234234234239835359403514;0.128828828828828817476548351806;0.087837837837837842713817337881;0.175675675675675685427634675762
-0.032962962962962964741375770927;0.116666666666666668517038374375;0.055185185185185184342238073896;0.001481481481481481407916356297;0.063333333333333338699411285688;0.172592592592592602995793527043;0.015925925925925926707193980292;0.012962962962962962590318660716;0.132962962962962949475809182331;0.074074074074074069962136945833;0.121111111111111113824989615750;0.200740740740740747360959517209
-0.043749999999999997224442438437;0.085416666666666668517038374375;0.091249999999999997779553950750;0.017083333333333332315628894094;0.084583333333333329817627088687;0.112083333333333326486958014812;0.035000000000000003330669073875;0.038749999999999999722444243844;0.169583333333333335923853724125;0.084166666666666667406815349750;0.068750000000000005551115123126;0.169583333333333335923853724125
-0.046078431372549022437823396103;0.084803921568627455007671755993;0.101960784313725488781088301948;0.276470588235294134626940376620;0.042647058823529412907582525349;0.060294117647058824427386269917;0.031862745098039213509366618382;0.044607843137254903076449608079;0.088235294117647064537912626747;0.064705882352941182511507633990;0.058823529411764705066012481893;0.099509803921568620865834020606
-0.042083333333333333703407674875;0.039166666666666669072149886688;0.046249999999999999444888487687;0.542083333333333361458983290504;0.032083333333333331760517381781;0.036666666666666666851703837438;0.013333333333333334189130248149;0.067500000000000004440892098501;0.057083333333333333148296162562;0.056666666666666663798590519718;0.033333333333333332870740406406;0.033750000000000002220446049250
-0.099537037037037034981068472916;0.078703703703703706273664408855;0.090740740740740746805848004897;0.065740740740740738479175320208;0.064814814814814811216869827604;0.080555555555555560798275394063;0.028703703703703703498106847292;0.056018518518518516102755455677;0.118518518518518523041649359584;0.125000000000000000000000000000;0.080092592592592590228228743854;0.111574074074074075513252068959
-0.023931623931623933337897724982;0.146153846153846161959322103030;0.073504273504273506811834693053;0.083760683760683754539577705600;0.102564102564102560544156972355;0.096153846153846159183764541467;0.027350427350427350403627713149;0.003418803418803418800453464144;0.117948717948717946013559298990;0.044444444444444446140618509844;0.076495726495726501514837991635;0.204273504273504269423966661634
-0.016666666666666666435370203203;0.079729729729729734155618814384;0.053153153153153151477816606985;0.405405405405405427909926174834;0.054954954954954955692603135731;0.074774774774774774299679336309;0.021621621621621622821862729324;0.011261261261261260729904520872;0.081981981981981977281037643479;0.045945945945945948496458299815;0.059909909909909908609648709898;0.094594594594594599845649440795
-0.024285714285714285476380780437;0.165238095238095239469799935250;0.100952380952380946221857982437;0.032380952380952378322209739281;0.078571428571428569842538536250;0.104285714285714287141715317375;0.055714285714285716188953756500;0.014285714285714285268213963320;0.108095238095238091458050178062;0.047619047619047616404230893750;0.082380952380952374158873396937;0.186190476190476184026323380749
-0.041452991452991451437615211262;0.100854700854700857215462406202;0.075641025641025635972702900744;0.211965811965811962158667824951;0.078632478632478630675706199327;0.073076923076923080979661051515;0.028632478632478631369595589717;0.045299145299145297804965792920;0.089316239316239318113410661226;0.064957264957264962412786246659;0.071367521367521363773178677548;0.118803418803418797677906582066
-0.032051282051282048435325577884;0.116666666666666668517038374375;0.116239316239316242684864732837;0.001282051282051282050170049054;0.101709401709401708879809689279;0.113675213675213673814035075793;0.026495726495726495269833478119;0.074358974358974358476181976130;0.108974358974358975782337211058;0.066666666666666665741480812812;0.103418803418803412208504255432;0.138461538461538469224620939713
-0.042803030303030301095823517699;0.123863636363636370196772418240;0.043560606060606063549833777415;0.128030303030303022060465423237;0.113257575757575751351780013465;0.109848484848484848064309460369;0.033333333333333332870740406406;0.012121212121212121201607736509;0.118560606060606060774276215852;0.040151515151515153323469320412;0.069318181818181820452728914006;0.165151515151515160262363224319
-0.026923076923076924571454071611;0.102991452991452986376330613894;0.073931623931623932644008334591;0.272649572649572624616354232785;0.085470085470085471746060079568;0.084615384615384620081712796491;0.035470085470085468970502518005;0.020085470085470086970547143324;0.067948717948717943238001737427;0.044871794871794871972792151382;0.081623931623931625378709497909;0.103418803418803412208504255432
-0.015925925925925926707193980292;0.116296296296296300387673738896;0.074074074074074069962136945833;0.151481481481481494721919034419;0.080370370370370369794699172417;0.109259259259259264296382241355;0.066666666666666665741480812812;0.021851851851851851471497667490;0.088888888888888892281237019688;0.056296296296296295669225884239;0.087037037037037037756626034479;0.131851851851851858965503083709
-0.033333333333333332870740406406;0.077222222222222219878418059125;0.120833333333333334258519187188;0.206388888888888899497686679751;0.054722222222222220711085327594;0.061111111111111109106541761093;0.060277777777777777346024379312;0.048611111111111111882099322656;0.103333333333333332593184650250;0.074166666666666672402818960563;0.065833333333333327042069527124;0.094166666666666662410811738937
-0.068518518518518520266091798021;0.118888888888888891171013995063;0.071851851851851847308161325145;0.018888888888888889089345823891;0.102592592592592596334455379292;0.130740740740740740699621369458;0.030740740740740742087400150240;0.007037037037037036958653235530;0.149259259259259258190155605917;0.047777777777777780121581940875;0.110370370370370368684476147791;0.143333333333333340364745822626
-0.052991452991452990539666956238;0.037179487179487179238090988065;0.198717948717948705850133706008;0.000000000000000000000000000000;0.046581196581196582240380621442;0.032478632478632481206393123330;0.016666666666666666435370203203;0.115811965811965816852691091299;0.144017094017094005042878279710;0.132905982905982905650787984086;0.128632478632478619573475953075;0.094017094017094016145108525961
-0.012681159420289855876973206250;0.111231884057971019963417802501;0.118840579710144930714044164688;0.124275362318840579267664736562;0.064492753623188403544475022500;0.061956521739130437920195504375;0.022463768115942028824605358750;0.011594202898550724778470311094;0.086594202898550728941806653438;0.080434782608695645778063010312;0.079347826086956521618454019062;0.226086956521739129710724114375
-0.026100628930817611206283146430;0.088364779874213830734852592741;0.112578616352201260619736444824;0.129559748427672954962375229115;0.087735849056603767981421526656;0.081761006289308171823826398850;0.036477987421383646637895736831;0.038679245283018866274904468128;0.098113207547169817290821924871;0.069496855345911948131920610194;0.079874213836477983563533200595;0.151257861635220119955747009044
-0.073129251700680270031895702232;0.077891156462585028896761230044;0.098299319727891160125565761518;0.020408163265306120820463675614;0.091156462585034014889373565893;0.081632653061224483281854702454;0.022108843537414966246013037221;0.027210884353741495583767218136;0.183333333333333320380731379373;0.108163265306122455267079374153;0.087755102040816324038274842678;0.128911564625850350029878654823
-0.031007751937984495693712005959;0.129457364341085262582353720973;0.125581395348837221437321431949;0.000387596899224806196171400074;0.065891472868217060288031916571;0.094186046511627902200203266148;0.047286821705426355932910809088;0.022480620155038759377941204320;0.134496124031007746602028873895;0.072480620155038755214604861976;0.091860465116279071962068769608;0.184883720930232559043204787486
-0.080000000000000001665334536938;0.095185185185185192113799246272;0.095925925925925928372528517230;0.001111111111111111110147375847;0.084814814814814815102650413792;0.050000000000000002775557561563;0.074444444444444438091501581312;0.015185185185185185244294281404;0.215555555555555555802271783250;0.052962962962962961688262453208;0.073333333333333333703407674875;0.161481481481481475848127615791
-0.032679738562091505127416013465;0.113725490196078429794290798327;0.072222222222222215437525960624;0.128758169934640509524115259410;0.089215686274509806152899216158;0.102614379084967316524412694889;0.068300653594771235099791795164;0.014052287581699346788455251556;0.119607843137254907239785950424;0.050653594771241830518881954504;0.100653594771241833294439516067;0.107516339869281052354921257574
-0.027037037037037036507625131776;0.115555555555555550251156660124;0.071851851851851847308161325145;0.281851851851851853414387960584;0.050000000000000002775557561563;0.072592592592592597444678403917;0.035925925925925923654080662573;0.028518518518518519433424529552;0.081111111111111106053428443374;0.054814814814814816212873438417;0.074074074074074069962136945833;0.106666666666666673513041985188
-0.071171171171171165870106278817;0.057207207207207205756915868733;0.080630630630630625854671222896;0.332432432432432423130563847735;0.050900900900900901413503873982;0.035585585585585582935053139408;0.047297297297297299922824720397;0.050450450450450448625083765819;0.097297297297297302698382281960;0.061711711711711712824435238645;0.046396396396396394345984504071;0.068918918918918922744687449722
-0.027083333333333334258519187188;0.169444444444444453079512413751;0.064930555555555560798275394063;0.126041666666666662965923251249;0.056944444444444443365060948281;0.122916666666666660190365689687;0.025694444444444443365060948281;0.008333333333333333217685101602;0.085069444444444447528397290625;0.040972222222222222376419864531;0.095486111111111104943205418749;0.177083333333333342585191871876
-0.025925925925925925180637321432;0.131481481481481476958350640416;0.133703703703703713490114068918;0.005925925925925925631665425186;0.050370370370370370904922197042;0.086666666666666669627261399000;0.037777777777777778178691647781;0.049259259259259259577934386698;0.114814814814814813992427389167;0.115555555555555550251156660124;0.100370370370370373680479758605;0.148148148148148139924273891666
-0.023888888888888890060790970438;0.076944444444444440311947630562;0.095555555555555560243163881751;0.272500000000000019984014443253;0.039444444444444441699726411343;0.062222222222222220433529571437;0.037777777777777778178691647781;0.029444444444444443226283070203;0.090833333333333335368742211813;0.080000000000000001665334536938;0.098888888888888887285233408875;0.092499999999999998889776975375
-0.003947368421052631706769098230;0.070175438596491224174656053947;0.046929824561403508942358797640;0.467543859649122817145894259738;0.064912280701754379585999288338;0.075877192982456140302183200674;0.017982456140350877582534394605;0.015789473684210526827076392919;0.059649122807017541936236426636;0.034210526315789475948481168643;0.070175438596491224174656053947;0.072807017543859653407878340658
-0.031089743589743590312934884423;0.048717948717948718340142733041;0.049679487179487176462533426502;0.573717948717948678094558090379;0.034935897435897436680285466082;0.035897435897435894802676159543;0.031730769230769229061195346731;0.018269230769230770244915262879;0.046153846153846156408206979904;0.027243589743589743945584302764;0.045833333333333330095182844843;0.056730769230769230448974127512
-0.007777777777777777554191196430;0.084074074074074078843921142834;0.052962962962962961688262453208;0.534074074074074034435000157828;0.040740740740740744030290443334;0.040000000000000000832667268469;0.030370370370370370488588562807;0.042222222222222223486642889156;0.042592592592592591616007524635;0.035555555555555555524716027094;0.030740740740740742087400150240;0.058888888888888886452566140406
-0.011363636363636363951767904723;0.092424242424242422644375949403;0.144318181818181817677171352443;0.154545454545454541417370819545;0.035984848484848487581988507600;0.052651515151515150547911758849;0.078030303030303033162695669489;0.040151515151515153323469320412;0.104166666666666671292595935938;0.076515151515151508254675150056;0.078030303030303033162695669489;0.131818181818181806574941106192
-0.050793650793650793606737181562;0.108730158730158732449666558750;0.127777777777777767909128669999;0.033333333333333332870740406406;0.077777777777777779011358916250;0.077380952380952383595769106250;0.031349206349206348853897452500;0.038492063492063494090089648125;0.105555555555555555247160270937;0.113492063492063491314532086562;0.092063492063492069483743307501;0.143253968253968244628282491249
-0.032962962962962964741375770927;0.083333333333333328707404064062;0.087037037037037037756626034479;0.295555555555555571345394128002;0.036666666666666666851703837438;0.074444444444444438091501581312;0.030740740740740742087400150240;0.035555555555555555524716027094;0.078148148148148147140723551729;0.083333333333333328707404064062;0.072962962962962965574043039396;0.089259259259259260410601655167
-0.049319727891156461829780255357;0.101020408163265310030887178527;0.071768707482993202018128897635;0.153061224489795921765988850893;0.060544217687074831923954576496;0.103061224489795918990431289330;0.028911564625850341009316579743;0.027210884353741495583767218136;0.126530612244897949780764179195;0.077551020408163265362766480848;0.081972789115646260693637259465;0.119047619047619041010577234374
-0.036249999999999997501998194593;0.128333333333333327042069527124;0.066666666666666665741480812812;0.141666666666666662965923251249;0.068750000000000005551115123126;0.115000000000000004996003610813;0.047500000000000000555111512313;0.011666666666666667198648532633;0.097500000000000003330669073875;0.062916666666666662410811738937;0.092916666666666661300588714312;0.130833333333333329262515576374
-0.038034188034188030902438271141;0.129914529914529924825572493319;0.064102564102564096870651155768;0.112393162393162396317514151178;0.059401709401709398838953291033;0.143589743589743579210704638172;0.021367521367521367936515019892;0.008974358974358973700669039886;0.102136752136752134711983330817;0.063247863247863245206303872692;0.132478632478632479818614342548;0.124358974358974361251739537693
-0.016279069767441860239198803129;0.124806201550387602106084727893;0.080620155038759688803651215494;0.166666666666666657414808128124;0.045736434108527131148225208790;0.141860465116279060859838523356;0.031395348837209305359330357987;0.014341085271317829258341802756;0.081007751937984498469269567522;0.071705426356589149761155965734;0.105426356589147285358620820261;0.120155038759689927752027926999
-0.012424242424242424448488364419;0.099393939393939395587906915353;0.047575757575757576800512538284;0.210606060606060602191647035397;0.029696969696969697377619823442;0.189696969696969697238841945364;0.015151515151515151935690539631;0.015454545454545455182571167541;0.068787878787878786734921732204;0.063939393939393934784831685647;0.123939393939393932564385636397;0.123333333333333336478965236438
-0.027037037037037036507625131776;0.094074074074074073847917532021;0.042962962962962959745372160114;0.174814814814814811771981339916;0.018518518518518517490534236458;0.215185185185185173795119339957;0.008148148148148147418279307885;0.028148148148148147834612942120;0.064444444444444443087505192125;0.065185185185185179346234463083;0.145925925925925931148086078792;0.115555555555555550251156660124
-0.018018018018018017861736623786;0.130630630630630628630228784459;0.135585585585585588486168262534;0.027027027027027028527328411656;0.058558558558558557183282289316;0.097747747747747748547908486216;0.054954954954954955692603135731;0.042792792792792792855305350486;0.115315315315315317090671953792;0.047297297297297299922824720397;0.068468468468468463017373437651;0.203603603603603605654015495929
-0.019444444444444444752839729063;0.177160493827160481217219967220;0.082098765432098763650259343194;0.000000000000000000000000000000;0.067283950617283955208947077153;0.099074074074074078288809630521;0.035185185185185187395351391615;0.008024691358024691953398921385;0.124382716049382710532533735659;0.076234567901234562281587159305;0.095679012345679007034426888367;0.215432098765432095133220968819
-0.013888888888888888117900677344;0.193611111111111122706773812752;0.133055555555555565794279004876;0.000277777777777777777536843962;0.059722222222222225151977426094;0.069166666666666667961926862063;0.034444444444444444197728216750;0.006666666666666667094565124074;0.071111111111111111049432054187;0.050833333333333334536074943344;0.050833333333333334536074943344;0.316388888888888886175010384250
-0.047154471544715449715656774288;0.114634146341463419305206627996;0.121544715447154477727664811937;0.001219512195121951218454436905;0.111788617886178859306411936814;0.081707317073170734889053790084;0.053658536585365852744633485827;0.015853658536585366056748114261;0.141463414634146328330288611141;0.053252032520325204290045917332;0.073170731707317068770457524352;0.184552845528455272683387988764
-0.004824561403508772182424646502;0.147368421052631565215662590163;0.096052631578947361701281693058;0.000000000000000000000000000000;0.072807017543859653407878340658;0.118859649122807012333602472154;0.051315789473684210453274801012;0.011842105263157895120307294690;0.098245614035087719395633598651;0.047368421052631580481229178758;0.094736842105263160962458357517;0.256578947368421073083055716779
-0.014864864864864865690030626411;0.050900900900900901413503873982;0.053603603603603604266236715148;0.580630630630630584221307799453;0.038288288288288285787785980574;0.034234234234234231508686718826;0.025675675675675677100961991073;0.020720720720720720714469464951;0.061711711711711712824435238645;0.028378378378378379953694832238;0.025675675675675677100961991073;0.065315315315315314315114392230
-0.021317829457364340789427004097;0.039534883720930232009482807598;0.055813953488372092248681610727;0.569379844961240277889658045751;0.068604651162790700191784765138;0.033333333333333332870740406406;0.026744186046511627535826605140;0.032558139534883720478397606257;0.057364341085271317033367211025;0.034883720930232557655426006704;0.018604651162790697416227203576;0.041860465116279069186511208045
-0.039236111111111110494320541875;0.093055555555555558022717832500;0.075347222222222218213083522187;0.202777777777777779011358916250;0.084722222222222226539756206876;0.093750000000000000000000000000;0.048263888888888890893458238907;0.039583333333333331482961625625;0.091319444444444439201724605937;0.062152777777777779011358916250;0.080902777777777781786916477813;0.088888888888888892281237019688
-0.018518518518518517490534236458;0.144444444444444430875051921248;0.066666666666666665741480812812;0.057037037037037038866849059104;0.081481481481481488060580886668;0.152222222222222230980648305376;0.031111111111111110216764785719;0.021851851851851851471497667490;0.104074074074074068851913921208;0.046296296296296293726335591145;0.109629629629629632425746876834;0.166666666666666657414808128124
-0.058796296296296297889671933490;0.089351851851851848973495862083;0.118981481481481479733908201979;0.026851851851851852442942814037;0.033796296296296296501893152708;0.073611111111111113269878103438;0.031481481481481478346129421197;0.087037037037037037756626034479;0.114814814814814813992427389167;0.136574074074074069962136945833;0.114814814814814813992427389167;0.113888888888888886730121896562
-0.073148148148148142699831453228;0.050925925925925923098969150260;0.122222222222222218213083522187;0.048611111111111111882099322656;0.031481481481481478346129421197;0.062962962962962956692258842395;0.014814814814814815380206169948;0.068981481481481476958350640416;0.151851851851851848973495862083;0.163425925925925918935632807916;0.103703703703703700722549285729;0.107870370370370366464030098541
-0.049666666666666664520235485725;0.075999999999999998112620858137;0.105999999999999997002397833512;0.001666666666666666773641281019;0.045333333333333336589987538900;0.104999999999999996114219413812;0.017333333333333332537673499019;0.015666666666666665547191783503;0.147999999999999992672528037474;0.141666666666666662965923251249;0.128333333333333327042069527124;0.165333333333333332149095440400
-0.017666666666666667323548622903;0.102666666666666669960328306388;0.090999999999999997557509345825;0.141666666666666662965923251249;0.049333333333333333203807313794;0.122333333333333335590786816738;0.028666666666666666685170383744;0.016333333333333331649495079319;0.105999999999999997002397833512;0.086666666666666669627261399000;0.098000000000000003774758283726;0.139666666666666661189566411849
-0.017441860465116278827713003352;0.093798449612403106412372721934;0.101937984496124026123631267637;0.262403100775193798277484802384;0.079457364341085273684583967224;0.063953488372093025837727964245;0.050775193798449615167900361712;0.029844961240310077105197805736;0.071317829457364340095537613706;0.055813953488372092248681610727;0.059302325581395351483671163351;0.113953488372093028613285525807
-0.031944444444444441977282167500;0.137500000000000011102230246252;0.079629629629629633535969901459;0.075462962962962967794489088647;0.044444444444444446140618509844;0.140740740740740749581405566460;0.047222222222222220988641083750;0.031481481481481478346129421197;0.080555555555555560798275394063;0.086574074074074067186579384270;0.110648148148148148250946576354;0.133796296296296302053008275834
-0.025157232704402517076136547303;0.147169811320754712058445079492;0.083962264150943391460835130147;0.027358490566037736713145278600;0.041194968553459117288628732467;0.148742138364779868942022744704;0.041509433962264148665344265510;0.027358490566037736713145278600;0.083962264150943391460835130147;0.099056603773584911420968523998;0.132704402515723268729530559540;0.141823899371069178654281017771
-0.029761904761904760252644308594;0.115079365079365072976891326562;0.073809523809523810977673008438;0.161111111111111121596550788126;0.069841269841269842943987100625;0.123809523809523813753230570001;0.036111111111111107718762980312;0.032936507936507937455150596406;0.094444444444444441977282167500;0.074999999999999997224442438437;0.085714285714285715078730731875;0.102380952380952378044653983125
-0.026296296296296296779448908865;0.088148148148148142144719940916;0.073333333333333333703407674875;0.328888888888888897277240630501;0.080370370370370369794699172417;0.062962962962962956692258842395;0.038148148148148146308056283260;0.018518518518518517490534236458;0.075185185185185188228018660084;0.044814814814814814269983145323;0.064814814814814811216869827604;0.098518518518518519155868773396
-0.037121212121212124324109993267;0.092045454545454541417370819545;0.118560606060606060774276215852;0.008712121212121212709966755483;0.093939393939393933674608661022;0.093560606060606066325391338978;0.037499999999999998612221219219;0.063636363636363629803227581760;0.156818181818181828779401598695;0.073106060606060604967204596960;0.082575757575757580131181612160;0.142424242424242425419933510966
-0.039236111111111110494320541875;0.118749999999999994448884876874;0.104513888888888892281237019688;0.001388888888888888941894328433;0.084722222222222226539756206876;0.102777777777777773460243793124;0.031597222222222220988641083750;0.030208333333333333564629796797;0.132291666666666668517038374375;0.077777777777777779011358916250;0.102777777777777773460243793124;0.173958333333333325931846502499
-0.107916666666666660745477201999;0.098750000000000004440892098501;0.079583333333333339254522798001;0.032083333333333331760517381781;0.047083333333333331205405869468;0.082500000000000003885780586188;0.030833333333333334119741309109;0.045416666666666667684371105906;0.125416666666666676288599546751;0.112500000000000002775557561563;0.106666666666666673513041985188;0.131250000000000005551115123126
-0.057407407407407406996213694583;0.128888888888888886175010384250;0.083703703703703696836768699541;0.116296296296296300387673738896;0.062222222222222220433529571437;0.097777777777777782897139502438;0.042962962962962959745372160114;0.024444444444444445724284875610;0.100000000000000005551115123126;0.070740740740740742920067418709;0.091851851851851851193941911333;0.123703703703703704608329871917
-0.034722222222222223764198645313;0.109375000000000000000000000000;0.072916666666666671292595935938;0.125000000000000000000000000000;0.083333333333333328707404064062;0.115972222222222226539756206876;0.019097222222222223764198645313;0.036458333333333335646297967969;0.102083333333333331482961625625;0.076388888888888895056794581251;0.100694444444444447528397290625;0.123958333333333337034076748751
-0.104402515723270444825132585720;0.074842767295597481536084671916;0.093396226415094332762301121420;0.050000000000000002775557561563;0.079245283018867920810102134510;0.075786163522012575666231271043;0.040880503144654085911913199425;0.060691823899371069583885685006;0.133962264150943394236392691710;0.104088050314465413448417052678;0.094339622641509440770235528362;0.088364779874213830734852592741
-0.038888888888888889505679458125;0.147037037037037049413967793043;0.105925925925925923376524906416;0.038888888888888889505679458125;0.062222222222222220433529571437;0.117777777777777772905132280812;0.040740740740740744030290443334;0.039259259259259257635044093604;0.088518518518518524151872384209;0.098148148148148151026504137917;0.112222222222222223209087133000;0.110370370370370368684476147791
-0.021666666666666667406815349750;0.148333333333333344805637921127;0.128750000000000003330669073875;0.002916666666666666799662133158;0.034583333333333333980963431031;0.144166666666666665186369300500;0.046666666666666668794594130532;0.045833333333333330095182844843;0.074583333333333334813630699500;0.097083333333333327042069527124;0.130000000000000004440892098501;0.125416666666666676288599546751
-0.030092592592592590922118134245;0.137500000000000011102230246252;0.118518518518518523041649359584;0.113425925925925930037863054167;0.035185185185185187395351391615;0.110185185185185191558687733959;0.041666666666666664353702032031;0.031944444444444441977282167500;0.074999999999999997224442438437;0.083796296296296299277450714271;0.106481481481481482509465763542;0.116203703703703697946991724166
-0.017777777777777777762358013547;0.141851851851851840091711665082;0.108518518518518514159865162583;0.096296296296296296501893152708;0.045925925925925925596970955667;0.125555555555555559132940857126;0.047777777777777780121581940875;0.024074074074074074125473288177;0.078148148148148147140723551729;0.062592592592592588562894206916;0.116296296296296300387673738896;0.135185185185185186007572610833
-0.050370370370370370904922197042;0.118888888888888891171013995063;0.152962962962962967239377576334;0.012962962962962962590318660716;0.063703703703703706828775921167;0.094074074074074073847917532021;0.048888888888888891448569751219;0.056296296296296295669225884239;0.095925925925925928372528517230;0.079629629629629633535969901459;0.087777777777777774015355305437;0.138518518518518513049642137958
-0.039080459770114941986385304062;0.110919540229885052462499572812;0.130459770114942530394586128750;0.006609195402298850482991632305;0.067528735632183908843551023438;0.111781609195402295564569783437;0.030459770114942528312917957578;0.071264367816091953033996730937;0.103448275862068964081608157812;0.085919540229885058013614695938;0.094252873563218389496576321562;0.148275862068965508244744455624
-0.013461538461538462285727035805;0.223397435897435908680463967357;0.088141025641025647074933146996;0.071153846153846150857091856778;0.054487179487179487891168605529;0.112500000000000002775557561563;0.055128205128205126639429067836;0.005769230769230769551025872488;0.072756410256410261605530820361;0.045512820512820510721052613690;0.113782051282051280272078486178;0.143910256410256398584834869325
-0.027906976744186046124340805363;0.137596899224806196171400074491;0.071317829457364340095537613706;0.188759689922480627943812692138;0.087984496124031003061460864956;0.106589147286821700477688068531;0.049612403100775193109939209535;0.009302325581395348708113601788;0.086434108527131778276775264658;0.034883720930232557655426006704;0.081782945736434103922718463764;0.117829457364341083636105622645
-0.004255319148936170282893076688;0.163475177304964525148989196168;0.040070921985815605159686469960;0.000000000000000000000000000000;0.047872340425531914598344940259;0.250709219858156029392404207101;0.042198581560283686398005187357;0.000709219858156028416622251864;0.068439716312056739222491330565;0.039716312056737590463484366410;0.130141843971631199217142693669;0.212411347517730497713728254894
-0.012301587301587301251371009414;0.180555555555555552471602709375;0.101587301587301587213474363125;0.019841269841269840168429539062;0.053174603174603173039169945469;0.123412698412698418337640760001;0.038492063492063494090089648125;0.022619047619047618485899064922;0.076587301587301592764589486251;0.068650793650793656697217670626;0.101190476190476191797884553125;0.201587301587301592764589486251
-0.024183006535947713239176337652;0.134313725490196073097948215036;0.067973856209150321228129598694;0.179738562091503267792447218199;0.050653594771241830518881954504;0.126470588235294112422479884117;0.042483660130718955971751427114;0.018627450980392156604237285933;0.084967320261437911943502854228;0.074509803921568626416949143731;0.111111111111111104943205418749;0.084967320261437911943502854228
-0.042222222222222223486642889156;0.107777777777777777901135891625;0.111851851851851855079722497521;0.067037037037037033870845448291;0.086666666666666669627261399000;0.063703703703703706828775921167;0.034814814814814812327092852229;0.038518518518518521376314822646;0.112222222222222223209087133000;0.096666666666666664631257788187;0.085925925925925919490744320228;0.152592592592592585232225133041
-0.050694444444444444752839729063;0.090972222222222218213083522187;0.086111111111111110494320541875;0.016319444444444445446729119453;0.109027777777777779011358916250;0.094791666666666662965923251249;0.062152777777777779011358916250;0.034375000000000002775557561563;0.166666666666666657414808128124;0.073958333333333334258519187188;0.085069444444444447528397290625;0.129861111111111121596550788126
-0.015094339622641509551792537991;0.261949685534591192315190255613;0.096855345911949691783959792701;0.005031446540880502894810266667;0.046226415094339619316077261146;0.125471698113207547065073299564;0.050943396226415096905704160690;0.009748427672955974412905000293;0.073899371069182387405938072789;0.056603773584905661686583755454;0.103459119496855350694985986593;0.154716981132075465099617872511
-0.012037037037037037062736644089;0.239351851851851843422380738957;0.064814814814814811216869827604;0.000000000000000000000000000000;0.076851851851851851749053423646;0.126388888888888883954564334999;0.050462962962962966406710307865;0.008333333333333333217685101602;0.066666666666666665741480812812;0.045833333333333330095182844843;0.105092592592592598554901428543;0.204166666666666662965923251249
-0.039181286549707601551961744235;0.151754385964912280604366401349;0.068713450292397657004350719490;0.023391812865497074724885351316;0.078654970760233922089099678487;0.137134502923976608901313056776;0.040643274853801168722267078692;0.018713450292397661167687061834;0.108771929824561408572947129869;0.065204678362573098571175478355;0.098830409356725143488198170871;0.169005847953216381540642032633
-0.005555555555555555767577313730;0.165476190476190471168038698124;0.053968253968253970809243469375;0.151190476190476180695654306874;0.054365079365079366224833279375;0.143253968253968244628282491249;0.036111111111111107718762980312;0.009126984126984127518311673555;0.080555555555555560798275394063;0.050396825396825398191147371563;0.108333333333333337034076748751;0.141666666666666662965923251249
-0.043749999999999997224442438437;0.119791666666666671292595935938;0.079166666666666662965923251249;0.196180555555555552471602709375;0.046527777777777779011358916250;0.102430555555555552471602709375;0.041319444444444443365060948281;0.036458333333333335646297967969;0.085416666666666668517038374375;0.056597222222222222376419864531;0.094097222222222220988641083750;0.098263888888888886730121896562
-0.035460992907801421047953027710;0.119858156028368800782857306331;0.146099290780141832790661737818;0.010638297872340425273551822727;0.056737588652482268125609721210;0.071631205673758871488310262521;0.050000000000000002775557561563;0.047163120567375885205940733158;0.114893617021276595036027856622;0.119503546099290786086655202780;0.092198581560283682234668845012;0.135815602836879434356376350479
-0.073202614379084970930300357850;0.088888888888888892281237019688;0.102941176470588230396074891360;0.093464052287581700362295578088;0.054901960784313724728278316434;0.087908496732026150666250430277;0.035620915032679736911269685606;0.073856209150326798673624750791;0.084967320261437911943502854228;0.124183006535947715320844508824;0.092810457516339872618971185148;0.087254901960784309045138229521
-0.055757575757575755792672111966;0.107272727272727269598462385147;0.066060606060606055778272605039;0.071818181818181822673174963256;0.056363636363636365755880319739;0.129090909090909089496079786841;0.026969696969696969890417648230;0.091212121212121216595747341671;0.100000000000000005551115123126;0.113333333333333327597181039437;0.091818181818181812681167741630;0.090303030303030301650935030011
-0.008333333333333333217685101602;0.187318840579710155225257040001;0.061956521739130437920195504375;0.014130434782608695606920257148;0.058695652173913044624686818906;0.171014492753623181808819708749;0.038768115942028988363254882188;0.011956521739130435144637942813;0.089492753623188411871147707188;0.070289855072463769403157130000;0.119565217391304351446379428126;0.168478260869565216184540190625
-0.010077519379844961100456401937;0.224031007751937988325963146963;0.079844961240310083350202319252;0.045348837209302328421500760669;0.039534883720930232009482807598;0.167054263565891480958214287966;0.056201550387596901914299962755;0.018604651162790697416227203576;0.054651162790697677129614362457;0.052325581395348839952585962010;0.120155038759689927752027926999;0.132170542635658916363894377355
-0.010370370370370370072254928573;0.174074074074074075513252068959;0.108888888888888882289229798062;0.018148148148148149361169600979;0.044444444444444446140618509844;0.080000000000000001665334536938;0.077407407407407410881994280771;0.020370370370370372015145221667;0.093703703703703705718552896542;0.079259259259259265406605265980;0.084814814814814815102650413792;0.208518518518518519710980285709
-0.022093023255813953181769804246;0.154263565891472859137323325740;0.087209302325581397608011968714;0.111240310077519374831744869425;0.086046511627906982488944720444;0.100775193798449611004564019368;0.046899224806201553206186360967;0.032558139534883720478397606257;0.071705426356589149761155965734;0.064341085271317835503346316273;0.085658914728682172823326368416;0.137209302325581400383569530277
-0.072222222222222215437525960624;0.084259259259259255969709556666;0.056172839506172841939068973716;0.120987654320987653155938801319;0.082407407407407401445098571457;0.133641975308641969277800853888;0.020061728395061727281412089496;0.032716049382716050342168045972;0.127160493827160492319450213472;0.078395061728395068478825180591;0.083333333333333328707404064062;0.108641975308641974828915977014
-0.017777777777777777762358013547;0.149629629629629640197308049210;0.123703703703703704608329871917;0.010370370370370370072254928573;0.047407407407407405053323401489;0.144444444444444430875051921248;0.045555555555555557467606320188;0.049629629629629627707299022177;0.087407407407407405885990669958;0.075555555555555556357383295563;0.116296296296296300387673738896;0.132222222222222213217079911374
-0.018686868686868685768276421300;0.110101010101010102215646213608;0.089898989898989895008796224829;0.189393939393939392257237841477;0.082323232323232325979844858921;0.107575757575757574580066489034;0.038383838383838381203005951647;0.039898989898989899172132567173;0.077777777777777779011358916250;0.054545454545454542805149600326;0.078787878787878781738918121391;0.112626262626262629851225938182
-0.090686274509803918575379100275;0.070588235294117646079214978272;0.093627450980392157298126676324;0.177450980392156870690811842906;0.086274509803921567430151640110;0.070098039215686275271721683566;0.036764705882352942400981277160;0.039215686274509803377341654596;0.127941176470588224844959768234;0.076960784313725494332203425074;0.044117647058823532268956313374;0.086274509803921567430151640110
-0.067567567567567571318321029139;0.127927927927927925777495943294;0.094144144144144140118335428724;0.011261261261261260729904520872;0.085135135135135139861084496715;0.093693693693693694268809224468;0.064414414414414408738274175903;0.018918918918918919969129888159;0.145495495495495508198047218684;0.063513513513513517039221767391;0.077027027027027031302885973219;0.150900900900900913903512901015
-0.015789473684210526827076392919;0.159210526315789469009587264736;0.060964912280701756552847569992;0.014035087719298245875765296375;0.064912280701754379585999288338;0.214035087719298244834931210789;0.033333333333333332870740406406;0.010526315789473683973143103287;0.111403508771929823928381608766;0.038596491228070177459397172015;0.113596491228070181622733514359;0.163596491228070184398291075922
-0.022395833333333333564629796797;0.123958333333333337034076748751;0.082812499999999997224442438437;0.102604166666666662965923251249;0.063541666666666662965923251249;0.108854166666666668517038374375;0.046354166666666668517038374375;0.051562499999999997224442438437;0.081250000000000002775557561563;0.071354166666666662965923251249;0.101562500000000000000000000000;0.143749999999999988897769753748
-0.017407407407407406163546426114;0.188518518518518529702987507335;0.143333333333333340364745822626;0.078148148148148147140723551729;0.047407407407407405053323401489;0.075185185185185188228018660084;0.056296296296296295669225884239;0.032962962962962964741375770927;0.072962962962962965574043039396;0.056666666666666663798590519718;0.083703703703703696836768699541;0.147407407407407403665544620708
-0.019230769230769231836752908293;0.120085470085470089052215314496;0.067521367521367517405828095889;0.114957264957264951310556000408;0.063675213675213671038477514230;0.133760683760683757315135267163;0.033333333333333332870740406406;0.081196581196581199546535856371;0.096153846153846159183764541467;0.075641025641025635972702900744;0.094444444444444441977282167500;0.100000000000000005551115123126
-0.014779874213836478175077004948;0.114150943396226417503314110036;0.100314465408805036927830656168;0.022955974842767293969680864052;0.066037735849056602988049746727;0.130503144654088049092521828243;0.033962264150943395624171472491;0.109119496855345915475865581357;0.124842767295597484311642233479;0.068553459119496854001774011067;0.081761006289308171823826398850;0.133018867924528300106246092582
-0.052424242424242421811708680934;0.088484848484848485639098214506;0.086363636363636364645657295114;0.214545454545454539196924770295;0.086060606060606059664053191227;0.046969696969696966837304330511;0.063636363636363629803227581760;0.043333333333333334813630699500;0.126060606060606067435614363603;0.044848484848484845843863411119;0.043939393939393937837945003366;0.103333333333333332593184650250
-0.015277777777777777276635440273;0.100925925925925932813420615730;0.064814814814814811216869827604;0.318055555555555535818257339997;0.047685185185185184619793830052;0.075925925925925924486747931041;0.048611111111111111882099322656;0.025462962962962961549484575130;0.068518518518518520266091798021;0.056018518518518516102755455677;0.095833333333333339809634310313;0.082870370370370372015145221667
-0.019907407407407408383992475365;0.110648148148148148250946576354;0.152777777777777790113589162502;0.064351851851851854524610985209;0.030555555555555554553270880547;0.088425925925925921711190369479;0.044907407407407409771771256146;0.050462962962962966406710307865;0.100925925925925932813420615730;0.106944444444444439201724605937;0.104166666666666671292595935938;0.125925925925925913384517684790
-0.028571428571428570536427926640;0.104761904761904764415980650938;0.169841269841269848495102223751;0.005555555555555555767577313730;0.028968253968253969421464688594;0.072222222222222215437525960624;0.054365079365079366224833279375;0.075396825396825392640032248437;0.098015873015873014595378265312;0.134920634920634913145320865624;0.113888888888888886730121896562;0.113492063492063491314532086562
-0.019927536231884056261431936719;0.117753623188405792676647365624;0.131884057971014490018291098750;0.116304347826086951211976838749;0.033333333333333332870740406406;0.097101449275362322621774069376;0.060144927536231886089357345782;0.040579710144927533255199136875;0.069202898550724631365760330937;0.082246376811594204547795072813;0.097463768115942026049047797187;0.134057971014492766093084696877
-0.012916666666666666574148081281;0.123749999999999998889776975375;0.086249999999999993338661852249;0.208333333333333342585191871876;0.046666666666666668794594130532;0.108749999999999999444888487687;0.070416666666666669072149886688;0.028750000000000001249000902703;0.054166666666666668517038374375;0.052499999999999998057109706906;0.087083333333333332038073137937;0.120416666666666671847707448251
-0.012592592592592592726230549260;0.110740740740740736813840783270;0.078518518518518515270088187208;0.284814814814814798449305044414;0.062592592592592588562894206916;0.094444444444444441977282167500;0.040370370370370368962031903948;0.028888888888888887562789165031;0.068518518518518520266091798021;0.049259259259259259577934386698;0.069259259259259256524821068979;0.100000000000000005551115123126
-0.048611111111111111882099322656;0.064814814814814811216869827604;0.099537037037037034981068472916;0.195833333333333331482961625625;0.109259259259259264296382241355;0.050925925925925923098969150260;0.026388888888888888811790067734;0.030555555555555554553270880547;0.129166666666666679619268620627;0.067592592592592593003786305417;0.066666666666666665741480812812;0.110648148148148148250946576354
-0.035483870967741935886774484743;0.095161290322580638356697591007;0.126881720430107536312647198429;0.002688172043010752902680859933;0.127419354838709669719420958245;0.075268817204301077805617126160;0.052150537634408598852697735992;0.026881720430107527292085123349;0.132795698924731170320612250180;0.068279569892473121472953323519;0.101612903225806447404799826018;0.155376344086021495050076168809
-0.022777777777777778733803160094;0.132222222222222213217079911374;0.094444444444444441977282167500;0.001111111111111111110147375847;0.058888888888888886452566140406;0.115000000000000004996003610813;0.041111111111111112159655078813;0.020000000000000000416333634234;0.145555555555555549140933635499;0.096111111111111105498316931062;0.117222222222222227649979231501;0.155555555555555558022717832500
-0.069540229885057466829856309687;0.101724137931034477877467736562;0.131609195402298845278821204374;0.048275862068965516571417140312;0.053448275862068968244944500157;0.058620689655172412979577956094;0.080459770114942527619028567187;0.126436781609195414421975556252;0.086781609195402301115684906563;0.094252873563218389496576321562;0.078735632183908041414888145937;0.070114942528735638149761655313
-0.056028368794326238733205514109;0.078014184397163122142160318617;0.083333333333333328707404064062;0.264184397163120587848084142024;0.056028368794326238733205514109;0.053900709219858157494886796712;0.073049645390070916395330868909;0.056382978723404253429407617659;0.085106382978723402188414581815;0.065248226950354606956672398610;0.057801418439716312214216031862;0.070921985815602842095906055420
-0.037943262411347516982473848657;0.066312056737588651045278709262;0.066666666666666665741480812812;0.317730496453900723707874931279;0.099645390070921990854913019575;0.055319148936170209340801307007;0.036524822695035458197665434454;0.046808510638297870509738629607;0.105673758865248226812560972121;0.039716312056737590463484366410;0.047872340425531914598344940259;0.079787234042553195623170836370
-0.021296296296296295808003762318;0.077777777777777779011358916250;0.056481481481481479733908201979;0.300462962962962987223392019587;0.096296296296296296501893152708;0.064351851851851854524610985209;0.037037037037037034981068472916;0.061111111111111109106541761093;0.090277777777777776235801354687;0.052314814814814813992427389167;0.050462962962962966406710307865;0.092129629629629630760412339896
-0.055128205128205126639429067836;0.096794871794871797932025003774;0.101602564102564102421766278894;0.071153846153846150857091856778;0.099038461538461533550936621850;0.074358974358974358476181976130;0.056410256410256411074843896358;0.047756410256410253278858135673;0.119871794871794876136128493727;0.072435897435897442231400589208;0.084615384615384620081712796491;0.120833333333333334258519187188
-0.064242424242424239766435789534;0.084242424242424243652216375722;0.107575757575757574580066489034;0.107575757575757574580066489034;0.082121212121212122658775456330;0.061818181818181820730284670162;0.032727272727272729846426102540;0.040606060606060603856981572335;0.133333333333333331482961625625;0.088787878787878790620702318392;0.088181818181818180657494110619;0.108787878787878794506482904580
-0.080392156862745103862444295828;0.064052287581699340890395433235;0.118954248366013065618673749668;0.081699346405228759349093081710;0.064705882352941182511507633990;0.061437908496732022978203957564;0.029738562091503266404668437417;0.044117647058823532268956313374;0.129738562091503278894677464450;0.134313725490196073097948215036;0.083660130718954242579066260532;0.107189542483660124605471253290
-0.042635658914728681578854008194;0.073255813953488374545841566032;0.153875968992248063349492781526;0.055813953488372092248681610727;0.057751937984496126698985563053;0.062015503875968991387424011918;0.048837209302325580717596409386;0.065891472868217060288031916571;0.111240310077519374831744869425;0.099224806201550386219878419070;0.100387596899224801338945667339;0.129069767441860466794523176759
-0.013541666666666667129259593594;0.132638888888888889505679458125;0.116319444444444447528397290625;0.000000000000000000000000000000;0.072916666666666671292595935938;0.092361111111111116045435665001;0.053819444444444447528397290625;0.021527777777777777623580135469;0.125694444444444441977282167500;0.067361111111111107718762980312;0.101041666666666668517038374375;0.202777777777777779011358916250
-0.029583333333333333009518284484;0.110000000000000000555111512313;0.132916666666666655194362078873;0.000000000000000000000000000000;0.040000000000000000832667268469;0.084166666666666667406815349750;0.035833333333333335091186455656;0.020416666666666666296592325125;0.132083333333333330372738601000;0.119999999999999995559107901499;0.124583333333333337589188261063;0.170416666666666660745477201999
-0.019523809523809523142068300672;0.117142857142857145791303707938;0.098095238095238096454053788875;0.079523809523809524391069203375;0.050000000000000002775557561563;0.134285714285714286031492292750;0.026190476190476191103995162734;0.024761904761904762750646114000;0.109523809523809523280846178750;0.082857142857142851433138730499;0.098571428571428573728319122438;0.159523809523809512178615932498
-0.024444444444444445724284875610;0.153703703703703703498106847292;0.081851851851851856189945522146;0.082222222222222224319310157625;0.050370370370370370904922197042;0.117407407407407404775767645333;0.045925925925925925596970955667;0.038518518518518521376314822646;0.084444444444444446973285778313;0.075185185185185188228018660084;0.091111111111111114935212640376;0.154814814814814821763988561543
-0.018699186991869919116648901536;0.167073170731707326686077408340;0.074390243902439021073114133742;0.058536585365853661955259923388;0.063414634146341464226992457043;0.115853658536585371607863237386;0.050406504065040651230145130057;0.017073170731707318359404723651;0.076422764227642270284945880121;0.059349593495934958864435060377;0.085772357723577233312717282843;0.213008130081300817160183669330
-0.009444444444444444544672911945;0.136944444444444451969289389126;0.085277777777777771794909256187;0.163055555555555564684055980251;0.053333333333333336756520992594;0.106388888888888893946571556626;0.041111111111111112159655078813;0.023888888888888890060790970438;0.076388888888888895056794581251;0.047222222222222220988641083750;0.092499999999999998889776975375;0.164444444444444448638620315251
-0.028632478632478631369595589717;0.091880341880341886984240318270;0.122649572649572644045257163725;0.028632478632478631369595589717;0.059401709401709398838953291033;0.093589743589743590312934884423;0.073931623931623932644008334591;0.060683760683760683274368119555;0.136752136752136765895926373560;0.091452991452991447274278868917;0.096153846153846159183764541467;0.116239316239316242684864732837
-0.057371794871794869197234589819;0.160256410256410269932203505050;0.119551282051282056761998262573;0.024679487179487178544201597674;0.040384615384615386857181107416;0.093269230769230770938804653269;0.083333333333333328707404064062;0.031089743589743590312934884423;0.093269230769230770938804653269;0.061538461538461541877609306539;0.092628205128205132190544190962;0.142628205128205121088313944711
-0.033018867924528301494024873364;0.119811320754716982284193704800;0.081132075471698109070395332765;0.171698113207547159442256656803;0.058490566037735849946876953709;0.081446540880503140447110865807;0.048427672955974845891979896351;0.109748427672955978229296647442;0.073584905660377356029222539746;0.037735849056603772144757869000;0.076100628930817607042946804086;0.108805031446540884099150048314
-0.058865248226950356302822342514;0.088652482269503549150435617321;0.093617021276595741019477259215;0.123049645390070919170888430472;0.052482269503546098710078382510;0.106028368794326241508763075672;0.034751773049645391655548820609;0.047163120567375885205940733158;0.103900709219858153331550454368;0.093971631205673755715679362766;0.098226950354609932070104605373;0.099290780141843976158710916025
-0.037499999999999998612221219219;0.083333333333333328707404064062;0.128611111111111120486327763501;0.040000000000000000832667268469;0.092222222222222219323306546812;0.083055555555555549140933635499;0.032777777777777780676693453188;0.058333333333333334258519187188;0.128888888888888886175010384250;0.073611111111111113269878103438;0.095277777777777780676693453188;0.146388888888888901718132729002
-0.034074074074074076068363581271;0.114074074074074077733698118209;0.105925925925925923376524906416;0.105925925925925923376524906416;0.062962962962962956692258842395;0.082222222222222224319310157625;0.071851851851851847308161325145;0.025185185185185185452461098521;0.115555555555555550251156660124;0.070000000000000006661338147751;0.067037037037037033870845448291;0.145185185185185194889356807835
-0.009259259259259258745267118229;0.119259259259259259300378630542;0.114074074074074077733698118209;0.375925925925925941140093300419;0.021851851851851851471497667490;0.061481481481481484174800300480;0.025555555555555557051272685953;0.024444444444444445724284875610;0.046666666666666668794594130532;0.049629629629629627707299022177;0.044444444444444446140618509844;0.107407407407407409771771256146
-0.018055555555555553859381490156;0.128888888888888886175010384250;0.116944444444444448083508802938;0.001944444444444444388547799107;0.035833333333333335091186455656;0.098611111111111107718762980312;0.045277777777777777901135891625;0.020000000000000000416333634234;0.124444444444444440867059142874;0.108888888888888882289229798062;0.123333333333333336478965236438;0.177777777777777784562474039376
-0.008888888888888888881179006773;0.188518518518518529702987507335;0.086666666666666669627261399000;0.000000000000000000000000000000;0.052222222222222225429533182250;0.117037037037037036646403009854;0.030740740740740742087400150240;0.004814814814814815172039352831;0.104814814814814818988430999980;0.062592592592592588562894206916;0.102222222222222228205090743813;0.241481481481481491391249960543
-0.019590643274853800775980872118;0.121637426900584794120518949967;0.080409356725146194366793395147;0.178362573099415194777250803781;0.062280701754385964230564809441;0.071929824561403510330137578421;0.032456140350877189792999644169;0.013450292397660818313753772202;0.126900584795321624831387907761;0.072222222222222215437525960624;0.079532163742690065166840440725;0.141228070175438591427052870131
-0.027551020408163266056655871239;0.038435374149659862208494587321;0.052040816326530611735101672366;0.543537414965986398485142672143;0.050340136054421766309552310759;0.027891156462585033060097572388;0.026870748299319728580325516987;0.015986394557823128959039848951;0.083333333333333328707404064062;0.044897959183673466498909476741;0.030272108843537415961977288248;0.058843537414965986498405214888
-0.022569444444444444058950338672;0.116319444444444447528397290625;0.088888888888888892281237019688;0.106944444444444439201724605937;0.059027777777777776235801354687;0.100000000000000005551115123126;0.046875000000000000000000000000;0.010069444444444445099784424258;0.131944444444444447528397290625;0.078125000000000000000000000000;0.090277777777777776235801354687;0.148958333333333331482961625625
-0.002314814814814814686316779557;0.069444444444444447528397290625;0.053240740740740741254732881771;0.592592592592592559697095566662;0.042129629629629627984854778333;0.028240740740740739866954100989;0.022222222222222223070309254922;0.018055555555555553859381490156;0.026851851851851852442942814037;0.032870370370370369239587660104;0.035648148148148151026504137917;0.076388888888888895056794581251
-0.023529411764705882026404992757;0.090196078431372547767885805570;0.070098039215686275271721683566;0.248039215686274516770026821177;0.092156862745098044875646792207;0.058333333333333334258519187188;0.049509803921568625029170362950;0.014705882352941176266503120473;0.114215686274509800601784093033;0.053431372549019605366904528410;0.060294117647058824427386269917;0.125490196078431370807493294706
-0.053888888888888888950567945813;0.115277777777777784562474039376;0.140000000000000013322676295502;0.037222222222222219045750790656;0.058611111111111113824989615750;0.053888888888888888950567945813;0.066111111111111106608539955687;0.062777777777777779566470428563;0.103611111111111112159655078813;0.116111111111111109384097517250;0.078611111111111117710770201938;0.113888888888888886730121896562
-0.033888888888888892003681263532;0.117777777777777772905132280812;0.101388888888888889505679458125;0.144999999999999990007992778374;0.052499999999999998057109706906;0.097500000000000003330669073875;0.045277777777777777901135891625;0.029444444444444443226283070203;0.083611111111111108273874492625;0.088055555555555553581825734000;0.090277777777777776235801354687;0.115277777777777784562474039376
-0.039814814814814816767984950729;0.129166666666666679619268620627;0.110185185185185191558687733959;0.024074074074074074125473288177;0.066666666666666665741480812812;0.062037037037037036368847253698;0.165277777777777773460243793124;0.053240740740740741254732881771;0.099074074074074078288809630521;0.061574074074074072737694507396;0.074074074074074069962136945833;0.114814814814814813992427389167
-0.014814814814814815380206169948;0.210648148148148139924273891666;0.105555555555555555247160270937;0.000000000000000000000000000000;0.076388888888888895056794581251;0.079166666666666662965923251249;0.283333333333333325931846502499;0.018981481481481481121686982760;0.067592592592592593003786305417;0.020833333333333332176851016015;0.055555555555555552471602709375;0.067129629629629636311527463022
-0.007222222222222221890697291258;0.093055555555555558022717832500;0.075277777777777776790912867000;0.388888888888888895056794581251;0.039444444444444441699726411343;0.042777777777777775680689842375;0.133055555555555565794279004876;0.050833333333333334536074943344;0.046388888888888889228123701969;0.030833333333333334119741309109;0.040555555555555553026714221687;0.051666666666666666296592325125
-0.013055555555555556357383295563;0.088611111111111112714766591125;0.063055555555555559132940857126;0.392222222222222249854439724004;0.044166666666666666574148081281;0.072499999999999995003996389187;0.046944444444444441422170655187;0.033888888888888892003681263532;0.053055555555555557190050564031;0.038611111111111109939209029562;0.061111111111111109106541761093;0.092777777777777778456247403938
-0.016666666666666666435370203203;0.097685185185185180456457487708;0.067129629629629636311527463022;0.351851851851851860075726108334;0.050000000000000002775557561563;0.071759259259259258745267118229;0.039814814814814816767984950729;0.030555555555555554553270880547;0.059259259259259261520824679792;0.044907407407407409771771256146;0.069444444444444447528397290625;0.100925925925925932813420615730
-0.008620689655172413673467346484;0.081896551724137928163216315625;0.055459770114942526231249786406;0.488218390804597723864333147503;0.051436781609195403319745310000;0.049137931034482759673487350938;0.025574712643678162299343270547;0.023563218390804597374144080391;0.041091954022988506911584494219;0.037068965517241377061186113906;0.065517241379310350857245737188;0.072413793103448281796019614376
-0.024509803921568627110838534122;0.102941176470588230396074891360;0.141503267973856206030092153014;0.143464052287581689260065331837;0.081045751633986931605768688769;0.044117647058823532268956313374;0.052287581699346406816086840763;0.094444444444444441977282167500;0.063398692810457513147071040294;0.084313725490196084200178461288;0.066339869281045751869818616342;0.101633986928104574909426105478
-0.068518518518518520266091798021;0.094444444444444441977282167500;0.147407407407407403665544620708;0.056296296296296295669225884239;0.025925925925925925180637321432;0.054814814814814816212873438417;0.041851851851851848418384349770;0.059999999999999997779553950750;0.104814814814814818988430999980;0.132962962962962949475809182331;0.103703703703703700722549285729;0.109259259259259264296382241355
-0.043749999999999997224442438437;0.143333333333333340364745822626;0.099583333333333329262515576374;0.035416666666666665741480812812;0.048750000000000001665334536938;0.105416666666666672402818960563;0.043749999999999997224442438437;0.040000000000000000832667268469;0.092083333333333336478965236438;0.090416666666666672957930472876;0.110833333333333339254522798001;0.146666666666666667406815349750
-0.030448717948717948095227470162;0.109935897435897433904727904519;0.141666666666666662965923251249;0.015064102564102564360548619504;0.054166666666666668517038374375;0.068589743589743595864050007549;0.050320512820512822149687792717;0.101282051282051283047636047741;0.106089743589743587537377322860;0.111858974358974364027297099256;0.116025641025641029768777912068;0.094551282051282048435325577884
-0.036249999999999997501998194593;0.095416666666666663521034763562;0.112500000000000002775557561563;0.018333333333333333425851918719;0.077499999999999999444888487687;0.060416666666666667129259593594;0.041250000000000001942890293094;0.073749999999999996114219413812;0.144999999999999990007992778374;0.104999999999999996114219413812;0.073749999999999996114219413812;0.160833333333333328152292551749
-0.021171171171171170033442621161;0.139639639639639628887479716468;0.101351351351351356977481543709;0.000000000000000000000000000000;0.061711711711711712824435238645;0.079279279279279274428304802314;0.036936936936936934361419559991;0.005405405405405405705465682331;0.151351351351351359753039105271;0.093243243243243248419283020212;0.086036036036036031560136905227;0.223873873873873863171723996857
-0.013333333333333334189130248149;0.082424242424242427640379560216;0.049696969696969697793953457676;0.411818181818181805464718081566;0.040909090909090908838585676222;0.066363636363636360759876708926;0.015151515151515151935690539631;0.013030303030303030942249620239;0.086969696969696974608865502887;0.051515151515151513805790273182;0.055454545454545457749961911986;0.113333333333333327597181039437
-0.059567901234567899315663908055;0.059259259259259261520824679792;0.082098765432098763650259343194;0.324382716049382735512551789725;0.049382716049382713308091297222;0.042283950617283953821168296372;0.050925925925925923098969150260;0.045987654320987655931496362882;0.079629629629629633535969901459;0.073456790123456794372458489306;0.054012345679012342680724856336;0.079012345679012344068503637118
-0.044166666666666666574148081281;0.071944444444444449748843339876;0.046666666666666668794594130532;0.431388888888888877293226187248;0.038055555555555557745162076344;0.053611111111111109384097517250;0.033055555555555553304269977843;0.122222222222222218213083522187;0.036666666666666666851703837438;0.032222222222222221543752596062;0.033888888888888892003681263532;0.056111111111111111604543566500
-0.017500000000000001665334536938;0.079444444444444442532393679812;0.063055555555555559132940857126;0.295277777777777750145560275996;0.083055555555555549140933635499;0.059722222222222225151977426094;0.038888888888888889505679458125;0.028055555555555555802271783250;0.102222222222222228205090743813;0.042777777777777775680689842375;0.063055555555555559132940857126;0.126944444444444443087505192125
-0.025170068027210883154776155379;0.114625850340136059557494263572;0.133673469387755095016956374820;0.000340136054421768683955068502;0.071428571428571424606346340624;0.093537414965986401260700233706;0.068367346938775511167030174420;0.038435374149659862208494587321;0.130272108843537404165857651606;0.065646258503401361261708757411;0.089795918367346932997818953481;0.168707482993197266374352238927
-0.023129251700680270725785092623;0.132653061224489804414972127233;0.188095238095238093123384715000;0.003401360544217686947970902267;0.029591836734693878485646933996;0.037755102040816328201611185023;0.127891156462585031672318791607;0.070068027210884356592579536027;0.072108843537414965552123646830;0.088775510204081628518046898080;0.101020408163265310030887178527;0.125510204081632659178779931608
-0.017361111111111111882099322656;0.114583333333333328707404064062;0.119444444444444450303954852188;0.001041666666666666652210637700;0.064236111111111104943205418749;0.079861111111111104943205418749;0.113541666666666665741480812812;0.052777777777777777623580135469;0.116319444444444447528397290625;0.067361111111111107718762980312;0.094444444444444441977282167500;0.159027777777777767909128669999
-0.018678160919540231360569393360;0.131896551724137944816561685002;0.066091954022988508299363275000;0.220977011494252861822928934998;0.054022988505747125687062037969;0.110919540229885052462499572812;0.042241379310344828734713473750;0.017241379310344827346934692969;0.057183908045977012435390207656;0.053735632183908046966003269063;0.097988505747126433687022029062;0.129022988505747115972610572499
-0.013333333333333334189130248149;0.198518518518518510829196088707;0.115185185185185182121792024645;0.001851851851851851922525771243;0.062962962962962956692258842395;0.085185185185185183232015049271;0.042962962962962959745372160114;0.013703703703703704053218359604;0.081111111111111106053428443374;0.052962962962962961688262453208;0.076296296296296292616112566520;0.255925925925925945580985398919
-0.020720720720720720714469464951;0.140990990990990994191633944865;0.079279279279279274428304802314;0.002252252252252252232717077973;0.084684684684684680133770484645;0.122522522522522520072030260962;0.051801801801801800051450186402;0.010810810810810811410931364662;0.123423423423423425648870477289;0.062162162162162165612855346808;0.078378378378378382729252393801;0.222972972972972971472671588344
-0.015986394557823128959039848951;0.177891156462585020570088545355;0.117346938775510209462815680581;0.003061224489795918209805725141;0.047619047619047616404230893750;0.093877551020408164794694982902;0.044557823129251702964914727545;0.006122448979591836419611450282;0.104761904761904764415980650938;0.064625850340136056781936702009;0.103741496598639459936208595536;0.220408163265306128453246969912
-0.028888888888888887562789165031;0.099259259259259255414598044354;0.126296296296296295391670128083;0.053703703703703704885885628073;0.035185185185185187395351391615;0.099629629629629623543962679832;0.078888888888888883399452822687;0.107777777777777777901135891625;0.068518518518518520266091798021;0.080370370370370369794699172417;0.079629629629629633535969901459;0.141851851851851840091711665082
-0.034166666666666664631257788187;0.076249999999999998334665463062;0.189166666666666677398822571377;0.052083333333333335646297967969;0.040000000000000000832667268469;0.048333333333333332315628894094;0.104166666666666671292595935938;0.145833333333333342585191871876;0.077499999999999999444888487687;0.087083333333333332038073137937;0.055833333333333332038073137937;0.089583333333333334258519187188
-0.023611111111111110494320541875;0.140277777777777779011358916250;0.096759259259259253194151995103;0.021759259259259259439156508620;0.057407407407407406996213694583;0.114814814814814813992427389167;0.037499999999999998612221219219;0.053703703703703704885885628073;0.093518518518518514714976674895;0.062962962962962956692258842395;0.092129629629629630760412339896;0.205555555555555546920487586249
-0.052222222222222225429533182250;0.125925925925925913384517684790;0.083333333333333328707404064062;0.035925925925925923654080662573;0.061111111111111109106541761093;0.103703703703703700722549285729;0.049259259259259259577934386698;0.051481481481481482231910007386;0.124444444444444440867059142874;0.091111111111111114935212640376;0.077407407407407410881994280771;0.144074074074074076623475093584
-0.081172839506172836387953850590;0.079629629629629633535969901459;0.092901234567901239125298218369;0.154938271604938282433039375974;0.045679012345679011197763230712;0.068827160493827158060931026284;0.047839506172839503517213444184;0.065123456790123462889496863681;0.107716049382716047566610484409;0.090432098765432095133220968819;0.067901234567901230798625533680;0.097839506172839499353877101839
-0.039666666666666669516239096538;0.097333333333333327264114132049;0.083666666666666666962726139900;0.068666666666666667517837652213;0.100333333333333329928649391150;0.091666666666666660190365689687;0.057000000000000002053912595557;0.022333333333333333509118645566;0.158000000000000001554312234475;0.072999999999999995448085599037;0.066666666666666665741480812812;0.141666666666666662965923251249
-0.003875968992248061961714000745;0.055813953488372092248681610727;0.047674418604651165598529161116;0.660852713178294526308320655517;0.016666666666666666435370203203;0.038372093023255816890415559328;0.022868217054263565574112604395;0.025581395348837208947312404916;0.018992248062015503612398603650;0.022868217054263565574112604395;0.036046511627906979713387158881;0.050387596899224805502282009684
-0.010069444444444445099784424258;0.088194444444444450303954852188;0.045486111111111109106541761093;0.488888888888888872852334088748;0.017708333333333332870740406406;0.085763888888888889505679458125;0.018055555555555553859381490156;0.016666666666666666435370203203;0.032986111111111111882099322656;0.050000000000000002775557561563;0.067361111111111107718762980312;0.078819444444444441977282167500
-0.018518518518518517490534236458;0.050370370370370370904922197042;0.044074074074074071072359970458;0.555925925925925934478755152668;0.026296296296296296779448908865;0.057407407407407406996213694583;0.012592592592592592726230549260;0.021481481481481479872686080057;0.050370370370370370904922197042;0.053333333333333336756520992594;0.061851851851851852304164935958;0.047777777777777780121581940875
-0.021138211382113820252515168363;0.090650406504065042523343720404;0.137398373983739829906625118383;0.192276422764227655770596925322;0.038211382113821135142472940061;0.069918699186991867255969168582;0.039024390243902438990541980957;0.026829268292682926372316742913;0.091056910569105697916825192806;0.095121951219512196340488685564;0.086178861788617888706198755244;0.112195121951219514699893409215
-0.050370370370370370904922197042;0.053333333333333336756520992594;0.171481481481481484729911812792;0.032592592592592589673117231541;0.035555555555555555524716027094;0.080000000000000001665334536938;0.026666666666666668378260496297;0.092962962962962969459823625584;0.118888888888888891171013995063;0.130740740740740740699621369458;0.131481481481481476958350640416;0.075925925925925924486747931041
-0.073983739837398379557420469155;0.084146341463414639494367008865;0.105691056910569111670916697676;0.076016260162601628769252215534;0.046747967479674794322175301886;0.083333333333333328707404064062;0.042276422764227640505030336726;0.038211382113821135142472940061;0.135772357723577236088274844406;0.089024390243902434827205638612;0.107723577235772360882748444055;0.117073170731707323910519846777
-0.015517241379310344612241223672;0.191666666666666679619268620627;0.136494252873563232109077603127;0.001436781609195402278911224414;0.039367816091954020707444072968;0.108045977011494251374124075937;0.076724137931034483428582859688;0.043390804597701150557842453281;0.062356321839080457170023663593;0.050000000000000002775557561563;0.125574712643678171319905345626;0.149425287356321850884555146877
-0.011851851851851851263330850372;0.250000000000000000000000000000;0.142222222222222222098864108375;0.000000000000000000000000000000;0.040740740740740744030290443334;0.085925925925925919490744320228;0.056666666666666663798590519718;0.008888888888888888881179006773;0.063333333333333338699411285688;0.050740740740740739034286832521;0.098888888888888887285233408875;0.190740740740740738479175320208
-0.024806201550387596554969604767;0.178682170542635659904462386294;0.175968992248062006122921729911;0.000775193798449612392342800149;0.031782945736434108086054806108;0.088372093023255812727079216984;0.042248062015503878852129560073;0.018217054263565891220055803501;0.052713178294573642679310410131;0.073255813953488374545841566032;0.120542635658914723539858471213;0.192635658914728669088844981161
-0.005833333333333333599324266316;0.163611111111111123816996837377;0.069722222222222227094867719188;0.001111111111111111110147375847;0.080833333333333326486958014812;0.135833333333333333703407674875;0.023333333333333334397297065266;0.007499999999999999722444243844;0.112500000000000002775557561563;0.061944444444444447805953046782;0.072777777777777774570466817750;0.265000000000000013322676295502
-0.031439393939393940613502564929;0.093939393939393933674608661022;0.127272727272727259606455163521;0.060984848484848482030873384474;0.067803030303030309422496202387;0.089015151515151519356905396307;0.029166666666666667129259593594;0.025000000000000001387778780781;0.105681818181818182322828647557;0.089772727272727267933127848210;0.098484848484848480643094603693;0.181439393939393928123493537896
-0.062083333333333330650294357156;0.087916666666666670737484423626;0.160000000000000003330669073875;0.035000000000000003330669073875;0.035000000000000003330669073875;0.069166666666666667961926862063;0.049583333333333333425851918719;0.061666666666666668239482618219;0.104999999999999996114219413812;0.123333333333333336478965236438;0.111250000000000001665334536938;0.100000000000000005551115123126
-0.029268292682926830977629961694;0.100813008130081302460290260115;0.106910569105691050095785499252;0.021951219512195120631137257305;0.060569105691056911167091669768;0.087804878048780482524549029222;0.023170731707317072933793866696;0.026829268292682926372316742913;0.134552845528455283785618235015;0.124796747967479679242153167706;0.092276422764227636341693994382;0.191056910569105703467940315932
-0.019791666666666665741480812812;0.114062499999999997224442438437;0.122916666666666660190365689687;0.004166666666666666608842550801;0.064062499999999994448884876874;0.067708333333333328707404064062;0.030729166666666665047591422422;0.046354166666666668517038374375;0.122395833333333328707404064062;0.100000000000000005551115123126;0.120833333333333334258519187188;0.186979166666666668517038374375
-0.011111111111111111535154627461;0.158148148148148148806058088667;0.177407407407407402555321596083;0.001851851851851851922525771243;0.038518518518518521376314822646;0.082962962962962960578039428583;0.093333333333333337589188261063;0.042962962962962959745372160114;0.073333333333333333703407674875;0.064814814814814811216869827604;0.108888888888888882289229798062;0.146666666666666667406815349750
-0.049637681159420292409389929844;0.084782608695652170172074590937;0.172101449275362305968428699998;0.065217391304347824276810285937;0.044202898550724636916875454062;0.058333333333333334258519187188;0.052173913043478258033669447968;0.087681159420289853101415644687;0.082608695652173907975068800624;0.099275362318840584818779859688;0.097101449275362322621774069376;0.106884057971014495569406221875
-0.011111111111111111535154627461;0.175146198830409355329251752664;0.214327485380116949942319592992;0.033918128654970756963304978626;0.023684210526315790240614589379;0.048538011695906435605252227106;0.135964912280701760716183912336;0.062865497076023388323129381661;0.048830409356725147651534513216;0.052046783625730994038427468240;0.071929824561403510330137578421;0.121637426900584794120518949967
-0.043103448275862071836783684375;0.162643678160919541442197555625;0.129885057471264359074680783124;0.005459770114942528659862652773;0.047988505747126437850358371406;0.103160919540229878421655484999;0.072126436781609196136066941563;0.061781609195402299727906125781;0.077586206896551726530653070313;0.054885057471264368789132248594;0.100000000000000005551115123126;0.141379310344827591183758386251
-0.021851851851851851471497667490;0.118888888888888891171013995063;0.153333333333333321490954403998;0.005555555555555555767577313730;0.042962962962962959745372160114;0.081111111111111106053428443374;0.059259259259259261520824679792;0.056296296296296295669225884239;0.097407407407407400889987059145;0.090740740740740746805848004897;0.107037037037037041642406620667;0.165555555555555566904502029502
-0.003749999999999999861222121922;0.184583333333333321490954403998;0.191250000000000003330669073875;0.000000000000000000000000000000;0.044999999999999998334665463062;0.065833333333333327042069527124;0.085833333333333330927850113312;0.044583333333333335923853724125;0.043749999999999997224442438437;0.052916666666666667406815349750;0.076666666666666660745477201999;0.205833333333333340364745822626
-0.040625000000000001387778780781;0.084027777777777784562474039376;0.124305555555555558022717832500;0.065625000000000002775557561563;0.052083333333333335646297967969;0.070833333333333331482961625625;0.045138888888888888117900677344;0.051736111111111107718762980312;0.125347222222222220988641083750;0.103124999999999994448884876874;0.101736111111111110494320541875;0.135416666666666657414808128124
-0.039629629629629632703302632990;0.089259259259259260410601655167;0.118518518518518523041649359584;0.111111111111111104943205418749;0.041111111111111112159655078813;0.072962962962962965574043039396;0.042962962962962959745372160114;0.062222222222222220433529571437;0.087407407407407405885990669958;0.099259259259259255414598044354;0.112592592592592591338451768479;0.122962962962962968349600600959
-0.004814814814814815172039352831;0.166296296296296303163231300459;0.144074074074074076623475093584;0.007037037037037036958653235530;0.037407407407407410049327012302;0.111481481481481486950357862042;0.046666666666666668794594130532;0.027407407407407408106436719208;0.062222222222222220433529571437;0.073703703703703701832772310354;0.122592592592592586342448157666;0.196296296296296302053008275834
-0.005782312925170067681446273156;0.168707482993197266374352238927;0.168367346938775502840357489731;0.000340136054421768683955068502;0.053401360544217686687762380870;0.100000000000000005551115123126;0.092517006802721082903140370490;0.028911564625850341009316579743;0.073469387755102047443678259242;0.050680272108843536782440963862;0.108843537414965982335068872544;0.148979591836734703846900629287
-0.021250000000000001526556658860;0.105416666666666672402818960563;0.193333333333333329262515576374;0.006666666666666667094565124074;0.028333333333333331899295259859;0.063750000000000001110223024625;0.056250000000000001387778780781;0.060416666666666667129259593594;0.079583333333333339254522798001;0.114166666666666666296592325125;0.127916666666666678509045596002;0.142916666666666664076146275875
-0.027564102564102563319714533918;0.076282051282051288598751170866;0.096794871794871797932025003774;0.003205128205128205017004905386;0.120192307692307695510258724880;0.095192307692307687183586040192;0.020833333333333332176851016015;0.034294871794871797932025003774;0.164102564102564102421766278894;0.089102564102564105197323840457;0.085897435897435897578233721106;0.186538461538461541877609306539
-0.031547619047619046561692357500;0.151785714285714273819039021873;0.095833333333333339809634310313;0.048214285714285716466509512657;0.042261904761904764415980650938;0.118154761904761901325500161875;0.039880952380952378044653983125;0.015773809523809523280846178750;0.092261904761904767191538212501;0.068452380952380958989422765626;0.116964285714285715078730731875;0.178869047619047621955346016875
-0.031896551724137932326552657969;0.162068965517241370122292209999;0.130459770114942530394586128750;0.002586206896551724102040203945;0.053448275862068968244944500157;0.089080459770114944761942865625;0.043390804597701150557842453281;0.016091954022988505523805713437;0.080459770114942527619028567187;0.065517241379310350857245737188;0.097701149425287361904857164063;0.227298850574712635319585274374
-0.040740740740740744030290443334;0.141203703703703692395876601040;0.072685185185185186007572610833;0.002314814814814814686316779557;0.065277777777777781786916477813;0.122222222222222218213083522187;0.024074074074074074125473288177;0.005555555555555555767577313730;0.124074074074074072737694507396;0.053703703703703704885885628073;0.103703703703703700722549285729;0.244444444444444436426167044374
-0.045454545454545455807071618892;0.090404040404040403311469731307;0.108585858585858591185413501989;0.080808080808080814949612147302;0.074242424242424248648219986535;0.098484848484848480643094603693;0.022727272727272727903535809446;0.030808080808080808704607633786;0.135353535353535364693655651536;0.080303030303030306646938640824;0.094949494949494950279955673977;0.137878787878787878451447568295
-0.019202898550724638998543625235;0.110507246376811599231082539063;0.150724637681159429059007948126;0.027536231884057970481505250859;0.069202898550724631365760330937;0.070652173913043472830430857812;0.039130434782608698729422513907;0.030434782608695653410846304610;0.076811594202898555994174500938;0.062681159420289858652530767813;0.105072463768115936799674159374;0.238043478260869578733149865002
-0.018217054263565891220055803501;0.160077519379844962488235182718;0.140697674418604645740771275086;0.013953488372093023062170402682;0.043023255813953491244472360222;0.119767441860465118086409574971;0.056589147286821704641024410876;0.017441860465116278827713003352;0.090310077519379847177383169310;0.053100775193798452344928762159;0.121705426356589152536713527297;0.165116279069767446507910335640
-0.015686274509803921350936661838;0.278104575163398703985251358972;0.170261437908496737758667904927;0.000653594771241830020148955160;0.019934640522875815560333023768;0.072549019607843143186975964909;0.129738562091503278894677464450;0.021568627450980391857537910028;0.034967320261437909167945292666;0.040849673202614379674546540855;0.098039215686274508443354136489;0.117647058823529410132024963787
-0.021111111111111111743321444578;0.126666666666666677398822571377;0.167037037037037039421960571417;0.006296296296296296363115274630;0.025185185185185185452461098521;0.060740740740740740977177125615;0.048518518518518516380311211833;0.033333333333333332870740406406;0.087037037037037037756626034479;0.124074074074074072737694507396;0.124074074074074072737694507396;0.175925925925925930037863054167
-0.009259259259259258745267118229;0.155185185185185176015565389207;0.135555555555555568014725054127;0.000740740740740740703958178148;0.034444444444444444197728216750;0.092592592592592587452671182291;0.040370370370370368962031903948;0.019259259259259260688157411323;0.080000000000000001665334536938;0.073333333333333333703407674875;0.127407407407407413657551842334;0.231851851851851864516618206835
-0.014728682170542635454513202831;0.136821705426356576840163370434;0.105426356589147285358620820261;0.000775193798449612392342800149;0.099224806201550386219878419070;0.094961240310077521531439970204;0.038759689922480619617140007449;0.033333333333333332870740406406;0.093410852713178296746754369906;0.078682170542635654353347263168;0.089147286821705432058315921040;0.214728682170542639617849545175
-0.018292682926829267192614381088;0.059349593495934958864435060377;0.072357723577235771861282387363;0.400000000000000022204460492503;0.072357723577235771861282387363;0.041463414634146343595855199737;0.017479674796747966813992292145;0.010569105691056910126257584182;0.078048780487804877981083961913;0.077642276422764222587602489511;0.045528455284552848958412596403;0.106910569105691050095785499252
-0.016666666666666666435370203203;0.069491525423728814359058958416;0.079378531073446334520582468031;0.396045197740112986384275473029;0.033898305084745762594256035527;0.056214689265536722795335577985;0.039265536723163844967654512175;0.022033898305084745339321727897;0.062994350282485872538629223527;0.058474576271186441689398094468;0.058192090395480226827640279907;0.107344632768361578079030493882
-0.025308641975308642652064960998;0.204938271604938271330809129722;0.109259259259259264296382241355;0.026234567901234566444923501649;0.034567901234567897927885127274;0.133333333333333331482961625625;0.051851851851851850361274642864;0.009259259259259258745267118229;0.080246913580246909125648357985;0.048765432098765430779518936788;0.124074074074074072737694507396;0.152160493827160486768335090346
-0.031666666666666669349705642844;0.149444444444444435315944019749;0.133333333333333331482961625625;0.003611111111111110945348645629;0.076388888888888895056794581251;0.082777777777777783452251014751;0.055555555555555552471602709375;0.026388888888888888811790067734;0.100277777777777771239797743874;0.063333333333333338699411285688;0.085000000000000006106226635438;0.192222222222222210996633862123
-0.031609195402298853605493889063;0.154022988505747138177071065002;0.092528735632183903292435900312;0.039080459770114941986385304062;0.086206896551724143673567368751;0.091379310344827588408200824688;0.043390804597701150557842453281;0.017528735632183909537440413828;0.097988505747126433687022029062;0.060344827586206899183718377344;0.083333333333333328707404064062;0.202586206896551712652865262498
-0.033333333333333332870740406406;0.086363636363636364645657295114;0.085757575757575754682449087341;0.288181818181818205637512164685;0.070303030303030297765154443823;0.060303030303030302761158054636;0.057878787878787876786113031358;0.033030303030303027889136302520;0.064848484848484849729643997307;0.062424242424242423754598974028;0.067575757575757580686293124472;0.089999999999999996669330926125
-0.014689265536723164137788977257;0.064406779661016946847418296329;0.058192090395480226827640279907;0.359039548022598853371789573430;0.090960451977401129974865057193;0.072881355932203392700152733141;0.035875706214689266626560737450;0.010734463276836157807903049388;0.085028248587570617877950951424;0.062711864406779657676871408967;0.065536723163841806294449554571;0.079943502824858750366310289337
-0.088888888888888892281237019688;0.089722222222222217102860497562;0.073888888888888892836348532001;0.218888888888888882844341310374;0.100833333333333330372738601000;0.048888888888888891448569751219;0.044999999999999998334665463062;0.036944444444444446418174266000;0.087499999999999994448884876874;0.042222222222222223486642889156;0.055000000000000000277555756156;0.112222222222222223209087133000
-0.033908045977011497251751848125;0.118390804597701154721178795626;0.120977011494252870149601619687;0.036206896551724140898009807188;0.089655172413793102204060403437;0.090229885057471259646177941249;0.047413793103448273469346929687;0.072988505747126439238137152188;0.101149425287356320435350198750;0.071551724137931038693949403751;0.069252873563218395047691444688;0.148275862068965508244744455624
-0.071249999999999993893773364562;0.117499999999999993338661852249;0.158750000000000002220446049250;0.021666666666666667406815349750;0.060833333333333336478965236438;0.061666666666666668239482618219;0.058333333333333334258519187188;0.084583333333333329817627088687;0.073749999999999996114219413812;0.109166666666666661855700226624;0.090416666666666672957930472876;0.092083333333333336478965236438
-0.011851851851851851263330850372;0.162592592592592594114009330042;0.145925925925925931148086078792;0.000000000000000000000000000000;0.109259259259259264296382241355;0.083703703703703696836768699541;0.074444444444444438091501581312;0.027777777777777776235801354687;0.078148148148148147140723551729;0.044444444444444446140618509844;0.066296296296296297612116177334;0.195555555555555565794279004876
-0.022033898305084745339321727897;0.110734463276836156420124268607;0.121468926553672321166921221902;0.000847457627118644043172357438;0.092372881355932204283654129995;0.076553672316384185903004322427;0.037005649717514126073591995691;0.034463276836158192317771664648;0.140960451977401118872634810941;0.094350282485875708315958831918;0.085875706214689262463224395105;0.183333333333333320380731379373
-0.012429378531073446978449936751;0.144350282485875697213728585666;0.098870056497175146104083864884;0.000000000000000000000000000000;0.096045197740112997486505719280;0.112994350282485875314186785090;0.033898305084745762594256035527;0.010169491525423728084387420267;0.118361581920903957687585261738;0.060451977401129945721702796391;0.083898305084745758430919693183;0.228531073446327670506406093409
-0.020754716981132074332672132755;0.133962264150943394236392691710;0.104402515723270444825132585720;0.000000000000000000000000000000;0.098113207547169817290821924871;0.088679245283018862111568125783;0.034276729559748427000887005534;0.038679245283018866274904468128;0.139308176100628927640556753431;0.073584905660377356029222539746;0.086792452830188673851274927529;0.181446540880503132120438181119
-0.091111111111111114935212640376;0.065185185185185179346234463083;0.140000000000000013322676295502;0.013333333333333334189130248149;0.057407407407407406996213694583;0.042222222222222223486642889156;0.059629629629629629650189315271;0.087407407407407405885990669958;0.137407407407407394783760423707;0.089259259259259260410601655167;0.074814814814814820098654024605;0.142222222222222222098864108375
-0.025000000000000001387778780781;0.126587301587301581662359239999;0.088492063492063496865647209688;0.002380952380952381167156239883;0.140476190476190476719153821250;0.113095238095238095898942276563;0.051984126984126986792400515469;0.017857142857142856151586585156;0.161507936507936517012140598126;0.044444444444444446140618509844;0.071428571428571424606346340624;0.156746031746031744269487262500
-0.107272727272727269598462385147;0.156363636363636371306995442865;0.083636363636363633689008167948;0.041212121212121213820189780108;0.065757575757575750796668501152;0.091818181818181812681167741630;0.040909090909090908838585676222;0.033333333333333332870740406406;0.081818181818181817677171352443;0.063939393939393934784831685647;0.084545454545454548633820479608;0.149393939393939384485676669101
-0.034567901234567897927885127274;0.201851851851851865626841231460;0.124382716049382710532533735659;0.004012345679012345976699460692;0.062654320987654318897419614132;0.093518518518518514714976674895;0.072222222222222215437525960624;0.024382716049382715389759468394;0.066666666666666665741480812812;0.048456790123456792984679708525;0.087962962962962965018931527084;0.179320987654321001292245796321
-0.035493827160493825190190619878;0.109567901234567902091221469618;0.101851851851851846197938300520;0.000617283950617283938035184665;0.133024691358024693688122397361;0.083641975308641980380031100140;0.062345679012345681102580385868;0.024382716049382715389759468394;0.145679012345679009809984449930;0.058950617283950616787091547621;0.060185185185185181844236268489;0.184259259259259261520824679792
-0.015666666666666665547191783503;0.165000000000000007771561172376;0.102999999999999994337862574412;0.008333333333333333217685101602;0.097333333333333327264114132049;0.105666666666666672624863565488;0.053333333333333336756520992594;0.010999999999999999361621760841;0.105666666666666672624863565488;0.057000000000000002053912595557;0.074666666666666672846908170413;0.203333333333333338144299773376
-0.022598870056497175062837357018;0.146045197740112986384275473029;0.097175141242937856933536977522;0.001977401129943502731262094940;0.088983050847457625942560355270;0.084180790960451973292677507743;0.055367231638418078210062134303;0.013276836158192089828999904455;0.127118644067796604524289705296;0.077401129943502830488277766108;0.081355932203389824675099362139;0.204519774011299448890355279218
-0.020370370370370372015145221667;0.178518518518518520821203310334;0.136666666666666658525031152749;0.002222222222222222220294751693;0.092222222222222219323306546812;0.055925925925925927539861248761;0.081851851851851856189945522146;0.032592592592592589673117231541;0.118888888888888891171013995063;0.056296296296296295669225884239;0.066666666666666665741480812812;0.157777777777777766798905645373
-0.066981132075471697118196345855;0.124528301886792452934926700436;0.104402515723270444825132585720;0.034591194968553458377602538576;0.085220125786163516967697262317;0.083962264150943391460835130147;0.058490566037735849946876953709;0.045597484276729556562646195061;0.123899371069182390181495634351;0.052830188679245285165997358945;0.078301886792452826679955535383;0.141194968553459115900849951686
-0.038983050847457630105896697614;0.082203389830508469260372805820;0.065536723163841806294449554571;0.065254237288135591432691740010;0.124011299435028254922741552946;0.054237288135593218763030876062;0.058192090395480226827640279907;0.175706214689265532991058194057;0.124858757062146899508014996627;0.031355932203389828838435704483;0.036440677966101696350076366571;0.143220338983050837766697327424
-0.025287356321839080108837549687;0.067816091954022994503503696251;0.075862068965517240326512649062;0.012068965517241379142854285078;0.055747126436781611891202459219;0.058620689655172412979577956094;0.060632183908045977904777146250;0.410919540229885082993632750004;0.074425287356321839782324900625;0.043390804597701150557842453281;0.048275862068965516571417140312;0.066954022988505751401433485626
-0.031388888888888889783235214281;0.129722222222222210996633862123;0.086944444444444449193731827563;0.001666666666666666773641281019;0.124166666666666661300588714312;0.107499999999999998334665463062;0.058333333333333334258519187188;0.011388888888888889366901580047;0.149444444444444435315944019749;0.054444444444444441144614899031;0.073055555555555554136937246312;0.171944444444444455299958463002
-0.023148148148148146863167795573;0.111419753086419756615832454827;0.104320987654320990190015550070;0.015740740740740739173064710599;0.120679012345679015361099573056;0.102160493827160497870565336598;0.042901234567901236349740656806;0.016975308641975307699656383420;0.138580246913580257261955352988;0.058333333333333334258519187188;0.058950617283950616787091547621;0.206790123456790125855420114931
-0.025968992248062015143483804991;0.088759689922480622392697569012;0.136046511627906985264502282007;0.161627906976744173395132975202;0.086046511627906982488944720444;0.051937984496124030286967609982;0.043798449612403103636815160371;0.025968992248062015143483804991;0.100775193798449611004564019368;0.061240310077519378995081211770;0.073643410852713184211459918060;0.144186046511627918853548635525
-0.023888888888888890060790970438;0.083888888888888887840344921187;0.082222222222222224319310157625;0.265277777777777779011358916250;0.090833333333333335368742211813;0.095555555555555560243163881751;0.045833333333333330095182844843;0.029999999999999998889776975375;0.095000000000000001110223024625;0.057222222222222222931531376844;0.057500000000000002498001805407;0.072777777777777774570466817750
-0.051481481481481482231910007386;0.088888888888888892281237019688;0.135555555555555568014725054127;0.002222222222222222220294751693;0.115185185185185182121792024645;0.084814814814814815102650413792;0.065925925925925929482751541855;0.032962962962962964741375770927;0.152222222222222230980648305376;0.045925925925925925596970955667;0.061111111111111109106541761093;0.163703703703703712379891044293
-0.017283950617283948963942563637;0.094444444444444441977282167500;0.065740740740740738479175320208;0.217592592592592587452671182291;0.109876543209876539886060697881;0.087654320987654327224092298820;0.025617283950617283916351141215;0.014506172839506172381196513754;0.100925925925925932813420615730;0.058333333333333334258519187188;0.052469135802469132889847003298;0.155555555555555558022717832500
-0.004802259887005650047797633562;0.208474576271186429199389067435;0.069774011299435029220816772977;0.000000000000000000000000000000;0.105932203389830503770241421080;0.120903954802259891443405592781;0.053672316384180789039515246941;0.003954802259887005462524189880;0.075988700564971756179488693306;0.038135593220338985520623253933;0.094067796610169493454201017357;0.224293785310734461457826682818
-0.004022988505747126380951428359;0.188505747126436778993152643125;0.099137931034482762449044912501;0.035919540229885055238057134375;0.069540229885057466829856309687;0.114942528735632182312897953125;0.051724137931034482040804078906;0.025574712643678162299343270547;0.078735632183908041414888145937;0.050574712643678160217675099375;0.101436781609195406095302871563;0.179885057471264375728026152501
-0.012654320987654321326032480499;0.143827160493827155285373464721;0.079629629629629633535969901459;0.045370370370370373402924002448;0.097530864197530861559037873576;0.100925925925925932813420615730;0.034876543209876542661618259444;0.025925925925925925180637321432;0.119135802469135798631327816111;0.058950617283950616787091547621;0.071604938271604939847847504097;0.209567901234567893764548784930
-0.018560606060606062162054996634;0.137878787878787878451447568295;0.105681818181818182322828647557;0.000000000000000000000000000000;0.104166666666666671292595935938;0.075378787878787878451447568295;0.044696969696969700291955263083;0.017803030303030303177491688871;0.115909090909090906063028114659;0.060606060606060607742762158523;0.078030303030303033162695669489;0.241287878787878801167821052331
-0.007986111111111110494320541875;0.186111111111111116045435665001;0.072569444444444450303954852188;0.001388888888888888941894328433;0.109375000000000000000000000000;0.106249999999999997224442438437;0.051388888888888886730121896562;0.007291666666666666782314898398;0.101388888888888889505679458125;0.060069444444444446140618509844;0.073958333333333334258519187188;0.222222222222222209886410837498
-0.034195402298850575972810617031;0.124137931034482756897929789375;0.115229885057471267972850625938;0.002586206896551724102040203945;0.136494252873563232109077603127;0.078735632183908041414888145937;0.060919540229885056625835915156;0.046839080459770116027229391875;0.131034482758620701714491474377;0.037931034482758620163256324531;0.041091954022988506911584494219;0.190804597701149436517198410002
-0.012500000000000000693889390391;0.207440476190476202900114799377;0.121726190476190473943596259687;0.000297619047619047645894529985;0.064880952380952386371326667813;0.094642857142857139685077072500;0.066666666666666665741480812812;0.008035714285714284921269268125;0.095238095238095232808461787499;0.056547619047619047949471138281;0.094345238095238093123384715000;0.177678571428571435708576586876
-0.023511904761904761640423089375;0.127083333333333325931846502499;0.080357142857142863090480489063;0.064583333333333339809634310313;0.112202380952380956213865204063;0.074107142857142857539365365938;0.067857142857142851988250242812;0.027083333333333334258519187188;0.138690476190476197348999676251;0.057738095238095241135134472188;0.050595238095238095898942276563;0.176190476190476202900114799377
-0.020056497175141241307017025974;0.125706214689265544093288440308;0.079378531073446334520582468031;0.176836158192090392438089452298;0.110451977401129941558366454046;0.064971751412429376570933925450;0.062429378531073449754007498314;0.020056497175141241307017025974;0.108757062146892652387819566684;0.042372881355932201508096568432;0.056214689265536722795335577985;0.132768361581920901759445996504
-0.018333333333333333425851918719;0.180666666666666669849306003925;0.105666666666666672624863565488;0.001000000000000000020816681712;0.078333333333333338144299773376;0.083000000000000004329869796038;0.084333333333333329595582483762;0.042666666666666665241880451731;0.102999999999999994337862574412;0.057333333333333333370340767488;0.069333333333333330150693996075;0.176333333333333341919058057101
-0.012244897959183672839222900564;0.173129251700680275583010825358;0.124489795918367340821220068392;0.007142857142857142634106981660;0.073809523809523810977673008438;0.081292517006802719747859953259;0.081972789115646260693637259465;0.042176870748299316593588059732;0.087755102040816324038274842678;0.059183673469387756971293867991;0.073129251700680270031895702232;0.183673469387755111670301744198
-0.069166666666666667961926862063;0.116111111111111109384097517250;0.111944444444444443642616704437;0.014444444444444443781394582516;0.104999999999999996114219413812;0.075555555555555556357383295563;0.057222222222222222931531376844;0.028888888888888887562789165031;0.142499999999999987787546729123;0.065833333333333327042069527124;0.056944444444444443365060948281;0.156388888888888882844341310374
-0.025000000000000001387778780781;0.124074074074074072737694507396;0.101543209876543208403099072257;0.029320987654320986026679207725;0.083333333333333328707404064062;0.093518518518518514714976674895;0.066049382716049376274014548471;0.033024691358024688137007274236;0.106790123456790120304304991805;0.059567901234567899315663908055;0.070370370370370374790702783230;0.207407407407407401445098571457
-0.045029239766081870233183082064;0.136549707602339170930960676742;0.092397660818713450714412260822;0.122222222222222218213083522187;0.084502923976608190770321016316;0.071929824561403510330137578421;0.048245614035087716620076037088;0.015789473684210526827076392919;0.118713450292397659779908281052;0.059649122807017541936236426636;0.059649122807017541936236426636;0.145321637426900573952792683485
-0.013782051282051281659857266959;0.128846153846153832489562773844;0.093589743589743590312934884423;0.266346153846153843591793020096;0.083653846153846148081534295216;0.043910256410256406911507554014;0.058012820512820514884388956034;0.033333333333333332870740406406;0.074679487179487177850312207283;0.044871794871794871972792151382;0.044871794871794871972792151382;0.114102564102564099646208717331
-0.052424242424242421811708680934;0.118787878787878789510479293767;0.077272727272727270708685409772;0.000303030303030303030040193413;0.156060606060606066325391338978;0.075757575757575759678452698154;0.035151515151515148882577221912;0.023939393939393940891058321085;0.151212121212121214375301292421;0.045454545454545455807071618892;0.055454545454545457749961911986;0.208181818181818190094389819933
-0.110256410256410253278858135673;0.084615384615384620081712796491;0.083974358974358967455664526369;0.009294871794871794809522747016;0.113782051282051280272078486178;0.073076923076923080979661051515;0.020833333333333332176851016015;0.012500000000000000693889390391;0.162820512820512824925245354279;0.059935897435897438068064246863;0.069230769230769234612310469856;0.199679487179487191728100015098
-0.050757575757575758290673917372;0.106439393939393944776838907273;0.062121212121212118772994870142;0.028409090909090908144696285831;0.165530303030303027611580546363;0.105303030303030301095823517699;0.047727272727272729291314590228;0.028409090909090908144696285831;0.135227272727272723740199467102;0.035984848484848487581988507600;0.067803030303030309422496202387;0.166287878787878790065590806080
-0.037407407407407410049327012302;0.131481481481481476958350640416;0.116296296296296300387673738896;0.002592592592592592518063732143;0.137777777777777776790912867000;0.063333333333333338699411285688;0.045555555555555557467606320188;0.017407407407407406163546426114;0.124814814814814808996423778353;0.060740740740740740977177125615;0.061851851851851852304164935958;0.200740740740740747360959517209
-0.023076923076923078204103489952;0.095833333333333339809634310313;0.098717948717948714176806390697;0.192307692307692318367529082934;0.073076923076923080979661051515;0.054807692307692307265298836683;0.069551282051282053986440701010;0.043910256410256406911507554014;0.080769230769230773714362214832;0.062500000000000000000000000000;0.069551282051282053986440701010;0.135897435897435886476003474854
-0.009482758620689655040814081133;0.152011494252873552435190163123;0.116666666666666668517038374375;0.091379310344827588408200824688;0.075287356321839082884395111250;0.116091954022988511074920836563;0.077298850574712640870700397500;0.031896551724137932326552657969;0.084482758620689657469426947500;0.039367816091954020707444072968;0.079885057471264370176911029375;0.126149425287356314884235075624
-0.100340136054421769085109872321;0.060544217687074831923954576496;0.106462585034013609841530012545;0.050000000000000002775557561563;0.061564625850340136403726631897;0.078911564625850333376533285445;0.027210884353741495583767218136;0.058163265306122445552627908683;0.187414965986394566055395216608;0.091836734693877555835150872099;0.073469387755102047443678259242;0.104081632653061223470203344732
-0.063095238095238093123384715000;0.081845238095238095898942276563;0.111011904761904756089307966249;0.098511904761904758864865527812;0.080952380952380956213865204063;0.056547619047619047949471138281;0.059226190476190473943596259687;0.102380952380952378044653983125;0.087797619047619041010577234374;0.080952380952380956213865204063;0.063690476190476186246769429999;0.113988095238095235584019349062
-0.018699186991869919116648901536;0.083739837398373984100885536463;0.064227642276422761136167594032;0.321138211382113847314201393601;0.078455284552845533374565434315;0.071951219512195116467800914961;0.053252032520325204290045917332;0.018292682926829267192614381088;0.089430894308943090220687111014;0.050406504065040651230145130057;0.052845528455284555835458348838;0.097560975609756100945801904345
-0.031007751937984495693712005959;0.168217054263565896077281536236;0.099224806201550386219878419070;0.067054263565891475407099164840;0.108139534883720925262373668829;0.072868217054263564880223214004;0.085658914728682172823326368416;0.034496124031007754928701558583;0.089534883720930227846146465254;0.048449612403100777990871961265;0.051550387596899227560243161861;0.143798449612403095310142475682
-0.005000000000000000104083408559;0.180333333333333345471771735902;0.079000000000000000777156117238;0.000000000000000000000000000000;0.101999999999999993449684154712;0.136666666666666658525031152749;0.085999999999999993116617247324;0.011666666666666667198648532633;0.110666666666666663187967856175;0.053666666666666668072949164525;0.076666666666666660745477201999;0.158333333333333325931846502499
-0.028160919540229884666659998516;0.137931034482758618775477543750;0.094540229885057475156528994376;0.025287356321839080108837549687;0.092528735632183903292435900312;0.091379310344827588408200824688;0.104310344827586207183678368438;0.038218390804597698884315093437;0.107471264367816093932006538125;0.054885057471264368789132248594;0.063218390804597707210987778126;0.162068965517241370122292209999
-0.021052631578947367946286206575;0.109356725146198832665511702089;0.090350877192982459451542354145;0.128362573099415205879481050033;0.083918128654970766677756444096;0.101461988304093572721420457583;0.054970760233918128379038137155;0.027485380116959064189519068577;0.094736842105263160962458357517;0.074853801169590644670748247336;0.088596491228070173296060829671;0.124853801169590647446305808899
-0.032471264367816089768670195781;0.108333333333333337034076748751;0.146839080459770121578344515001;0.034770114942528733414928154843;0.075862068965517240326512649062;0.070114942528735638149761655313;0.043965517241379307999959991093;0.065804597701149422639410602187;0.092816091954022988952388573125;0.094252873563218389496576321562;0.077873563218390798312817935312;0.156896551724137939265446561876
-0.030851063829787233466772633506;0.120212765957446801601271602067;0.079078014184397166230766629269;0.173049645390070921946445992035;0.069858156028368798007299744768;0.090070921985815607935244031523;0.031914893617021274085931992204;0.016312056737588651739168099652;0.090070921985815607935244031523;0.078014184397163122142160318617;0.079787234042553195623170836370;0.140780141843971640103205800187
-0.043710691823899368302352996807;0.101886792452830193811408321380;0.081446540880503140447110865807;0.181132075471698100743722648076;0.089622641509433956241714724911;0.090880503144654081748576857080;0.030817610062893081857016142067;0.022641509433962262592965331010;0.101572327044025162434692788338;0.069496855345911948131920610194;0.069811320754716979508636143237;0.116981132075471699893753907418
-0.034074074074074076068363581271;0.077037037037037042752629645292;0.102592592592592596334455379292;0.224814814814814828425326709294;0.087037037037037037756626034479;0.037037037037037034981068472916;0.098148148148148151026504137917;0.105185185185185187117795635459;0.059259259259259261520824679792;0.047037037037037036923958766010;0.047777777777777780121581940875;0.080000000000000001665334536938
-0.080448717948717954340231983679;0.103846153846153851918465704784;0.103525641025641032544335473631;0.076282051282051288598751170866;0.045833333333333330095182844843;0.094230769230769229061195346731;0.054807692307692307265298836683;0.103846153846153851918465704784;0.070833333333333331482961625625;0.034935897435897436680285466082;0.077243589743589746721141864327;0.154166666666666674068153497501
-0.018333333333333333425851918719;0.170277777777777777901135891625;0.098333333333333328152292551749;0.003333333333333333547282562037;0.069166666666666667961926862063;0.126666666666666677398822571377;0.037777777777777778178691647781;0.008888888888888888881179006773;0.081111111111111106053428443374;0.049444444444444443642616704437;0.096944444444444444197728216750;0.239722222222222225429533182250
-0.025641025641025640136039243089;0.139743589743589746721141864327;0.128632478632478619573475953075;0.002991452991452991667237215623;0.055982905982905985242670254820;0.117948717948717946013559298990;0.041452991452991451437615211262;0.021367521367521367936515019892;0.087606837606837600906928287259;0.071367521367521363773178677548;0.119230769230769237387868031419;0.188034188034188032290217051923
-0.019907407407407408383992475365;0.249537037037037029429953349791;0.058796296296296297889671933490;0.000462962962962962980631442811;0.064351851851851854524610985209;0.162500000000000005551115123126;0.042592592592592591616007524635;0.000925925925925925961262885622;0.059259259259259261520824679792;0.050925925925925923098969150260;0.096759259259259253194151995103;0.193981481481481476958350640416
-0.014444444444444443781394582516;0.225000000000000005551115123126;0.066666666666666665741480812812;0.005555555555555555767577313730;0.100000000000000005551115123126;0.140000000000000013322676295502;0.048333333333333332315628894094;0.003888888888888888777095598215;0.095000000000000001110223024625;0.050555555555555554969604514781;0.073333333333333333703407674875;0.177222222222222225429533182250
-0.015555555555555555108382392859;0.218148148148148146585612039416;0.069259259259259256524821068979;0.049629629629629627707299022177;0.109629629629629632425746876834;0.092962962962962969459823625584;0.042222222222222223486642889156;0.005185185185185185036127464286;0.113333333333333327597181039437;0.059259259259259261520824679792;0.055185185185185184342238073896;0.169629629629629630205300827583
-0.032222222222222221543752596062;0.248518518518518527482541458085;0.104074074074074068851913921208;0.007777777777777777554191196430;0.047777777777777780121581940875;0.111851851851851855079722497521;0.050370370370370370904922197042;0.014074074074074073917306471060;0.055555555555555552471602709375;0.056666666666666663798590519718;0.106666666666666673513041985188;0.164444444444444448638620315251
-0.003508771929824561468941324094;0.270175438596491235276886300198;0.064473684210526321924916715034;0.032894736842105261331870025288;0.036403508771929826703939170329;0.157894736842105254392976121380;0.031140350877192982115282404720;0.001754385964912280734470662047;0.055701754385964911964190804383;0.045614035087719301264641558191;0.111842105263157895467251989885;0.188596491228070178847175952797
-0.023550724637681159923108253906;0.161594202898550726166249091875;0.071376811594202893562766121249;0.048913043478260871677054666407;0.051811594202898547667501816250;0.134782608695652172947632152500;0.042028985507246374719869663750;0.048188405797101450944719402969;0.070289855072463769403157130000;0.045289855072463768015378349219;0.094565217391304343119706743437;0.207608695652173907975068800624
-0.055000000000000000277555756156;0.175833333333333341474968847251;0.077083333333333337034076748751;0.000000000000000000000000000000;0.104583333333333333703407674875;0.083750000000000004996003610813;0.062083333333333330650294357156;0.047916666666666669904817155157;0.111250000000000001665334536938;0.025416666666666667268037471672;0.056666666666666663798590519718;0.200416666666666659635254177374
-0.029629629629629630760412339896;0.125925925925925913384517684790;0.115185185185185182121792024645;0.013703703703703704053218359604;0.092962962962962969459823625584;0.077777777777777779011358916250;0.041851851851851848418384349770;0.024444444444444445724284875610;0.110370370370370368684476147791;0.070000000000000006661338147751;0.081111111111111106053428443374;0.217037037037037028319730325165
-0.027659574468085104670400653504;0.189361702127659570216167139733;0.135460992907801419660174246928;0.005319148936170212636775911363;0.046453900709219855813536526057;0.090425531914893622631446135074;0.047163120567375885205940733158;0.015957446808510637042965996102;0.071276595744680856792108158970;0.078723404255319151534564525718;0.085815602836879431580818788916;0.206382978723404247878292494534
-0.018421052631578945651957823770;0.202631578947368412579876917334;0.103070175438596492445419983142;0.004385964912280701510916003372;0.055701754385964911964190804383;0.128070175438596500772092667830;0.064473684210526321924916715034;0.020175438596491228337992396291;0.072368421052631581869007959540;0.054824561403508768886450042146;0.099561403508771934012244742007;0.176315789473684203514380897104
-0.035763888888888886730121896562;0.132291666666666668517038374375;0.087499999999999994448884876874;0.003472222222222222029475169336;0.087152777777777773460243793124;0.137500000000000011102230246252;0.068750000000000005551115123126;0.024305555555555555941049661328;0.104861111111111113269878103438;0.058680555555555555247160270937;0.098263888888888886730121896562;0.161458333333333342585191871876
-0.044285714285714282423267462718;0.100000000000000005551115123126;0.136190476190476195128553627001;0.081904761904761910762395871188;0.049523809523809525501292228000;0.059999999999999997779553950750;0.038095238095238098674499838125;0.039047619047619046284136601344;0.100952380952380946221857982437;0.086666666666666669627261399000;0.098571428571428573728319122438;0.164761904761904748317746793873
-0.022695035460992909331912059656;0.136879432624113478444982661131;0.110638297872340418681602614015;0.098936170212765961462508812474;0.048226950354609929294547043810;0.098936170212765961462508812474;0.045035460992907803967622015762;0.023758865248226949951071418354;0.089007092198581563846637720872;0.052836879432624113406280486060;0.092907801418439711627073052114;0.180141843971631215870488063047
-0.003061224489795918209805725141;0.184353741496598638738291242589;0.104761904761904764415980650938;0.000000000000000000000000000000;0.080272108843537415268087897857;0.129591836734693877097868153214;0.043877551020408162019137421339;0.006122448979591836419611450282;0.083673469387755106119186621072;0.038095238095238098674499838125;0.084353741496598633187176119463;0.241836734693877564161823556788
-0.014333333333333333342585191872;0.164666666666666655638451288723;0.085000000000000006106226635438;0.198666666666666658080941942899;0.032666666666666663298990158637;0.098000000000000003774758283726;0.039333333333333331260917020700;0.014999999999999999444888487687;0.053666666666666668072949164525;0.060333333333333336034876026588;0.091666666666666660190365689687;0.146666666666666667406815349750
-0.017083333333333332315628894094;0.163333333333333330372738601000;0.143749999999999988897769753748;0.067500000000000004440892098501;0.053749999999999999167332731531;0.058749999999999996669330926125;0.085000000000000006106226635438;0.033333333333333332870740406406;0.059999999999999997779553950750;0.050416666666666665186369300500;0.083333333333333328707404064062;0.183749999999999996669330926125
-0.033854166666666664353702032031;0.104687500000000002775557561563;0.103124999999999994448884876874;0.031250000000000000000000000000;0.053645833333333330095182844843;0.117187500000000000000000000000;0.046354166666666668517038374375;0.081250000000000002775557561563;0.077604166666666668517038374375;0.078645833333333331482961625625;0.072395833333333339809634310313;0.200000000000000011102230246252
-0.015040650406504065678126025318;0.126829268292682928453984914086;0.082926829268292687191710399475;0.072764227642276427254763859764;0.052845528455284555835458348838;0.116666666666666668517038374375;0.032113821138211380568083797016;0.117886178861788620819694983766;0.069512195121951225740275503995;0.071951219512195116467800914961;0.083739837398373984100885536463;0.157723577235772349780518197804
-0.010763888888888888811790067734;0.146180555555555563573832955626;0.062500000000000000000000000000;0.085416666666666668517038374375;0.065972222222222223764198645313;0.134027777777777773460243793124;0.022222222222222223070309254922;0.017013888888888887424011286953;0.080902777777777781786916477813;0.070138888888888889505679458125;0.078125000000000000000000000000;0.226736111111111110494320541875
-0.027642276422764226750938831856;0.156097560975609755962167923826;0.056504065040650405804534273102;0.127235772357723569969678578673;0.038617886178861790535954412462;0.129268292682926833059298132866;0.032926829268292684416152837912;0.020731707317073171797927599869;0.054471544715447156592702526723;0.075203252032520331860077078545;0.113414634146341467002550018606;0.167886178861788609717464737514
-0.061231884057971017187860240938;0.125000000000000000000000000000;0.085507246376811590904409854375;0.009057971014492753950020365039;0.027536231884057970481505250859;0.164855072463768126400651681251;0.029347826086956522312343409453;0.037681159420289857264751987032;0.078985507246376818191180291251;0.094202898550724639692433015625;0.143115942028985504430593778125;0.143478260869565221735655313751
-0.055925925925925927539861248761;0.053703703703703704885885628073;0.087037037037037037756626034479;0.168888888888888893946571556626;0.020370370370370372015145221667;0.137407407407407394783760423707;0.007037037037037036958653235530;0.092222222222222219323306546812;0.078148148148148147140723551729;0.091481481481481483064577275854;0.124444444444444440867059142874;0.083333333333333328707404064062
-0.037280701754385962842786028659;0.132456140350877188405220863388;0.112719298245614038544992752122;0.112280701754385967006122371004;0.034210526315789475948481168643;0.098684210526315790934503979770;0.071052631578947367252396816184;0.050438596491228067375534038774;0.053947368421052632747603183816;0.055701754385964911964190804383;0.084210526315789471785144826299;0.157017543859649111315235359143
-0.031060606060606059386497435071;0.115530303030303024836022984800;0.167803030303030314973611325513;0.225757575757575768005125382842;0.018181818181818180935049866775;0.039393939393939390869459060696;0.059090909090909089773635542997;0.061363636363636363257878514332;0.041666666666666664353702032031;0.054924242424242424032154730185;0.054545454545454542805149600326;0.130681818181818176771713524431
-0.029059829059829060671216183209;0.144017094017094005042878279710;0.087179487179487175074754645721;0.073931623931623932644008334591;0.040170940170940173941094286647;0.114957264957264951310556000408;0.020512820512820512802720784862;0.019658119658119657668926549832;0.081623931623931625378709497909;0.081623931623931625378709497909;0.123076923076923083755218613078;0.184188034188034199800654278079
-0.010256410256410256401360392431;0.145192307692307703836931409569;0.091025641025641021442105227379;0.172756410256410253278858135673;0.044230769230769233224531689075;0.100961538461538463673505816587;0.029807692307692309346967007855;0.015705128205128204843532557788;0.058974358974358973006779649495;0.056089743589743591700713665205;0.090705128205128202067974996226;0.184294871794871806258697688463
-0.007986111111111110494320541875;0.146180555555555563573832955626;0.076041666666666660190365689687;0.131250000000000005551115123126;0.066319444444444444752839729063;0.095138888888888883954564334999;0.048958333333333332870740406406;0.012500000000000000693889390391;0.064583333333333339809634310313;0.039583333333333331482961625625;0.069444444444444447528397290625;0.242013888888888889505679458125
-0.022569444444444444058950338672;0.134722222222222215437525960624;0.132291666666666668517038374375;0.002777777777777777883788656865;0.082638888888888886730121896562;0.099652777777777784562474039376;0.061458333333333330095182844843;0.030902777777777779011358916250;0.087847222222222215437525960624;0.052430555555555556634939051719;0.092361111111111116045435665001;0.200347222222222232090871330001
-0.026923076923076924571454071611;0.167948717948717934911329052738;0.103846153846153851918465704784;0.007264957264957265167804045802;0.065811965811965814077133529736;0.113675213675213673814035075793;0.038461538461538463673505816587;0.012820512820512820068019621544;0.079059829059829056507879840865;0.046581196581196582240380621442;0.088888888888888892281237019688;0.248717948717948722503479075385
-0.026388888888888888811790067734;0.202777777777777779011358916250;0.091666666666666660190365689687;0.007870370370370369586532355299;0.084259259259259255969709556666;0.094907407407407412547328817709;0.034722222222222223764198645313;0.015740740740740739173064710599;0.092129629629629630760412339896;0.046759259259259257357488337448;0.067592592592592593003786305417;0.235185185185185191558687733959
-0.019727891156462583344133321361;0.162925170068027203029714655713;0.079251700680272110788315842456;0.000340136054421768683955068502;0.103061224489795918990431289330;0.103401360544217682524426038526;0.042857142857142857539365365938;0.010884353741496597886562192059;0.105102040816326527949975400134;0.050340136054421766309552310759;0.085374149659863951544735982679;0.236734693877551027885175471965
-0.017521367521367521569164438233;0.141025641025641024217662788942;0.070512820512820512108831394471;0.000854700854700854700113366036;0.101709401709401708879809689279;0.110683760683760679111031777211;0.035897435897435894802676159543;0.032905982905982907038566764868;0.135042735042735034811656191778;0.050427350427350428607731203101;0.085042735042735045913886438029;0.218376068376068377396848063654
-0.045555555555555557467606320188;0.172962962962962957247370354708;0.100000000000000005551115123126;0.000000000000000000000000000000;0.110740740740740736813840783270;0.107037037037037041642406620667;0.050370370370370370904922197042;0.025185185185185185452461098521;0.108148148148148146030500527104;0.044814814814814814269983145323;0.075925925925925924486747931041;0.159259259259259267071939802918
-0.141666666666666662965923251249;0.144736842105263163738015919080;0.059649122807017541936236426636;0.041228070175438599753725554820;0.069298245614035081096915291710;0.076315789473684211841053581793;0.026754385964912280604366401349;0.020614035087719299876862777410;0.153508771929824566759847925823;0.082894736842105257168533682943;0.076754385964912283379923962912;0.106578947368421050878595224276
-0.119230769230769237387868031419;0.093162393162393164480761242885;0.072649572649572655147487409977;0.020512820512820512802720784862;0.073504273504273506811834693053;0.086752136752136749242581004182;0.037179487179487179238090988065;0.035470085470085468970502518005;0.166666666666666657414808128124;0.086324786324786323410407362644;0.086324786324786323410407362644;0.122222222222222218213083522187
-0.005681818181818181975883952362;0.216287878787878778963360559828;0.095454545454545458582629180455;0.000000000000000000000000000000;0.098106060606060599416089473834;0.103787878787878790065590806080;0.053409090909090906063028114659;0.031439393939393940613502564929;0.085606060606060602191647035397;0.043939393939393937837945003366;0.073106060606060604967204596960;0.193181818181818176771713524431
-0.012601626016260162807536282514;0.198780487804878058799573636861;0.158536585365853660567481142607;0.000000000000000000000000000000;0.073577235772357724163938996753;0.065040650406504071923130538835;0.074796747967479676466595606144;0.018699186991869919116648901536;0.078861788617886174890259098902;0.063821138211382119620473929444;0.097560975609756100945801904345;0.157723577235772349780518197804
-0.045945945945945948496458299815;0.071621621621621625597420290887;0.158108108108108103007083400371;0.000000000000000000000000000000;0.081981981981981977281037643479;0.073423423423423422873312915726;0.047297297297297299922824720397;0.035585585585585582935053139408;0.163063063063063062863022878446;0.107657657657657654381999634552;0.100900900900900897250167531638;0.114414414414414411513831737466
-0.074390243902439021073114133742;0.069512195121951225740275503995;0.146747967479674806812184328919;0.003658536585365853872203745212;0.092682926829268291735175466783;0.067073170731707321134962285214;0.052439024390243900441976876436;0.054878048780487805047290095217;0.163414634146341469778107580169;0.109756097560975610094580190434;0.085365853658536591797023618255;0.080081300813008127192915708292
-0.083796296296296299277450714271;0.062037037037037036368847253698;0.146759259259259255969709556666;0.010185185185185186007572610833;0.087037037037037037756626034479;0.052777777777777777623580135469;0.041203703703703700722549285729;0.060185185185185181844236268489;0.144444444444444430875051921248;0.136111111111111099392090295623;0.083796296296296299277450714271;0.091666666666666660190365689687
-0.071621621621621625597420290887;0.079729729729729734155618814384;0.122972972972972979799344273033;0.018018018018018017861736623786;0.072072072072072071446946495143;0.083333333333333328707404064062;0.044144144144144144281671771068;0.055405405405405408481023243894;0.165315315315315319866229515355;0.100000000000000005551115123126;0.089189189189189194140183758464;0.098198198198198194397434690472
-0.015315315315315315009003782620;0.140990990990990994191633944865;0.091891891891891896992916599629;0.016666666666666666435370203203;0.124774774774774777075236897872;0.078378378378378382729252393801;0.041441441441441441428938929903;0.009459459459459459984564944079;0.148648648648648656900306264106;0.052252252252252252839870294565;0.082882882882882882857877859806;0.197297297297297308249497405086
-0.019270833333333334258519187188;0.091666666666666660190365689687;0.102083333333333331482961625625;0.298958333333333325931846502499;0.058854166666666665741480812812;0.059895833333333335646297967969;0.048437500000000001387778780781;0.027083333333333334258519187188;0.085937500000000000000000000000;0.065104166666666671292595935938;0.069270833333333337034076748751;0.073437500000000002775557561563
-0.056818181818181816289392571662;0.074999999999999997224442438437;0.131439393939393939225723784148;0.082196969696969698904176482301;0.082196969696969698904176482301;0.041666666666666664353702032031;0.097727272727272732066872151790;0.092424242424242422644375949403;0.143939393939393950327954030399;0.082575757575757580131181612160;0.053787878787878787290033244517;0.060227272727272726515757028665
-0.022649572649572648902482896460;0.139316239316239320888968222789;0.086752136752136749242581004182;0.008119658119658120301598280832;0.099572649572649565841153673773;0.123076923076923083755218613078;0.041452991452991451437615211262;0.028205128205128205537421948179;0.143162393162393153378530996633;0.055128205128205126639429067836;0.092735042735042738648587601347;0.159829059829059816344454247883
-0.116666666666666668517038374375;0.065277777777777781786916477813;0.079629629629629633535969901459;0.116203703703703697946991724166;0.104166666666666671292595935938;0.075462962962962967794489088647;0.032870370370370369239587660104;0.027777777777777776235801354687;0.168055555555555569124948078752;0.065277777777777781786916477813;0.058333333333333334258519187188;0.090277777777777776235801354687
-0.082333333333333327819225644362;0.069666666666666668406016071913;0.096666666666666664631257788187;0.172333333333333338366344378301;0.100333333333333329928649391150;0.061999999999999999555910790150;0.040000000000000000832667268469;0.043666666666666666130058871431;0.137333333333333335035675304425;0.070999999999999993671728759637;0.051999999999999997613020497056;0.072666666666666671070551331013
-0.072685185185185186007572610833;0.098611111111111107718762980312;0.073611111111111113269878103438;0.103703703703703700722549285729;0.103703703703703700722549285729;0.084722222222222226539756206876;0.025925925925925925180637321432;0.030555555555555554553270880547;0.162037037037037034981068472916;0.070370370370370374790702783230;0.081018518518518517490534236458;0.093055555555555558022717832500
-0.028623188405797101580008146016;0.114492753623188406320032584063;0.074999999999999997224442438437;0.138043478260869573182034741876;0.076086956521739135261839237501;0.102173913043478267748120913438;0.047101449275362319846216507813;0.033695652173913043236908038125;0.126811594202898558769732062501;0.064855072463768120849536558126;0.065579710144927541581871821563;0.127536231884057965624279518124
-0.026449275362318839383002355703;0.127898550724637682929341053750;0.104710144927536233372400431563;0.096014492753623184584377270312;0.061594202898550727554027872657;0.090942028985507239458030426249;0.042391304347826085086037295468;0.014855072463768116339255520586;0.143478260869565221735655313751;0.065942028985507245009145549375;0.105434782608695654104735695000;0.120289855072463772178714691563
-0.030769230769230770938804653269;0.121367521367521366548736239110;0.115384615384615391020517449761;0.000000000000000000000000000000;0.117948717948717946013559298990;0.071794871794871789605352319086;0.035042735042735043138328876466;0.046153846153846156408206979904;0.152991452991453003029675983271;0.077350427350427353179185274712;0.087606837606837600906928287259;0.143589743589743579210704638172
-0.060666666666666667351304198519;0.047333333333333331427450474393;0.079000000000000000777156117238;0.232333333333333336145898329050;0.115000000000000004996003610813;0.042666666666666665241880451731;0.059666666666666666463125778819;0.047000000000000000111022302463;0.130666666666666653195960634548;0.064000000000000001332267629550;0.042666666666666665241880451731;0.079000000000000000777156117238
-0.044444444444444446140618509844;0.099572649572649565841153673773;0.086324786324786323410407362644;0.198717948717948705850133706008;0.097863247863247862512459107620;0.068803418803418808780136828318;0.066666666666666665741480812812;0.014957264957264957902505209120;0.117521367521367520181385657452;0.042735042735042735873030039784;0.046581196581196582240380621442;0.115811965811965816852691091299
-0.064705882352941182511507633990;0.117647058823529410132024963787;0.121895424836601304341421325717;0.000000000000000000000000000000;0.096405228758169939085043154137;0.083006535947712414835741867591;0.069607843137254904464228388861;0.025490196078431372195272075487;0.151307189542483649935533662756;0.045424836601307187755605099255;0.068300653594771235099791795164;0.156209150326797385766042225441
-0.079487179487179482340053482403;0.102136752136752134711983330817;0.188461538461538458122390693461;0.014529914529914530335608091605;0.067094017094017091573654454351;0.050000000000000002775557561563;0.079059829059829056507879840865;0.055555555555555552471602709375;0.115811965811965816852691091299;0.061965811965811967709782948077;0.084188034188034194249539154953;0.101709401709401708879809689279
-0.088888888888888892281237019688;0.090972222222222218213083522187;0.141666666666666662965923251249;0.018402777777777778317469525859;0.073958333333333334258519187188;0.063541666666666662965923251249;0.069097222222222226539756206876;0.046875000000000000000000000000;0.152777777777777790113589162502;0.078125000000000000000000000000;0.072222222222222215437525960624;0.103472222222222215437525960624
-0.045528455284552848958412596403;0.048373983739837395079419479771;0.095934959349593493249663822553;0.343089430894308933250869131371;0.042682926829268295898511809128;0.073983739837398379557420469155;0.029674796747967479432217530189;0.038617886178861790535954412462;0.088617886178861793311511974025;0.066666666666666665741480812812;0.079268292682926830283740571303;0.047560975609756098170244342782
-0.063596491228070178847175952797;0.039473684210526313598244030345;0.061842105263157892691694428322;0.353508771929824550106502556446;0.063596491228070178847175952797;0.061842105263157892691694428322;0.019298245614035088729698586008;0.026754385964912280604366401349;0.109210526315789480111817510988;0.071929824561403510330137578421;0.070614035087719295713526435065;0.058333333333333334258519187188
-0.052499999999999998057109706906;0.019583333333333334536074943344;0.059999999999999997779553950750;0.494583333333333319270508354748;0.045416666666666667684371105906;0.040416666666666663243479007406;0.020833333333333332176851016015;0.053749999999999999167332731531;0.101666666666666669072149886688;0.040833333333333332593184650250;0.039583333333333331482961625625;0.030833333333333334119741309109
-0.119166666666666670737484423626;0.046388888888888889228123701969;0.081944444444444444752839729063;0.292777777777777803436265458004;0.070833333333333331482961625625;0.037499999999999998612221219219;0.036666666666666666851703837438;0.062222222222222220433529571437;0.109722222222222220988641083750;0.053055555555555557190050564031;0.040000000000000000832667268469;0.049722222222222223209087133000
-0.097222222222222223764198645313;0.063194444444444441977282167500;0.101736111111111110494320541875;0.030208333333333333564629796797;0.107291666666666660190365689687;0.058333333333333334258519187188;0.039236111111111110494320541875;0.082291666666666665741480812812;0.156250000000000000000000000000;0.087499999999999994448884876874;0.064930555555555560798275394063;0.111805555555555560798275394063
-0.071491228070175438791267197303;0.106578947368421050878595224276;0.097807017543859647856763217533;0.017105263157894737974240584322;0.106140350877192979339724843157;0.064912280701754379585999288338;0.038157894736842105920526790896;0.047807017543859652020099559877;0.181578947368421061980825470528;0.086842105263157901018367113011;0.076754385964912283379923962912;0.104824561403508778600901507616
-0.141666666666666662965923251249;0.027631578947368420212660211632;0.042543859649122807431442794268;0.461403508771929815601708924078;0.034649122807017540548457645855;0.029824561403508770968118213318;0.009649122807017544364849293004;0.068421052631578951896962337287;0.089473684210526316373801591908;0.046052631578947365864618035403;0.030263157894736842506988594437;0.018421052631578945651957823770
-0.133730158730158726898551435625;0.050793650793650793606737181562;0.043650793650793648370544985937;0.302380952380952361391308613747;0.078571428571428569842538536250;0.044047619047619050725028699844;0.013492063492063492702310867344;0.044444444444444446140618509844;0.154761904761904767191538212501;0.044841269841269841556208319844;0.038095238095238098674499838125;0.051190476190476189022326991562
-0.143627450980392146195896430072;0.116176470588235297709545079670;0.077941176470588235947190014485;0.053921568627450983113291727022;0.065686274509803924126494223401;0.077941176470588235947190014485;0.019117647058823530881177532592;0.022058823529411766134478156687;0.210294117647058825815165050699;0.063725490196078427018733236764;0.051960784313725492944424644293;0.097549019607843137635860841783
-0.030208333333333333564629796797;0.107986111111111116045435665001;0.062847222222222220988641083750;0.250000000000000000000000000000;0.087847222222222215437525960624;0.079166666666666662965923251249;0.025347222222222222376419864531;0.007291666666666666782314898398;0.125694444444444441977282167500;0.060069444444444446140618509844;0.065972222222222223764198645313;0.097569444444444444752839729063
-0.060964912280701756552847569992;0.143421052631578949121404775724;0.089912280701754387912671973027;0.166666666666666657414808128124;0.061842105263157892691694428322;0.061842105263157892691694428322;0.049561403508771931236687180444;0.050000000000000002775557561563;0.074122807017543854146701676200;0.039473684210526313598244030345;0.060087719298245613475106807755;0.142105263157894734504793632368
-0.095833333333333339809634310313;0.078240740740740735703617758645;0.058796296296296297889671933490;0.225462962962962976121161773335;0.070833333333333331482961625625;0.101851851851851846197938300520;0.034259259259259260133045899011;0.028240740740740739866954100989;0.104166666666666671292595935938;0.051388888888888886730121896562;0.068518518518518520266091798021;0.082407407407407401445098571457
-0.051190476190476189022326991562;0.109126984126984127865256368750;0.094841269841269837392871977499;0.011507936507936508685467913438;0.121031746031746031966314092188;0.063492063492063488538974525000;0.045238095238095236971798129844;0.036111111111111107718762980312;0.131746031746031749820602385626;0.103174603174603168875833603124;0.070634920634920633775166720625;0.161904761904761912427730408126
-0.082520325203252031798228927073;0.041056910569105688202373727336;0.149593495934959352933191212287;0.022357723577235772555171777753;0.067479674796747962650655949801;0.060569105691056911167091669768;0.026829268292682926372316742913;0.098373983739837397854977041334;0.152032520325203257538504431068;0.165040650406504063596457854146;0.078861788617886174890259098902;0.055284552845528453501877663712
-0.064035087719298250386046333915;0.054824561403508768886450042146;0.097807017543859647856763217533;0.001754385964912280734470662047;0.117543859649122811594779136612;0.110526315789473680850640846529;0.032894736842105261331870025288;0.082017543859649127968580728520;0.166228070175438585875937747005;0.097368421052631576317892836414;0.085964912280701757940626350774;0.089035087719298244834931210789
-0.097222222222222223764198645313;0.084126984126984133416371491876;0.116666666666666668517038374375;0.009126984126984127518311673555;0.119047619047619041010577234374;0.060714285714285713690951951094;0.050396825396825398191147371563;0.048015873015873018758714607657;0.149603174603174599033295066874;0.082936507936507933291814254062;0.082936507936507933291814254062;0.099206349206349200842147695312
-0.092857142857142860314922927500;0.060476190476190475053819284312;0.117619047619047623065569041501;0.042380952380952380265100032375;0.059047619047619050169917187532;0.055714285714285716188953756500;0.058571428571428572895651853969;0.138571428571428567622092486999;0.134285714285714286031492292750;0.084761904761904760530200064750;0.079047619047619047116803869812;0.076666666666666660745477201999
-0.052430555555555556634939051719;0.064583333333333339809634310313;0.132986111111111110494320541875;0.044791666666666667129259593594;0.053124999999999998612221219219;0.054166666666666668517038374375;0.048958333333333332870740406406;0.107986111111111116045435665001;0.130555555555555563573832955626;0.122569444444444439201724605937;0.100000000000000005551115123126;0.087847222222222215437525960624
-0.048333333333333332315628894094;0.114444444444444445863062753688;0.102499999999999993893773364562;0.003333333333333333547282562037;0.091388888888888894501683068938;0.096666666666666664631257788187;0.055000000000000000277555756156;0.021666666666666667406815349750;0.162777777777777771239797743874;0.075277777777777776790912867000;0.073888888888888892836348532001;0.154722222222222233201094354627
-0.097674418604651161435192818772;0.079844961240310083350202319252;0.099224806201550386219878419070;0.029069767441860464712855005587;0.116279069767441858851420022347;0.050775193798449615167900361712;0.050775193798449615167900361712;0.094186046511627902200203266148;0.160465116279069758276065726932;0.065116279069767440956795212514;0.061627906976744188660699563798;0.094961240310077521531439970204
-0.114341085271317824401116070021;0.069767441860465115310852013408;0.105038759689922475693002468233;0.035658914728682170047768806853;0.112790697674418599616430469723;0.039922480620155041675101159626;0.046511627906976743540568008939;0.096899224806201555981743922530;0.164728682170542622964504175798;0.063178294573643406506491260188;0.052325581395348839952585962010;0.098837209302325576554260067041
-0.117982456140350883133649517731;0.024561403508771929848908399663;0.028947368421052631359824403035;0.499122807017543856922259237763;0.066228070175438594202610431694;0.023684210526315790240614589379;0.034210526315789475948481168643;0.027192982456140352143236782467;0.092543859649122803268106451924;0.038157894736842105920526790896;0.022368421052631579093450397977;0.025000000000000001387778780781
-0.042090395480225986646338753872;0.040677966101694912337549681070;0.038700564971751415244138883054;0.515254237288135574779346370633;0.062711864406779657676871408967;0.046045197740112994710948157717;0.012994350282485874967242089895;0.015254237288135593861304606378;0.110734463276836156420124268607;0.036723163841807911211834181131;0.030225988700564972860851398195;0.048587570621468928466768488761
-0.020977011494252875006827352422;0.027011494252873562843531018984;0.041091954022988506911584494219;0.599999999999999977795539507497;0.036781609195402298340127345000;0.037643678160919541442197555625;0.009195402298850574585031836250;0.019540229885057470993192652031;0.093965517241379303836623648749;0.041954022988505750013654704844;0.036781609195402298340127345000;0.035057471264367819074880827657
-0.110465116279069769378295973183;0.030620155038759689497540605885;0.097286821705426351769574466744;0.094186046511627902200203266148;0.099224806201550386219878419070;0.041472868217054266459786759924;0.017829457364341085023884403427;0.160852713178294581819471886774;0.129844961240310086125759880815;0.112790697674418599616430469723;0.057751937984496126698985563053;0.047674418604651165598529161116
-0.105555555555555555247160270937;0.059595959595959598076309049475;0.139898989898989911662141594206;0.052020202020202022108463779659;0.076767676767676762406011903295;0.037373737373737371536552842599;0.025757575757575756902895136591;0.164141414141414143657016211364;0.143434343434343442025280523922;0.094949494949494950279955673977;0.041414141414141417141259182699;0.059090909090909089773635542997
-0.116666666666666668517038374375;0.034259259259259260133045899011;0.116049382716049379049572110034;0.100617283950617281140793579652;0.061111111111111109106541761093;0.047839506172839503517213444184;0.017901234567901234961961876024;0.163580246913580251710840229862;0.098765432098765426616182594444;0.121296296296296290950778029583;0.091666666666666660190365689687;0.030246913580246913288984700330
-0.164912280701754399014902219278;0.023684210526315790240614589379;0.097807017543859647856763217533;0.068859649122807023435832718405;0.071491228070175438791267197303;0.034210526315789475948481168643;0.016228070175438594896499822084;0.145614035087719306815756681317;0.114912280701754382361556849901;0.139912280701754376810441726775;0.094298245614035089423587976398;0.028070175438596491751530592751
-0.121171171171171168645663840380;0.083783783783783788434718076132;0.115315315315315317090671953792;0.037837837837837839938259776318;0.071171171171171165870106278817;0.058558558558558557183282289316;0.031531531531531528655953877660;0.113513513513513519814779328954;0.135135135135135142636642058278;0.106306306306306302955633213969;0.057207207207207205756915868733;0.068468468468468463017373437651
-0.035483870967741935886774484743;0.150537634408602155611234252319;0.086021505376344092885787517844;0.112365591397849462484970217702;0.089247311827956990470944731442;0.060752688172043010916834049340;0.046774193548387098251506444058;0.055913978494623657600204325036;0.109139784946236564899813004104;0.053763440860215054584170246699;0.066129032258064518456919245182;0.133870967741935492645311001070
-0.050000000000000002775557561563;0.028735632183908045578224488281;0.065804597701149422639410602187;0.360057471264367823238217170001;0.096839080459770118802786953438;0.041666666666666664353702032031;0.042241379310344828734713473750;0.048850574712643680952428582032;0.097988505747126433687022029062;0.083620689655172414367356736875;0.050000000000000002775557561563;0.034195402298850575972810617031
-0.072549019607843143186975964909;0.049509803921568625029170362950;0.067647058823529407356467402224;0.333823529411764685637109550953;0.055392156862745095535771611139;0.061274509803921566042372859329;0.041666666666666664353702032031;0.046568627450980393245316690809;0.118627450980392151747011553198;0.061764705882352943788760057942;0.059313725490196075873505776599;0.031862745098039213509366618382
-0.003939393939393939607362948863;0.040000000000000000832667268469;0.072424242424242418758595363215;0.605757575757575716934866250085;0.008484848484848485708487153545;0.029393939393939392396015719555;0.069090909090909091716525836091;0.037575757575757574857622245190;0.018787878787878787428811122595;0.044848484848484845843863411119;0.051818181818181818787394377068;0.017878787878787879422892714842
-0.001111111111111111110147375847;0.028333333333333331899295259859;0.014166666666666665949647629930;0.843055555555555558022717832500;0.000833333333333333386820640509;0.024166666666666666157814447047;0.009166666666666666712925959359;0.003888888888888888777095598215;0.007222222222222221890697291258;0.023055555555555554830826636703;0.037499999999999998612221219219;0.007499999999999999722444243844
-0.003055555555555555715535609451;0.012777777777777778525636342977;0.020000000000000000416333634234;0.790833333333333388104335881508;0.006944444444444444058950338672;0.013611111111111110286153724758;0.009444444444444444544672911945;0.065555555555555561353386906376;0.008888888888888888881179006773;0.026944444444444444475283972906;0.036388888888888887285233408875;0.005555555555555555767577313730
-0.001111111111111111110147375847;0.010000000000000000208166817117;0.029166666666666667129259593594;0.835833333333333317050062305498;0.001388888888888888941894328433;0.006944444444444444058950338672;0.030555555555555554553270880547;0.019722222222222220849863205672;0.005277777777777777935830361145;0.025833333333333333148296162562;0.029722222222222222792753498766;0.004444444444444444440589503387
-0.002525252525252525467175379603;0.018686868686868685768276421300;0.035858585858585860506320130980;0.730303030303030342729186941142;0.008585858585858585634298378864;0.019696969696969695434729530348;0.023737373737373737569988918494;0.013131313131313130868060845557;0.018181818181818180935049866775;0.054545454545454542805149600326;0.062626262626262627075668376619;0.012121212121212121201607736509
-0.006111111111111111431071218902;0.045555555555555557467606320188;0.055000000000000000277555756156;0.528333333333333321490954403998;0.006666666666666667094565124074;0.088333333333333333148296162562;0.010555555555555555871660722289;0.005555555555555555767577313730;0.028611111111111111465765688422;0.083611111111111108273874492625;0.125277777777777765688682620748;0.016388888888888890338346726594
-0.004761904761904762334312479766;0.021904761904761906043948016531;0.047619047619047616404230893750;0.773809523809523835957691062504;0.002857142857142857140378966463;0.006190476190476190687661528500;0.052857142857142859482255659032;0.014761904761904762542479296883;0.015238095238095238082021154469;0.022380952380952379848766398140;0.022857142857142857123031731703;0.014761904761904762542479296883
-0.005769230769230769551025872488;0.025961538461538462979616426196;0.033974358974358971619000868714;0.726923076923076894040320894419;0.018269230769230770244915262879;0.016025641025641024217662788942;0.015384615384615385469402326635;0.005128205128205128200680196215;0.028525641025641024911552179333;0.051282051282051280272078486178;0.050641025641025641523818023870;0.022115384615384616612265844537
-0.003703703703703703845051542487;0.003240740740740740647579665179;0.030092592592592590922118134245;0.880092592592592537492635074159;0.002777777777777777883788656865;0.002314814814814814686316779557;0.009722222222222222376419864531;0.049537037037037039144404815261;0.004629629629629629372633559115;0.007870370370370369586532355299;0.003240740740740740647579665179;0.002777777777777777883788656865
-0.005882352941176470506601248189;0.021078431372549021050044615322;0.028921568627450981725512946241;0.786764705882352921584299565438;0.011274509803921568470985725696;0.015196078431372548808719891156;0.013235294117647058639852808426;0.022058823529411766134478156687;0.020588235294117646773104368663;0.029901960784313726809946487606;0.025980392156862746472212322146;0.019117647058823530881177532592
-0.018452380952380952744418252109;0.061309523809523806814336666093;0.071428571428571424606346340624;0.420238095238095243910692033751;0.022023809523809525362514349922;0.066666666666666665741480812812;0.050000000000000002775557561563;0.023809523809523808202115446875;0.071428571428571424606346340624;0.077380952380952383595769106250;0.083333333333333328707404064062;0.033928571428571425994125121406
-0.079824561403508770274228822927;0.069736842105263152635785672828;0.094736842105263160962458357517;0.060964912280701756552847569992;0.017982456140350877582534394605;0.077192982456140354918794344030;0.040350877192982456675984792582;0.043421052631578950509183556505;0.148245614035087708293403352400;0.146491228070175449893497443554;0.111403508771929823928381608766;0.109649122807017537772900084292
-0.004885057471264367748298163008;0.060057471264367813523765704531;0.065517241379310350857245737188;0.595114942528735646476434340002;0.006321839080459770027209387422;0.050000000000000002775557561563;0.025574712643678162299343270547;0.029885057471264367401353467812;0.034482758620689654693869385937;0.033333333333333332870740406406;0.040517241379310342530573052500;0.054310344827586204408120806875
-0.014634146341463415488814980847;0.037398373983739838233297803072;0.052439024390243900441976876436;0.556097560975609805922204031958;0.059756097560975607319022628872;0.017073170731707318359404723651;0.065853658536585368832305675824;0.038617886178861790535954412462;0.040243902439024391293198590347;0.034552845528455285173397015797;0.035772357723577237476053625187;0.047560975609756098170244342782
-0.024509803921568627110838534122;0.068627450980392162849241799449;0.098039215686274508443354136489;0.258823529411764730046030535959;0.015196078431372548808719891156;0.068137254901960778163960696929;0.072549019607843143186975964909;0.031372549019607842701873323676;0.088235294117647064537912626747;0.097058823529411766828367547078;0.093137254901960786490633381618;0.084313725490196084200178461288
-0.014999999999999999444888487687;0.065000000000000002220446049250;0.074166666666666672402818960563;0.407777777777777794554481261002;0.042222222222222223486642889156;0.063888888888888883954564334999;0.028055555555555555802271783250;0.026111111111111112714766591125;0.051944444444444445863062753688;0.051666666666666666296592325125;0.039722222222222221266196839906;0.134444444444444449748843339876
-0.010555555555555555871660722289;0.026666666666666668378260496297;0.043333333333333334813630699500;0.703055555555555544700041536998;0.017500000000000001665334536938;0.017222222222222222098864108375;0.046111111111111109661653273406;0.035555555555555555524716027094;0.021111111111111111743321444578;0.023888888888888890060790970438;0.030277777777777778456247403938;0.024722222222222221821308352219
-0.002976190476190476025264430859;0.238690476190476202900114799377;0.073809523809523810977673008438;0.001785714285714285658526745415;0.023214285714285715078730731875;0.110119047619047616404230893750;0.097619047619047619179788455313;0.014285714285714285268213963320;0.038095238095238098674499838125;0.052380952380952382207990325469;0.217857142857142860314922927500;0.129166666666666679619268620627
-0.003333333333333333547282562037;0.039166666666666669072149886688;0.040416666666666663243479007406;0.794166666666666687390829793003;0.010000000000000000208166817117;0.011666666666666667198648532633;0.013750000000000000069388939039;0.008750000000000000832667268469;0.008750000000000000832667268469;0.024583333333333332038073137937;0.032083333333333331760517381781;0.013333333333333334189130248149
-0.002586206896551724102040203945;0.021839080459770114639450611094;0.017816091954022988258499182734;0.817816091954022938992352464993;0.004310344827586206836733673242;0.019252873563218392272133883125;0.033620689655172411591799175312;0.007183908045977011394556122070;0.011494252873563218231289795312;0.019827586206896553183698372891;0.027011494252873562843531018984;0.017241379310344827346934692969
-0.003030303030303030300401934127;0.028787878787878789371701415689;0.042424242424242426807712291748;0.696212121212121171076603332040;0.006060606060606060600803868255;0.046969696969696966837304330511;0.018181818181818180935049866775;0.009090909090909090467524933388;0.041666666666666664353702032031;0.036363636363636361870099733551;0.037878787878787879839226349077;0.033333333333333332870740406406
-0.008611111111111111049432054187;0.069722222222222227094867719188;0.046944444444444441422170655187;0.561666666666666647422800906497;0.012222222222222222862142437805;0.064722222222222222653975620688;0.013055555555555556357383295563;0.032500000000000001110223024625;0.026388888888888888811790067734;0.057222222222222222931531376844;0.068888888888888888395456433500;0.038055555555555557745162076344
-0.008695652173913043583852733320;0.045652173913043478381545980938;0.042753623188405795452204927187;0.568840579710144900182910987496;0.019565217391304349364711256953;0.059420289855072465357022082344;0.005072463768115941656899892109;0.023913043478260870289275885625;0.038405797101449277997087250469;0.065942028985507245009145549375;0.076811594202898555994174500938;0.044927536231884057649210717500
-0.029629629629629630760412339896;0.026296296296296296779448908865;0.102962962962962964463820014771;0.455185185185185192668910758584;0.020370370370370372015145221667;0.023703703703703702526661700745;0.006666666666666667094565124074;0.051851851851851850361274642864;0.056296296296296295669225884239;0.100370370370370373680479758605;0.078888888888888883399452822687;0.047777777777777780121581940875
-0.038888888888888889505679458125;0.096666666666666664631257788187;0.082222222222222224319310157625;0.282222222222222207665964788248;0.043333333333333334813630699500;0.086666666666666669627261399000;0.065000000000000002220446049250;0.055000000000000000277555756156;0.042222222222222223486642889156;0.060555555555555556912494807875;0.077777777777777779011358916250;0.069444444444444447528397290625
-0.003333333333333333547282562037;0.014761904761904762542479296883;0.015238095238095238082021154469;0.861904761904761951285536270007;0.003809523809523809520505288617;0.006190476190476190687661528500;0.035238095238095235028907836750;0.019523809523809523142068300672;0.005238095238095237873854337352;0.016666666666666666435370203203;0.009047619047619047394359625969;0.009047619047619047394359625969
-0.006896551724137930938773877187;0.077011494252873569088535532501;0.056896551724137933714331438750;0.541379310344827557877067647496;0.017816091954022988258499182734;0.056896551724137933714331438750;0.037931034482758620163256324531;0.013793103448275861877547754375;0.022988505747126436462579590625;0.034482758620689654693869385937;0.059770114942528734802706935625;0.074137931034482754122372227812
-0.090277777777777776235801354687;0.043055555555555555247160270937;0.148148148148148139924273891666;0.049537037037037039144404815261;0.014814814814814815380206169948;0.041666666666666664353702032031;0.045833333333333330095182844843;0.104629629629629627984854778333;0.118518518518518523041649359584;0.201851851851851865626841231460;0.098148148148148151026504137917;0.043518518518518518878313017240
-0.052727272727272726793312784821;0.036363636363636361870099733551;0.075151515151515149715244490380;0.422121212121212119328106382454;0.008484848484848485708487153545;0.021212121212121213403856145874;0.036363636363636361870099733551;0.068484848484848481753317628318;0.062727272727272728736203077915;0.119696969696969690577503797613;0.071515151515151517691570859370;0.025151515151515150409133880771
-0.033333333333333332870740406406;0.154666666666666674512242707351;0.102666666666666669960328306388;0.002000000000000000041633363423;0.045999999999999999222843882762;0.068000000000000004884981308351;0.085333333333333330483760903462;0.010000000000000000208166817117;0.126000000000000000888178419700;0.080666666666666664298190880800;0.068666666666666667517837652213;0.222666666666666679397224015702
-0.009166666666666666712925959359;0.059722222222222225151977426094;0.067222222222222224874421669938;0.504444444444444473063526857004;0.014999999999999999444888487687;0.043055555555555555247160270937;0.044166666666666666574148081281;0.049722222222222223209087133000;0.040277777777777780399137697032;0.051111111111111114102545371907;0.055277777777777779844026184719;0.060833333333333336478965236438
-0.059523809523809520505288617187;0.062380952380952384150880618563;0.081904761904761910762395871188;0.322380952380952379154877007750;0.017619047619047617514453918375;0.035238095238095235028907836750;0.030952380952380953438307642500;0.091904761904761905766392260375;0.076666666666666660745477201999;0.098095238095238096454053788875;0.059047619047619050169917187532;0.064285714285714279370154144999
-0.069047619047619052112807480626;0.075396825396825392640032248437;0.096031746031746037517429215313;0.180952380952380947887192519374;0.021428571428571428769682682969;0.065079365079365084079121572813;0.046825396825396825573051273750;0.134126984126984122314141245624;0.083333333333333328707404064062;0.104761904761904764415980650938;0.065873015873015874910301192813;0.057142857142857141072855853281
-0.046929824561403508942358797640;0.125877192982456143077740762237;0.145614035087719306815756681317;0.125438596491228071538870381119;0.022368421052631579093450397977;0.046929824561403508942358797640;0.032456140350877189792999644169;0.050000000000000002775557561563;0.065789473684210522663740050575;0.104385964912280707062031126497;0.079824561403508770274228822927;0.154385964912280709837588688060
-0.001219512195121951218454436905;0.013414634146341463186158371457;0.018699186991869919116648901536;0.864634146341463405427418820182;0.001219512195121951218454436905;0.002439024390243902436908873810;0.022764227642276424479206298201;0.052845528455284555835458348838;0.004878048780487804873817747620;0.006504065040650406498423663493;0.009349593495934959558324450768;0.002032520325203252247597829339
-0.003611111111111110945348645629;0.128888888888888886175010384250;0.133333333333333331482961625625;0.229722222222222216547748985249;0.023055555555555554830826636703;0.062222222222222220433529571437;0.043333333333333334813630699500;0.021388888888888887840344921187;0.055000000000000000277555756156;0.059722222222222225151977426094;0.075555555555555556357383295563;0.164166666666666655194362078873
-0.027401129943502824243273252591;0.066384180790960450879722998252;0.053389830508474574177757432381;0.521186440677966156265199515474;0.009039548022598870372079638003;0.033050847457627118008982591846;0.024011299435028249371626429820;0.081073446327683609813341547579;0.020621468926553671030532655095;0.051412429378531070145452730458;0.061581920903954805168734054632;0.050847457627118647360831005244
-0.011388888888888889366901580047;0.016666666666666666435370203203;0.026666666666666668378260496297;0.781666666666666620777448315494;0.015277777777777777276635440273;0.021666666666666667406815349750;0.008333333333333333217685101602;0.010555555555555555871660722289;0.019722222222222220849863205672;0.033888888888888892003681263532;0.038611111111111109939209029562;0.015555555555555555108382392859
-0.018484848484848485916653970662;0.018787878787878787428811122595;0.035454545454545453864181325798;0.682424242424242377680343452084;0.016666666666666666435370203203;0.033636363636363637852344510293;0.008484848484848485708487153545;0.009393939393939393714405561298;0.039393939393939390869459060696;0.065757575757575750796668501152;0.054848484848484847786753704213;0.016666666666666666435370203203
-0.019047619047619049337249919063;0.019047619047619049337249919063;0.042857142857142857539365365938;0.637074829931972841379206329293;0.019047619047619049337249919063;0.034353741496598637350512461808;0.013265306122448979053718431942;0.018707482993197278864361265960;0.033333333333333332870740406406;0.068027210884353747633035425224;0.070748299319727897538356842233;0.024489795918367345678445801127
-0.033611111111111112437210834969;0.031944444444444441977282167500;0.040277777777777780399137697032;0.605555555555555513613796847494;0.014444444444444443781394582516;0.036666666666666666851703837438;0.008055555555555555385938149016;0.024166666666666666157814447047;0.047222222222222220988641083750;0.074444444444444438091501581312;0.062777777777777779566470428563;0.020833333333333332176851016015
-0.010416666666666666088425508008;0.025595238095238094511163495781;0.032440476190476193185663333907;0.663690476190476164042308937496;0.013690476190476190410105772344;0.034821428571428572618096097813;0.010119047619047619526733150508;0.009821428571428571230317317031;0.033035714285714286309048048906;0.076785714285714290472384391251;0.074404761904761904101057723437;0.015178571428571428422737987773
-0.041666666666666664353702032031;0.029487179487179486503389824748;0.054807692307692307265298836683;0.389423076923076927347011633174;0.036538461538461540489830525757;0.053525641025641022829884008161;0.009615384615384615918376454147;0.015384615384615385469402326635;0.108653846153846156408206979904;0.078525641025641024217662788942;0.140384615384615385469402326635;0.041987179487179483727832263185
-0.086956521739130432369080381250;0.063405797101449279384866031251;0.121376811594202896338323682812;0.003985507246376811425758734941;0.088405797101449273833750908125;0.073550724637681155759771911562;0.027173913043478260115337619141;0.021376811594202897726102463594;0.165579710144927533255199136875;0.107246376811594198996679949687;0.088405797101449273833750908125;0.152536231884057960073164394998
-0.016981132075471697812085736246;0.110377358490566040982727713526;0.093710691823899364139016654462;0.000000000000000000000000000000;0.073270440251572324652507006704;0.084276729559748422837550663189;0.028301886792452830843291877727;0.013207547169811321291499339736;0.161635220125786155387359599445;0.094654088050314472146951061404;0.103459119496855350694985986593;0.220125786163522019212024360968
-0.012500000000000000693889390391;0.040277777777777780399137697032;0.053124999999999998612221219219;0.559722222222222232090871330001;0.019791666666666665741480812812;0.069444444444444447528397290625;0.005555555555555555767577313730;0.009027777777777776929690745078;0.038541666666666668517038374375;0.073263888888888892281237019688;0.076041666666666660190365689687;0.042708333333333334258519187188
-0.009166666666666666712925959359;0.154999999999999998889776975375;0.143749999999999988897769753748;0.115000000000000004996003610813;0.035833333333333335091186455656;0.067500000000000004440892098501;0.027916666666666666019036568969;0.010416666666666666088425508008;0.070416666666666669072149886688;0.088333333333333333148296162562;0.085416666666666668517038374375;0.191250000000000003330669073875
-0.047463768115942030212384139531;0.082608695652173907975068800624;0.118115942028985509981708901250;0.143840579710144939040716849377;0.063768115942028982812139759062;0.061594202898550727554027872657;0.029710144927536232678511041172;0.044927536231884057649210717500;0.140579710144927538806314260000;0.086594202898550728941806653438;0.076811594202898555994174500938;0.103985507246376812640065168125
-0.057344632768361582242366836226;0.062146892655367234892249683753;0.101412429378531079859904195928;0.069774011299435029220816772977;0.086440677966101692186740024226;0.081073446327683609813341547579;0.016384180790960451573612388643;0.043220338983050846093370012113;0.152824858757062143066463022478;0.097457627118644071795294792082;0.076836158192090400764762136987;0.155084745762711861960525538962
-0.045833333333333330095182844843;0.075277777777777776790912867000;0.083333333333333328707404064062;0.046944444444444441422170655187;0.090833333333333335368742211813;0.140000000000000013322676295502;0.018055555555555553859381490156;0.031111111111111110216764785719;0.144999999999999990007992778374;0.078888888888888883399452822687;0.088611111111111112714766591125;0.156111111111111117155658689626
-0.018749999999999999306110609609;0.089285714285714287696826829688;0.052380952380952382207990325469;0.316071428571428558740308289998;0.036904761904761905488836504219;0.123511904761904767191538212501;0.023809523809523808202115446875;0.007142857142857142634106981660;0.061904761904761906876615285000;0.076190476190476197348999676251;0.107142857142857136909519510937;0.086904761904761901325500161875
-0.010277777777777778039913769703;0.057222222222222222931531376844;0.062777777777777779566470428563;0.453888888888888897277240630501;0.045833333333333330095182844843;0.059722222222222225151977426094;0.011111111111111111535154627461;0.006666666666666667094565124074;0.042222222222222223486642889156;0.080000000000000001665334536938;0.063333333333333338699411285688;0.106944444444444439201724605937
-0.016111111111111110771876298031;0.073333333333333333703407674875;0.085555555555555551361379684749;0.329166666666666662965923251249;0.034722222222222223764198645313;0.060555555555555556912494807875;0.017500000000000001665334536938;0.014444444444444443781394582516;0.061666666666666668239482618219;0.073333333333333333703407674875;0.069166666666666667961926862063;0.164444444444444448638620315251
-0.022316384180790960201079542458;0.041525423728813556922823124751;0.050564971751412432499073190684;0.554519774011299482197046017973;0.016384180790960451573612388643;0.044632768361581920402159084915;0.011016949152542372669660863949;0.024576271186440679095142058941;0.048305084745762713605010674200;0.081355932203389824675099362139;0.069491525423728814359058958416;0.035310734463276836903045108329
-0.083333333333333328707404064062;0.035947712418300650782931882077;0.045424836601307187755605099255;0.475490196078431348603032802203;0.042483660130718955971751427114;0.043790849673202611458400212996;0.005882352941176470506601248189;0.004575163398692810683143772366;0.060130718954248367491555171682;0.092156862745098044875646792207;0.073202614379084970930300357850;0.037581699346405227080136768336
-0.069722222222222227094867719188;0.031666666666666669349705642844;0.059444444444444445585506997531;0.448055555555555540259149438498;0.048055555555555552749158465531;0.036944444444444446418174266000;0.036388888888888887285233408875;0.031111111111111110216764785719;0.064722222222222222653975620688;0.073333333333333333703407674875;0.074999999999999997224442438437;0.025555555555555557051272685953
-0.026111111111111112714766591125;0.059999999999999997779553950750;0.088055555555555553581825734000;0.298611111111111104943205418749;0.058055555555555554692048758625;0.072222222222222215437525960624;0.026944444444444444475283972906;0.021111111111111111743321444578;0.093055555555555558022717832500;0.085000000000000006106226635438;0.073055555555555554136937246312;0.097777777777777782897139502438
-0.056363636363636365755880319739;0.065757575757575750796668501152;0.101818181818181821562951938631;0.100606060606060601636535523085;0.107878787878787879561670592921;0.053333333333333336756520992594;0.021515151515151514916013297807;0.038484848484848482863540652943;0.143636363636363645346349926513;0.120303030303030300540712005386;0.068181818181818176771713524431;0.122121212121212116552548820891
-0.078869047619047616404230893750;0.041071428571428571230317317031;0.078571428571428569842538536250;0.221428571428571419055231217499;0.114285714285714282145711706562;0.039880952380952378044653983125;0.022321428571428571924206707422;0.021428571428571428769682682969;0.145833333333333342585191871876;0.077976190476190476719153821250;0.056250000000000001387778780781;0.102083333333333331482961625625
-0.031944444444444441977282167500;0.021666666666666667406815349750;0.074166666666666672402818960563;0.486666666666666691831721891504;0.047222222222222220988641083750;0.042777777777777775680689842375;0.023888888888888890060790970438;0.033611111111111112437210834969;0.070555555555555551916491197062;0.056666666666666663798590519718;0.047777777777777780121581940875;0.063055555555555559132940857126
-0.047569444444444441977282167500;0.054861111111111110494320541875;0.105208333333333334258519187188;0.262152777777777790113589162502;0.037499999999999998612221219219;0.061805555555555558022717832500;0.034375000000000002775557561563;0.043749999999999997224442438437;0.093402777777777779011358916250;0.087152777777777773460243793124;0.074999999999999997224442438437;0.097222222222222223764198645313
-0.042500000000000003053113317719;0.071666666666666670182372911313;0.134166666666666656304585103499;0.218888888888888882844341310374;0.034444444444444444197728216750;0.041388888888888891726125507375;0.033888888888888892003681263532;0.048333333333333332315628894094;0.099166666666666666851703837438;0.101944444444444448638620315251;0.071944444444444449748843339876;0.101666666666666669072149886688
-0.025438596491228069457202209946;0.035087719298245612087328026973;0.038304093567251465413114885905;0.590350877192982403940391122887;0.030409356725146198530129737492;0.045906432748538013310923844301;0.016666666666666666435370203203;0.008187134502923977194543958547;0.076023391812865492855877391776;0.048245614035087716620076037088;0.053216374269005849162450516587;0.032163742690058477746717358059
-0.026136363636363634660453314495;0.049242424242424240321547301846;0.061363636363636363257878514332;0.323106060606060618844992404775;0.079166666666666662965923251249;0.042803030303030301095823517699;0.032575757575757577355624050597;0.032575757575757577355624050597;0.122348484848484845288751898806;0.050757575757575758290673917372;0.049621212121212121548552431705;0.130303030303030309422496202387
-0.033611111111111112437210834969;0.040833333333333332593184650250;0.060277777777777777346024379312;0.450555555555555542479595487748;0.035833333333333335091186455656;0.053888888888888888950567945813;0.018888888888888889089345823891;0.023888888888888890060790970438;0.076944444444444440311947630562;0.065833333333333327042069527124;0.062777777777777779566470428563;0.076666666666666660745477201999
-0.027651515151515152629579930021;0.109469696969696966837304330511;0.083712121212121209934409193920;0.251515151515151524908020519433;0.043560606060606063549833777415;0.087499999999999994448884876874;0.035984848484848487581988507600;0.015151515151515151935690539631;0.089015151515151519356905396307;0.061742424242424244484883644191;0.074999999999999997224442438437;0.119696969696969690577503797613
-0.088793103448275859101990192812;0.031034482758620689224482447344;0.122126436781609198911624503125;0.121264367816091955809554292500;0.049712643678160917115604888750;0.041091954022988506911584494219;0.007758620689655172306120611836;0.104310344827586207183678368438;0.119827586206896555265366544063;0.159195402298850569033916713124;0.069252873563218395047691444688;0.085632183908045972353662023124
-0.071666666666666670182372911313;0.041111111111111112159655078813;0.076111111111111115490324152688;0.337500000000000022204460492503;0.020277777777777776513357110844;0.052499999999999998057109706906;0.014722222222222221613141535101;0.055000000000000000277555756156;0.071111111111111111049432054187;0.111111111111111104943205418749;0.064722222222222222653975620688;0.084166666666666667406815349750
-0.007309941520467835851526672286;0.133625730994152036590350007828;0.093567251461988298899541405262;0.071637426900584791344961388404;0.062280701754385964230564809441;0.116081871345029244424473802155;0.033333333333333332870740406406;0.010526315789473683973143103287;0.089181286549707597388625401891;0.099122807017543862473374360889;0.119298245614035083872472853272;0.164035087719298255937161457041
-0.031388888888888889783235214281;0.153333333333333321490954403998;0.072499999999999995003996389187;0.085833333333333330927850113312;0.063888888888888883954564334999;0.113611111111111107163651467999;0.046388888888888889228123701969;0.023333333333333334397297065266;0.061388888888888888673012189656;0.089999999999999996669330926125;0.127500000000000002220446049250;0.130833333333333329262515576374
-0.022327044025157231216249797967;0.145597484276729555174867414280;0.041194968553459117288628732467;0.000000000000000000000000000000;0.067610062893081759871627411940;0.186792452830188665524602242840;0.036163522012578615261180203788;0.028930817610062893596722943812;0.073584905660377356029222539746;0.039937106918238991781766600297;0.108490566037735852722434515272;0.249371069182389937246568933915
-0.018553459119496854695663401458;0.111006289308176103736158779611;0.068553459119496854001774011067;0.003144654088050314634517068413;0.115094339622641511633460709163;0.122012578616352201921202436097;0.020440251572327042955956599712;0.011320754716981131296482665505;0.129245283018867923585659696073;0.044654088050314462432499595934;0.072641509433962261899075940619;0.283333333333333325931846502499
-0.065000000000000002220446049250;0.074166666666666672402818960563;0.144444444444444430875051921248;0.047777777777777780121581940875;0.035277777777777775958245598531;0.056388888888888891171013995063;0.033888888888888892003681263532;0.070277777777777772350020768499;0.097222222222222223764198645313;0.123333333333333336478965236438;0.097777777777777782897139502438;0.154444444444444439756836118249
-0.016666666666666666435370203203;0.087499999999999994448884876874;0.138333333333333335923853724125;0.200000000000000011102230246252;0.041111111111111112159655078813;0.044166666666666666574148081281;0.059999999999999997779553950750;0.043888888888888887007677652718;0.078611111111111117710770201938;0.064722222222222222653975620688;0.078333333333333338144299773376;0.146666666666666667406815349750
-0.028947368421052631359824403035;0.021052631578947367946286206575;0.045614035087719301264641558191;0.594736842105263119329094934074;0.029239766081871343406106689145;0.034210526315789475948481168643;0.013742690058479532094759534289;0.021052631578947367946286206575;0.053801169590643273255015088807;0.061111111111111109106541761093;0.047953216374269004573793750978;0.048538011695906435605252227106
-0.022701149425287357741520821719;0.058908045977011491700636725000;0.072988505747126439238137152188;0.409482758620689668571657193752;0.043678160919540229278901222187;0.064655172413793107755175526563;0.020977011494252875006827352422;0.022701149425287357741520821719;0.060919540229885056625835915156;0.090517241379310345306130614063;0.082758620689655171265286526250;0.049712643678160917115604888750
-0.011864406779661017254934307630;0.061864406779661020030491869193;0.058192090395480226827640279907;0.395197740112994355676789837162;0.048870056497175143328526303321;0.058757062146892656551155909028;0.019209039548022600191190534247;0.012711864406779661840207751311;0.060451977401129945721702796391;0.114689265536723164484733672452;0.116666666666666668517038374375;0.041525423728813556922823124751
-0.028525641025641024911552179333;0.016025641025641024217662788942;0.036858974358974359863960756911;0.656410256410256409687065115577;0.018589743589743589619045494032;0.026282051282051282353746657350;0.013782051282051281659857266959;0.014102564102564102768710974090;0.036538461538461540489830525757;0.067948717948717943238001737427;0.068910256410256415238180238703;0.016025641025641024217662788942
-0.043678160919540229278901222187;0.046551724137931037306170622969;0.068390804597701151945621234063;0.377011494252873557986305286249;0.041666666666666664353702032031;0.061494252873563221006847356875;0.025000000000000001387778780781;0.034195402298850575972810617031;0.071264367816091953033996730937;0.093678160919540232054458783750;0.081896551724137928163216315625;0.055172413793103447510191017500
-0.013276836158192089828999904455;0.073728813559322037285426176823;0.085593220338983047601466580545;0.374293785310734483662287175321;0.024858757062146893956899873501;0.054237288135593218763030876062;0.016666666666666666435370203203;0.020338983050847456168774840535;0.059039548022598871412913723589;0.081073446327683609813341547579;0.086158192090395477324982209666;0.110734463276836156420124268607
-0.025555555555555557051272685953;0.103055555555555553026714221687;0.141388888888888897277240630501;0.004722222222222222272336455973;0.040277777777777780399137697032;0.081666666666666665186369300500;0.016944444444444446001840631766;0.017222222222222222098864108375;0.131388888888888888395456433500;0.118888888888888891171013995063;0.118055555555555552471602709375;0.200833333333333335923853724125
-0.031321839080459767945541216250;0.045114942528735629823088970625;0.063793103448275864653105315938;0.290229885057471270748408187501;0.035919540229885055238057134375;0.058908045977011491700636725000;0.009770114942528735496596326016;0.034482758620689654693869385937;0.124137931034482756897929789375;0.111781609195402295564569783437;0.080747126436781613278981240001;0.113793103448275867428662877501
-0.030555555555555554553270880547;0.026851851851851852442942814037;0.050617283950617285304129921997;0.562345679012345667224792578054;0.022222222222222223070309254922;0.040432098765432099296557311163;0.011111111111111111535154627461;0.039506172839506172034251818559;0.058641975308641972053358415451;0.065432098765432100684336091945;0.054938271604938269943030348941;0.037345679012345679714801605087
-0.028888888888888887562789165031;0.020555555555555556079827539406;0.044722222222222218768195034500;0.571666666666666656304585103499;0.021666666666666667406815349750;0.048055555555555552749158465531;0.016944444444444446001840631766;0.035277777777777775958245598531;0.048055555555555552749158465531;0.073333333333333333703407674875;0.049444444444444443642616704437;0.041388888888888891726125507375
-0.016666666666666666435370203203;0.076415094339622638419662337128;0.073899371069182387405938072789;0.401572327044025179088038157715;0.026100628930817611206283146430;0.067610062893081759871627411940;0.021383647798742137086103198840;0.014465408805031446798361471906;0.057547169811320755816730354582;0.072955974842767293275791473661;0.096855345911949691783959792701;0.074528301886792450159369138873
-0.014880952380952380126322154297;0.119345238095238101450057399688;0.097023809523809526056403740313;0.154464285714285720629845855001;0.044940476190476190410105772344;0.069642857142857145236192195625;0.022023809523809525362514349922;0.012797619047619047255581747891;0.095535714285714279370154144999;0.086904761904761901325500161875;0.092261904761904767191538212501;0.190178571428571419055231217499
-0.026111111111111112714766591125;0.030555555555555554553270880547;0.058888888888888886452566140406;0.530277777777777736822883980494;0.020000000000000000416333634234;0.045555555555555557467606320188;0.013333333333333334189130248149;0.023333333333333334397297065266;0.054722222222222220711085327594;0.082777777777777783452251014751;0.074999999999999997224442438437;0.039444444444444441699726411343
-0.029629629629629630760412339896;0.029259259259259259161600752464;0.051851851851851850361274642864;0.571111111111111124927219862002;0.021481481481481479872686080057;0.035185185185185187395351391615;0.015185185185185185244294281404;0.020740740740740740144509857146;0.057407407407407406996213694583;0.070370370370370374790702783230;0.061851851851851852304164935958;0.035925925925925923654080662573
-0.024722222222222221821308352219;0.028611111111111111465765688422;0.055000000000000000277555756156;0.599444444444444446418174266000;0.015555555555555555108382392859;0.026944444444444444475283972906;0.013055555555555556357383295563;0.023888888888888890060790970438;0.045833333333333330095182844843;0.073888888888888892836348532001;0.062500000000000000000000000000;0.030555555555555554553270880547
-0.019491525423728815052948348807;0.035028248587570622041287293769;0.103107344632768355152663275476;0.485875706214689284667684887609;0.021186440677966100754048284216;0.022316384180790960201079542458;0.037288135593220340935349810252;0.034745762711864407179529479208;0.062711864406779657676871408967;0.054519774011299433624788690622;0.053389830508474574177757432381;0.070338983050847458944332402098
-0.021264367816091953727886121328;0.073563218390804596680254690000;0.137356321839080447455572198123;0.216666666666666674068153497501;0.026149425287356323210907760313;0.061494252873563221006847356875;0.077586206896551726530653070313;0.070402298850574709931926520312;0.068678160919540223727786099062;0.067528735632183908843551023438;0.095402298850574718258599205001;0.083908045977011500027309409688
-0.022012578616352199839534264925;0.042767295597484274172206397679;0.050943396226415096905704160690;0.538364779874213827959295031178;0.019811320754716980202525533628;0.056918238993710693063299288497;0.013207547169811321291499339736;0.018553459119496854695663401458;0.048742138364779877268695429393;0.090566037735849050371861324038;0.073270440251572324652507006704;0.024842767295597485699421014260
-0.009756097560975609747635495239;0.034552845528455285173397015797;0.043902439024390241262274514611;0.583739837398373984100885536463;0.019918699186991871419305510926;0.050813008130081299684732698552;0.015040650406504065678126025318;0.006910569105691056687734707964;0.051626016260162603532801739448;0.074796747967479676466595606144;0.084146341463414639494367008865;0.024796747967479673691038044581
-0.080116959064327489259405012945;0.080994152046783632337145775182;0.066666666666666665741480812812;0.208479532163742681261098255163;0.036842105263157891303915647541;0.097660818713450295303069026431;0.030994152046783626092141261665;0.060818713450292397060259474983;0.074269005847953220578183675116;0.107894736842105265495206367632;0.098538011695906438380809788669;0.056725146198830407595625757722
-0.017777777777777777762358013547;0.042500000000000003053113317719;0.042222222222222223486642889156;0.513611111111111129368111960503;0.021111111111111111743321444578;0.080833333333333326486958014812;0.015277777777777777276635440273;0.013333333333333334189130248149;0.046388888888888889228123701969;0.077222222222222219878418059125;0.100555555555555550806268172437;0.029166666666666667129259593594
diff --git a/Code/FeatExtraction/Results-FeatExtr/2016_03_18-Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_50-Maxiter_100.csv b/Code/FeatExtraction/Results-FeatExtr/2016_03_18-Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_50-Maxiter_100.csv
deleted file mode 100644
index 61bf85d7..00000000
--- a/Code/FeatExtraction/Results-FeatExtr/2016_03_18-Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_50-Maxiter_100.csv
+++ /dev/null
@@ -1,9144 +0,0 @@
-0.009615384615384615918376454147;0.001602564102564102508502452693;0.061858974358974361251739537693;0.174999999999999988897769753748;0.001923076923076923183675290829;0.002243589743589743425167259971;0.022756410256410255360526306845;0.032692307692307694122479944099;0.000961538461538461591837645415;0.045833333333333330095182844843;0.009294871794871794809522747016;0.001923076923076923183675290829;0.001282051282051282050170049054;0.037499999999999998612221219219;0.020512820512820512802720784862;0.007692307692307692734701163317;0.003846153846153846367350581659;0.007371794871794871625847456187;0.004807692307692307959188227073;0.003205128205128205017004905386;0.010576923076923077510214099561;0.000641025641025641025085024527;0.004166666666666666608842550801;0.080769230769230773714362214832;0.005128205128205128200680196215;0.036538461538461540489830525757;0.044551282051282052598661920229;0.001602564102564102508502452693;0.010576923076923077510214099561;0.000641025641025641025085024527;0.000320512820512820512542512263;0.032371794871794874748349712945;0.002243589743589743425167259971;0.033012820512820513496610175252;0.008012820512820512108831394471;0.037820512820512817986351450372;0.004807692307692307959188227073;0.003846153846153846367350581659;0.000000000000000000000000000000;0.005448717948717948442172165358;0.012500000000000000693889390391;0.000000000000000000000000000000;0.000000000000000000000000000000;0.063782051282051277496520924615;0.005128205128205128200680196215;0.044871794871794871972792151382;0.062500000000000000000000000000;0.010256410256410256401360392431;0.011858974358974358476181976130;0.014102564102564102768710974090
-0.003900709219858156020371842132;0.010992907801418439969753926277;0.045035460992907803967622015762;0.162765957446808523512160604696;0.008865248226950355261988256927;0.001418439716312056833244503729;0.007446808510638298211903318702;0.035815602836879435744155131260;0.002482269503546099403967772901;0.047163120567375885205940733158;0.009219858156028368223466884501;0.000354609929078014208311125932;0.003900709219858156020371842132;0.046808510638297870509738629607;0.035106382978723406351750924159;0.006737588652482269686860849589;0.005319148936170212636775911363;0.012056737588652482323636760952;0.007092198581560283515701215151;0.002127659574468085141446538344;0.013829787234042552335200326752;0.001418439716312056833244503729;0.008156028368794325869584049826;0.062765957446808504083257673756;0.003900709219858156020371842132;0.042198581560283686398005187357;0.052482269503546098710078382510;0.006737588652482269686860849589;0.002836879432624113666489007457;0.007801418439716312040743684264;0.000354609929078014208311125932;0.029787234042553192847613274807;0.006382978723404254990658746038;0.023758865248226949951071418354;0.019858156028368795231742183205;0.035106382978723406351750924159;0.008156028368794325869584049826;0.002127659574468085141446538344;0.000000000000000000000000000000;0.008510638297872340565786153377;0.010638297872340425273551822727;0.001418439716312056833244503729;0.000000000000000000000000000000;0.045390070921985818663824119312;0.015957446808510637042965996102;0.024822695035460994039677729006;0.053546099290780142798684693162;0.018439716312056736446933769002;0.020921985815602835850901541903;0.018085106382978721750731665452
-0.003508771929824561468941324094;0.002631578947368420993285775822;0.044444444444444446140618509844;0.130409356725146197142350956710;0.000000000000000000000000000000;0.000584795321637426911490220682;0.008187134502923977194543958547;0.025730994152046784972931448010;0.000584795321637426911490220682;0.058771929824561405797389568306;0.006432748538011696243232862003;0.000000000000000000000000000000;0.003508771929824561468941324094;0.042982456140350878970313175387;0.015497076023391813046070630833;0.004093567251461988597271979273;0.008771929824561403021832006743;0.007894736842105263413538196460;0.002339181286549707645960882729;0.004678362573099415291921765458;0.010526315789473683973143103287;0.002046783625730994298635989637;0.010233918128654970192137341201;0.105555555555555555247160270937;0.006140350877192982462227099916;0.038304093567251465413114885905;0.029532163742690058921835927208;0.002631578947368420993285775822;0.016959064327485378481652489313;0.000000000000000000000000000000;0.000000000000000000000000000000;0.055263157894736840425320423265;0.003508771929824561468941324094;0.017251461988304093997381727377;0.017836257309941521559393251550;0.057309941520467838627084233849;0.014327485380116959656771058462;0.002923976608187134340610668914;0.000000000000000000000000000000;0.009941520467836258145855055091;0.010526315789473683973143103287;0.002631578947368420993285775822;0.000000000000000000000000000000;0.063157894736842107308305571678;0.001461988304093567170305334457;0.045906432748538013310923844301;0.050584795321637426868122133783;0.017251461988304093997381727377;0.023391812865497074724885351316;0.013742690058479532094759534289
-0.014999999999999999444888487687;0.005000000000000000104083408559;0.086666666666666669627261399000;0.147916666666666668517038374375;0.000416666666666666693410320255;0.000000000000000000000000000000;0.012916666666666666574148081281;0.028750000000000001249000902703;0.007083333333333332974823814965;0.051666666666666666296592325125;0.010416666666666666088425508008;0.000416666666666666693410320255;0.001250000000000000026020852140;0.037916666666666667961926862063;0.018749999999999999306110609609;0.010833333333333333703407674875;0.013333333333333334189130248149;0.017916666666666667545593227828;0.007083333333333332974823814965;0.012083333333333333078907223523;0.014583333333333333564629796797;0.013750000000000000069388939039;0.006250000000000000346944695195;0.067500000000000004440892098501;0.005833333333333333599324266316;0.034583333333333333980963431031;0.027083333333333334258519187188;0.002083333333333333304421275400;0.008333333333333333217685101602;0.002500000000000000052041704279;0.000000000000000000000000000000;0.033333333333333332870740406406;0.001250000000000000026020852140;0.014999999999999999444888487687;0.008333333333333333217685101602;0.052499999999999998057109706906;0.008750000000000000832667268469;0.005833333333333333599324266316;0.000000000000000000000000000000;0.023333333333333334397297065266;0.005833333333333333599324266316;0.000833333333333333386820640509;0.000000000000000000000000000000;0.044999999999999998334665463062;0.002916666666666666799662133158;0.040000000000000000832667268469;0.047916666666666669904817155157;0.017500000000000001665334536938;0.013333333333333334189130248149;0.010416666666666666088425508008
-0.017777777777777777762358013547;0.007037037037037036958653235530;0.042222222222222223486642889156;0.247777777777777791223812187127;0.008888888888888888881179006773;0.008148148148148147418279307885;0.009259259259259258745267118229;0.021111111111111111743321444578;0.003333333333333333547282562037;0.018888888888888889089345823891;0.010370370370370370072254928573;0.002962962962962962815832712593;0.012962962962962962590318660716;0.028888888888888887562789165031;0.019629629629629628817522046802;0.005925925925925925631665425186;0.005185185185185185036127464286;0.015185185185185185244294281404;0.015185185185185185244294281404;0.006666666666666667094565124074;0.022962962962962962798485477833;0.008518518518518519017090895318;0.027407407407407408106436719208;0.042222222222222223486642889156;0.014814814814814815380206169948;0.020740740740740740144509857146;0.029259259259259259161600752464;0.004074074074074073709139653943;0.005555555555555555767577313730;0.008888888888888888881179006773;0.001481481481481481407916356297;0.014074074074074073917306471060;0.010740740740740739936343040029;0.009629629629629630344078705662;0.028148148148148147834612942120;0.033703703703703701000105041885;0.007407407407407407690103084974;0.006666666666666667094565124074;0.000740740740740740703958178148;0.047777777777777780121581940875;0.005555555555555555767577313730;0.001111111111111111110147375847;0.000000000000000000000000000000;0.027777777777777776235801354687;0.011481481481481481399242738917;0.014444444444444443781394582516;0.030370370370370370488588562807;0.013703703703703704053218359604;0.035925925925925923654080662573;0.007407407407407407690103084974
-0.006790123456790123426807248563;0.000925925925925925961262885622;0.039197530864197534239412590296;0.127777777777777767909128669999;0.000000000000000000000000000000;0.000617283950617283938035184665;0.008641975308641974481971281818;0.031481481481481478346129421197;0.000925925925925925961262885622;0.045061728395061728669190870278;0.007098765432098765558455166769;0.000000000000000000000000000000;0.004320987654320987240985640909;0.045987654320987655931496362882;0.013888888888888888117900677344;0.007407407407407407690103084974;0.003086419753086419581755706076;0.009259259259259258745267118229;0.004320987654320987240985640909;0.005246913580246913635929395525;0.009259259259259258745267118229;0.000925925925925925961262885622;0.012962962962962962590318660716;0.086419753086419748289159770138;0.005555555555555555767577313730;0.045370370370370373402924002448;0.047839506172839503517213444184;0.000000000000000000000000000000;0.031481481481481478346129421197;0.000308641975308641969017592332;0.000000000000000000000000000000;0.066049382716049376274014548471;0.003703703703703703845051542487;0.027777777777777776235801354687;0.018518518518518517490534236458;0.041666666666666664353702032031;0.009567901234567901744276774423;0.001234567901234567876070369330;0.000000000000000000000000000000;0.013888888888888888117900677344;0.010493827160493827271858791050;0.000617283950617283938035184665;0.000000000000000000000000000000;0.053395061728395060152152495903;0.002469135802469135752140738660;0.032716049382716050342168045972;0.043209876543209874144579885069;0.016358024691358025171084022986;0.035802469135802469923923752049;0.020370370370370372015145221667
-0.002222222222222222220294751693;0.001851851851851851922525771243;0.082962962962962960578039428583;0.154074074074074085505259290585;0.000000000000000000000000000000;0.000740740740740740703958178148;0.007037037037037036958653235530;0.022962962962962962798485477833;0.001851851851851851922525771243;0.042222222222222223486642889156;0.003703703703703703845051542487;0.000000000000000000000000000000;0.002962962962962962815832712593;0.050740740740740739034286832521;0.020000000000000000416333634234;0.003333333333333333547282562037;0.005925925925925925631665425186;0.013703703703703704053218359604;0.004814814814814815172039352831;0.015185185185185185244294281404;0.011111111111111111535154627461;0.011851851851851851263330850372;0.028148148148148147834612942120;0.058148148148148150193836869448;0.002592592592592592518063732143;0.034074074074074076068363581271;0.040000000000000000832667268469;0.000000000000000000000000000000;0.014444444444444443781394582516;0.000000000000000000000000000000;0.000000000000000000000000000000;0.031851851851851853414387960584;0.002962962962962962815832712593;0.028888888888888887562789165031;0.021851851851851851471497667490;0.047037037037037036923958766010;0.009259259259259258745267118229;0.001481481481481481407916356297;0.000000000000000000000000000000;0.062222222222222220433529571437;0.008518518518518519017090895318;0.000370370370370370351979089074;0.000000000000000000000000000000;0.027037037037037036507625131776;0.003333333333333333547282562037;0.018148148148148149361169600979;0.040740740740740744030290443334;0.016666666666666666435370203203;0.027777777777777776235801354687;0.015185185185185185244294281404
-0.006944444444444444058950338672;0.005555555555555555767577313730;0.040625000000000001387778780781;0.187847222222222220988641083750;0.001041666666666666652210637700;0.001736111111111111014737584668;0.026736111111111109800431151484;0.054166666666666668517038374375;0.001736111111111111014737584668;0.043749999999999997224442438437;0.011111111111111111535154627461;0.000000000000000000000000000000;0.001388888888888888941894328433;0.031250000000000000000000000000;0.047569444444444441977282167500;0.012500000000000000693889390391;0.007291666666666666782314898398;0.009027777777777776929690745078;0.006944444444444444058950338672;0.000000000000000000000000000000;0.022916666666666665047591422422;0.002777777777777777883788656865;0.001041666666666666652210637700;0.060069444444444446140618509844;0.006250000000000000346944695195;0.039583333333333331482961625625;0.043055555555555555247160270937;0.000694444444444444470947164216;0.009027777777777776929690745078;0.002083333333333333304421275400;0.000000000000000000000000000000;0.031597222222222220988641083750;0.001388888888888888941894328433;0.027777777777777776235801354687;0.002430555555555555594104966133;0.035069444444444444752839729063;0.004513888888888888464845372539;0.002083333333333333304421275400;0.000000000000000000000000000000;0.000694444444444444470947164216;0.025694444444444443365060948281;0.001041666666666666652210637700;0.000000000000000000000000000000;0.045138888888888888117900677344;0.011458333333333332523795711211;0.050694444444444444752839729063;0.041666666666666664353702032031;0.007638888888888888638317720137;0.006944444444444444058950338672;0.019444444444444444752839729063
-0.009920634920634920084214769531;0.001587301587301587300210536924;0.046428571428571430157461463750;0.155952380952380953438307642500;0.000000000000000000000000000000;0.001587301587301587300210536924;0.019047619047619049337249919063;0.032142857142857139685077072500;0.000793650793650793650105268462;0.062301587301587302292205095000;0.007142857142857142634106981660;0.000396825396825396825052634231;0.000793650793650793650105268462;0.053571428571428568454759755468;0.010317460317460317234528055508;0.007142857142857142634106981660;0.005158730158730158617264027754;0.003174603174603174600421073848;0.002380952380952381167156239883;0.004365079365079365183999193789;0.011904761904761904101057723437;0.000000000000000000000000000000;0.002380952380952381167156239883;0.102777777777777773460243793124;0.004761904761904762334312479766;0.050396825396825398191147371563;0.039285714285714284921269268125;0.000793650793650793650105268462;0.014285714285714285268213963320;0.000793650793650793650105268462;0.000000000000000000000000000000;0.034126984126984123701920026406;0.001587301587301587300210536924;0.028571428571428570536427926640;0.010317460317460317234528055508;0.045238095238095236971798129844;0.006349206349206349200842147695;0.003174603174603174600421073848;0.000000000000000000000000000000;0.006746031746031746351155433672;0.006349206349206349200842147695;0.000000000000000000000000000000;0.000000000000000000000000000000;0.061904761904761906876615285000;0.001984126984126984016842953906;0.041666666666666664353702032031;0.049206349206349205005484037656;0.020238095238095239053466301016;0.015476190476190476719153821250;0.015476190476190476719153821250
-0.007407407407407407690103084974;0.000740740740740740703958178148;0.054444444444444441144614899031;0.149999999999999994448884876874;0.000000000000000000000000000000;0.000370370370370370351979089074;0.008888888888888888881179006773;0.017037037037037038034181790636;0.003333333333333333547282562037;0.062222222222222220433529571437;0.004444444444444444440589503387;0.000370370370370370351979089074;0.004814814814814815172039352831;0.051851851851851850361274642864;0.015555555555555555108382392859;0.004444444444444444440589503387;0.012592592592592592726230549260;0.007777777777777777554191196430;0.002592592592592592518063732143;0.005555555555555555767577313730;0.005555555555555555767577313730;0.004444444444444444440589503387;0.007777777777777777554191196430;0.085185185185185183232015049271;0.005555555555555555767577313730;0.045555555555555557467606320188;0.033333333333333332870740406406;0.000370370370370370351979089074;0.014444444444444443781394582516;0.001111111111111111110147375847;0.000370370370370370351979089074;0.036296296296296298722339201959;0.002592592592592592518063732143;0.021481481481481479872686080057;0.018518518518518517490534236458;0.065555555555555561353386906376;0.010370370370370370072254928573;0.002592592592592592518063732143;0.000000000000000000000000000000;0.010000000000000000208166817117;0.006296296296296296363115274630;0.001111111111111111110147375847;0.000000000000000000000000000000;0.044074074074074071072359970458;0.002222222222222222220294751693;0.027777777777777776235801354687;0.065185185185185179346234463083;0.028518518518518519433424529552;0.019629629629629628817522046802;0.019629629629629628817522046802
-0.012356321839080459598636529961;0.007183908045977011394556122070;0.041091954022988506911584494219;0.125287356321839071782164864999;0.002011494252873563190475714180;0.004310344827586206836733673242;0.011781609195402298687072040195;0.027298850574712645034036739844;0.001436781609195402278911224414;0.041091954022988506911584494219;0.007758620689655172306120611836;0.000000000000000000000000000000;0.006034482758620689571427142539;0.043390804597701150557842453281;0.014080459770114942333329999258;0.002298850574712643646257959062;0.005172413793103448204080407891;0.009195402298850574585031836250;0.008333333333333333217685101602;0.005172413793103448204080407891;0.012068965517241379142854285078;0.002011494252873563190475714180;0.022988505747126436462579590625;0.081321839080459770721098777813;0.009482758620689655040814081133;0.036206896551724140898009807188;0.036781609195402298340127345000;0.001436781609195402278911224414;0.014942528735632183700676733906;0.001436781609195402278911224414;0.000574712643678160911564489766;0.031896551724137932326552657969;0.007471264367816091850338366953;0.021264367816091953727886121328;0.039942528735632185088455514688;0.034482758620689654693869385937;0.012068965517241379142854285078;0.001724137931034482734693469297;0.000000000000000000000000000000;0.016379310344827587714311434297;0.006034482758620689571427142539;0.001436781609195402278911224414;0.000000000000000000000000000000;0.063218390804597707210987778126;0.006321839080459770027209387422;0.045689655172413794204100412344;0.039080459770114941986385304062;0.022701149425287357741520821719;0.043103448275862071836783684375;0.012643678160919540054418774844
-0.005555555555555555767577313730;0.002222222222222222220294751693;0.050740740740740739034286832521;0.251111111111111118265881714251;0.011851851851851851263330850372;0.001481481481481481407916356297;0.008148148148148147418279307885;0.030370370370370370488588562807;0.001481481481481481407916356297;0.050370370370370370904922197042;0.006296296296296296363115274630;0.000370370370370370351979089074;0.002962962962962962815832712593;0.037037037037037034981068472916;0.026666666666666668378260496297;0.007037037037037036958653235530;0.007037037037037036958653235530;0.010370370370370370072254928573;0.003333333333333333547282562037;0.004074074074074073709139653943;0.017407407407407406163546426114;0.003333333333333333547282562037;0.002592592592592592518063732143;0.065555555555555561353386906376;0.005925925925925925631665425186;0.039629629629629632703302632990;0.030370370370370370488588562807;0.001111111111111111110147375847;0.011111111111111111535154627461;0.000740740740740740703958178148;0.000370370370370370351979089074;0.047037037037037036923958766010;0.002222222222222222220294751693;0.019259259259259260688157411323;0.010370370370370370072254928573;0.049259259259259259577934386698;0.007407407407407407690103084974;0.003333333333333333547282562037;0.000000000000000000000000000000;0.003703703703703703845051542487;0.012222222222222222862142437805;0.000740740740740740703958178148;0.000000000000000000000000000000;0.030740740740740742087400150240;0.009259259259259258745267118229;0.018148148148148149361169600979;0.044444444444444446140618509844;0.018888888888888889089345823891;0.012222222222222222862142437805;0.014074074074074073917306471060
-0.009629629629629630344078705662;0.015555555555555555108382392859;0.035925925925925923654080662573;0.119629629629629627429743266021;0.002222222222222222220294751693;0.003333333333333333547282562037;0.019629629629629628817522046802;0.042592592592592591616007524635;0.009259259259259258745267118229;0.041481481481481480289019714291;0.007777777777777777554191196430;0.001111111111111111110147375847;0.002222222222222222220294751693;0.034444444444444444197728216750;0.031851851851851853414387960584;0.008148148148148147418279307885;0.019629629629629628817522046802;0.028888888888888887562789165031;0.014814814814814815380206169948;0.002962962962962962815832712593;0.022222222222222223070309254922;0.004074074074074073709139653943;0.008518518518518519017090895318;0.075555555555555556357383295563;0.005555555555555555767577313730;0.039259259259259257635044093604;0.033333333333333332870740406406;0.006296296296296296363115274630;0.017037037037037038034181790636;0.003333333333333333547282562037;0.000370370370370370351979089074;0.047777777777777780121581940875;0.005185185185185185036127464286;0.014074074074074073917306471060;0.004814814814814815172039352831;0.048888888888888891448569751219;0.010000000000000000208166817117;0.004074074074074073709139653943;0.000370370370370370351979089074;0.004074074074074073709139653943;0.018148148148148149361169600979;0.006296296296296296363115274630;0.000000000000000000000000000000;0.039629629629629632703302632990;0.007777777777777777554191196430;0.044444444444444446140618509844;0.037407407407407410049327012302;0.012962962962962962590318660716;0.012222222222222222862142437805;0.015185185185185185244294281404
-0.012681159420289855876973206250;0.011594202898550724778470311094;0.032971014492753622504572774687;0.141666666666666662965923251249;0.003623188405797101493271972217;0.000724637681159420298654394443;0.017028985507246376801537834922;0.025362318840579711753946412500;0.004710144927536232158093998379;0.033695652173913043236908038125;0.008333333333333333217685101602;0.000000000000000000000000000000;0.009420289855072464316187996758;0.034057971014492753603075669844;0.025362318840579711753946412500;0.006159420289855072755402787266;0.011231884057971014412302679375;0.025000000000000001387778780781;0.011594202898550724778470311094;0.006159420289855072755402787266;0.015217391304347826705423152305;0.005434782608695652023067523828;0.029710144927536232678511041172;0.055434782608695651329178133437;0.006521739130434782254208680996;0.031884057971014491406069879531;0.039855072463768112522863873437;0.016666666666666666435370203203;0.009057971014492753950020365039;0.002173913043478260895963183330;0.000000000000000000000000000000;0.027173913043478260115337619141;0.006159420289855072755402787266;0.016304347826086956069202571484;0.064492753623188403544475022500;0.031521739130434781039902247812;0.013043478260869564508417361992;0.001811594202898550746635986108;0.001086956521739130447981591665;0.017028985507246376801537834922;0.007608695652173913352711576152;0.003623188405797101493271972217;0.000000000000000000000000000000;0.029710144927536232678511041172;0.009782608695652174682355628477;0.027173913043478260115337619141;0.028985507246376811946175777734;0.021014492753623187359934831875;0.047826086956521740578551771250;0.012318840579710145510805574531
-0.010069444444444445099784424258;0.004513888888888888464845372539;0.072569444444444450303954852188;0.176388888888888900607909704377;0.001388888888888888941894328433;0.001736111111111111014737584668;0.022569444444444444058950338672;0.036111111111111107718762980312;0.001736111111111111014737584668;0.038541666666666668517038374375;0.010763888888888888811790067734;0.000000000000000000000000000000;0.000694444444444444470947164216;0.044097222222222225151977426094;0.025347222222222222376419864531;0.023611111111111110494320541875;0.004166666666666666608842550801;0.012847222222222221682530474141;0.008333333333333333217685101602;0.001388888888888888941894328433;0.012500000000000000693889390391;0.002777777777777777883788656865;0.004861111111111111188209932266;0.064236111111111104943205418749;0.005555555555555555767577313730;0.055208333333333331482961625625;0.048611111111111111882099322656;0.002430555555555555594104966133;0.011805555555555555247160270937;0.001041666666666666652210637700;0.000347222222222222235473582108;0.028472222222222221682530474141;0.004861111111111111188209932266;0.020486111111111111188209932266;0.000694444444444444470947164216;0.029513888888888888117900677344;0.003472222222222222029475169336;0.005208333333333333044212754004;0.000347222222222222235473582108;0.002430555555555555594104966133;0.010069444444444445099784424258;0.000694444444444444470947164216;0.000000000000000000000000000000;0.047222222222222220988641083750;0.009722222222222222376419864531;0.033333333333333332870740406406;0.048958333333333332870740406406;0.010416666666666666088425508008;0.010416666666666666088425508008;0.027430555555555555247160270937
-0.009666666666666667157015169209;0.006333333333333333176051738178;0.042000000000000002609024107869;0.135666666666666657636852733049;0.003666666666666666598434209945;0.001333333333333333288808764117;0.010000000000000000208166817117;0.032333333333333331982561986706;0.002333333333333333526465880325;0.047333333333333331427450474393;0.006000000000000000124900090270;0.000333333333333333322202191029;0.002666666666666666577617528233;0.050999999999999996724842077356;0.022666666666666668294993769450;0.010666666666666666310470112933;0.007333333333333333196868419890;0.012333333333333333300951828448;0.008000000000000000166533453694;0.005666666666666667073748442363;0.015333333333333332496040135595;0.002333333333333333526465880325;0.008666666666666666268836749509;0.073999999999999996336264018737;0.007000000000000000145716771982;0.049666666666666664520235485725;0.042999999999999996558308623662;0.003000000000000000062450045135;0.009333333333333334105863521302;0.003333333333333333547282562037;0.000333333333333333322202191029;0.040000000000000000832667268469;0.005000000000000000104083408559;0.028333333333333331899295259859;0.012333333333333333300951828448;0.034000000000000002442490654175;0.008999999999999999319988397417;0.004333333333333333134418374755;0.000333333333333333322202191029;0.007666666666666666248020067798;0.014666666666666666393736839780;0.000333333333333333322202191029;0.000000000000000000000000000000;0.042666666666666665241880451731;0.010000000000000000208166817117;0.028000000000000000582867087928;0.058666666666666665574947359119;0.023666666666666665713725237197;0.021333333333333332620940225866;0.026333333333333333592385372413
-0.009433962264150943036189467250;0.011635220125786162673198198547;0.047169811320754720385117764181;0.129245283018867923585659696073;0.003773584905660377387948134498;0.004088050314465408764663667540;0.016666666666666666435370203203;0.037421383647798740768042335958;0.001572327044025157317258534206;0.034276729559748427000887005534;0.009433962264150943036189467250;0.000628930817610062861851283333;0.007547169811320754775896268995;0.031761006289308175987162741194;0.024842767295597485699421014260;0.006918238993710692022465202911;0.009433962264150943036189467250;0.027358490566037736713145278600;0.010377358490566037166336066377;0.010062893081761005789620533335;0.018238993710691823318947868415;0.006603773584905660645749669868;0.017295597484276729188801269288;0.060062893081761006830454618921;0.008176100628930817529327335080;0.037106918238993709391326802916;0.046540880503144650692792794189;0.003459119496855346011232601455;0.004088050314465408764663667540;0.002830188679245282824120666376;0.001572327044025157317258534206;0.027044025157232705336429745557;0.009119496855345911659473934208;0.024842767295597485699421014260;0.023899371069182391569274415133;0.051572327044025159659135226775;0.010691823899371068543051599420;0.004716981132075471518094733625;0.000314465408805031430925641667;0.026100628930817611206283146430;0.008805031446540880282758401165;0.000943396226415094346987033624;0.000000000000000000000000000000;0.033647798742138364247455939449;0.007547169811320754775896268995;0.035849056603773583884464670746;0.035849056603773583884464670746;0.017295597484276729188801269288;0.028616352201257862220007410770;0.013522012578616352668214872779
-0.006666666666666667094565124074;0.002121212121212121427121788386;0.052727272727272726793312784821;0.122121212121212116552548820891;0.000303030303030303030040193413;0.000303030303030303030040193413;0.012727272727272727695368992329;0.028484848484848484390097311802;0.000303030303030303030040193413;0.078787878787878781738918121391;0.005757575757575757353923240345;0.000000000000000000000000000000;0.000909090909090909090120580238;0.047575757575757576800512538284;0.012424242424242424448488364419;0.005151515151515151727523722514;0.004848484848484848480643094604;0.004242424242424242854243576772;0.004242424242424242854243576772;0.003030303030303030300401934127;0.008787878787878787220644305478;0.001212121212121212120160773651;0.002121212121212121427121788386;0.131212121212121224367308514047;0.003333333333333333547282562037;0.050303030303030300818267761542;0.028484848484848484390097311802;0.001212121212121212120160773651;0.013333333333333334189130248149;0.000606060606060606060080386825;0.000000000000000000000000000000;0.043333333333333334813630699500;0.000606060606060606060080386825;0.016969696969696971416974307090;0.005757575757575757353923240345;0.047575757575757576800512538284;0.007878787878787879214725897725;0.003636363636363636360482320953;0.000000000000000000000000000000;0.004545454545454545233762466694;0.010303030303030303455047445027;0.000000000000000000000000000000;0.000000000000000000000000000000;0.064242424242424239766435789534;0.003636363636363636360482320953;0.048787878787878789788035049924;0.063636363636363629803227581760;0.022121212121212121409774553626;0.006060606060606060600803868255;0.017575757575757574441288610956
-0.015359477124183005744550989391;0.001633986928104575213002713774;0.100980392156862747166101712537;0.135294117647058814712934804447;0.000326797385620915010074477580;0.003594771241830065165029362007;0.004575163398692810683143772366;0.025163398692810458323609879017;0.006535947712418300852010855095;0.036274509803921571593487982454;0.009803921568627450844335413649;0.000326797385620915010074477580;0.005882352941176470506601248189;0.045751633986928101627267295726;0.012745098039215686097636037744;0.005555555555555555767577313730;0.025163398692810458323609879017;0.031372549019607842701873323676;0.005555555555555555767577313730;0.011764705882352941013202496379;0.010457516339869280322383282567;0.021568627450980391857537910028;0.003267973856209150426005427548;0.054248366013071896984953923493;0.011764705882352941013202496379;0.037254901960784313208474571866;0.043137254901960783715075820055;0.000000000000000000000000000000;0.005882352941176470506601248189;0.000326797385620915010074477580;0.000980392156862745084433541365;0.035620915032679736911269685606;0.003267973856209150426005427548;0.024183006535947713239176337652;0.015032679738562091872888792921;0.051307189542483658262206347445;0.009150326797385621366287544731;0.003267973856209150426005427548;0.000326797385620915010074477580;0.016993464052287580307032399674;0.007516339869281045936444396460;0.000653594771241830020148955160;0.000000000000000000000000000000;0.027450980392156862364139158217;0.002287581699346405341571886183;0.020915032679738560644766565133;0.050000000000000002775557561563;0.022549019607843136941971451392;0.021241830065359477985875713557;0.015686274509803921350936661838
-0.020370370370370372015145221667;0.005925925925925925631665425186;0.035185185185185187395351391615;0.122222222222222218213083522187;0.001481481481481481407916356297;0.002962962962962962815832712593;0.015555555555555555108382392859;0.029629629629629630760412339896;0.001851851851851851922525771243;0.043703703703703702942995334979;0.011481481481481481399242738917;0.002222222222222222220294751693;0.004814814814814815172039352831;0.042592592592592591616007524635;0.022592592592592591199673890401;0.010000000000000000208166817117;0.010740740740740739936343040029;0.015555555555555555108382392859;0.010370370370370370072254928573;0.004074074074074073709139653943;0.012592592592592592726230549260;0.003703703703703703845051542487;0.012222222222222222862142437805;0.078888888888888883399452822687;0.014814814814814815380206169948;0.044444444444444446140618509844;0.031851851851851853414387960584;0.002962962962962962815832712593;0.013703703703703704053218359604;0.002962962962962962815832712593;0.001851851851851851922525771243;0.034444444444444444197728216750;0.005555555555555555767577313730;0.015555555555555555108382392859;0.016296296296296294836558615771;0.041111111111111112159655078813;0.013333333333333334189130248149;0.004444444444444444440589503387;0.000000000000000000000000000000;0.008888888888888888881179006773;0.009259259259259258745267118229;0.000000000000000000000000000000;0.000000000000000000000000000000;0.058518518518518518323201504927;0.004074074074074073709139653943;0.041481481481481480289019714291;0.044074074074074071072359970458;0.024814814814814813853649511088;0.028148148148148147834612942120;0.016666666666666666435370203203
-0.012056737588652482323636760952;0.005673758865248227332978014914;0.042553191489361701094207290907;0.133333333333333331482961625625;0.000000000000000000000000000000;0.004609929078014184111733442251;0.024822695035460994039677729006;0.026595744680851064051241294806;0.001063829787234042570723269172;0.043617021276595745182813601559;0.008865248226950355261988256927;0.001063829787234042570723269172;0.004609929078014184111733442251;0.038297872340425531678675952207;0.015248226950354609385285264977;0.008865248226950355261988256927;0.010638297872340425273551822727;0.008156028368794325869584049826;0.004609929078014184111733442251;0.004255319148936170282893076688;0.012411347517730497019838864503;0.003191489361702127495329373019;0.013120567375886524677519595627;0.080496453900709225015575043471;0.010283687943262410577349719176;0.041489361702127657005600980256;0.039716312056737590463484366410;0.000709219858156028416622251864;0.010283687943262410577349719176;0.001773049645390070878925303788;0.001773049645390070878925303788;0.033687943262411347566942509957;0.003900709219858156020371842132;0.020567375886524821154699438353;0.025177304964539008735879832557;0.030496453900709218770570529955;0.006737588652482269686860849589;0.003546099290780141757850607576;0.000000000000000000000000000000;0.010638297872340425273551822727;0.008510638297872340565786153377;0.001418439716312056833244503729;0.000000000000000000000000000000;0.073049645390070916395330868909;0.007092198581560283515701215151;0.056737588652482268125609721210;0.047872340425531914598344940259;0.022695035460992909331912059656;0.017375886524822695827774410304;0.016312056737588651739168099652
-0.005059523809523809763366575254;0.001488095238095238012632215430;0.042559523809523810977673008438;0.138392857142857150787307318751;0.006250000000000000346944695195;0.001785714285714285658526745415;0.017559523809523809589894227656;0.025892857142857144542302805235;0.000892857142857142829263372708;0.054464285714285715078730731875;0.008928571428571428075793292578;0.000000000000000000000000000000;0.001488095238095238012632215430;0.052380952380952382207990325469;0.012500000000000000693889390391;0.007738095238095238359576910625;0.004464285714285714037896646289;0.006250000000000000346944695195;0.002380952380952381167156239883;0.003869047619047619179788455313;0.010714285714285714384841341484;0.002678571428571428596210335371;0.005952380952380952050528861719;0.097321428571428572618096097813;0.003273809523809523887999395342;0.031250000000000000000000000000;0.045833333333333330095182844843;0.001785714285714285658526745415;0.012797619047619047255581747891;0.000000000000000000000000000000;0.000000000000000000000000000000;0.045238095238095236971798129844;0.001190476190476190583578119941;0.028571428571428570536427926640;0.015773809523809523280846178750;0.049702380952380949274971300156;0.008035714285714284921269268125;0.002083333333333333304421275400;0.000000000000000000000000000000;0.011309523809523809242949532461;0.005059523809523809763366575254;0.000000000000000000000000000000;0.000000000000000000000000000000;0.058035714285714287696826829688;0.004761904761904762334312479766;0.049702380952380949274971300156;0.050000000000000002775557561563;0.020238095238095239053466301016;0.020833333333333332176851016015;0.023511904761904761640423089375
-0.012893081761006289914783806694;0.007232704402515723399180735953;0.049371069182389940022126495478;0.132704402515723268729530559540;0.003459119496855346011232601455;0.002201257861635220070689600291;0.017610062893081760565516802330;0.032389937106918238740593807279;0.000628930817610062861851283333;0.044968553459119493809215128977;0.009748427672955974412905000293;0.000314465408805031430925641667;0.006289308176100629269034136826;0.034905660377358489754318071618;0.016037735849056603681939137118;0.005660377358490565648241332752;0.006918238993710692022465202911;0.014465408805031446798361471906;0.005974842767295597892318603783;0.003773584905660377387948134498;0.012578616352201258538068273651;0.002515723270440251447405133334;0.022012578616352199839534264925;0.065094339622641508857903147600;0.009433962264150943036189467250;0.034905660377358489754318071618;0.046540880503144650692792794189;0.003144654088050314634517068413;0.011635220125786162673198198547;0.001257861635220125723702566667;0.000314465408805031430925641667;0.035220125786163521131033604661;0.003459119496855346011232601455;0.022641509433962262592965331010;0.031446540880503144610447208152;0.043710691823899368302352996807;0.008805031446540880282758401165;0.004402515723270440141379200583;0.000000000000000000000000000000;0.021069182389937105709387665797;0.006918238993710692022465202911;0.005345911949685534271525799710;0.000000000000000000000000000000;0.059119496855345912700308019794;0.006603773584905660645749669868;0.039622641509433960405051067255;0.042452830188679242795490864637;0.014150943396226415421645938864;0.025471698113207548452852080345;0.012578616352201258538068273651
-0.005084745762711864042193710134;0.005367231638418078903951524694;0.055367231638418078210062134303;0.126553672316384174800774076175;0.003107344632768361744612484188;0.001694915254237288086344714877;0.005649717514124293765709339254;0.036723163841807911211834181131;0.001129943502824858796509954750;0.041242937853107342061065310190;0.005367231638418078903951524694;0.000282485875706214699127488688;0.003672316384180791034447244314;0.060734463276836160583460610951;0.025988700564971749934484179789;0.006497175141242937483621044947;0.003672316384180791034447244314;0.007909604519774010925048379761;0.007627118644067796930652303189;0.003954802259887005462524189880;0.009887005649717514957353081684;0.000847457627118644043172357438;0.013276836158192089828999904455;0.073163841807909607561910547702;0.003107344632768361744612484188;0.047457627118644069019737230519;0.050564971751412432499073190684;0.002824858757062146882854669627;0.005084745762711864042193710134;0.001977401129943502731262094940;0.000000000000000000000000000000;0.032485875706214688285466962725;0.005084745762711864042193710134;0.038135593220338985520623253933;0.018926553672316385329432719686;0.038983050847457630105896697614;0.010169491525423728084387420267;0.001977401129943502731262094940;0.000000000000000000000000000000;0.008192090395480225786806194321;0.009039548022598870372079638003;0.000847457627118644043172357438;0.000000000000000000000000000000;0.035028248587570622041287293769;0.009039548022598870372079638003;0.027401129943502824243273252591;0.064689265536723161709176110890;0.022881355932203389924595171578;0.035310734463276836903045108329;0.025988700564971749934484179789
-0.006918238993710692022465202911;0.003144654088050314634517068413;0.058805031446540881323592486751;0.149371069182389931695453810789;0.003144654088050314634517068413;0.000943396226415094346987033624;0.016981132075471697812085736246;0.039937106918238991781766600297;0.001257861635220125723702566667;0.048113207547169814515264363308;0.006289308176100629269034136826;0.000000000000000000000000000000;0.001886792452830188693974067249;0.057232704402515724440014821539;0.018238993710691823318947868415;0.011635220125786162673198198547;0.005345911949685534271525799710;0.008490566037735848906042868123;0.004716981132075471518094733625;0.005345911949685534271525799710;0.010691823899371068543051599420;0.001257861635220125723702566667;0.004088050314465408764663667540;0.071069182389937105015498275407;0.006918238993710692022465202911;0.042138364779874211418775331595;0.045911949685534587939361728104;0.003459119496855346011232601455;0.001886792452830188693974067249;0.000628930817610062861851283333;0.000000000000000000000000000000;0.033018867924528301494024873364;0.002201257861635220070689600291;0.025786163522012579829567613388;0.015094339622641509551792537991;0.043081761006289305548921930722;0.008805031446540880282758401165;0.002830188679245282824120666376;0.000000000000000000000000000000;0.006918238993710692022465202911;0.017610062893081760565516802330;0.000628930817610062861851283333;0.000000000000000000000000000000;0.043396226415094336925637463764;0.006289308176100629269034136826;0.033333333333333332870740406406;0.054716981132075473426290557200;0.024842767295597485699421014260;0.025786163522012579829567613388;0.019811320754716980202525533628
-0.004081632653061224857982125513;0.002040816326530612428991062757;0.048979591836734691356891602254;0.215986394557823119244588383481;0.002380952380952381167156239883;0.001020408163265306214495531378;0.017687074829931974384589210558;0.023129251700680270725785092623;0.000340136054421768683955068502;0.057482993197278911545744506384;0.004761904761904762334312479766;0.000000000000000000000000000000;0.001020408163265306214495531378;0.047959183673469386877119546853;0.027210884353741495583767218136;0.010204081632653060410231837807;0.002721088435374149471640548015;0.005782312925170067681446273156;0.006462585034013605157776627408;0.002040816326530612428991062757;0.008163265306122449715964251027;0.000340136054421768683955068502;0.000680272108843537367910137004;0.090816326530612251355378816697;0.004421768707482993596147302640;0.050680272108843536782440963862;0.027891156462585033060097572388;0.008843537414965987192294605279;0.009863945578231291672066660681;0.000000000000000000000000000000;0.000000000000000000000000000000;0.047959183673469386877119546853;0.001020408163265306214495531378;0.012244897959183672839222900564;0.002380952380952381167156239883;0.044217687074829932492026074442;0.002721088435374149471640548015;0.001700680272108843473985451134;0.000000000000000000000000000000;0.001360544217687074735820274007;0.009183673469387755930459782405;0.000680272108843537367910137004;0.000000000000000000000000000000;0.050340136054421766309552310759;0.008503401360544218454129428153;0.035034013605442178296289768014;0.061224489795918365930837978794;0.017006802721088436908258856306;0.005102040816326530205115918903;0.016326530612244899431928502054
-0.005333333333333333155235056466;0.002333333333333333526465880325;0.047666666666666669682772550232;0.249666666666666675622465731976;0.000666666666666666644404382058;0.001333333333333333288808764117;0.011666666666666667198648532633;0.034333333333333333758918826106;0.001000000000000000020816681712;0.036333333333333335535275665507;0.008333333333333333217685101602;0.000333333333333333322202191029;0.004333333333333333134418374755;0.045666666666666667906415710831;0.022999999999999999611421941381;0.010666666666666666310470112933;0.009333333333333334105863521302;0.009333333333333334105863521302;0.004666666666666667052931760651;0.004666666666666667052931760651;0.012999999999999999403255124264;0.001000000000000000020816681712;0.003666666666666666598434209945;0.063333333333333338699411285688;0.004666666666666667052931760651;0.032333333333333331982561986706;0.042000000000000002609024107869;0.000666666666666666644404382058;0.009333333333333334105863521302;0.004666666666666667052931760651;0.000000000000000000000000000000;0.030999999999999999777955395075;0.004000000000000000083266726847;0.029000000000000001471045507628;0.008000000000000000166533453694;0.045333333333333336589987538900;0.004666666666666667052931760651;0.002000000000000000041633363423;0.000000000000000000000000000000;0.012999999999999999403255124264;0.010333333333333333259318465025;0.000333333333333333322202191029;0.000000000000000000000000000000;0.034000000000000002442490654175;0.011666666666666667198648532633;0.022666666666666668294993769450;0.043666666666666666130058871431;0.017333333333333332537673499019;0.018333333333333333425851918719;0.019333333333333334314030338419
-0.005654761904761904621474766230;0.007142857142857142634106981660;0.053869047619047621955346016875;0.104166666666666671292595935938;0.002083333333333333304421275400;0.000892857142857142829263372708;0.007142857142857142634106981660;0.027678571428571427381903902187;0.002083333333333333304421275400;0.050595238095238095898942276563;0.005059523809523809763366575254;0.000595238095238095291789059971;0.004166666666666666608842550801;0.055952380952380954826086423282;0.012500000000000000693889390391;0.007440476190476190063161077148;0.007142857142857142634106981660;0.011607142857142857539365365938;0.005059523809523809763366575254;0.006250000000000000346944695195;0.012202380952380952397473556914;0.001785714285714285658526745415;0.009821428571428571230317317031;0.081845238095238095898942276563;0.004464285714285714037896646289;0.050595238095238095898942276563;0.051785714285714289084605610469;0.001190476190476190583578119941;0.012500000000000000693889390391;0.005654761904761904621474766230;0.000297619047619047645894529985;0.039583333333333331482961625625;0.004464285714285714037896646289;0.024107142857142858233254756328;0.024107142857142858233254756328;0.046428571428571430157461463750;0.010119047619047619526733150508;0.001785714285714285658526745415;0.000000000000000000000000000000;0.009821428571428571230317317031;0.012500000000000000693889390391;0.000595238095238095291789059971;0.000000000000000000000000000000;0.051785714285714289084605610469;0.005952380952380952050528861719;0.026190476190476191103995162734;0.056845238095238094511163495781;0.027380952380952380820211544687;0.026488095238095237665687520234;0.022619047619047618485899064922
-0.015384615384615385469402326635;0.014102564102564102768710974090;0.035256410256410256054415697236;0.131730769230769234612310469856;0.004166666666666666608842550801;0.007051282051282051384355487045;0.012179487179487179585035683260;0.033012820512820513496610175252;0.002243589743589743425167259971;0.027564102564102563319714533918;0.008974358974358973700669039886;0.000641025641025641025085024527;0.010576923076923077510214099561;0.038141025641025644299375585433;0.030128205128205128721097239008;0.005128205128205128200680196215;0.006410256410256410034009810772;0.022115384615384616612265844537;0.016987179487179485809500434357;0.006730769230769231142863517903;0.016346153846153847061239972049;0.005448717948717948442172165358;0.028205128205128205537421948179;0.046474358974358975782337211058;0.009935897435897435292506685300;0.039423076923076921795896510048;0.042948717948717948789116860553;0.008012820512820512108831394471;0.004487179487179486850334519943;0.007371794871794871625847456187;0.000000000000000000000000000000;0.016025641025641024217662788942;0.011217948717948717993198037846;0.024358974358974359170071366520;0.034935897435897436680285466082;0.034294871794871797932025003774;0.014743589743589743251694912374;0.002884615384615384775512936244;0.000320512820512820512542512263;0.023717948717948716952363952259;0.016666666666666666435370203203;0.002564102564102564100340098108;0.000000000000000000000000000000;0.037179487179487179238090988065;0.014102564102564102768710974090;0.031410256410256409687065115577;0.033333333333333332870740406406;0.021794871794871793768688661430;0.031089743589743590312934884423;0.012179487179487179585035683260
-0.014102564102564102768710974090;0.003525641025641025692177743522;0.072435897435897442231400589208;0.178525641025641029768777912068;0.000320512820512820512542512263;0.001923076923076923183675290829;0.012500000000000000693889390391;0.026923076923076924571454071611;0.001923076923076923183675290829;0.038782051282051283047636047741;0.008974358974358973700669039886;0.000000000000000000000000000000;0.003525641025641025692177743522;0.053205128205128203455753777007;0.021153846153846155020428199123;0.010256410256410256401360392431;0.013782051282051281659857266959;0.013461538461538462285727035805;0.004166666666666666608842550801;0.006089743589743589792517841630;0.010897435897435896884344330715;0.004166666666666666608842550801;0.003205128205128205017004905386;0.064423076923076916244781386922;0.008012820512820512108831394471;0.040384615384615386857181107416;0.035256410256410256054415697236;0.000641025641025641025085024527;0.008974358974358973700669039886;0.000961538461538461591837645415;0.000000000000000000000000000000;0.033974358974358971619000868714;0.002884615384615384775512936244;0.025641025641025640136039243089;0.015384615384615385469402326635;0.049679487179487176462533426502;0.005448717948717948442172165358;0.004166666666666666608842550801;0.000000000000000000000000000000;0.014102564102564102768710974090;0.009294871794871794809522747016;0.000961538461538461591837645415;0.000000000000000000000000000000;0.026282051282051282353746657350;0.005769230769230769551025872488;0.022435897435897435986396075691;0.053846153846153849142908143222;0.027564102564102563319714533918;0.020512820512820512802720784862;0.019551282051282051210883139447
-0.012931034482758620510201019727;0.003160919540229885013604693711;0.071551724137931038693949403751;0.125862068965517243102070210625;0.000862068965517241367346734648;0.004885057471264367748298163008;0.006896551724137930938773877187;0.036206896551724140898009807188;0.001436781609195402278911224414;0.040804597701149428190525725313;0.008333333333333333217685101602;0.000287356321839080455782244883;0.009195402298850574585031836250;0.051149425287356324598686541094;0.014655172413793103244894489023;0.011494252873563218231289795312;0.006609195402298850482991632305;0.014080459770114942333329999258;0.006321839080459770027209387422;0.004885057471264367748298163008;0.009195402298850574585031836250;0.002586206896551724102040203945;0.011494252873563218231289795312;0.080459770114942527619028567187;0.007183908045977011394556122070;0.046264367816091951646217950156;0.043103448275862071836783684375;0.000287356321839080455782244883;0.006896551724137930938773877187;0.003160919540229885013604693711;0.000574712643678160911564489766;0.039942528735632185088455514688;0.006896551724137930938773877187;0.018965517241379310081628162266;0.015229885057471264156458978789;0.045689655172413794204100412344;0.008620689655172413673467346484;0.004597701149425287292515918125;0.000000000000000000000000000000;0.011206896551724137775507550430;0.007471264367816091850338366953;0.000574712643678160911564489766;0.000000000000000000000000000000;0.041091954022988506911584494219;0.004597701149425287292515918125;0.025000000000000001387778780781;0.052011494252873560761862847812;0.028735632183908045578224488281;0.023850574712643679564649801250;0.022701149425287357741520821719
-0.007189542483660130330058724013;0.004575163398692810683143772366;0.063398692810457513147071040294;0.126143790849673198550817687646;0.001633986928104575213002713774;0.001307189542483660040297910321;0.012091503267973856619588168826;0.031372549019607842701873323676;0.000653594771241830020148955160;0.051960784313725492944424644293;0.006862745098039215591034789554;0.000000000000000000000000000000;0.002287581699346405341571886183;0.047058823529411764052809985515;0.017647058823529411519803744568;0.005228758169934640161191641283;0.004575163398692810683143772366;0.014705882352941176266503120473;0.007516339869281045936444396460;0.005555555555555555767577313730;0.012418300653594770491250365296;0.003594771241830065165029362007;0.005228758169934640161191641283;0.092483660130718958747308988677;0.006862745098039215591034789554;0.040522875816993465802884344384;0.035620915032679736911269685606;0.012091503267973856619588168826;0.024836601307189540982500730593;0.001633986928104575213002713774;0.000326797385620915010074477580;0.052287581699346406816086840763;0.002287581699346405341571886183;0.015032679738562091872888792921;0.011437908496732025406816823931;0.052941176470588234559411233704;0.007843137254901960675468330919;0.003594771241830065165029362007;0.000000000000000000000000000000;0.006535947712418300852010855095;0.011111111111111111535154627461;0.000326797385620915010074477580;0.000000000000000000000000000000;0.053921568627450983113291727022;0.005555555555555555767577313730;0.033333333333333332870740406406;0.055555555555555552471602709375;0.016993464052287580307032399674;0.013398692810457515575683906661;0.010457516339869280322383282567
-0.013207547169811321291499339736;0.010062893081761005789620533335;0.072641509433962261899075940619;0.134591194968553456989823757795;0.001886792452830188693974067249;0.006603773584905660645749669868;0.005974842767295597892318603783;0.028616352201257862220007410770;0.004716981132075471518094733625;0.038364779874213834898188935085;0.006603773584905660645749669868;0.001572327044025157317258534206;0.010691823899371068543051599420;0.043710691823899368302352996807;0.022012578616352199839534264925;0.005974842767295597892318603783;0.017610062893081760565516802330;0.021383647798742137086103198840;0.009119496855345911659473934208;0.004402515723270440141379200583;0.013207547169811321291499339736;0.005974842767295597892318603783;0.010062893081761005789620533335;0.058805031446540881323592486751;0.010377358490566037166336066377;0.036163522012578615261180203788;0.036477987421383646637895736831;0.013207547169811321291499339736;0.011006289308176099919767132462;0.002515723270440251447405133334;0.001257861635220125723702566667;0.037735849056603772144757869000;0.009119496855345911659473934208;0.018238993710691823318947868415;0.020125786163522011579241066670;0.045597484276729556562646195061;0.008805031446540880282758401165;0.003459119496855346011232601455;0.000000000000000000000000000000;0.018238993710691823318947868415;0.011320754716981131296482665505;0.001257861635220125723702566667;0.000000000000000000000000000000;0.027672955974842768089860811642;0.006603773584905660645749669868;0.023584905660377360192558882090;0.045283018867924525185930662019;0.022327044025157231216249797967;0.027358490566037736713145278600;0.014465408805031446798361471906
-0.009259259259259258745267118229;0.015432098765432097908778530382;0.023456790123456791596900927743;0.163888888888888889505679458125;0.005555555555555555767577313730;0.004012345679012345976699460692;0.025617283950617283916351141215;0.058950617283950616787091547621;0.002469135802469135752140738660;0.034876543209876542661618259444;0.007407407407407407690103084974;0.000000000000000000000000000000;0.003703703703703703845051542487;0.022839506172839505598881615356;0.033950617283950615399312766840;0.002469135802469135752140738660;0.005246913580246913635929395525;0.023148148148148146863167795573;0.026234567901234566444923501649;0.002469135802469135752140738660;0.034259259259259260133045899011;0.001234567901234567876070369330;0.015123456790123456644492350165;0.063888888888888883954564334999;0.006172839506172839163511412153;0.027469135802469134971515174470;0.037962962962962962243373965521;0.007407407407407407690103084974;0.005555555555555555767577313730;0.008333333333333333217685101602;0.000617283950617283938035184665;0.020061728395061727281412089496;0.010185185185185186007572610833;0.021296296296296295808003762318;0.016049382716049383906797842769;0.026851851851851852442942814037;0.012654320987654321326032480499;0.003086419753086419581755706076;0.000000000000000000000000000000;0.008333333333333333217685101602;0.021296296296296295808003762318;0.001543209876543209790877853038;0.000000000000000000000000000000;0.037962962962962962243373965521;0.018518518518518517490534236458;0.043209876543209874144579885069;0.038580246913580244771946325955;0.015432098765432097908778530382;0.017592592592592593697675695807;0.008333333333333333217685101602
-0.005416666666666666851703837438;0.007083333333333332974823814965;0.020000000000000000416333634234;0.418750000000000011102230246252;0.009166666666666666712925959359;0.003333333333333333547282562037;0.014583333333333333564629796797;0.031666666666666669349705642844;0.000416666666666666693410320255;0.017083333333333332315628894094;0.006250000000000000346944695195;0.000416666666666666693410320255;0.003333333333333333547282562037;0.022083333333333333287074040641;0.027500000000000000138777878078;0.005833333333333333599324266316;0.004166666666666666608842550801;0.006250000000000000346944695195;0.010416666666666666088425508008;0.001666666666666666773641281019;0.018749999999999999306110609609;0.000833333333333333386820640509;0.009583333333333332593184650250;0.032916666666666663521034763562;0.003749999999999999861222121922;0.025833333333333333148296162562;0.033750000000000002220446049250;0.009166666666666666712925959359;0.005416666666666666851703837438;0.002500000000000000052041704279;0.000000000000000000000000000000;0.018749999999999999306110609609;0.004166666666666666608842550801;0.031250000000000000000000000000;0.017500000000000001665334536938;0.020000000000000000416333634234;0.004583333333333333356462979680;0.002916666666666666799662133158;0.000000000000000000000000000000;0.002916666666666666799662133158;0.015833333333333334674852821422;0.001666666666666666773641281019;0.000000000000000000000000000000;0.027500000000000000138777878078;0.015833333333333334674852821422;0.022916666666666665047591422422;0.014583333333333333564629796797;0.014166666666666665949647629930;0.013750000000000000069388939039;0.013750000000000000069388939039
-0.009829059829059828834463274916;0.009401709401709401267566157401;0.037606837606837605070264629603;0.180769230769230765387689530144;0.000000000000000000000000000000;0.001282051282051282050170049054;0.014529914529914530335608091605;0.035470085470085468970502518005;0.002136752136752136967123849587;0.037606837606837605070264629603;0.007692307692307692734701163317;0.001282051282051282050170049054;0.002991452991452991667237215623;0.047435897435897433904727904519;0.020512820512820512802720784862;0.005128205128205128200680196215;0.010683760683760683968257509946;0.020940170940170938634894426400;0.007692307692307692734701163317;0.003418803418803418800453464144;0.012820512820512820068019621544;0.003418803418803418800453464144;0.010683760683760683968257509946;0.077350427350427353179185274712;0.007264957264957265167804045802;0.034188034188034191473981593390;0.035897435897435894802676159543;0.000854700854700854700113366036;0.014529914529914530335608091605;0.000854700854700854700113366036;0.000854700854700854700113366036;0.033760683760683758702914047944;0.005555555555555555767577313730;0.015384615384615385469402326635;0.023076923076923078204103489952;0.032478632478632481206393123330;0.007692307692307692734701163317;0.002991452991452991667237215623;0.000000000000000000000000000000;0.010683760683760683968257509946;0.011965811965811966668948862491;0.001709401709401709400226732072;0.000000000000000000000000000000;0.053418803418803416371840597776;0.006837606837606837600906928287;0.041025641025641025605441569724;0.040598290598290599773267928185;0.021367521367521367936515019892;0.026923076923076924571454071611;0.009401709401709401267566157401
-0.013265306122448979053718431942;0.005782312925170067681446273156;0.046258503401360541451570185245;0.127210884353741504604329293215;0.000000000000000000000000000000;0.004081632653061224857982125513;0.017687074829931974384589210558;0.037755102040816328201611185023;0.001020408163265306214495531378;0.050000000000000002775557561563;0.007823129251700680977799073901;0.000000000000000000000000000000;0.004421768707482993596147302640;0.050340136054421766309552310759;0.016326530612244899431928502054;0.005102040816326530205115918903;0.002380952380952381167156239883;0.016326530612244899431928502054;0.007482993197278911372272158786;0.003741496598639455686136079393;0.015986394557823128959039848951;0.002721088435374149471640548015;0.014625850340136054006379140446;0.068367346938775511167030174420;0.009183673469387755930459782405;0.041156462585034012113816004330;0.044897959183673466498909476741;0.008163265306122449715964251027;0.005442176870748298943281096030;0.001020408163265306214495531378;0.000340136054421768683955068502;0.029251700680272108012758280893;0.008843537414965987192294605279;0.017687074829931974384589210558;0.022789115646258503722343391473;0.037755102040816328201611185023;0.012585034013605441577388077690;0.001360544217687074735820274007;0.000000000000000000000000000000;0.012585034013605441577388077690;0.008163265306122449715964251027;0.002040816326530612428991062757;0.000000000000000000000000000000;0.053741496598639457160651033973;0.005102040816326530205115918903;0.049319727891156461829780255357;0.048299319727891157350008199955;0.015646258503401361955598147802;0.034693877551020407823401114911;0.011224489795918366624727369185
-0.016312056737588651739168099652;0.010992907801418439969753926277;0.029787234042553192847613274807;0.216666666666666674068153497501;0.006028368794326241161818380476;0.006737588652482269686860849589;0.012765957446808509981317492077;0.035106382978723406351750924159;0.001773049645390070878925303788;0.041843971631205671701803083806;0.012765957446808509981317492077;0.000000000000000000000000000000;0.004609929078014184111733442251;0.037588652482269502286271745106;0.021985815602836879939507852555;0.004964539007092198807935545801;0.010283687943262410577349719176;0.016312056737588651739168099652;0.012411347517730497019838864503;0.004964539007092198807935545801;0.019503546099290780535540079654;0.003900709219858156020371842132;0.010283687943262410577349719176;0.052482269503546098710078382510;0.012056737588652482323636760952;0.030496453900709218770570529955;0.035460992907801421047953027710;0.023404255319148935254869314804;0.005673758865248227332978014914;0.003900709219858156020371842132;0.000709219858156028416622251864;0.029432624113475178151411171257;0.008865248226950355261988256927;0.009929078014184397615871091602;0.014893617021276596423806637404;0.040070921985815605159686469960;0.010638297872340425273551822727;0.005319148936170212636775911363;0.000354609929078014208311125932;0.009219858156028368223466884501;0.014893617021276596423806637404;0.001418439716312056833244503729;0.000000000000000000000000000000;0.026241134751773049355039191255;0.008510638297872340565786153377;0.023404255319148935254869314804;0.037943262411347516982473848657;0.025177304964539008735879832557;0.019858156028368795231742183205;0.012056737588652482323636760952
-0.005102040816326530205115918903;0.004761904761904762334312479766;0.042517006802721087066476712835;0.229251700680272119114988527144;0.000000000000000000000000000000;0.000680272108843537367910137004;0.007482993197278911372272158786;0.023469387755102041198673745726;0.001020408163265306214495531378;0.056462585034013607065972450982;0.006802721088435373895941804534;0.000000000000000000000000000000;0.001700680272108843473985451134;0.058843537414965986498405214888;0.025170068027210883154776155379;0.009523809523809524668624959531;0.004761904761904762334312479766;0.008843537414965987192294605279;0.005442176870748298943281096030;0.002721088435374149471640548015;0.008503401360544218454129428153;0.000680272108843537367910137004;0.001360544217687074735820274007;0.074829931972789115457445063839;0.004761904761904762334312479766;0.053401360544217686687762380870;0.035034013605442178296289768014;0.002040816326530612428991062757;0.012585034013605441577388077690;0.001020408163265306214495531378;0.000000000000000000000000000000;0.028911564625850341009316579743;0.002380952380952381167156239883;0.011224489795918366624727369185;0.007142857142857142634106981660;0.043197278911564628012254019040;0.007823129251700680977799073901;0.004081632653061224857982125513;0.000000000000000000000000000000;0.004081632653061224857982125513;0.010544217687074829148397014933;0.001020408163265306214495531378;0.000000000000000000000000000000;0.039115646258503403154271893527;0.009863945578231291672066660681;0.025510204081632653627664808482;0.062244897959183670410610034196;0.026870748299319728580325516987;0.012585034013605441577388077690;0.014625850340136054006379140446
-0.012403100775193798277484802384;0.013178294573643410669827602533;0.029844961240310077105197805736;0.206589147286821706028803191657;0.001937984496124030980857000372;0.001162790697674418588514200223;0.012403100775193798277484802384;0.031782945736434108086054806108;0.001162790697674418588514200223;0.057751937984496126698985563053;0.006976744186046511531085201341;0.000000000000000000000000000000;0.003488372093023255765542600670;0.039922480620155041675101159626;0.024031007751937984162626804618;0.007364341085271317727256601415;0.012403100775193798277484802384;0.015116279069767441650684602905;0.005813953488372092942571001117;0.005813953488372092942571001117;0.010077519379844961100456401937;0.001937984496124030980857000372;0.006976744186046511531085201341;0.075193798449612408996145518358;0.010465116279069767296627802011;0.043410852713178293971196808343;0.027519379844961239928169405289;0.002713178294573643373199800521;0.004651162790697674354056800894;0.000775193798449612392342800149;0.000775193798449612392342800149;0.035658914728682170047768806853;0.005038759689922480550228200968;0.013178294573643410669827602533;0.016279069767441860239198803129;0.044573643410852716029157960520;0.010077519379844961100456401937;0.001550387596899224784685600298;0.000000000000000000000000000000;0.005426356589147286746399601043;0.007364341085271317727256601415;0.001162790697674418588514200223;0.000000000000000000000000000000;0.043023255813953491244472360222;0.010465116279069767296627802011;0.031395348837209305359330357987;0.041472868217054266459786759924;0.027131782945736433731998005214;0.020930232558139534593255604022;0.011627906976744185885142002235
-0.023404255319148935254869314804;0.003546099290780141757850607576;0.044326241134751774575217808660;0.174113475177304966035052302686;0.000000000000000000000000000000;0.001773049645390070878925303788;0.018439716312056736446933769002;0.029787234042553192847613274807;0.000354609929078014208311125932;0.042907801418439715790409394458;0.009219858156028368223466884501;0.000000000000000000000000000000;0.005319148936170212636775911363;0.040425531914893619855888573511;0.021985815602836879939507852555;0.011702127659574467627434657402;0.009219858156028368223466884501;0.010638297872340425273551822727;0.004255319148936170282893076688;0.004255319148936170282893076688;0.021985815602836879939507852555;0.001773049645390070878925303788;0.010283687943262410577349719176;0.057446808510638297518013928311;0.010638297872340425273551822727;0.045744680851063826421132318956;0.037234042553191487590069641556;0.001063829787234042570723269172;0.012056737588652482323636760952;0.000709219858156028416622251864;0.000000000000000000000000000000;0.042553191489361701094207290907;0.007092198581560283515701215151;0.025886524822695034658837087704;0.023404255319148935254869314804;0.039007092198581561071080159309;0.005673758865248227332978014914;0.004609929078014184111733442251;0.000354609929078014208311125932;0.013120567375886524677519595627;0.011347517730496454665956029828;0.000354609929078014208311125932;0.000000000000000000000000000000;0.043617021276595745182813601559;0.007801418439716312040743684264;0.029432624113475178151411171257;0.036524822695035458197665434454;0.017021276595744681131572306754;0.021985815602836879939507852555;0.015602836879432624081487368528
-0.006349206349206349200842147695;0.008333333333333333217685101602;0.040079365079365082691342792032;0.144444444444444430875051921248;0.000396825396825396825052634231;0.001984126984126984016842953906;0.018253968253968255036623347110;0.044841269841269841556208319844;0.001190476190476190583578119941;0.047222222222222220988641083750;0.008730158730158730367998387578;0.000000000000000000000000000000;0.002777777777777777883788656865;0.044444444444444446140618509844;0.021825396825396824185272492969;0.007936507936507936067371815625;0.005555555555555555767577313730;0.014285714285714285268213963320;0.005952380952380952050528861719;0.003571428571428571317053490830;0.015873015873015872134743631250;0.001190476190476190583578119941;0.012698412698412698401684295391;0.083333333333333328707404064062;0.002380952380952381167156239883;0.053174603174603173039169945469;0.048015873015873018758714607657;0.001190476190476190583578119941;0.018253968253968255036623347110;0.002777777777777777883788656865;0.000000000000000000000000000000;0.044047619047619050725028699844;0.004761904761904762334312479766;0.015079365079365079568840535273;0.003174603174603174600421073848;0.043253968253968252954955175937;0.006746031746031746351155433672;0.001190476190476190583578119941;0.000000000000000000000000000000;0.001190476190476190583578119941;0.013492063492063492702310867344;0.000793650793650793650105268462;0.000000000000000000000000000000;0.071825396825396820021936150624;0.005952380952380952050528861719;0.032936507936507937455150596406;0.042063492063492066708185745938;0.012301587301587301251371009414;0.017063492063492061850960013203;0.017063492063492061850960013203
-0.014341085271317829258341802756;0.010077519379844961100456401937;0.031395348837209305359330357987;0.177131782945736421241988978181;0.001550387596899224784685600298;0.002325581395348837177028400447;0.029069767441860464712855005587;0.045736434108527131148225208790;0.003875968992248061961714000745;0.032558139534883720478397606257;0.008914728682170542511942201713;0.000387596899224806196171400074;0.006201550387596899138742401192;0.026744186046511627535826605140;0.032558139534883720478397606257;0.006976744186046511531085201341;0.008914728682170542511942201713;0.023643410852713177966455404544;0.007751937984496123923428001490;0.005813953488372092942571001117;0.024031007751937984162626804618;0.002325581395348837177028400447;0.025581395348837208947312404916;0.046124031007751940813843560818;0.008914728682170542511942201713;0.031395348837209305359330357987;0.038759689922480619617140007449;0.001162790697674418588514200223;0.008527131782945736315770801639;0.003488372093023255765542600670;0.001162790697674418588514200223;0.024418604651162790358798204693;0.008527131782945736315770801639;0.022480620155038759377941204320;0.017829457364341085023884403427;0.022480620155038759377941204320;0.011627906976744185885142002235;0.003488372093023255765542600670;0.000000000000000000000000000000;0.017054263565891472631541603278;0.015503875968992247846856002980;0.000775193798449612392342800149;0.000000000000000000000000000000;0.044573643410852716029157960520;0.010465116279069767296627802011;0.046124031007751940813843560818;0.024806201550387596554969604767;0.017829457364341085023884403427;0.029457364341085270909026405661;0.015116279069767441650684602905
-0.005691056910569106119801574550;0.017073170731707318359404723651;0.036585365853658534385228762176;0.193089430894308938801984254496;0.015040650406504065678126025318;0.001219512195121951218454436905;0.046341463414634145867587733392;0.045934959349593497413000164897;0.000406504065040650406151478968;0.027235772357723578296351263361;0.007317073170731707744407490424;0.000406504065040650406151478968;0.001626016260162601624605915873;0.028861788617886179053595441246;0.034146341463414636718809447302;0.002845528455284553059900787275;0.005284552845528455063128792091;0.010569105691056910126257584182;0.030894308943089431734874139579;0.006504065040650406498423663493;0.035772357723577237476053625187;0.001219512195121951218454436905;0.006910569105691056687734707964;0.041056910569105688202373727336;0.002439024390243902436908873810;0.020325203252032519873893079421;0.029674796747967479432217530189;0.014227642276422763564780460399;0.010975609756097560315568628653;0.008130081300813008990391317354;0.000000000000000000000000000000;0.020325203252032519873893079421;0.005691056910569106119801574550;0.017886178861788618738026812593;0.022357723577235772555171777753;0.028048780487804878674973352304;0.007317073170731707744407490424;0.000813008130081300812302957937;0.000000000000000000000000000000;0.010975609756097560315568628653;0.023983739837398373312415955638;0.000406504065040650406151478968;0.000000000000000000000000000000;0.035365853658536582082572152785;0.026422764227642277917729174419;0.028861788617886179053595441246;0.035772357723577237476053625187;0.010975609756097560315568628653;0.026422764227642277917729174419;0.010569105691056910126257584182
-0.006837606837606837600906928287;0.011538461538461539102051744976;0.029914529914529915805010418239;0.197435897435897428353612781393;0.006410256410256410034009810772;0.001282051282051282050170049054;0.023076923076923078204103489952;0.044017094017094020308444868306;0.000427350427350427350056683018;0.049572649572649570004490016117;0.004700854700854700633783078700;0.000427350427350427350056683018;0.001282051282051282050170049054;0.033333333333333332870740406406;0.032478632478632481206393123330;0.005128205128205128200680196215;0.003846153846153846367350581659;0.007264957264957265167804045802;0.016239316239316240603196561665;0.000427350427350427350056683018;0.027350427350427350403627713149;0.001282051282051282050170049054;0.005128205128205128200680196215;0.071367521367521363773178677548;0.001709401709401709400226732072;0.035897435897435894802676159543;0.036752136752136753405917346527;0.025213675213675214303865601551;0.008974358974358973700669039886;0.005982905982905983334474431246;0.000000000000000000000000000000;0.027350427350427350403627713149;0.002991452991452991667237215623;0.023504273504273504036277131490;0.011111111111111111535154627461;0.032478632478632481206393123330;0.006410256410256410034009810772;0.001282051282051282050170049054;0.000000000000000000000000000000;0.007264957264957265167804045802;0.023931623931623933337897724982;0.000427350427350427350056683018;0.000000000000000000000000000000;0.054273504273504274975081784760;0.011111111111111111535154627461;0.034188034188034191473981593390;0.032478632478632481206393123330;0.012393162393162392501122504029;0.010256410256410256401360392431;0.013247863247863247634916739059
-0.022424242424242422921931705559;0.008181818181818182461606525635;0.036363636363636361870099733551;0.143030303030303035383141718739;0.001818181818181818180241160476;0.004242424242424242854243576772;0.020303030303030301928490786167;0.036060606060606063827389533571;0.005454545454545454974404350423;0.035151515151515148882577221912;0.010303030303030303455047445027;0.000606060606060606060080386825;0.006666666666666667094565124074;0.029393939393939392396015719555;0.019696969696969695434729530348;0.008484848484848485708487153545;0.011515151515151514707846480690;0.030606060606060605383538231195;0.012424242424242424448488364419;0.010303030303030303455047445027;0.023939393939393940891058321085;0.006363636363636363847684496164;0.023939393939393940891058321085;0.056666666666666663798590519718;0.010303030303030303455047445027;0.030909090909090910365142335081;0.038787878787878787845144756830;0.001515151515151515150200967064;0.006969696969696969474084013996;0.000606060606060606060080386825;0.000606060606060606060080386825;0.015151515151515151935690539631;0.011515151515151514707846480690;0.017878787878787879422892714842;0.018787878787878787428811122595;0.033030303030303027889136302520;0.018484848484848485916653970662;0.004545454545454545233762466694;0.000303030303030303030040193413;0.023636363636363635909454217199;0.011515151515151514707846480690;0.003333333333333333547282562037;0.000000000000000000000000000000;0.048484848484848484806430946037;0.010606060606060606701928072937;0.047272727272727271818908434398;0.023030303030303029415692961379;0.015757575757575758429451795450;0.033030303030303027889136302520;0.010000000000000000208166817117
-0.009523809523809524668624959531;0.007482993197278911372272158786;0.036054421768707482776061823415;0.120408163265306122902131846786;0.000000000000000000000000000000;0.002380952380952381167156239883;0.006462585034013605157776627408;0.027210884353741495583767218136;0.003401360544217686947970902267;0.029591836734693878485646933996;0.017006802721088436908258856306;0.000000000000000000000000000000;0.008163265306122449715964251027;0.046938775510204082397347491451;0.014965986394557822744544317572;0.008503401360544218454129428153;0.026530612244897958107436863884;0.020748299319727891293352328717;0.010544217687074829148397014933;0.004761904761904762334312479766;0.011224489795918366624727369185;0.001700680272108843473985451134;0.016326530612244899431928502054;0.059863945578231290978177270290;0.009863945578231291672066660681;0.036054421768707482776061823415;0.041496598639455782586704657433;0.007482993197278911372272158786;0.017346938775510203911700557455;0.001360544217687074735820274007;0.000340136054421768683955068502;0.061224489795918365930837978794;0.007823129251700680977799073901;0.023129251700680270725785092623;0.031292517006802723911196295603;0.051020408163265307255329616964;0.011564625850340135362892546311;0.003061224489795918209805725141;0.000000000000000000000000000000;0.012244897959183672839222900564;0.008163265306122449715964251027;0.003741496598639455686136079393;0.000000000000000000000000000000;0.030952380952380953438307642500;0.007823129251700680977799073901;0.020408163265306120820463675614;0.038095238095238098674499838125;0.028911564625850341009316579743;0.037755102040816328201611185023;0.019047619047619049337249919063
-0.011956521739130435144637942813;0.009782608695652174682355628477;0.063405797101449279384866031251;0.131159420289855083163743643127;0.000362318840579710149327197222;0.003623188405797101493271972217;0.013043478260869564508417361992;0.026811594202898549749169987422;0.003985507246376811425758734941;0.042753623188405795452204927187;0.009420289855072464316187996758;0.000362318840579710149327197222;0.006884057971014492620376312715;0.045652173913043478381545980938;0.014855072463768116339255520586;0.003985507246376811425758734941;0.009420289855072464316187996758;0.022463768115942028824605358750;0.008333333333333333217685101602;0.010144927536231883313799784219;0.019927536231884056261431936719;0.007608695652173913352711576152;0.014492753623188405973087888867;0.056159420289855072061513396875;0.007246376811594202986543944434;0.033333333333333332870740406406;0.044565217391304347283043085781;0.007971014492753622851517469883;0.003623188405797101493271972217;0.002898550724637681194617577773;0.000000000000000000000000000000;0.027898550724637680847672882578;0.008695652173913043583852733320;0.014130434782608695606920257148;0.019927536231884056261431936719;0.044927536231884057649210717500;0.010869565217391304046135047656;0.002898550724637681194617577773;0.000362318840579710149327197222;0.026811594202898549749169987422;0.012681159420289855876973206250;0.005072463768115941656899892109;0.000000000000000000000000000000;0.038768115942028988363254882188;0.007971014492753622851517469883;0.024275362318840580655443517344;0.052536231884057968399837079687;0.021014492753623187359934831875;0.035144927536231884701578565000;0.009782608695652174682355628477
-0.008333333333333333217685101602;0.005797101449275362389235155547;0.064855072463768120849536558126;0.144565217391304345895264305000;0.002536231884057970828449946055;0.000362318840579710149327197222;0.015942028985507245703034939766;0.041666666666666664353702032031;0.000724637681159420298654394443;0.043840579710144926550707822344;0.009420289855072464316187996758;0.000362318840579710149327197222;0.003623188405797101493271972217;0.049637681159420292409389929844;0.031159420289855074143181568047;0.012318840579710145510805574531;0.008333333333333333217685101602;0.011956521739130435144637942813;0.007971014492753622851517469883;0.004347826086956521791926366660;0.014855072463768116339255520586;0.004347826086956521791926366660;0.002898550724637681194617577773;0.056884057971014492793848660313;0.006521739130434782254208680996;0.042753623188405795452204927187;0.046739130434782609480048876094;0.002898550724637681194617577773;0.004347826086956521791926366660;0.002898550724637681194617577773;0.000000000000000000000000000000;0.030072463768115943044678672891;0.002173913043478260895963183330;0.037681159420289857264751987032;0.015217391304347826705423152305;0.035869565217391305433913828438;0.007608695652173913352711576152;0.003623188405797101493271972217;0.000000000000000000000000000000;0.007971014492753622851517469883;0.014130434782608695606920257148;0.000000000000000000000000000000;0.000000000000000000000000000000;0.039130434782608698729422513907;0.006521739130434782254208680996;0.024275362318840580655443517344;0.053985507246376809864507606562;0.025362318840579711753946412500;0.019565217391304349364711256953;0.023913043478260870289275885625
-0.013461538461538462285727035805;0.007692307692307692734701163317;0.044871794871794871972792151382;0.137820512820512830476360477405;0.001923076923076923183675290829;0.002884615384615384775512936244;0.016346153846153847061239972049;0.031730769230769229061195346731;0.001923076923076923183675290829;0.046474358974358975782337211058;0.007371794871794871625847456187;0.000641025641025641025085024527;0.007051282051282051384355487045;0.038141025641025644299375585433;0.020192307692307693428590553708;0.005128205128205128200680196215;0.008333333333333333217685101602;0.014423076923076923877564681220;0.009615384615384615918376454147;0.009935897435897435292506685300;0.020833333333333332176851016015;0.003525641025641025692177743522;0.021153846153846155020428199123;0.055769230769230772326583434051;0.011538461538461539102051744976;0.036538461538461540489830525757;0.037179487179487179238090988065;0.012820512820512820068019621544;0.010897435897435896884344330715;0.005448717948717948442172165358;0.000320512820512820512542512263;0.030128205128205128721097239008;0.007051282051282051384355487045;0.019551282051282051210883139447;0.023397435897435897578233721106;0.040384615384615386857181107416;0.011217948717948717993198037846;0.004487179487179486850334519943;0.000000000000000000000000000000;0.021153846153846155020428199123;0.009294871794871794809522747016;0.000961538461538461591837645415;0.000000000000000000000000000000;0.043589743589743587537377322860;0.009615384615384615918376454147;0.041666666666666664353702032031;0.038782051282051283047636047741;0.019230769230769231836752908293;0.024679487179487178544201597674;0.012820512820512820068019621544
-0.014444444444444443781394582516;0.013055555555555556357383295563;0.043333333333333334813630699500;0.170555555555555543589818512373;0.007499999999999999722444243844;0.003333333333333333547282562037;0.010833333333333333703407674875;0.030277777777777778456247403938;0.003333333333333333547282562037;0.029999999999999998889776975375;0.009166666666666666712925959359;0.001111111111111111110147375847;0.006111111111111111431071218902;0.039444444444444441699726411343;0.032222222222222221543752596062;0.006666666666666667094565124074;0.007222222222222221890697291258;0.027222222222222220572307449515;0.014444444444444443781394582516;0.007499999999999999722444243844;0.017222222222222222098864108375;0.004444444444444444440589503387;0.033333333333333332870740406406;0.039444444444444441699726411343;0.008055555555555555385938149016;0.023611111111111110494320541875;0.042777777777777775680689842375;0.007222222222222221890697291258;0.003888888888888888777095598215;0.006388888888888889262818171488;0.000277777777777777777536843962;0.015555555555555555108382392859;0.010833333333333333703407674875;0.017777777777777777762358013547;0.023333333333333334397297065266;0.033611111111111112437210834969;0.012222222222222222862142437805;0.003333333333333333547282562037;0.000277777777777777777536843962;0.028611111111111111465765688422;0.008611111111111111049432054187;0.001944444444444444388547799107;0.000000000000000000000000000000;0.033333333333333332870740406406;0.017777777777777777762358013547;0.026388888888888888811790067734;0.029722222222222222792753498766;0.018611111111111109522875395328;0.043055555555555555247160270937;0.010555555555555555871660722289
-0.018253968253968255036623347110;0.013095238095238095551997581367;0.055555555555555552471602709375;0.154365079365079371775948402501;0.012301587301587301251371009414;0.005952380952380952050528861719;0.019444444444444444752839729063;0.023809523809523808202115446875;0.009126984126984127518311673555;0.026587301587301586519584972734;0.013095238095238095551997581367;0.002380952380952381167156239883;0.009126984126984127518311673555;0.027777777777777776235801354687;0.012698412698412698401684295391;0.007539682539682539784420267637;0.013492063492063492702310867344;0.023809523809523808202115446875;0.009920634920634920084214769531;0.011111111111111111535154627461;0.018650793650793650452213157109;0.020634920634920634469056111016;0.024206349206349207087152208828;0.042063492063492066708185745938;0.011507936507936508685467913438;0.025396825396825396803368590781;0.028968253968253969421464688594;0.003571428571428571317053490830;0.004761904761904762334312479766;0.003571428571428571317053490830;0.001984126984126984016842953906;0.022619047619047618485899064922;0.007936507936507936067371815625;0.013095238095238095551997581367;0.026587301587301586519584972734;0.032936507936507937455150596406;0.009126984126984127518311673555;0.005555555555555555767577313730;0.000000000000000000000000000000;0.057539682539682536488445663281;0.007142857142857142634106981660;0.005952380952380952050528861719;0.000000000000000000000000000000;0.032539682539682542039560786407;0.005158730158730158617264027754;0.034920634920634921471993550313;0.025000000000000001387778780781;0.017460317460317460735996775156;0.030555555555555554553270880547;0.011111111111111111535154627461
-0.005303030303030303350964036468;0.008712121212121212709966755483;0.043939393939393937837945003366;0.146212121212121209934409193920;0.000378787878787878787550241766;0.001136363636363636308440616673;0.012878787878787878451447568295;0.022727272727272727903535809446;0.000757575757575757575100483532;0.059848484848484845288751898806;0.005681818181818181975883952362;0.000000000000000000000000000000;0.004924242424242423858682382587;0.051893939393939395032795403040;0.015530303030303029693248717535;0.006818181818181817850643700041;0.004166666666666666608842550801;0.007954545454545453725403447720;0.003030303030303030300401934127;0.004924242424242423858682382587;0.009848484848484847717364765174;0.001515151515151515150200967064;0.015909090909090907450806895440;0.092045454545454541417370819545;0.006439393939393939225723784148;0.036363636363636361870099733551;0.038257575757575754127337575028;0.002272727272727272616881233347;0.009469696969696969959806587269;0.000378787878787878787550241766;0.000000000000000000000000000000;0.040530303030303027611580546363;0.003787878787878787983922634908;0.021212121212121213403856145874;0.025000000000000001387778780781;0.040151515151515153323469320412;0.011742424242424241709326082628;0.002272727272727272616881233347;0.000000000000000000000000000000;0.011363636363636363951767904723;0.008333333333333333217685101602;0.003409090909090908925321850020;0.000000000000000000000000000000;0.049621212121212121548552431705;0.004545454545454545233762466694;0.037878787878787879839226349077;0.050000000000000002775557561563;0.022348484848484850145977631541;0.029166666666666667129259593594;0.019318181818181817677171352443
-0.012403100775193798277484802384;0.003488372093023255765542600670;0.074806201550387599330527166330;0.160465116279069758276065726932;0.000000000000000000000000000000;0.003488372093023255765542600670;0.012015503875968992081313402309;0.022480620155038759377941204320;0.002325581395348837177028400447;0.039147286821705429282758359477;0.012015503875968992081313402309;0.001162790697674418588514200223;0.007364341085271317727256601415;0.039922480620155041675101159626;0.012015503875968992081313402309;0.006589147286821705334913801266;0.012790697674418604473656202458;0.012790697674418604473656202458;0.006589147286821705334913801266;0.006201550387596899138742401192;0.019767441860465116004741403799;0.006589147286821705334913801266;0.010852713178294573492799202086;0.062790697674418610718660715975;0.017441860465116278827713003352;0.032558139534883720478397606257;0.043410852713178293971196808343;0.000387596899224806196171400074;0.005813953488372092942571001117;0.000000000000000000000000000000;0.000775193798449612392342800149;0.033720930232558142536358758434;0.006589147286821705334913801266;0.023643410852713177966455404544;0.025581395348837208947312404916;0.040697674418604654067443959775;0.008527131782945736315770801639;0.006976744186046511531085201341;0.000000000000000000000000000000;0.022868217054263565574112604395;0.008139534883720930119599401564;0.000775193798449612392342800149;0.000000000000000000000000000000;0.034496124031007754928701558583;0.003875968992248061961714000745;0.037984496124031007224797207300;0.041085271317829456794168407896;0.018604651162790697416227203576;0.026744186046511627535826605140;0.011240310077519379688970602160
-0.012962962962962962590318660716;0.009629629629629630344078705662;0.047777777777777780121581940875;0.130370370370370358692468926165;0.000370370370370370351979089074;0.003333333333333333547282562037;0.012962962962962962590318660716;0.033703703703703701000105041885;0.002592592592592592518063732143;0.032592592592592589673117231541;0.010000000000000000208166817117;0.000370370370370370351979089074;0.005185185185185185036127464286;0.045925925925925925596970955667;0.015185185185185185244294281404;0.001851851851851851922525771243;0.004814814814814815172039352831;0.018518518518518517490534236458;0.005185185185185185036127464286;0.008888888888888888881179006773;0.010740740740740739936343040029;0.004444444444444444440589503387;0.041111111111111112159655078813;0.058518518518518518323201504927;0.006666666666666667094565124074;0.028888888888888887562789165031;0.036666666666666666851703837438;0.003703703703703703845051542487;0.009629629629629630344078705662;0.001111111111111111110147375847;0.000370370370370370351979089074;0.026296296296296296779448908865;0.008148148148148147418279307885;0.024814814814814813853649511088;0.044074074074074071072359970458;0.035555555555555555524716027094;0.011851851851851851263330850372;0.001851851851851851922525771243;0.000000000000000000000000000000;0.036666666666666666851703837438;0.012222222222222222862142437805;0.003703703703703703845051542487;0.000000000000000000000000000000;0.040000000000000000832667268469;0.006296296296296296363115274630;0.024814814814814813853649511088;0.035925925925925923654080662573;0.024074074074074074125473288177;0.045185185185185182399347780802;0.014444444444444443781394582516
-0.032196969696969696128618920739;0.020454545454545454419292838111;0.020454545454545454419292838111;0.080681818181818187873943770683;0.039393939393939390869459060696;0.046590909090909092549193104560;0.003787878787878787983922634908;0.024621212121212120160773650923;0.007954545454545453725403447720;0.009090909090909090467524933388;0.018560606060606062162054996634;0.068939393939393939225723784148;0.021212121212121213403856145874;0.015909090909090907450806895440;0.026893939393939393645016622258;0.017045454545454544192928381108;0.004166666666666666608842550801;0.023484848484848483418652165255;0.037878787878787879839226349077;0.004166666666666666608842550801;0.019696969696969695434729530348;0.001515151515151515150200967064;0.007575757575757575967845269815;0.011742424242424241709326082628;0.040530303030303027611580546363;0.016287878787878788677812025298;0.025378787878787879145336958686;0.029166666666666667129259593594;0.000757575757575757575100483532;0.078030303030303033162695669489;0.036742424242424243097104863409;0.003787878787878787983922634908;0.021590909090909091161414323778;0.004166666666666666608842550801;0.017803030303030303177491688871;0.015530303030303029693248717535;0.007954545454545453725403447720;0.007954545454545453725403447720;0.003409090909090908925321850020;0.004166666666666666608842550801;0.007575757575757575967845269815;0.006060606060606060600803868255;0.000000000000000000000000000000;0.006818181818181817850643700041;0.029166666666666667129259593594;0.006818181818181817850643700041;0.015151515151515151935690539631;0.017803030303030303177491688871;0.016666666666666666435370203203;0.016666666666666666435370203203
-0.022689356022689354669408245968;0.041708375041708371788740095099;0.018018018018018017861736623786;0.067400734067400727700380969054;0.019686353019686353427175617981;0.027027027027027028527328411656;0.007007007007007006946230909250;0.048381715048381714050496071877;0.010343677010343676342385421663;0.007340674007340674232791055687;0.024024024024024023815648831714;0.007340674007340674232791055687;0.018351685018351684280935032234;0.012679346012679346480944708730;0.046379713046379715535305621188;0.006339673006339673240472354365;0.008008008008008007938549610571;0.038038038038038041177557602168;0.058725392058725393862328445493;0.005005005005005004961593506607;0.034701368034701370046679613779;0.007340674007340674232791055687;0.013346680013346679319341525627;0.011344678011344677334704122984;0.023690357023690357396450423266;0.021354688021354688992614612175;0.048715382048715380469694480325;0.056723390056723388408244090897;0.000667334000667334031019206630;0.037370704037370701400266881365;0.013013013013013012900143117179;0.003670337003670337116395527843;0.025025025025025026542691009013;0.004004004004004003969274805286;0.012012012012012011907824415857;0.017017017017017018604141398441;0.019019019019019020588778801084;0.006673340006673339659670762813;0.003670337003670337116395527843;0.009342676009342675350066720341;0.021688355021688355411813020623;0.007674341007674340651989464135;0.000000000000000000000000000000;0.006339673006339673240472354365;0.034701368034701370046679613779;0.013346680013346679319341525627;0.008008008008008007938549610571;0.007007007007007006946230909250;0.027027027027027028527328411656;0.011011011011011010915505714536
-0.046797084771768318600670966134;0.016877637130801686343728462703;0.024165707710011505998659586680;0.122362869198312240737180900396;0.022631377061756809132564427500;0.037591100882240123526312203239;0.003452243958573072285522798097;0.021097046413502108797022316367;0.016494054468738014729289886873;0.010356731875719216856568394292;0.023398542385884159300335483067;0.034138856923667047771342453188;0.018795550441120061763156101620;0.024549290372075181082545114464;0.016494054468738014729289886873;0.030303030303030303871381079261;0.004986574606827771753703171242;0.013808975834292289142091192389;0.024165707710011505998659586680;0.003452243958573072285522798097;0.019179133103183736847041629403;0.006137322593018795270636278616;0.005753739930955121054112488821;0.016110471806674339645404359089;0.047947832757959336913433645577;0.027234369006520906669743808948;0.032220943613348679290808718179;0.034522439585730722855227980972;0.000767165324127349408829534827;0.027617951668584578284182384778;0.043344840813195242845701216083;0.006520905255082470354521806399;0.011891062523973917192110505425;0.003068661296509397635318139308;0.017261219792865361427613990486;0.019179133103183736847041629403;0.008822401227464518255749759135;0.016877637130801686343728462703;0.003452243958573072285522798097;0.004986574606827771753703171242;0.006137322593018795270636278616;0.009589566551591868423520814702;0.000000000000000000000000000000;0.010740314537782891940453922075;0.009973149213655543507406342485;0.007671653241273494738816651761;0.019179133103183736847041629403;0.026850786344457231585858281164;0.021480629075565783880907844150;0.019562715765247411930927157186
-0.039836187639612809230360568336;0.008190618019359642565380141832;0.053239017125837680144417873862;0.104244229337304539217967658260;0.008190618019359642565380141832;0.036857781087118395013657590198;0.001861504095309009752801099324;0.010796723752792256739718723679;0.018987341772151899305098865511;0.012285927029039463848070212748;0.013402829486224869179333829550;0.087862993298585254087207374596;0.014519731943410276245320922328;0.032762472077438570261520567328;0.004839910647803424836865815450;0.034996276991809384393494752885;0.011913626209977662070982340481;0.015264333581533879799496666863;0.007818317200297840788292269565;0.005584512285927029258403297973;0.010052122114668651450819503168;0.013402829486224869179333829550;0.008190618019359642565380141832;0.022338049143708117033613191893;0.055472822040208487337498155512;0.027922561429635145424654751878;0.013402829486224869179333829550;0.007446016381236039011204397298;0.000000000000000000000000000000;0.030528667163067759598993333725;0.056217423678332094361120852000;0.013775130305286670956421701817;0.005584512285927029258403297973;0.005584512285927029258403297973;0.020476545048399106413450354580;0.023827252419955324141964680962;0.010796723752792256739718723679;0.013402829486224869179333829550;0.000744601638123603879436396280;0.011913626209977662070982340481;0.001489203276247207758872792560;0.005212211466865227481315425706;0.000000000000000000000000000000;0.011541325390915860293894468214;0.004467609828741623059777943183;0.007818317200297840788292269565;0.033507073715562177285143263816;0.024944154877140731207951773740;0.019359642591213699347463261802;0.017125837676842888684936028199
-0.042194092827004217594044632733;0.012306610407876230131596351214;0.027074542897327708718124839038;0.087201125175808719136583135878;0.003867791842475386959732119863;0.042194092827004217594044632733;0.004571026722925457079493849477;0.017229254571026721837290196504;0.008790436005625878665425965153;0.013713080168776372105843286420;0.022151898734177215277707517771;0.053797468354430381942687944274;0.017229254571026721837290196504;0.030239099859353024690733491298;0.010196905766526018904949424382;0.034106891701828408181018659207;0.006680731364275668306140776309;0.015471167369901547838928479450;0.014416315049226441358243278046;0.010196905766526018904949424382;0.015471167369901547838928479450;0.004219409282700421585932115676;0.009493670886075949652549432756;0.019690576652601970292222333114;0.051336146272855133487755807664;0.032700421940928273145665627908;0.016877637130801686343728462703;0.034106891701828408181018659207;0.000703234880450070336602164112;0.023558368495077357251954452977;0.074894514767932490739710260641;0.008438818565400843171864231351;0.004219409282700421585932115676;0.008087201125175809413025973527;0.018284106891701828317975397908;0.020393811533052037809898848764;0.010196905766526018904949424382;0.017580872011251757330851930305;0.006329113924050632812579042508;0.016174402250351618826051947053;0.002812939521800281346408656447;0.010900140646976089892072891985;0.000000000000000000000000000000;0.011251758087201125385634625786;0.005977496483825597319017308706;0.009845288326300985146111166557;0.022503516174402250771269251572;0.028481012658227847222924822290;0.021448663853727144290584050168;0.020393811533052037809898848764
-0.028270042194092827314566562791;0.030379746835443036806490013646;0.023628691983122361575109238174;0.156540084388185646302460440893;0.072573839662447250931087694426;0.030801687763713080092653484598;0.010126582278481012847071163208;0.025316455696202531250316170031;0.011392405063291139236114624111;0.004641350210970464004733848640;0.013502109704641350462761550943;0.030379746835443036806490013646;0.018987341772151899305098865511;0.011814345991561180787554619087;0.028691983122362870600730033743;0.021518987341772152083185787319;0.009282700421940928009467697279;0.018143459915611812732771923606;0.029957805907172996989773494647;0.002531645569620253211767790802;0.016877637130801686343728462703;0.005063291139240506423535581604;0.004641350210970464004733848640;0.014345991561181435300365016872;0.035864978902953585648827328214;0.009704641350210971295631168232;0.021940928270042195369349258272;0.046835443037974683333501957350;0.000421940928270042201961298467;0.048523206751054849539261937252;0.027426160337552744211686572839;0.004219409282700421585932115676;0.013080168776371307176598079991;0.006329113924050632812579042508;0.013080168776371307176598079991;0.009282700421940928009467697279;0.004219409282700421585932115676;0.008438818565400843171864231351;0.002953586497890295196888654772;0.013502109704641350462761550943;0.014767932489451476851805011847;0.018565400843881856018935394559;0.000000000000000000000000000000;0.007594936708860759201622503411;0.025316455696202531250316170031;0.003797468354430379600811251706;0.011814345991561180787554619087;0.007594936708860759201622503411;0.013502109704641350462761550943;0.011814345991561180787554619087
-0.023628691983122361575109238174;0.017721518987341772916055404608;0.021940928270042195369349258272;0.160337552742616046286272535326;0.088185654008438821294113552085;0.029535864978902953703610023695;0.006751054852320675231380775472;0.018987341772151899305098865511;0.010548523206751054398511158183;0.005907172995780590393777309544;0.015611814345991561689408477775;0.040928270042194091205001171829;0.011814345991561180787554619087;0.018143459915611812732771923606;0.030379746835443036806490013646;0.017299578059071729629891933655;0.005485232067510548842337314568;0.018143459915611812732771923606;0.042616033755274264349655055639;0.002109704641350210792966057838;0.017721518987341772916055404608;0.007172995780590717650182508436;0.003375527426160337615690387736;0.011814345991561180787554619087;0.034177215189873419443067348311;0.016877637130801686343728462703;0.021518987341772152083185787319;0.034599156118143459259783867310;0.000421940928270042201961298467;0.056118143459915614812416606583;0.023206751054852321758392719175;0.003375527426160337615690387736;0.011392405063291139236114624111;0.004219409282700421585932115676;0.016877637130801686343728462703;0.008438818565400843171864231351;0.004641350210970464004733848640;0.006751054852320675231380775472;0.002953586497890295196888654772;0.006751054852320675231380775472;0.007172995780590717650182508436;0.011814345991561180787554619087;0.000000000000000000000000000000;0.005063291139240506423535581604;0.029957805907172996989773494647;0.005907172995780590393777309544;0.016455696202531646527011943704;0.017721518987341772916055404608;0.016455696202531646527011943704;0.010970464135021097684674629136
-0.044303797468354430555415035542;0.005063291139240506423535581604;0.025316455696202531250316170031;0.102109704641350204634697718120;0.013502109704641350462761550943;0.047679324894514769905828899255;0.005485232067510548842337314568;0.007594936708860759201622503411;0.010126582278481012847071163208;0.019409282700421942591262336464;0.013924050632911392014201545919;0.094514767932489446300436952697;0.019831223628691982407978855463;0.024472573839662448147436180079;0.003797468354430379600811251706;0.032489451476793246298413464501;0.008438818565400843171864231351;0.013502109704641350462761550943;0.006329113924050632812579042508;0.005907172995780590393777309544;0.009704641350210971295631168232;0.009282700421940928009467697279;0.006751054852320675231380775472;0.015611814345991561689408477775;0.056118143459915614812416606583;0.034177215189873419443067348311;0.017299578059071729629891933655;0.001265822784810126605883895401;0.000421940928270042201961298467;0.063713080168776373146677372006;0.040928270042194091205001171829;0.010970464135021097684674629136;0.004219409282700421585932115676;0.005907172995780590393777309544;0.029535864978902953703610023695;0.015611814345991561689408477775;0.010548523206751054398511158183;0.019831223628691982407978855463;0.000843881856540084403922596934;0.008016877637130801620424236376;0.002531645569620253211767790802;0.007172995780590717650182508436;0.000000000000000000000000000000;0.018565400843881856018935394559;0.001265822784810126605883895401;0.013502109704641350462761550943;0.023628691983122361575109238174;0.022362869198312235186065777270;0.020675105485232068980305797368;0.025738396624472574536479640983
-0.042577675489067892677930160517;0.018411967779056386679270573836;0.013808975834292289142091192389;0.146528576908323743266393535123;0.033755274261603372687456925405;0.039125431530494823861854314373;0.002685078634445722985113480519;0.015343306482546989477633303522;0.012274645186037590541272557232;0.010356731875719216856568394292;0.013041810510164940709043612799;0.042577675489067892677930160517;0.016877637130801686343728462703;0.019179133103183736847041629403;0.021097046413502108797022316367;0.034522439585730722855227980972;0.004219409282700421585932115676;0.007671653241273494738816651761;0.033755274261603372687456925405;0.004219409282700421585932115676;0.014576141158419639309862247956;0.003068661296509397635318139308;0.006520905255082470354521806399;0.018411967779056386679270573836;0.039509014192558498945739842156;0.018795550441120061763156101620;0.013041810510164940709043612799;0.051400076716532412668403395628;0.000000000000000000000000000000;0.048331415420023011997319173361;0.048714998082086687081204701144;0.003452243958573072285522798097;0.015726889144610664561518831306;0.008055235903337169822702179545;0.018795550441120061763156101620;0.007671653241273494738816651761;0.006137322593018795270636278616;0.011891062523973917192110505425;0.006137322593018795270636278616;0.006520905255082470354521806399;0.004986574606827771753703171242;0.010356731875719216856568394292;0.000000000000000000000000000000;0.006520905255082470354521806399;0.019179133103183736847041629403;0.008438818565400843171864231351;0.014192558496355964225976720172;0.024549290372075181082545114464;0.015343306482546989477633303522;0.017644802454929036511499518269
-0.040625000000000001387778780781;0.043303571428571427381903902187;0.017857142857142856151586585156;0.094642857142857139685077072500;0.018303571428571429463572073360;0.049107142857142856151586585156;0.007142857142857142634106981660;0.033035714285714286309048048906;0.008928571428571428075793292578;0.005357142857142857192420670742;0.016517857142857143154524024453;0.042857142857142857539365365938;0.020535714285714285615158658516;0.016071428571428569842538536250;0.056696428571428571230317317031;0.034375000000000002775557561563;0.008482142857142856498531280351;0.029910714285714287002937439297;0.029910714285714287002937439297;0.003125000000000000173472347598;0.014285714285714285268213963320;0.006250000000000000346944695195;0.003571428571428571317053490830;0.009821428571428571230317317031;0.044196428571428574005874878594;0.019642857142857142460634634062;0.025446428571428571230317317031;0.050446428571428572618096097813;0.000000000000000000000000000000;0.029464285714285713690951951094;0.030357142857142856845475975547;0.003571428571428571317053490830;0.011160714285714285962103353711;0.002678571428571428596210335371;0.014285714285714285268213963320;0.009374999999999999653055304805;0.008035714285714284921269268125;0.012500000000000000693889390391;0.001785714285714285658526745415;0.006696428571428571056844969434;0.011607142857142857539365365938;0.011607142857142857539365365938;0.000000000000000000000000000000;0.005803571428571428769682682969;0.023214285714285715078730731875;0.006696428571428571056844969434;0.011607142857142857539365365938;0.019642857142857142460634634062;0.018303571428571429463572073360;0.011160714285714285962103353711
-0.040530303030303027611580546363;0.026515151515151515887458444354;0.022348484848484850145977631541;0.081060606060606055223161092727;0.069318181818181820452728914006;0.048106060606060603579425816179;0.002272727272727272616881233347;0.017803030303030303177491688871;0.012500000000000000693889390391;0.006060606060606060600803868255;0.017045454545454544192928381108;0.043939393939393937837945003366;0.018181818181818180935049866775;0.016287878787878788677812025298;0.045833333333333330095182844843;0.030681818181818181628939257166;0.006060606060606060600803868255;0.016287878787878788677812025298;0.025757575757575756902895136591;0.004545454545454545233762466694;0.015530303030303029693248717535;0.007954545454545453725403447720;0.004924242424242423858682382587;0.008712121212121212709966755483;0.053787878787878787290033244517;0.018939393939393939919613174538;0.016666666666666666435370203203;0.032196969696969696128618920739;0.000000000000000000000000000000;0.042424242424242426807712291748;0.037499999999999998612221219219;0.006060606060606060600803868255;0.016287878787878788677812025298;0.006060606060606060600803868255;0.019318181818181817677171352443;0.010227272727272727209646419055;0.006060606060606060600803868255;0.010227272727272727209646419055;0.001136363636363636308440616673;0.009469696969696969959806587269;0.006060606060606060600803868255;0.013257575757575757943729222177;0.000000000000000000000000000000;0.006818181818181817850643700041;0.032954545454545451643735276548;0.005681818181818181975883952362;0.015909090909090907450806895440;0.013257575757575757943729222177;0.015530303030303029693248717535;0.015909090909090907450806895440
-0.014516129032258065154059600843;0.064112903225806455731472510706;0.016129032258064515681361683619;0.066532258064516125450893468951;0.031048387096774193033565936162;0.020161290322580644601702104524;0.005645161290322580315004241669;0.058870967741935481543080754818;0.005241935483870968116859589969;0.006854838709677419511523410733;0.014919354838709677352204252543;0.014516129032258065154059600843;0.011693548387096774562876611014;0.008870967741935483971693621186;0.087499999999999994448884876874;0.006854838709677419511523410733;0.007661290322580644775174452121;0.042741935483870965861719071199;0.056854838709677418817634020343;0.002822580645161290157502120834;0.024193548387096773522042525428;0.003225806451612903223008510523;0.007661290322580644775174452121;0.007661290322580644775174452121;0.014919354838709677352204252543;0.011290322580645160630008483338;0.035080645161290321953906357066;0.099596774193548384679353091542;0.000000000000000000000000000000;0.035483870967741935886774484743;0.011290322580645160630008483338;0.004435483870967741985846810593;0.019354838709677420205412801124;0.002419354838709677525676600141;0.006854838709677419511523410733;0.019758064516129030668833976847;0.012903225806451612892034042090;0.004435483870967741985846810593;0.000806451612903225805752127631;0.006451612903225806446017021045;0.023790322580645159589174397752;0.016935483870967743547097938972;0.000000000000000000000000000000;0.004838709677419355051353200281;0.033870967741935487094195877944;0.005645161290322580315004241669;0.010483870967741936233719179938;0.006048387096774193380510631357;0.017741935483870967943387242372;0.009274193548387096169838272885
-0.028832630098452882716486556092;0.017580872011251757330851930305;0.021448663853727144290584050168;0.139943741209563987659691974841;0.042194092827004217594044632733;0.047116736990154714503908905954;0.001054852320675105396483028919;0.016174402250351618826051947053;0.021448663853727144290584050168;0.005274261603375527199255579092;0.013009845288326301118719818817;0.048171589310829814045700203451;0.028129395218002811729363088489;0.014767932489451476851805011847;0.028481012658227847222924822290;0.017932489451476792824413664107;0.007032348804500702932340772122;0.016526019690576654319613680855;0.030590717299578060184295225099;0.003516174402250351466170386061;0.009845288326300985146111166557;0.013713080168776372105843286420;0.007735583684950773919464239725;0.010196905766526018904949424382;0.043952180028129395061853301740;0.014064697609001405864681544244;0.017580872011251757330851930305;0.061533052039381155862152184000;0.000351617440225035168301082056;0.056962025316455694445849644580;0.033755274261603372687456925405;0.006329113924050632812579042508;0.017932489451476792824413664107;0.005977496483825597319017308706;0.011603375527426160879196359588;0.010196905766526018904949424382;0.006329113924050632812579042508;0.004571026722925457079493849477;0.007735583684950773919464239725;0.008087201125175809413025973527;0.004571026722925457079493849477;0.017932489451476792824413664107;0.000000000000000000000000000000;0.003516174402250351466170386061;0.027074542897327708718124839038;0.003867791842475386959732119863;0.011954992967651194638034617412;0.010196905766526018904949424382;0.011954992967651194638034617412;0.011251758087201125385634625786
-0.017741935483870967943387242372;0.034677419354838708021038229390;0.011693548387096774562876611014;0.083870967741935489869753439507;0.045564516129032256452902061028;0.026612903225806450180357387580;0.015322580645161289550348904243;0.038709677419354840410825602248;0.005645161290322580315004241669;0.005645161290322580315004241669;0.016129032258064515681361683619;0.019758064516129030668833976847;0.017338709677419354010519114695;0.004435483870967741985846810593;0.045564516129032256452902061028;0.011693548387096774562876611014;0.007661290322580644775174452121;0.031451612903225803496987111885;0.081451612903225806272544673448;0.004032258064516128920340420905;0.038306451612903226477957474572;0.007258064516129032577029800422;0.010887096774193548431863831638;0.005645161290322580315004241669;0.020564516129032258534570232200;0.010483870967741936233719179938;0.030241935483870968637276632762;0.052016129032258065501004296038;0.000000000000000000000000000000;0.054838709677419356092187285867;0.033467741935483873161327750267;0.002822580645161290157502120834;0.030645161290322579100697808485;0.004435483870967741985846810593;0.008467741935483871773548969486;0.009274193548387096169838272885;0.012096774193548386761021262714;0.010887096774193548431863831638;0.002419354838709677525676600141;0.005645161290322580315004241669;0.017338709677419354010519114695;0.009274193548387096169838272885;0.000000000000000000000000000000;0.006854838709677419511523410733;0.039919354838709675270536081371;0.013709677419354839023046821467;0.003629032258064516288514900211;0.008064516129032257840680841809;0.018951612903225806272544673448;0.006854838709677419511523410733
-0.038554216867469882912278222875;0.006626506024096385366606298817;0.026807228915662652257712039727;0.001506024096385542247050759457;0.030421686746987950528131605665;0.083132530120481926139142103693;0.000903614457831325326546412224;0.009337349397590361671506187236;0.013855421686746987111615858623;0.009939759036144578049909448225;0.018373493975903616021172481965;0.089156626506024100331515569451;0.025903614457831326822745410254;0.028012048192771085014518561707;0.004518072289156626307471409376;0.030722891566265061319418450125;0.010240963855421687106472816708;0.018072289156626505229885637505;0.025602409638554216031458565794;0.007228915662650602612371297795;0.008433734939759036236539557763;0.012349397590361445298245968161;0.007530120481927710801572928290;0.013253012048192770733212597634;0.057530120481927710107683537899;0.026506024096385541466425195267;0.019578313253012048777979003944;0.016265060240963854359952378559;0.000000000000000000000000000000;0.092771084337349402071382087342;0.052108433734939757497883761062;0.005722891566265059931639669344;0.010542168674698794428312709215;0.006325301204819277177404668322;0.018072289156626505229885637505;0.014759036144578312546582488096;0.005421686746987951742438038849;0.013855421686746987111615858623;0.002108433734939759059134889441;0.015060240963855421603145856579;0.003313253012048192683303149408;0.012349397590361445298245968161;0.000000000000000000000000000000;0.009036144578313252614942818752;0.006325301204819277177404668322;0.005120481927710843553236408354;0.025903614457831326822745410254;0.017168674698795179794919008032;0.023192771084337350517845521836;0.020481927710843374212945633417
-0.018444846292947559424080239410;0.020976491862567812202167161217;0.010126582278481012847071163208;0.120433996383363467463922802381;0.074502712477396024204345792441;0.030018083182640143552477596245;0.007233273056057865947610086010;0.025678119349005424504328587432;0.014104882459312838641207754620;0.007956600361663653322996658801;0.013381555153707052133182919818;0.045569620253164556944458496446;0.014104882459312838641207754620;0.008318264014466546577009076202;0.036166365280289332340135644017;0.020614828209764918948154743816;0.002531645569620253211767790802;0.017359855334538879662042987206;0.040506329113924051388284652830;0.003616636528028932973805043005;0.018083182640144666170067822009;0.006148282097649186185572833807;0.005786618444846292931560416406;0.006148282097649186185572833807;0.026763110307414104266365839635;0.012296564195298372371145667614;0.022784810126582278472229248223;0.075587703435804703966383044644;0.000000000000000000000000000000;0.058589511754068714088905522885;0.047016274864376129960508166050;0.003616636528028932973805043005;0.014466546112115731895220172021;0.003978300180831826661498329401;0.010488245931283906101083580609;0.009403254972875226339046328405;0.005063291139240506423535581604;0.013381555153707052133182919818;0.005063291139240506423535581604;0.007956600361663653322996658801;0.009403254972875226339046328405;0.021699819168173598710191996020;0.000000000000000000000000000000;0.004339963833634719915510746802;0.033273056057866186308036304808;0.009403254972875226339046328405;0.008679927667269439831021493603;0.008318264014466546577009076202;0.013381555153707052133182919818;0.007233273056057865947610086010
-0.038194444444444447528397290625;0.006597222222222222202947516934;0.028125000000000000693889390391;0.064236111111111104943205418749;0.038194444444444447528397290625;0.076736111111111116045435665001;0.001388888888888888941894328433;0.007638888888888888638317720137;0.015625000000000000000000000000;0.008680555555555555941049661328;0.020138888888888890199568848516;0.101736111111111110494320541875;0.022916666666666665047591422422;0.021180555555555556634939051719;0.007986111111111110494320541875;0.025000000000000001387778780781;0.005208333333333333044212754004;0.013541666666666667129259593594;0.012847222222222221682530474141;0.003819444444444444319158860068;0.009722222222222222376419864531;0.010763888888888888811790067734;0.005555555555555555767577313730;0.011111111111111111535154627461;0.053819444444444447528397290625;0.016319444444444445446729119453;0.014583333333333333564629796797;0.008680555555555555941049661328;0.000347222222222222235473582108;0.103472222222222215437525960624;0.060069444444444446140618509844;0.003819444444444444319158860068;0.009722222222222222376419864531;0.004861111111111111188209932266;0.017361111111111111882099322656;0.011458333333333332523795711211;0.007986111111111110494320541875;0.010763888888888888811790067734;0.001041666666666666652210637700;0.009374999999999999653055304805;0.001041666666666666652210637700;0.011805555555555555247160270937;0.000000000000000000000000000000;0.004861111111111111188209932266;0.005555555555555555767577313730;0.004861111111111111188209932266;0.020486111111111111188209932266;0.021874999999999998612221219219;0.023263888888888889505679458125;0.015625000000000000000000000000
-0.026401446654611211012353422234;0.032911392405063293054023887407;0.011934900542495479117133250213;0.162025316455696205553138611322;0.044484629294755877182421244243;0.062567811934900546821936018205;0.005424954792043399677547999005;0.019168173598553345932105074212;0.009403254972875226339046328405;0.003978300180831826661498329401;0.015551537070524411657257424224;0.063291139240506333329960853007;0.019891500904159132440129909014;0.010849909584086799355095998010;0.041229656419529837896309487633;0.014466546112115731895220172021;0.005424954792043399677547999005;0.015913200723327306645993317602;0.025316455696202531250316170031;0.003254972875226039719792625604;0.011934900542495479117133250213;0.002531645569620253211767790802;0.003978300180831826661498329401;0.005786618444846292931560416406;0.032188065099457506545999052605;0.008318264014466546577009076202;0.019529837251356239186117491613;0.070524412296564198410209201029;0.000000000000000000000000000000;0.059674502712477393850942775089;0.035081374321880652578098391814;0.005424954792043399677547999005;0.010126582278481012847071163208;0.007233273056057865947610086010;0.012296564195298372371145667614;0.010849909584086799355095998010;0.001808318264014466486902521503;0.008318264014466546577009076202;0.002531645569620253211767790802;0.006148282097649186185572833807;0.010126582278481012847071163208;0.010488245931283906101083580609;0.000000000000000000000000000000;0.002893309222423146465780208203;0.024231464737793851488278917827;0.005786618444846292931560416406;0.010126582278481012847071163208;0.007594936708860759201622503411;0.010849909584086799355095998010;0.010126582278481012847071163208
-0.022070756247971438923638487495;0.019474196689386564368406951075;0.017526777020447907584621560773;0.192794547224926976491943264591;0.062966569295683214035896924088;0.041544952937357999822598486617;0.003245699448231093627720289518;0.009087958455047062678033853445;0.028237585199610514691270779508;0.006166828951639078369717505979;0.012009087958455047853711938899;0.052580331061343722753864682318;0.008438818565400843171864231351;0.016228497241155468572282316586;0.015903927296332359686559243528;0.020772476468678999911299243308;0.010386238234339499955649621654;0.013956507627393702902773853225;0.024018175916910095707423877798;0.002271989613761765669508463361;0.009087958455047062678033853445;0.013631937682570594017050780167;0.003245699448231093627720289518;0.011684518013631937233265389864;0.030834144758195392715949267881;0.011035378123985719461819243747;0.011684518013631937233265389864;0.025965595585848749021762316147;0.000973709834469328175052260654;0.089905874716001296653722363317;0.043816942551119765492106949978;0.008438818565400843171864231351;0.010061668289516391069926548596;0.002921129503407984308316347466;0.010386238234339499955649621654;0.015254787406686140180389621435;0.004219409282700421585932115676;0.013307367737747485131327707109;0.004219409282700421585932115676;0.006815968841285297008525390083;0.003894839337877312700209042617;0.022395326192794547809361560553;0.000000000000000000000000000000;0.005193119117169749977824810827;0.019149626744563452013236926064;0.004868549172346641092101737769;0.009412528399870171563756926503;0.011035378123985719461819243747;0.006491398896462187255440579037;0.010386238234339499955649621654
-0.039952531645569618057312055726;0.010680379746835442708596808359;0.028481012658227847222924822290;0.152689873417721527770751777098;0.008702531645569619792035531702;0.049050632911392402779604537955;0.003164556962025316406289521254;0.011471518987341772569110709412;0.013053797468354430555415035542;0.005537974683544303819426879443;0.017405063291139239584071063405;0.061708860759493673608933050900;0.026898734177215190971343972137;0.015822784810126583332490213252;0.007515822784810126735988156099;0.034810126582278479168142126809;0.004746835443037974826274716378;0.018196202531645569444584964458;0.023338607594936708333754893374;0.003164556962025316406289521254;0.014636075949367088541719361672;0.007911392405063291666245106626;0.007911392405063291666245106626;0.014240506329113923611462411145;0.046677215189873416667509786748;0.024129746835443038194268794427;0.024920886075949368054782695481;0.025316455696202531250316170031;0.000000000000000000000000000000;0.047863924050632909723557162351;0.053006329113924048612727091268;0.005142405063291138889169928916;0.008702531645569619792035531702;0.005142405063291138889169928916;0.016218354430379746528023687802;0.014636075949367088541719361672;0.004351265822784809896017765851;0.018987341772151899305098865511;0.004746835443037974826274716378;0.013449367088607595485671986069;0.005142405063291138889169928916;0.013449367088607595485671986069;0.000000000000000000000000000000;0.011075949367088607638853758885;0.005933544303797468749683829969;0.009098101265822784722292482229;0.013844936708860758681205460618;0.015031645569620253471976312198;0.015822784810126583332490213252;0.016218354430379746528023687802
-0.047366271947733767921917547028;0.007349938750510412802108284325;0.020416496529195589382243980481;0.177623519804001622768296897448;0.007758268681094324624447633454;0.043282972641894651433247531713;0.003266639444671294578714793033;0.014699877501020825604216568649;0.008574928542262147401764593724;0.010616578195181707380823077358;0.015924867292772561938596354025;0.036749693752552062275817945647;0.024908125765618620295338558890;0.020008166598611678427266369340;0.007758268681094324624447633454;0.033074724377296853272678589519;0.005308289097590853690411538679;0.011433238056349531025501775616;0.027766435279706003919075740782;0.004083299305839118223393491292;0.014699877501020825604216568649;0.011841567986933441980479386757;0.006124948958758677335090236937;0.013883217639853001959537870391;0.051857901184156798835012125437;0.024908125765618620295338558890;0.016333197223356472893573965166;0.012249897917517354670180473875;0.000408329930583911822339349129;0.034708044099632504031482937989;0.046957942017149860436386887841;0.006124948958758677335090236937;0.019191506737443853047864195105;0.006124948958758677335090236937;0.017966516945692120182931361683;0.011024908125765618335800688499;0.008983258472846060091465680841;0.023274806043282973005981162373;0.002858309514087382756375443904;0.013066557778685178314859172133;0.002858309514087382756375443904;0.008983258472846060091465680841;0.000000000000000000000000000000;0.008574928542262147401764593724;0.012249897917517354670180473875;0.017966516945692120182931361683;0.025316455696202531250316170031;0.022866476112699062051003551232;0.018374846876276031137908972823;0.012249897917517354670180473875
-0.013967699694456568726419476434;0.019205587079877781131465042108;0.002618943692710606636203651831;0.179397642950676561302003619858;0.062418158009602792146708338805;0.030990833697075514246987992806;0.026189436927106065494674780325;0.037974683544303798610197731023;0.005674378000872981261948346798;0.002618943692710606636203651831;0.015277171540811871827680867852;0.039720646006110867098914951612;0.009166302924487123443553215907;0.003928415539065910171145912244;0.027062418158009603208480342573;0.008729812309035356321373910760;0.001745962461807071090802434554;0.011348756001745962523896693597;0.124836316019205584293416677610;0.000436490615451767772700608639;0.055434308162374511252945552542;0.000872981230903535545401217277;0.001745962461807071090802434554;0.008293321693583587464471129636;0.017896115233522479764927126666;0.007420340462680052352750781353;0.017459624618070712642747821519;0.038411174159755562262930084216;0.000436490615451767772700608639;0.058926233085988648230379993720;0.027498908773461370330659647720;0.000872981230903535545401217277;0.013967699694456568726419476434;0.002618943692710606636203651831;0.010912265386294195401717388449;0.004364906154517678160686955380;0.003491924923614142181604869108;0.004801396769969445282866260527;0.002618943692710606636203651831;0.004801396769969445282866260527;0.025752946311654298372495475178;0.010039284155390659422635302178;0.000000000000000000000000000000;0.002182453077258839080343477690;0.025316455696202531250316170031;0.008729812309035356321373910760;0.002182453077258839080343477690;0.001745962461807071090802434554;0.007856831078131820342291824488;0.010039284155390659422635302178
-0.030004688232536335518174652748;0.017346460384435068158293091756;0.012189404594467885545316931939;0.150023441162681681060320215693;0.043131739334270981223173890839;0.062822315986872948045949272000;0.004688232536333802533135006740;0.017815283638068446503410768855;0.005157055789967182612976159817;0.007032348804500702932340772122;0.015002344116268167759087326374;0.066104078762306617278454723419;0.021565869667135490611586945420;0.013127051101734645704999238092;0.013127051101734645704999238092;0.019221753398968588477657704061;0.005157055789967182612976159817;0.009845288326300985146111166557;0.036568213783403656635950795817;0.001406469760900140673204328223;0.012658227848101265625158085015;0.001875293014533520969885915797;0.005157055789967182612976159817;0.007032348804500702932340772122;0.047819971870604778552138469649;0.014064697609001405864681544244;0.017815283638068446503410768855;0.064228785747773090020196207206;0.000000000000000000000000000000;0.090951711204875759775312360489;0.029067041725269571889045394641;0.002812939521800281346408656447;0.021097046413502108797022316367;0.005625879043600562692817312893;0.020159399906235348637340010214;0.007032348804500702932340772122;0.006094702297233942772658465969;0.006563525550867322852499619046;0.000000000000000000000000000000;0.003281762775433661426249809523;0.001875293014533520969885915797;0.006563525550867322852499619046;0.000000000000000000000000000000;0.005625879043600562692817312893;0.019690576652601970292222333114;0.003750586029067041939771831593;0.010782934833567745305793472710;0.011251758087201125385634625786;0.016408813877168307998610785603;0.009376465072667605066270013481
-0.021691176470588234559411233704;0.019485294117647058986797503621;0.014338235294117646426159673467;0.110661764705882348369669898602;0.052941176470588234559411233704;0.038235294117647061762355065184;0.009558823529411765440588766296;0.046323529411764707841570043456;0.008455882352941175919558425278;0.004779411764705882720294383148;0.021323529411764706453791262675;0.021323529411764706453791262675;0.034191176470588238722747576048;0.007352941176470588133251560237;0.036397058823529414295361306131;0.010294117647058823386552184331;0.002205882352941176439975468071;0.024264705882352941707091886769;0.071323529411764702290454920330;0.002573529411764705846638046083;0.030514705882352940319313105988;0.002573529411764705846638046083;0.016911764705882351839116850556;0.008088235294117647813938454249;0.014338235294117646426159673467;0.011764705882352941013202496379;0.035661764705882351145227460165;0.015441176470588235947190014485;0.000367647058823529406662578012;0.073529411764705884801962554320;0.015073529411764706106846567479;0.002573529411764705846638046083;0.040808823529411765440588766296;0.004044117647058823906969227124;0.018014705882352939625423715597;0.013602941176470588480196255432;0.010661764705882353226895631337;0.002205882352941176439975468071;0.001838235294117647033312890059;0.003308823529411764659963202106;0.015441176470588235947190014485;0.008823529411764705759901872284;0.000000000000000000000000000000;0.001102941176470588219987734035;0.037132352941176470506601248189;0.008455882352941175919558425278;0.007720588235294117973595007243;0.006985294117647059160269851219;0.026102941176470589174085645823;0.009191176470588235600245319290
-0.030624744793793384073365970721;0.018374846876276031137908972823;0.029808084932625562163410748440;0.081665986116782357528975921923;0.012658227848101265625158085015;0.046549612086565946011962324746;0.002041649652919559111696745646;0.015924867292772561938596354025;0.032666394446712945787147930332;0.006941608819926500979768935196;0.015108207431604736559194179790;0.079624336463862799284640914266;0.015108207431604736559194179790;0.025724785626786442205293781171;0.026949775418538178539673566547;0.024908125765618620295338558890;0.011841567986933441980479386757;0.024908125765618620295338558890;0.020416496529195589382243980481;0.008166598611678236446786982583;0.006533278889342589157429586066;0.018783176806859942092886583964;0.007758268681094324624447633454;0.010616578195181707380823077358;0.044507962433646387767627317089;0.021641486320947325716623765857;0.022049816251531236671601376997;0.040016333197223356854532738680;0.001224989791751735467018047387;0.042874642711310737008822968619;0.039199673336055534944577516399;0.007349938750510412802108284325;0.008166598611678236446786982583;0.008166598611678236446786982583;0.019191506737443853047864195105;0.016741527153940383848551576307;0.006124948958758677335090236937;0.007349938750510412802108284325;0.008166598611678236446786982583;0.011841567986933441980479386757;0.002858309514087382756375443904;0.018783176806859942092886583964;0.000000000000000000000000000000;0.008166598611678236446786982583;0.014699877501020825604216568649;0.005308289097590853690411538679;0.017966516945692120182931361683;0.021641486320947325716623765857;0.017966516945692120182931361683;0.014291547570436912914515481532
-0.032661290322580645295591494914;0.022580645161290321260016966676;0.037903225806451612545089346895;0.070161290322580643907812714133;0.012903225806451612892034042090;0.044354838709677421593191581906;0.001612903225806451611504255261;0.019758064516129030668833976847;0.038306451612903226477957474572;0.007258064516129032577029800422;0.019758064516129030668833976847;0.078629032258064515681361683619;0.012096774193548386761021262714;0.028225806451612902442382946333;0.019758064516129030668833976847;0.024193548387096773522042525428;0.008467741935483871773548969486;0.022580645161290321260016966676;0.018951612903225806272544673448;0.007661290322580644775174452121;0.009274193548387096169838272885;0.013709677419354839023046821467;0.004838709677419355051353200281;0.022177419354838710796595790953;0.043548387096774193727455326552;0.020564516129032258534570232200;0.024193548387096773522042525428;0.023790322580645159589174397752;0.000806451612903225805752127631;0.051209677419354837635268040685;0.042338709677419351928850943523;0.005241935483870968116859589969;0.006854838709677419511523410733;0.009677419354838710102706400562;0.015725806451612901748493555942;0.018548387096774192339676545771;0.007661290322580644775174452121;0.006854838709677419511523410733;0.005645161290322580315004241669;0.010887096774193548431863831638;0.003225806451612903223008510523;0.016532258064516129614229811295;0.000000000000000000000000000000;0.009677419354838710102706400562;0.010483870967741936233719179938;0.006048387096774193380510631357;0.023387096774193549125753222029;0.023387096774193549125753222029;0.017338709677419354010519114695;0.018548387096774192339676545771
-0.041903099083369706179258429302;0.011785246617197729646075998744;0.010912265386294195401717388449;0.081623745089480573278173380913;0.029244871235268442288823820263;0.063291139240506333329960853007;0.003055434308162374625744694967;0.019205587079877781131465042108;0.005674378000872981261948346798;0.004364906154517678160686955380;0.019205587079877781131465042108;0.077695329550414665709112682634;0.018769096464426014009285736961;0.012221737232649498502978779868;0.009602793539938890565732521054;0.022697512003491925047793387193;0.004801396769969445282866260527;0.013967699694456568726419476434;0.054561326931470970069693038340;0.003491924923614142181604869108;0.028371890004364904575018258015;0.003928415539065910171145912244;0.005237887385421213272407303663;0.013531209079004801604240171287;0.045395024006983850095586774387;0.013967699694456568726419476434;0.021824530772588390803434776899;0.047140986468790918584303994976;0.000872981230903535545401217277;0.094718463553033607760234247053;0.041466608467917942526526076108;0.004801396769969445282866260527;0.022697512003491925047793387193;0.003928415539065910171145912244;0.008729812309035356321373910760;0.013967699694456568726419476434;0.009166302924487123443553215907;0.009166302924487123443553215907;0.003491924923614142181604869108;0.003491924923614142181604869108;0.004801396769969445282866260527;0.007856831078131820342291824488;0.000000000000000000000000000000;0.007856831078131820342291824488;0.016150152771715407806762954124;0.006110868616324749251489389934;0.013094718463553032747337390163;0.016150152771715407806762954124;0.013967699694456568726419476434;0.010039284155390659422635302178
-0.034482758620689654693869385937;0.013793103448275861877547754375;0.011637931034482759326542655742;0.045258620689655172653065307031;0.028448275862068966857165719375;0.084482758620689657469426947500;0.002155172413793103418366836621;0.011206896551724137775507550430;0.004310344827586206836733673242;0.007758620689655172306120611836;0.029310344827586206489788978047;0.081034482758620685061146104999;0.035775862068965519346974701875;0.016379310344827587714311434297;0.010775862068965517959195921094;0.018965517241379310081628162266;0.005172413793103448204080407891;0.012931034482758620510201019727;0.051293103448275860489768973594;0.002586206896551724102040203945;0.023706896551724136734673464844;0.004310344827586206836733673242;0.008189655172413793857155717149;0.007758620689655172306120611836;0.045689655172413794204100412344;0.014224137931034483428582859688;0.023275862068965518653085311485;0.010344827586206896408160815781;0.000862068965517241367346734648;0.124568965517241378448964894687;0.037499999999999998612221219219;0.004741379310344827520407040566;0.025431034482758619469366934140;0.005603448275862068887753775215;0.018103448275862070449004903594;0.011206896551724137775507550430;0.006896551724137930938773877187;0.006465517241379310255100509863;0.000431034482758620683673367324;0.006465517241379310255100509863;0.002586206896551724102040203945;0.004741379310344827520407040566;0.000000000000000000000000000000;0.005603448275862068887753775215;0.012931034482758620510201019727;0.010344827586206896408160815781;0.017672413793103448897969798281;0.015517241379310344612241223672;0.022413793103448275551015100859;0.014655172413793103244894489023
-0.023650899400399733735200769047;0.024983344437041973135071870615;0.028647568287808126280546971998;0.120919387075283144006299096418;0.015656229180546300805421111590;0.044970019986675546785903634373;0.006329113924050632812579042508;0.018321119253830779605163314727;0.028647568287808126280546971998;0.005329780146568954130037454320;0.014656895403064622990241261391;0.060959360426382412645462949286;0.008327781479013991045023956872;0.015656229180546300805421111590;0.014990006662225182840209036783;0.023650899400399733735200769047;0.010326449033977348410107133247;0.025649566955363092835007421399;0.022318454363757494335329667479;0.005996002664890072962611267116;0.008994003997335110744959507656;0.014323784143904063140273485999;0.005329780146568954130037454320;0.007994670219853431195056181480;0.027981345769487010050058373167;0.013657561625582945175061411192;0.015989340439706862390112362959;0.037308461025982675440815228285;0.000666222518321119266254681790;0.052298467688207860015747741045;0.093604263824117253656176274035;0.006662225183211192662546817900;0.007328447701532311495120630696;0.003331112591605596331273408950;0.005996002664890072962611267116;0.017988007994670221489919015312;0.006662225183211192662546817900;0.020319786808794138704969967080;0.010326449033977348410107133247;0.016322451698867420505356662375;0.005662891405729513980005229712;0.025316455696202531250316170031;0.000000000000000000000000000000;0.008327781479013991045023956872;0.007994670219853431195056181480;0.012325116588940705775190309623;0.010326449033977348410107133247;0.012658227848101265625158085015;0.013990672884743505025029186584;0.010326449033977348410107133247
-0.011316872427983539622919906265;0.059927983539094648035572276967;0.012345679012345678327022824305;0.147633744855967086184733716436;0.077932098765432097908778530382;0.009259259259259258745267118229;0.017489711934156378786431318417;0.048353909465020578073435331135;0.007716049382716048954389265191;0.006172839506172839163511412153;0.009773662551440329832042053226;0.006172839506172839163511412153;0.006430041152263374706898879651;0.005144032921810699592046756123;0.093364197530864195817557060764;0.008230452674897120041164200188;0.009516460905349794288654585728;0.026234567901234566444923501649;0.038323045267489710963282334433;0.001286008230452674898011689031;0.018518518518518517490534236458;0.006687242798353909382924609162;0.002572016460905349796023378062;0.010545267489711934727480979745;0.011574074074074073431583897786;0.005401234567901234268072485634;0.022376543209876541967728869054;0.110853909465020578073435331135;0.003343621399176954691462304581;0.023662551440329217949942730570;0.013374485596707818765849218323;0.007458847736625514278363535681;0.010545267489711934727480979745;0.002314814814814814686316779557;0.005915637860082304487485682643;0.011831275720164608974971365285;0.006430041152263374706898879651;0.005915637860082304487485682643;0.001543209876543209790877853038;0.005915637860082304487485682643;0.022376543209876541967728869054;0.012602880658436213870410291804;0.000000000000000000000000000000;0.007201646090534979602337806170;0.044753086419753083935457738107;0.007973251028806584497776732690;0.004886831275720164916021026613;0.002572016460905349796023378062;0.005144032921810699592046756123;0.003086419753086419581755706076
-0.043459915611814343983088093637;0.027848101265822784028403091838;0.028691983122362870600730033743;0.127426160337552746293354744012;0.020675105485232068980305797368;0.032067510548523206481696945502;0.001265822784810126605883895401;0.013502109704641350462761550943;0.009282700421940928009467697279;0.022784810126582278472229248223;0.015611814345991561689408477775;0.046835443037974683333501957350;0.016455696202531646527011943704;0.032489451476793246298413464501;0.010126582278481012847071163208;0.024050632911392404861272709127;0.009704641350210971295631168232;0.016877637130801686343728462703;0.008860759493670886458027702304;0.003797468354430379600811251706;0.015189873417721518403245006823;0.006329113924050632812579042508;0.002953586497890295196888654772;0.030801687763713080092653484598;0.046835443037974683333501957350;0.032911392405063293054023887407;0.015611814345991561689408477775;0.024472573839662448147436180079;0.000843881856540084403922596934;0.025316455696202531250316170031;0.048101265822784809722545418254;0.010126582278481012847071163208;0.003797468354430379600811251706;0.005063291139240506423535581604;0.014345991561181435300365016872;0.022784810126582278472229248223;0.004641350210970464004733848640;0.013924050632911392014201545919;0.005907172995780590393777309544;0.009704641350210971295631168232;0.004641350210970464004733848640;0.018565400843881856018935394559;0.000000000000000000000000000000;0.013924050632911392014201545919;0.007172995780590717650182508436;0.008016877637130801620424236376;0.032067510548523206481696945502;0.028691983122362870600730033743;0.016455696202531646527011943704;0.018987341772151899305098865511
-0.043512658227848104164348086442;0.015031645569620253471976312198;0.011075949367088607638853758885;0.159414556962025305564267796399;0.020965189873417722221660142168;0.058148734177215187501897020184;0.001582278481012658203144760627;0.019778481012658229165612766565;0.008702531645569619792035531702;0.008306962025316454861778581176;0.012658227848101265625158085015;0.057357594936708861110830071084;0.022151898734177215277707517771;0.007911392405063291666245106626;0.011867088607594937499367659939;0.029667721518987340278972197893;0.003955696202531645833122553313;0.018987341772151899305098865511;0.034414556962025319442055604213;0.001977848101265822916561276656;0.018196202531645569444584964458;0.005933544303797468749683829969;0.014636075949367088541719361672;0.011471518987341772569110709412;0.049841772151898736109565390962;0.013449367088607595485671986069;0.023734177215189874998735319878;0.023338607594936708333754893374;0.000791139240506329101572380313;0.060522151898734180552885675297;0.049446202531645569444584964458;0.002768987341772151909713439721;0.020569620253164555556679715664;0.005933544303797468749683829969;0.016218354430379746528023687802;0.010284810126582277778339857832;0.013053797468354430555415035542;0.010284810126582277778339857832;0.001186708860759493706568679094;0.008702531645569619792035531702;0.007120253164556961805731205573;0.011471518987341772569110709412;0.000000000000000000000000000000;0.005537974683544303819426879443;0.010284810126582277778339857832;0.005537974683544303819426879443;0.006724683544303797742835993034;0.010680379746835442708596808359;0.024525316455696201389802268977;0.010284810126582277778339857832
-0.045831514622435620687213031488;0.017459624618070712642747821519;0.019205587079877781131465042108;0.167175905718027068003195267920;0.030990833697075514246987992806;0.068529026625927538796112514774;0.000872981230903535545401217277;0.012221737232649498502978779868;0.006110868616324749251489389934;0.010475774770842426544814607325;0.017896115233522479764927126666;0.068529026625927538796112514774;0.025316455696202531250316170031;0.024879965080750764128136864883;0.018769096464426014009285736961;0.030117852466171976533182430558;0.001745962461807071090802434554;0.010039284155390659422635302178;0.014840680925360104705501562705;0.001309471846355303318101825916;0.008293321693583587464471129636;0.003491924923614142181604869108;0.001309471846355303318101825916;0.010912265386294195401717388449;0.048450458315146223420288862371;0.017459624618070712642747821519;0.015277171540811871827680867852;0.020078568310781318845270604356;0.000000000000000000000000000000;0.055870798777826274905677905736;0.051942383238760367336617207457;0.003055434308162374625744694967;0.005237887385421213272407303663;0.005674378000872981261948346798;0.017023134002618942051121564418;0.010475774770842426544814607325;0.006983849847228284363209738217;0.010912265386294195401717388449;0.000436490615451767772700608639;0.003055434308162374625744694967;0.005237887385421213272407303663;0.006110868616324749251489389934;0.000000000000000000000000000000;0.006547359231776516373668695081;0.011348756001745962523896693597;0.005674378000872981261948346798;0.019205587079877781131465042108;0.025316455696202531250316170031;0.016586643387167174928942259271;0.015713662156263640684583648977
-0.039238539238539239806247138631;0.009712509712509712067607381414;0.027583527583527583937339500153;0.175213675213675201813856574518;0.004662004662004662000618360196;0.035742035742035743739464237478;0.001554001554001554000206120065;0.008547008547008547868495398347;0.023310023310023311737815276956;0.010489510489510489935072179435;0.014374514374514374068225741610;0.031080031080031080004122401306;0.013986013986013986001855080588;0.026418026418026419738227517087;0.005050505050505050934350759206;0.034188034188034191473981593390;0.006993006993006993000927540294;0.016705516705516704201173183719;0.013597513597513597935484419565;0.003885003885003885000515300163;0.012432012432012432001648960522;0.018259518259518259936102779761;0.009324009324009324001236720392;0.019036519036519036068844101806;0.050116550116550119542413455065;0.023698523698523699804185937978;0.015151515151515151935690539631;0.045454545454545455807071618892;0.001165501165501165500154590049;0.020979020979020979870144358870;0.047397047397047399608371875956;0.004273504273504273934247699174;0.008158508158508158067401261349;0.006216006216006216000824480261;0.016705516705516704201173183719;0.011655011655011655868907638478;0.009712509712509712067607381414;0.022533022533022532135627002958;0.008935508935508935934866059370;0.012820512820512820068019621544;0.003885003885003885000515300163;0.014374514374514374068225741610;0.000000000000000000000000000000;0.013597513597513597935484419565;0.005439005439005439000721420229;0.010101010101010101868701518413;0.020202020202020203737403036826;0.030303030303030303871381079261;0.017871017871017871869732118739;0.017871017871017871869732118739
-0.036351833820188250712135413778;0.011359948068808828347542316806;0.018500486854917234241790779947;0.193768257059396292740771627905;0.032132424537487831728288512068;0.036676403765011363067305438790;0.004868549172346641092101737769;0.014281077572216813523220402260;0.010710808179162608841372694712;0.003245699448231093627720289518;0.021097046413502108797022316367;0.022719896137617656695084633611;0.019149626744563452013236926064;0.014605647517039922408943475318;0.012333657903278156739435011957;0.030185004868549171475056169811;0.006815968841285297008525390083;0.021746186303148330037915414437;0.028886725089256735932163877578;0.002921129503407984308316347466;0.021097046413502108797022316367;0.009737098344693282184203475538;0.007140538786108406761610201130;0.008763388510223953792310780386;0.034079844206426485042626950417;0.019474196689386564368406951075;0.022395326192794547809361560553;0.014605647517039922408943475318;0.001622849724115546813860144759;0.053878610840636158296756974551;0.058098020123336577280603876261;0.006491398896462187255440579037;0.018500486854917234241790779947;0.004868549172346641092101737769;0.017202207075624798698898487714;0.016228497241155468572282316586;0.007465108730931515647333274188;0.018825056799740343127513853005;0.003570269393054203380805100565;0.006166828951639078369717505979;0.004219409282700421585932115676;0.008438818565400843171864231351;0.000000000000000000000000000000;0.008114248620577734286141158293;0.010061668289516391069926548596;0.009087958455047062678033853445;0.012333657903278156739435011957;0.015903927296332359686559243528;0.023693605972086983352253852786;0.015579357351509250800836170470
-0.019891500904159132440129909014;0.016274864376130199900005735003;0.009041591320072333085033911004;0.142133815551537062704667846447;0.083182640144665462300643810067;0.058589511754068714088905522885;0.005786618444846292931560416406;0.015913200723327306645993317602;0.006148282097649186185572833807;0.003254972875226039719792625604;0.011211573236889692609108415411;0.065099457504520799600022940012;0.012658227848101265625158085015;0.007956600361663653322996658801;0.021699819168173598710191996020;0.013381555153707052133182919818;0.005424954792043399677547999005;0.009403254972875226339046328405;0.051717902350813742262669592265;0.001084990958408679978877686700;0.014828209764918625149232589422;0.005786618444846292931560416406;0.003978300180831826661498329401;0.007594936708860759201622503411;0.027486437613019890774390674437;0.007594936708860759201622503411;0.016274864376130199900005735003;0.047739602169981916468533000852;0.000000000000000000000000000000;0.117540687160940321431823463172;0.049186256781193489484582670457;0.003616636528028932973805043005;0.014104882459312838641207754620;0.002531645569620253211767790802;0.004701627486437613169523164203;0.008318264014466546577009076202;0.004701627486437613169523164203;0.019529837251356239186117491613;0.001808318264014466486902521503;0.006148282097649186185572833807;0.007233273056057865947610086010;0.006871609403254972693597668609;0.000000000000000000000000000000;0.004339963833634719915510746802;0.024231464737793851488278917827;0.006871609403254972693597668609;0.004701627486437613169523164203;0.005424954792043399677547999005;0.010126582278481012847071163208;0.006871609403254972693597668609
-0.012107870115575123867723839055;0.022014309301045680705710694269;0.013208585580627407382592330976;0.282333516785910842994411495965;0.117776554760594384663185962836;0.026417171161254814765184661951;0.003852504127682994036763197698;0.009356081452944413345829133277;0.020913593835993397190842202349;0.003302146395156851845648082744;0.011007154650522840352855347135;0.036323610346725369868448041188;0.006604292790313703691296165488;0.009356081452944413345829133277;0.019812878370941110206526758475;0.011007154650522840352855347135;0.005503577325261420176427673567;0.016510731975784259661921282714;0.017611447440836543176789774634;0.002751788662630710088213836784;0.010456796917996698595421101174;0.006053935057787561933861919528;0.003302146395156851845648082744;0.008255365987892129830960641357;0.026417171161254814765184661951;0.010456796917996698595421101174;0.012107870115575123867723839055;0.063841496973032471617948147014;0.000000000000000000000000000000;0.052834342322509629530369323902;0.030269675288937810536671335626;0.007154650522839846316092149436;0.007705008255365988073526395397;0.003302146395156851845648082744;0.006604292790313703691296165488;0.009356081452944413345829133277;0.002201430930104567897098721829;0.007705008255365988073526395397;0.006604292790313703691296165488;0.005503577325261420176427673567;0.003852504127682994036763197698;0.014309301045679692632184298873;0.000000000000000000000000000000;0.006604292790313703691296165488;0.018712162905888826691658266554;0.002751788662630710088213836784;0.007154650522839846316092149436;0.008255365987892129830960641357;0.005503577325261420176427673567;0.004953219592735277551631689619
-0.028832630098452882716486556092;0.024613220815752460263192702428;0.023558368495077357251954452977;0.154008438818565407402161326900;0.063642756680731368823522586808;0.032700421940928273145665627908;0.001406469760900140673204328223;0.014416315049226441358243278046;0.014767932489451476851805011847;0.006329113924050632812579042508;0.014767932489451476851805011847;0.027777777777777776235801354687;0.023558368495077357251954452977;0.023206751054852321758392719175;0.027777777777777776235801354687;0.027777777777777776235801354687;0.005274261603375527199255579092;0.012306610407876230131596351214;0.020745428973277073303460582565;0.004571026722925457079493849477;0.010196905766526018904949424382;0.012658227848101265625158085015;0.004571026722925457079493849477;0.014064697609001405864681544244;0.038326300984528834103759464824;0.017932489451476792824413664107;0.016877637130801686343728462703;0.031293952180028131171418692702;0.001054852320675105396483028919;0.033403656821378337193895191604;0.031293952180028131171418692702;0.004219409282700421585932115676;0.017229254571026721837290196504;0.005977496483825597319017308706;0.017229254571026721837290196504;0.012306610407876230131596351214;0.004922644163150492573055583279;0.017229254571026721837290196504;0.004571026722925457079493849477;0.010196905766526018904949424382;0.004571026722925457079493849477;0.013009845288326301118719818817;0.000000000000000000000000000000;0.006680731364275668306140776309;0.037271448663853727623074263420;0.005977496483825597319017308706;0.015471167369901547838928479450;0.022503516174402250771269251572;0.017932489451476792824413664107;0.018987341772151899305098865511
-0.022579541566883340464322316166;0.035237769414984604354756925204;0.029421826890181319164030426805;0.167978104686965445946356112472;0.011289770783441670232161158083;0.031132398221005816441042668430;0.002394799863154293672468098109;0.016421484775915155124303979051;0.009579199452617174689872392435;0.010605542251111871668300956628;0.010605542251111871668300956628;0.034553540882654804056173247773;0.009921313718782073104440755174;0.025658569962367431399608008746;0.031816626753335616739626345861;0.028737598357851522334893701327;0.010947656517276770082869319367;0.017447827574409852102732543244;0.013000342114266164039726447754;0.006842285323297981301793324604;0.014710913445090659582015213402;0.018816284639069449230452946153;0.009237085186452274540580553719;0.014026684912760862752878487925;0.039343140608963392268471181978;0.019158398905234349379744784869;0.018474170372904549081161107438;0.056448853917208344221911886507;0.000684228532329798130179332460;0.013342456380431064189018286470;0.046185425932261374437626244571;0.005473828258638385041434659684;0.005473828258638385041434659684;0.007868628121792679147583626786;0.013684570646595962603586649209;0.021553198768388643485893751972;0.006842285323297981301793324604;0.022237427300718440315030477450;0.005815942524803284323364760411;0.017105713308244955422887656482;0.004789599726308587344936196217;0.007868628121792679147583626786;0.000000000000000000000000000000;0.010605542251111871668300956628;0.013000342114266164039726447754;0.007184399589462880583723425332;0.020526855969893943038018235825;0.022921655833048237144167202928;0.015737256243585358295167253573;0.014710913445090659582015213402
-0.019731943410275502859274610046;0.021965748324646313521801843649;0.015264333581533879799496666863;0.227848101265822777783398578322;0.039463886820551005718549220092;0.038719285182427398694926523603;0.004095309009679821282690070916;0.016753536857781088642571631908;0.011541325390915860293894468214;0.004839910647803424836865815450;0.010796723752792256739718723679;0.056962025316455694445849644580;0.014519731943410276245320922328;0.011541325390915860293894468214;0.032390171258376766749709219084;0.023454951600893520630153332718;0.008190618019359642565380141832;0.010796723752792256739718723679;0.014519731943410276245320922328;0.005956813104988831035491170240;0.010424422933730454962630851412;0.014519731943410276245320922328;0.004839910647803424836865815450;0.010796723752792256739718723679;0.032762472077438570261520567328;0.014147431124348472733509574084;0.011913626209977662070982340481;0.065897244973938937095958578993;0.000372300819061801939718198140;0.040580789277736409315089360916;0.041697691734921819850523405648;0.005584512285927029258403297973;0.004095309009679821282690070916;0.004095309009679821282690070916;0.010424422933730454962630851412;0.012658227848101265625158085015;0.003350707371556217294833457387;0.014147431124348472733509574084;0.003350707371556217294833457387;0.011913626209977662070982340481;0.007818317200297840788292269565;0.010424422933730454962630851412;0.000000000000000000000000000000;0.006701414743112434589666914775;0.015636634400595681576584539130;0.008935219657483246119555886366;0.011169024571854058516806595946;0.014519731943410276245320922328;0.007818317200297840788292269565;0.010052122114668651450819503168
-0.057817310981867944819079241370;0.008552856654122477711443828241;0.022921655833048237144167202928;0.139240506329113916672568507238;0.008210742387957577562151989525;0.052001368457064656158905791017;0.003421142661648990650896662302;0.011289770783441670232161158083;0.016421484775915155124303979051;0.008894970920287376126012190980;0.019500513171399246059589671631;0.041737940472117686374620149081;0.026684912760862128378036572940;0.026684912760862128378036572940;0.003421142661648990650896662302;0.032158741019500509950024280670;0.009237085186452274540580553719;0.010947656517276770082869319367;0.013342456380431064189018286470;0.004789599726308587344936196217;0.011289770783441670232161158083;0.010263427984946971519009117912;0.007526513855627779865653526059;0.018816284639069449230452946153;0.067054396168320221094383271065;0.033185083817995210397899796817;0.016421484775915155124303979051;0.011631885049606568646729520822;0.001368457064659596260358664921;0.033527198084160110547191635533;0.042422169004447486673203826513;0.008210742387957577562151989525;0.007526513855627779865653526059;0.005473828258638385041434659684;0.028737598357851522334893701327;0.011289770783441670232161158083;0.008552856654122477711443828241;0.017789941840574752252024381960;0.003763256927813889932826763030;0.013000342114266164039726447754;0.001026342798494697195268998691;0.013000342114266164039726447754;0.000000000000000000000000000000;0.014710913445090659582015213402;0.002394799863154293672468098109;0.006842285323297981301793324604;0.017105713308244955422887656482;0.027369141293191925207173298418;0.021211084502223743336601913256;0.021211084502223743336601913256
-0.021480629075565783880907844150;0.011507479861910242108224977642;0.004986574606827771753703171242;0.126582278481012666659921706014;0.067894131185270420458799378594;0.052934407364787113003945506762;0.010356731875719216856568394292;0.027617951668584578284182384778;0.008438818565400843171864231351;0.001917913310318373684704162940;0.022631377061756809132564427500;0.029535864978902953703610023695;0.025316455696202531250316170031;0.003835826620636747369408325881;0.020713463751438433713136788583;0.010740314537782891940453922075;0.001534330648254698817659069654;0.015726889144610664561518831306;0.091292673571154586698028765568;0.000767165324127349408829534827;0.033371691599539697603571397622;0.007671653241273494738816651761;0.009589566551591868423520814702;0.001534330648254698817659069654;0.014576141158419639309862247956;0.008055235903337169822702179545;0.020329881089374758629251260800;0.031070195627157654039152134828;0.002301495972382048334908821730;0.125047947832757966324379594880;0.018795550441120061763156101620;0.001917913310318373684704162940;0.042194092827004217594044632733;0.003068661296509397635318139308;0.011507479861910242108224977642;0.005370157268891445970226961037;0.006520905255082470354521806399;0.004986574606827771753703171242;0.003835826620636747369408325881;0.002685078634445722985113480519;0.008822401227464518255749759135;0.011891062523973917192110505425;0.000000000000000000000000000000;0.002685078634445722985113480519;0.032220943613348679290808718179;0.008438818565400843171864231351;0.004986574606827771753703171242;0.003452243958573072285522798097;0.013808975834292289142091192389;0.003452243958573072285522798097
-0.030686612965093978955266607045;0.031453778289221329123037662612;0.012658227848101265625158085015;0.131185270425776767666548039415;0.042961258151131567761815688300;0.044879171461449943181243327217;0.006137322593018795270636278616;0.024165707710011505998659586680;0.011507479861910242108224977642;0.005370157268891445970226961037;0.013425393172228615792929140582;0.052167242040659762836174451195;0.013425393172228615792929140582;0.019562715765247411930927157186;0.041043344840813192342388049383;0.026850786344457231585858281164;0.006520905255082470354521806399;0.022247794399693134048678899717;0.018411967779056386679270573836;0.002301495972382048334908821730;0.013425393172228615792929140582;0.016494054468738014729289886873;0.005370157268891445970226961037;0.008822401227464518255749759135;0.053701572688914463171716562329;0.015726889144610664561518831306;0.013808975834292289142091192389;0.051783659378596087752288923411;0.001150747986191024167454410865;0.029152282316839278619724495911;0.037591100882240123526312203239;0.005753739930955121054112488821;0.008055235903337169822702179545;0.004219409282700421585932115676;0.015726889144610664561518831306;0.008822401227464518255749759135;0.005753739930955121054112488821;0.010356731875719216856568394292;0.006904487917146144571045596194;0.008822401227464518255749759135;0.009589566551591868423520814702;0.010740314537782891940453922075;0.000000000000000000000000000000;0.008438818565400843171864231351;0.025316455696202531250316170031;0.005370157268891445970226961037;0.014192558496355964225976720172;0.019946298427311087014812684970;0.013425393172228615792929140582;0.014576141158419639309862247956
-0.025320512820512820761909011935;0.018910256410256408993175725186;0.035897435897435894802676159543;0.103205128205128199292417434663;0.040064102564102567483050876262;0.038782051282051283047636047741;0.002884615384615384775512936244;0.013141025641025641176873328675;0.016025641025641024217662788942;0.009935897435897435292506685300;0.018589743589743589619045494032;0.044871794871794871972792151382;0.020512820512820512802720784862;0.021474358974358974394558430276;0.025961538461538462979616426196;0.027564102564102563319714533918;0.015064102564102564360548619504;0.022435897435897435986396075691;0.015064102564102564360548619504;0.004807692307692307959188227073;0.011538461538461539102051744976;0.011858974358974358476181976130;0.005128205128205128200680196215;0.019551282051282051210883139447;0.045192307692307691346922382536;0.023076923076923078204103489952;0.022435897435897435986396075691;0.017628205128205128027207848618;0.001602564102564102508502452693;0.030769230769230770938804653269;0.038461538461538463673505816587;0.011217948717948717993198037846;0.012820512820512820068019621544;0.008333333333333333217685101602;0.022756410256410255360526306845;0.017307692307692308653077617464;0.007692307692307692734701163317;0.005128205128205128200680196215;0.002243589743589743425167259971;0.010256410256410256401360392431;0.004166666666666666608842550801;0.016025641025641024217662788942;0.000000000000000000000000000000;0.009615384615384615918376454147;0.027243589743589743945584302764;0.006089743589743589792517841630;0.025641025641025640136039243089;0.028205128205128205537421948179;0.021794871794871793768688661430;0.015705128205128204843532557788
-0.042361111111111113269878103438;0.018749999999999999306110609609;0.018402777777777778317469525859;0.118055555555555552471602709375;0.042361111111111113269878103438;0.031250000000000000000000000000;0.005902777777777777623580135469;0.013541666666666667129259593594;0.017013888888888887424011286953;0.007638888888888888638317720137;0.017361111111111111882099322656;0.018749999999999999306110609609;0.015277777777777777276635440273;0.023958333333333334952408577578;0.015625000000000000000000000000;0.035416666666666665741480812812;0.013541666666666667129259593594;0.012500000000000000693889390391;0.031944444444444441977282167500;0.002777777777777777883788656865;0.021874999999999998612221219219;0.008333333333333333217685101602;0.005902777777777777623580135469;0.012500000000000000693889390391;0.049305555555555553859381490156;0.023958333333333334952408577578;0.018055555555555553859381490156;0.037152777777777777623580135469;0.000694444444444444470947164216;0.040972222222222222376419864531;0.032291666666666669904817155157;0.006597222222222222202947516934;0.019444444444444444752839729063;0.004166666666666666608842550801;0.017013888888888887424011286953;0.014930555555555556287994356524;0.005902777777777777623580135469;0.014583333333333333564629796797;0.005902777777777777623580135469;0.006597222222222222202947516934;0.003125000000000000173472347598;0.017361111111111111882099322656;0.000000000000000000000000000000;0.010763888888888888811790067734;0.027430555555555555247160270937;0.014236111111111110841265237070;0.018749999999999999306110609609;0.024305555555555555941049661328;0.019444444444444444752839729063;0.015972222222222220988641083750
-0.040306462358427712355801730837;0.009327115256495668860203807071;0.017321785476349101789983464528;0.245502998001332434219179390311;0.064290473017988014614587655160;0.025316455696202531250316170031;0.003997335109926715597528090740;0.009327115256495668860203807071;0.007661558960692871345088406088;0.010326449033977348410107133247;0.015323117921385742690176812175;0.017654896735509659905227763943;0.014990006662225182840209036783;0.022318454363757494335329667479;0.017988007994670221489919015312;0.027648234510326448465367121798;0.004996668887408394280069678928;0.007328447701532311495120630696;0.018654230512991337720407614142;0.001665556295802798165636704475;0.012991339107261825475125860407;0.010659560293137908260074908640;0.003997335109926715597528090740;0.009660226515656228710171582463;0.041972018654230509870917131821;0.028647568287808126280546971998;0.015323117921385742690176812175;0.020319786808794138704969967080;0.000999333777481678899382022685;0.019320453031312457420343164927;0.033644237175216522295340126902;0.005329780146568954130037454320;0.005996002664890072962611267116;0.002664890073284477065018727160;0.015656229180546300805421111590;0.011658894070619586075254758839;0.004330446369087275447495866132;0.025982678214523650950251720815;0.003997335109926715597528090740;0.008660892738174550894991732264;0.003997335109926715597528090740;0.007661558960692871345088406088;0.000000000000000000000000000000;0.012658227848101265625158085015;0.017321785476349101789983464528;0.016988674217188540205292213159;0.021319120586275816520149817279;0.023317788141239172150509517678;0.016655562958027982090047913744;0.016322451698867420505356662375
-0.053701572688914463171716562329;0.011507479861910242108224977642;0.023398542385884159300335483067;0.155734560797851945279646201925;0.020329881089374758629251260800;0.034906022247794397939113508755;0.000767165324127349408829534827;0.015343306482546989477633303522;0.012658227848101265625158085015;0.010356731875719216856568394292;0.010356731875719216856568394292;0.032220943613348679290808718179;0.017261219792865361427613990486;0.033371691599539697603571397622;0.011891062523973917192110505425;0.036056770233985423190770092106;0.004986574606827771753703171242;0.012274645186037590541272557232;0.014192558496355964225976720172;0.004602991944764096669817643459;0.017644802454929036511499518269;0.008822401227464518255749759135;0.003068661296509397635318139308;0.018411967779056386679270573836;0.063291139240506333329960853007;0.029919447640966628787495551478;0.019946298427311087014812684970;0.027617951668584578284182384778;0.000767165324127349408829534827;0.023398542385884159300335483067;0.036440352896049098274655619889;0.007671653241273494738816651761;0.011507479861910242108224977642;0.006904487917146144571045596194;0.018411967779056386679270573836;0.013808975834292289142091192389;0.006520905255082470354521806399;0.023014959723820484216449955284;0.002301495972382048334908821730;0.006137322593018795270636278616;0.004602991944764096669817643459;0.010740314537782891940453922075;0.000000000000000000000000000000;0.007671653241273494738816651761;0.012274645186037590541272557232;0.008055235903337169822702179545;0.026083621020329881418087225597;0.029535864978902953703610023695;0.023014959723820484216449955284;0.016494054468738014729289886873
-0.009943181818181818024116047638;0.050000000000000002775557561563;0.009943181818181818024116047638;0.233806818181818171220598401305;0.078125000000000000000000000000;0.016761363636363636742121485668;0.005965909090909091161414323778;0.030397727272727274178132361726;0.007386363636363636221704442875;0.002840909090909090987941976181;0.011079545454545454766237533306;0.006250000000000000346944695195;0.005113636363636363604823209528;0.003693181818181818110852221437;0.070738636363636364645657295114;0.008238636363636362910933819137;0.004545454545454545233762466694;0.025284090909090908838585676222;0.028977272727272726515757028665;0.001704545454545454462660925010;0.011647727272727273137298276140;0.003693181818181818110852221437;0.003125000000000000173472347598;0.003977272727272726862701723860;0.011647727272727273137298276140;0.004829545454545454419292838111;0.017613636363636362563989123942;0.126136363636363629803227581760;0.001136363636363636308440616673;0.031534090909090907450806895440;0.018181818181818180935049866775;0.002556818181818181802411604764;0.008522727272727272096464190554;0.002272727272727272616881233347;0.003977272727272726862701723860;0.007386363636363636221704442875;0.004545454545454545233762466694;0.008806818181818181281994561971;0.001136363636363636308440616673;0.003125000000000000173472347598;0.015340909090909090814469628583;0.014488636363636363257878514332;0.000000000000000000000000000000;0.003409090909090908925321850020;0.051704545454545454419292838111;0.003977272727272726862701723860;0.005397727272727272790353580945;0.005681818181818181975883952362;0.007954545454545453725403447720;0.005397727272727272790353580945
-0.030216414863209473118388359580;0.006941608819926500979768935196;0.024499795835034709340360947749;0.178440179665169451617146023636;0.023683135973866883960958773514;0.037158023683135976700242508741;0.002449979583503470934036094775;0.013066557778685178314859172133;0.022866476112699062051003551232;0.010208248264597794691121990240;0.011841567986933441980479386757;0.049816251531237240590677117780;0.015108207431604736559194179790;0.023274806043282973005981162373;0.015924867292772561938596354025;0.028583095140873825829030963064;0.007758268681094324624447633454;0.013883217639853001959537870391;0.024499795835034709340360947749;0.006533278889342589157429586066;0.013066557778685178314859172133;0.013474887709269089269836783274;0.003674969375255206401054142162;0.012658227848101265625158085015;0.042057982850142915098867746337;0.013474887709269089269836783274;0.021641486320947325716623765857;0.035116374030216411517013597177;0.000000000000000000000000000000;0.048999591670069418680721895498;0.039199673336055534944577516399;0.005716619028174765512750887808;0.011024908125765618335800688499;0.004083299305839118223393491292;0.014291547570436912914515481532;0.013066557778685178314859172133;0.008166598611678236446786982583;0.019599836668027767472288758199;0.003266639444671294578714793033;0.010208248264597794691121990240;0.003266639444671294578714793033;0.026541445487954267584695955406;0.000000000000000000000000000000;0.005716619028174765512750887808;0.008983258472846060091465680841;0.007349938750510412802108284325;0.016741527153940383848551576307;0.015924867292772561938596354025;0.020416496529195589382243980481;0.015516537362188649248895266908
-0.032108675517134921406636749452;0.008953380673047236365524881307;0.020376659462797160060620882405;0.186477307811052789299210985519;0.017289286816918800898656982667;0.033652361840074099252895223344;0.006483482556344550770677237495;0.017906761346094472731049762615;0.010497066995986415946506831176;0.014819388700216115303809338855;0.020376659462797160060620882405;0.038592158073479466973143559017;0.018215498610682310381969628565;0.018832973139857982214362408513;0.011423278789749921960372525120;0.025933930225378203082708949978;0.003087372645878357427240423760;0.012040753318925593792765305068;0.028712565606668724593752983765;0.002778635381290521944724902781;0.027168879283729546747494509873;0.010497066995986415946506831176;0.013584439641864773373747254936;0.013275702377276937457550864963;0.033343624575486258132528405440;0.029638777400432230607618677709;0.016363075023155294884791288723;0.021920345785736337906879356296;0.000926211793763507206488083678;0.043840691571472675813758712593;0.043840691571472675813758712593;0.005557270762581043889449805562;0.017598024081506638549576848618;0.005557270762581043889449805562;0.019759184933621488228228102457;0.012966965112689101541354474989;0.006483482556344550770677237495;0.021611608521148503725406442300;0.007100957085520222603070017442;0.012349490583513429708961695042;0.003396109910466193343436813734;0.010188329731398580030310441202;0.000000000000000000000000000000;0.009570855202222908197917661255;0.010188329731398580030310441202;0.014201914171040445206140034884;0.014510651435628281122336424858;0.012966965112689101541354474989;0.022846557579499843920745050241;0.010188329731398580030310441202
-0.037974683544303798610197731023;0.016421484775915155124303979051;0.018816284639069449230452946153;0.182004789599726296556170268559;0.020526855969893943038018235825;0.036606226479644198013030376160;0.002052685596989394390537997381;0.014368799178925761167446850664;0.011973999315771467061297883561;0.010947656517276770082869319367;0.016421484775915155124303979051;0.027711255559356825356465137133;0.021211084502223743336601913256;0.021895313034553540165738638734;0.019842627437564146208881510347;0.042422169004447486673203826513;0.006158056790968183605294861138;0.011973999315771467061297883561;0.030106055422511119462614104236;0.005131713992473485759504558956;0.018816284639069449230452946153;0.007526513855627779865653526059;0.005131713992473485759504558956;0.010605542251111871668300956628;0.048922340061580568693067050390;0.024974341430037631101024331315;0.016421484775915155124303979051;0.013684570646595962603586649209;0.000000000000000000000000000000;0.040369483407458092716346698126;0.043790626069107080331477277468;0.002394799863154293672468098109;0.019500513171399246059589671631;0.005131713992473485759504558956;0.014710913445090659582015213402;0.009237085186452274540580553719;0.006500171057133082019863223877;0.024632227163872734421179444553;0.003763256927813889932826763030;0.005815942524803284323364760411;0.007526513855627779865653526059;0.010947656517276770082869319367;0.000000000000000000000000000000;0.008894970920287376126012190980;0.018474170372904549081161107438;0.008210742387957577562151989525;0.018474170372904549081161107438;0.022237427300718440315030477450;0.014710913445090659582015213402;0.014026684912760862752878487925
-0.046292947558770343452483331248;0.014466546112115731895220172021;0.015913200723327306645993317602;0.253887884267631092072292631201;0.046654611211573236706495748649;0.033996383363471972816061139611;0.003616636528028932973805043005;0.007956600361663653322996658801;0.007956600361663653322996658801;0.006871609403254972693597668609;0.016636528028933093154018152404;0.030018083182640143552477596245;0.014466546112115731895220172021;0.020253164556962025694142326415;0.019168173598553345932105074212;0.034358047016274866070073557012;0.003254972875226039719792625604;0.008318264014466546577009076202;0.022784810126582278472229248223;0.003254972875226039719792625604;0.014466546112115731895220172021;0.005063291139240506423535581604;0.002531645569620253211767790802;0.012296564195298372371145667614;0.041591320072332731150321905034;0.020253164556962025694142326415;0.016998191681735986408030569805;0.024954792043399637996303752630;0.000361663652802893308222526025;0.028209764918625677282415509239;0.047377938517179023214520583451;0.005063291139240506423535581604;0.005424954792043399677547999005;0.003254972875226039719792625604;0.007956600361663653322996658801;0.003254972875226039719792625604;0.004339963833634719915510746802;0.027486437613019890774390674437;0.001808318264014466486902521503;0.006148282097649186185572833807;0.003978300180831826661498329401;0.005786618444846292931560416406;0.000000000000000000000000000000;0.007594936708860759201622503411;0.018806509945750452678092656811;0.007956600361663653322996658801;0.017721518987341772916055404608;0.017359855334538879662042987206;0.014828209764918625149232589422;0.016998191681735986408030569805
-0.024383247274813540234061903789;0.015203671830177853743770732819;0.007171543316121629582648999701;0.039586919104991395712556112585;0.042168674698795177713250836860;0.073723465289730352734132168280;0.003442340791738382217018754616;0.028973034997131382611845751285;0.003442340791738382217018754616;0.006310958118187034136814528296;0.022948938611589215358366189434;0.061962134251290879038975845106;0.040734366035570852837555122505;0.007458405048766494731260490170;0.026678141135972461422953827537;0.018646012621916237261832094418;0.002868617326448651919795773679;0.015490533562822719759743961276;0.058232931726907632974388207003;0.001147446930579460594445961874;0.022662076878944347607669485001;0.002581755593803786771184283211;0.008892713711990820474317942512;0.012335054503729202257655828134;0.041308089500860588338948531373;0.015490533562822719759743961276;0.022088353413654619045169980041;0.011474469305794607679183094717;0.002868617326448651919795773679;0.115892139988525530447383005139;0.062248995983935739850778645632;0.005163511187607573542368566422;0.029259896729776246893095503765;0.002581755593803786771184283211;0.017498565691336776667386132544;0.008605851979345954458344714055;0.008892713711990820474317942512;0.012621916236374068273629056591;0.001721170395869191108509377308;0.003442340791738382217018754616;0.008318990246701090177094961575;0.003442340791738382217018754616;0.000000000000000000000000000000;0.006597819850831899285426018764;0.024096385542168675952812151309;0.008318990246701090177094961575;0.004302925989672977229172357028;0.007458405048766494731260490170;0.020367183017785426418777561253;0.008892713711990820474317942512
-0.055870798777826274905677905736;0.012658227848101265625158085015;0.020078568310781318845270604356;0.080750763858577045972708674526;0.019642077695329551723091299209;0.089480576167612402294082585286;0.000872981230903535545401217277;0.006547359231776516373668695081;0.013094718463553032747337390163;0.008293321693583587464471129636;0.016150152771715407806762954124;0.092972501091226539271517026464;0.024879965080750764128136864883;0.025316455696202531250316170031;0.005674378000872981261948346798;0.051942383238760367336617207457;0.005674378000872981261948346798;0.017023134002618942051121564418;0.014404190309908337583322257558;0.001745962461807071090802434554;0.008293321693583587464471129636;0.006983849847228284363209738217;0.002618943692710606636203651831;0.015277171540811871827680867852;0.084242688782191182950143115704;0.021388040157136620211808519798;0.014404190309908337583322257558;0.013531209079004801604240171287;0.000000000000000000000000000000;0.056743780008729809150036516030;0.053251855085115672172602074852;0.004364906154517678160686955380;0.004801396769969445282866260527;0.004364906154517678160686955380;0.017023134002618942051121564418;0.007856831078131820342291824488;0.005237887385421213272407303663;0.012221737232649498502978779868;0.000436490615451767772700608639;0.002618943692710606636203651831;0.001309471846355303318101825916;0.007856831078131820342291824488;0.000000000000000000000000000000;0.005237887385421213272407303663;0.003928415539065910171145912244;0.004801396769969445282866260527;0.020951549541684853089629214651;0.025316455696202531250316170031;0.015713662156263640684583648977;0.016150152771715407806762954124
-0.024250440917107582428080547743;0.021164021164021162846324841667;0.008377425044091710293336916493;0.041887125220458551466684582465;0.041446208112874777240719481597;0.042768959435626099918614784201;0.004409171075837742259651008681;0.035273368606701938077208069444;0.010141093474426807197197319965;0.002645502645502645355790605208;0.022486772486772485524220144271;0.026455026455026453557906052083;0.029100529100529098913696657291;0.010582010582010581423162420833;0.047178130511463842178265792882;0.014109347442680775230883227778;0.005291005291005290711581210417;0.023809523809523808202115446875;0.069223985890652553476520836284;0.003086419753086419581755706076;0.025573192239858905105975850347;0.005731922398589064937546311285;0.016313932980599646360708732118;0.008377425044091710293336916493;0.026455026455026453557906052083;0.012345679012345678327022824305;0.033509700176366841173347665972;0.024250440917107582428080547743;0.001322751322751322677895302604;0.077601410934744263769857752777;0.026895943562610227783871152951;0.002204585537918871129825504340;0.047178130511463842178265792882;0.003086419753086419581755706076;0.015432098765432097908778530382;0.009700176366843032971232219097;0.013668430335097001004918126910;0.011463844797178129875092622569;0.003968253968253968033685907812;0.006613756613756613389476513021;0.007495590828924161841406714757;0.020282186948853614394394639930;0.000000000000000000000000000000;0.006172839506172839163511412153;0.052028218694885358663881902430;0.009700176366843032971232219097;0.005731922398589064937546311285;0.005731922398589064937546311285;0.026455026455026453557906052083;0.011022927689594355649127521701
-0.037251356238698012102172896221;0.015189873417721518403245006823;0.016636528028933093154018152404;0.124412296564195293258059393793;0.032549728752260399800011470006;0.055334538878842674802793766275;0.002531645569620253211767790802;0.019891500904159132440129909014;0.015189873417721518403245006823;0.005424954792043399677547999005;0.019168173598553345932105074212;0.048462929475587702976557835655;0.017359855334538879662042987206;0.011934900542495479117133250213;0.016636528028933093154018152404;0.023869801084990958234266500426;0.006148282097649186185572833807;0.018083182640144666170067822009;0.039059674502712478372234983226;0.003616636528028932973805043005;0.016998191681735986408030569805;0.006148282097649186185572833807;0.007233273056057865947610086010;0.007233273056057865947610086010;0.043399638336347197420383992039;0.014466546112115731895220172021;0.020976491862567812202167161217;0.029294755877034357044452761443;0.000361663652802893308222526025;0.079927667269439423014532053458;0.056781193490054247818843435880;0.002531645569620253211767790802;0.018806509945750452678092656811;0.005786618444846292931560416406;0.010849909584086799355095998010;0.007956600361663653322996658801;0.006871609403254972693597668609;0.019529837251356239186117491613;0.004701627486437613169523164203;0.006148282097649186185572833807;0.004701627486437613169523164203;0.013019891500904158879170502416;0.000000000000000000000000000000;0.005424954792043399677547999005;0.020976491862567812202167161217;0.005063291139240506423535581604;0.013381555153707052133182919818;0.012296564195298372371145667614;0.017359855334538879662042987206;0.013019891500904158879170502416
-0.046413502109704643516785438351;0.004219409282700421585932115676;0.028129395218002811729363088489;0.177215189873417722221660142168;0.002109704641350210792966057838;0.032348804500703237652103894106;0.001054852320675105396483028919;0.011954992967651194638034617412;0.012658227848101265625158085015;0.013713080168776372105843286420;0.017932489451476792824413664107;0.024261603375527424769630968626;0.017932489451476792824413664107;0.031645569620253166664980426503;0.005274261603375527199255579092;0.044303797468354430555415035542;0.008790436005625878665425965153;0.012306610407876230131596351214;0.018284106891701828317975397908;0.003516174402250351466170386061;0.010548523206751054398511158183;0.012658227848101265625158085015;0.003867791842475386959732119863;0.022855133614627286264830985374;0.043600562587904359568291567939;0.036216596343178621142389062015;0.016526019690576654319613680855;0.027777777777777776235801354687;0.001406469760900140673204328223;0.018987341772151899305098865511;0.052390998593530239968441009069;0.009493670886075949652549432756;0.010548523206751054398511158183;0.006680731364275668306140776309;0.019690576652601970292222333114;0.018987341772151899305098865511;0.008790436005625878665425965153;0.022855133614627286264830985374;0.006680731364275668306140776309;0.010196905766526018904949424382;0.002109704641350210792966057838;0.010900140646976089892072891985;0.000000000000000000000000000000;0.012658227848101265625158085015;0.002109704641350210792966057838;0.012658227848101265625158085015;0.023909985935302389276069234825;0.022151898734177215277707517771;0.021448663853727144290584050168;0.017229254571026721837290196504
-0.022905364677516575067084403372;0.024412296564195298115285126528;0.016274864376130199900005735003;0.192887281494876439147390101425;0.056359252561784208002126916881;0.039481615430982518188951502225;0.007836045810729354993418027675;0.018685955394816152613790549708;0.006931886678722121858386984172;0.009945750452079566220064954507;0.016274864376130199900005735003;0.035864978902953585648827328214;0.016274864376130199900005735003;0.013261000602772755538327764668;0.016877637130801686343728462703;0.026522001205545511076655529337;0.007836045810729354993418027675;0.011452682338758287533542201686;0.031042796865581676751810746850;0.003918022905364677496709013838;0.012356841470765520668573245189;0.011151295961422544311680837836;0.006630500301386377769163882334;0.009041591320072333085033911004;0.032549728752260399800011470006;0.015973477998794453208697419200;0.022603978300180831845223039522;0.020795660036166365575160952517;0.001808318264014466486902521503;0.068716094032549732140147114023;0.034960819770946352513796284711;0.004219409282700421585932115676;0.012959614225437010581742924842;0.004520795660036166542516955502;0.013562386980108498760189128518;0.012055455093429777446711881339;0.004520795660036166542516955502;0.014165159734779988673358808171;0.007836045810729354993418027675;0.010247136829415311176649794334;0.003616636528028932973805043005;0.011754068716094032490127041513;0.000000000000000000000000000000;0.006630500301386377769163882334;0.021398432790837855488330632170;0.006931886678722121858386984172;0.011452682338758287533542201686;0.013261000602772755538327764668;0.016274864376130199900005735003;0.012959614225437010581742924842
-0.025757575757575756902895136591;0.031060606060606059386497435071;0.023484848484848483418652165255;0.083333333333333328707404064062;0.018939393939393939919613174538;0.040151515151515153323469320412;0.008333333333333333217685101602;0.045075757575757574580066489034;0.007954545454545453725403447720;0.004166666666666666608842550801;0.018560606060606062162054996634;0.012500000000000000693889390391;0.019696969696969695434729530348;0.010606060606060606701928072937;0.030303030303030303871381079261;0.008333333333333333217685101602;0.009090909090909090467524933388;0.047727272727272729291314590228;0.050757575757575758290673917372;0.003409090909090908925321850020;0.031818181818181814901613790880;0.004545454545454545233762466694;0.014015151515151515193569053963;0.011742424242424241709326082628;0.027272727272727271402574800163;0.020075757575757576661734660206;0.055681818181818179547271085994;0.056060606060606060774276215852;0.000757575757575757575100483532;0.044318181818181819064950133225;0.015909090909090907450806895440;0.003787878787878787983922634908;0.023106060606060605661093987351;0.004545454545454545233762466694;0.010227272727272727209646419055;0.019318181818181817677171352443;0.016287878787878788677812025298;0.003030303030303030300401934127;0.000757575757575757575100483532;0.012121212121212121201607736509;0.018181818181818180935049866775;0.010984848484848484459486250842;0.000000000000000000000000000000;0.006439393939393939225723784148;0.020454545454545454419292838111;0.007954545454545453725403447720;0.007575757575757575967845269815;0.009090909090909090467524933388;0.037499999999999998612221219219;0.007196969696969697342925353922
-0.036341363821968147851393382552;0.038791343405471620520152953304;0.018783176806859942092886583964;0.116782360146998775984883423007;0.024908125765618620295338558890;0.037974683544303798610197731023;0.002449979583503470934036094775;0.026133115557370356629718344266;0.009391588403429971046443291982;0.006533278889342589157429586066;0.017149857084524294803529187448;0.031849734585545123877192708051;0.026541445487954267584695955406;0.017558187015108205758506798588;0.042057982850142915098867746337;0.027766435279706003919075740782;0.004083299305839118223393491292;0.018374846876276031137908972823;0.019191506737443853047864195105;0.004491629236423030045732840421;0.013474887709269089269836783274;0.011024908125765618335800688499;0.006533278889342589157429586066;0.006124948958758677335090236937;0.046141282155982031587537761652;0.016741527153940383848551576307;0.017966516945692120182931361683;0.066557778685177620969781742133;0.000000000000000000000000000000;0.039608003266639442430108175586;0.037566353613719884185773167928;0.004491629236423030045732840421;0.016741527153940383848551576307;0.004083299305839118223393491292;0.013883217639853001959537870391;0.010616578195181707380823077358;0.004083299305839118223393491292;0.024091465904450794915936384655;0.006124948958758677335090236937;0.010616578195181707380823077358;0.004899959167006941868072189550;0.015516537362188649248895266908;0.000000000000000000000000000000;0.005308289097590853690411538679;0.026949775418538178539673566547;0.009391588403429971046443291982;0.009799918334013883736144379100;0.012658227848101265625158085015;0.020008166598611678427266369340;0.011841567986933441980479386757
-0.026850786344457231585858281164;0.018028385116992711595385046053;0.009973149213655543507406342485;0.163022631377061744117895614181;0.058688147295742232323334519606;0.049482163406214037248975756711;0.005753739930955121054112488821;0.027234369006520906669743808948;0.006137322593018795270636278616;0.001917913310318373684704162940;0.008822401227464518255749759135;0.063291139240506333329960853007;0.007671653241273494738816651761;0.008822401227464518255749759135;0.019179133103183736847041629403;0.020329881089374758629251260800;0.002301495972382048334908821730;0.012274645186037590541272557232;0.046029919447640968432899910567;0.003068661296509397635318139308;0.026083621020329881418087225597;0.003835826620636747369408325881;0.003068661296509397635318139308;0.004219409282700421585932115676;0.029535864978902953703610023695;0.007671653241273494738816651761;0.023782125047947834384221010851;0.046797084771768318600670966134;0.000000000000000000000000000000;0.072497123130034521465425711995;0.065209052550824708749388491924;0.003452243958573072285522798097;0.014959723820483314393747775739;0.002685078634445722985113480519;0.007288070579209819654931123978;0.004986574606827771753703171242;0.004602991944764096669817643459;0.025700038358266206334201697814;0.004602991944764096669817643459;0.002685078634445722985113480519;0.006904487917146144571045596194;0.011507479861910242108224977642;0.000000000000000000000000000000;0.004602991944764096669817643459;0.026467203682393556501972753381;0.006904487917146144571045596194;0.008438818565400843171864231351;0.009205983889528193339635286918;0.006520905255082470354521806399;0.006904487917146144571045596194
-0.043117088607594937499367659939;0.006329113924050632812579042508;0.017405063291139239584071063405;0.179588607594936722211542701189;0.011471518987341772569110709412;0.047468354430379749997470639755;0.003955696202531645833122553313;0.009889240506329114582806383282;0.018591772151898732640118439008;0.009889240506329114582806383282;0.013053797468354430555415035542;0.068037974683544305554150355420;0.026503164556962024306363545634;0.024129746835443038194268794427;0.002768987341772151909713439721;0.034018987341772152777075177710;0.003560126582278480902865602786;0.009098101265822784722292482229;0.015427215189873418402233262725;0.003955696202531645833122553313;0.011867088607594937499367659939;0.008306962025316454861778581176;0.006329113924050632812579042508;0.013053797468354430555415035542;0.048655063291139243053518015358;0.028085443037974684027391347740;0.018196202531645569444584964458;0.024129746835443038194268794427;0.000000000000000000000000000000;0.044699367088607597220395462045;0.040348101265822784722292482229;0.004746835443037974826274716378;0.008702531645569619792035531702;0.008702531645569619792035531702;0.022547468354430378473240992321;0.014636075949367088541719361672;0.008702531645569619792035531702;0.014240506329113923611462411145;0.004746835443037974826274716378;0.010680379746835442708596808359;0.001582278481012658203144760627;0.008702531645569619792035531702;0.000000000000000000000000000000;0.011471518987341772569110709412;0.003164556962025316406289521254;0.013449367088607595485671986069;0.018196202531645569444584964458;0.015427215189873418402233262725;0.022151898734177215277707517771;0.016218354430379746528023687802
-0.049143708116157855392280850992;0.011169024571854058516806595946;0.018615040953090095793287517267;0.189873417721518999989882559021;0.018987341772151899305098865511;0.040208488458674605803278012672;0.004467609828741623059777943183;0.012658227848101265625158085015;0.011169024571854058516806595946;0.011541325390915860293894468214;0.018615040953090095793287517267;0.022710349962769917075977588183;0.024571854058078927696140425496;0.021593447505584513479437447359;0.013030528667163067402245957283;0.032017870439314963237897870840;0.005212211466865227481315425706;0.016008935219657481618948935420;0.032390171258376766749709219084;0.003350707371556217294833457387;0.017870439314966492239111772733;0.007818317200297840788292269565;0.002978406552494415517745585120;0.014147431124348472733509574084;0.062174236783320922794526808275;0.023827252419955324141964680962;0.016381236038719285130760283664;0.011169024571854058516806595946;0.001116902457185405764944485796;0.032762472077438570261520567328;0.030156366344005956087181985481;0.004839910647803424836865815450;0.011913626209977662070982340481;0.003350707371556217294833457387;0.021593447505584513479437447359;0.012658227848101265625158085015;0.005584512285927029258403297973;0.018615040953090095793287517267;0.003723008190618019505602198649;0.006329113924050632812579042508;0.005956813104988831035491170240;0.016008935219657481618948935420;0.000000000000000000000000000000;0.008562918838421444342468014099;0.017498138495904692196747376443;0.008190618019359642565380141832;0.020476545048399106413450354580;0.023454951600893520630153332718;0.014147431124348472733509574084;0.019359642591213699347463261802
-0.030216414863209473118388359580;0.010208248264597794691121990240;0.011024908125765618335800688499;0.152307064107799094987427679371;0.046549612086565946011962324746;0.065741118824009805998720423759;0.004491629236423030045732840421;0.015108207431604736559194179790;0.004899959167006941868072189550;0.003674969375255206401054142162;0.011433238056349531025501775616;0.089832584728460590506315952553;0.022458146182115147626578988138;0.007349938750510412802108284325;0.010616578195181707380823077358;0.019191506737443853047864195105;0.003674969375255206401054142162;0.013474887709269089269836783274;0.040832993058391178764487960962;0.002858309514087382756375443904;0.013883217639853001959537870391;0.007758268681094324624447633454;0.017558187015108205758506798588;0.005716619028174765512750887808;0.035524703960800325941438160271;0.008574928542262147401764593724;0.017966516945692120182931361683;0.008166598611678236446786982583;0.000000000000000000000000000000;0.136790526745610457881596744301;0.047366271947733767921917547028;0.002858309514087382756375443904;0.021641486320947325716623765857;0.004899959167006941868072189550;0.012249897917517354670180473875;0.008166598611678236446786982583;0.006124948958758677335090236937;0.008983258472846060091465680841;0.000408329930583911822339349129;0.006533278889342589157429586066;0.003266639444671294578714793033;0.004491629236423030045732840421;0.000000000000000000000000000000;0.002858309514087382756375443904;0.010616578195181707380823077358;0.008574928542262147401764593724;0.007349938750510412802108284325;0.006941608819926500979768935196;0.010208248264597794691121990240;0.008574928542262147401764593724
-0.038749999999999999722444243844;0.045833333333333330095182844843;0.013333333333333334189130248149;0.107083333333333335923853724125;0.016666666666666666435370203203;0.050000000000000002775557561563;0.006250000000000000346944695195;0.024583333333333332038073137937;0.002083333333333333304421275400;0.007499999999999999722444243844;0.013750000000000000069388939039;0.071249999999999993893773364562;0.019166666666666665186369300500;0.014583333333333333564629796797;0.039166666666666669072149886688;0.031250000000000000000000000000;0.002083333333333333304421275400;0.025833333333333333148296162562;0.025416666666666667268037471672;0.002083333333333333304421275400;0.018749999999999999306110609609;0.003333333333333333547282562037;0.005416666666666666851703837438;0.009583333333333332593184650250;0.053333333333333336756520992594;0.015416666666666667059870654555;0.018333333333333333425851918719;0.056666666666666663798590519718;0.000000000000000000000000000000;0.035833333333333335091186455656;0.044166666666666666574148081281;0.001666666666666666773641281019;0.013333333333333334189130248149;0.006250000000000000346944695195;0.012500000000000000693889390391;0.011666666666666667198648532633;0.008750000000000000832667268469;0.009166666666666666712925959359;0.001250000000000000026020852140;0.003749999999999999861222121922;0.011249999999999999583666365766;0.006666666666666667094565124074;0.000000000000000000000000000000;0.003333333333333333547282562037;0.022083333333333333287074040641;0.008333333333333333217685101602;0.017916666666666667545593227828;0.014999999999999999444888487687;0.011249999999999999583666365766;0.018333333333333333425851918719
-0.024261603375527424769630968626;0.044303797468354430555415035542;0.010900140646976089892072891985;0.160337552742616046286272535326;0.050632911392405062500632340061;0.040084388185654011571568133832;0.004922644163150492573055583279;0.024964838255977495756754436229;0.008087201125175809413025973527;0.005625879043600562692817312893;0.011954992967651194638034617412;0.053094233473980310955564476671;0.015119549929676512345366745649;0.006680731364275668306140776309;0.046413502109704643516785438351;0.022855133614627286264830985374;0.003867791842475386959732119863;0.023206751054852321758392719175;0.026371308016877637731001371435;0.002461322081575246286527791639;0.014064697609001405864681544244;0.003516174402250351466170386061;0.003516174402250351466170386061;0.005977496483825597319017308706;0.036919831223628692129512529618;0.012658227848101265625158085015;0.017580872011251757330851930305;0.090365682137834038578638740091;0.000703234880450070336602164112;0.046413502109704643516785438351;0.030942334739803095677856958901;0.004571026722925457079493849477;0.011603375527426160879196359588;0.002812939521800281346408656447;0.008087201125175809413025973527;0.008438818565400843171864231351;0.004571026722925457079493849477;0.009493670886075949652549432756;0.002812939521800281346408656447;0.005977496483825597319017308706;0.007735583684950773919464239725;0.013713080168776372105843286420;0.000000000000000000000000000000;0.003867791842475386959732119863;0.032700421940928273145665627908;0.003867791842475386959732119863;0.008087201125175809413025973527;0.008790436005625878665425965153;0.008087201125175809413025973527;0.005977496483825597319017308706
-0.037974683544303798610197731023;0.007233273056057865947610086010;0.016636528028933093154018152404;0.187341772151898733334007829399;0.019168173598553345932105074212;0.044846292947558770436433661644;0.002169981916817359957755373401;0.011934900542495479117133250213;0.008679927667269439831021493603;0.008318264014466546577009076202;0.018083182640144666170067822009;0.051717902350813742262669592265;0.025316455696202531250316170031;0.025316455696202531250316170031;0.014828209764918625149232589422;0.022061482820976491964204413421;0.005786618444846292931560416406;0.014104882459312838641207754620;0.024231464737793851488278917827;0.008318264014466546577009076202;0.012658227848101265625158085015;0.003254972875226039719792625604;0.008318264014466546577009076202;0.015913200723327306645993317602;0.049186256781193489484582670457;0.021338155515370705456179578619;0.019529837251356239186117491613;0.018444846292947559424080239410;0.000361663652802893308222526025;0.048462929475587702976557835655;0.027124773960216997520378257036;0.006509945750452079439585251208;0.014466546112115731895220172021;0.006148282097649186185572833807;0.027486437613019890774390674437;0.013019891500904158879170502416;0.007956600361663653322996658801;0.008318264014466546577009076202;0.001446654611211573232890104102;0.012658227848101265625158085015;0.002531645569620253211767790802;0.007956600361663653322996658801;0.000000000000000000000000000000;0.009041591320072333085033911004;0.014104882459312838641207754620;0.009041591320072333085033911004;0.017359855334538879662042987206;0.023508137432188064980254083025;0.023146473779385171726241665624;0.016636528028933093154018152404
-0.027426160337552744211686572839;0.018284106891701828317975397908;0.014416315049226441358243278046;0.142756680731364271608185845253;0.044655414908579466048976769343;0.063994374120956404317084320610;0.005977496483825597319017308706;0.017229254571026721837290196504;0.005625879043600562692817312893;0.002812939521800281346408656447;0.014064697609001405864681544244;0.078059071729957810181765864854;0.021448663853727144290584050168;0.012658227848101265625158085015;0.023909985935302389276069234825;0.020393811533052037809898848764;0.005274261603375527199255579092;0.015471167369901547838928479450;0.041490857946554146606921165130;0.002109704641350210792966057838;0.014767932489451476851805011847;0.004922644163150492573055583279;0.007032348804500702932340772122;0.006329113924050632812579042508;0.037271448663853727623074263420;0.015119549929676512345366745649;0.017580872011251757330851930305;0.019338959212376934798660599313;0.001406469760900140673204328223;0.083333333333333328707404064062;0.054500703234880452929811411877;0.006329113924050632812579042508;0.015471167369901547838928479450;0.006680731364275668306140776309;0.012658227848101265625158085015;0.005977496483825597319017308706;0.005977496483825597319017308706;0.013009845288326301118719818817;0.002461322081575246286527791639;0.004922644163150492573055583279;0.004571026722925457079493849477;0.007735583684950773919464239725;0.000000000000000000000000000000;0.003867791842475386959732119863;0.022855133614627286264830985374;0.005625879043600562692817312893;0.010548523206751054398511158183;0.009845288326300985146111166557;0.010900140646976089892072891985;0.010900140646976089892072891985
-0.039640239840106596125313132006;0.020652898067954696820214266495;0.010659560293137908260074908640;0.093937375083277818710314477357;0.058960692871419057015103248887;0.055629580279813455045978543012;0.005329780146568954130037454320;0.022984676882078614035265218263;0.004330446369087275447495866132;0.008660892738174550894991732264;0.018654230512991337720407614142;0.061292471685542970760707248701;0.024317121918720853435136319831;0.008994003997335110744959507656;0.039973351099267154240557431422;0.024983344437041973135071870615;0.003331112591605596331273408950;0.013657561625582945175061411192;0.040639573617588277409939934159;0.003997335109926715597528090740;0.022318454363757494335329667479;0.004996668887408394280069678928;0.004996668887408394280069678928;0.009993337774816788560139357855;0.046302465023317786185774735941;0.016322451698867420505356662375;0.023317788141239172150509517678;0.026648900732844770650187271599;0.000000000000000000000000000000;0.066289140572951363306053451652;0.037974683544303798610197731023;0.002331778814123917215050951768;0.017654896735509659905227763943;0.004663557628247834430101903536;0.013657561625582945175061411192;0.009327115256495668860203807071;0.003997335109926715597528090740;0.009327115256495668860203807071;0.001665556295802798165636704475;0.005662891405729513980005229712;0.006662225183211192662546817900;0.006662225183211192662546817900;0.000000000000000000000000000000;0.006329113924050632812579042508;0.030646235842771485380353624350;0.006329113924050632812579042508;0.011658894070619586075254758839;0.017988007994670221489919015312;0.013324450366422385325093635799;0.012325116588940705775190309623
-0.011739264751312943405037181321;0.071980228606734628082897131662;0.007723200494284831324476314762;0.075378436824219963163784541393;0.054062403459993822740781155289;0.024096385542168675952812151309;0.006796416434970651947178321706;0.054989187519308001250717410358;0.001853568118628359621957724102;0.002162496138399752892284011452;0.012974976830398516486342330722;0.025641025641025640136039243089;0.011739264751312943405037181321;0.006796416434970651947178321706;0.092987333951189368730361195503;0.011739264751312943405037181321;0.004633920296570898621213441260;0.028730305838739571971940378603;0.049428483163422923252205976041;0.002162496138399752892284011452;0.022860673463083101136783525931;0.001544640098856966351631436751;0.005560704355885078865873172305;0.005560704355885078865873172305;0.017917825146740808811562928327;0.006487488415199258243171165361;0.031201729996910718134550677405;0.108433734939759038318207728935;0.000308928019771393270326287350;0.044794562866852023763630796793;0.021624961383997529790201852506;0.001853568118628359621957724102;0.018844609206054990790946135348;0.003089280197713932703262873503;0.009576768612913191813795776852;0.008341056533827618732490627451;0.006796416434970651947178321706;0.005251776336113685161866015960;0.002162496138399752892284011452;0.003398208217485325973589160853;0.019153537225826383627591553704;0.004016064257028112080560866559;0.000000000000000000000000000000;0.003707136237256719243915448203;0.054989187519308001250717410358;0.004942848316342292325220597604;0.006796416434970651947178321706;0.005251776336113685161866015960;0.012666048810627123649696912366;0.005251776336113685161866015960
-0.022282608695652173641521542891;0.052989130434782608092270095312;0.008695652173913043583852733320;0.061684782608695649941399352656;0.033967391304347824276810285937;0.020380434782608695953864952344;0.005706521739130434797693247617;0.050543478260869564855362057187;0.004891304347826087341177814238;0.004076086956521739017300642871;0.017119565217391302658356266875;0.012500000000000000693889390391;0.010869565217391304046135047656;0.006521739130434782254208680996;0.058695652173913044624686818906;0.012771739130434783468515114180;0.003532608695652173901730064287;0.036956521739130436532416723594;0.065489130434782605316712533750;0.003532608695652173901730064287;0.030978260869565218960097752188;0.002717391304347826011533761914;0.007608695652173913352711576152;0.007336956521739130578085852363;0.023641304347826085779926685859;0.015217391304347826705423152305;0.042663043478260866125939543281;0.097010869565217386356614781562;0.000271739130434782611995397916;0.027989130434782610173938266485;0.031521739130434781039902247812;0.003804347826086956676355788076;0.031521739130434781039902247812;0.002717391304347826011533761914;0.006793478260869565028834404785;0.014130434782608695606920257148;0.013043478260869564508417361992;0.018206521739130433756859162031;0.000815217391304347781776085125;0.003804347826086956676355788076;0.014673913043478261156171704727;0.010326086956521738496883600078;0.000000000000000000000000000000;0.005163043478260869248441800039;0.041576086956521741966330552032;0.010869565217391304046135047656;0.006793478260869565028834404785;0.005163043478260869248441800039;0.020652173913043476993767200156;0.009782608695652174682355628477
-0.031193490054249546628017952798;0.032549728752260399800011470006;0.012658227848101265625158085015;0.115280289330922242063692806369;0.049276672694394216267532726761;0.046564195298372516862439596252;0.002260397830018083271258477751;0.021699819168173598710191996020;0.006781193490054249380094564259;0.003616636528028932973805043005;0.014014466546112115327704650269;0.059674502712477393850942775089;0.021247739602169982142676474268;0.008137432188065099950002867502;0.053345388788426761905725470569;0.033453887884267632935042513509;0.003164556962025316406289521254;0.018987341772151899305098865511;0.023508137432188064980254083025;0.002260397830018083271258477751;0.012206148282097649057642563264;0.004520795660036166542516955502;0.002260397830018083271258477751;0.005877034358047016245063520756;0.051084990958408682537594813766;0.014918625678119348462735693772;0.016274864376130199900005735003;0.063743218806509946428029422805;0.000000000000000000000000000000;0.047920433996383363095539209553;0.049276672694394216267532726761;0.002260397830018083271258477751;0.014466546112115731895220172021;0.004972875226039783110032477254;0.014918625678119348462735693772;0.007233273056057865947610086010;0.005877034358047016245063520756;0.009945750452079566220064954507;0.000452079566003616621725630376;0.003164556962025316406289521254;0.008589511754068716517518389253;0.007233273056057865947610086010;0.000000000000000000000000000000;0.002712477396021699838773999502;0.034810126582278479168142126809;0.004972875226039783110032477254;0.008137432188065099950002867502;0.014918625678119348462735693772;0.014466546112115731895220172021;0.013110307414104882192673606767
-0.025316455696202531250316170031;0.009737098344693282184203475538;0.019474196689386564368406951075;0.148490749756572532058740421235;0.065725413826679651707607376920;0.058422590068159689635773901273;0.007302823758519961204471737659;0.018987341772151899305098865511;0.007302823758519961204471737659;0.009737098344693282184203475538;0.013145082765335930688466170579;0.048685491723466409186293901712;0.012658227848101265625158085015;0.016553067185978577458005389644;0.015579357351509250800836170470;0.032132424537487831728288512068;0.005842259006815968616632694932;0.008763388510223953792310780386;0.037000973709834468483581559894;0.004868549172346641092101737769;0.020447906523855891025576170250;0.010223953261927945512788085125;0.001947419668938656350104521309;0.013631937682570594017050780167;0.035540408958130480232551207109;0.012658227848101265625158085015;0.010710808179162608841372694712;0.015092502434274585737528084906;0.001460564751703992154158173733;0.111976630963972742516254754719;0.040895813047711782051152340500;0.007302823758519961204471737659;0.010223953261927945512788085125;0.006329113924050632812579042508;0.008763388510223953792310780386;0.007302823758519961204471737659;0.005355404089581304420686347356;0.018013631937682569178482694383;0.000973709834469328175052260654;0.005842259006815968616632694932;0.005355404089581304420686347356;0.006815968841285297008525390083;0.000000000000000000000000000000;0.004868549172346641092101737769;0.021421616358325217682745389425;0.007302823758519961204471737659;0.015092502434274585737528084906;0.009250243427458617120895389974;0.010710808179162608841372694712;0.008763388510223953792310780386
-0.023809523809523808202115446875;0.046031746031746034741871653750;0.007142857142857142634106981660;0.031349206349206348853897452500;0.046825396825396825573051273750;0.026984126984126985404621734688;0.005158730158730158617264027754;0.048412698412698414174304417656;0.009523809523809524668624959531;0.003571428571428571317053490830;0.016666666666666666435370203203;0.025396825396825396803368590781;0.019444444444444444752839729063;0.009523809523809524668624959531;0.073809523809523810977673008438;0.012301587301587301251371009414;0.003968253968253968033685907812;0.041269841269841268938112222031;0.065079365079365084079121572813;0.001587301587301587300210536924;0.027380952380952380820211544687;0.002380952380952381167156239883;0.006349206349206349200842147695;0.009126984126984127518311673555;0.025000000000000001387778780781;0.015079365079365079568840535273;0.041269841269841268938112222031;0.061507936507936504522131571093;0.000396825396825396825052634231;0.049206349206349205005484037656;0.036904761904761905488836504219;0.000793650793650793650105268462;0.024603174603174602502742018828;0.002380952380952381167156239883;0.012698412698412698401684295391;0.013095238095238095551997581367;0.007142857142857142634106981660;0.011111111111111111535154627461;0.005158730158730158617264027754;0.003174603174603174600421073848;0.017063492063492061850960013203;0.007539682539682539784420267637;0.000000000000000000000000000000;0.005158730158730158617264027754;0.046031746031746034741871653750;0.007142857142857142634106981660;0.005555555555555555767577313730;0.005158730158730158617264027754;0.025793650793650792218958400781;0.007936507936507936067371815625
-0.060478199718706049381466982595;0.012306610407876230131596351214;0.013713080168776372105843286420;0.081575246132208151239595395054;0.009845288326300985146111166557;0.084388185654008435188089265466;0.001758087201125175733085193031;0.009493670886075949652549432756;0.003516174402250351466170386061;0.010196905766526018904949424382;0.011251758087201125385634625786;0.099859353023909983027017744917;0.028481012658227847222924822290;0.021097046413502108797022316367;0.006680731364275668306140776309;0.041842475386779182100482898932;0.003164556962025316406289521254;0.007735583684950773919464239725;0.014416315049226441358243278046;0.002461322081575246286527791639;0.009142053445850914158987698954;0.002812939521800281346408656447;0.004571026722925457079493849477;0.010196905766526018904949424382;0.077355836849507739194642397251;0.018284106891701828317975397908;0.013713080168776372105843286420;0.042897327707454288581168100336;0.000703234880450070336602164112;0.050984528832630097994194073863;0.068213783403656816362037318413;0.003867791842475386959732119863;0.004922644163150492573055583279;0.005977496483825597319017308706;0.018987341772151899305098865511;0.010900140646976089892072891985;0.004922644163150492573055583279;0.014416315049226441358243278046;0.002461322081575246286527791639;0.004219409282700421585932115676;0.002812939521800281346408656447;0.002812939521800281346408656447;0.000000000000000000000000000000;0.006680731364275668306140776309;0.007383966244725738425902505924;0.008087201125175809413025973527;0.017932489451476792824413664107;0.024261603375527424769630968626;0.016526019690576654319613680855;0.019690576652601970292222333114
-0.050632911392405062500632340061;0.008702531645569619792035531702;0.028085443037974684027391347740;0.154272151898734166675097867483;0.009889240506329114582806383282;0.047863924050632909723557162351;0.001186708860759493706568679094;0.008702531645569619792035531702;0.020174050632911392361146241115;0.011867088607594937499367659939;0.014240506329113923611462411145;0.053006329113924048612727091268;0.018591772151898732640118439008;0.033227848101265819447114324703;0.006724683544303797742835993034;0.030458860759493670139486098947;0.012262658227848100694901134489;0.022151898734177215277707517771;0.015031645569620253471976312198;0.007515822784810126735988156099;0.012262658227848100694901134489;0.008702531645569619792035531702;0.006329113924050632812579042508;0.018987341772151899305098865511;0.049841772151898736109565390962;0.028481012658227847222924822290;0.018196202531645569444584964458;0.002768987341772151909713439721;0.000000000000000000000000000000;0.031645569620253166664980426503;0.070411392405063291666245106626;0.007120253164556961805731205573;0.006329113924050632812579042508;0.003955696202531645833122553313;0.018987341772151899305098865511;0.014240506329113923611462411145;0.006329113924050632812579042508;0.019778481012658229165612766565;0.003955696202531645833122553313;0.007120253164556961805731205573;0.001582278481012658203144760627;0.010284810126582277778339857832;0.000000000000000000000000000000;0.013053797468354430555415035542;0.003955696202531645833122553313;0.010680379746835442708596808359;0.019382911392405062500632340061;0.020569620253164555556679715664;0.014636075949367088541719361672;0.015822784810126583332490213252
-0.030185004868549171475056169811;0.019798766634209673254130024134;0.019474196689386564368406951075;0.233365790327815653126819483987;0.046088932164881531161615413339;0.030834144758195392715949267881;0.001947419668938656350104521309;0.012982797792924374510881158074;0.012333657903278156739435011957;0.011359948068808828347542316806;0.008763388510223953792310780386;0.019149626744563452013236926064;0.013307367737747485131327707109;0.020447906523855891025576170250;0.018825056799740343127513853005;0.027588445309964296919824633392;0.008763388510223953792310780386;0.013307367737747485131327707109;0.017526777020447907584621560773;0.003245699448231093627720289518;0.012982797792924374510881158074;0.009737098344693282184203475538;0.005517689061992859730909621874;0.014930217461863031294666548376;0.040895813047711782051152340500;0.028237585199610514691270779508;0.015579357351509250800836170470;0.024991885751379422364593096972;0.000000000000000000000000000000;0.037000973709834468483581559894;0.035053554040895815169243121545;0.008114248620577734286141158293;0.006815968841285297008525390083;0.004543979227523531339016926722;0.013307367737747485131327707109;0.015254787406686140180389621435;0.004868549172346641092101737769;0.017526777020447907584621560773;0.002271989613761765669508463361;0.009087958455047062678033853445;0.006491398896462187255440579037;0.009412528399870171563756926503;0.000000000000000000000000000000;0.012333657903278156739435011957;0.021421616358325217682745389425;0.009737098344693282184203475538;0.022395326192794547809361560553;0.024018175916910095707423877798;0.009412528399870171563756926503;0.008763388510223953792310780386
-0.040348101265822784722292482229;0.014636075949367088541719361672;0.022151898734177215277707517771;0.153876582278481000010117440979;0.020174050632911392361146241115;0.035205696202531645833122553313;0.001977848101265822916561276656;0.014636075949367088541719361672;0.013449367088607595485671986069;0.007120253164556961805731205573;0.018591772151898732640118439008;0.069224683544303791671303827115;0.015822784810126583332490213252;0.024129746835443038194268794427;0.015427215189873418402233262725;0.032436708860759493056047375603;0.008702531645569619792035531702;0.014636075949367088541719361672;0.017405063291139239584071063405;0.002373417721518987413137358189;0.008306962025316454861778581176;0.006724683544303797742835993034;0.004351265822784809896017765851;0.016218354430379746528023687802;0.053797468354430381942687944274;0.032832278481012659721027802107;0.019382911392405062500632340061;0.016218354430379746528023687802;0.000791139240506329101572380313;0.029272151898734177083438723344;0.067246835443037972224189502413;0.006724683544303797742835993034;0.009493670886075949652549432756;0.004746835443037974826274716378;0.015427215189873418402233262725;0.014240506329113923611462411145;0.007120253164556961805731205573;0.015427215189873418402233262725;0.005537974683544303819426879443;0.006724683544303797742835993034;0.004351265822784809896017765851;0.011471518987341772569110709412;0.000000000000000000000000000000;0.005537974683544303819426879443;0.011867088607594937499367659939;0.006724683544303797742835993034;0.021756329113924052082174043221;0.023338607594936708333754893374;0.015822784810126583332490213252;0.016218354430379746528023687802
-0.055235903337169156568364769555;0.015343306482546989477633303522;0.018028385116992711595385046053;0.151515151515151519356905396307;0.009205983889528193339635286918;0.042577675489067892677930160517;0.003835826620636747369408325881;0.006904487917146144571045596194;0.009589566551591868423520814702;0.008438818565400843171864231351;0.014192558496355964225976720172;0.085922516302263135523631376600;0.014959723820483314393747775739;0.026467203682393556501972753381;0.011891062523973917192110505425;0.030303030303030303871381079261;0.004986574606827771753703171242;0.004602991944764096669817643459;0.014576141158419639309862247956;0.003835826620636747369408325881;0.014576141158419639309862247956;0.011891062523973917192110505425;0.003835826620636747369408325881;0.016494054468738014729289886873;0.052934407364787113003945506762;0.027617951668584578284182384778;0.010740314537782891940453922075;0.015726889144610664561518831306;0.001150747986191024167454410865;0.037974683544303798610197731023;0.054852320675105488423373145679;0.004219409282700421585932115676;0.004986574606827771753703171242;0.008438818565400843171864231351;0.013808975834292289142091192389;0.014576141158419639309862247956;0.006137322593018795270636278616;0.021480629075565783880907844150;0.004986574606827771753703171242;0.007671653241273494738816651761;0.002685078634445722985113480519;0.007671653241273494738816651761;0.000000000000000000000000000000;0.009205983889528193339635286918;0.003835826620636747369408325881;0.007288070579209819654931123978;0.025316455696202531250316170031;0.034906022247794397939113508755;0.023014959723820484216449955284;0.019562715765247411930927157186
-0.053006329113924048612727091268;0.018591772151898732640118439008;0.020569620253164555556679715664;0.130933544303797472219130781923;0.005933544303797468749683829969;0.051028481012658229165612766565;0.001582278481012658203144760627;0.010680379746835442708596808359;0.004746835443037974826274716378;0.013053797468354430555415035542;0.018196202531645569444584964458;0.092958860759493666670039146993;0.020174050632911392361146241115;0.022547468354430378473240992321;0.009098101265822784722292482229;0.040743670886075951387272908732;0.005142405063291138889169928916;0.008702531645569619792035531702;0.015822784810126583332490213252;0.003560126582278480902865602786;0.010284810126582277778339857832;0.005142405063291138889169928916;0.002768987341772151909713439721;0.013844936708860758681205460618;0.067642405063291138889169928916;0.030063291139240506943952624397;0.013844936708860758681205460618;0.006724683544303797742835993034;0.000395569620253164550786190157;0.028481012658227847222924822290;0.075158227848101263890434609038;0.003955696202531645833122553313;0.003560126582278480902865602786;0.005142405063291138889169928916;0.018591772151898732640118439008;0.010284810126582277778339857832;0.006724683544303797742835993034;0.018196202531645569444584964458;0.001582278481012658203144760627;0.011075949367088607638853758885;0.002373417721518987413137358189;0.011075949367088607638853758885;0.000000000000000000000000000000;0.008702531645569619792035531702;0.001582278481012658203144760627;0.008702531645569619792035531702;0.021756329113924052082174043221;0.034810126582278479168142126809;0.012658227848101265625158085015;0.017800632911392406249051489908
-0.038326300984528834103759464824;0.017229254571026721837290196504;0.013009845288326301118719818817;0.128691983122362879621292108823;0.024613220815752460263192702428;0.056962025316455694445849644580;0.003516174402250351466170386061;0.011954992967651194638034617412;0.009142053445850914158987698954;0.010548523206751054398511158183;0.017932489451476792824413664107;0.069268635724331922842722519817;0.022855133614627286264830985374;0.011954992967651194638034617412;0.005625879043600562692817312893;0.030239099859353024690733491298;0.006680731364275668306140776309;0.009142053445850914158987698954;0.041139240506329111113359431329;0.002812939521800281346408656447;0.014767932489451476851805011847;0.007032348804500702932340772122;0.005977496483825597319017308706;0.009493670886075949652549432756;0.043952180028129395061853301740;0.015471167369901547838928479450;0.018284106891701828317975397908;0.030590717299578060184295225099;0.001054852320675105396483028919;0.086497890295358648149459668275;0.063291139240506333329960853007;0.003516174402250351466170386061;0.016526019690576654319613680855;0.002461322081575246286527791639;0.013009845288326301118719818817;0.010900140646976089892072891985;0.005977496483825597319017308706;0.024261603375527424769630968626;0.004219409282700421585932115676;0.007383966244725738425902505924;0.003867791842475386959732119863;0.011603375527426160879196359588;0.000000000000000000000000000000;0.008790436005625878665425965153;0.007735583684950773919464239725;0.009845288326300985146111166557;0.008438818565400843171864231351;0.010900140646976089892072891985;0.013361462728551336612281552618;0.009142053445850914158987698954
-0.038640906062624914840686329853;0.011658894070619586075254758839;0.024983344437041973135071870615;0.187208527648234507312352548070;0.024983344437041973135071870615;0.036975349766822117325570928870;0.005329780146568954130037454320;0.009327115256495668860203807071;0.019320453031312457420343164927;0.010992671552298468110042684032;0.017654896735509659905227763943;0.028647568287808126280546971998;0.013324450366422385325093635799;0.021985343104596936220085368063;0.008994003997335110744959507656;0.031312458361092601610842223181;0.008327781479013991045023956872;0.016322451698867420505356662375;0.017988007994670221489919015312;0.003997335109926715597528090740;0.019986675549633577120278715711;0.008327781479013991045023956872;0.004663557628247834430101903536;0.013990672884743505025029186584;0.039307128580946038010068832591;0.026315789473684209065496020230;0.016988674217188540205292213159;0.021985343104596936220085368063;0.000666222518321119266254681790;0.036975349766822117325570928870;0.050299800133244504385388040646;0.003664223850766155747560315348;0.011325782811459027960010459424;0.006329113924050632812579042508;0.011992005329780145925222534231;0.015656229180546300805421111590;0.007328447701532311495120630696;0.027315123251165890350122822383;0.006662225183211192662546817900;0.009660226515656228710171582463;0.003997335109926715597528090740;0.017321785476349101789983464528;0.000000000000000000000000000000;0.010992671552298468110042684032;0.015323117921385742690176812175;0.009327115256495668860203807071;0.014656895403064622990241261391;0.018654230512991337720407614142;0.014990006662225182840209036783;0.017321785476349101789983464528
-0.045484508899143044624580056734;0.013843111404087013807662209786;0.016809492419248516642538149313;0.045484508899143044624580056734;0.026367831245880025969885451786;0.067237969676994066570152597251;0.005603164139749505258392137108;0.011535926170072511795505754151;0.016479894528675015363816669378;0.010217534607778510150066786366;0.018127883981542518287977117097;0.071193144363876068037022548651;0.028675016479894527982041907421;0.019775873434410021212137564817;0.010547132498352009694064790324;0.032959789057350030727633338756;0.007251153592617007315190846839;0.013183915622940012984942725893;0.028675016479894527982041907421;0.003955174686882004068955165366;0.016809492419248516642538149313;0.010217534607778510150066786366;0.011535926170072511795505754151;0.010547132498352009694064790324;0.052735662491760051939770903573;0.020435069215557020300133572732;0.014831905075807514174379697636;0.009228740936058009783349298516;0.000329597890573500302939524698;0.073170731707317068770457524352;0.054054054054054057054656823311;0.003955174686882004068955165366;0.018457481872116019566698597032;0.003625576796308503657595423419;0.029993408042188529627480875206;0.012854317732366513440944721935;0.006591957811470006492471362947;0.021753460777851021945572540517;0.002636783124588002423516197581;0.012854317732366513440944721935;0.001647989452867501623117840737;0.013513513513513514263664205828;0.000000000000000000000000000000;0.009887936717205010606068782408;0.013513513513513514263664205828;0.008239947264337507681908334689;0.015491100856954514997099181528;0.022742254449571522312290028367;0.019446275543836519933416084882;0.015491100856954514997099181528
-0.043304463690872749270788233389;0.014990006662225182840209036783;0.021319120586275816520149817279;0.099600266489007327486149279139;0.021319120586275816520149817279;0.034643570952698203579966929055;0.004330446369087275447495866132;0.022651565622918055920020918848;0.016655562958027982090047913744;0.013324450366422385325093635799;0.018654230512991337720407614142;0.032311792138574282895469025334;0.025649566955363092835007421399;0.025316455696202531250316170031;0.012658227848101265625158085015;0.026648900732844770650187271599;0.005662891405729513980005229712;0.018654230512991337720407614142;0.043970686209193872440170736127;0.003997335109926715597528090740;0.022318454363757494335329667479;0.009660226515656228710171582463;0.010992671552298468110042684032;0.014323784143904063140273485999;0.045636242504996669955286137110;0.033644237175216522295340126902;0.023317788141239172150509517678;0.011992005329780145925222534231;0.000666222518321119266254681790;0.032311792138574282895469025334;0.034643570952698203579966929055;0.002664890073284477065018727160;0.016988674217188540205292213159;0.005329780146568954130037454320;0.019320453031312457420343164927;0.023650899400399733735200769047;0.010326449033977348410107133247;0.020986009327115254935458565910;0.004330446369087275447495866132;0.010326449033977348410107133247;0.006329113924050632812579042508;0.011658894070619586075254758839;0.000000000000000000000000000000;0.010326449033977348410107133247;0.016988674217188540205292213159;0.015656229180546300805421111590;0.015323117921385742690176812175;0.023650899400399733735200769047;0.022651565622918055920020918848;0.018321119253830779605163314727
-0.034046268005237884102243128837;0.015713662156263640684583648977;0.026189436927106065494674780325;0.177651680488869478935498591454;0.027498908773461370330659647720;0.044958533391532079503960517286;0.002182453077258839080343477690;0.014404190309908337583322257558;0.012221737232649498502978779868;0.010039284155390659422635302178;0.015713662156263640684583648977;0.018769096464426014009285736961;0.022261021388040157925614082046;0.025752946311654298372495475178;0.006983849847228284363209738217;0.024443474465298997005957559736;0.006983849847228284363209738217;0.013531209079004801604240171287;0.025316455696202531250316170031;0.007420340462680052352750781353;0.017459624618070712642747821519;0.010475774770842426544814607325;0.010912265386294195401717388449;0.016586643387167174928942259271;0.032736796158882586205152165348;0.019642077695329551723091299209;0.018332605848974246887106431814;0.023134002618943692169972692341;0.000436490615451767772700608639;0.042776080314273240423617039596;0.037974683544303798610197731023;0.006547359231776516373668695081;0.018332605848974246887106431814;0.004801396769969445282866260527;0.019642077695329551723091299209;0.025316455696202531250316170031;0.006110868616324749251489389934;0.022697512003491925047793387193;0.003928415539065910171145912244;0.007856831078131820342291824488;0.003055434308162374625744694967;0.017023134002618942051121564418;0.000000000000000000000000000000;0.007856831078131820342291824488;0.013094718463553032747337390163;0.010475774770842426544814607325;0.016150152771715407806762954124;0.018332605848974246887106431814;0.023134002618943692169972692341;0.013094718463553032747337390163
-0.047062641999350861288231584467;0.003570269393054203380805100565;0.031483284647841607017948462044;0.128529698149951326913154048270;0.004868549172346641092101737769;0.047387211944173966704507705572;0.001298279779292437494456202707;0.012658227848101265625158085015;0.010061668289516391069926548596;0.016228497241155468572282316586;0.022070756247971438923638487495;0.029860434923726062589333096753;0.020447906523855891025576170250;0.024342745861733204593146950856;0.007789678675754625400418085235;0.029535864978902953703610023695;0.009737098344693282184203475538;0.009412528399870171563756926503;0.023693605972086983352253852786;0.009087958455047062678033853445;0.013307367737747485131327707109;0.008763388510223953792310780386;0.011359948068808828347542316806;0.021421616358325217682745389425;0.043167802661473547720660803861;0.024991885751379422364593096972;0.016553067185978577458005389644;0.036676403765011363067305438790;0.000649139889646218747228101353;0.034079844206426485042626950417;0.033106134371957154916010779289;0.007465108730931515647333274188;0.015903927296332359686559243528;0.005517689061992859730909621874;0.027263875365141188034101560334;0.023369036027263874466530779728;0.010386238234339499955649621654;0.013307367737747485131327707109;0.003570269393054203380805100565;0.015579357351509250800836170470;0.001947419668938656350104521309;0.006166828951639078369717505979;0.000000000000000000000000000000;0.011359948068808828347542316806;0.006491398896462187255440579037;0.010061668289516391069926548596;0.030509574813372280360779242869;0.029211295034079844817886950636;0.027913015254787405805547706450;0.020772476468678999911299243308
-0.032661782661782663705896112560;0.019841269841269840168429539062;0.023809523809523808202115446875;0.056776556776556776073849874820;0.063797313797313792704812840384;0.033882783882783880369249374098;0.007326007326007326000971708879;0.026862026862026863738286408534;0.014346764346764346101381626397;0.012515262515262515902181306160;0.022283272283272283903476917999;0.019230769230769231836752908293;0.010683760683760683968257509946;0.021367521367521367936515019892;0.031746031746031744269487262500;0.025335775335775335970200927704;0.010683760683760683968257509946;0.020146520146520147803714806400;0.052503052503052503874325651623;0.003968253968253968033685907812;0.020146520146520147803714806400;0.010683760683760683968257509946;0.007936507936507936067371815625;0.015873015873015872134743631250;0.024420024420024420003239029597;0.021367521367521367936515019892;0.025335775335775335970200927704;0.027167277167277167904124723918;0.000000000000000000000000000000;0.063492063492063488538974525000;0.032356532356532359540057797176;0.006105006105006105000809757399;0.021978021978021979737638602614;0.003357753357753357967285801067;0.008852258852258852034333713732;0.017399267399267399902829112079;0.008241758241758241967933606986;0.021978021978021979737638602614;0.007326007326007326000971708879;0.011294261294261294034657616692;0.007020757020757020967771655506;0.011294261294261294034657616692;0.000000000000000000000000000000;0.011599511599511599935219408053;0.034188034188034191473981593390;0.009157509157509157934895505093;0.017094017094017095736990796695;0.013736263736263736034981519651;0.021062271062271063770676704507;0.009768009768009768001295611839
-0.032700421940928273145665627908;0.015822784810126583332490213252;0.015119549929676512345366745649;0.193741209563994376541273823022;0.058016877637130800926534845985;0.041490857946554146606921165130;0.004922644163150492573055583279;0.018987341772151899305098865511;0.010548523206751054398511158183;0.005625879043600562692817312893;0.014416315049226441358243278046;0.044655414908579466048976769343;0.015471167369901547838928479450;0.009493670886075949652549432756;0.027777777777777776235801354687;0.026371308016877637731001371435;0.003516174402250351466170386061;0.014767932489451476851805011847;0.037271448663853727623074263420;0.002461322081575246286527791639;0.017229254571026721837290196504;0.007383966244725738425902505924;0.005977496483825597319017308706;0.012306610407876230131596351214;0.032348804500703237652103894106;0.013713080168776372105843286420;0.022855133614627286264830985374;0.023206751054852321758392719175;0.000703234880450070336602164112;0.051687763713080168981317541466;0.055203938115330516978040975573;0.006680731364275668306140776309;0.009142053445850914158987698954;0.004922644163150492573055583279;0.007032348804500702932340772122;0.009493670886075949652549432756;0.007032348804500702932340772122;0.020393811533052037809898848764;0.003516174402250351466170386061;0.007032348804500702932340772122;0.006329113924050632812579042508;0.007735583684950773919464239725;0.000000000000000000000000000000;0.004571026722925457079493849477;0.018987341772151899305098865511;0.010196905766526018904949424382;0.012658227848101265625158085015;0.008790436005625878665425965153;0.011251758087201125385634625786;0.008438818565400843171864231351
-0.019474196689386564368406951075;0.021097046413502108797022316367;0.012009087958455047853711938899;0.128205128205128193741302311537;0.056799740344044141737711584028;0.027588445309964296919824633392;0.006166828951639078369717505979;0.031807854592664719373118487056;0.005517689061992859730909621874;0.007465108730931515647333274188;0.016877637130801686343728462703;0.026939305420318079148378487275;0.015254787406686140180389621435;0.007465108730931515647333274188;0.040246673158065564279706194384;0.011684518013631937233265389864;0.007789678675754625400418085235;0.026614735475494970262655414217;0.060694579681921455305282364634;0.001298279779292437494456202707;0.026939305420318079148378487275;0.006166828951639078369717505979;0.016228497241155468572282316586;0.007465108730931515647333274188;0.019798766634209673254130024134;0.008438818565400843171864231351;0.030834144758195392715949267881;0.028562155144433627046440804520;0.001298279779292437494456202707;0.074975657254138267093779290917;0.021421616358325217682745389425;0.004543979227523531339016926722;0.050957481337228174855802365073;0.004868549172346641092101737769;0.014605647517039922408943475318;0.011035378123985719461819243747;0.008114248620577734286141158293;0.009087958455047062678033853445;0.002271989613761765669508463361;0.006815968841285297008525390083;0.006815968841285297008525390083;0.008114248620577734286141158293;0.000000000000000000000000000000;0.006491398896462187255440579037;0.051606621226874392627248511189;0.008114248620577734286141158293;0.007465108730931515647333274188;0.003570269393054203380805100565;0.017202207075624798698898487714;0.005193119117169749977824810827
-0.034358047016274866070073557012;0.007956600361663653322996658801;0.016274864376130199900005735003;0.126943942133815546036146315600;0.073417721518987344442308540238;0.031826401446654613291986635204;0.002169981916817359957755373401;0.012296564195298372371145667614;0.015551537070524411657257424224;0.010126582278481012847071163208;0.018083182640144666170067822009;0.041591320072332731150321905034;0.016998191681735986408030569805;0.022061482820976491964204413421;0.022784810126582278472229248223;0.020253164556962025694142326415;0.007233273056057865947610086010;0.014104882459312838641207754620;0.022061482820976491964204413421;0.002531645569620253211767790802;0.011934900542495479117133250213;0.015189873417721518403245006823;0.005424954792043399677547999005;0.013381555153707052133182919818;0.037974683544303798610197731023;0.016636528028933093154018152404;0.017359855334538879662042987206;0.034719710669077759324085974413;0.001084990958408679978877686700;0.055334538878842674802793766275;0.039783001808318264880259818028;0.007233273056057865947610086010;0.020614828209764918948154743816;0.005786618444846292931560416406;0.016636528028933093154018152404;0.010126582278481012847071163208;0.007233273056057865947610086010;0.013743218806509945387195337219;0.004701627486437613169523164203;0.007956600361663653322996658801;0.004339963833634719915510746802;0.011934900542495479117133250213;0.000000000000000000000000000000;0.010488245931283906101083580609;0.031464737793851720037974217803;0.008318264014466546577009076202;0.016998191681735986408030569805;0.021699819168173598710191996020;0.015551537070524411657257424224;0.017721518987341772916055404608
-0.042101930990819880218367643465;0.014561570117125673118341211421;0.007597340930674264386501803870;0.050015827793605568962753693540;0.015827793605571384427666004058;0.104779993668882562274369263378;0.003165558721114276538588505616;0.006964229186451408731839407551;0.003798670465337132193250901935;0.007913896802785692213833002029;0.017727128838239947922206241060;0.077239632795188348235448927426;0.044317822095599875009686030580;0.011396011396011396579752705804;0.004431782209559986980551560265;0.043051598607154163700361237943;0.003798670465337132193250901935;0.011079455523899968752421507645;0.032288698955365624509994404434;0.002215891104779993490275780132;0.013611902500791389636347616943;0.005381449825894270462545154743;0.004748338081671414807882758424;0.007913896802785692213833002029;0.063944286166508393365326412550;0.018360240582462803576868637379;0.012662234884457106154354022465;0.039569484013928457599718058191;0.001266223488445710658803489146;0.102564102564102560544156972355;0.059512503956948403782689638319;0.004115226337448560020582100094;0.014245014245014245291010013261;0.004115226337448560020582100094;0.023425134536245648814167807927;0.006331117442228553077177011232;0.006647673314339980904508209392;0.020576131687242798368187024494;0.000949667616334283048312725484;0.006964229186451408731839407551;0.001899335232668566096625450967;0.001582779360557138269294252808;0.000000000000000000000000000000;0.004115226337448560020582100094;0.006331117442228553077177011232;0.011079455523899968752421507645;0.010762899651788540925090309486;0.016460905349794240082328400376;0.013928458372902817463678815102;0.012662234884457106154354022465
-0.037158023683135976700242508741;0.017149857084524294803529187448;0.022049816251531236671601376997;0.120048999591670063624704312133;0.026541445487954267584695955406;0.053899550837076357079347133094;0.004491629236423030045732840421;0.014291547570436912914515481532;0.015924867292772561938596354025;0.005308289097590853690411538679;0.014699877501020825604216568649;0.054716210698244178989302355376;0.018374846876276031137908972823;0.022458146182115147626578988138;0.010616578195181707380823077358;0.028174765210289914874053351923;0.006941608819926500979768935196;0.020008166598611678427266369340;0.027766435279706003919075740782;0.005308289097590853690411538679;0.017558187015108205758506798588;0.008166598611678236446786982583;0.008983258472846060091465680841;0.013883217639853001959537870391;0.041649652919559000674443183243;0.024499795835034709340360947749;0.021641486320947325716623765857;0.013883217639853001959537870391;0.000816659861167823644678698258;0.055941200489995915323682140752;0.052266231114740713259436688531;0.006124948958758677335090236937;0.014291547570436912914515481532;0.005716619028174765512750887808;0.010616578195181707380823077358;0.016333197223356472893573965166;0.009391588403429971046443291982;0.015516537362188649248895266908;0.004491629236423030045732840421;0.006941608819926500979768935196;0.006124948958758677335090236937;0.023274806043282973005981162373;0.000000000000000000000000000000;0.008166598611678236446786982583;0.008574928542262147401764593724;0.006533278889342589157429586066;0.021641486320947325716623765857;0.016741527153940383848551576307;0.021641486320947325716623765857;0.012658227848101265625158085015
-0.056962025316455694445849644580;0.016274864376130199900005735003;0.020795660036166365575160952517;0.152802893309222420636928063686;0.004972875226039783110032477254;0.044303797468354430555415035542;0.001356238698010849919386999751;0.010397830018083182787580476258;0.007685352622061482515125607762;0.009041591320072333085033911004;0.016274864376130199900005735003;0.054701627486437615077718987777;0.027576853526220614087893778787;0.018083182640144666170067822009;0.009945750452079566220064954507;0.038878842676311031745228774525;0.004068716094032549975001433751;0.013110307414104882192673606767;0.019891500904159132440129909014;0.004520795660036166542516955502;0.013110307414104882192673606767;0.006329113924050632812579042508;0.006329113924050632812579042508;0.009493670886075949652549432756;0.062839059674502706354104475395;0.029385171790235080357955865793;0.017179023508137433035036778506;0.024412296564195298115285126528;0.000000000000000000000000000000;0.028933092224231463790440344042;0.061030741410488247022936292296;0.003616636528028932973805043005;0.013110307414104882192673606767;0.002712477396021699838773999502;0.017631103074141049602552300257;0.012658227848101265625158085015;0.008137432188065099950002867502;0.021247739602169982142676474268;0.004068716094032549975001433751;0.006329113924050632812579042508;0.007685352622061482515125607762;0.009945750452079566220064954507;0.000000000000000000000000000000;0.008589511754068716517518389253;0.006329113924050632812579042508;0.009041591320072333085033911004;0.017179023508137433035036778506;0.019891500904159132440129909014;0.023960216998191681547769604776;0.017179023508137433035036778506
-0.042314647377938517658346739836;0.014828209764918625149232589422;0.023508137432188064980254083025;0.129113924050632905560220820007;0.032911392405063293054023887407;0.028933092224231463790440344042;0.003616636528028932973805043005;0.015551537070524411657257424224;0.008679927667269439831021493603;0.015551537070524411657257424224;0.020253164556962025694142326415;0.024231464737793851488278917827;0.021338155515370705456179578619;0.032549728752260399800011470006;0.014104882459312838641207754620;0.036166365280289332340135644017;0.007956600361663653322996658801;0.016274864376130199900005735003;0.035081374321880652578098391814;0.003978300180831826661498329401;0.017721518987341772916055404608;0.008318264014466546577009076202;0.003978300180831826661498329401;0.016636528028933093154018152404;0.043037974683544304166371574638;0.023869801084990958234266500426;0.015189873417721518403245006823;0.013743218806509945387195337219;0.001808318264014466486902521503;0.035081374321880652578098391814;0.043399638336347197420383992039;0.008679927667269439831021493603;0.014828209764918625149232589422;0.007233273056057865947610086010;0.016998191681735986408030569805;0.018083182640144666170067822009;0.006871609403254972693597668609;0.018083182640144666170067822009;0.001808318264014466486902521503;0.008679927667269439831021493603;0.003978300180831826661498329401;0.018444846292947559424080239410;0.000000000000000000000000000000;0.013743218806509945387195337219;0.016998191681735986408030569805;0.009403254972875226339046328405;0.025316455696202531250316170031;0.026401446654611211012353422234;0.014104882459312838641207754620;0.020614828209764918948154743816
-0.051659254190899762948507856208;0.021553198768388643485893751972;0.018816284639069449230452946153;0.107081765309613413661438130475;0.018816284639069449230452946153;0.045501197399931574139042567140;0.003079028395484091802647430569;0.010947656517276770082869319367;0.012658227848101265625158085015;0.013684570646595962603586649209;0.016421484775915155124303979051;0.045159083133766680928644632331;0.021211084502223743336601913256;0.024974341430037631101024331315;0.023947998631542934122595767121;0.035237769414984604354756925204;0.007868628121792679147583626786;0.016763599042080055273595817766;0.018132056106739652401316220676;0.004105371193978788781075994763;0.009579199452617174689872392435;0.006842285323297981301793324604;0.006842285323297981301793324604;0.013342456380431064189018286470;0.060896339377352032284917981997;0.030448169688676016142458990998;0.013684570646595962603586649209;0.040369483407458092716346698126;0.000684228532329798130179332460;0.032500855285665410099316119386;0.045501197399931574139042567140;0.004105371193978788781075994763;0.008552856654122477711443828241;0.002394799863154293672468098109;0.018132056106739652401316220676;0.011973999315771467061297883561;0.008210742387957577562151989525;0.019842627437564146208881510347;0.003079028395484091802647430569;0.007526513855627779865653526059;0.003763256927813889932826763030;0.018474170372904549081161107438;0.000000000000000000000000000000;0.007526513855627779865653526059;0.010605542251111871668300956628;0.011631885049606568646729520822;0.019500513171399246059589671631;0.023263770099213137293459041643;0.021895313034553540165738638734;0.021211084502223743336601913256
-0.044620253164556963887399376745;0.019620253164556962499620595963;0.030696202531645570138474354849;0.120569620253164561107794838790;0.037974683544303798610197731023;0.026582278481012657639359630934;0.003164556962025316406289521254;0.014240506329113923611462411145;0.007278481012658227604361638186;0.011075949367088607638853758885;0.012658227848101265625158085015;0.034177215189873419443067348311;0.019936708860759492362157985212;0.028797468354430380554909163493;0.019303797468354429167636254761;0.030063291139240506943952624397;0.008544303797468354860766837078;0.015822784810126583332490213252;0.023734177215189874998735319878;0.008227848101265823263505971852;0.010759493670886076041592893660;0.017088607594936709721533674156;0.007594936708860759201622503411;0.014556962025316455208723276371;0.034177215189873419443067348311;0.025000000000000001387778780781;0.021518987341772152083185787319;0.044620253164556963887399376745;0.002531645569620253211767790802;0.025632911392405064582300511233;0.034810126582278479168142126809;0.011075949367088607638853758885;0.008544303797468354860766837078;0.005696202531645569618057312056;0.017721518987341772916055404608;0.017721518987341772916055404608;0.007594936708860759201622503411;0.023417721518987341666750978675;0.004113924050632911631752985926;0.013291139240506328819679815467;0.003164556962025316406289521254;0.012341772151898734027897219789;0.000000000000000000000000000000;0.008544303797468354860766837078;0.013291139240506328819679815467;0.016455696202531646527011943704;0.023734177215189874998735319878;0.023101265822784811804213589426;0.019620253164556962499620595963;0.015189873417721518403245006823
-0.035864978902953585648827328214;0.010548523206751054398511158183;0.032248342374924653108703154203;0.142857142857142849212692681249;0.040385774562989751323982545728;0.029535864978902953703610023695;0.003918022905364677496709013838;0.010548523206751054398511158183;0.012356841470765520668573245189;0.019590114526823389218268545164;0.014767932489451476851805011847;0.024713682941531041337146490378;0.010548523206751054398511158183;0.041591320072332731150321905034;0.013562386980108498760189128518;0.028028933092224230655409300539;0.010548523206751054398511158183;0.011452682338758287533542201686;0.012658227848101265625158085015;0.006027727546714888723355940670;0.008438818565400843171864231351;0.017179023508137433035036778506;0.006931886678722121858386984172;0.029535864978902953703610023695;0.036166365280289332340135644017;0.032851115129596139552425881902;0.012658227848101265625158085015;0.036769138034960818783858371717;0.000904159132007233243451260751;0.025617842073538274472177533880;0.025919228450874021163485849684;0.008740204942736588128449071178;0.008740204942736588128449071178;0.008137432188065099950002867502;0.021699819168173598710191996020;0.024713682941531041337146490378;0.007233273056057865947610086010;0.012658227848101265625158085015;0.004219409282700421585932115676;0.017781796262808919478759506205;0.001808318264014466486902521503;0.005726341169379143766771100843;0.000000000000000000000000000000;0.014466546112115731895220172021;0.016274864376130199900005735003;0.007534659433393610904194925837;0.032851115129596139552425881902;0.030741410488245930060502431047;0.015370705244122965030251215524;0.016576250753465943121867098853
-0.037341772151898731946229048617;0.012658227848101265625158085015;0.026265822784810127776822241685;0.092721518987341766671050891091;0.027531645569620254165865702589;0.030696202531645570138474354849;0.004430379746835443229013851152;0.019303797468354429167636254761;0.020253164556962025694142326415;0.019620253164556962499620595963;0.016772151898734176389549332953;0.018354430379746836110577135059;0.023417721518987341666750978675;0.027215189873417720833881361386;0.019303797468354429167636254761;0.027531645569620254165865702589;0.008860759493670886458027702304;0.019936708860759492362157985212;0.025949367088607594444837900483;0.005379746835443038020796446830;0.019303797468354429167636254761;0.011708860759493670833375489337;0.006329113924050632812579042508;0.019936708860759492362157985212;0.043670886075949363891446353136;0.027848101265822784028403091838;0.022468354430379745140244907020;0.044303797468354430555415035542;0.001582278481012658203144760627;0.024683544303797468055794439579;0.032594936708860759722039546205;0.009810126582278481249810297982;0.011075949367088607638853758885;0.006645569620253164409839907734;0.023101265822784811804213589426;0.016139240506329113195027602501;0.006645569620253164409839907734;0.014556962025316455208723276371;0.004746835443037974826274716378;0.008860759493670886458027702304;0.006962025316455696007100772960;0.019303797468354429167636254761;0.000000000000000000000000000000;0.013924050632911392014201545919;0.017405063291139239584071063405;0.008860759493670886458027702304;0.029746835443037973611968283194;0.026582278481012657639359630934;0.022784810126582278472229248223;0.014873417721518986805984141597
-0.023508137432188064980254083025;0.013019891500904158879170502416;0.014466546112115731895220172021;0.408679927667269460300758510130;0.083182640144665462300643810067;0.028571428571428570536427926640;0.002893309222423146465780208203;0.006871609403254972693597668609;0.014828209764918625149232589422;0.005786618444846292931560416406;0.007594936708860759201622503411;0.026039783001808317758341004833;0.011573236889692585863120832812;0.009041591320072333085033911004;0.012296564195298372371145667614;0.013743218806509945387195337219;0.004701627486437613169523164203;0.010849909584086799355095998010;0.009041591320072333085033911004;0.001808318264014466486902521503;0.007956600361663653322996658801;0.008679927667269439831021493603;0.003254972875226039719792625604;0.005786618444846292931560416406;0.024593128390596744742291335228;0.007594936708860759201622503411;0.010488245931283906101083580609;0.055696202531645568056806183677;0.001084990958408679978877686700;0.026039783001808317758341004833;0.022423146473779385218216830822;0.004701627486437613169523164203;0.002531645569620253211767790802;0.002893309222423146465780208203;0.007956600361663653322996658801;0.006148282097649186185572833807;0.003254972875226039719792625604;0.009403254972875226339046328405;0.005063291139240506423535581604;0.007956600361663653322996658801;0.002169981916817359957755373401;0.011211573236889692609108415411;0.000000000000000000000000000000;0.006148282097649186185572833807;0.009764918625678119593058745807;0.003978300180831826661498329401;0.010849909584086799355095998010;0.006148282097649186185572833807;0.010488245931283906101083580609;0.007233273056057865947610086010
-0.050297619047619049337249919063;0.008928571428571428075793292578;0.023809523809523808202115446875;0.158035714285714279370154144999;0.022321428571428571924206707422;0.028571428571428570536427926640;0.008928571428571428075793292578;0.013690476190476190410105772344;0.009523809523809524668624959531;0.020833333333333332176851016015;0.021428571428571428769682682969;0.021428571428571428769682682969;0.015773809523809523280846178750;0.027678571428571427381903902187;0.012202380952380952397473556914;0.030654761904761903407168333047;0.008333333333333333217685101602;0.011607142857142857539365365938;0.020535714285714285615158658516;0.005357142857142857192420670742;0.017559523809523809589894227656;0.010119047619047619526733150508;0.007440476190476190063161077148;0.025000000000000001387778780781;0.040476190476190478106932602032;0.030357142857142856845475975547;0.023809523809523808202115446875;0.006547619047619047775998790684;0.002083333333333333304421275400;0.037202380952380952050528861719;0.020238095238095239053466301016;0.010416666666666666088425508008;0.011607142857142857539365365938;0.006547619047619047775998790684;0.018154761904761906182725894610;0.017857142857142856151586585156;0.009226190476190476372209126055;0.024107142857142858233254756328;0.000595238095238095291789059971;0.009523809523809524668624959531;0.002083333333333333304421275400;0.008333333333333333217685101602;0.000000000000000000000000000000;0.013690476190476190410105772344;0.012500000000000000693889390391;0.021428571428571428769682682969;0.033035714285714286309048048906;0.025595238095238094511163495781;0.019642857142857142460634634062;0.014880952380952380126322154297
-0.050632911392405062500632340061;0.016877637130801686343728462703;0.024378809188935771090633863878;0.153305203938115336415037859297;0.001406469760900140673204328223;0.036099390529770278290833118717;0.002812939521800281346408656447;0.008907641819034223251705384428;0.012658227848101265625158085015;0.021097046413502108797022316367;0.019221753398968588477657704061;0.040787623066104075619797697527;0.027660571964369433384245411389;0.033286451007969994342339248306;0.008907641819034223251705384428;0.035630567276136893006821537710;0.005625879043600562692817312893;0.015939990623534926184046156550;0.007501172058134083879543663187;0.007032348804500702932340772122;0.011720581340834505465475778863;0.004219409282700421585932115676;0.003750586029067041939771831593;0.022503516174402250771269251572;0.056727613689639008742737757984;0.033286451007969994342339248306;0.013127051101734645704999238092;0.017346460384435068158293091756;0.000468823253633380242471478949;0.016877637130801686343728462703;0.046882325363338021861903115450;0.012658227848101265625158085015;0.003281762775433661426249809523;0.006094702297233942772658465969;0.022972339428035629116386928672;0.025316455696202531250316170031;0.005625879043600562692817312893;0.015002344116268167759087326374;0.003281762775433661426249809523;0.006094702297233942772658465969;0.001875293014533520969885915797;0.012189404594467885545316931939;0.000000000000000000000000000000;0.013595874355368025784840391168;0.002344116268166901266567503370;0.012658227848101265625158085015;0.029535864978902953703610023695;0.036099390529770278290833118717;0.017815283638068446503410768855;0.016877637130801686343728462703
-0.030942334739803095677856958901;0.010314111579934365225952319634;0.020159399906235348637340010214;0.149554617909048281898520826871;0.025785278949835913064880799084;0.059071729957805907407220047389;0.003750586029067041939771831593;0.011251758087201125385634625786;0.014064697609001405864681544244;0.005157055789967182612976159817;0.012658227848101265625158085015;0.081575246132208151239595395054;0.022503516174402250771269251572;0.015939990623534926184046156550;0.013127051101734645704999238092;0.023909985935302389276069234825;0.006094702297233942772658465969;0.020628223159868730451904639267;0.025316455696202531250316170031;0.006094702297233942772658465969;0.007969995311767463092023078275;0.008907641819034223251705384428;0.008438818565400843171864231351;0.009845288326300985146111166557;0.046413502109704643516785438351;0.016408813877168307998610785603;0.014533520862634785944522697321;0.013127051101734645704999238092;0.000000000000000000000000000000;0.077355836849507739194642397251;0.067041725269573373968690077618;0.003750586029067041939771831593;0.015939990623534926184046156550;0.004219409282700421585932115676;0.014064697609001405864681544244;0.016408813877168307998610785603;0.006094702297233942772658465969;0.009376465072667605066270013481;0.003281762775433661426249809523;0.010782934833567745305793472710;0.004219409282700421585932115676;0.010782934833567745305793472710;0.000000000000000000000000000000;0.005157055789967182612976159817;0.009376465072667605066270013481;0.006563525550867322852499619046;0.011720581340834505465475778863;0.013127051101734645704999238092;0.011720581340834505465475778863;0.015471167369901547838928479450
-0.040918457462466882590401695552;0.024433323520753606750144371063;0.023255813953488371770284004469;0.143950544598174856592009973610;0.025022078304386224240074554359;0.040918457462466882590401695552;0.004710038269060936449994514419;0.015013246982631733850155342225;0.011186340889019723635056102751;0.015602001766264351340085525521;0.016190756549896968830015708818;0.030320871357079774710552300121;0.015307624374448042595120433873;0.025610833088018841730004737656;0.012952605239917574370123176664;0.027082720047100383720106719920;0.005298793052693553072562959727;0.008831321754489255410058845541;0.017368266117162200340429123457;0.005593170444509861817528051375;0.015896379158080658350327141193;0.005298793052693553072562959727;0.010597586105387106145125919454;0.019428907859876359820461289019;0.045039740947895201550466026674;0.026199587871651455750487968999;0.016779511333529586319945892114;0.022667059169855754280353821173;0.000588754783632617056249314302;0.050632911392405062500632340061;0.050927288784221369510873955733;0.003532528701795701903815016820;0.019134530468060052810219673347;0.006770680011775095930026679980;0.021195172210774212290251838908;0.013541360023550191860053359960;0.006770680011775095930026679980;0.019428907859876359820461289019;0.002355019134530468224997257209;0.010891963497203414890091011102;0.006181925228142478440096496684;0.006181925228142478440096496684;0.000000000000000000000000000000;0.013835737415366500605018451608;0.010008831321754488655195736158;0.013835737415366500605018451608;0.018840153076243745799978057676;0.018840153076243745799978057676;0.022078304386223136790423637876;0.012952605239917574370123176664
-0.035702693930542032940689267662;0.021421616358325217682745389425;0.018175916910094125356067706889;0.157091853294384936612360093022;0.018825056799740343127513853005;0.036027263875365138356965388766;0.004868549172346641092101737769;0.014930217461863031294666548376;0.045764362220058425745339292234;0.012009087958455047853711938899;0.007465108730931515647333274188;0.048685491723466409186293901712;0.009737098344693282184203475538;0.010061668289516391069926548596;0.012333657903278156739435011957;0.029211295034079844817886950636;0.010386238234339499955649621654;0.019149626744563452013236926064;0.014930217461863031294666548376;0.002271989613761765669508463361;0.009737098344693282184203475538;0.009737098344693282184203475538;0.005193119117169749977824810827;0.014281077572216813523220402260;0.037650113599480686255027706011;0.018175916910094125356067706889;0.012009087958455047853711938899;0.064264849074975663456577024135;0.000324569944823109373614050677;0.039272963323596234153090023256;0.046088932164881531161615413339;0.004543979227523531339016926722;0.004868549172346641092101737769;0.005842259006815968616632694932;0.008763388510223953792310780386;0.011359948068808828347542316806;0.007465108730931515647333274188;0.021421616358325217682745389425;0.003894839337877312700209042617;0.006815968841285297008525390083;0.006166828951639078369717505979;0.066212268743914309832021558577;0.000000000000000000000000000000;0.007465108730931515647333274188;0.006491398896462187255440579037;0.008438818565400843171864231351;0.012658227848101265625158085015;0.012333657903278156739435011957;0.010710808179162608841372694712;0.008763388510223953792310780386
-0.040123456790123454562824178993;0.005144032921810699592046756123;0.030178326474622770014821782070;0.091563786008230452218015216204;0.026406035665294924630330797299;0.069958847736625515145725273669;0.001028806584362140005145525024;0.008916323731138545843899478882;0.010631001371742112085461151594;0.010973936899862824986828790941;0.019890260631001372565451745800;0.072702331961591218356666388445;0.021604938271604937072289942535;0.032235939643347047423027618152;0.005144032921810699592046756123;0.024348422496570643752678009264;0.007544581618655692503705445517;0.016117969821673523711513809076;0.024691358024691356654045648611;0.007544581618655692503705445517;0.014746227709190672106043251688;0.006515775034293552932240789488;0.005144032921810699592046756123;0.016117969821673523711513809076;0.055555555555555552471602709375;0.026063100137174211728963157952;0.021947873799725649973657581882;0.010288065843621399184093512247;0.001028806584362140005145525024;0.072016460905349799492825013658;0.040466392318244170933638770293;0.005829903978052126262143772806;0.009602194787379973381358233553;0.005829903978052126262143772806;0.018861454046639230391901875805;0.017489711934156378786431318417;0.008573388203017832942531839535;0.009945130315500686282725872900;0.001028806584362140005145525024;0.009602194787379973381358233553;0.003086419753086419581755706076;0.004801097393689986690679116776;0.000000000000000000000000000000;0.010631001371742112085461151594;0.004458161865569272921949739441;0.008916323731138545843899478882;0.022290809327846366344472173182;0.018861454046639230391901875805;0.024691358024691356654045648611;0.018861454046639230391901875805
-0.035161744022503514661703860611;0.011251758087201125385634625786;0.010900140646976089892072891985;0.095639943741209557104276939299;0.020745428973277073303460582565;0.088255977496483825617268337282;0.002812939521800281346408656447;0.007032348804500702932340772122;0.008087201125175809413025973527;0.003516174402250351466170386061;0.014064697609001405864681544244;0.134669479606188469134053775633;0.022151898734177215277707517771;0.008790436005625878665425965153;0.007032348804500702932340772122;0.030942334739803095677856958901;0.006680731364275668306140776309;0.012306610407876230131596351214;0.017932489451476792824413664107;0.001758087201125175733085193031;0.011954992967651194638034617412;0.007032348804500702932340772122;0.004219409282700421585932115676;0.005274261603375527199255579092;0.044303797468354430555415035542;0.009493670886075949652549432756;0.012658227848101265625158085015;0.017932489451476792824413664107;0.000351617440225035168301082056;0.096694796061884663584962140703;0.113220815752461317904575821558;0.002812939521800281346408656447;0.009493670886075949652549432756;0.006329113924050632812579042508;0.013713080168776372105843286420;0.010196905766526018904949424382;0.003867791842475386959732119863;0.015822784810126583332490213252;0.002461322081575246286527791639;0.007032348804500702932340772122;0.004571026722925457079493849477;0.008087201125175809413025973527;0.000000000000000000000000000000;0.004922644163150492573055583279;0.005977496483825597319017308706;0.008087201125175809413025973527;0.007383966244725738425902505924;0.009493670886075949652549432756;0.007383966244725738425902505924;0.009493670886075949652549432756
-0.044303797468354430555415035542;0.017870439314966492239111772733;0.026433358153387938316303262809;0.112434847356664188722241703999;0.041325390915860016338712057404;0.017125837676842888684936028199;0.004095309009679821282690070916;0.009307520476545047896643758634;0.018242740134028295750923120977;0.016008935219657481618948935420;0.014519731943410276245320922328;0.020104244229337302901639006336;0.014147431124348472733509574084;0.036857781087118395013657590198;0.014519731943410276245320922328;0.033879374534623973858060708153;0.005584512285927029258403297973;0.010796723752792256739718723679;0.024199553239017124184329077252;0.007073715562174236366754787042;0.013402829486224869179333829550;0.011541325390915860293894468214;0.001861504095309009752801099324;0.018615040953090095793287517267;0.045420699925539834151955176367;0.032017870439314963237897870840;0.013402829486224869179333829550;0.033507073715562177285143263816;0.000744601638123603879436396280;0.026061057334326134804491914565;0.038719285182427398694926523603;0.004839910647803424836865815450;0.018615040953090095793287517267;0.006701414743112434589666914775;0.015264333581533879799496666863;0.012658227848101265625158085015;0.005584512285927029258403297973;0.026433358153387938316303262809;0.003350707371556217294833457387;0.010424422933730454962630851412;0.003723008190618019505602198649;0.014519731943410276245320922328;0.000000000000000000000000000000;0.016008935219657481618948935420;0.033134772896500373773331915572;0.011913626209977662070982340481;0.027922561429635145424654751878;0.029784065524944156044817589191;0.016753536857781088642571631908;0.018242740134028295750923120977
-0.022547468354430378473240992321;0.012262658227848100694901134489;0.005142405063291138889169928916;0.145569620253164555556679715664;0.066851265822784805559209075909;0.086629746835443041663715746381;0.002373417721518987413137358189;0.009889240506329114582806383282;0.014240506329113923611462411145;0.002768987341772151909713439721;0.015031645569620253471976312198;0.061708860759493673608933050900;0.022547468354430378473240992321;0.007515822784810126735988156099;0.008702531645569619792035531702;0.017800632911392406249051489908;0.004351265822784809896017765851;0.007120253164556961805731205573;0.043117088607594937499367659939;0.000791139240506329101572380313;0.015822784810126583332490213252;0.001977848101265822916561276656;0.007120253164556961805731205573;0.005537974683544303819426879443;0.030063291139240506943952624397;0.006724683544303797742835993034;0.010284810126582277778339857832;0.013449367088607595485671986069;0.001186708860759493706568679094;0.177215189873417722221660142168;0.035601265822784812498102979816;0.002768987341772151909713439721;0.020965189873417722221660142168;0.004746835443037974826274716378;0.011471518987341772569110709412;0.004351265822784809896017765851;0.005142405063291138889169928916;0.011867088607594937499367659939;0.005537974683544303819426879443;0.003955696202531645833122553313;0.003164556962025316406289521254;0.012262658227848100694901134489;0.000000000000000000000000000000;0.005142405063291138889169928916;0.013844936708860758681205460618;0.004746835443037974826274716378;0.004351265822784809896017765851;0.006329113924050632812579042508;0.012262658227848100694901134489;0.005142405063291138889169928916
-0.049226441631504920526385404855;0.011603375527426160879196359588;0.032348804500703237652103894106;0.101969057665260195988388147725;0.047468354430379749997470639755;0.024613220815752460263192702428;0.006680731364275668306140776309;0.015471167369901547838928479450;0.010196905766526018904949424382;0.014767932489451476851805011847;0.020042194092827005785784066916;0.026722925457102673224563105236;0.014767932489451476851805011847;0.029887482419127989197171757496;0.017580872011251757330851930305;0.026371308016877637731001371435;0.007735583684950773919464239725;0.013361462728551336612281552618;0.017229254571026721837290196504;0.004922644163150492573055583279;0.012658227848101265625158085015;0.009142053445850914158987698954;0.004922644163150492573055583279;0.018987341772151899305098865511;0.047116736990154714503908905954;0.028129395218002811729363088489;0.020745428973277073303460582565;0.043600562587904359568291567939;0.000703234880450070336602164112;0.030942334739803095677856958901;0.023909985935302389276069234825;0.010196905766526018904949424382;0.011603375527426160879196359588;0.008790436005625878665425965153;0.017580872011251757330851930305;0.021097046413502108797022316367;0.010196905766526018904949424382;0.018635724331926863811537131710;0.003516174402250351466170386061;0.009845288326300985146111166557;0.002109704641350210792966057838;0.010548523206751054398511158183;0.000000000000000000000000000000;0.015471167369901547838928479450;0.021448663853727144290584050168;0.011954992967651194638034617412;0.022151898734177215277707517771;0.028481012658227847222924822290;0.019690576652601970292222333114;0.022855133614627286264830985374
-0.014224137931034483428582859688;0.037931034482758620163256324531;0.007758620689655172306120611836;0.113793103448275867428662877501;0.092241379310344831510271035313;0.027155172413793102204060403437;0.009051724137931035224502451797;0.036206896551724140898009807188;0.007758620689655172306120611836;0.003448275862068965469386938594;0.017241379310344827346934692969;0.012931034482758620510201019727;0.012068965517241379142854285078;0.006465517241379310255100509863;0.054741379310344825959155912187;0.014655172413793103244894489023;0.005172413793103448204080407891;0.017672413793103448897969798281;0.067672413793103444734633455937;0.001293103448275862051020101973;0.029741379310344828040824083359;0.003017241379310344785713571270;0.003448275862068965469386938594;0.006034482758620689571427142539;0.016379310344827587714311434297;0.008620689655172413673467346484;0.029741379310344828040824083359;0.057758620689655169877507745468;0.000431034482758620683673367324;0.070258620689655174040844087813;0.017672413793103448897969798281;0.005603448275862068887753775215;0.025431034482758619469366934140;0.002586206896551724102040203945;0.011206896551724137775507550430;0.008189655172413793857155717149;0.005172413793103448204080407891;0.010344827586206896408160815781;0.007758620689655172306120611836;0.002586206896551724102040203945;0.008189655172413793857155717149;0.012500000000000000693889390391;0.000000000000000000000000000000;0.003448275862068965469386938594;0.051724137931034482040804078906;0.009913793103448276591849186445;0.007327586206896551622447244512;0.004741379310344827520407040566;0.014655172413793103244894489023;0.006034482758620689571427142539
-0.023206751054852321758392719175;0.005625879043600562692817312893;0.009493670886075949652549432756;0.088255977496483825617268337282;0.055555555555555552471602709375;0.064345991561181439810646054411;0.003164556962025316406289521254;0.010548523206751054398511158183;0.008438818565400843171864231351;0.003164556962025316406289521254;0.009142053445850914158987698954;0.167721518987341777773281137343;0.019338959212376934798660599313;0.004571026722925457079493849477;0.007383966244725738425902505924;0.023558368495077357251954452977;0.003516174402250351466170386061;0.006329113924050632812579042508;0.014767932489451476851805011847;0.000351617440225035168301082056;0.008087201125175809413025973527;0.008790436005625878665425965153;0.004219409282700421585932115676;0.007032348804500702932340772122;0.026371308016877637731001371435;0.009142053445850914158987698954;0.011603375527426160879196359588;0.030590717299578060184295225099;0.000703234880450070336602164112;0.166666666666666657414808128124;0.087904360056258790123706603481;0.003516174402250351466170386061;0.008087201125175809413025973527;0.002461322081575246286527791639;0.008438818565400843171864231351;0.003516174402250351466170386061;0.002109704641350210792966057838;0.023558368495077357251954452977;0.003867791842475386959732119863;0.005977496483825597319017308706;0.002461322081575246286527791639;0.004922644163150492573055583279;0.000000000000000000000000000000;0.003516174402250351466170386061;0.007032348804500702932340772122;0.006329113924050632812579042508;0.004922644163150492573055583279;0.005977496483825597319017308706;0.006680731364275668306140776309;0.007032348804500702932340772122
-0.038383013474887706095728390210;0.027358105349122089494651177688;0.026541445487954267584695955406;0.162923642302980814511315088566;0.009799918334013883736144379100;0.029808084932625562163410748440;0.002858309514087382756375443904;0.019191506737443853047864195105;0.013474887709269089269836783274;0.008574928542262147401764593724;0.009799918334013883736144379100;0.031033074724377298497790533816;0.009799918334013883736144379100;0.033891384238464682121527715708;0.015924867292772561938596354025;0.025316455696202531250316170031;0.007758268681094324624447633454;0.019599836668027767472288758199;0.017149857084524294803529187448;0.004899959167006941868072189550;0.015516537362188649248895266908;0.010208248264597794691121990240;0.006941608819926500979768935196;0.020416496529195589382243980481;0.038383013474887706095728390210;0.034708044099632504031482937989;0.018374846876276031137908972823;0.026133115557370356629718344266;0.000408329930583911822339349129;0.017558187015108205758506798588;0.042057982850142915098867746337;0.007349938750510412802108284325;0.006124948958758677335090236937;0.006941608819926500979768935196;0.014699877501020825604216568649;0.024091465904450794915936384655;0.010208248264597794691121990240;0.017149857084524294803529187448;0.004491629236423030045732840421;0.012249897917517354670180473875;0.006124948958758677335090236937;0.020416496529195589382243980481;0.000000000000000000000000000000;0.013474887709269089269836783274;0.008166598611678236446786982583;0.009799918334013883736144379100;0.027766435279706003919075740782;0.033483054307880767697103152614;0.016333197223356472893573965166;0.016333197223356472893573965166
-0.052904901006166828170140803422;0.006491398896462187255440579037;0.012009087958455047853711938899;0.130152547874066853994534653793;0.013307367737747485131327707109;0.072703667640376501424270827556;0.001947419668938656350104521309;0.010386238234339499955649621654;0.004543979227523531339016926722;0.006815968841285297008525390083;0.022395326192794547809361560553;0.098669263226225253915480095657;0.029535864978902953703610023695;0.017851346965271016470344633831;0.006491398896462187255440579037;0.032132424537487831728288512068;0.006815968841285297008525390083;0.009737098344693282184203475538;0.017202207075624798698898487714;0.003894839337877312700209042617;0.011359948068808828347542316806;0.006815968841285297008525390083;0.005193119117169749977824810827;0.009737098344693282184203475538;0.063291139240506333329960853007;0.012009087958455047853711938899;0.013631937682570594017050780167;0.029860434923726062589333096753;0.000324569944823109373614050677;0.053878610840636158296756974551;0.067835118468029864668977779729;0.003570269393054203380805100565;0.011684518013631937233265389864;0.003245699448231093627720289518;0.021097046413502108797022316367;0.009087958455047062678033853445;0.005517689061992859730909621874;0.010710808179162608841372694712;0.000973709834469328175052260654;0.006815968841285297008525390083;0.002271989613761765669508463361;0.007140538786108406761610201130;0.000000000000000000000000000000;0.006166828951639078369717505979;0.005842259006815968616632694932;0.007789678675754625400418085235;0.011684518013631937233265389864;0.017851346965271016470344633831;0.021746186303148330037915414437;0.016877637130801686343728462703
-0.042194092827004217594044632733;0.016174402250351618826051947053;0.014767932489451476851805011847;0.080168776371308023143136267663;0.019338959212376934798660599313;0.045358649789029537036100236946;0.004922644163150492573055583279;0.027426160337552744211686572839;0.016174402250351618826051947053;0.009493670886075949652549432756;0.018284106891701828317975397908;0.073136427566807313271901591634;0.013361462728551336612281552618;0.017229254571026721837290196504;0.014064697609001405864681544244;0.025668073136427566743877903832;0.005977496483825597319017308706;0.019338959212376934798660599313;0.042545710267229253087606366535;0.005274261603375527199255579092;0.030239099859353024690733491298;0.007383966244725738425902505924;0.008087201125175809413025973527;0.010548523206751054398511158183;0.043952180028129395061853301740;0.023909985935302389276069234825;0.016174402250351618826051947053;0.020745428973277073303460582565;0.001406469760900140673204328223;0.063994374120956404317084320610;0.054852320675105488423373145679;0.003867791842475386959732119863;0.023558368495077357251954452977;0.004571026722925457079493849477;0.017229254571026721837290196504;0.014416315049226441358243278046;0.008790436005625878665425965153;0.010548523206751054398511158183;0.004219409282700421585932115676;0.009142053445850914158987698954;0.005625879043600562692817312893;0.015119549929676512345366745649;0.000000000000000000000000000000;0.005977496483825597319017308706;0.012306610407876230131596351214;0.010548523206751054398511158183;0.014767932489451476851805011847;0.015471167369901547838928479450;0.020393811533052037809898848764;0.011251758087201125385634625786
-0.039463886820551005718549220092;0.009307520476545047896643758634;0.016381236038719285130760283664;0.104988830975428146241590354748;0.011169024571854058516806595946;0.045793000744601637663766524611;0.003723008190618019505602198649;0.007818317200297840788292269565;0.013775130305286670956421701817;0.010424422933730454962630851412;0.016753536857781088642571631908;0.100148920327624721404724539298;0.023082650781831720587788936427;0.021593447505584513479437447359;0.007073715562174236366754787042;0.032762472077438570261520567328;0.006329113924050632812579042508;0.007073715562174236366754787042;0.009679821295606849673731630901;0.004095309009679821282690070916;0.010424422933730454962630851412;0.007446016381236039011204397298;0.004839910647803424836865815450;0.015264333581533879799496666863;0.061801935964259119282715460031;0.026805658972449738358667659099;0.017498138495904692196747376443;0.016008935219657481618948935420;0.000744601638123603879436396280;0.050632911392405062500632340061;0.065897244973938937095958578993;0.003350707371556217294833457387;0.010796723752792256739718723679;0.007446016381236039011204397298;0.031645569620253166664980426503;0.013030528667163067402245957283;0.002606105733432613740657712853;0.013402829486224869179333829550;0.002606105733432613740657712853;0.010796723752792256739718723679;0.004839910647803424836865815450;0.010424422933730454962630851412;0.000000000000000000000000000000;0.009307520476545047896643758634;0.001861504095309009752801099324;0.012285927029039463848070212748;0.022338049143708117033613191893;0.035740878629932984478223545466;0.021221146686522709967626099115;0.017498138495904692196747376443
-0.043382352941176469118822467408;0.012500000000000000693889390391;0.020955882352941174878724339692;0.125000000000000000000000000000;0.026102941176470589174085645823;0.045955882352941179735950072427;0.001470588235294117626650312047;0.015441176470588235947190014485;0.011764705882352941013202496379;0.009191176470588235600245319290;0.022058823529411766134478156687;0.034926470588235294933987518107;0.012867647058823528799509361420;0.026838235294117645385325587881;0.019485294117647058986797503621;0.037132352941176470506601248189;0.006617647058823529319926404213;0.014338235294117646426159673467;0.027205882352941176960392510864;0.003676470588235294066625780118;0.015073529411764706106846567479;0.009191176470588235600245319290;0.003676470588235294066625780118;0.017279411764705883414183773539;0.049264705882352939625423715597;0.026470588235294117279705616852;0.019852941176470587092417474651;0.022426470588235294240098127716;0.001102941176470588219987734035;0.040073529411764709229348824238;0.069852941176470589867975036213;0.006250000000000000346944695195;0.012500000000000000693889390391;0.006250000000000000346944695195;0.015441176470588235947190014485;0.013602941176470588480196255432;0.005882352941176470506601248189;0.012867647058823528799509361420;0.001102941176470588219987734035;0.008823529411764705759901872284;0.004779411764705882720294383148;0.006617647058823529319926404213;0.000000000000000000000000000000;0.009558823529411765440588766296;0.017279411764705883414183773539;0.004779411764705882720294383148;0.025000000000000001387778780781;0.023161764705882353920785021728;0.013602941176470588480196255432;0.021323529411764706453791262675
-0.041426927502876867426273577166;0.010740314537782891940453922075;0.016877637130801686343728462703;0.154583812811660920027989618575;0.023782125047947834384221010851;0.052550824702723437920059978978;0.003068661296509397635318139308;0.012274645186037590541272557232;0.011123897199846567024339449858;0.004986574606827771753703171242;0.018411967779056386679270573836;0.054852320675105488423373145679;0.019562715765247411930927157186;0.027617951668584578284182384778;0.010356731875719216856568394292;0.027234369006520906669743808948;0.004602991944764096669817643459;0.007671653241273494738816651761;0.028001534330648253368067912561;0.003452243958573072285522798097;0.016494054468738014729289886873;0.004602991944764096669817643459;0.007288070579209819654931123978;0.011123897199846567024339449858;0.056770233985423856903906880689;0.021097046413502108797022316367;0.023014959723820484216449955284;0.026467203682393556501972753381;0.000000000000000000000000000000;0.050632911392405062500632340061;0.039509014192558498945739842156;0.005370157268891445970226961037;0.014576141158419639309862247956;0.007671653241273494738816651761;0.023014959723820484216449955284;0.011891062523973917192110505425;0.006137322593018795270636278616;0.014192558496355964225976720172;0.004219409282700421585932115676;0.006904487917146144571045596194;0.002685078634445722985113480519;0.006137322593018795270636278616;0.000000000000000000000000000000;0.009589566551591868423520814702;0.012274645186037590541272557232;0.007671653241273494738816651761;0.018411967779056386679270573836;0.016877637130801686343728462703;0.023782125047947834384221010851;0.018411967779056386679270573836
-0.025316455696202531250316170031;0.006027727546714888723355940670;0.014466546112115731895220172021;0.200723327305605797610255081054;0.055455093429776974867095873378;0.040988547317661244706599177334;0.002411091018685955315870028670;0.009644364074743821263480114681;0.006630500301386377769163882334;0.009041591320072333085033911004;0.018685955394816152613790549708;0.039783001808318264880259818028;0.013261000602772755538327764668;0.012055455093429777446711881339;0.006630500301386377769163882334;0.021097046413502108797022316367;0.007836045810729354993418027675;0.018685955394816152613790549708;0.024110910186859554893423762678;0.003616636528028932973805043005;0.011452682338758287533542201686;0.010247136829415311176649794334;0.012055455093429777446711881339;0.013261000602772755538327764668;0.026522001205545511076655529337;0.018083182640144666170067822009;0.013261000602772755538327764668;0.047016274864376129960508166050;0.000602772754671488828967507168;0.063893911995177812834789676799;0.039783001808318264880259818028;0.004822182037371910631740057340;0.013261000602772755538327764668;0.005424954792043399677547999005;0.016274864376130199900005735003;0.007233273056057865947610086010;0.007836045810729354993418027675;0.018083182640144666170067822009;0.003616636528028932973805043005;0.018083182640144666170067822009;0.001808318264014466486902521503;0.007836045810729354993418027675;0.000000000000000000000000000000;0.010849909584086799355095998010;0.010247136829415311176649794334;0.013863773357444243716773968345;0.016274864376130199900005735003;0.010849909584086799355095998010;0.025919228450874021163485849684;0.015069318866787221808389851674
-0.038159371492704825812314339828;0.005237560793116348249742753040;0.019079685746352412906157169914;0.085297418630751964396807807134;0.023943135054246163923030721321;0.075196408529741867732276716652;0.000748222970445192622594710041;0.007482229704451926442787534910;0.018331462775907220175142242624;0.002618780396558174124871376520;0.011597456041900485596007897016;0.140291806958473624922234535006;0.018705574261129818275373182246;0.012345679012345678327022824305;0.005985783763561540980757680330;0.027310138421249532947321370102;0.005237560793116348249742753040;0.009726898615787505503194054768;0.015712682379349047351313473087;0.004489337822671156386089563739;0.010475121586232696499485506081;0.008978675645342312772179127478;0.002992891881780770490378840165;0.010475121586232696499485506081;0.051627384960718294970583031045;0.014964459408903852885575069820;0.014216236438458660154560142530;0.019827908716797605637172097204;0.001496445940890385245189420083;0.103254769921436589941166062090;0.085671530115974559027591794802;0.004489337822671156386089563739;0.008230452674897120041164200188;0.006359895248784137346265143975;0.011223344556677889230500433371;0.007856341189674523675656736543;0.007108118219229330077280071265;0.007856341189674523675656736543;0.001496445940890385245189420083;0.003367003367003366855886303810;0.000748222970445192622594710041;0.010475121586232696499485506081;0.000000000000000000000000000000;0.004863449307893752751597027384;0.005985783763561540980757680330;0.004115226337448560020582100094;0.013468013468013467423545215240;0.014216236438458660154560142530;0.019827908716797605637172097204;0.016835016835016834713112388044
-0.056205328135152693436182858022;0.007472384665367121092671709448;0.023716699155295645207175425639;0.094541910331384010346411628234;0.011046133853151396397862527010;0.067901234567901230798625533680;0.002599090318388563858320594591;0.017868745938921376525954087811;0.012995451591942819291602972953;0.008122157244964262057251858096;0.020467836257309940384274682401;0.080571799870045479607938432309;0.013320337881741389773893047277;0.018518518518518517490534236458;0.006497725795971409645801486477;0.036387264457439894016488324269;0.003573749187784275305190817562;0.013970110461338530738473195925;0.026965562053281350030076168878;0.005198180636777127716641189181;0.022092267706302792795725054020;0.010396361273554255433282378362;0.004873294346978557234351114857;0.016569200779727094596793790515;0.061078622482131250670533972880;0.025016244314489927136335722935;0.018843404808317087972824310782;0.009096816114359973504122081067;0.000324886289798570482290074324;0.048408057179987001861221074250;0.052306692657569847648701966136;0.006497725795971409645801486477;0.012020792722547107844732749982;0.003573749187784275305190817562;0.010721247563352825915572452686;0.014294996751137101220763270248;0.009746588693957114468702229715;0.019493177387914228937404459430;0.000974658869395711446870222971;0.005198180636777127716641189181;0.001624431448992852411450371619;0.010396361273554255433282378362;0.000000000000000000000000000000;0.012670565302144248809312898629;0.007147498375568550610381635124;0.016569200779727094596793790515;0.021442495126705651831144905373;0.017868745938921376525954087811;0.017543859649122806043664013487;0.015269655620532812667633493220
-0.044511378848728244683741195331;0.001673360107095046844793984064;0.019076305220883535418430199115;0.000334672021419009358116775088;0.032797858099062916770183306880;0.099397590361445783968541434206;0.000334672021419009358116775088;0.006693440428380187379175936258;0.012717536813922356367378974085;0.004685408299866131338895502978;0.014725568942436411540297669376;0.166331994645247643882512988966;0.022423025435073629108018167244;0.014725568942436411540297669376;0.003346720214190093689587968129;0.039156626506024097555958007888;0.005020080321285140534381952193;0.008366800535475234223969920322;0.020080321285140562137527808773;0.004685408299866131338895502978;0.008032128514056224161121733118;0.008701472556894244286818107526;0.004350736278447122143409053763;0.009370816599732262677791005956;0.060240963855421686412583426318;0.013721552878179384821200059719;0.010040160642570281068763904386;0.026773761713520749516703745030;0.000669344042838018716233550176;0.093038821954484610121660637105;0.106425702811244984880012509620;0.005354752342704149729868401408;0.007028112449799196574662385473;0.004016064257028112080560866559;0.015060240963855421603145856579;0.008701472556894244286818107526;0.007697456492637215832997021892;0.010040160642570281068763904386;0.001004016064257028020140216640;0.007362784471218205770148834688;0.000000000000000000000000000000;0.002677376171352074864934200704;0.000000000000000000000000000000;0.005689424364123158925354850624;0.006024096385542168988203037827;0.003346720214190093689587968129;0.014390896921017403212172958149;0.016398929049531458385091653440;0.013052208835341364695503685311;0.009705488621151271005915717183
-0.028048780487804878674973352304;0.036991869918699189778710234577;0.009756097560975609747635495239;0.010162601626016259936946539710;0.040243902439024391293198590347;0.039024390243902438990541980957;0.007723577235772357933718534895;0.042682926829268295898511809128;0.006097560975609756309112619022;0.006097560975609756309112619022;0.011382113821138212239603149101;0.034552845528455285173397015797;0.021138211382113820252515168363;0.010569105691056910126257584182;0.059349593495934958864435060377;0.016260162601626017980782634709;0.006910569105691056687734707964;0.039837398373983742838611021853;0.069512195121951225740275503995;0.001219512195121951218454436905;0.030894308943089431734874139579;0.002439024390243902436908873810;0.015447154471544715867437069790;0.005691056910569106119801574550;0.028048780487804878674973352304;0.013008130081300812996847326986;0.041056910569105688202373727336;0.043902439024390241262274514611;0.000406504065040650406151478968;0.050000000000000002775557561563;0.031707317073170732113496228521;0.003252032520325203249211831746;0.042682926829268295898511809128;0.003252032520325203249211831746;0.011382113821138212239603149101;0.008943089430894309369013406297;0.012601626016260162807536282514;0.009756097560975609747635495239;0.001626016260162601624605915873;0.002439024390243902436908873810;0.015853658536585366056748114261;0.016666666666666666435370203203;0.000000000000000000000000000000;0.003658536585365853872203745212;0.052032520325203251987389307942;0.004878048780487804873817747620;0.006504065040650406498423663493;0.013414634146341463186158371457;0.021544715447154472176549688811;0.009349593495934959558324450768
-0.007237122179650915150539436382;0.065134099616858232018046237499;0.006385696040868455054806407389;0.089399744572158365563119275521;0.060876968922945931539381092534;0.023414218816517666510446105121;0.005959982971477224139578154904;0.039591315453384422207161463803;0.003831417624521072599202975439;0.003405704555129842551336460943;0.009365687526607066257233746853;0.024265644955300126606179134114;0.010217113665389528087690251823;0.004682843763303533128616873427;0.085142613878246065084454130556;0.009365687526607066257233746853;0.005108556832694764043845125912;0.037462750106428265028934987413;0.051085568326947640438451259115;0.003405704555129842551336460943;0.025968497232865050267092144054;0.001702852277564921275668230471;0.007237122179650915150539436382;0.007237122179650915150539436382;0.018731375053214132514467493706;0.006385696040868455054806407389;0.023839931885908896558312619618;0.089399744572158365563119275521;0.001702852277564921275668230471;0.043422733077905492637960094271;0.011068539804171988183423280816;0.002554278416347382021922562956;0.033205619412515964550269842448;0.002554278416347382021922562956;0.007237122179650915150539436382;0.010642826734780758135556766319;0.005959982971477224139578154904;0.002979991485738612069789077452;0.000425713069391230318917057618;0.001702852277564921275668230471;0.016177096636866752227268406727;0.023414218816517666510446105121;0.000000000000000000000000000000;0.002554278416347382021922562956;0.063005534269902088717607568924;0.004682843763303533128616873427;0.006811409110259685102672921886;0.007237122179650915150539436382;0.015751383567475522179401892231;0.011068539804171988183423280816
-0.055468135326514553251620043284;0.003540519276160503537448365208;0.025963808025177025073926273535;0.070023603461841069095505929454;0.008261211644374507820365316491;0.071990558615263572361797628218;0.001180173092053501179149455069;0.009834775767112509392564589916;0.003540519276160503537448365208;0.012981904012588512536963136768;0.018882769472856018866391281108;0.107002360346184113848444496853;0.031077891424075531484616519151;0.029897718332022031606509671064;0.004327301337529504757228870915;0.037372147915027534303966660900;0.004327301337529504757228870915;0.007474429583005507901627417766;0.019276160503540518825760230470;0.004720692368214004716597820277;0.009834775767112509392564589916;0.003147128245476003144398546851;0.009047993705743509473826691192;0.013375295043273014231055562107;0.070810385523210075953137732085;0.024783634933123525195819425448;0.018095987411487018947653382384;0.001180173092053501179149455069;0.000786782061369000786099636713;0.062549173878835559459155035711;0.056648308418568056599173843324;0.005114083398898505543328507628;0.009441384736428009433195640554;0.007474429583005507901627417766;0.022423288749016521970158777322;0.012981904012588512536963136768;0.009834775767112509392564589916;0.010228166797797011086657015255;0.000786782061369000786099636713;0.008654602675059009514457741830;0.001180173092053501179149455069;0.000393391030684500393049818356;0.000000000000000000000000000000;0.011014948859166011005394913980;0.005900865460267506329428144340;0.009441384736428009433195640554;0.020849724626278522132682979873;0.021636506687647522051420878597;0.023996852871754525277081526724;0.021243115656963022092051929235
-0.049780963759458382589251357331;0.005575467941059338711218273943;0.032656312226204700643883427347;0.037037037037037034981068472916;0.019912385503783353035700542932;0.070489844683393074187272020481;0.000000000000000000000000000000;0.006371963361210672936729704219;0.007566706491437673841315980638;0.013142174432497013419895992570;0.017124651533253685414814881938;0.109518120270808441696352986128;0.021107128634010353940286819352;0.027479091995221027744378261559;0.000398247710075667058545606514;0.038630027877339705166814809445;0.005177220230983672032143427799;0.017124651533253685414814881938;0.010354440461967344064286855598;0.007566706491437673841315980638;0.013938669852648346778045684857;0.003584229390681003581120567247;0.005973715651135006257654858075;0.016726403823178016133654821829;0.068100358422939072378099467642;0.027080844285145361932665153404;0.015133412982875347682631961277;0.001592990840302668234182426055;0.000000000000000000000000000000;0.050179211469534051870411417440;0.070489844683393074187272020481;0.006371963361210672936729704219;0.006770211071286340483166288351;0.009159697331740343159700579179;0.021903624054161689033159987616;0.017921146953405017038241098248;0.007566706491437673841315980638;0.011947431302270012515309716150;0.001991238550378335130097706696;0.009557945041816008971413687334;0.001592990840302668234182426055;0.007964954201513340520390826782;0.000000000000000000000000000000;0.010354440461967344064286855598;0.005177220230983672032143427799;0.008363201911589008066827410914;0.034647550776583033171895920077;0.026284348864994026839791985140;0.020708880923934688128573711197;0.021903624054161689033159987616
-0.046029919447640968432899910567;0.004602991944764096669817643459;0.019179133103183736847041629403;0.076332949750671272304280989829;0.033755274261603372687456925405;0.075565784426543922136509934262;0.001150747986191024167454410865;0.009589566551591868423520814702;0.005753739930955121054112488821;0.009589566551591868423520814702;0.018795550441120061763156101620;0.106635980053701576175662069090;0.022247794399693134048678899717;0.019946298427311087014812684970;0.004219409282700421585932115676;0.025700038358266206334201697814;0.003068661296509397635318139308;0.005753739930955121054112488821;0.018028385116992711595385046053;0.004602991944764096669817643459;0.014192558496355964225976720172;0.005753739930955121054112488821;0.004986574606827771753703171242;0.015343306482546989477633303522;0.056770233985423856903906880689;0.019946298427311087014812684970;0.019946298427311087014812684970;0.028385116992711928451953440344;0.000000000000000000000000000000;0.093594169543536637201341932268;0.043728423475258917929586743867;0.007671653241273494738816651761;0.010356731875719216856568394292;0.007288070579209819654931123978;0.017644802454929036511499518269;0.011507479861910242108224977642;0.006137322593018795270636278616;0.006137322593018795270636278616;0.000000000000000000000000000000;0.010740314537782891940453922075;0.001534330648254698817659069654;0.004602991944764096669817643459;0.000000000000000000000000000000;0.006904487917146144571045596194;0.004219409282700421585932115676;0.010356731875719216856568394292;0.022631377061756809132564427500;0.024165707710011505998659586680;0.016877637130801686343728462703;0.018028385116992711595385046053
-0.048187972919155712403505020802;0.012345679012345678327022824305;0.034249303066507370829629763875;0.026682596575069692651505093295;0.015531660692951015229068545409;0.067702110712863403096939407533;0.000000000000000000000000000000;0.009159697331740343159700579179;0.011150935882118677422436547886;0.007168458781362007162241134495;0.011947431302270012515309716150;0.134607726005575467631558694848;0.015929908403026681040781653564;0.015929908403026681040781653564;0.011150935882118677422436547886;0.035045798486658702453055980186;0.004380724810832337806631997523;0.017921146953405017038241098248;0.021903624054161689033159987616;0.005575467941059338711218273943;0.013540422142572680966332576702;0.009159697331740343159700579179;0.007566706491437673841315980638;0.012743926722421345873459408438;0.056551174830744725674502859647;0.015133412982875347682631961277;0.017522899243329351226527990093;0.011947431302270012515309716150;0.000000000000000000000000000000;0.076065312624452402490149438563;0.105137395459976107359167940558;0.004778972520908004485706843667;0.003185981680605336468364852109;0.004380724810832337806631997523;0.013540422142572680966332576702;0.014336917562724014324482268989;0.009159697331740343159700579179;0.010752688172043011610723439730;0.001194743130227001121426710917;0.006770211071286340483166288351;0.002389486260454002242853421834;0.011150935882118677422436547886;0.000000000000000000000000000000;0.006371963361210672936729704219;0.005177220230983672032143427799;0.003185981680605336468364852109;0.019514137793707687223987434777;0.022301871764237354844873095772;0.017522899243329351226527990093;0.012345679012345678327022824305
-0.019269776876267748211279950965;0.053414469235970249427758460570;0.010818120351588911276508042647;0.034482758620689654693869385937;0.055442866801893170292103718566;0.030425963488843812965178869945;0.007099391480730223025208402987;0.050709939148073021608631449908;0.006761325219743069547817526654;0.003718728870858688251299639660;0.022650439486139282985188714292;0.022650439486139282985188714292;0.017241379310344827346934692969;0.007099391480730223025208402987;0.060175794455713318975575987224;0.008451656524678836934771908318;0.004056795131845841728690515993;0.037187288708586882512996396599;0.071331981068289390668368810111;0.002704530087897227819127010662;0.023326572008113589939970466958;0.005070993914807302160863144991;0.009127789046653143889553660983;0.004056795131845841728690515993;0.020283975659229208643452579963;0.010818120351588911276508042647;0.036511156186612575558214643934;0.058147396889790398111230729228;0.001352265043948613909563505331;0.055780933062880323769494594899;0.035496957403651115126042014936;0.002366463826910074341736134329;0.035496957403651115126042014936;0.004056795131845841728690515993;0.012508451656524678663462424311;0.012846517917511832140853300643;0.010141987829614604321726289982;0.007775524002704529979990155653;0.001352265043948613909563505331;0.004732927653820148683472268658;0.014536849222447599527807682307;0.009803921568627450844335413649;0.000000000000000000000000000000;0.003380662609871534773908763327;0.048681541582150100744286191912;0.006761325219743069547817526654;0.006423258958755916070426650322;0.006423258958755916070426650322;0.021974306964164976030406961627;0.005070993914807302160863144991
-0.014767932489451476851805011847;0.059071729957805907407220047389;0.005907172995780590393777309544;0.135021097046413490749827701620;0.053164556962025315278719261869;0.018143459915611812732771923606;0.009704641350210971295631168232;0.048101265822784809722545418254;0.002109704641350210792966057838;0.002109704641350210792966057838;0.009704641350210971295631168232;0.016877637130801686343728462703;0.010126582278481012847071163208;0.008016877637130801620424236376;0.072573839662447250931087694426;0.013924050632911392014201545919;0.004219409282700421585932115676;0.033333333333333332870740406406;0.041350210970464137960611594735;0.001687763713080168807845193868;0.015189873417721518403245006823;0.000421940928270042201961298467;0.007594936708860759201622503411;0.005485232067510548842337314568;0.016877637130801686343728462703;0.009704641350210971295631168232;0.026160337552742614353196159982;0.091561181434599153705633511890;0.000421940928270042201961298467;0.043459915611814343983088093637;0.039662447257383964815957710925;0.002109704641350210792966057838;0.027004219409282700925523101887;0.002531645569620253211767790802;0.007594936708860759201622503411;0.002531645569620253211767790802;0.005907172995780590393777309544;0.008860759493670886458027702304;0.000000000000000000000000000000;0.005063291139240506423535581604;0.018565400843881856018935394559;0.005485232067510548842337314568;0.000000000000000000000000000000;0.004641350210970464004733848640;0.056118143459915614812416606583;0.003797468354430379600811251706;0.007594936708860759201622503411;0.003375527426160337615690387736;0.014345991561181435300365016872;0.008016877637130801620424236376
-0.041526374859708191367158036655;0.014964459408903852885575069820;0.038159371492704825812314339828;0.026187803965581742116075503191;0.010849233071455292864992969726;0.042648709315375982198403903567;0.001870557426112981610696883727;0.013468013468013467423545215240;0.007856341189674523675656736543;0.014964459408903852885575069820;0.020202020202020203737403036826;0.083426861204638977365100060979;0.020950243172465392998971012162;0.039655817433595211274344194408;0.019453797231575011006388109536;0.029554807332585111140366151972;0.011597456041900485596007897016;0.020950243172465392998971012162;0.017583239805462027444127315334;0.007482229704451926442787534910;0.011597456041900485596007897016;0.007108118219229330077280071265;0.004489337822671156386089563739;0.025813692480359147485291515522;0.063598952487841378666821867682;0.031051253273475496602396006551;0.026561915450804340216306442812;0.024317246539468762023261660943;0.001496445940890385245189420083;0.034418256640478865626686655332;0.046015712682379347753247600394;0.007108118219229330077280071265;0.006359895248784137346265143975;0.008978675645342312772179127478;0.020202020202020203737403036826;0.022446689113355778461000866741;0.007108118219229330077280071265;0.011597456041900485596007897016;0.000000000000000000000000000000;0.007108118219229330077280071265;0.001870557426112981610696883727;0.007482229704451926442787534910;0.000000000000000000000000000000;0.017957351290684625544358254956;0.007856341189674523675656736543;0.005985783763561540980757680330;0.030677141788252898502165066930;0.036288814066591845719500497580;0.017583239805462027444127315334;0.023569023569023569292246733653
-0.037499999999999998612221219219;0.009821428571428571230317317031;0.026785714285714284227379877734;0.038839285714285715078730731875;0.022767857142857141766745243672;0.078125000000000000000000000000;0.001339285714285714298105167686;0.006696428571428571056844969434;0.018303571428571429463572073360;0.005357142857142857192420670742;0.014732142857142856845475975547;0.120535714285714287696826829688;0.026339285714285714384841341484;0.025000000000000001387778780781;0.010267857142857142807579329258;0.024553571428571428075793292578;0.007589285714285714211368993887;0.011160714285714285962103353711;0.020535714285714285615158658516;0.006250000000000000346944695195;0.007589285714285714211368993887;0.009374999999999999653055304805;0.005803571428571428769682682969;0.016071428571428569842538536250;0.057142857142857141072855853281;0.013839285714285713690951951094;0.017410714285714286309048048906;0.019196428571428572618096097813;0.000446428571428571414631686354;0.110267857142857139685077072500;0.050892857142857142460634634062;0.002678571428571428596210335371;0.005357142857142857192420670742;0.007142857142857142634106981660;0.019642857142857142460634634062;0.013392857142857142113689938867;0.008035714285714284921269268125;0.009821428571428571230317317031;0.000446428571428571414631686354;0.006250000000000000346944695195;0.000892857142857142829263372708;0.010267857142857142807579329258;0.000000000000000000000000000000;0.011160714285714285962103353711;0.007589285714285714211368993887;0.004910714285714285615158658516;0.018749999999999999306110609609;0.016517857142857143154524024453;0.020089285714285715772620122266;0.016517857142857143154524024453
-0.034358047016274866070073557012;0.024231464737793851488278917827;0.019168173598553345932105074212;0.112115732368896922621637202155;0.006871609403254972693597668609;0.024593128390596744742291335228;0.007956600361663653322996658801;0.048462929475587702976557835655;0.004339963833634719915510746802;0.008318264014466546577009076202;0.019168173598553345932105074212;0.009403254972875226339046328405;0.014104882459312838641207754620;0.016636528028933093154018152404;0.021338155515370705456179578619;0.021699819168173598710191996020;0.007233273056057865947610086010;0.037613019891500905356185313622;0.051356238698010849008657174863;0.003616636528028932973805043005;0.045207956600361663690446079045;0.001808318264014466486902521503;0.021338155515370705456179578619;0.013381555153707052133182919818;0.027486437613019890774390674437;0.021699819168173598710191996020;0.036889692585895118848160478819;0.022784810126582278472229248223;0.000000000000000000000000000000;0.022423146473779385218216830822;0.028933092224231463790440344042;0.005424954792043399677547999005;0.030018083182640143552477596245;0.001808318264014466486902521503;0.013381555153707052133182919818;0.027124773960216997520378257036;0.018444846292947559424080239410;0.023508137432188064980254083025;0.003254972875226039719792625604;0.006148282097649186185572833807;0.013019891500904158879170502416;0.006509945750452079439585251208;0.000000000000000000000000000000;0.011211573236889692609108415411;0.014828209764918625149232589422;0.024593128390596744742291335228;0.013381555153707052133182919818;0.008679927667269439831021493603;0.036166365280289332340135644017;0.007956600361663653322996658801
-0.059396299902629019762390072401;0.005842259006815968616632694932;0.017526777020447907584621560773;0.131937682570593961539628935498;0.009250243427458617120895389974;0.060856864654333008013420425186;0.001947419668938656350104521309;0.011197663096397273904680780277;0.015579357351509250800836170470;0.009250243427458617120895389974;0.019961051606621225962268084686;0.092989289191820839741708937254;0.014118792599805257345635389754;0.017039922103213242521313475208;0.003894839337877312700209042617;0.033592989289191819979318864853;0.004381694255111976896155390193;0.011197663096397273904680780277;0.021421616358325217682745389425;0.003894839337877312700209042617;0.013145082765335930688466170579;0.004868549172346641092101737769;0.001947419668938656350104521309;0.013631937682570594017050780167;0.054527750730282376068203120667;0.024829600778967866187008084466;0.018500486854917234241790779947;0.024342745861733204593146950856;0.000000000000000000000000000000;0.050632911392405062500632340061;0.074488802336903608969365109260;0.005355404089581304420686347356;0.003894839337877312700209042617;0.006815968841285297008525390083;0.011684518013631937233265389864;0.011197663096397273904680780277;0.008276533592989288729002694822;0.017526777020447907584621560773;0.000973709834469328175052260654;0.004381694255111976896155390193;0.002921129503407984308316347466;0.009737098344693282184203475538;0.000000000000000000000000000000;0.005842259006815968616632694932;0.006815968841285297008525390083;0.008763388510223953792310780386;0.016066212268743915864144256034;0.015579357351509250800836170470;0.016553067185978577458005389644;0.021421616358325217682745389425
-0.035512256442489002761231375871;0.004085480829666875840500139816;0.024198617221873035959545106266;0.016341923318667503362000559264;0.026084223758642364338067309859;0.079509742300439972817471812050;0.000000000000000000000000000000;0.012256442489000629256223895425;0.013199245757385291710761521244;0.004714016341923318344220295018;0.020427404148334379202500699080;0.149277184160905102006111633273;0.026084223758642364338067309859;0.019484600879949718482686549237;0.006285355122564425037201552016;0.023255813953488371770284004469;0.005971087366436203351660605421;0.017913262099308612657067030227;0.028912633563796353436403663295;0.003142677561282212518600776008;0.015399120050282840907462933444;0.008170961659333751681000279632;0.009428032683846636688440590035;0.005028284098051540029761241613;0.047768698931489626813284843365;0.014456316781898176718201831648;0.021055939660590824308306068247;0.000000000000000000000000000000;0.000000000000000000000000000000;0.112507856693903202094375615161;0.089252042740414830324091610692;0.003142677561282212518600776008;0.010999371464487744248783585022;0.002514142049025770014880620806;0.016027655562539284278544826634;0.010685103708359521695880900438;0.013513513513513514263664205828;0.008485229415461974233902964215;0.003456945317410433770460853609;0.009113764927718415870261381428;0.000942803268384663755580232802;0.004399748585795097526041086411;0.000000000000000000000000000000;0.004714016341923318344220295018;0.010370835952231300877701691832;0.004085480829666875840500139816;0.015713387806411061725642142051;0.015084852294154620089283724838;0.019484600879949718482686549237;0.007542426147077310044641862419
-0.041544117647058821651828708355;0.018014705882352939625423715597;0.015073529411764706106846567479;0.053676470588235290770651175762;0.026838235294117645385325587881;0.085661764705882353920785021728;0.001838235294117647033312890059;0.016544117647058823733496879527;0.016911764705882351839116850556;0.006617647058823529319926404213;0.015808823529411764052809985515;0.084926470588235297709545079670;0.020588235294117646773104368663;0.014705882352941176266503120473;0.009191176470588235600245319290;0.026470588235294117279705616852;0.003676470588235294066625780118;0.013235294117647058639852808426;0.041911764705882349757448679384;0.003676470588235294066625780118;0.016911764705882351839116850556;0.007352941176470588133251560237;0.009558823529411765440588766296;0.006617647058823529319926404213;0.053308823529411762665031204733;0.019117647058823530881177532592;0.016544117647058823733496879527;0.020220588235294118667484397633;0.000367647058823529406662578012;0.096323529411764710617127605019;0.063235294117647056211239942058;0.004044117647058823906969227124;0.015808823529411764052809985515;0.005882352941176470506601248189;0.018749999999999999306110609609;0.008088235294117647813938454249;0.008088235294117647813938454249;0.011397058823529411172859049373;0.001838235294117647033312890059;0.004779411764705882720294383148;0.004044117647058823906969227124;0.013970588235294118320539702438;0.000000000000000000000000000000;0.005514705882352941533619539172;0.012132352941176470853545943385;0.005147058823529411693276092166;0.012132352941176470853545943385;0.015073529411764706106846567479;0.012867647058823528799509361420;0.013970588235294118320539702438
-0.025499999999999998362421038678;0.007499999999999999722444243844;0.016000000000000000333066907388;0.137500000000000011102230246252;0.035000000000000003330669073875;0.071499999999999994115817969487;0.001000000000000000020816681712;0.010999999999999999361621760841;0.004499999999999999659994198709;0.006000000000000000124900090270;0.018999999999999999528155214534;0.105499999999999996558308623662;0.020500000000000000860422844084;0.017999999999999998639976794834;0.008999999999999999319988397417;0.019499999999999999972244424384;0.004499999999999999659994198709;0.009499999999999999764077607267;0.034000000000000002442490654175;0.001500000000000000031225022568;0.011499999999999999805710970691;0.004000000000000000083266726847;0.009499999999999999764077607267;0.010000000000000000208166817117;0.042000000000000002609024107869;0.017999999999999998639976794834;0.024500000000000000943689570931;0.012500000000000000693889390391;0.000500000000000000010408340856;0.109500000000000000111022302463;0.036999999999999998168132009368;0.007000000000000000145716771982;0.016000000000000000333066907388;0.006499999999999999701627562132;0.014000000000000000291433543964;0.012999999999999999403255124264;0.006499999999999999701627562132;0.004499999999999999659994198709;0.000500000000000000010408340856;0.008500000000000000610622663544;0.001500000000000000031225022568;0.008500000000000000610622663544;0.000000000000000000000000000000;0.008000000000000000166533453694;0.014999999999999999444888487687;0.001000000000000000020816681712;0.016000000000000000333066907388;0.010500000000000000652256026967;0.009499999999999999764077607267;0.017999999999999998639976794834
-0.031118143459915613424637825801;0.010021097046413502892892033458;0.018459915611814346064756264809;0.082278481012658222226718862657;0.033755274261603372687456925405;0.075949367088607597220395462045;0.000527426160337552698241514459;0.013713080168776372105843286420;0.001054852320675105396483028919;0.011603375527426160879196359588;0.020042194092827005785784066916;0.118143459915611814814440094779;0.021097046413502108797022316367;0.017405063291139239584071063405;0.011603375527426160879196359588;0.027426160337552744211686572839;0.006329113924050632812579042508;0.012130801687763712384815484313;0.016877637130801686343728462703;0.007911392405063291666245106626;0.011603375527426160879196359588;0.002109704641350210792966057838;0.005801687763713080439598179794;0.014767932489451476851805011847;0.040084388185654011571568133832;0.020569620253164555556679715664;0.023206751054852321758392719175;0.005274261603375527199255579092;0.000527426160337552698241514459;0.083860759493670888886640568671;0.076476793248945143521844158840;0.011075949367088607638853758885;0.011603375527426160879196359588;0.006856540084388186052921643210;0.021624472573839662037364917069;0.014767932489451476851805011847;0.010021097046413502892892033458;0.008438818565400843171864231351;0.000000000000000000000000000000;0.005801687763713080439598179794;0.003691983122362869212951252962;0.000527426160337552698241514459;0.000000000000000000000000000000;0.007383966244725738425902505924;0.008966244725738396412206832053;0.005801687763713080439598179794;0.018987341772151899305098865511;0.015295358649789030092147612550;0.013713080168776372105843286420;0.013713080168776372105843286420
-0.011139240506329113958305931931;0.025316455696202531250316170031;0.008101265822784810624601625761;0.181772151898734163344428793607;0.076455696202531647776012846407;0.059240506329113921946127874207;0.004050632911392405312300812881;0.015696202531645570693585867161;0.006075949367088607534770350327;0.003544303797468354323002559525;0.013670886075949366736392853738;0.082531645569620254443421458745;0.012658227848101265625158085015;0.007594936708860759201622503411;0.026835443037974682917168323115;0.015696202531645570693585867161;0.002531645569620253211767790802;0.017721518987341772916055404608;0.027848101265822784028403091838;0.001012658227848101328075203220;0.011645569620253164513923316292;0.002531645569620253211767790802;0.004556962025316455867918197242;0.006075949367088607534770350327;0.025822784810126581805933554392;0.007088607594936708646005119050;0.017721518987341772916055404608;0.043037974683544304166371574638;0.000000000000000000000000000000;0.119493670886075945003490517138;0.031898734177215191942789118684;0.003037974683544303767385175163;0.011645569620253164513923316292;0.004050632911392405312300812881;0.008607594936708861180219010123;0.008101265822784810624601625761;0.004050632911392405312300812881;0.004050632911392405312300812881;0.000506329113924050664037601610;0.004556962025316455867918197242;0.007088607594936708646005119050;0.010126582278481012847071163208;0.000000000000000000000000000000;0.001518987341772151883692587582;0.028354430379746834584020476200;0.002531645569620253211767790802;0.007088607594936708646005119050;0.006075949367088607534770350327;0.013670886075949366736392853738;0.005569620253164556979152965965
-0.023206751054852321758392719175;0.019514767932489452545441466214;0.009493670886075949652549432756;0.079641350210970462963899763054;0.052215189873417722221660142168;0.070147679324894518515520758228;0.004219409282700421585932115676;0.026898734177215190971343972137;0.006329113924050632812579042508;0.002637130801687763599627789546;0.015822784810126583332490213252;0.104430379746835444443320284336;0.018459915611814346064756264809;0.007383966244725738425902505924;0.032172995780590719905323027206;0.021624472573839662037364917069;0.003164556962025316406289521254;0.013713080168776372105843286420;0.041139240506329111113359431329;0.004219409282700421585932115676;0.017932489451476792824413664107;0.003164556962025316406289521254;0.003691983122362869212951252962;0.004746835443037974826274716378;0.046413502109704643516785438351;0.012130801687763712384815484313;0.022151898734177215277707517771;0.022679324894514768518050118473;0.000000000000000000000000000000;0.099683544303797472219130781923;0.044831223628691983795757636244;0.002637130801687763599627789546;0.016877637130801686343728462703;0.005274261603375527199255579092;0.014240506329113923611462411145;0.008966244725738396412206832053;0.004219409282700421585932115676;0.005274261603375527199255579092;0.001054852320675105396483028919;0.006856540084388186052921643210;0.006329113924050632812579042508;0.005801687763713080439598179794;0.000000000000000000000000000000;0.004219409282700421585932115676;0.032700421940928273145665627908;0.005274261603375527199255579092;0.006856540084388186052921643210;0.012658227848101265625158085015;0.015822784810126583332490213252;0.011075949367088607638853758885
-0.035868005738880916200006510053;0.003945480631276900886084124664;0.009684361549497847235223879636;0.017575322812051649007392128965;0.047704447632711623195067573988;0.093974175035868010019690643730;0.001434720229555236804125373240;0.008608321377331419957390501452;0.007532281205164992679557123267;0.008608321377331419957390501452;0.014347202295552367173891994412;0.149928263988522242344814117132;0.024031563845050216143839350025;0.015781922525107603544336498658;0.005738880918220947216501492960;0.028335724533715925255172862762;0.005380200860832138123890366899;0.008608321377331419957390501452;0.026183644189383070699506106394;0.003228120516499282700861872542;0.013271162123385939896058616227;0.002869440459110473608250746480;0.006097560975609756309112619022;0.007532281205164992679557123267;0.056312769010043041417734599463;0.011119081779053085340391859859;0.013988522238163558081280868350;0.033715925394548061644339753684;0.000000000000000000000000000000;0.133428981348637010206914510491;0.063486370157819230208851024599;0.000717360114777618402062686620;0.008608321377331419957390501452;0.002869440459110473608250746480;0.019368723098995694470447759272;0.008608321377331419957390501452;0.007173601147776183586945997206;0.006097560975609756309112619022;0.001793400286944045896736499301;0.004304160688665709978695250726;0.000358680057388809201031343310;0.007532281205164992679557123267;0.000000000000000000000000000000;0.004304160688665709978695250726;0.006097560975609756309112619022;0.006456241032998565401723745083;0.011836441893830703525614111982;0.017934002869440458100003255026;0.016499282639885221729558750781;0.011119081779053085340391859859
-0.041139240506329111113359431329;0.008790436005625878665425965153;0.019690576652601970292222333114;0.114275668073136424385261022962;0.022503516174402250771269251572;0.074542897327707455246148526840;0.003164556962025316406289521254;0.009493670886075949652549432756;0.006680731364275668306140776309;0.006680731364275668306140776309;0.018987341772151899305098865511;0.084739803094233470681650999268;0.022503516174402250771269251572;0.019690576652601970292222333114;0.004922644163150492573055583279;0.035161744022503514661703860611;0.005625879043600562692817312893;0.009142053445850914158987698954;0.016526019690576654319613680855;0.004219409282700421585932115676;0.009493670886075949652549432756;0.006680731364275668306140776309;0.002461322081575246286527791639;0.013361462728551336612281552618;0.070675105485232064816969455023;0.017580872011251757330851930305;0.015471167369901547838928479450;0.035513361462728550155265594412;0.000703234880450070336602164112;0.079113924050632916662451066259;0.058368495077355836420096579786;0.003867791842475386959732119863;0.005625879043600562692817312893;0.008438818565400843171864231351;0.011603375527426160879196359588;0.009142053445850914158987698954;0.005274261603375527199255579092;0.010196905766526018904949424382;0.001054852320675105396483028919;0.006680731364275668306140776309;0.002461322081575246286527791639;0.004571026722925457079493849477;0.000000000000000000000000000000;0.007735583684950773919464239725;0.007383966244725738425902505924;0.006329113924050632812579042508;0.021097046413502108797022316367;0.017580872011251757330851930305;0.010900140646976089892072891985;0.022151898734177215277707517771
-0.055259146341463415141870285652;0.000381097560975609769319538689;0.021341463414634147949255904564;0.074695121951219509148778286090;0.015243902439024389905419809566;0.069740853658536591797023618255;0.001143292682926829199538398818;0.006859756097560975630911261902;0.009908536585365853785467571413;0.008384146341463415141870285652;0.015625000000000000000000000000;0.110518292682926830283740571303;0.015625000000000000000000000000;0.023628048780487805047290095217;0.001905487804878048738177476196;0.035823170731707314196068381307;0.004573170731707316798153595272;0.007240853658536585725491452337;0.021722560975609754574389143045;0.006478658536585365536331071468;0.012576219512195122712805428478;0.009146341463414633596307190544;0.002667682926829268493656988070;0.017149390243902440378320761738;0.068597560975609761513283046952;0.021722560975609754574389143045;0.014481707317073171450982904673;0.002667682926829268493656988070;0.000381097560975609769319538689;0.066310975609756100945801904345;0.087652439024390238486716953048;0.005716463414634146214532428587;0.007240853658536585725491452337;0.009146341463414633596307190544;0.011432926829268292429064857174;0.013719512195121951261822523804;0.004573170731707316798153595272;0.017149390243902440378320761738;0.002286585365853658399076797636;0.006859756097560975630911261902;0.000381097560975609769319538689;0.004954268292682926892733785706;0.000000000000000000000000000000;0.009908536585365853785467571413;0.006859756097560975630911261902;0.008003048780487805047290095217;0.022103658536585364668969333479;0.027439024390243902523645047609;0.012195121951219512618225238043;0.020579268292682927760095523695
-0.037931034482758620163256324531;0.007327586206896551622447244512;0.024137931034482758285708570156;0.078017241379310348081688175625;0.028017241379310345306130614063;0.075431034482758618775477543750;0.003017241379310344785713571270;0.015517241379310344612241223672;0.009482758620689655040814081133;0.009482758620689655040814081133;0.023275862068965518653085311485;0.094827586206896546938693859374;0.018534482758620688530593056953;0.017672413793103448897969798281;0.010344827586206896408160815781;0.033620689655172411591799175312;0.003879310344827586153060305918;0.012500000000000000693889390391;0.026724137931034484122472250078;0.003879310344827586153060305918;0.010344827586206896408160815781;0.008620689655172413673467346484;0.003017241379310344785713571270;0.012931034482758620510201019727;0.063362068965517243102070210625;0.019827586206896553183698372891;0.021551724137931035918391842188;0.006034482758620689571427142539;0.000862068965517241367346734648;0.084913793103448279020462052813;0.060344827586206899183718377344;0.003448275862068965469386938594;0.010344827586206896408160815781;0.006896551724137930938773877187;0.018534482758620688530593056953;0.010775862068965517959195921094;0.009051724137931035224502451797;0.009051724137931035224502451797;0.001724137931034482734693469297;0.006465517241379310255100509863;0.004741379310344827520407040566;0.002586206896551724102040203945;0.000000000000000000000000000000;0.010775862068965517959195921094;0.010344827586206896408160815781;0.005603448275862068887753775215;0.018965517241379310081628162266;0.014655172413793103244894489023;0.012500000000000000693889390391;0.018103448275862070449004903594
-0.018987341772151899305098865511;0.065049226441631510797769522014;0.007032348804500702932340772122;0.222222222222222209886410837498;0.022151898734177215277707517771;0.012306610407876230131596351214;0.008438818565400843171864231351;0.035513361462728550155265594412;0.005977496483825597319017308706;0.003867791842475386959732119863;0.009845288326300985146111166557;0.006329113924050632812579042508;0.004219409282700421585932115676;0.002812939521800281346408656447;0.057313642756680729939411378382;0.015471167369901547838928479450;0.005625879043600562692817312893;0.030590717299578060184295225099;0.034458509142053443674580393008;0.001758087201125175733085193031;0.013009845288326301118719818817;0.001406469760900140673204328223;0.004571026722925457079493849477;0.007735583684950773919464239725;0.015471167369901547838928479450;0.014416315049226441358243278046;0.026371308016877637731001371435;0.130801687763713092582662511631;0.001758087201125175733085193031;0.024261603375527424769630968626;0.017932489451476792824413664107;0.004219409282700421585932115676;0.015822784810126583332490213252;0.000703234880450070336602164112;0.002812939521800281346408656447;0.005977496483825597319017308706;0.009493670886075949652549432756;0.016877637130801686343728462703;0.001406469760900140673204328223;0.002109704641350210792966057838;0.015471167369901547838928479450;0.026722925457102673224563105236;0.000000000000000000000000000000;0.004571026722925457079493849477;0.028832630098452882716486556092;0.009845288326300985146111166557;0.003164556962025316406289521254;0.003516174402250351466170386061;0.014767932489451476851805011847;0.005977496483825597319017308706
-0.031635802469135804182442939236;0.017361111111111111882099322656;0.015046296296296295461059067122;0.083719135802469132889847003298;0.052854938271604937072289942535;0.073688271604938265779694006596;0.003472222222222222029475169336;0.017746913580246912595095309939;0.005015432098765431820353022374;0.006558641975308641611230875412;0.016589506172839506986660396137;0.081018518518518517490534236458;0.021990740740740741254732881771;0.017361111111111111882099322656;0.021219135802469136359293955252;0.016203703703703702804217456901;0.005015432098765431820353022374;0.024305555555555555941049661328;0.032407407407407405608434913802;0.006558641975308641611230875412;0.016589506172839506986660396137;0.003858024691358024477194632595;0.006172839506172839163511412153;0.011959876543209875879303361046;0.039351851851851853136832204427;0.015817901234567902091221469618;0.021604938271604937072289942535;0.017746913580246912595095309939;0.000385802469135802447719463260;0.097993827160493832129084523785;0.036651234567901237737519437587;0.004243827160493826924914095855;0.014274691358024690565620140603;0.008101851851851851402108728450;0.011574074074074073431583897786;0.015817901234567902091221469618;0.010416666666666666088425508008;0.004243827160493826924914095855;0.001543209876543209790877853038;0.008487654320987653849828191710;0.005401234567901234268072485634;0.008487654320987653849828191710;0.000000000000000000000000000000;0.005015432098765431820353022374;0.016203703703703702804217456901;0.006944444444444444058950338672;0.014660493827160493013339603863;0.011574074074074073431583897786;0.021990740740740741254732881771;0.013117283950617283222461750825
-0.041030117852466171934899819007;0.006983849847228284363209738217;0.020078568310781318845270604356;0.152335224792666951154629373377;0.023134002618943692169972692341;0.072457442164993446365173213053;0.002182453077258839080343477690;0.011785246617197729646075998744;0.008293321693583587464471129636;0.005674378000872981261948346798;0.020078568310781318845270604356;0.090790048013967700191173548774;0.027935399388913137452838952868;0.020951549541684853089629214651;0.007856831078131820342291824488;0.028808380619816675166644515116;0.006547359231776516373668695081;0.011348756001745962523896693597;0.016150152771715407806762954124;0.003928415539065910171145912244;0.013531209079004801604240171287;0.005237887385421213272407303663;0.006110868616324749251489389934;0.007856831078131820342291824488;0.059362723701440418822006250821;0.015713662156263640684583648977;0.017023134002618942051121564418;0.015277171540811871827680867852;0.000436490615451767772700608639;0.086861632474901792622112850495;0.027498908773461370330659647720;0.004801396769969445282866260527;0.006110868616324749251489389934;0.005237887385421213272407303663;0.024006983849847229883778254589;0.011785246617197729646075998744;0.005674378000872981261948346798;0.003928415539065910171145912244;0.000872981230903535545401217277;0.008293321693583587464471129636;0.004364906154517678160686955380;0.009166302924487123443553215907;0.000000000000000000000000000000;0.009166302924487123443553215907;0.003055434308162374625744694967;0.007856831078131820342291824488;0.015713662156263640684583648977;0.013531209079004801604240171287;0.017459624618070712642747821519;0.015713662156263640684583648977
-0.030266825965750695365263922554;0.002787733970529669355609136971;0.017522899243329351226527990093;0.095579450418160100122477729201;0.029470330545599363741837706243;0.075268817204301077805617126160;0.000398247710075667058545606514;0.012743926722421345873459408438;0.008761449621664675613263995047;0.008761449621664675613263995047;0.014336917562724014324482268989;0.144962166467542813430569026423;0.013142174432497013419895992570;0.019115890083632017942827374668;0.003982477100756670260195413391;0.025089605734767025935205708720;0.006371963361210672936729704219;0.009557945041816008971413687334;0.019912385503783353035700542932;0.003185981680605336468364852109;0.011947431302270012515309716150;0.005973715651135006257654858075;0.005575467941059338711218273943;0.017124651533253685414814881938;0.050577459179609714212677573641;0.015929908403026681040781653564;0.015531660692951015229068545409;0.002787733970529669355609136971;0.000398247710075667058545606514;0.124651533253683791113708423381;0.059338908801274389825941568688;0.006770211071286340483166288351;0.007168458781362007162241134495;0.006371963361210672936729704219;0.011947431302270012515309716150;0.013142174432497013419895992570;0.007964954201513340520390826782;0.005973715651135006257654858075;0.002787733970529669355609136971;0.006371963361210672936729704219;0.001592990840302668234182426055;0.005177220230983672032143427799;0.000000000000000000000000000000;0.005575467941059338711218273943;0.007964954201513340520390826782;0.004380724810832337806631997523;0.012743926722421345873459408438;0.013938669852648346778045684857;0.019115890083632017942827374668;0.009956192751891676517850271466
-0.037903225806451612545089346895;0.009274193548387096169838272885;0.011290322580645160630008483338;0.051209677419354837635268040685;0.028225806451612902442382946333;0.070564516129032264779574745717;0.002419354838709677525676600141;0.012500000000000000693889390391;0.010483870967741936233719179938;0.004032258064516128920340420905;0.017338709677419354010519114695;0.165322580645161282264510305140;0.019354838709677420205412801124;0.011290322580645160630008483338;0.014516129032258065154059600843;0.033064516129032259228459622591;0.002822580645161290157502120834;0.011290322580645160630008483338;0.025806451612903225784068084181;0.002419354838709677525676600141;0.008870967741935483971693621186;0.004435483870967741985846810593;0.002822580645161290157502120834;0.006451612903225806446017021045;0.055645161290322583957923541220;0.015322580645161289550348904243;0.014516129032258065154059600843;0.007258064516129032577029800422;0.000403225806451612902876063815;0.084677419354838703857701887046;0.117338709677419356092187285867;0.003225806451612903223008510523;0.008467741935483871773548969486;0.004435483870967741985846810593;0.011290322580645160630008483338;0.007258064516129032577029800422;0.001612903225806451611504255261;0.013306451612903225090178693790;0.000403225806451612902876063815;0.003629032258064516288514900211;0.002822580645161290157502120834;0.005645161290322580315004241669;0.000000000000000000000000000000;0.004032258064516128920340420905;0.017741935483870967943387242372;0.004032258064516128920340420905;0.008870967741935483971693621186;0.018951612903225806272544673448;0.012096774193548386761021262714;0.013306451612903225090178693790
-0.026999999999999999694688668228;0.008999999999999999319988397417;0.009499999999999999764077607267;0.087999999999999994892974086724;0.014999999999999999444888487687;0.080000000000000001665334536938;0.000000000000000000000000000000;0.006000000000000000124900090270;0.008000000000000000166533453694;0.003000000000000000062450045135;0.012999999999999999403255124264;0.177999999999999991562305012849;0.016000000000000000333066907388;0.008500000000000000610622663544;0.010999999999999999361621760841;0.030999999999999999777955395075;0.002500000000000000052041704279;0.008000000000000000166533453694;0.014000000000000000291433543964;0.002000000000000000041633363423;0.004499999999999999659994198709;0.003000000000000000062450045135;0.002500000000000000052041704279;0.010500000000000000652256026967;0.050999999999999996724842077356;0.010500000000000000652256026967;0.006499999999999999701627562132;0.018499999999999999084066004684;0.000000000000000000000000000000;0.085500000000000006550315845288;0.150999999999999995337063296574;0.004499999999999999659994198709;0.004000000000000000083266726847;0.004000000000000000083266726847;0.006499999999999999701627562132;0.007000000000000000145716771982;0.004499999999999999659994198709;0.014500000000000000735522753814;0.003500000000000000072858385991;0.004499999999999999659994198709;0.002000000000000000041633363423;0.014500000000000000735522753814;0.000000000000000000000000000000;0.004499999999999999659994198709;0.006499999999999999701627562132;0.005499999999999999680810880420;0.012999999999999999403255124264;0.012999999999999999403255124264;0.004499999999999999659994198709;0.010500000000000000652256026967
-0.043414634146341460341211870855;0.009268292682926828826572851483;0.013170731707317072725627049579;0.075609756097560973375770743132;0.016097560975609756517279436139;0.083902439024390249033835686987;0.001463414634146341462145324286;0.006829268292682926823344846667;0.006341463414634146769643940900;0.006341463414634146769643940900;0.012195121951219512618225238043;0.182439024390243897943975071030;0.010243902439024390668698138995;0.004878048780487804873817747620;0.004878048780487804873817747620;0.044390243902439022183337158367;0.001463414634146341462145324286;0.006829268292682926823344846667;0.017560975609756099280467367407;0.000975609756097560974763549524;0.006829268292682926823344846667;0.002439024390243902436908873810;0.001951219512195121949527099048;0.006829268292682926823344846667;0.061463414634146340542741882018;0.014146341463414634567752337091;0.007317073170731707744407490424;0.016097560975609756517279436139;0.000000000000000000000000000000;0.073170731707317068770457524352;0.152195121951219508593666773777;0.003414634146341463411672423334;0.002439024390243902436908873810;0.002926829268292682924290648572;0.006829268292682926823344846667;0.005853658536585365848581297143;0.002926829268292682924290648572;0.014146341463414634567752337091;0.000975609756097560974763549524;0.002439024390243902436908873810;0.005365853658536585794880391376;0.008292682926829268719171039947;0.000000000000000000000000000000;0.000975609756097560974763549524;0.002439024390243902436908873810;0.004390243902439024820116841852;0.009756097560975609747635495239;0.014146341463414634567752337091;0.009756097560975609747635495239;0.012195121951219512618225238043
-0.030468749999999999306110609609;0.021484375000000000000000000000;0.026953125000000001387778780781;0.069531250000000002775557561563;0.014062500000000000346944695195;0.064843750000000005551115123126;0.001953125000000000000000000000;0.009765625000000000000000000000;0.034375000000000002775557561563;0.006250000000000000346944695195;0.014453125000000000693889390391;0.095703125000000000000000000000;0.016015624999999998612221219219;0.026953125000000001387778780781;0.009765625000000000000000000000;0.030468749999999999306110609609;0.008984374999999999306110609609;0.019531250000000000000000000000;0.010937499999999999306110609609;0.006640624999999999826527652402;0.007421874999999999653055304805;0.017578125000000000000000000000;0.005468749999999999653055304805;0.012109375000000000346944695195;0.054687500000000000000000000000;0.016796874999999999306110609609;0.014062500000000000346944695195;0.027343750000000000000000000000;0.000390625000000000021684043450;0.070703125000000005551115123126;0.048828125000000000000000000000;0.004687499999999999826527652402;0.004687499999999999826527652402;0.007812500000000000000000000000;0.014843749999999999306110609609;0.017187500000000001387778780781;0.007031250000000000173472347598;0.006640624999999999826527652402;0.006250000000000000346944695195;0.010546875000000000693889390391;0.001953125000000000000000000000;0.030859375000000001387778780781;0.000000000000000000000000000000;0.005468749999999999653055304805;0.006250000000000000346944695195;0.004296875000000000346944695195;0.017187500000000001387778780781;0.021484375000000000000000000000;0.016406250000000000693889390391;0.021874999999999998612221219219
-0.032520325203252035961565269417;0.002710027100271002707676526455;0.029471544715447155204923745941;0.068089430894308938801984254496;0.051829268292682924290648571741;0.086382113821138209464045587538;0.000677506775067750676919131614;0.005758807588075880862232835966;0.014227642276422763564780460399;0.008130081300813008990391317354;0.011178861788617886277585888877;0.099254742547425472976030391692;0.019986449864498646161736772342;0.020663956639566397055496338453;0.003387533875338753601436092566;0.021341463414634147949255904564;0.006775067750677507202872185132;0.012195121951219512618225238043;0.016937669376693765405095248866;0.006097560975609756309112619022;0.006436314363143631755992402077;0.008807588075880758149427407488;0.004065040650406504495195658677;0.010162601626016259936946539710;0.048102981029810296109694434108;0.014227642276422763564780460399;0.013550135501355014405744370265;0.028116531165311653417404613720;0.000677506775067750676919131614;0.141598915989159884754045037880;0.044376693766937667928740296475;0.007452574525745257229270013255;0.007791327913279132676149796310;0.005758807588075880862232835966;0.010840108401084010830706105821;0.010162601626016259936946539710;0.005081300813008129968473269855;0.008468834688346882702547624433;0.001355013550135501353838263228;0.008468834688346882702547624433;0.000677506775067750676919131614;0.011856368563685637171345454988;0.000000000000000000000000000000;0.005758807588075880862232835966;0.006775067750677507202872185132;0.003048780487804878154556309511;0.020663956639566397055496338453;0.017276422764227642586698507898;0.013550135501355014405744370265;0.017276422764227642586698507898
-0.029017857142857143848413414844;0.012946428571428572271151402617;0.016964285714285712997062560703;0.070535714285714284921269268125;0.045089285714285713690951951094;0.094196428571428569842538536250;0.000892857142857142829263372708;0.008482142857142856498531280351;0.005357142857142857192420670742;0.003125000000000000173472347598;0.013392857142857142113689938867;0.133035714285714284921269268125;0.021428571428571428769682682969;0.014732142857142856845475975547;0.012946428571428572271151402617;0.020982142857142855457697194765;0.003125000000000000173472347598;0.012053571428571429116627378164;0.021428571428571428769682682969;0.004017857142857142460634634062;0.012500000000000000693889390391;0.000892857142857142829263372708;0.002678571428571428596210335371;0.009374999999999999653055304805;0.051339285714285712303173170312;0.015178571428571428422737987773;0.008928571428571428075793292578;0.016517857142857143154524024453;0.000000000000000000000000000000;0.149999999999999994448884876874;0.061607142857142860314922927500;0.003571428571428571317053490830;0.010267857142857142807579329258;0.003571428571428571317053490830;0.009821428571428571230317317031;0.009374999999999999653055304805;0.003571428571428571317053490830;0.006250000000000000346944695195;0.000000000000000000000000000000;0.006696428571428571056844969434;0.003125000000000000173472347598;0.003571428571428571317053490830;0.000000000000000000000000000000;0.005803571428571428769682682969;0.008928571428571428075793292578;0.002678571428571428596210335371;0.009374999999999999653055304805;0.016964285714285712997062560703;0.010267857142857142807579329258;0.013392857142857142113689938867
-0.033203125000000000000000000000;0.007421874999999999653055304805;0.017968749999999998612221219219;0.103124999999999994448884876874;0.017968749999999998612221219219;0.064843750000000005551115123126;0.001171874999999999956631913101;0.012890624999999999306110609609;0.017968749999999998612221219219;0.007031250000000000173472347598;0.017578125000000000000000000000;0.119140625000000000000000000000;0.017968749999999998612221219219;0.018749999999999999306110609609;0.008593750000000000693889390391;0.027734374999999998612221219219;0.005078125000000000173472347598;0.021093750000000001387778780781;0.025000000000000001387778780781;0.007421874999999999653055304805;0.010546875000000000693889390391;0.007031250000000000173472347598;0.007812500000000000000000000000;0.005078125000000000173472347598;0.047265624999999998612221219219;0.015625000000000000000000000000;0.013671875000000000000000000000;0.006250000000000000346944695195;0.000000000000000000000000000000;0.067968749999999994448884876874;0.084765624999999997224442438437;0.005468749999999999653055304805;0.008984374999999999306110609609;0.004296875000000000346944695195;0.011718750000000000000000000000;0.014062500000000000346944695195;0.008203125000000000346944695195;0.012500000000000000693889390391;0.001562500000000000086736173799;0.010546875000000000693889390391;0.001953125000000000000000000000;0.011328124999999999653055304805;0.000000000000000000000000000000;0.006250000000000000346944695195;0.007421874999999999653055304805;0.007031250000000000173472347598;0.017578125000000000000000000000;0.018749999999999999306110609609;0.019921874999999998612221219219;0.014453125000000000693889390391
-0.042194092827004217594044632733;0.011720581340834505465475778863;0.026722925457102673224563105236;0.084857008907641820472100846473;0.014533520862634785944522697321;0.065166432255039846710431561405;0.000937646507266760484942957898;0.007032348804500702932340772122;0.016408813877168307998610785603;0.007032348804500702932340772122;0.016877637130801686343728462703;0.104547585560243794233770131541;0.015939990623534926184046156550;0.020628223159868730451904639267;0.005625879043600562692817312893;0.032817627754336615997221571206;0.006094702297233942772658465969;0.013127051101734645704999238092;0.019690576652601970292222333114;0.002344116268166901266567503370;0.009845288326300985146111166557;0.007969995311767463092023078275;0.007969995311767463092023078275;0.007969995311767463092023078275;0.067041725269573373968690077618;0.024378809188935771090633863878;0.017815283638068446503410768855;0.010782934833567745305793472710;0.000000000000000000000000000000;0.064697609001406475304207788213;0.090014064697609003085077006290;0.004219409282700421585932115676;0.007032348804500702932340772122;0.007501172058134083879543663187;0.010782934833567745305793472710;0.014064697609001405864681544244;0.008907641819034223251705384428;0.011720581340834505465475778863;0.004688232536333802533135006740;0.006563525550867322852499619046;0.002344116268166901266567503370;0.010314111579934365225952319634;0.000000000000000000000000000000;0.007969995311767463092023078275;0.006094702297233942772658465969;0.007501172058134083879543663187;0.012658227848101265625158085015;0.017815283638068446503410768855;0.011720581340834505465475778863;0.025316455696202531250316170031
-0.034566699123661150105935035981;0.007789678675754625400418085235;0.022395326192794547809361560553;0.159201557935735149573730495831;0.011684518013631937233265389864;0.069620253164556958336284253619;0.000973709834469328175052260654;0.007302823758519961204471737659;0.009250243427458617120895389974;0.008276533592989288729002694822;0.015579357351509250800836170470;0.113437195715676730767285107504;0.018013631937682569178482694383;0.021908471275559882746053474989;0.006815968841285297008525390083;0.029698149951314509881195036201;0.004868549172346641092101737769;0.006815968841285297008525390083;0.021908471275559882746053474989;0.004381694255111976896155390193;0.010710808179162608841372694712;0.005842259006815968616632694932;0.003894839337877312700209042617;0.007789678675754625400418085235;0.055501460564751706194819291795;0.018013631937682569178482694383;0.011197663096397273904680780277;0.011197663096397273904680780277;0.000000000000000000000000000000;0.069620253164556958336284253619;0.068159688412852970085253900834;0.001460564751703992154158173733;0.007789678675754625400418085235;0.003407984420642648504262695042;0.020447906523855891025576170250;0.008276533592989288729002694822;0.007789678675754625400418085235;0.007302823758519961204471737659;0.002434274586173320546050868884;0.004868549172346641092101737769;0.002921129503407984308316347466;0.009250243427458617120895389974;0.000000000000000000000000000000;0.004868549172346641092101737769;0.006815968841285297008525390083;0.002921129503407984308316347466;0.018500486854917234241790779947;0.014118792599805257345635389754;0.023855890944498539529838865292;0.016553067185978577458005389644
-0.034051724137931033142834280625;0.015517241379310344612241223672;0.034913793103448276244904491250;0.071120689655172417142914298438;0.008620689655172413673467346484;0.064655172413793107755175526563;0.001724137931034482734693469297;0.006896551724137930938773877187;0.033189655172413790040764070000;0.009482758620689655040814081133;0.012500000000000000693889390391;0.090517241379310345306130614063;0.015086206896551724795929594336;0.027586206896551723755095508750;0.009482758620689655040814081133;0.029741379310344828040824083359;0.009051724137931035224502451797;0.017672413793103448897969798281;0.017672413793103448897969798281;0.006034482758620689571427142539;0.009913793103448276591849186445;0.022413793103448275551015100859;0.003879310344827586153060305918;0.012931034482758620510201019727;0.052155172413793103591839184219;0.024568965517241379836743675469;0.016379310344827587714311434297;0.009913793103448276591849186445;0.000431034482758620683673367324;0.049568965517241381224522456250;0.090086206896551723755095508750;0.004741379310344827520407040566;0.006034482758620689571427142539;0.011637931034482759326542655742;0.015086206896551724795929594336;0.014655172413793103244894489023;0.004310344827586206836733673242;0.010344827586206896408160815781;0.004310344827586206836733673242;0.007758620689655172306120611836;0.004310344827586206836733673242;0.012500000000000000693889390391;0.000000000000000000000000000000;0.008189655172413793857155717149;0.004310344827586206836733673242;0.003879310344827586153060305918;0.025000000000000001387778780781;0.023275862068965518653085311485;0.017241379310344827346934692969;0.014655172413793103244894489023
-0.011463844797178129875092622569;0.102586713697824807867142737905;0.011757789535567313848885007133;0.110229276895943556491275217013;0.036743092298647854476723040307;0.010288065843621399184093512247;0.007348618459729570721872260464;0.046149323927101706943609826794;0.006760728982951205376372705302;0.004115226337448560020582100094;0.006466784244562022269942058728;0.010288065843621399184093512247;0.005584950029394473818011856991;0.004997060552616108472512301830;0.083186360964138741924678299711;0.008818342151675484519302017361;0.012345679012345678327022824305;0.046737213403880067952300692014;0.028218694885361550461766455555;0.000293944738389182835380103453;0.020282186948853614394394639930;0.004409171075837742259651008681;0.003821281599059376914151453519;0.007348618459729570721872260464;0.013521457965902410752745410605;0.007054673721340387615441613889;0.029100529100529098913696657291;0.136390358612580836483729740394;0.001469723691945914231110625892;0.017930629041740153012396419285;0.013521457965902410752745410605;0.009112286890064668493094401924;0.011169900058788947636023713983;0.002057613168724280010291050047;0.001469723691945914231110625892;0.013227513227513226778953026042;0.007936507936507936067371815625;0.007054673721340387615441613889;0.003233392122281011134971029364;0.002057613168724280010291050047;0.023515579071134627697770014265;0.027924750146972369957421022946;0.000000000000000000000000000000;0.006172839506172839163511412153;0.038800705467372131884928876389;0.009700176366843032971232219097;0.008524397413286302280233108775;0.003233392122281011134971029364;0.009700176366843032971232219097;0.005878894767783656924442503566
-0.043560606060606063549833777415;0.005303030303030303350964036468;0.019318181818181817677171352443;0.107954545454545455807071618892;0.010984848484848484459486250842;0.067424242424242428195491072529;0.001893939393939393991961317454;0.008712121212121212709966755483;0.006818181818181817850643700041;0.006439393939393939225723784148;0.012121212121212121201607736509;0.120454545454545453031514057329;0.022727272727272727903535809446;0.021590909090909091161414323778;0.012500000000000000693889390391;0.035227272727272725127978247883;0.003787878787878787983922634908;0.007954545454545453725403447720;0.013636363636363635701287400082;0.003030303030303030300401934127;0.014772727272727272443408885749;0.004166666666666666608842550801;0.004924242424242423858682382587;0.010227272727272727209646419055;0.064393939393939392257237841477;0.025757575757575756902895136591;0.020075757575757576661734660206;0.018939393939393939919613174538;0.000000000000000000000000000000;0.056060606060606060774276215852;0.082954545454545461358186742018;0.004924242424242423858682382587;0.007575757575757575967845269815;0.004924242424242423858682382587;0.014015151515151515193569053963;0.009469696969696969959806587269;0.004924242424242423858682382587;0.015530303030303029693248717535;0.001515151515151515150200967064;0.005303030303030303350964036468;0.001515151515151515150200967064;0.009848484848484847717364765174;0.000000000000000000000000000000;0.007575757575757575967845269815;0.007196969696969697342925353922;0.009090909090909090467524933388;0.014015151515151515193569053963;0.014772727272727272443408885749;0.019318181818181817677171352443;0.014772727272727272443408885749
-0.056730769230769230448974127512;0.005769230769230769551025872488;0.030769230769230770938804653269;0.087019230769230765387689530144;0.004326923076923077163269404366;0.067307692307692304489741275120;0.000000000000000000000000000000;0.007692307692307692734701163317;0.012980769230769231489808213098;0.007692307692307692734701163317;0.015384615384615385469402326635;0.089423076923076924571454071611;0.013942307692307693081645858513;0.017788461538461537714272964195;0.009615384615384615918376454147;0.049519230769230766775468310925;0.002403846153846153979594113537;0.006250000000000000346944695195;0.018749999999999999306110609609;0.004807692307692307959188227073;0.012980769230769231489808213098;0.008653846153846154326538808732;0.003846153846153846367350581659;0.009134615384615385122457631439;0.067788461538461533550936621850;0.018269230769230770244915262879;0.016346153846153847061239972049;0.046153846153846156408206979904;0.000000000000000000000000000000;0.052884615384615384081623545853;0.087980769230769237387868031419;0.005769230769230769551025872488;0.004807692307692307959188227073;0.005288461538461538755107049781;0.009615384615384615918376454147;0.009615384615384615918376454147;0.005769230769230769551025872488;0.012980769230769231489808213098;0.006250000000000000346944695195;0.004326923076923077163269404366;0.001923076923076923183675290829;0.008653846153846154326538808732;0.000000000000000000000000000000;0.007692307692307692734701163317;0.003365384615384615571431758951;0.007692307692307692734701163317;0.015384615384615385469402326635;0.022115384615384616612265844537;0.019711538461538460897948255024;0.016826923076923076122435318780
-0.044715447154471545110343555507;0.010347376201034737611128555557;0.012564671101256467966589269736;0.029194382852919437826288984184;0.035846267553584623688500698790;0.086844050258684399312691937212;0.002217294900221729488098976191;0.019955654101995564525529047728;0.007760532150776053642027285662;0.004804138950480414324561984074;0.017738359201773835904791809526;0.100886917960088695611631237625;0.025498891352549887812095619211;0.008499630450849962604031873070;0.012195121951219512618225238043;0.030303030303030303871381079261;0.004065040650406504495195658677;0.022172949002217296615713237884;0.036585365853658534385228762176;0.004434589800443458976197952381;0.020694752402069475222257111113;0.004804138950480414324561984074;0.013303769401330376928593857144;0.007760532150776053642027285662;0.052106430155210645138730285453;0.016629711751662969859699714448;0.025498891352549887812095619211;0.009608277900960828649123968148;0.000369549150036954914683162698;0.081300813008130079495572317683;0.055432372505543239804559618733;0.003325942350332594232148464286;0.025129342202512935933178539472;0.002586844050258684402782138889;0.012934220251293421580229825452;0.009238728750923873300759936456;0.010716925351071692959492587249;0.012934220251293421580229825452;0.000369549150036954914683162698;0.006651884700665188464296928572;0.004434589800443458976197952381;0.008130081300813008990391317354;0.000000000000000000000000000000;0.007760532150776053642027285662;0.022542498152254248494630317623;0.007021433850702143812660960265;0.010716925351071692959492587249;0.015521064301552107284054571323;0.019216555801921657298247936296;0.016629711751662969859699714448
-0.049000000000000001887379141863;0.007000000000000000145716771982;0.008999999999999999319988397417;0.075999999999999998112620858137;0.027500000000000000138777878078;0.098500000000000004218847493576;0.001000000000000000020816681712;0.010999999999999999361621760841;0.004000000000000000083266726847;0.003000000000000000062450045135;0.022999999999999999611421941381;0.101999999999999993449684154712;0.017999999999999998639976794834;0.017500000000000001665334536938;0.003500000000000000072858385991;0.042999999999999996558308623662;0.002000000000000000041633363423;0.007000000000000000145716771982;0.035000000000000003330669073875;0.002000000000000000041633363423;0.016500000000000000777156117238;0.003000000000000000062450045135;0.002500000000000000052041704279;0.008999999999999999319988397417;0.064500000000000001776356839400;0.016500000000000000777156117238;0.009499999999999999764077607267;0.028500000000000001026956297778;0.000000000000000000000000000000;0.091999999999999998445687765525;0.095500000000000001554312234475;0.001500000000000000031225022568;0.010999999999999999361621760841;0.002000000000000000041633363423;0.010000000000000000208166817117;0.005499999999999999680810880420;0.003500000000000000072858385991;0.024500000000000000943689570931;0.000500000000000000010408340856;0.003000000000000000062450045135;0.003000000000000000062450045135;0.004499999999999999659994198709;0.000000000000000000000000000000;0.001500000000000000031225022568;0.009499999999999999764077607267;0.007000000000000000145716771982;0.008999999999999999319988397417;0.011499999999999999805710970691;0.008500000000000000610622663544;0.007499999999999999722444243844
-0.025054466230936819209906829542;0.009440813362381990023197708695;0.034495279593318807498381062260;0.097676107480029042418046003604;0.018155410312273058404120007481;0.060639070442992014375871434595;0.002541757443718227916368279651;0.011619462599854756684747414397;0.029411764705882352533006240947;0.007625272331154684182785707947;0.013435003631082062525159415145;0.086056644880174296141639445068;0.018518518518518517490534236458;0.017429193899782136761844597572;0.009803921568627450844335413649;0.024691358024691356654045648611;0.013435003631082062525159415145;0.019970951343500364244532008229;0.017429193899782136761844597572;0.003994190268700072501961706450;0.014161220043572984167434825054;0.013071895424836601704021710191;0.005083514887436455832736559302;0.011619462599854756684747414397;0.046840958605664485825403886565;0.013435003631082062525159415145;0.016702977487291211650122235710;0.026143790849673203408043420382;0.000726216412490922292796713400;0.074074074074074069962136945833;0.057371096586782861781461662076;0.006899055918663761673148560050;0.008714596949891068380922298786;0.006535947712418300852010855095;0.019607843137254901688670827298;0.017066085693536674205983416641;0.005083514887436455832736559302;0.012708787218591140882884005237;0.003267973856209150426005427548;0.005446623093681917521236002244;0.002541757443718227916368279651;0.025417574437182281765768010473;0.000000000000000000000000000000;0.010893246187363835042472004488;0.010893246187363835042472004488;0.005083514887436455832736559302;0.019607843137254901688670827298;0.013798111837327523346297120099;0.013071895424836601704021710191;0.012708787218591140882884005237
-0.041379310344827585632643263125;0.008189655172413793857155717149;0.029741379310344828040824083359;0.099568965517241384000080017813;0.021120689655172414367356736875;0.058189655172413791428542850781;0.001293103448275862051020101973;0.007327586206896551622447244512;0.021551724137931035918391842188;0.006034482758620689571427142539;0.015086206896551724795929594336;0.132327586206896552489808982500;0.014224137931034483428582859688;0.019827586206896553183698372891;0.007758620689655172306120611836;0.031465517241379310775517552656;0.008189655172413793857155717149;0.020689655172413792816321631562;0.011206896551724137775507550430;0.007758620689655172306120611836;0.007758620689655172306120611836;0.011206896551724137775507550430;0.005172413793103448204080407891;0.008620689655172413673467346484;0.056465517241379312163296333438;0.015517241379310344612241223672;0.013362068965517242061236125039;0.018534482758620688530593056953;0.000000000000000000000000000000;0.062068965517241378448964894687;0.056034482758620690612261228125;0.005172413793103448204080407891;0.006465517241379310255100509863;0.008189655172413793857155717149;0.014224137931034483428582859688;0.017241379310344827346934692969;0.006896551724137930938773877187;0.006896551724137930938773877187;0.003017241379310344785713571270;0.007758620689655172306120611836;0.000431034482758620683673367324;0.015517241379310344612241223672;0.000000000000000000000000000000;0.004741379310344827520407040566;0.002586206896551724102040203945;0.003448275862068965469386938594;0.022844827586206897102050206172;0.022413793103448275551015100859;0.014655172413793103244894489023;0.019827586206896553183698372891
-0.038146167557932264546849410181;0.008199643493761140863873571050;0.018894830659536541311860347037;0.000713012477718360051549828516;0.039572192513368985300470370703;0.096969696969696969612861892074;0.001069518716577540131534851398;0.015329768270944741162531421708;0.004278074866310160526139405590;0.009625668449197861617494531572;0.020677361853832440519163071713;0.123351158645276293146508805876;0.021390374331550800895973551974;0.019251336898395723234989063144;0.003208556149732620394604554193;0.026381461675579323533646913802;0.003208556149732620394604554193;0.016399286987522281727747142099;0.031016042780748664248191559523;0.003565062388591800149328925329;0.015686274509803921350936661838;0.003208556149732620394604554193;0.008912655971479501240684051311;0.011051693404634580636392016117;0.046345811051693407145446457207;0.018181818181818180935049866775;0.018894830659536541311860347037;0.010338680926916220259581535856;0.000000000000000000000000000000;0.128342245989304826192523023565;0.064171122994652413096261511782;0.003565062388591800149328925329;0.015686274509803921350936661838;0.003208556149732620394604554193;0.017112299465240642104557622361;0.011408199643493760824797256248;0.008556149732620321052278811180;0.008556149732620321052278811180;0.000000000000000000000000000000;0.007486631016042780487063090789;0.001782531194295900074664462664;0.004991087344028520902949885851;0.000000000000000000000000000000;0.006060606060606060600803868255;0.008912655971479501240684051311;0.007130124777183600298657850658;0.009625668449197861617494531572;0.016399286987522281727747142099;0.026381461675579323533646913802;0.016755793226381460181428906253
-0.033482142857142856151586585156;0.004464285714285714037896646289;0.021874999999999998612221219219;0.074999999999999997224442438437;0.021428571428571428769682682969;0.083482142857142851988250242812;0.000000000000000000000000000000;0.007589285714285714211368993887;0.010714285714285714384841341484;0.004464285714285714037896646289;0.016071428571428569842538536250;0.149553571428571424606346340624;0.021874999999999998612221219219;0.015178571428571428422737987773;0.002678571428571428596210335371;0.026785714285714284227379877734;0.003571428571428571317053490830;0.010714285714285714384841341484;0.013839285714285713690951951094;0.003125000000000000173472347598;0.009821428571428571230317317031;0.002232142857142857018948323145;0.006696428571428571056844969434;0.008482142857142856498531280351;0.053124999999999998612221219219;0.014732142857142856845475975547;0.015178571428571428422737987773;0.006250000000000000346944695195;0.000446428571428571414631686354;0.089732142857142857539365365938;0.100446428571428575393653659376;0.004017857142857142460634634062;0.011160714285714285962103353711;0.004910714285714285615158658516;0.012946428571428572271151402617;0.012053571428571429116627378164;0.008928571428571428075793292578;0.009374999999999999653055304805;0.000892857142857142829263372708;0.008928571428571428075793292578;0.001339285714285714298105167686;0.012500000000000000693889390391;0.000000000000000000000000000000;0.006250000000000000346944695195;0.004464285714285714037896646289;0.005803571428571428769682682969;0.014732142857142856845475975547;0.012946428571428572271151402617;0.024107142857142858233254756328;0.011607142857142857539365365938
-0.026953125000000001387778780781;0.010937499999999999306110609609;0.015234374999999999653055304805;0.107421875000000000000000000000;0.018749999999999999306110609609;0.071093749999999997224442438437;0.001171874999999999956631913101;0.012500000000000000693889390391;0.016015624999999998612221219219;0.003125000000000000173472347598;0.014453125000000000693889390391;0.114453125000000002775557561563;0.026171875000000000693889390391;0.014843749999999999306110609609;0.005859375000000000000000000000;0.019531250000000000000000000000;0.005468749999999999653055304805;0.022656249999999999306110609609;0.021484375000000000000000000000;0.004296875000000000346944695195;0.014453125000000000693889390391;0.009765625000000000000000000000;0.006640624999999999826527652402;0.008203125000000000346944695195;0.048437500000000001387778780781;0.017187500000000001387778780781;0.019921874999999998612221219219;0.022656249999999999306110609609;0.000000000000000000000000000000;0.080468750000000005551115123126;0.070703125000000005551115123126;0.003906250000000000000000000000;0.007421874999999999653055304805;0.006250000000000000346944695195;0.020703124999999999306110609609;0.012109375000000000346944695195;0.007421874999999999653055304805;0.007031250000000000173472347598;0.001171874999999999956631913101;0.007421874999999999653055304805;0.001562500000000000086736173799;0.016406250000000000693889390391;0.000000000000000000000000000000;0.002734374999999999826527652402;0.003515625000000000086736173799;0.005468749999999999653055304805;0.013281249999999999653055304805;0.011718750000000000000000000000;0.023828124999999998612221219219;0.017187500000000001387778780781
-0.041130037390943084696370846132;0.006231823847112588458940773961;0.035313668466971336046267282427;0.000415454923140839212526015389;0.032405484004985461721215500575;0.066057332779393435062686990022;0.001246364769422517691788154792;0.009555463232239302592829766070;0.019526381387619442392411528431;0.004570004154549231825677146901;0.017033651848774408743558694823;0.145409223099293716252589092619;0.017033651848774408743558694823;0.029081844619858746719964770477;0.007062733693394266341891718497;0.029912754466140424602915715013;0.009970918155380141534305238338;0.019526381387619442392411528431;0.015787287079351890184408802043;0.004570004154549231825677146901;0.009140008309098463651354293802;0.012879102617366015859357020190;0.006647278770253427400416246229;0.010801828001661819417256182874;0.049439135853759870464774195398;0.022850020772746157393662258528;0.020772746157041960951561421211;0.004154549231408392016839936645;0.000415454923140839212526015389;0.113834648940589949761559296348;0.066057332779393435062686990022;0.004570004154549231825677146901;0.006647278770253427400416246229;0.007478188616535106150728928753;0.012463647694225176917881547922;0.016202742002492730860607750287;0.004570004154549231825677146901;0.006647278770253427400416246229;0.001661819692563356850104061557;0.007062733693394266341891718497;0.000415454923140839212526015389;0.013294557540506854800832492458;0.000000000000000000000000000000;0.005816368923971748650103563705;0.004985459077690070767152619169;0.004570004154549231825677146901;0.022850020772746157393662258528;0.019941836310760283068610476676;0.010801828001661819417256182874;0.021188201080182801627760369456
-0.032083333333333331760517381781;0.005000000000000000104083408559;0.037083333333333336201409480282;0.045416666666666667684371105906;0.045833333333333330095182844843;0.057083333333333333148296162562;0.002500000000000000052041704279;0.010833333333333333703407674875;0.029999999999999998889776975375;0.010000000000000000208166817117;0.014166666666666665949647629930;0.125000000000000000000000000000;0.011666666666666667198648532633;0.019583333333333334536074943344;0.013750000000000000069388939039;0.026249999999999999028554853453;0.005416666666666666851703837438;0.023750000000000000277555756156;0.008333333333333333217685101602;0.005000000000000000104083408559;0.010000000000000000208166817117;0.013333333333333334189130248149;0.006250000000000000346944695195;0.010833333333333333703407674875;0.037499999999999998612221219219;0.016250000000000000555111512313;0.014999999999999999444888487687;0.020833333333333332176851016015;0.000416666666666666693410320255;0.112083333333333326486958014812;0.039583333333333331482961625625;0.004166666666666666608842550801;0.002916666666666666799662133158;0.005833333333333333599324266316;0.015416666666666667059870654555;0.015416666666666667059870654555;0.005833333333333333599324266316;0.010833333333333333703407674875;0.002083333333333333304421275400;0.010000000000000000208166817117;0.004166666666666666608842550801;0.018333333333333333425851918719;0.000000000000000000000000000000;0.008750000000000000832667268469;0.008333333333333333217685101602;0.004583333333333333356462979680;0.017500000000000001665334536938;0.018333333333333333425851918719;0.015833333333333334674852821422;0.020833333333333332176851016015
-0.009376465072667605066270013481;0.059540553211439285752337724489;0.007501172058134083879543663187;0.210501640881387730441787198288;0.033286451007969994342339248306;0.015002344116268167759087326374;0.003281762775433661426249809523;0.040787623066104075619797697527;0.004219409282700421585932115676;0.002344116268166901266567503370;0.007032348804500702932340772122;0.020159399906235348637340010214;0.007969995311767463092023078275;0.005625879043600562692817312893;0.081106422878574779833371621862;0.009376465072667605066270013481;0.006094702297233942772658465969;0.036099390529770278290833118717;0.028129395218002811729363088489;0.003281762775433661426249809523;0.016877637130801686343728462703;0.001875293014533520969885915797;0.009845288326300985146111166557;0.008438818565400843171864231351;0.012189404594467885545316931939;0.008907641819034223251705384428;0.025785278949835913064880799084;0.093764650726676043723806230901;0.001406469760900140673204328223;0.029535864978902953703610023695;0.034224097515236757971468506412;0.002344116268166901266567503370;0.014064697609001405864681544244;0.002812939521800281346408656447;0.005157055789967182612976159817;0.011251758087201125385634625786;0.005157055789967182612976159817;0.003750586029067041939771831593;0.000000000000000000000000000000;0.001406469760900140673204328223;0.021097046413502108797022316367;0.018752930145335210132540026962;0.000000000000000000000000000000;0.006563525550867322852499619046;0.043131739334270981223173890839;0.005157055789967182612976159817;0.002344116268166901266567503370;0.004688232536333802533135006740;0.009845288326300985146111166557;0.008907641819034223251705384428
-0.011294261294261294034657616692;0.053113553113553112206002282392;0.010073260073260073901857403200;0.111111111111111104943205418749;0.048840048840048840006478059195;0.020146520146520147803714806400;0.005494505494505494934409650654;0.049450549450549448338154689964;0.005799755799755799967609704026;0.006105006105006105000809757399;0.015567765567765567968905315865;0.008852258852258852034333713732;0.013125763125763125968581412906;0.008241758241758241967933606986;0.068376068376068382947963186780;0.005189255189255189033847859292;0.006715506715506715934571602133;0.044566544566544567806953835998;0.051892551892551895542649020854;0.002136752136752136967123849587;0.028693528693528692202763252794;0.003968253968253968033685907812;0.013431013431013431869143204267;0.010378510378510378067695718585;0.014346764346764346101381626397;0.007020757020757020967771655506;0.031440781440781440103648947115;0.075396825396825392640032248437;0.000000000000000000000000000000;0.042735042735042735873030039784;0.006105006105006105000809757399;0.006105006105006105000809757399;0.028083028083028083871086622025;0.002442002442002442000323902960;0.014041514041514041935543311013;0.012820512820512820068019621544;0.011294261294261294034657616692;0.002442002442002442000323902960;0.000915750915750915750121463610;0.006410256410256410034009810772;0.021367521367521367936515019892;0.010073260073260073901857403200;0.000000000000000000000000000000;0.004578754578754578967447752547;0.045177045177045176138630466767;0.007020757020757020967771655506;0.008241758241758241967933606986;0.007936507936507936067371815625;0.021367521367521367936515019892;0.010073260073260073901857403200
-0.032736796158882586205152165348;0.016150152771715407806762954124;0.019642077695329551723091299209;0.082933216935835885053052152216;0.035792230467044959529854253333;0.065910082933216929124142779983;0.004364906154517678160686955380;0.028371890004364904575018258015;0.006547359231776516373668695081;0.009602793539938890565732521054;0.016150152771715407806762954124;0.089044085552160631702456328185;0.014840680925360104705501562705;0.012221737232649498502978779868;0.022261021388040157925614082046;0.020951549541684853089629214651;0.005237887385421213272407303663;0.017459624618070712642747821519;0.032736796158882586205152165348;0.003055434308162374625744694967;0.017023134002618942051121564418;0.003491924923614142181604869108;0.004364906154517678160686955380;0.008729812309035356321373910760;0.047577477084242689175930252077;0.010039284155390659422635302178;0.022697512003491925047793387193;0.018769096464426014009285736961;0.000436490615451767772700608639;0.102138804015713666184517194324;0.060672195547795723657991118216;0.003055434308162374625744694967;0.023134002618943692169972692341;0.003928415539065910171145912244;0.009602793539938890565732521054;0.009166302924487123443553215907;0.007856831078131820342291824488;0.008729812309035356321373910760;0.000436490615451767772700608639;0.006110868616324749251489389934;0.003928415539065910171145912244;0.008293321693583587464471129636;0.000000000000000000000000000000;0.006110868616324749251489389934;0.019205587079877781131465042108;0.009166302924487123443553215907;0.008293321693583587464471129636;0.006547359231776516373668695081;0.020951549541684853089629214651;0.013531209079004801604240171287
-0.030303030303030303871381079261;0.008055235903337169822702179545;0.020713463751438433713136788583;0.106635980053701576175662069090;0.038741848868431148777968786590;0.078250863060989647723708628746;0.000000000000000000000000000000;0.008822401227464518255749759135;0.011891062523973917192110505425;0.005370157268891445970226961037;0.018795550441120061763156101620;0.130034522439585742414891456065;0.014959723820483314393747775739;0.017261219792865361427613990486;0.008438818565400843171864231351;0.023014959723820484216449955284;0.004986574606827771753703171242;0.009973149213655543507406342485;0.023398542385884159300335483067;0.004219409282700421585932115676;0.008822401227464518255749759135;0.006904487917146144571045596194;0.003452243958573072285522798097;0.006520905255082470354521806399;0.037207518220176448442426675456;0.017644802454929036511499518269;0.019179133103183736847041629403;0.010740314537782891940453922075;0.000000000000000000000000000000;0.124664365170694291240494067097;0.061756808592251632994418741873;0.002301495972382048334908821730;0.009973149213655543507406342485;0.006904487917146144571045596194;0.009589566551591868423520814702;0.006520905255082470354521806399;0.005370157268891445970226961037;0.004219409282700421585932115676;0.003835826620636747369408325881;0.009589566551591868423520814702;0.002301495972382048334908821730;0.011123897199846567024339449858;0.000000000000000000000000000000;0.003452243958573072285522798097;0.004602991944764096669817643459;0.007288070579209819654931123978;0.014192558496355964225976720172;0.008055235903337169822702179545;0.013041810510164940709043612799;0.016877637130801686343728462703
-0.016079370509750254975012140335;0.029763941156346219313322265521;0.010605542251111871668300956628;0.145056448853917219210529765405;0.039343140608963392268471181978;0.022921655833048237144167202928;0.013000342114266164039726447754;0.040369483407458092716346698126;0.005473828258638385041434659684;0.004447485460143688063006095490;0.018816284639069449230452946153;0.011289770783441670232161158083;0.018474170372904549081161107438;0.009237085186452274540580553719;0.046527540198426274586918083287;0.013684570646595962603586649209;0.006500171057133082019863223877;0.027369141293191925207173298418;0.061238453643516932434209820713;0.003079028395484091802647430569;0.027369141293191925207173298418;0.002394799863154293672468098109;0.019842627437564146208881510347;0.005473828258638385041434659684;0.016079370509750254975012140335;0.013000342114266164039726447754;0.029421826890181319164030426805;0.063975367772836133628544530438;0.000684228532329798130179332460;0.047211768730756074885501760718;0.028395484091686622185601862611;0.005131713992473485759504558956;0.036606226479644198013030376160;0.001710571330824495325448331151;0.013342456380431064189018286470;0.007526513855627779865653526059;0.010263427984946971519009117912;0.008552856654122477711443828241;0.002052685596989394390537997381;0.005473828258638385041434659684;0.011973999315771467061297883561;0.009237085186452274540580553719;0.000000000000000000000000000000;0.007184399589462880583723425332;0.038658912076633598908781408454;0.007868628121792679147583626786;0.003079028395484091802647430569;0.007868628121792679147583626786;0.022579541566883340464322316166;0.003763256927813889932826763030
-0.036585365853658534385228762176;0.014227642276422763564780460399;0.025609756097560974069660133523;0.012601626016260162807536282514;0.016666666666666666435370203203;0.054471544715447156592702526723;0.002845528455284553059900787275;0.017479674796747966813992292145;0.008130081300813008990391317354;0.008130081300813008990391317354;0.022764227642276424479206298201;0.097154471544715445552320431943;0.022357723577235772555171777753;0.021138211382113820252515168363;0.018699186991869919116648901536;0.031300813008130083658908660027;0.003658536585365853872203745212;0.017886178861788618738026812593;0.021138211382113820252515168363;0.005284552845528455063128792091;0.016260162601626017980782634709;0.004471544715447154684506703148;0.010569105691056910126257584182;0.012195121951219512618225238043;0.059349593495934958864435060377;0.023170731707317072933793866696;0.023577235772357724857828387144;0.053252032520325204290045917332;0.000406504065040650406151478968;0.056097560975609757349946704608;0.064634146341463416529649066433;0.006097560975609756309112619022;0.014634146341463415488814980847;0.003658536585365853872203745212;0.018699186991869919116648901536;0.017886178861788618738026812593;0.010569105691056910126257584182;0.008536585365853659179702361826;0.000000000000000000000000000000;0.008536585365853659179702361826;0.005691056910569106119801574550;0.008130081300813008990391317354;0.000000000000000000000000000000;0.007317073170731707744407490424;0.013008130081300812996847326986;0.006910569105691056687734707964;0.018292682926829267192614381088;0.027642276422764226750938831856;0.022764227642276424479206298201;0.019512195121951219495270990478
-0.017721518987341772916055404608;0.017299578059071729629891933655;0.014767932489451476851805011847;0.082700421940928275921223189471;0.027426160337552744211686572839;0.040928270042194091205001171829;0.005485232067510548842337314568;0.026582278481012657639359630934;0.008860759493670886458027702304;0.003797468354430379600811251706;0.020675105485232068980305797368;0.034177215189873419443067348311;0.031223628691983123378816955551;0.013924050632911392014201545919;0.027848101265822784028403091838;0.014345991561181435300365016872;0.008860759493670886458027702304;0.026582278481012657639359630934;0.049789029535864975928305398156;0.002531645569620253211767790802;0.025316455696202531250316170031;0.004641350210970464004733848640;0.037974683544303798610197731023;0.012658227848101265625158085015;0.027848101265822784028403091838;0.016455696202531646527011943704;0.024894514767932487964152699078;0.050632911392405062500632340061;0.000421940928270042201961298467;0.064135021097046412963393891005;0.019831223628691982407978855463;0.004641350210970464004733848640;0.044725738396624470372131554541;0.004641350210970464004733848640;0.026582278481012657639359630934;0.010970464135021097684674629136;0.008438818565400843171864231351;0.008860759493670886458027702304;0.002531645569620253211767790802;0.012236286919831224073718090040;0.008016877637130801620424236376;0.008016877637130801620424236376;0.000000000000000000000000000000;0.006329113924050632812579042508;0.029957805907172996989773494647;0.012658227848101265625158085015;0.008016877637130801620424236376;0.010970464135021097684674629136;0.023628691983122361575109238174;0.008438818565400843171864231351
-0.014527027027027027833439021265;0.061148648648648648573633579417;0.013513513513513514263664205828;0.159459459459459468311237628768;0.061486486486486489899672136517;0.017905405405405406399355072722;0.007432432432432432845015313205;0.035135135135135137085526935152;0.006081081081081081418648892623;0.003716216216216216422507656603;0.011486486486486487124114574954;0.008783783783783784271381733788;0.015540540540540541403213836702;0.010472972972972973554339759517;0.072972972972972977023786711470;0.008108108108108108558198523497;0.008783783783783784271381733788;0.032094594594594592906755536887;0.038851351351351350038587639801;0.001351351351351351426366420583;0.013851351351351352120255810974;0.008445945945945946414790128642;0.004391891891891892135690866894;0.007432432432432432845015313205;0.017229729729729730686171862430;0.013175675675675676407072600682;0.025675675675675677100961991073;0.095608108108108103007083400371;0.000675675675675675713183210291;0.036824324324324322899038008927;0.004391891891891892135690866894;0.008108108108108108558198523497;0.016554054054054054972988652139;0.002364864864864864996141236020;0.013513513513513514263664205828;0.008108108108108108558198523497;0.006756756756756757131832102914;0.002364864864864864996141236020;0.003040540540540540709324446311;0.009121621621621622127973338934;0.017567567567567568542763467576;0.016216216216216217116397046993;0.000000000000000000000000000000;0.007094594594594594988423708060;0.038513513513513515651442986609;0.004729729729729729992282472040;0.006418918918918919275240497768;0.004729729729729729992282472040;0.010472972972972973554339759517;0.007770270270270270701606918351
-0.015679442508710800946447605497;0.049477351916376303975209083319;0.009059233449477352775880412139;0.062369337979094073565189404462;0.057839721254355401514057888335;0.021951219512195120631137257305;0.006620209059233449905290669335;0.050522648083623694637012135900;0.004878048780487804873817747620;0.003135888501742160276025694898;0.018466898954703832302914889851;0.013588850174216028296458880220;0.017073170731707318359404723651;0.009059233449477352775880412139;0.065156794425087108391103640770;0.008013937282229965583524311512;0.005226480836236934227057027158;0.034146341463414636718809447302;0.071428571428571424606346340624;0.001742160278745644597792052721;0.027177700348432056592917760440;0.003832752613240418115142515987;0.011498257839721253911746678966;0.007665505226480836230285031974;0.017421602787456445110558789224;0.011498257839721253911746678966;0.035888501742160280882920631029;0.071777003484320561765841262059;0.001045296167247386758675231633;0.052264808362369338801123319627;0.016027874564459931167048623024;0.003832752613240418115142515987;0.029965156794425087949385044794;0.002787456445993031356467284354;0.006620209059233449905290669335;0.010104529616724738233513036789;0.009407665505226481261757953689;0.006271777003484320552051389797;0.002439024390243902436908873810;0.003484320557491289195584105443;0.015679442508710800946447605497;0.013588850174216028296458880220;0.000000000000000000000000000000;0.004878048780487804873817747620;0.052961672473867599242325354680;0.008710801393728222555279394612;0.009407665505226481261757953689;0.008013937282229965583524311512;0.021951219512195120631137257305;0.008362369337979094069401853062
-0.042466312780726829523292309432;0.016741527153940383848551576307;0.028583095140873825829030963064;0.111065741118824015676302963129;0.018783176806859942092886583964;0.060024499795835031812352156066;0.001633319722335647289357396517;0.015924867292772561938596354025;0.025724785626786442205293781171;0.005716619028174765512750887808;0.021233156390363414761646154716;0.072682727643936295702786765105;0.014699877501020825604216568649;0.018783176806859942092886583964;0.012658227848101265625158085015;0.032666394446712945787147930332;0.006941608819926500979768935196;0.018783176806859942092886583964;0.023274806043282973005981162373;0.005716619028174765512750887808;0.015108207431604736559194179790;0.018374846876276031137908972823;0.004899959167006941868072189550;0.011841567986933441980479386757;0.055532870559412007838151481565;0.019599836668027767472288758199;0.016741527153940383848551576307;0.038383013474887706095728390210;0.000000000000000000000000000000;0.040016333197223356854532738680;0.041649652919559000674443183243;0.004491629236423030045732840421;0.010616578195181707380823077358;0.005716619028174765512750887808;0.013883217639853001959537870391;0.012249897917517354670180473875;0.006124948958758677335090236937;0.008983258472846060091465680841;0.002449979583503470934036094775;0.011433238056349531025501775616;0.004899959167006941868072189550;0.019599836668027767472288758199;0.000000000000000000000000000000;0.008983258472846060091465680841;0.005716619028174765512750887808;0.005716619028174765512750887808;0.016333197223356472893573965166;0.018783176806859942092886583964;0.013474887709269089269836783274;0.014291547570436912914515481532
-0.040743670886075951387272908732;0.009493670886075949652549432756;0.024129746835443038194268794427;0.145569620253164555556679715664;0.022151898734177215277707517771;0.060126582278481013887905248794;0.001186708860759493706568679094;0.015031645569620253471976312198;0.009098101265822784722292482229;0.009493670886075949652549432756;0.016613924050632909723557162351;0.102056962025316458331225533129;0.017405063291139239584071063405;0.015031645569620253471976312198;0.006329113924050632812579042508;0.028085443037974684027391347740;0.007515822784810126735988156099;0.013053797468354430555415035542;0.020965189873417722221660142168;0.003164556962025316406289521254;0.013844936708860758681205460618;0.005933544303797468749683829969;0.003164556962025316406289521254;0.011471518987341772569110709412;0.048259493670886076388537588855;0.020965189873417722221660142168;0.016613924050632909723557162351;0.018987341772151899305098865511;0.000000000000000000000000000000;0.075553797468354430555415035542;0.062500000000000000000000000000;0.004746835443037974826274716378;0.007515822784810126735988156099;0.003164556962025316406289521254;0.012262658227848100694901134489;0.015427215189873418402233262725;0.006724683544303797742835993034;0.007515822784810126735988156099;0.001186708860759493706568679094;0.005142405063291138889169928916;0.003164556962025316406289521254;0.006724683544303797742835993034;0.000000000000000000000000000000;0.007120253164556961805731205573;0.005142405063291138889169928916;0.007120253164556961805731205573;0.013053797468354430555415035542;0.013053797468354430555415035542;0.017800632911392406249051489908;0.018591772151898732640118439008
-0.033189655172413790040764070000;0.009051724137931035224502451797;0.011637931034482759326542655742;0.079741379310344834285828596876;0.023275862068965518653085311485;0.078017241379310348081688175625;0.001724137931034482734693469297;0.006896551724137930938773877187;0.006896551724137930938773877187;0.004310344827586206836733673242;0.016379310344827587714311434297;0.156896551724137939265446561876;0.014655172413793103244894489023;0.017241379310344827346934692969;0.011637931034482759326542655742;0.028448275862068966857165719375;0.003448275862068965469386938594;0.008189655172413793857155717149;0.022413793103448275551015100859;0.004741379310344827520407040566;0.011206896551724137775507550430;0.005603448275862068887753775215;0.003879310344827586153060305918;0.012068965517241379142854285078;0.045258620689655172653065307031;0.017672413793103448897969798281;0.013362068965517242061236125039;0.037068965517241377061186113906;0.000431034482758620683673367324;0.079741379310344834285828596876;0.094396551724137925387658754062;0.004310344827586206836733673242;0.005172413793103448204080407891;0.001724137931034482734693469297;0.009482758620689655040814081133;0.012068965517241379142854285078;0.003448275862068965469386938594;0.006034482758620689571427142539;0.004310344827586206836733673242;0.005172413793103448204080407891;0.000431034482758620683673367324;0.004310344827586206836733673242;0.000000000000000000000000000000;0.004741379310344827520407040566;0.006465517241379310255100509863;0.005603448275862068887753775215;0.015948275862068966163276328984;0.018965517241379310081628162266;0.020258620689655171265286526250;0.012068965517241379142854285078
-0.028481012658227847222924822290;0.015822784810126583332490213252;0.016274864376130199900005735003;0.116636528028933095235686323576;0.043851717902350810518452561837;0.056057866184448461310818601078;0.001808318264014466486902521503;0.020795660036166365575160952517;0.009493670886075949652549432756;0.008137432188065099950002867502;0.022603978300180831845223039522;0.103526220614828204369395336926;0.017631103074141049602552300257;0.011754068716094032490127041513;0.015370705244122965030251215524;0.021699819168173598710191996020;0.005424954792043399677547999005;0.015822784810126583332490213252;0.039783001808318264880259818028;0.004972875226039783110032477254;0.021247739602169982142676474268;0.002712477396021699838773999502;0.002260397830018083271258477751;0.013562386980108498760189128518;0.036166365280289332340135644017;0.014918625678119348462735693772;0.018083182640144666170067822009;0.007685352622061482515125607762;0.000452079566003616621725630376;0.099005424954792045633134023319;0.048372513562386983132501683258;0.004520795660036166542516955502;0.015370705244122965030251215524;0.003616636528028932973805043005;0.010397830018083182787580476258;0.010849909584086799355095998010;0.011301989150090415922611519761;0.009945750452079566220064954507;0.000452079566003616621725630376;0.004068716094032549975001433751;0.002712477396021699838773999502;0.006781193490054249380094564259;0.000000000000000000000000000000;0.002260397830018083271258477751;0.015822784810126583332490213252;0.003616636528028932973805043005;0.010397830018083182787580476258;0.012658227848101265625158085015;0.020343580470162749007645430765;0.014466546112115731895220172021
-0.030864197530864195817557060764;0.022486772486772485524220144271;0.017195767195767194812638933854;0.130952380952380958989422765626;0.017195767195767194812638933854;0.039241622574955906110893977257;0.006172839506172839163511412153;0.029100529100529098913696657291;0.018518518518518517490534236458;0.008377425044091710293336916493;0.010582010582010581423162420833;0.050705467372134035985986599826;0.017195767195767194812638933854;0.014991181657848323682813429514;0.025573192239858905105975850347;0.023368606701940033976150346007;0.008377425044091710293336916493;0.034391534391534389625277867708;0.029541446208112873139661758159;0.003086419753086419581755706076;0.025573192239858905105975850347;0.006613756613756613389476513021;0.012345679012345678327022824305;0.010582010582010581423162420833;0.039682539682539680336859078125;0.022927689594356259750185245139;0.030864197530864195817557060764;0.028218694885361550461766455555;0.001322751322751322677895302604;0.043209876543209874144579885069;0.035714285714285712303173170312;0.004850088183421516485616109549;0.018959435626102291716499337326;0.002645502645502645355790605208;0.013668430335097001004918126910;0.015873015873015872134743631250;0.005731922398589064937546311285;0.010582010582010581423162420833;0.002645502645502645355790605208;0.005291005291005290711581210417;0.011022927689594355649127521701;0.016754850088183420586673832986;0.000000000000000000000000000000;0.005291005291005290711581210417;0.008818342151675484519302017361;0.009700176366843032971232219097;0.018959435626102291716499337326;0.013227513227513226778953026042;0.025132275132275130880010749479;0.015873015873015872134743631250
-0.028750000000000001249000902703;0.011666666666666667198648532633;0.014583333333333333564629796797;0.092916666666666661300588714312;0.032916666666666663521034763562;0.077499999999999999444888487687;0.001666666666666666773641281019;0.007916666666666667337426410711;0.006250000000000000346944695195;0.002500000000000000052041704279;0.006666666666666667094565124074;0.184166666666666672957930472876;0.014999999999999999444888487687;0.011666666666666667198648532633;0.008333333333333333217685101602;0.032083333333333331760517381781;0.001666666666666666773641281019;0.009583333333333332593184650250;0.016250000000000000555111512313;0.002916666666666666799662133158;0.007083333333333332974823814965;0.003749999999999999861222121922;0.006250000000000000346944695195;0.003333333333333333547282562037;0.044583333333333335923853724125;0.008750000000000000832667268469;0.010416666666666666088425508008;0.012500000000000000693889390391;0.000000000000000000000000000000;0.117499999999999993338661852249;0.110416666666666662965923251249;0.002916666666666666799662133158;0.006666666666666667094565124074;0.004166666666666666608842550801;0.008333333333333333217685101602;0.005000000000000000104083408559;0.004166666666666666608842550801;0.009166666666666666712925959359;0.002916666666666666799662133158;0.003333333333333333547282562037;0.001250000000000000026020852140;0.013333333333333334189130248149;0.000000000000000000000000000000;0.003749999999999999861222121922;0.004166666666666666608842550801;0.003749999999999999861222121922;0.009166666666666666712925959359;0.012916666666666666574148081281;0.007499999999999999722444243844;0.007916666666666667337426410711
-0.031250000000000000000000000000;0.009722222222222222376419864531;0.015972222222222220988641083750;0.040625000000000001387778780781;0.064236111111111104943205418749;0.077430555555555558022717832500;0.001388888888888888941894328433;0.004513888888888888464845372539;0.005208333333333333044212754004;0.003819444444444444319158860068;0.013541666666666667129259593594;0.147569444444444447528397290625;0.015625000000000000000000000000;0.013194444444444444405895033867;0.007638888888888888638317720137;0.022916666666666665047591422422;0.001388888888888888941894328433;0.009374999999999999653055304805;0.025347222222222222376419864531;0.003125000000000000173472347598;0.008333333333333333217685101602;0.009374999999999999653055304805;0.004861111111111111188209932266;0.007291666666666666782314898398;0.051388888888888886730121896562;0.014583333333333333564629796797;0.013888888888888888117900677344;0.018055555555555553859381490156;0.000347222222222222235473582108;0.143402777777777767909128669999;0.091666666666666660190365689687;0.001041666666666666652210637700;0.010069444444444445099784424258;0.002430555555555555594104966133;0.012500000000000000693889390391;0.006250000000000000346944695195;0.004513888888888888464845372539;0.009722222222222222376419864531;0.000347222222222222235473582108;0.011111111111111111535154627461;0.002777777777777777883788656865;0.003125000000000000173472347598;0.000000000000000000000000000000;0.004513888888888888464845372539;0.004861111111111111188209932266;0.003125000000000000173472347598;0.009027777777777776929690745078;0.013194444444444444405895033867;0.013888888888888888117900677344;0.010416666666666666088425508008
-0.032520325203252035961565269417;0.014042867701404287625321920530;0.018477457501847746601519872911;0.009608277900960828649123968148;0.040280857354028087868869079102;0.060975609756097559621679238262;0.001108647450110864744049488095;0.018847006651884701949883904604;0.004804138950480414324561984074;0.007390983000739098293663253969;0.021433850702143385918985174499;0.140059127864005900088173461882;0.018107908351810791253155841218;0.022912047302291203842994349316;0.016999260901699925208063746140;0.020694752402069475222257111113;0.004434589800443458976197952381;0.015151515151515151935690539631;0.026237989652623798508823682596;0.005912786400591278634930603175;0.013673318551367332276957888837;0.004065040650406504495195658677;0.007760532150776053642027285662;0.018107908351810791253155841218;0.039911308203991129051058095456;0.024390243902439025236450476086;0.025498891352549887812095619211;0.035107169253510719930666539312;0.001478196600147819658732650794;0.091278640059127863493060317523;0.062084257206208429136218285294;0.005912786400591278634930603175;0.009238728750923873300759936456;0.004804138950480414324561984074;0.018847006651884701949883904604;0.012564671101256467966589269736;0.009608277900960828649123968148;0.007760532150776053642027285662;0.000000000000000000000000000000;0.006651884700665188464296928572;0.002586844050258684402782138889;0.001478196600147819658732650794;0.000000000000000000000000000000;0.009238728750923873300759936456;0.012564671101256467966589269736;0.006282335550628233983294634868;0.017738359201773835904791809526;0.015151515151515151935690539631;0.021433850702143385918985174499;0.014781966001478196587326507938
-0.032097649186256779763048996301;0.010849909584086799355095998010;0.012206148282097649057642563264;0.103074141048824591271326767128;0.036618444846292945438204213815;0.071880650994575051582202718237;0.004068716094032549975001433751;0.011301989150090415922611519761;0.017631103074141049602552300257;0.004972875226039783110032477254;0.013110307414104882192673606767;0.120253164556962027775810497587;0.017631103074141049602552300257;0.010849909584086799355095998010;0.013562386980108498760189128518;0.027124773960216997520378257036;0.002712477396021699838773999502;0.011301989150090415922611519761;0.028481012658227847222924822290;0.002712477396021699838773999502;0.010397830018083182787580476258;0.006329113924050632812579042508;0.005424954792043399677547999005;0.011754068716094032490127041513;0.065099457504520799600022940012;0.014466546112115731895220172021;0.020795660036166365575160952517;0.026220614828209764385347213533;0.000000000000000000000000000000;0.077757685352622063490457549051;0.052893309222423148807656900772;0.002712477396021699838773999502;0.017179023508137433035036778506;0.002712477396021699838773999502;0.012206148282097649057642563264;0.006781193490054249380094564259;0.009493670886075949652549432756;0.003164556962025316406289521254;0.002260397830018083271258477751;0.003616636528028932973805043005;0.004972875226039783110032477254;0.008137432188065099950002867502;0.000000000000000000000000000000;0.005424954792043399677547999005;0.018535262206148282737583343760;0.004068716094032549975001433751;0.007685352622061482515125607762;0.016274864376130199900005735003;0.016726943942133816467521256754;0.014466546112115731895220172021
-0.038636363636363635354342704886;0.005681818181818181975883952362;0.012500000000000000693889390391;0.039015151515151516581347834745;0.038257575757575754127337575028;0.078787878787878781738918121391;0.001515151515151515150200967064;0.011742424242424241709326082628;0.008333333333333333217685101602;0.004924242424242423858682382587;0.013636363636363635701287400082;0.186363636363636370196772418240;0.020454545454545454419292838111;0.010227272727272727209646419055;0.010606060606060606701928072937;0.031060606060606059386497435071;0.002272727272727272616881233347;0.009848484848484847717364765174;0.019696969696969695434729530348;0.002651515151515151675482018234;0.008333333333333333217685101602;0.005681818181818181975883952362;0.006818181818181817850643700041;0.009848484848484847717364765174;0.056060606060606060774276215852;0.014772727272727272443408885749;0.015530303030303029693248717535;0.006818181818181817850643700041;0.000000000000000000000000000000;0.105303030303030301095823517699;0.106439393939393944776838907273;0.003030303030303030300401934127;0.010606060606060606701928072937;0.002272727272727272616881233347;0.009848484848484847717364765174;0.007196969696969697342925353922;0.002651515151515151675482018234;0.008333333333333333217685101602;0.000378787878787878787550241766;0.004545454545454545233762466694;0.003409090909090908925321850020;0.001893939393939393991961317454;0.000000000000000000000000000000;0.004166666666666666608842550801;0.008333333333333333217685101602;0.005303030303030303350964036468;0.009848484848484847717364765174;0.008333333333333333217685101602;0.011363636363636363951767904723;0.016666666666666666435370203203
-0.030266825965750695365263922554;0.008761449621664675613263995047;0.013938669852648346778045684857;0.078454798884906418177109799217;0.033452807646356032267309643657;0.083233771405814421795454904895;0.003185981680605336468364852109;0.019115890083632017942827374668;0.011150935882118677422436547886;0.004380724810832337806631997523;0.013142174432497013419895992570;0.119076065312624448933043197485;0.013142174432497013419895992570;0.011947431302270012515309716150;0.013938669852648346778045684857;0.029470330545599363741837706243;0.003185981680605336468364852109;0.012345679012345678327022824305;0.034249303066507370829629763875;0.003982477100756670260195413391;0.015133412982875347682631961277;0.006371963361210672936729704219;0.002787733970529669355609136971;0.011150935882118677422436547886;0.055356431700517724769916583227;0.012743926722421345873459408438;0.020310633213859018847413651088;0.016328156113102350321941713673;0.000000000000000000000000000000;0.089605734767025088660652443195;0.071684587813620068152964392993;0.002389486260454002242853421834;0.011150935882118677422436547886;0.007566706491437673841315980638;0.008761449621664675613263995047;0.007566706491437673841315980638;0.003982477100756670260195413391;0.008363201911589008066827410914;0.002787733970529669355609136971;0.003185981680605336468364852109;0.003185981680605336468364852109;0.010354440461967344064286855598;0.000000000000000000000000000000;0.006371963361210672936729704219;0.015929908403026681040781653564;0.010354440461967344064286855598;0.010354440461967344064286855598;0.014336917562724014324482268989;0.016726403823178016133654821829;0.014735165272799681870918853122
-0.035000000000000003330669073875;0.017916666666666667545593227828;0.014999999999999999444888487687;0.060833333333333336478965236438;0.027083333333333334258519187188;0.062500000000000000000000000000;0.003333333333333333547282562037;0.019583333333333334536074943344;0.007916666666666667337426410711;0.007916666666666667337426410711;0.012500000000000000693889390391;0.122499999999999997779553950750;0.021250000000000001526556658860;0.016666666666666666435370203203;0.031250000000000000000000000000;0.023750000000000000277555756156;0.005833333333333333599324266316;0.016250000000000000555111512313;0.027083333333333334258519187188;0.003333333333333333547282562037;0.012083333333333333078907223523;0.004166666666666666608842550801;0.003749999999999999861222121922;0.007916666666666667337426410711;0.043749999999999997224442438437;0.015416666666666667059870654555;0.022916666666666665047591422422;0.022916666666666665047591422422;0.000833333333333333386820640509;0.074583333333333334813630699500;0.084583333333333329817627088687;0.002916666666666666799662133158;0.012083333333333333078907223523;0.003749999999999999861222121922;0.014166666666666665949647629930;0.007499999999999999722444243844;0.005416666666666666851703837438;0.009583333333333332593184650250;0.003749999999999999861222121922;0.002916666666666666799662133158;0.007916666666666667337426410711;0.008750000000000000832667268469;0.000000000000000000000000000000;0.006250000000000000346944695195;0.016250000000000000555111512313;0.003749999999999999861222121922;0.018749999999999999306110609609;0.017500000000000001665334536938;0.014583333333333333564629796797;0.013750000000000000069388939039
-0.027263875365141188034101560334;0.007302823758519961204471737659;0.014605647517039922408943475318;0.130477117818889959410810774898;0.030185004868549171475056169811;0.086660175267770200857597728827;0.000973709834469328175052260654;0.009737098344693282184203475538;0.013631937682570594017050780167;0.001947419668938656350104521309;0.016553067185978577458005389644;0.161635832521908467951377019745;0.010710808179162608841372694712;0.008763388510223953792310780386;0.008763388510223953792310780386;0.029698149951314509881195036201;0.004868549172346641092101737769;0.015092502434274585737528084906;0.014605647517039922408943475318;0.002921129503407984308316347466;0.004381694255111976896155390193;0.006329113924050632812579042508;0.001947419668938656350104521309;0.003894839337877312700209042617;0.052580331061343722753864682318;0.011197663096397273904680780277;0.012658227848101265625158085015;0.017039922103213242521313475208;0.000486854917234664087526130327;0.101265822784810125001264680122;0.092989289191820839741708937254;0.002434274586173320546050868884;0.007789678675754625400418085235;0.001947419668938656350104521309;0.006329113924050632812579042508;0.007302823758519961204471737659;0.001947419668938656350104521309;0.007302823758519961204471737659;0.004381694255111976896155390193;0.004381694255111976896155390193;0.002434274586173320546050868884;0.009737098344693282184203475538;0.000000000000000000000000000000;0.001460564751703992154158173733;0.009737098344693282184203475538;0.001947419668938656350104521309;0.008763388510223953792310780386;0.006329113924050632812579042508;0.006329113924050632812579042508;0.008276533592989288729002694822
-0.031818181818181814901613790880;0.015909090909090907450806895440;0.012500000000000000693889390391;0.115909090909090906063028114659;0.019318181818181817677171352443;0.065151515151515154711248101194;0.001893939393939393991961317454;0.020833333333333332176851016015;0.012500000000000000693889390391;0.008333333333333333217685101602;0.011742424242424241709326082628;0.123484848484848488969767288381;0.018181818181818180935049866775;0.012500000000000000693889390391;0.023863636363636364645657295114;0.023484848484848483418652165255;0.006060606060606060600803868255;0.015151515151515151935690539631;0.021590909090909091161414323778;0.003787878787878787983922634908;0.018560606060606062162054996634;0.003030303030303030300401934127;0.004545454545454545233762466694;0.009090909090909090467524933388;0.045075757575757574580066489034;0.010606060606060606701928072937;0.018560606060606062162054996634;0.031439393939393940613502564929;0.000000000000000000000000000000;0.075757575757575759678452698154;0.066666666666666665741480812812;0.005681818181818181975883952362;0.008712121212121212709966755483;0.002651515151515151675482018234;0.014772727272727272443408885749;0.008712121212121212709966755483;0.007954545454545453725403447720;0.011363636363636363951767904723;0.004166666666666666608842550801;0.004166666666666666608842550801;0.007954545454545453725403447720;0.007954545454545453725403447720;0.000000000000000000000000000000;0.003030303030303030300401934127;0.013636363636363635701287400082;0.004924242424242423858682382587;0.010606060606060606701928072937;0.010984848484848484459486250842;0.008712121212121212709966755483;0.016666666666666666435370203203
-0.019168173598553345932105074212;0.056057866184448461310818601078;0.006871609403254972693597668609;0.216274864376130193655001221487;0.030379746835443036806490013646;0.016998191681735986408030569805;0.006871609403254972693597668609;0.047377938517179023214520583451;0.003616636528028932973805043005;0.003616636528028932973805043005;0.011211573236889692609108415411;0.005786618444846292931560416406;0.006871609403254972693597668609;0.007956600361663653322996658801;0.069439421338155518648171948826;0.011211573236889692609108415411;0.004701627486437613169523164203;0.039059674502712478372234983226;0.043037974683544304166371574638;0.001084990958408679978877686700;0.021338155515370705456179578619;0.002169981916817359957755373401;0.006509945750452079439585251208;0.007956600361663653322996658801;0.015551537070524411657257424224;0.013381555153707052133182919818;0.030379746835443036806490013646;0.094755877034358046429041166903;0.000361663652802893308222526025;0.027486437613019890774390674437;0.015551537070524411657257424224;0.002531645569620253211767790802;0.016636528028933093154018152404;0.002531645569620253211767790802;0.006871609403254972693597668609;0.009764918625678119593058745807;0.011573236889692585863120832812;0.006148282097649186185572833807;0.000361663652802893308222526025;0.000723327305605786616445052051;0.011934900542495479117133250213;0.016636528028933093154018152404;0.000000000000000000000000000000;0.002893309222423146465780208203;0.032549728752260399800011470006;0.003978300180831826661498329401;0.006871609403254972693597668609;0.003978300180831826661498329401;0.014828209764918625149232589422;0.006148282097649186185572833807
-0.030092592592592590922118134245;0.011574074074074073431583897786;0.016203703703703702804217456901;0.121759259259259261520824679792;0.035185185185185187395351391615;0.079166666666666662965923251249;0.000925925925925925961262885622;0.008333333333333333217685101602;0.006018518518518518531368322044;0.007407407407407407690103084974;0.020370370370370372015145221667;0.122222222222222218213083522187;0.015740740740740739173064710599;0.009259259259259258745267118229;0.013425925925925926221471407018;0.025462962962962961549484575130;0.002777777777777777883788656865;0.008333333333333333217685101602;0.014351851851851851749053423646;0.003703703703703703845051542487;0.006481481481481481295159330358;0.004166666666666666608842550801;0.003240740740740740647579665179;0.007870370370370369586532355299;0.059722222222222225151977426094;0.016666666666666666435370203203;0.017129629629629630066522949505;0.019444444444444444752839729063;0.000925925925925925961262885622;0.116666666666666668517038374375;0.054629629629629632148191120677;0.005092592592592593003786305417;0.006944444444444444058950338672;0.010648148148148147904001881159;0.011111111111111111535154627461;0.006018518518518518531368322044;0.004629629629629629372633559115;0.005555555555555555767577313730;0.000925925925925925961262885622;0.006018518518518518531368322044;0.000925925925925925961262885622;0.007407407407407407690103084974;0.000000000000000000000000000000;0.006944444444444444058950338672;0.010648148148148147904001881159;0.004629629629629629372633559115;0.013425925925925926221471407018;0.014351851851851851749053423646;0.012500000000000000693889390391;0.012962962962962962590318660716
-0.031060606060606059386497435071;0.007954545454545453725403447720;0.010227272727272727209646419055;0.147348484848484839737636775681;0.041666666666666664353702032031;0.087499999999999994448884876874;0.000378787878787878787550241766;0.003787878787878787983922634908;0.010984848484848484459486250842;0.003787878787878787983922634908;0.009469696969696969959806587269;0.148106060606060602191647035397;0.013636363636363635701287400082;0.009848484848484847717364765174;0.006060606060606060600803868255;0.024242424242424242403215473018;0.002651515151515151675482018234;0.008333333333333333217685101602;0.013636363636363635701287400082;0.001136363636363636308440616673;0.004545454545454545233762466694;0.007196969696969697342925353922;0.002272727272727272616881233347;0.009090909090909090467524933388;0.054545454545454542805149600326;0.006818181818181817850643700041;0.006060606060606060600803868255;0.034090909090909088385856762216;0.000000000000000000000000000000;0.116287878787878787290033244517;0.080681818181818187873943770683;0.002651515151515151675482018234;0.003409090909090908925321850020;0.001893939393939393991961317454;0.012500000000000000693889390391;0.007196969696969697342925353922;0.000757575757575757575100483532;0.007954545454545453725403447720;0.002651515151515151675482018234;0.004545454545454545233762466694;0.001893939393939393991961317454;0.003409090909090908925321850020;0.000000000000000000000000000000;0.001893939393939393991961317454;0.003030303030303030300401934127;0.003787878787878787983922634908;0.010606060606060606701928072937;0.011363636363636363951767904723;0.007575757575757575967845269815;0.009469696969696969959806587269
-0.037522603978300178573235257318;0.001808318264014466486902521503;0.011754068716094032490127041513;0.178571428571428575393653659376;0.021247739602169982142676474268;0.071428571428571424606346340624;0.000000000000000000000000000000;0.002260397830018083271258477751;0.009041591320072333085033911004;0.009041591320072333085033911004;0.017631103074141049602552300257;0.123869801084990960315934671598;0.018083182640144666170067822009;0.015370705244122965030251215524;0.004068716094032549975001433751;0.023508137432188064980254083025;0.004068716094032549975001433751;0.005424954792043399677547999005;0.013110307414104882192673606767;0.003164556962025316406289521254;0.010849909584086799355095998010;0.004520795660036166542516955502;0.004972875226039783110032477254;0.007233273056057865947610086010;0.044755877034358043653483605340;0.009041591320072333085033911004;0.011301989150090415922611519761;0.037974683544303798610197731023;0.000000000000000000000000000000;0.084538878842676315472637327275;0.092676311030741406749022814893;0.001356238698010849919386999751;0.006781193490054249380094564259;0.002260397830018083271258477751;0.009945750452079566220064954507;0.009493670886075949652549432756;0.001808318264014466486902521503;0.009041591320072333085033911004;0.000452079566003616621725630376;0.004520795660036166542516955502;0.001356238698010849919386999751;0.006781193490054249380094564259;0.000000000000000000000000000000;0.006329113924050632812579042508;0.005424954792043399677547999005;0.002712477396021699838773999502;0.012206148282097649057642563264;0.016726943942133816467521256754;0.010397830018083182787580476258;0.013562386980108498760189128518
-0.013071895424836601704021710191;0.059912854030501089264149072733;0.009803921568627450844335413649;0.148511256354393605949582024550;0.057371096586782861781461662076;0.020697167755991285886807418137;0.005809731299927378342373707198;0.047567175018155410937126248427;0.007262164124909223361648002992;0.003631082062454611680824001496;0.013435003631082062525159415145;0.019607843137254901688670827298;0.011982570806100217505885119351;0.006172839506172839163511412153;0.075526506899055920185581669557;0.005809731299927378342373707198;0.003631082062454611680824001496;0.031227305737109658373418241695;0.043936092955700799256302246931;0.003631082062454611680824001496;0.019607843137254901688670827298;0.003631082062454611680824001496;0.007262164124909223361648002992;0.005446623093681917521236002244;0.017792302106027595848258826550;0.009803921568627450844335413649;0.033405954974582423300244471420;0.066085693536673928427660484886;0.000363108206245461146398356700;0.037763253449527960092790834778;0.014887436456063907544433710939;0.002541757443718227916368279651;0.016339869281045752563708006733;0.002541757443718227916368279651;0.010530137981118372486610823557;0.010530137981118372486610823557;0.007988380537400145003923412901;0.002541757443718227916368279651;0.005083514887436455832736559302;0.004357298474945534190461149393;0.015976761074800290007846825802;0.016339869281045752563708006733;0.000000000000000000000000000000;0.003631082062454611680824001496;0.054829339143064634298774251420;0.004720406681190995011598854347;0.007625272331154684182785707947;0.006535947712418300852010855095;0.010530137981118372486610823557;0.012708787218591140882884005237
-0.004324992276799505784568022904;0.070126660488106271063024621526;0.008958912573370404405781464163;0.122953351869014515518330199484;0.068273092369477914043152111390;0.018844609206054990790946135348;0.007105344454742044783823740062;0.046648130985480380783503306930;0.003089280197713932703262873503;0.002780352177942539432936586152;0.012974976830398516486342330722;0.010503552672227370323732031920;0.012974976830398516486342330722;0.004942848316342292325220597604;0.079085573061476677203529561666;0.008341056533827618732490627451;0.004942848316342292325220597604;0.036144578313253010459771275009;0.045721346926166202273567051861;0.002162496138399752892284011452;0.016991041087426630301626673258;0.004324992276799505784568022904;0.008032128514056224161121733118;0.006796416434970651947178321706;0.010812480691998764895100926253;0.006178560395427865406525747005;0.025023169601482854462748406377;0.103490886623416739054093227423;0.000617856039542786540652574701;0.047574915044794566232333465905;0.007414272474513438487830896406;0.001853568118628359621957724102;0.020389249304911954974173227129;0.003398208217485325973589160853;0.009885696632684584650441195208;0.008958912573370404405781464163;0.007105344454742044783823740062;0.003089280197713932703262873503;0.000926784059314179810978862051;0.004942848316342292325220597604;0.020080321285140562137527808773;0.010194624652455977487086613564;0.000000000000000000000000000000;0.002471424158171146162610298802;0.063639172072907007615683028234;0.003089280197713932703262873503;0.006178560395427865406525747005;0.004016064257028112080560866559;0.014828544949026876975661792812;0.006796416434970651947178321706
-0.026561915450804340216306442812;0.050505050505050504139337164133;0.011223344556677889230500433371;0.058735503179947627649948316275;0.069210624766180325884157298333;0.041526374859708191367158036655;0.008604564160119716406671663833;0.043022820800598576829187891235;0.005237560793116348249742753040;0.001870557426112981610696883727;0.013093901982790871058037751595;0.038907594463150022012776219071;0.015338570894126449251082533465;0.007856341189674523675656736543;0.073699962588851475331352958165;0.018705574261129818275373182246;0.004489337822671156386089563739;0.031051253273475496602396006551;0.054620276842499065894642740204;0.001122334455667789096522390935;0.020950243172465392998971012162;0.002618780396558174124871376520;0.005985783763561540980757680330;0.005237560793116348249742753040;0.030677141788252898502165066930;0.009352787130564909137686591123;0.025813692480359147485291515522;0.057987280209502431449486437032;0.000000000000000000000000000000;0.064721286943509162559173830687;0.019827908716797605637172097204;0.002244668911335578193044781870;0.020576131687242798368187024494;0.002618780396558174124871376520;0.007856341189674523675656736543;0.011971567527123081961515360661;0.006359895248784137346265143975;0.005237560793116348249742753040;0.000748222970445192622594710041;0.005611672278338944615250216685;0.014964459408903852885575069820;0.009726898615787505503194054768;0.000000000000000000000000000000;0.004115226337448560020582100094;0.040778151889263002105590061319;0.005611672278338944615250216685;0.007856341189674523675656736543;0.013468013468013467423545215240;0.012345679012345678327022824305;0.009352787130564909137686591123
-0.028125000000000000693889390391;0.032812500000000001387778780781;0.012109375000000000346944695195;0.057421874999999997224442438437;0.067187499999999997224442438437;0.057812500000000002775557561563;0.005078125000000000173472347598;0.042968750000000000000000000000;0.007031250000000000173472347598;0.003906250000000000000000000000;0.022265625000000000693889390391;0.053515624999999997224442438437;0.022265625000000000693889390391;0.006640624999999999826527652402;0.055859375000000002775557561563;0.021093750000000001387778780781;0.004687499999999999826527652402;0.033593749999999998612221219219;0.044531250000000001387778780781;0.003906250000000000000000000000;0.017968749999999998612221219219;0.003125000000000000173472347598;0.009374999999999999653055304805;0.004687499999999999826527652402;0.041015625000000000000000000000;0.015234374999999999653055304805;0.024218750000000000693889390391;0.030859375000000001387778780781;0.000000000000000000000000000000;0.060156250000000001387778780781;0.029687499999999998612221219219;0.003125000000000000173472347598;0.017578125000000000000000000000;0.003125000000000000173472347598;0.011328124999999999653055304805;0.003906250000000000000000000000;0.004687499999999999826527652402;0.005078125000000000173472347598;0.002734374999999999826527652402;0.005468749999999999653055304805;0.013281249999999999653055304805;0.019531250000000000000000000000;0.000000000000000000000000000000;0.002734374999999999826527652402;0.041015625000000000000000000000;0.004296875000000000346944695195;0.006250000000000000346944695195;0.009765625000000000000000000000;0.020312500000000000693889390391;0.006640624999999999826527652402
-0.035540408958130480232551207109;0.016066212268743915864144256034;0.022882181110029212872669646117;0.085686465433300870730981557699;0.042843232716650435365490778850;0.086660175267770200857597728827;0.001947419668938656350104521309;0.018987341772151899305098865511;0.014605647517039922408943475318;0.007789678675754625400418085235;0.017039922103213242521313475208;0.083252190847127552353335033786;0.017526777020447907584621560773;0.023855890944498539529838865292;0.013631937682570594017050780167;0.025803310613437196313624255595;0.002434274586173320546050868884;0.007302823758519961204471737659;0.026777020447906522970793474769;0.001947419668938656350104521309;0.010710808179162608841372694712;0.007302823758519961204471737659;0.003894839337877312700209042617;0.010223953261927945512788085125;0.053554040895813045941586949539;0.021908471275559882746053474989;0.016066212268743915864144256034;0.013145082765335930688466170579;0.000486854917234664087526130327;0.084225900681596882479951204914;0.047711781888997079059677730584;0.003894839337877312700209042617;0.012658227848101265625158085015;0.005842259006815968616632694932;0.010223953261927945512788085125;0.012658227848101265625158085015;0.007302823758519961204471737659;0.008276533592989288729002694822;0.000486854917234664087526130327;0.005842259006815968616632694932;0.002921129503407984308316347466;0.012171372930866602296573475428;0.000000000000000000000000000000;0.006329113924050632812579042508;0.015579357351509250800836170470;0.006329113924050632812579042508;0.019961051606621225962268084686;0.018500486854917234241790779947;0.013631937682570594017050780167;0.015579357351509250800836170470
-0.039437585733882028760088900299;0.006858710562414265833608428835;0.031207133058984912188371652064;0.048353909465020578073435331135;0.027434842249657063334433715340;0.075788751714677637938422094521;0.005144032921810699592046756123;0.012002743484224965425655184958;0.007201646090534979602337806170;0.013031550068587105864481578976;0.017146776406035665885063679070;0.101165980795610427334096925733;0.014403292181069959204675612341;0.022290809327846366344472173182;0.008230452674897120041164200188;0.026406035665294924630330797299;0.010288065843621399184093512247;0.010288065843621399184093512247;0.028120713305898492606615945988;0.004115226337448560020582100094;0.010973936899862824986828790941;0.010973936899862824986828790941;0.004458161865569272921949739441;0.014403292181069959204675612341;0.053155006858710565631476185899;0.016460905349794240082328400376;0.018175582990397804589166597111;0.030864197530864195817557060764;0.000342935528120713280838399717;0.087105624142661181030788952739;0.057956104252400546250623136757;0.007887517146776405405073084864;0.009259259259259258745267118229;0.008230452674897120041164200188;0.016460905349794240082328400376;0.015775034293552810810146169729;0.003429355281207132916804214418;0.012002743484224965425655184958;0.000342935528120713280838399717;0.009259259259259258745267118229;0.004115226337448560020582100094;0.002743484224965706246707197735;0.000000000000000000000000000000;0.009945130315500686282725872900;0.007887517146776405405073084864;0.009259259259259258745267118229;0.019204389574759946762716467106;0.015775034293552810810146169729;0.019204389574759946762716467106;0.015432098765432097908778530382
-0.030458860759493670139486098947;0.011867088607594937499367659939;0.017009493670886076388537588855;0.095727848101265819447114324703;0.049050632911392402779604537955;0.068829113924050638884111208426;0.004351265822784809896017765851;0.016613924050632909723557162351;0.016218354430379746528023687802;0.007515822784810126735988156099;0.014636075949367088541719361672;0.070015822784810125001264680122;0.022151898734177215277707517771;0.013844936708860758681205460618;0.016218354430379746528023687802;0.014636075949367088541719361672;0.007120253164556961805731205573;0.012262658227848100694901134489;0.037974683544303798610197731023;0.005537974683544303819426879443;0.014240506329113923611462411145;0.005933544303797468749683829969;0.009493670886075949652549432756;0.007911392405063291666245106626;0.041930379746835444443320284336;0.011075949367088607638853758885;0.027294303797468354166877446687;0.021756329113924052082174043221;0.000395569620253164550786190157;0.100870253164556958336284253619;0.049446202531645569444584964458;0.005142405063291138889169928916;0.014636075949367088541719361672;0.007515822784810126735988156099;0.016613924050632909723557162351;0.011471518987341772569110709412;0.009098101265822784722292482229;0.009889240506329114582806383282;0.003955696202531645833122553313;0.007515822784810126735988156099;0.005537974683544303819426879443;0.009493670886075949652549432756;0.000000000000000000000000000000;0.007911392405063291666245106626;0.013844936708860758681205460618;0.005142405063291138889169928916;0.011867088607594937499367659939;0.011471518987341772569110709412;0.017405063291139239584071063405;0.009098101265822784722292482229
-0.026371308016877637731001371435;0.021800281293952179784145783970;0.019690576652601970292222333114;0.153305203938115336415037859297;0.047468354430379749997470639755;0.049578059071729956019947138657;0.004922644163150492573055583279;0.022855133614627286264830985374;0.018284106891701828317975397908;0.003516174402250351466170386061;0.013009845288326301118719818817;0.053094233473980310955564476671;0.013009845288326301118719818817;0.009142053445850914158987698954;0.036919831223628692129512529618;0.027074542897327708718124839038;0.004571026722925457079493849477;0.017229254571026721837290196504;0.027426160337552744211686572839;0.003164556962025316406289521254;0.017580872011251757330851930305;0.009493670886075949652549432756;0.005274261603375527199255579092;0.007032348804500702932340772122;0.036919831223628692129512529618;0.013361462728551336612281552618;0.014767932489451476851805011847;0.046061884669479608023223704549;0.000703234880450070336602164112;0.066807313642756674387790383207;0.041490857946554146606921165130;0.004219409282700421585932115676;0.018284106891701828317975397908;0.003516174402250351466170386061;0.006680731364275668306140776309;0.005625879043600562692817312893;0.003867791842475386959732119863;0.018635724331926863811537131710;0.004219409282700421585932115676;0.004922644163150492573055583279;0.009493670886075949652549432756;0.012306610407876230131596351214;0.000000000000000000000000000000;0.007032348804500702932340772122;0.020393811533052037809898848764;0.007383966244725738425902505924;0.008087201125175809413025973527;0.012306610407876230131596351214;0.010900140646976089892072891985;0.010196905766526018904949424382
-0.026083621020329881418087225597;0.018411967779056386679270573836;0.014959723820483314393747775739;0.163406214039125419201781141965;0.080935941695435359433119515415;0.054085155350978138255602090112;0.004219409282700421585932115676;0.022247794399693134048678899717;0.014959723820483314393747775739;0.003835826620636747369408325881;0.015343306482546989477633303522;0.042577675489067892677930160517;0.017261219792865361427613990486;0.010740314537782891940453922075;0.043344840813195242845701216083;0.012274645186037590541272557232;0.008055235903337169822702179545;0.015343306482546989477633303522;0.027234369006520906669743808948;0.003452243958573072285522798097;0.010740314537782891940453922075;0.005753739930955121054112488821;0.005753739930955121054112488821;0.005753739930955121054112488821;0.039892596854622174029625369940;0.008822401227464518255749759135;0.024932873034138856166430642247;0.023014959723820484216449955284;0.000000000000000000000000000000;0.069812044495588795878227017511;0.022631377061756809132564427500;0.003452243958573072285522798097;0.014959723820483314393747775739;0.002301495972382048334908821730;0.009973149213655543507406342485;0.009973149213655543507406342485;0.005753739930955121054112488821;0.004219409282700421585932115676;0.003835826620636747369408325881;0.006137322593018795270636278616;0.005753739930955121054112488821;0.019179133103183736847041629403;0.000000000000000000000000000000;0.003835826620636747369408325881;0.038358266206367473694083258806;0.006520905255082470354521806399;0.010356731875719216856568394292;0.010740314537782891940453922075;0.017644802454929036511499518269;0.011123897199846567024339449858
-0.034062500000000002498001805407;0.009062499999999999375499548648;0.010000000000000000208166817117;0.115000000000000004996003610813;0.047187500000000000277555756156;0.091874999999999998334665463062;0.002812499999999999895916591441;0.012500000000000000693889390391;0.005937500000000000069388939039;0.003437500000000000017347234760;0.014062500000000000346944695195;0.088437500000000002220446049250;0.022499999999999999167332731531;0.007812500000000000000000000000;0.008437500000000000555111512313;0.021874999999999998612221219219;0.000625000000000000013010426070;0.009062499999999999375499548648;0.040625000000000001387778780781;0.002500000000000000052041704279;0.016250000000000000555111512313;0.005000000000000000104083408559;0.007499999999999999722444243844;0.004687499999999999826527652402;0.031250000000000000000000000000;0.011249999999999999583666365766;0.010625000000000000763278329430;0.034687500000000003053113317719;0.000000000000000000000000000000;0.140625000000000000000000000000;0.046875000000000000000000000000;0.001250000000000000026020852140;0.020625000000000000971445146547;0.003749999999999999861222121922;0.013437499999999999791833182883;0.004062500000000000138777878078;0.006250000000000000346944695195;0.019687500000000000138777878078;0.002812499999999999895916591441;0.006562499999999999757138713363;0.001562500000000000086736173799;0.010625000000000000763278329430;0.000000000000000000000000000000;0.004687499999999999826527652402;0.010937499999999999306110609609;0.005624999999999999791833182883;0.006250000000000000346944695195;0.006562499999999999757138713363;0.013437499999999999791833182883;0.005312500000000000381639164715
-0.010074231177094380290659714206;0.077147401908801691017281143559;0.010604453870625663372551095165;0.056203605514316010149933333651;0.064952279957582181868502857469;0.024125132555673382828143047618;0.010074231177094380290659714206;0.045599151643690348512105714462;0.005037115588547190145329857103;0.003181336161187698925029154751;0.011399787910922587128026428616;0.017232237539766701028831619169;0.011134676564156946454442476124;0.004506892895015907063438476143;0.081919406150583240489027048170;0.007688229056203605554786761900;0.007688229056203605554786761900;0.045599151643690348512105714462;0.042417815482502653490204380660;0.002916224814422057384083464271;0.017232237539766701028831619169;0.004772004241781548604384166623;0.008218451749734888636678142859;0.005832449628844114768166928542;0.012990455991516436373700571494;0.009278897136797454800460904778;0.024390243902439025236450476086;0.125662778366914112959662475077;0.000795334040296924731257288688;0.052492046659597030311417142912;0.010074231177094380290659714206;0.004506892895015907063438476143;0.022799575821845174256052857231;0.002916224814422057384083464271;0.008218451749734888636678142859;0.011930010604453870209917809575;0.010074231177094380290659714206;0.004506892895015907063438476143;0.001855779427359491003460267855;0.004506892895015907063438476143;0.013255567338282078782007999962;0.014846235418875928027682142840;0.000000000000000000000000000000;0.004241781548250265522492785664;0.050636267232237540392159047542;0.007688229056203605554786761900;0.004506892895015907063438476143;0.003711558854718982006920535710;0.011930010604453870209917809575;0.006627783669141039391003999981
-0.063109581181870336163974855026;0.013195639701663798570852037528;0.026678141135972461422953827537;0.013195639701663798570852037528;0.012621916236374068273629056591;0.046758462421113020091034684356;0.003155479059093517068407264148;0.015203671830177853743770732819;0.009179575444635684755567694992;0.020654044750430294169474265686;0.022662076878944347607669485001;0.030120481927710843206291713159;0.031841652323580035832684131947;0.036431440045897878210467979443;0.010040160642570281068763904386;0.034423407917383817833378856221;0.007745266781411359879871980638;0.012335054503729202257655828134;0.016924842226047044635439675631;0.007458405048766494731260490170;0.022662076878944347607669485001;0.010900745840504877381960113780;0.015777395295467584040993713757;0.023809523809523808202115446875;0.058806655192197361536887711964;0.040160642570281124275055617545;0.028973034997131382611845751285;0.013769363166953528868075018465;0.000286861732644865148611490469;0.024383247274813540234061903789;0.033562822719449228459076550735;0.006597819850831899285426018764;0.015203671830177853743770732819;0.005450372920252438690980056890;0.036144578313253010459771275009;0.022948938611589215358366189434;0.012908777969018932554878809071;0.016637980493402180354189923150;0.005163511187607573542368566422;0.011474469305794607679183094717;0.002581755593803786771184283211;0.004876649454962708393757075953;0.000000000000000000000000000000;0.014629948364888123446547751882;0.007458405048766494731260490170;0.016924842226047044635439675631;0.027251864601262189985453332497;0.030694205393000575238238170073;0.036144578313253010459771275009;0.020080321285140562137527808773
-0.041068279163517261431959326501;0.009826152683295541132024730757;0.016124968505920888456328654570;0.000755857898715041592180297059;0.009070294784580499106163564704;0.080876795162509451664334392262;0.002267573696145124776540891176;0.015621063240110859282605559883;0.008314436885865457080302398651;0.010833963214915596010023968176;0.024187452758881330949769505878;0.042579994960947338544787754699;0.050138573948097758803399415228;0.016880826404635927012742868669;0.006298815822625346456942185824;0.030234315948601663687211882348;0.006802721088435373895941804534;0.016880826404635927012742868669;0.031746031746031744269487262500;0.004283194759385235833581972997;0.021164021164021162846324841667;0.007558578987150415921802970587;0.022675736961451246898047173772;0.011589821113630638035885134229;0.064499874023683553825314618280;0.022927689594356259750185245139;0.029478458049886621661350716295;0.019904257999496095116187532881;0.001007810531620055528520540911;0.065507684555303605233866903745;0.047871000251952636195262869023;0.002771478961955152215540509886;0.026455026455026453557906052083;0.006802721088435373895941804534;0.045351473922902493796094347545;0.010833963214915596010023968176;0.011337868480725623449023586886;0.011841773746535650888023205596;0.008818342151675484519302017361;0.013101536911060720352883990358;0.002519526329050138496040700531;0.014109347442680775230883227778;0.000000000000000000000000000000;0.007810531620055429641302779942;0.014109347442680775230883227778;0.012849584278155707500745918992;0.009322247417485511958301636071;0.016376921138825901308466725936;0.032501889644746789764795380506;0.014109347442680775230883227778
-0.019076305220883535418430199115;0.039156626506024097555958007888;0.014056224899598393149324770945;0.030455153949129853269139900362;0.054216867469879519159103864467;0.027777777777777776235801354687;0.007697456492637215832997021892;0.050870147255689425469515896339;0.003681392235609102885074417344;0.003681392235609102885074417344;0.017068273092369478510788027847;0.027777777777777776235801354687;0.017737617135207495167037450301;0.007028112449799196574662385473;0.059906291834002679819182191068;0.010040160642570281068763904386;0.007697456492637215832997021892;0.047858099062918338373329163460;0.064257028112449793288973864946;0.003346720214190093689587968129;0.027777777777777776235801354687;0.002342704149933065669447751489;0.013721552878179384821200059719;0.007362784471218205770148834688;0.023092369477911645764267589698;0.011044176706827309522584990020;0.033467202141900936895879681288;0.061914323962516733257377410382;0.000334672021419009358116775088;0.068607764390896927575447250547;0.017068273092369478510788027847;0.003012048192771084494101518914;0.031793842034805890051085697223;0.004685408299866131338895502978;0.016398929049531458385091653440;0.015060240963855421603145856579;0.011378848728246317850709701247;0.007028112449799196574662385473;0.001004016064257028020140216640;0.012048192771084337976406075654;0.019410977242302542011831434365;0.005020080321285140534381952193;0.000000000000000000000000000000;0.003012048192771084494101518914;0.037148594377510037178868884666;0.009705488621151271005915717183;0.006358768406961178183689487042;0.009370816599732262677791005956;0.019410977242302542011831434365;0.008032128514056224161121733118
-0.011746987951807228919842707171;0.042168674698795177713250836860;0.013554216867469879789775966117;0.026807228915662652257712039727;0.091265060240963855053841768949;0.023795180722891565161525306848;0.006626506024096385366606298817;0.055722891566265059237750278953;0.003614457831325301306185648897;0.002710843373493975871219019425;0.015963855421686747038112486052;0.007228915662650602612371297795;0.014759036144578312546582488096;0.010542168674698794428312709215;0.087951807228915657166368191611;0.004216867469879518118269778881;0.005421686746987951742438038849;0.041566265060240963069571051847;0.075903614457831322659409067910;0.002108433734939759059134889441;0.030722891566265061319418450125;0.003313253012048192683303149408;0.012349397590361445298245968161;0.007228915662650602612371297795;0.010843373493975903484876077698;0.012349397590361445298245968161;0.050301204819277106627950502116;0.034638554216867470381124860523;0.000000000000000000000000000000;0.061144578313253011847550055791;0.003313253012048192683303149408;0.003915662650602409929068148386;0.038253012048192772120991378415;0.003614457831325301306185648897;0.013855421686746987111615858623;0.014457831325301205224742595590;0.010542168674698794428312709215;0.003012048192771084494101518914;0.000903614457831325326546412224;0.006626506024096385366606298817;0.022891566265060239726558677376;0.007530120481927710801572928290;0.000000000000000000000000000000;0.003012048192771084494101518914;0.053313253012048193724137234994;0.004518072289156626307471409376;0.006626506024096385366606298817;0.005421686746987951742438038849;0.025903614457831326822745410254;0.005722891566265059931639669344
-0.042013888888888892281237019688;0.008680555555555555941049661328;0.034722222222222223764198645313;0.051388888888888886730121896562;0.022569444444444444058950338672;0.056944444444444443365060948281;0.001388888888888888941894328433;0.013194444444444444405895033867;0.017361111111111111882099322656;0.010763888888888888811790067734;0.019444444444444444752839729063;0.087847222222222215437525960624;0.019444444444444444752839729063;0.033333333333333332870740406406;0.016666666666666666435370203203;0.029513888888888888117900677344;0.005208333333333333044212754004;0.020833333333333332176851016015;0.024652777777777776929690745078;0.004861111111111111188209932266;0.017361111111111111882099322656;0.015972222222222220988641083750;0.004861111111111111188209932266;0.015625000000000000000000000000;0.047916666666666669904817155157;0.019097222222222223764198645313;0.024305555555555555941049661328;0.010069444444444445099784424258;0.000347222222222222235473582108;0.061111111111111109106541761093;0.047916666666666669904817155157;0.009374999999999999653055304805;0.011111111111111111535154627461;0.006597222222222222202947516934;0.015972222222222220988641083750;0.016666666666666666435370203203;0.009027777777777776929690745078;0.008680555555555555941049661328;0.001388888888888888941894328433;0.007638888888888888638317720137;0.004166666666666666608842550801;0.010763888888888888811790067734;0.000000000000000000000000000000;0.009722222222222222376419864531;0.014583333333333333564629796797;0.007291666666666666782314898398;0.025000000000000001387778780781;0.022569444444444444058950338672;0.018749999999999999306110609609;0.015277777777777777276635440273
-0.029211295034079844817886950636;0.007789678675754625400418085235;0.021908471275559882746053474989;0.145082765335929897432265534007;0.027750730282375853097409645898;0.060856864654333008013420425186;0.000000000000000000000000000000;0.015092502434274585737528084906;0.021908471275559882746053474989;0.012171372930866602296573475428;0.021908471275559882746053474989;0.053067185978578380878278863975;0.017526777020447907584621560773;0.031645569620253166664980426503;0.013631937682570594017050780167;0.022882181110029212872669646117;0.006329113924050632812579042508;0.012658227848101265625158085015;0.029698149951314509881195036201;0.003894839337877312700209042617;0.018500486854917234241790779947;0.007789678675754625400418085235;0.005355404089581304420686347356;0.018013631937682569178482694383;0.050146056475170397437324254497;0.028724440116845179754578865072;0.025316455696202531250316170031;0.011197663096397273904680780277;0.000486854917234664087526130327;0.073515092502434278842748938132;0.020934761441090556088884255814;0.007302823758519961204471737659;0.010710808179162608841372694712;0.005355404089581304420686347356;0.016553067185978577458005389644;0.011197663096397273904680780277;0.011197663096397273904680780277;0.009250243427458617120895389974;0.002921129503407984308316347466;0.002434274586173320546050868884;0.002921129503407984308316347466;0.011684518013631937233265389864;0.000000000000000000000000000000;0.009250243427458617120895389974;0.006815968841285297008525390083;0.014118792599805257345635389754;0.016553067185978577458005389644;0.014118792599805257345635389754;0.022395326192794547809361560553;0.010223953261927945512788085125
-0.036228721082496723182586606526;0.025316455696202531250316170031;0.014404190309908337583322257558;0.116542994325621998563669023952;0.065473592317765172410304330697;0.047140986468790918584303994976;0.005237887385421213272407303663;0.031427324312527281369167297953;0.010912265386294195401717388449;0.003928415539065910171145912244;0.015713662156263640684583648977;0.047577477084242689175930252077;0.010475774770842426544814607325;0.011348756001745962523896693597;0.041903099083369706179258429302;0.022697512003491925047793387193;0.005237887385421213272407303663;0.022697512003491925047793387193;0.049759930161501528256273729767;0.001309471846355303318101825916;0.017023134002618942051121564418;0.003928415539065910171145912244;0.007420340462680052352750781353;0.007856831078131820342291824488;0.045395024006983850095586774387;0.013094718463553032747337390163;0.022697512003491925047793387193;0.037101702313400264365839120728;0.001309471846355303318101825916;0.063291139240506333329960853007;0.020951549541684853089629214651;0.004801396769969445282866260527;0.018332605848974246887106431814;0.003491924923614142181604869108;0.011348756001745962523896693597;0.009166302924487123443553215907;0.009166302924487123443553215907;0.006110868616324749251489389934;0.003055434308162374625744694967;0.005237887385421213272407303663;0.006983849847228284363209738217;0.017023134002618942051121564418;0.000000000000000000000000000000;0.005237887385421213272407303663;0.023134002618943692169972692341;0.005237887385421213272407303663;0.011785246617197729646075998744;0.007420340462680052352750781353;0.012658227848101265625158085015;0.014404190309908337583322257558
-0.030303030303030303871381079261;0.005237560793116348249742753040;0.013093901982790871058037751595;0.029928918817807705771150139640;0.046763935652824543953709479638;0.104751215862326968464302012762;0.001496445940890385245189420083;0.016460905349794240082328400376;0.010849233071455292864992969726;0.004863449307893752751597027384;0.023943135054246163923030721321;0.095024317246539466430554909948;0.030677141788252898502165066930;0.011597456041900485596007897016;0.008978675645342312772179127478;0.017583239805462027444127315334;0.002992891881780770490378840165;0.017583239805462027444127315334;0.048260381593714929415739334218;0.002992891881780770490378840165;0.019079685746352412906157169914;0.003367003367003366855886303810;0.012719790497568274692530287950;0.006359895248784137346265143975;0.042648709315375982198403903567;0.012345679012345678327022824305;0.019453797231575011006388109536;0.014216236438458660154560142530;0.000000000000000000000000000000;0.152637485970819303249257359312;0.019827908716797605637172097204;0.001122334455667789096522390935;0.023194912083800971192015794031;0.002618780396558174124871376520;0.017209128320239432813343327666;0.007856341189674523675656736543;0.010849233071455292864992969726;0.005611672278338944615250216685;0.002244668911335578193044781870;0.002992891881780770490378840165;0.002992891881780770490378840165;0.013093901982790871058037751595;0.000000000000000000000000000000;0.002992891881780770490378840165;0.018331462775907220175142242624;0.004115226337448560020582100094;0.011223344556677889230500433371;0.010475121586232696499485506081;0.027310138421249532947321370102;0.009726898615787505503194054768
-0.034558823529411766828367547078;0.005147058823529411693276092166;0.016544117647058823733496879527;0.043014705882352941013202496379;0.059926470588235296321766298888;0.110294117647058820264049927573;0.001102941176470588219987734035;0.009558823529411765440588766296;0.008088235294117647813938454249;0.005147058823529411693276092166;0.014338235294117646426159673467;0.106249999999999997224442438437;0.025735294117647057599018722840;0.015073529411764706106846567479;0.009558823529411765440588766296;0.021323529411764706453791262675;0.003308823529411764659963202106;0.008455882352941175919558425278;0.023529411764705882026404992757;0.003676470588235294066625780118;0.007720588235294117973595007243;0.005514705882352941533619539172;0.008455882352941175919558425278;0.009191176470588235600245319290;0.053308823529411762665031204733;0.016176470588235295627876908497;0.013235294117647058639852808426;0.014338235294117646426159673467;0.000000000000000000000000000000;0.150367647058823522554504847903;0.043382352941176469118822467408;0.002941176470588235253300624095;0.010661764705882353226895631337;0.003308823529411764659963202106;0.022794117647058822345718098745;0.008823529411764705759901872284;0.007352941176470588133251560237;0.004411764705882352879950936142;0.001102941176470588219987734035;0.009191176470588235600245319290;0.000367647058823529406662578012;0.006617647058823529319926404213;0.000000000000000000000000000000;0.007720588235294117973595007243;0.005882352941176470506601248189;0.004779411764705882720294383148;0.012867647058823528799509361420;0.012500000000000000693889390391;0.019485294117647058986797503621;0.012867647058823528799509361420
-0.019831223628691982407978855463;0.017721518987341772916055404608;0.014345991561181435300365016872;0.167088607594936711109312454937;0.069198312236286918519567734620;0.049789029535864975928305398156;0.001687763713080168807845193868;0.012658227848101265625158085015;0.010548523206751054398511158183;0.004219409282700421585932115676;0.013080168776371307176598079991;0.112236286919831229624833213165;0.011392405063291139236114624111;0.013502109704641350462761550943;0.037552742616033751854587308117;0.025738396624472574536479640983;0.002953586497890295196888654772;0.012658227848101265625158085015;0.017299578059071729629891933655;0.002109704641350210792966057838;0.008438818565400843171864231351;0.004219409282700421585932115676;0.002109704641350210792966057838;0.008016877637130801620424236376;0.034599156118143459259783867310;0.007172995780590717650182508436;0.013924050632911392014201545919;0.017721518987341772916055404608;0.000000000000000000000000000000;0.110970464135021096296895848354;0.035864978902953585648827328214;0.001687763713080168807845193868;0.012236286919831224073718090040;0.003797468354430379600811251706;0.008438818565400843171864231351;0.004641350210970464004733848640;0.004219409282700421585932115676;0.008860759493670886458027702304;0.004641350210970464004733848640;0.002531645569620253211767790802;0.004641350210970464004733848640;0.012658227848101265625158085015;0.000000000000000000000000000000;0.004219409282700421585932115676;0.021518987341772152083185787319;0.005485232067510548842337314568;0.010126582278481012847071163208;0.011392405063291139236114624111;0.010970464135021097684674629136;0.009282700421940928009467697279
-0.029770444763271161625617367008;0.005380200860832138123890366899;0.027618364418938307069950610639;0.021520803443328552495561467595;0.043758967001434723176345187312;0.108680057388809175877852908343;0.000717360114777618402062686620;0.006097560975609756309112619022;0.016857962697274030822169876842;0.005380200860832138123890366899;0.017934002869440458100003255026;0.129124820659971301095580997753;0.022955523672883788866005971840;0.017934002869440458100003255026;0.003586800573888091793472998603;0.023314203730272597958617097902;0.008967001434720229050001627513;0.016857962697274030822169876842;0.011477761836441894433002985920;0.004304160688665709978695250726;0.006456241032998565401723745083;0.011477761836441894433002985920;0.007173601147776183586945997206;0.009684361549497847235223879636;0.058106169296987086880790229770;0.016857962697274030822169876842;0.015423242467718794451725372596;0.003945480631276900886084124664;0.000358680057388809201031343310;0.137733142037302719318248023228;0.044835007173601150454178565496;0.005021520803443328163917502849;0.004304160688665709978695250726;0.004662840746054519071306376787;0.014705882352941176266503120473;0.013988522238163558081280868350;0.007532281205164992679557123267;0.007532281205164992679557123267;0.003586800573888091793472998603;0.010043041606886656327835005698;0.001076040172166427494673812681;0.008249641319942610864779375390;0.000000000000000000000000000000;0.005380200860832138123890366899;0.007890961262553801772168249329;0.002152080344332854989347625363;0.016499282639885221729558750781;0.018651362984218076285225507149;0.018651362984218076285225507149;0.015781922525107603544336498658
-0.035000000000000003330669073875;0.004499999999999999659994198709;0.008500000000000000610622663544;0.074999999999999997224442438437;0.048000000000000000999200722163;0.096000000000000001998401444325;0.001500000000000000031225022568;0.006000000000000000124900090270;0.003500000000000000072858385991;0.004499999999999999659994198709;0.012000000000000000249800180541;0.190500000000000002664535259100;0.020500000000000000860422844084;0.014999999999999999444888487687;0.004499999999999999659994198709;0.022499999999999999167332731531;0.001000000000000000020816681712;0.006499999999999999701627562132;0.014000000000000000291433543964;0.001500000000000000031225022568;0.006000000000000000124900090270;0.003000000000000000062450045135;0.005000000000000000104083408559;0.004499999999999999659994198709;0.044999999999999998334665463062;0.012999999999999999403255124264;0.011499999999999999805710970691;0.000500000000000000010408340856;0.000000000000000000000000000000;0.153499999999999997557509345825;0.074999999999999997224442438437;0.002500000000000000052041704279;0.006499999999999999701627562132;0.002000000000000000041633363423;0.011499999999999999805710970691;0.006000000000000000124900090270;0.008500000000000000610622663544;0.006000000000000000124900090270;0.000000000000000000000000000000;0.005499999999999999680810880420;0.001000000000000000020816681712;0.001500000000000000031225022568;0.000000000000000000000000000000;0.005499999999999999680810880420;0.008000000000000000166533453694;0.001500000000000000031225022568;0.007000000000000000145716771982;0.010999999999999999361621760841;0.013499999999999999847344334114;0.014999999999999999444888487687
-0.039912005028284097685187248317;0.017598994343180390104164345644;0.029855436832181017625664765092;0.048711502199874294471992897115;0.012256442489000629256223895425;0.070081709616593337863754697992;0.001571338780641106259300388004;0.015713387806411061725642142051;0.021684475172847265944664485460;0.006285355122564425037201552016;0.018541797611565054293425447440;0.088623507228158385218286241525;0.028284098051539911800045246082;0.025769956002514141785164625276;0.011627906976744185885142002235;0.024198617221873035959545106266;0.005028284098051540029761241613;0.033312382149591451829806487694;0.022941546197360149217381319886;0.004399748585795097526041086411;0.015713387806411061725642142051;0.010370835952231300877701691832;0.009742300439974859241343274618;0.013513513513513514263664205828;0.057825267127592706872807326590;0.017598994343180390104164345644;0.023570081709616594323186689053;0.009113764927718415870261381428;0.000314267756128221251860077601;0.057196731615336268705895861331;0.049340037712130732638904362375;0.005028284098051540029761241613;0.012256442489000629256223895425;0.004399748585795097526041086411;0.021055939660590824308306068247;0.018227529855436831740522762857;0.012884978001257070892582312638;0.010370835952231300877701691832;0.004085480829666875840500139816;0.008170961659333751681000279632;0.004399748585795097526041086411;0.013827781269641735081843414434;0.000000000000000000000000000000;0.006913890634820867540921707217;0.006913890634820867540921707217;0.007542426147077310044641862419;0.020427404148334379202500699080;0.017913262099308612657067030227;0.021370207416719043391761800876;0.013513513513513514263664205828
-0.035647279549718573210537186924;0.002188868042526579110046425214;0.020325203252032519873893079421;0.000312695434646654158578060745;0.060975609756097559621679238262;0.121325828642901811793564093023;0.001876172607879924951468364469;0.006566604127579737763820144636;0.014383989993746092161952532251;0.002501563477173233268624485959;0.015634771732332707061541299254;0.118198874296435274544592175516;0.025328330206378986411142051338;0.016260162601626017980782634709;0.001250781738586616634312242979;0.021263289555972484518031606626;0.006566604127579737763820144636;0.008130081300813008990391317354;0.033771106941838650861154036420;0.003439649781113195744358668193;0.009693558474046279349600752084;0.009068167604752970165082892606;0.004690431519699812812351780167;0.005628517823639774854405093407;0.051282051282051280272078486178;0.010006253908692933074497943835;0.015322076297686053336644107503;0.009693558474046279349600752084;0.000000000000000000000000000000;0.168855534709193233489088470378;0.057848655409631022372707320756;0.003126954346466541585780607448;0.011257035647279549708810186814;0.005003126954346466537248971918;0.009693558474046279349600752084;0.005628517823639774854405093407;0.006253908692933083171561214897;0.007817385866166353530770649627;0.004690431519699812812351780167;0.008755472170106316440185700856;0.000000000000000000000000000000;0.013445903689806129252537481023;0.000000000000000000000000000000;0.005315822388993121129507901657;0.007504690431519699805873457876;0.004065040650406504495195658677;0.010006253908692933074497943835;0.012195121951219512618225238043;0.017823639774859286605268593462;0.009380863039399625624703560334
-0.047058823529411764052809985515;0.006617647058823529319926404213;0.027941176470588236641079404876;0.037499999999999998612221219219;0.025367647058823529493398751811;0.074999999999999997224442438437;0.000735294117647058813325156024;0.007352941176470588133251560237;0.013235294117647058639852808426;0.009558823529411765440588766296;0.015441176470588235947190014485;0.083088235294117643303657416709;0.021323529411764706453791262675;0.030514705882352940319313105988;0.001838235294117647033312890059;0.036029411764705879250847431194;0.006250000000000000346944695195;0.011764705882352941013202496379;0.010294117647058823386552184331;0.004779411764705882720294383148;0.009191176470588235600245319290;0.008088235294117647813938454249;0.006985294117647059160269851219;0.012500000000000000693889390391;0.070588235294117646079214978272;0.019117647058823530881177532592;0.016911764705882351839116850556;0.031250000000000000000000000000;0.000735294117647058813325156024;0.064705882352941182511507633990;0.085294117647058825815165050699;0.004411764705882352879950936142;0.006617647058823529319926404213;0.007352941176470588133251560237;0.018749999999999999306110609609;0.011764705882352941013202496379;0.004411764705882352879950936142;0.013602941176470588480196255432;0.000735294117647058813325156024;0.012867647058823528799509361420;0.000367647058823529406662578012;0.011397058823529411172859049373;0.000000000000000000000000000000;0.007352941176470588133251560237;0.003308823529411764659963202106;0.006250000000000000346944695195;0.025735294117647057599018722840;0.024632352941176469812711857799;0.024632352941176469812711857799;0.018749999999999999306110609609
-0.033593749999999998612221219219;0.014453125000000000693889390391;0.009765625000000000000000000000;0.089453124999999994448884876874;0.041015625000000000000000000000;0.087109375000000002775557561563;0.001562500000000000086736173799;0.004296875000000000346944695195;0.007812500000000000000000000000;0.001953125000000000000000000000;0.012500000000000000693889390391;0.115625000000000005551115123126;0.021874999999999998612221219219;0.014453125000000000693889390391;0.010156250000000000346944695195;0.027343750000000000000000000000;0.002343749999999999913263826201;0.007421874999999999653055304805;0.011718750000000000000000000000;0.001953125000000000000000000000;0.008984374999999999306110609609;0.005078125000000000173472347598;0.003515625000000000086736173799;0.006250000000000000346944695195;0.048046875000000002775557561563;0.013671875000000000000000000000;0.010937499999999999306110609609;0.027734374999999998612221219219;0.000390625000000000021684043450;0.141015625000000005551115123126;0.075781249999999994448884876874;0.004296875000000000346944695195;0.003515625000000000086736173799;0.005078125000000000173472347598;0.016406250000000000693889390391;0.008203125000000000346944695195;0.004687499999999999826527652402;0.011328124999999999653055304805;0.003125000000000000173472347598;0.006250000000000000346944695195;0.001171874999999999956631913101;0.009765625000000000000000000000;0.000000000000000000000000000000;0.005468749999999999653055304805;0.006640624999999999826527652402;0.002343749999999999913263826201;0.013281249999999999653055304805;0.013281249999999999653055304805;0.010937499999999999306110609609;0.016406250000000000693889390391
-0.025542784163473820219225629558;0.035334184759472114789602414930;0.016602809706257982275134921224;0.083865474670072368001960683159;0.015325670498084290396811901758;0.041294167730949342398627521789;0.005108556832694764043845125912;0.034482758620689654693869385937;0.012771392081736910109612814779;0.005108556832694764043845125912;0.019582801191996592610200522699;0.033631332481907194598136356944;0.025117071094082586701912163107;0.012771392081736910109612814779;0.034057045551298424646002871441;0.013197105151128140157479329275;0.007237122179650915150539436382;0.037888463175819495076801501909;0.036611323967645804933201958420;0.004682843763303533128616873427;0.020008514261387826127513989150;0.005534269902085994091711640408;0.021285653469561516271113532639;0.010642826734780758135556766319;0.041719880800340572446494036285;0.012771392081736910109612814779;0.032354193273733504454536813455;0.037037037037037034981068472916;0.000425713069391230318917057618;0.045977011494252872925159181250;0.038739889314601955172534530902;0.004257130693912303080750358930;0.025117071094082586701912163107;0.005534269902085994091711640408;0.020434227330779056175380503646;0.014474244359301830301078872765;0.017028522775649212323001435720;0.008088548318433376113634203364;0.000851426138782460637834115236;0.007662835249042145198405950879;0.011494252873563218231289795312;0.016177096636866752227268406727;0.000000000000000000000000000000;0.004257130693912303080750358930;0.028948488718603660602157745529;0.006385696040868455054806407389;0.011068539804171988183423280816;0.007662835249042145198405950879;0.031502767134951044358803784462;0.012345679012345678327022824305
-0.035887096774193549819642612420;0.008870967741935483971693621186;0.016532258064516129614229811295;0.074999999999999997224442438437;0.050403225806451609769531785332;0.081854838709677413266518897217;0.000806451612903225805752127631;0.007661290322580644775174452121;0.009274193548387096169838272885;0.005645161290322580315004241669;0.020967741935483872467438359877;0.120564516129032253677344499465;0.020564516129032258534570232200;0.016935483870967743547097938972;0.006854838709677419511523410733;0.030645161290322579100697808485;0.006451612903225806446017021045;0.017338709677419354010519114695;0.019758064516129030668833976847;0.002822580645161290157502120834;0.008064516129032257840680841809;0.004838709677419355051353200281;0.004838709677419355051353200281;0.004838709677419355051353200281;0.044758064516129035526059709582;0.015322580645161289550348904243;0.015322580645161289550348904243;0.007258064516129032577029800422;0.000000000000000000000000000000;0.128225806451612911462945021412;0.066532258064516125450893468951;0.002822580645161290157502120834;0.010887096774193548431863831638;0.006048387096774193380510631357;0.017338709677419354010519114695;0.008467741935483871773548969486;0.006854838709677419511523410733;0.005645161290322580315004241669;0.000403225806451612902876063815;0.004838709677419355051353200281;0.001612903225806451611504255261;0.005645161290322580315004241669;0.000000000000000000000000000000;0.005645161290322580315004241669;0.007258064516129032577029800422;0.003629032258064516288514900211;0.009677419354838710102706400562;0.014112903225806451221191473167;0.019354838709677420205412801124;0.014919354838709677352204252543
-0.035221496005809732610103424122;0.001452432824981844585593426800;0.007988380537400145003923412901;0.037037037037037034981068472916;0.056281771968046477583325071237;0.100217864923747276839627318168;0.000363108206245461146398356700;0.003267973856209150426005427548;0.005809731299927378342373707198;0.002541757443718227916368279651;0.012345679012345678327022824305;0.181554103122730570163412266993;0.018518518518518517490534236458;0.010167029774872911665473118603;0.000363108206245461146398356700;0.026506899055918662494457649359;0.003267973856209150426005427548;0.003631082062454611680824001496;0.019607843137254901688670827298;0.001452432824981844585593426800;0.005083514887436455832736559302;0.001815541031227305840412000748;0.002541757443718227916368279651;0.007262164124909223361648002992;0.046114742193173567652575428610;0.011619462599854756684747414397;0.010530137981118372486610823557;0.002178649237472767095230574697;0.000000000000000000000000000000;0.183369644153957872534377315787;0.107843137254901966226583454045;0.001815541031227305840412000748;0.003631082062454611680824001496;0.005446623093681917521236002244;0.010530137981118372486610823557;0.004357298474945534190461149393;0.001815541031227305840412000748;0.008714596949891068380922298786;0.000363108206245461146398356700;0.005809731299927378342373707198;0.000726216412490922292796713400;0.004357298474945534190461149393;0.000000000000000000000000000000;0.002904865649963689171186853599;0.005446623093681917521236002244;0.000363108206245461146398356700;0.006899055918663761673148560050;0.011619462599854756684747414397;0.007988380537400145003923412901;0.011256354393609295863609709443
-0.035949367088607596387728193577;0.005063291139240506423535581604;0.004556962025316455867918197242;0.076455696202531647776012846407;0.069873417721518990552986849707;0.112911392405063287780464520438;0.000506329113924050664037601610;0.004050632911392405312300812881;0.003037974683544303767385175163;0.002531645569620253211767790802;0.014683544303797467847627622461;0.130126582278481006671455588730;0.016202531645569621249203251523;0.005569620253164556979152965965;0.000506329113924050664037601610;0.034936708860759495276493424853;0.000506329113924050664037601610;0.005063291139240506423535581604;0.021772151898734177360994479500;0.000000000000000000000000000000;0.006582278481012658090387734688;0.001012658227848101328075203220;0.003544303797468354323002559525;0.004556962025316455867918197242;0.054177215189873416389954030592;0.007594936708860759201622503411;0.004050632911392405312300812881;0.038481012658227849165815115384;0.000000000000000000000000000000;0.176708860759493657788254949992;0.083037974683544304999038843107;0.002025316455696202656150406440;0.010632911392405063402688547569;0.001518987341772151883692587582;0.005063291139240506423535581604;0.001012658227848101328075203220;0.000506329113924050664037601610;0.010126582278481012847071163208;0.000000000000000000000000000000;0.000506329113924050664037601610;0.000506329113924050664037601610;0.005063291139240506423535581604;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006075949367088607534770350327;0.001012658227848101328075203220;0.002025316455696202656150406440;0.012151898734177215069540700654;0.011139240506329113958305931931;0.006582278481012658090387734688
-0.032986111111111111882099322656;0.003819444444444444319158860068;0.014236111111111110841265237070;0.075347222222222218213083522187;0.038541666666666668517038374375;0.094097222222222220988641083750;0.002777777777777777883788656865;0.007291666666666666782314898398;0.013888888888888888117900677344;0.005902777777777777623580135469;0.015625000000000000000000000000;0.126736111111111104943205418749;0.014930555555555556287994356524;0.012500000000000000693889390391;0.001041666666666666652210637700;0.040972222222222222376419864531;0.004166666666666666608842550801;0.006597222222222222202947516934;0.015625000000000000000000000000;0.003125000000000000173472347598;0.006944444444444444058950338672;0.004861111111111111188209932266;0.002430555555555555594104966133;0.005208333333333333044212754004;0.054166666666666668517038374375;0.012500000000000000693889390391;0.007986111111111110494320541875;0.006250000000000000346944695195;0.000347222222222222235473582108;0.128472222222222209886410837498;0.104513888888888892281237019688;0.001736111111111111014737584668;0.006944444444444444058950338672;0.004513888888888888464845372539;0.012152777777777777970524830664;0.005902777777777777623580135469;0.005208333333333333044212754004;0.013194444444444444405895033867;0.002430555555555555594104966133;0.003819444444444444319158860068;0.002083333333333333304421275400;0.012847222222222221682530474141;0.000000000000000000000000000000;0.005902777777777777623580135469;0.002430555555555555594104966133;0.004513888888888888464845372539;0.012152777777777777970524830664;0.013194444444444444405895033867;0.013194444444444444405895033867;0.013888888888888888117900677344
-0.017832647462277091687798957764;0.042866941015089164712659197676;0.009945130315500686282725872900;0.050754458161865571852455758517;0.062757201646090540747557895429;0.028120713305898492606615945988;0.004801097393689986690679116776;0.051097393689986281284376445910;0.009602194787379973381358233553;0.005486968449931412493414395470;0.020576131687242798368187024494;0.018518518518518517490534236458;0.015089163237311385007410891035;0.007201646090534979602337806170;0.059670781893004114226908285445;0.014060356652949246303307972994;0.004115226337448560020582100094;0.032235939643347047423027618152;0.063786008230452675982213861516;0.004458161865569272921949739441;0.029835390946502057113454142723;0.002057613168724280010291050047;0.010973936899862824986828790941;0.008916323731138545843899478882;0.025720164609053498827595518605;0.011316872427983539622919906265;0.044238683127572016318129755064;0.040809327846364880365559457687;0.000342935528120713280838399717;0.049039780521262003876170609828;0.032578875171467763793842209452;0.001714677640603566458402107209;0.024348422496570643752678009264;0.003772290809327846251852722759;0.004115226337448560020582100094;0.014403292181069959204675612341;0.010631001371742112085461151594;0.009602194787379973381358233553;0.004115226337448560020582100094;0.004458161865569272921949739441;0.010631001371742112085461151594;0.023319615912208505048575091223;0.000000000000000000000000000000;0.004458161865569272921949739441;0.052126200274348423457926315905;0.009602194787379973381358233553;0.006515775034293552932240789488;0.006515775034293552932240789488;0.022976680384087792147207451876;0.007887517146776405405073084864
-0.012500000000000000693889390391;0.048511904761904763028201870156;0.008035714285714284921269268125;0.027380952380952380820211544687;0.058630952380952380820211544687;0.027678571428571427381903902187;0.007738095238095238359576910625;0.066666666666666665741480812812;0.001785714285714285658526745415;0.004761904761904762334312479766;0.021726190476190475331375040469;0.007440476190476190063161077148;0.009523809523809524668624959531;0.008035714285714284921269268125;0.077083333333333337034076748751;0.006547619047619047775998790684;0.005952380952380952050528861719;0.054464285714285715078730731875;0.070535714285714284921269268125;0.003273809523809523887999395342;0.030952380952380953438307642500;0.001488095238095238012632215430;0.009523809523809524668624959531;0.005952380952380952050528861719;0.015178571428571428422737987773;0.012500000000000000693889390391;0.050595238095238095898942276563;0.048809523809523809589894227656;0.000000000000000000000000000000;0.050595238095238095898942276563;0.022321428571428571924206707422;0.001785714285714285658526745415;0.040773809523809524668624959531;0.001488095238095238012632215430;0.011011904761904762681257174961;0.012202380952380952397473556914;0.014880952380952380126322154297;0.003571428571428571317053490830;0.000000000000000000000000000000;0.002678571428571428596210335371;0.016666666666666666435370203203;0.009226190476190476372209126055;0.000000000000000000000000000000;0.003869047619047619179788455313;0.050892857142857142460634634062;0.005654761904761904621474766230;0.008928571428571428075793292578;0.006250000000000000346944695195;0.025000000000000001387778780781;0.008928571428571428075793292578
-0.045836837678721611966103921532;0.003364171572750210108260215947;0.034903280067283430632141261185;0.002943650126156434169988340699;0.019343986543313710507741021161;0.062657695542472663374766739253;0.001682085786375105054130107973;0.009671993271656855253870510580;0.017661900756938603285206568216;0.010513036164844407130414261076;0.017661900756938603285206568216;0.102607232968881412205064407317;0.019343986543313710507741021161;0.031959629941126999064238134451;0.013036164844407064494768988538;0.048359966358284274534629076925;0.013036164844407064494768988538;0.018502943650126155161750318712;0.015559293523969721859123716001;0.007148864592094197022154045129;0.008830950378469301642603284108;0.009671993271656855253870510580;0.004625735912531538790437579678;0.017661900756938603285206568216;0.063078216989066446251932518408;0.027333894028595456804353602820;0.013456686291000840433040863786;0.008410428931875525704331408861;0.001261564339781328899017798228;0.055508830950378472424144860042;0.052985702270815809855619704649;0.009251471825063077580875159356;0.008410428931875525704331408861;0.007148864592094197022154045129;0.018502943650126155161750318712;0.016400336417157275470390942473;0.007989907485281749766059533613;0.013456686291000840433040863786;0.001261564339781328899017798228;0.009251471825063077580875159356;0.003364171572750210108260215947;0.008410428931875525704331408861;0.000000000000000000000000000000;0.013456686291000840433040863786;0.013877207737594618106036215011;0.008410428931875525704331408861;0.027333894028595456804353602820;0.031118587047939443718247432002;0.017241379310344827346934692969;0.026492851135407904927809852325
-0.015613652868554829186709120847;0.042483660130718955971751427114;0.011256354393609295863609709443;0.027959331880900509248455421130;0.055192447349310093385188480397;0.031227305737109658373418241695;0.006172839506172839163511412153;0.053740014524328250100637660580;0.009803921568627450844335413649;0.008714596949891068380922298786;0.019244734931009439132809646367;0.019970951343500364244532008229;0.015250544662309368365571415893;0.010530137981118372486610823557;0.065359477124183010254832026931;0.010893246187363835042472004488;0.004720406681190995011598854347;0.041757443718228030860029065252;0.053740014524328250100637660580;0.004720406681190995011598854347;0.029411764705882352533006240947;0.005809731299927378342373707198;0.006899055918663761673148560050;0.006899055918663761673148560050;0.027596223674655046692594240199;0.015613652868554829186709120847;0.038126361655773419179205063756;0.060275962236746548350563301710;0.000726216412490922292796713400;0.047930283224400870023540477405;0.014161220043572984167434825054;0.005809731299927378342373707198;0.030501089324618736731142831786;0.002541757443718227916368279651;0.011256354393609295863609709443;0.015613652868554829186709120847;0.010167029774872911665473118603;0.005446623093681917521236002244;0.001089324618736383547615287348;0.007625272331154684182785707947;0.016339869281045752563708006733;0.017429193899782136761844597572;0.000000000000000000000000000000;0.006535947712418300852010855095;0.049745824255628179333399430107;0.009440813362381990023197708695;0.010893246187363835042472004488;0.007262164124909223361648002992;0.021423384168482207529082828046;0.009077705156136529202060003740
-0.027074542897327708718124839038;0.016877637130801686343728462703;0.014767932489451476851805011847;0.107243319268635728391814154747;0.050632911392405062500632340061;0.086146272855133612655897934474;0.001054852320675105396483028919;0.010548523206751054398511158183;0.009493670886075949652549432756;0.005274261603375527199255579092;0.016174402250351618826051947053;0.082278481012658222226718862657;0.016877637130801686343728462703;0.014416315049226441358243278046;0.013713080168776372105843286420;0.020745428973277073303460582565;0.004922644163150492573055583279;0.007735583684950773919464239725;0.023206751054852321758392719175;0.004219409282700421585932115676;0.009493670886075949652549432756;0.005977496483825597319017308706;0.007735583684950773919464239725;0.007735583684950773919464239725;0.051687763713080168981317541466;0.014416315049226441358243278046;0.013009845288326301118719818817;0.051336146272855133487755807664;0.000000000000000000000000000000;0.110056258790436012340308025159;0.050632911392405062500632340061;0.003516174402250351466170386061;0.008087201125175809413025973527;0.004571026722925457079493849477;0.010548523206751054398511158183;0.006680731364275668306140776309;0.003516174402250351466170386061;0.007735583684950773919464239725;0.001054852320675105396483028919;0.006680731364275668306140776309;0.002461322081575246286527791639;0.014416315049226441358243278046;0.000000000000000000000000000000;0.004922644163150492573055583279;0.008087201125175809413025973527;0.004571026722925457079493849477;0.013713080168776372105843286420;0.014416315049226441358243278046;0.015471167369901547838928479450;0.014064697609001405864681544244
-0.039506172839506172034251818559;0.021164021164021162846324841667;0.028924162257495590611089397726;0.007760141093474426897402818071;0.011992945326278659987084829197;0.057142857142857141072855853281;0.001410934744268077696560670375;0.019047619047619049337249919063;0.044091710758377422596510086805;0.007407407407407407690103084974;0.019753086419753086017125909279;0.075132275132275133655568311042;0.017283950617283948963942563637;0.022222222222222223070309254922;0.010229276895943563083224425725;0.038800705467372131884928876389;0.013756613756613756890945232669;0.023633156966490299899508187309;0.026807760141093473632567523168;0.007054673721340387615441613889;0.016578483245149912284066573420;0.015520282186948853794805636142;0.009523809523809524668624959531;0.008465608465608466179364022253;0.052557319223985890510597585035;0.023633156966490299899508187309;0.021164021164021162846324841667;0.015520282186948853794805636142;0.000000000000000000000000000000;0.037037037037037034981068472916;0.079365079365079360673718156249;0.003174603174603174600421073848;0.011287477954144621572485363004;0.006349206349206349200842147695;0.015520282186948853794805636142;0.018694885361552029262588447978;0.011992945326278659987084829197;0.010582010582010581423162420833;0.007054673721340387615441613889;0.005996472663139329993542414599;0.003880070546737213448701409035;0.029629629629629630760412339896;0.000000000000000000000000000000;0.007054673721340387615441613889;0.009171075837742504593963488446;0.005643738977072310786242681502;0.020811287477954146241110322535;0.020105820105820106091787380365;0.021516754850088182920986312752;0.019047619047619049337249919063
-0.045357902197023389212482413768;0.012048192771084337976406075654;0.033309709425939047766629386160;0.000000000000000000000000000000;0.016300496102055278546671956974;0.064138908575478381646206571531;0.003189227498228206728742017972;0.025513819985825653829936143779;0.025868178596739899166578879885;0.008150248051027639273335978487;0.025868178596739899166578879885;0.083628632175761871692110105414;0.024450744153082921289454887415;0.018781006378454995903171109717;0.011339475549255847303120603442;0.034727143869596029113200330585;0.005669737774627923651560301721;0.023387668320340185279526679096;0.035435861091424519786485802797;0.004606661941885187641632093403;0.018781006378454995903171109717;0.015591778880226789608109960739;0.013111268603827072251610807996;0.012402551381998583313048811760;0.060595322466335935218673114377;0.023387668320340185279526679096;0.029411764705882352533006240947;0.004606661941885187641632093403;0.000000000000000000000000000000;0.064493267186392630452296259591;0.038625088589652731285717379706;0.004252303330970942304989357297;0.018426647767540750566528373611;0.004961020552799432978274829509;0.016300496102055278546671956974;0.013111268603827072251610807996;0.010276399716513111293192395124;0.008150248051027639273335978487;0.000708717221828490456445037715;0.007795889440113394804054980369;0.003189227498228206728742017972;0.019135364989369241239813845823;0.000000000000000000000000000000;0.003543586109142452065384754079;0.013465627214741317588253544102;0.007441530829199149467412244263;0.020907158043940467923027526354;0.015591778880226789608109960739;0.032246633593196315226148129796;0.017717930545712259893242901398
-0.034018426647767538439914858373;0.018426647767540750566528373611;0.032955350815024805899433602008;0.009567682494684620619906922911;0.019489723600283486576456581929;0.052445074415308289006443231983;0.001417434443656980912890075430;0.020907158043940467923027526354;0.036144578313253010459771275009;0.007087172218284904130769508157;0.018426647767540750566528373611;0.079021970233876678846307584081;0.018072289156626505229885637505;0.018072289156626505229885637505;0.012756909992912826914968071890;0.022678951098511694606241206884;0.017009213323883769219957429186;0.048901488306165842578909774829;0.034727143869596029113200330585;0.007087172218284904130769508157;0.017717930545712259893242901398;0.012756909992912826914968071890;0.013111268603827072251610807996;0.010630758327427356629835131230;0.038979447200566973152913163858;0.018072289156626505229885637505;0.027285613040396880513149824310;0.018072289156626505229885637505;0.000354358610914245228222518858;0.054925584691708009832389336680;0.060595322466335935218673114377;0.003189227498228206728742017972;0.014174344436569808261539016314;0.003543586109142452065384754079;0.014528703047484053598181752420;0.020552799433026222586384790247;0.014174344436569808261539016314;0.007795889440113394804054980369;0.002480510276399716489137414754;0.006732813607370658794126772051;0.002126151665485471152494678648;0.037207654145995749939146435281;0.000000000000000000000000000000;0.003189227498228206728742017972;0.009922041105598865956549659018;0.008504606661941884609978714593;0.015237420269312544271467224632;0.015237420269312544271467224632;0.022678951098511694606241206884;0.017009213323883769219957429186
-0.035322359396433473943677228135;0.012688614540466392963113939629;0.034979423868312757572862636835;0.048696844993141287505356018528;0.013374485596707818765849218323;0.054869684499314126668867430681;0.000685871056241426561676799434;0.006515775034293552932240789488;0.138888888888888895056794581251;0.007201646090534979602337806170;0.011316872427983539622919906265;0.065157750342935527587684418904;0.013717421124828531667216857670;0.021262002743484224170922303188;0.002400548696844993345339558388;0.026063100137174211728963157952;0.013031550068587105864481578976;0.022976680384087792147207451876;0.007544581618655692503705445517;0.006858710562414265833608428835;0.006515775034293552932240789488;0.042181069958847738909923918982;0.006172839506172839163511412153;0.013717421124828531667216857670;0.048010973936899861702620739834;0.018518518518518517490534236458;0.012345679012345678327022824305;0.012688614540466392963113939629;0.000000000000000000000000000000;0.044581618655692732688944346364;0.029492455418381344212086503376;0.006515775034293552932240789488;0.004115226337448560020582100094;0.006515775034293552932240789488;0.009945130315500686282725872900;0.014060356652949246303307972994;0.006858710562414265833608428835;0.008573388203017832942531839535;0.014403292181069959204675612341;0.009945130315500686282725872900;0.002743484224965706246707197735;0.054526748971193417236946743287;0.000000000000000000000000000000;0.007201646090534979602337806170;0.001714677640603566458402107209;0.008916323731138545843899478882;0.019547325102880659664084106453;0.017832647462277091687798957764;0.014746227709190672106043251688;0.014060356652949246303307972994
-0.030566280566280565333947549789;0.000643500643500643479573419814;0.019948519948519947975196231482;0.000000000000000000000000000000;0.061132561132561130667895099577;0.116473616473616467525964424112;0.001608751608751608644723440911;0.004826254826254826151010757229;0.006756756756756757131832102914;0.005148005148005147836587358512;0.018983268983268984653189903611;0.139961389961389959246673697635;0.028314028314028315269634816786;0.017696267696267697910883498480;0.001287001287001286959146839628;0.032175032175032175496554032179;0.003861003861003861094280953381;0.002574002574002573918293679256;0.023166023166023164830962244309;0.002574002574002573918293679256;0.007078507078507078817408704197;0.005791505791505791207740561077;0.003217503217503217289446881821;0.009009009009009008930868311893;0.069498069498069497962333684882;0.016087516087516087748277016090;0.010939510939510939044327919589;0.000000000000000000000000000000;0.000000000000000000000000000000;0.158944658944658950838757505153;0.057271557271557270440975884185;0.002895752895752895603870280539;0.011261261261261260729904520872;0.005469755469755469522163959795;0.013191763191763192578087604545;0.006435006435006434578893763643;0.003539253539253539408704352098;0.009974259974259973987598115741;0.000643500643500643479573419814;0.008687258687258687245291710610;0.000321750321750321739786709907;0.001930501930501930547140476691;0.000000000000000000000000000000;0.004504504504504504465434155946;0.008365508365508365559715109327;0.003861003861003861094280953381;0.013513513513513514263664205828;0.017374517374517374490583421220;0.014800514800514801005970610959;0.017696267696267697910883498480
-0.038109756097560974763549523914;0.016006097560975610094580190434;0.044969512195121949527099047828;0.012195121951219512618225238043;0.019054878048780487381774761957;0.069740853658536591797023618255;0.001143292682926829199538398818;0.014862804878048779810839619131;0.018292682926829267192614381088;0.009908536585365853785467571413;0.017911585365853657098034190653;0.075838414634146339432518857393;0.025533536585365852050744095436;0.028582317073170732807385618912;0.011051829268292682334484666740;0.025152439024390245425610856955;0.013338414634146341167242333370;0.025152439024390245425610856955;0.017911585365853657098034190653;0.009146341463414633596307190544;0.011814024390243902523645047609;0.012957317073170731072662142935;0.006097560975609756309112619022;0.016768292682926830283740571303;0.049161585365853660567481142607;0.019435975609756097476354952391;0.019054878048780487381774761957;0.016768292682926830283740571303;0.000381097560975609769319538689;0.083079268292682931229542475648;0.040015243902439025236450476086;0.011051829268292682334484666740;0.010670731707317073974627952282;0.008765243902439025236450476086;0.022484756097560974763549523914;0.020960365853658537854675714129;0.012576219512195122712805428478;0.005335365853658536987313976141;0.004573170731707316798153595272;0.012957317073170731072662142935;0.002667682926829268493656988070;0.012957317073170731072662142935;0.000000000000000000000000000000;0.008003048780487805047290095217;0.010670731707317073974627952282;0.008003048780487805047290095217;0.019054878048780487381774761957;0.022484756097560974763549523914;0.022484756097560974763549523914;0.014862804878048779810839619131
-0.029276895943562610685750868811;0.040917107583774252332897702900;0.021164021164021162846324841667;0.023280423280423279824846716224;0.040564373897707228788789279861;0.046560846560846559649693432448;0.004232804232804233089682011126;0.038447971781305115279714357257;0.012345679012345678327022824305;0.006349206349206349200842147695;0.016225749559082892209405102335;0.058553791887125221371501737622;0.020458553791887126166448851450;0.016225749559082892209405102335;0.046913580246913583193801855487;0.020105820105820106091787380365;0.005643738977072310786242681502;0.035626102292768961621316492483;0.036684303350970018375853953785;0.003527336860670193807720806944;0.017636684303350969038604034722;0.008465608465608466179364022253;0.010229276895943563083224425725;0.012698412698412698401684295391;0.043738977072310405991295567674;0.018694885361552029262588447978;0.034215167548500881322670608142;0.036331569664902994831745530746;0.001058201058201058272420502782;0.050088183421516753457414239392;0.042680776014109349236758106372;0.007407407407407407690103084974;0.014814814814814815380206169948;0.004232804232804233089682011126;0.009523809523809524668624959531;0.013756613756613756890945232669;0.003527336860670193807720806944;0.005996472663139329993542414599;0.002116402116402116544841005563;0.007407407407407407690103084974;0.015520282186948853794805636142;0.016931216931216932358728044505;0.000000000000000000000000000000;0.004585537918871252296981744223;0.028924162257495590611089397726;0.006701940035273368408141880792;0.016578483245149912284066573420;0.012345679012345678327022824305;0.017283950617283948963942563637;0.013403880070546736816283761584
-0.037833532457188373543388593134;0.029072082835523694460677646134;0.015133412982875347682631961277;0.013142174432497013419895992570;0.071684587813620068152964392993;0.061330147351652729292847965326;0.006371963361210672936729704219;0.040621266427718037694827302175;0.001592990840302668234182426055;0.006371963361210672936729704219;0.018717642373556352131114266513;0.042214257268020707880573638704;0.022700119474313024126033155881;0.020310633213859018847413651088;0.049780963759458382589251357331;0.017124651533253685414814881938;0.002787733970529669355609136971;0.019514137793707687223987434777;0.039824771007566706071401085865;0.005177220230983672032143427799;0.022700119474313024126033155881;0.003185981680605336468364852109;0.005177220230983672032143427799;0.013142174432497013419895992570;0.041019514137793706975987362284;0.019115890083632017942827374668;0.032656312226204700643883427347;0.031063321385902030458137090818;0.000000000000000000000000000000;0.069295101553166066343791840154;0.020310633213859018847413651088;0.002389486260454002242853421834;0.020708880923934688128573711197;0.003584229390681003581120567247;0.017921146953405017038241098248;0.016328156113102350321941713673;0.010752688172043011610723439730;0.005973715651135006257654858075;0.000398247710075667058545606514;0.004380724810832337806631997523;0.011549183592194344968873132018;0.013142174432497013419895992570;0.000000000000000000000000000000;0.005177220230983672032143427799;0.033851055356431701548469703766;0.006770211071286340483166288351;0.015929908403026681040781653564;0.013938669852648346778045684857;0.023894862604540025030619432300;0.014336917562724014324482268989
-0.020334059549745823330946237206;0.055918663761801018496910842259;0.012708787218591140882884005237;0.037037037037037034981068472916;0.054829339143064634298774251420;0.051561365286855481704364478901;0.005809731299927378342373707198;0.031227305737109658373418241695;0.017792302106027595848258826550;0.003994190268700072501961706450;0.014524328249818446723296005985;0.047930283224400870023540477405;0.019607843137254901688670827298;0.013435003631082062525159415145;0.061365286855482932548699892550;0.012708787218591140882884005237;0.006899055918663761673148560050;0.034858387799564273523689195144;0.035947712418300650782931882077;0.002904865649963689171186853599;0.011982570806100217505885119351;0.008714596949891068380922298786;0.008351488743645605825061117855;0.007262164124909223361648002992;0.030501089324618736731142831786;0.010530137981118372486610823557;0.027596223674655046692594240199;0.063907044299201160031387303206;0.000363108206245461146398356700;0.085693536673928830116331312183;0.016339869281045752563708006733;0.002904865649963689171186853599;0.017066085693536674205983416641;0.001815541031227305840412000748;0.010167029774872911665473118603;0.009803921568627450844335413649;0.006172839506172839163511412153;0.003994190268700072501961706450;0.003267973856209150426005427548;0.005446623093681917521236002244;0.017792302106027595848258826550;0.017792302106027595848258826550;0.000000000000000000000000000000;0.003631082062454611680824001496;0.036673928830791575894654243939;0.004720406681190995011598854347;0.006535947712418300852010855095;0.008351488743645605825061117855;0.021786492374727670084944008977;0.009440813362381990023197708695
-0.018083182640144666170067822009;0.060036166365280287104955192490;0.012658227848101265625158085015;0.090415913200723327380892158089;0.035443037974683545832110809215;0.055696202531645568056806183677;0.003254972875226039719792625604;0.031826401446654613291986635204;0.014104882459312838641207754620;0.005063291139240506423535581604;0.013381555153707052133182919818;0.048101265822784809722545418254;0.015551537070524411657257424224;0.009041591320072333085033911004;0.053887884267631101786744096671;0.014104882459312838641207754620;0.004339963833634719915510746802;0.036166365280289332340135644017;0.032549728752260399800011470006;0.003978300180831826661498329401;0.015189873417721518403245006823;0.006509945750452079439585251208;0.006509945750452079439585251208;0.005786618444846292931560416406;0.033634719710669079562048722210;0.007233273056057865947610086010;0.020614828209764918948154743816;0.086075949367088608332743149276;0.000000000000000000000000000000;0.081012658227848102776569305661;0.020976491862567812202167161217;0.001446654611211573232890104102;0.015913200723327306645993317602;0.002531645569620253211767790802;0.009764918625678119593058745807;0.008318264014466546577009076202;0.009041591320072333085033911004;0.003616636528028932973805043005;0.001808318264014466486902521503;0.005424954792043399677547999005;0.013019891500904158879170502416;0.022061482820976491964204413421;0.000000000000000000000000000000;0.002169981916817359957755373401;0.019891500904159132440129909014;0.003616636528028932973805043005;0.003978300180831826661498329401;0.006148282097649186185572833807;0.023146473779385171726241665624;0.006871609403254972693597668609
-0.015325670498084290396811901758;0.061558109833971905167082638854;0.018135376756066412529122544584;0.063601532567049812172399470001;0.031162196679438057544953011302;0.019157088122605362562334008203;0.003065134099616858339570901748;0.061558109833971905167082638854;0.009195402298850574585031836250;0.007407407407407407690103084974;0.018135376756066412529122544584;0.008684546615581097833702628463;0.016091954022988505523805713437;0.013026819923371646750553942695;0.058492975734355044659107392135;0.004597701149425287292515918125;0.005363984674329501552147991816;0.053128991060025540504874186354;0.063856960408684548813340597917;0.005363984674329501552147991816;0.029885057471264367401353467812;0.005874840357598978303477199603;0.015581098339719028772476505651;0.010983397190293741479960587526;0.014048531289910600253212358268;0.009706257982120051336361044036;0.044189016602809709499677381928;0.050830140485312896858616227291;0.000766283524904214584892725437;0.038058748403575988483726888489;0.004597701149425287292515918125;0.002809706257982119963906297855;0.037037037037037034981068472916;0.004086845466155811408548448327;0.013282247765006385126218546588;0.022733077905491699821638462709;0.014303959131545338628876962161;0.003831417624521072599202975439;0.002809706257982119963906297855;0.005874840357598978303477199603;0.026053639846743293501107885390;0.013282247765006385126218546588;0.000000000000000000000000000000;0.004086845466155811408548448327;0.036781609195402298340127345000;0.007662835249042145198405950879;0.005619412515964239927812595710;0.006641123882503192563109273294;0.026309067688378033611495965260;0.005363984674329501552147991816
-0.022247794399693134048678899717;0.027234369006520906669743808948;0.011507479861910242108224977642;0.110855389336401988220615066894;0.041043344840813192342388049383;0.049865746068277712332861284494;0.003068661296509397635318139308;0.031837360951285004206923190395;0.003452243958573072285522798097;0.005753739930955121054112488821;0.020713463751438433713136788583;0.036440352896049098274655619889;0.027234369006520906669743808948;0.009205983889528193339635286918;0.029152282316839278619724495911;0.012658227848101265625158085015;0.003452243958573072285522798097;0.028385116992711928451953440344;0.059455312619869582491105575173;0.004602991944764096669817643459;0.029152282316839278619724495911;0.004219409282700421585932115676;0.009205983889528193339635286918;0.009205983889528193339635286918;0.029535864978902953703610023695;0.014576141158419639309862247956;0.036056770233985423190770092106;0.031070195627157654039152134828;0.000383582662063674704414767413;0.072497123130034521465425711995;0.022247794399693134048678899717;0.003068661296509397635318139308;0.039892596854622174029625369940;0.003452243958573072285522798097;0.013425393172228615792929140582;0.010356731875719216856568394292;0.010356731875719216856568394292;0.005753739930955121054112488821;0.000383582662063674704414767413;0.006520905255082470354521806399;0.005753739930955121054112488821;0.008055235903337169822702179545;0.000000000000000000000000000000;0.005753739930955121054112488821;0.034906022247794397939113508755;0.007671653241273494738816651761;0.011123897199846567024339449858;0.005753739930955121054112488821;0.024549290372075181082545114464;0.006904487917146144571045596194
-0.046926910299003324333888542697;0.008720930232558139413856501676;0.023255813953488371770284004469;0.071013289036544843813025806867;0.021179401993355481681469143496;0.038621262458471763978629098801;0.004152823920265781044991459936;0.019518272425249168916527864326;0.009551495016611295796327141261;0.019933554817275746240401446130;0.024916943521594684535225283639;0.026162790697674419976292981005;0.026993355481727574624040144613;0.030730897009966777477796284757;0.009136212624584718472453559457;0.030315614617940200153922702953;0.002906976744186046471285500559;0.015365448504983388738898142378;0.026578073089700997300166562809;0.007059800664451827516276960495;0.018272425249169436944907118914;0.005398671096345514751335681325;0.009551495016611295796327141261;0.020348837209302327033721979888;0.055647840531561458543574616442;0.033222591362126248359931679488;0.027408637873754151947913726417;0.043604651162790698804005984357;0.000000000000000000000000000000;0.036960132890365447744240867678;0.036129568106312293096493704070;0.007475083056478405707512280287;0.011212624584717608561268420431;0.007890365448504983031385862091;0.019933554817275746240401446130;0.017441860465116278827713003352;0.014534883720930232356427502793;0.016611295681063124179965839744;0.003737541528239202853756140144;0.007059800664451827516276960495;0.004568106312292359236226779728;0.009966777408637873120200723065;0.000000000000000000000000000000;0.010382059800664452178797780846;0.009551495016611295796327141261;0.013704318936877075973956863209;0.020764119601328904357595561692;0.024501661129568107211351701835;0.033222591362126248359931679488;0.017857142857142856151586585156
-0.054296875000000001387778780781;0.002343749999999999913263826201;0.017187500000000001387778780781;0.184765624999999988897769753748;0.014453125000000000693889390391;0.036718750000000001387778780781;0.003515625000000000086736173799;0.012890624999999999306110609609;0.008984374999999999306110609609;0.012109375000000000346944695195;0.021874999999999998612221219219;0.030859375000000001387778780781;0.020312500000000000693889390391;0.030078125000000000693889390391;0.002734374999999999826527652402;0.040234375000000002775557561563;0.004296875000000000346944695195;0.008984374999999999306110609609;0.025000000000000001387778780781;0.004296875000000000346944695195;0.013671875000000000000000000000;0.008593750000000000693889390391;0.005078125000000000173472347598;0.017578125000000000000000000000;0.064453125000000000000000000000;0.040234375000000002775557561563;0.019921874999999998612221219219;0.009765625000000000000000000000;0.000781250000000000043368086899;0.020703124999999999306110609609;0.042578125000000001387778780781;0.004687499999999999826527652402;0.005859375000000000000000000000;0.003125000000000000173472347598;0.022265625000000000693889390391;0.012890624999999999306110609609;0.009765625000000000000000000000;0.018749999999999999306110609609;0.003515625000000000086736173799;0.009374999999999999653055304805;0.003125000000000000173472347598;0.004296875000000000346944695195;0.000000000000000000000000000000;0.011328124999999999653055304805;0.005078125000000000173472347598;0.011328124999999999653055304805;0.022265625000000000693889390391;0.034375000000000002775557561563;0.018359375000000000693889390391;0.020312500000000000693889390391
-0.065748709122203097265924043313;0.014113597246127367046408807028;0.026161790017211705022814882682;0.033734939759036144946158231051;0.024096385542168675952812151309;0.067125645438898456918153101469;0.002753872633390705860351177492;0.016867469879518072473079115525;0.012736660929432014333073652779;0.009638554216867470728069555719;0.023752151462994836039754886770;0.056798623063683308098692492649;0.022375215146299483326419732521;0.024784853700516352309479728433;0.009294320137693630815012291180;0.032358003442340792232823076802;0.004130808950086058140005462747;0.009982788296041308906403344281;0.029604130808950086806152768304;0.007573149741824440790705086357;0.014457831325301205224742595590;0.008605851979345954458344714055;0.005163511187607573542368566422;0.015834767641996556203354273862;0.062650602409638558865090374184;0.033734939759036144946158231051;0.020998278829604130613084578272;0.005163511187607573542368566422;0.001032702237521514535001365687;0.061962134251290879038975845106;0.037521514629948363173106429258;0.007573149741824440790705086357;0.012736660929432014333073652779;0.006884681583476764434037509233;0.017555938037865748829746692650;0.012048192771084337976406075654;0.010327022375215147084737132843;0.026850258175559381379482459806;0.003442340791738382217018754616;0.006540447504302926255703720670;0.001376936316695352930175588746;0.008261617900172116280010925493;0.000000000000000000000000000000;0.009982788296041308906403344281;0.007573149741824440790705086357;0.011015490533562823441404709968;0.024440619621342512396422463894;0.029604130808950086806152768304;0.026161790017211705022814882682;0.016867469879518072473079115525
-0.039575289575289572530092385705;0.016409266409266407699130141395;0.028957528957528958640788019352;0.039897039897039895950392462964;0.059202059202059204023882443835;0.037966537966537969306379807222;0.005469755469755469522163959795;0.018983268983268984653189903611;0.012870012870012869157787527286;0.016087516087516087748277016090;0.017052767052767051070283343961;0.031531531531531528655953877660;0.017374517374517374490583421220;0.026705276705276705107028334396;0.015122265122265122691547212241;0.021879021879021878088655839179;0.010296010296010295673174717024;0.022522522522522521459809041744;0.034105534105534102140566687922;0.007078507078507078817408704197;0.017374517374517374490583421220;0.014157014157014157634817408393;0.007400257400257400502985305479;0.020270270270270271395496308742;0.042792792792792792855305350486;0.028314028314028315269634816786;0.025096525096525094944421852006;0.022844272844272844880109119003;0.000321750321750321739786709907;0.049227799227799226566837376140;0.023809523809523808202115446875;0.010296010296010295673174717024;0.014157014157014157634817408393;0.005791505791505791207740561077;0.018661518661518661232889826351;0.018661518661518661232889826351;0.009652509652509652302021514458;0.016087516087516087748277016090;0.003861003861003861094280953381;0.014157014157014157634817408393;0.006435006435006434578893763643;0.015765765765765764327976938830;0.000000000000000000000000000000;0.013835263835263835949240807111;0.022200772200772201508955916438;0.017052767052767051070283343961;0.023166023166023164830962244309;0.018339768339768341282036701045;0.025418275418275418364721929265;0.015765765765765764327976938830
-0.041365461847389560501309091478;0.010441767068273093144181729031;0.031726907630522091507963011736;0.040963855421686748425891266834;0.045783132530120479453117354751;0.032128514056224896644486932473;0.005622489959839357780146951171;0.026907630522088353541843019912;0.009638554216867470728069555719;0.010040160642570281068763904386;0.020481927710843374212945633417;0.025301204819277108709618673288;0.021285140562248994894334330752;0.029317269076305222524903015824;0.029718875502008031130873888515;0.028915662650602410449485191180;0.005622489959839357780146951171;0.026907630522088353541843019912;0.035742971887550198384353450365;0.005622489959839357780146951171;0.021285140562248994894334330752;0.008032128514056224161121733118;0.010441767068273093144181729031;0.018072289156626505229885637505;0.040963855421686748425891266834;0.028915662650602410449485191180;0.027710843373493974223231717247;0.022088353413654619045169980041;0.000000000000000000000000000000;0.044578313253012050165757784725;0.032931726907630520795322581762;0.010441767068273093144181729031;0.021686746987951806969752155396;0.006425702811244980196259124483;0.015662650602409639716272593546;0.022891566265060239726558677376;0.014457831325301205224742595590;0.019678714859437750062109984128;0.000401606425702811262266195280;0.008032128514056224161121733118;0.004417670682730923288616953215;0.002811244979919678890073475586;0.000000000000000000000000000000;0.010040160642570281068763904386;0.028112449799196786298649541891;0.013253012048192770733212597634;0.025702811244979920785036497932;0.018473895582329317305303462149;0.027710843373493974223231717247;0.011244979919678715560293902342
-0.040829986613119144400751991952;0.007697456492637215832997021892;0.038487282463186077430261633481;0.017068273092369478510788027847;0.035809906291834003866370039759;0.038821954484605084023662868731;0.003681392235609102885074417344;0.023427041499330655827115776901;0.008366800535475234223969920322;0.017402945113788488573636215051;0.018406961178045515292733824708;0.034805890227576977147272430102;0.015729585006693441728842230987;0.035809906291834003866370039759;0.024765729585006692609061573762;0.027443105756358769642400119437;0.010709504685408299459736802817;0.020414993306559572200375995976;0.024765729585006692609061573762;0.006693440428380187379175936258;0.019410977242302542011831434365;0.014056224899598393149324770945;0.008701472556894244286818107526;0.025769745649263722797606135373;0.047188755020080318247632789053;0.034805890227576977147272430102;0.026104417670682729391007370623;0.035475234270414990334074900602;0.000669344042838018716233550176;0.032128514056224896644486932473;0.031793842034805890051085697223;0.010040160642570281068763904386;0.012048192771084337976406075654;0.006024096385542168988203037827;0.018072289156626505229885637505;0.030455153949129853269139900362;0.016064257028112448322243466237;0.018406961178045515292733824708;0.003012048192771084494101518914;0.013386880856760374758351872515;0.004685408299866131338895502978;0.002008032128514056040280433280;0.000000000000000000000000000000;0.011044176706827309522584990020;0.020080321285140562137527808773;0.015060240963855421603145856579;0.024431057563587682546213386559;0.024431057563587682546213386559;0.024431057563587682546213386559;0.019076305220883535418430199115
-0.052215189873417722221660142168;0.005142405063291138889169928916;0.023338607594936708333754893374;0.080696202531645569444584964458;0.020569620253164555556679715664;0.051424050632911395830593193068;0.006329113924050632812579042508;0.018591772151898732640118439008;0.006724683544303797742835993034;0.016613924050632909723557162351;0.023338607594936708333754893374;0.035996835443037972224189502413;0.031250000000000000000000000000;0.030063291139240506943952624397;0.009098101265822784722292482229;0.028481012658227847222924822290;0.004746835443037974826274716378;0.009098101265822784722292482229;0.023338607594936708333754893374;0.007515822784810126735988156099;0.018987341772151899305098865511;0.003560126582278480902865602786;0.007120253164556961805731205573;0.026107594936708861110830071084;0.055379746835443034724821842474;0.036392405063291138889169928916;0.018987341772151899305098865511;0.037974683544303798610197731023;0.000395569620253164550786190157;0.022547468354430378473240992321;0.038765822784810125001264680122;0.012658227848101265625158085015;0.007515822784810126735988156099;0.007911392405063291666245106626;0.023338607594936708333754893374;0.016613924050632909723557162351;0.008306962025316454861778581176;0.021756329113924052082174043221;0.000395569620253164550786190157;0.005537974683544303819426879443;0.003955696202531645833122553313;0.007515822784810126735988156099;0.000000000000000000000000000000;0.017800632911392406249051489908;0.008702531645569619792035531702;0.020965189873417722221660142168;0.024920886075949368054782695481;0.022547468354430378473240992321;0.023734177215189874998735319878;0.015031645569620253471976312198
-0.026441631504922645523603108586;0.027848101265822784028403091838;0.009563994374120955710427693930;0.171308016877637137032053260555;0.055133614627285512654886190376;0.024472573839662448147436180079;0.014064697609001405864681544244;0.028691983122362870600730033743;0.008157524613220815470904234701;0.009282700421940928009467697279;0.012939521800281293326118081666;0.017440225035161745215095407957;0.008438818565400843171864231351;0.016877637130801686343728462703;0.040787623066104075619797697527;0.018846694796061883719895391209;0.005344585091420534124495578254;0.019690576652601970292222333114;0.037412095639943743208277737722;0.002812939521800281346408656447;0.028410689170182839430323085139;0.001406469760900140673204328223;0.003656821378340365750331253381;0.021940928270042195369349258272;0.029254571026722926002650027044;0.021659634317862167668389261621;0.020815752461322081096062319716;0.054571026722925457252966197075;0.001406469760900140673204328223;0.031786216596343175311289996898;0.020534458509142053395102323066;0.004781997187060477855213846965;0.013220815752461322761801554293;0.003938115330520393884972119025;0.010126582278481012847071163208;0.011533052039381153086594622437;0.007032348804500702932340772122;0.025035161744022503549356173380;0.001687763713080168807845193868;0.001687763713080168807845193868;0.012095639943741210223238091714;0.010126582278481012847071163208;0.000000000000000000000000000000;0.013502109704641350462761550943;0.028973277074542898301690030394;0.016315049226441630941808469402;0.011533052039381153086594622437;0.011533052039381153086594622437;0.017721518987341772916055404608;0.008157524613220815470904234701
-0.045815295815295815906598164702;0.006493506493506493934542156410;0.024531024531024531870615490448;0.113275613275613279418152501421;0.010822510822510822067754610032;0.041847041847041847872912256889;0.002525252525252525467175379603;0.025974025974025975738168625639;0.003246753246753246967271078205;0.013708513708513708068137404439;0.017676767676767676101823312251;0.024531024531024531870615490448;0.029220779220779220103354489879;0.022727272727272727903535809446;0.010101010101010101868701518413;0.033910533910533911805540441264;0.006493506493506493934542156410;0.020923520923520923936456128445;0.023088023088023088003062355256;0.005050505050505050934350759206;0.016233766233766232234270177059;0.006854256854256854034068702219;0.015512265512265512035217085440;0.012265512265512265935307745224;0.052669552669552671675390342898;0.028499278499278499904301398260;0.029220779220779220103354489879;0.028499278499278499904301398260;0.001082251082251082250143547903;0.023088023088023088003062355256;0.041847041847041847872912256889;0.006854256854256854034068702219;0.021645021645021644135509220064;0.009018759018759018100674929030;0.034632034632034632004593532884;0.017316017316017316002296766442;0.006854256854256854034068702219;0.014790764790764790101440517844;0.000360750360750360750047849301;0.025613275613275612169195127876;0.005772005772005772000765588814;0.000721500721500721500095698602;0.000000000000000000000000000000;0.011183261183261183902004631818;0.009379509379509379934924950817;0.012626262626262626034834291033;0.024170274170274171771088944638;0.024891774891774891970142036257;0.022727272727272727903535809446;0.013708513708513708068137404439
-0.058035714285714287696826829688;0.006250000000000000346944695195;0.016071428571428569842538536250;0.040476190476190478106932602032;0.010416666666666666088425508008;0.051190476190476189022326991562;0.006845238095238095205052886172;0.023511904761904761640423089375;0.003869047619047619179788455313;0.010714285714285714384841341484;0.022916666666666665047591422422;0.052976190476190475331375040469;0.023214285714285715078730731875;0.025892857142857144542302805235;0.012500000000000000693889390391;0.037202380952380952050528861719;0.005654761904761904621474766230;0.017857142857142856151586585156;0.039880952380952378044653983125;0.004761904761904762334312479766;0.027083333333333334258519187188;0.006547619047619047775998790684;0.008035714285714284921269268125;0.016071428571428569842538536250;0.069642857142857145236192195625;0.028869047619047620567567236094;0.027976190476190477413043211641;0.008333333333333333217685101602;0.000892857142857142829263372708;0.036011904761904758864865527812;0.050892857142857142460634634062;0.005357142857142857192420670742;0.015476190476190476719153821250;0.005059523809523809763366575254;0.024404761904761904794947113828;0.016369047619047619873677845703;0.014285714285714285268213963320;0.023809523809523808202115446875;0.001785714285714285658526745415;0.008333333333333333217685101602;0.005654761904761904621474766230;0.005654761904761904621474766230;0.000000000000000000000000000000;0.011904761904761904101057723437;0.012797619047619047255581747891;0.016964285714285712997062560703;0.018452380952380952744418252109;0.019642857142857142460634634062;0.026785714285714284227379877734;0.016666666666666666435370203203
-0.037974683544303798610197731023;0.004520795660036166542516955502;0.006781193490054249380094564259;0.144665461121157329360542576069;0.027576853526220614087893778787;0.078209764918625676588526118849;0.000904159132007233243451260751;0.009945750452079566220064954507;0.011754068716094032490127041513;0.006329113924050632812579042508;0.022603978300180831845223039522;0.068264014466546119042078544226;0.020343580470162749007645430765;0.010849909584086799355095998010;0.004972875226039783110032477254;0.028481012658227847222924822290;0.004972875226039783110032477254;0.007685352622061482515125607762;0.033001808318264012898080039804;0.002260397830018083271258477751;0.019891500904159132440129909014;0.002260397830018083271258477751;0.006781193490054249380094564259;0.011754068716094032490127041513;0.044303797468354430555415035542;0.017631103074141049602552300257;0.014014466546112115327704650269;0.009945750452079566220064954507;0.000000000000000000000000000000;0.103074141048824591271326767128;0.070072332730560585312140631231;0.002712477396021699838773999502;0.023056057866184448412738561274;0.003616636528028932973805043005;0.012206148282097649057642563264;0.007233273056057865947610086010;0.004068716094032549975001433751;0.011301989150090415922611519761;0.003164556962025316406289521254;0.002712477396021699838773999502;0.004520795660036166542516955502;0.013562386980108498760189128518;0.000000000000000000000000000000;0.007685352622061482515125607762;0.014918625678119348462735693772;0.008137432188065099950002867502;0.011754068716094032490127041513;0.011754068716094032490127041513;0.012658227848101265625158085015;0.013110307414104882192673606767
-0.037613019891500905356185313622;0.010126582278481012847071163208;0.016636528028933093154018152404;0.113562386980108495637686871760;0.045569620253164556944458496446;0.057142857142857141072855853281;0.001808318264014466486902521503;0.018083182640144666170067822009;0.005786618444846292931560416406;0.005786618444846292931560416406;0.018806509945750452678092656811;0.042676311030741410912359157237;0.024593128390596744742291335228;0.015913200723327306645993317602;0.007233273056057865947610086010;0.017359855334538879662042987206;0.002531645569620253211767790802;0.013743218806509945387195337219;0.042314647377938517658346739836;0.005063291139240506423535581604;0.021338155515370705456179578619;0.005063291139240506423535581604;0.013019891500904158879170502416;0.007233273056057865947610086010;0.039783001808318264880259818028;0.021699819168173598710191996020;0.020253164556962025694142326415;0.040144665461121158134272235429;0.000361663652802893308222526025;0.089330922242314647618854905886;0.035443037974683545832110809215;0.003978300180831826661498329401;0.026763110307414104266365839635;0.005424954792043399677547999005;0.023869801084990958234266500426;0.008318264014466546577009076202;0.009041591320072333085033911004;0.014104882459312838641207754620;0.001808318264014466486902521503;0.006148282097649186185572833807;0.002531645569620253211767790802;0.010126582278481012847071163208;0.000000000000000000000000000000;0.006871609403254972693597668609;0.019529837251356239186117491613;0.007233273056057865947610086010;0.010849909584086799355095998010;0.012658227848101265625158085015;0.022061482820976491964204413421;0.012658227848101265625158085015
-0.036134453781512608505632755396;0.020168067226890757509538687486;0.027731092436974788539849612334;0.118067226890756299395590644963;0.009243697478991596758191029437;0.038235294117647061762355065184;0.001260504201680672344346167968;0.031932773109243695053294231911;0.002521008403361344688692335936;0.011344537815126050014913339226;0.021428571428571428769682682969;0.024789915966386553286548988240;0.024789915966386553286548988240;0.019747899159663864776526054357;0.016806722689075629523225430262;0.019327731092436975512960373180;0.007142857142857142634106981660;0.030672268907563023793150236429;0.036554621848739497769198436572;0.003781512605042016816198069407;0.026050420168067228016139935676;0.003781512605042016816198069407;0.018907563025210082779947740050;0.015966386554621847526647115956;0.044957983193277310796087675726;0.027310924369747899276283931158;0.046638655462184874789244304338;0.004201680672268907380806357565;0.000420168067226890781448722656;0.025210084033613446019561621370;0.036974789915966387032764117748;0.003361344537815126251589781248;0.017226890756302522256238063392;0.007563025210084033632396138813;0.021428571428571428769682682969;0.027310924369747899276283931158;0.022689075630252100029826678451;0.007983193277310923763323557978;0.000840336134453781562897445312;0.007563025210084033632396138813;0.005462184873949579508312091036;0.004621848739495798379095514719;0.000000000000000000000000000000;0.012184873949579832011491653532;0.008403361344537814761612715131;0.008823529411764705759901872284;0.022268907563025210766260997275;0.015126050420168067264792277626;0.042857142857142857539365365938;0.012184873949579832011491653532
-0.048387096774193547044085050857;0.009897360703812316598537712764;0.015762463343108504276735004623;0.003665689149560117515713741909;0.012096774193548386761021262714;0.055718475073313782075512534675;0.004398826979472141192328837889;0.036290322580645163752510740096;0.002565982404692082000791097940;0.010630498533724339407791070755;0.030425219941348974339589972260;0.023460410557184750712789167437;0.037023460410557186561764098087;0.021994134897360705094282451455;0.023460410557184750712789167437;0.019428152492668621792448746533;0.004032258064516128920340420905;0.044354838709677421593191581906;0.061583577712609971488433302511;0.007331378299120235031427483818;0.037756598240469209371017456078;0.002932551319648093839098645930;0.014662756598240470062854967637;0.014296187683284456923504812664;0.048753665689149558448711729852;0.028958944281524925251636304324;0.041055718475073312012657567038;0.030058651026392962934963293264;0.000733137829912023459774661482;0.043255131964809387379311544919;0.021260997067448678815582141510;0.002565982404692082000791097940;0.028225806451612902442382946333;0.002932551319648093839098645930;0.019061583577712610387822067537;0.024560117302052784926669204424;0.020527859237536656006328783519;0.009530791788856305193911033768;0.000366568914956011729887330741;0.006598240469208211354812387839;0.004765395894428152596955516884;0.002565982404692082000791097940;0.000000000000000000000000000000;0.008797653958944282384657675777;0.020527859237536656006328783519;0.009897360703812316598537712764;0.013196480938416422709624775678;0.013563049853372434114251454673;0.044721407624633432997818260901;0.011363636363636363951767904723
-0.056089743589743591700713665205;0.008653846153846154326538808732;0.019871794871794870585013370601;0.043589743589743587537377322860;0.071474358974358970231222087932;0.038141025641025644299375585433;0.002884615384615384775512936244;0.016025641025641024217662788942;0.007692307692307692734701163317;0.022435897435897435986396075691;0.025320512820512820761909011935;0.026282051282051282353746657350;0.016025641025641024217662788942;0.024358974358974359170071366520;0.011217948717948717993198037846;0.038461538461538463673505816587;0.007051282051282051384355487045;0.012179487179487179585035683260;0.035897435897435894802676159543;0.003205128205128205017004905386;0.017628205128205128027207848618;0.002884615384615384775512936244;0.002884615384615384775512936244;0.032371794871794874748349712945;0.050641025641025641523818023870;0.037179487179487179238090988065;0.018910256410256408993175725186;0.036858974358974359863960756911;0.000961538461538461591837645415;0.040064102564102567483050876262;0.034935897435897436680285466082;0.008974358974358973700669039886;0.017307692307692308653077617464;0.001282051282051282050170049054;0.011858974358974358476181976130;0.015384615384615385469402326635;0.007051282051282051384355487045;0.016666666666666666435370203203;0.003205128205128205017004905386;0.005448717948717948442172165358;0.001282051282051282050170049054;0.005128205128205128200680196215;0.000000000000000000000000000000;0.018910256410256408993175725186;0.021153846153846155020428199123;0.018269230769230770244915262879;0.024679487179487178544201597674;0.028525641025641024911552179333;0.018269230769230770244915262879;0.014423076923076923877564681220
-0.018777518777518778514412645109;0.019295519295519297092722510456;0.008417508417508417356556194022;0.031209531209531210516061605631;0.091297591297591296211066946853;0.070059570059570058786491131286;0.005439005439005439000721420229;0.030044030044030042847502670611;0.004662004662004662000618360196;0.006216006216006216000824480261;0.016705516705516704201173183719;0.037684537684537687540764494543;0.024993524993524994515237125370;0.006216006216006216000824480261;0.042087542087542090252227922065;0.010230510230510230645917246761;0.006863506863506863356350073957;0.014115514115514114779070808936;0.072908572908572902293578010813;0.001295001295001294927891621889;0.028490028490028490582020026523;0.001424501424501424572469088226;0.007770007770007770001030600326;0.007770007770007770001030600326;0.020202020202020203737403036826;0.006863506863506863356350073957;0.026159026159026158714349108436;0.029008029008029009160329891870;0.006604506604506604934556879272;0.139601139601139595525225445272;0.016576016576016577158680931348;0.009583009583009583290391653065;0.041958041958041959740288717740;0.003108003108003108000412240131;0.008676508676508676645711126696;0.009324009324009324001236720392;0.005568505568505568645298886565;0.005050505050505050934350759206;0.000259000259000259018104389552;0.001424501424501424572469088226;0.010360010360010359423132975110;0.009583009583009583290391653065;0.000000000000000000000000000000;0.005309505309505309356143953892;0.044289044289044288138512683872;0.005698005698005698289876352902;0.005827505827505827934453819239;0.005827505827505827934453819239;0.013986013986013986001855080588;0.005180005180005179711566487555
-0.039554195804195807495418080180;0.019667832167832167977739032949;0.021853146853146852152116608181;0.001529720279720279746057953751;0.019886363636363636048232095277;0.043924825174825175844173230644;0.007867132867132867884985003570;0.045891608391608391948057743548;0.013548951048951048126145479955;0.008741258741258741901680728859;0.030157342657342656178087736407;0.023164335664335664044521934102;0.017701048951048951873854520045;0.019449300699300699907245970621;0.031031468531468531929506937672;0.023819930069930068256001121085;0.007430069930069930009275402938;0.040209790209790208237450315210;0.054195804195804192504581919820;0.003933566433566433942492501785;0.034527972027972024526842886871;0.002185314685314685475420182215;0.017263986013986012263421443436;0.017919580419580419944347582373;0.034746503496503496066782901153;0.020323426573426572189218219933;0.049606643356643359554780658982;0.029938811188811188107594674079;0.000437062937062937062557971268;0.039772727272727272096464190554;0.033872377622377623784810651841;0.004807692307692307959188227073;0.022071678321678320222609670509;0.002622377622377622483768044859;0.012456293706293706038956692339;0.020104895104895104118725157605;0.020979020979020979870144358870;0.013330419580419580055652417627;0.001748251748251748250231885073;0.003933566433566433942492501785;0.009833916083916083988869516475;0.016608391608391608051942256452;0.000000000000000000000000000000;0.012019230769230769897970567683;0.020979020979020979870144358870;0.013330419580419580055652417627;0.011582167832167832022260967051;0.010489510489510489935072179435;0.036494755244755247569621303683;0.012456293706293706038956692339
-0.027426160337552744211686572839;0.022784810126582278472229248223;0.010126582278481012847071163208;0.081856540084388182410002343659;0.051898734177215188889675800965;0.032911392405063293054023887407;0.005485232067510548842337314568;0.047679324894514769905828899255;0.002531645569620253211767790802;0.004641350210970464004733848640;0.022362869198312235186065777270;0.021518987341772152083185787319;0.016455696202531646527011943704;0.008860759493670886458027702304;0.031645569620253166664980426503;0.020675105485232068980305797368;0.005485232067510548842337314568;0.031223628691983123378816955551;0.077215189873417716670545019042;0.001687763713080168807845193868;0.030801687763713080092653484598;0.002531645569620253211767790802;0.016033755274261603240848472751;0.009282700421940928009467697279;0.035443037974683545832110809215;0.017299578059071729629891933655;0.038818565400843885182524672928;0.040506329113924051388284652830;0.000000000000000000000000000000;0.046835443037974683333501957350;0.036286919831223625465543847213;0.002953586497890295196888654772;0.031223628691983123378816955551;0.001265822784810126605883895401;0.006751054852320675231380775472;0.010548523206751054398511158183;0.016877637130801686343728462703;0.009282700421940928009467697279;0.000421940928270042201961298467;0.003375527426160337615690387736;0.010970464135021097684674629136;0.010126582278481012847071163208;0.000000000000000000000000000000;0.005485232067510548842337314568;0.037552742616033751854587308117;0.009282700421940928009467697279;0.008438818565400843171864231351;0.008438818565400843171864231351;0.021518987341772152083185787319;0.007172995780590717650182508436
-0.033077485380116962432328620025;0.016812865497076022458511346258;0.038742690058479530013091363116;0.083881578947368418130992040460;0.010051169590643274295849174393;0.014254385964912279910477010958;0.004203216374269005614627836565;0.020102339181286548591698348787;0.009868421052631578399561007586;0.029239766081871343406106689145;0.018640350877192981421393014330;0.004934210526315789199780503793;0.019736842105263156799122015173;0.050073099415204679052404657114;0.012975146198830408636459843308;0.012426900584795320947595342886;0.012061403508771929155019009272;0.015168128654970759391917844994;0.018823099415204679052404657114;0.007309941520467835851526672286;0.012609649122807016843883509694;0.004568713450292397407204170179;0.010416666666666666088425508008;0.038377192982456141689961981456;0.028326023391812865659389331086;0.040935672514619880768549364802;0.024671052631578947733625994942;0.042763157894736843200877984827;0.002741228070175438444322502107;0.011147660818713449673578175236;0.002558479532163742548034335300;0.017361111111111111882099322656;0.009502923976608186606984673972;0.011330409356725145569866342043;0.035087719298245612087328026973;0.038194444444444447528397290625;0.010051169590643274295849174393;0.007127192982456139955238505479;0.002741228070175438444322502107;0.012426900584795320947595342886;0.007492690058479531747814839093;0.010782163742690057881001841622;0.000000000000000000000000000000;0.021016081871345029807862658799;0.009868421052631578399561007586;0.017726608187134503674675656271;0.041483918128654970192137341201;0.040570175438596492445419983142;0.033260233918128656593893310855;0.022478070175438596978167993257
-0.023470464135021098378564019526;0.012658227848101265625158085015;0.012921940928270042245329385366;0.196729957805907185175442464242;0.031645569620253166664980426503;0.027162447257383967591515272488;0.007120253164556961805731205573;0.042985232067510550924005485740;0.001582278481012658203144760627;0.006856540084388186052921643210;0.021360759493670885417193616718;0.008175105485232068286416406977;0.019514767932489452545441466214;0.011075949367088607638853758885;0.026898734177215190971343972137;0.010812236286919831018682458534;0.003691983122362869212951252962;0.027426160337552744211686572839;0.060654008438818567128247849496;0.003164556962025316406289521254;0.037974683544303798610197731023;0.002637130801687763599627789546;0.015822784810126583332490213252;0.009493670886075949652549432756;0.016086497890295359952661513603;0.016086497890295359952661513603;0.043248945147679324074729834138;0.023470464135021098378564019526;0.001582278481012658203144760627;0.040348101265822784722292482229;0.007911392405063291666245106626;0.006065400843881856192407742157;0.033755274261603372687456925405;0.004219409282700421585932115676;0.012394514767932489004986784664;0.012394514767932489004986784664;0.012394514767932489004986784664;0.012658227848101265625158085015;0.000263713080168776349120757230;0.004746835443037974826274716378;0.009757383966244726272720733107;0.005801687763713080439598179794;0.000000000000000000000000000000;0.008438818565400843171864231351;0.032964135021097046296389976305;0.020569620253164555556679715664;0.007647679324894515046073806275;0.008702531645569619792035531702;0.029008438818565400463267422992;0.007647679324894515046073806275
-0.025277777777777777484802257391;0.036111111111111107718762980312;0.011666666666666667198648532633;0.115833333333333329817627088687;0.020277777777777776513357110844;0.017777777777777777762358013547;0.005555555555555555767577313730;0.062222222222222220433529571437;0.007777777777777777554191196430;0.009444444444444444544672911945;0.020000000000000000416333634234;0.007499999999999999722444243844;0.016388888888888890338346726594;0.009722222222222222376419864531;0.043055555555555555247160270937;0.013333333333333334189130248149;0.003055555555555555715535609451;0.045277777777777777901135891625;0.062500000000000000000000000000;0.003888888888888888777095598215;0.029722222222222222792753498766;0.001666666666666666773641281019;0.013888888888888888117900677344;0.008055555555555555385938149016;0.020277777777777776513357110844;0.015833333333333334674852821422;0.046388888888888889228123701969;0.056388888888888891171013995063;0.000000000000000000000000000000;0.028055555555555555802271783250;0.013888888888888888117900677344;0.003055555555555555715535609451;0.028611111111111111465765688422;0.004444444444444444440589503387;0.007499999999999999722444243844;0.021111111111111111743321444578;0.020000000000000000416333634234;0.013333333333333334189130248149;0.003055555555555555715535609451;0.001944444444444444388547799107;0.014166666666666665949647629930;0.010833333333333333703407674875;0.000000000000000000000000000000;0.007777777777777777554191196430;0.027777777777777776235801354687;0.012222222222222222862142437805;0.005555555555555555767577313730;0.007222222222222221890697291258;0.032222222222222221543752596062;0.008333333333333333217685101602
-0.025129342202512935933178539472;0.029194382852919437826288984184;0.024020694752402069888086444394;0.055062823355506280986748635087;0.012564671101256467966589269736;0.033259423503325939719399428895;0.004434589800443458976197952381;0.044715447154471545110343555507;0.004065040650406504495195658677;0.009977827050997782262764523864;0.024390243902439025236450476086;0.018477457501847746601519872911;0.016260162601626017980782634709;0.019216555801921657298247936296;0.030303030303030303871381079261;0.012195121951219512618225238043;0.008499630450849962604031873070;0.036585365853658534385228762176;0.042498152254249813020159365351;0.003325942350332594232148464286;0.031411677753141166447026222386;0.004065040650406504495195658677;0.012934220251293421580229825452;0.017368810051736880556427777833;0.033998521803399850416127492281;0.022542498152254248494630317623;0.046563192904656318382716762017;0.080931263858093127616655237944;0.000369549150036954914683162698;0.035846267553584623688500698790;0.019586104951958609177165016035;0.007760532150776053642027285662;0.025129342202512935933178539472;0.005543237250554324153928309471;0.012195121951219512618225238043;0.025868440502586843160459650903;0.016629711751662969859699714448;0.005173688100517368805564277778;0.000739098300073909829366325397;0.002586844050258684402782138889;0.014412416851441241238962476245;0.009977827050997782262764523864;0.000000000000000000000000000000;0.009977827050997782262764523864;0.020325203252032519873893079421;0.010347376201034737611128555557;0.020694752402069475222257111113;0.010347376201034737611128555557;0.033259423503325939719399428895;0.009238728750923873300759936456
-0.032653061224489798863857004108;0.022789115646258503722343391473;0.029251700680272108012758280893;0.000680272108843537367910137004;0.008503401360544218454129428153;0.024489795918367345678445801127;0.004421768707482993596147302640;0.052380952380952382207990325469;0.004421768707482993596147302640;0.013945578231292516530048786194;0.025510204081632653627664808482;0.011904761904761904101057723437;0.019727891156462583344133321361;0.025850340136054420631106509632;0.025850340136054420631106509632;0.008163265306122449715964251027;0.005442176870748298943281096030;0.065646258503401361261708757411;0.050340136054421766309552310759;0.009863945578231291672066660681;0.033333333333333332870740406406;0.001700680272108843473985451134;0.025170068027210883154776155379;0.020068027210884353817021974464;0.032993197278911562397851753303;0.033673469387755103343629059509;0.055782312925170066120195144777;0.006122448979591836419611450282;0.000340136054421768683955068502;0.029251700680272108012758280893;0.006802721088435373895941804534;0.003741496598639455686136079393;0.039115646258503403154271893527;0.004081632653061224857982125513;0.022448979591836733249454738370;0.037074829931972787255833878817;0.024829931972789116151334454230;0.002380952380952381167156239883;0.000000000000000000000000000000;0.007823129251700680977799073901;0.010204081632653060410231837807;0.003741496598639455686136079393;0.000000000000000000000000000000;0.009863945578231291672066660681;0.019387755102040816340691620212;0.010544217687074829148397014933;0.024829931972789116151334454230;0.018707482993197278864361265960;0.060544217687074831923954576496;0.013605442176870747791883609068
-0.028138528138528139804774852450;0.020202020202020203737403036826;0.027056277056277056036748263068;0.001443001443001443000191397203;0.024891774891774891970142036257;0.030303030303030303871381079261;0.005050505050505050934350759206;0.055194805194805192372076163565;0.006854256854256854034068702219;0.014069264069264069902387426225;0.024531024531024531870615490448;0.011183261183261183902004631818;0.023448773448773448102588901065;0.027056277056277056036748263068;0.028499278499278499904301398260;0.014069264069264069902387426225;0.012265512265512265935307745224;0.054112554112554112073496526136;0.049783549783549783940284072514;0.005772005772005772000765588814;0.031385281385281384169960716690;0.005772005772005772000765588814;0.023809523809523808202115446875;0.019841269841269840168429539062;0.033549783549783551706013895455;0.027777777777777776235801354687;0.059884559884559887543709066904;0.010101010101010101868701518413;0.000000000000000000000000000000;0.025252525252525252069668582067;0.024531024531024531870615490448;0.007575757575757575967845269815;0.025613275613275612169195127876;0.002886002886002886000382794407;0.018398268398268399770323355824;0.032467532467532464468540354119;0.023448773448773448102588901065;0.004689754689754689967462475408;0.000360750360750360750047849301;0.006493506493506493934542156410;0.015151515151515151935690539631;0.007936507936507936067371815625;0.000000000000000000000000000000;0.009740259740259740034451496626;0.017316017316017316002296766442;0.015151515151515151935690539631;0.015512265512265512035217085440;0.014430014430014430001913972035;0.045454545454545455807071618892;0.011544011544011544001531177628
-0.044306257287213372808576394846;0.015157403808783520907099706676;0.040419743490089386772634583167;0.000777302759424795949513842253;0.002720559657986785714878230635;0.034978624174115818812325073850;0.004275165176836378047586784135;0.048581422464049749121439703003;0.008161678973960357144634691906;0.022541780023319083620103597809;0.031480761756704236931092566465;0.015157403808783520907099706676;0.019043917605907501738871090424;0.032258064516129031362723367238;0.027982899339292655049860059080;0.017877963466770306621977937311;0.009716284492809949477343245405;0.047415468324912550535099597937;0.032258064516129031362723367238;0.009327633113097552261527845019;0.031092110376991839715277166079;0.004275165176836378047586784135;0.022153128643606686404288197423;0.022153128643606686404288197423;0.042363000388651379790605489006;0.034201321414691024380694273077;0.057909055577147296178797120092;0.004663816556548776130763922509;0.000777302759424795949513842253;0.020987174504469491287395044310;0.015934706568208317073453983426;0.006607073455110765679287876395;0.024096385542168675952812151309;0.005441119315973571429756461271;0.018266614846482703837793337698;0.033424018655266223010169568397;0.027982899339292655049860059080;0.005052467936261173346579322896;0.000388651379712397974756921126;0.005441119315973571429756461271;0.007773027594247959928819291520;0.003109211037699183798055369010;0.000000000000000000000000000000;0.013602798289933928574391153177;0.008938981733385153310988968656;0.018266614846482703837793337698;0.018655266226195104523055690038;0.013991449669646327524930029540;0.052079284881461331002672210388;0.015934706568208317073453983426
-0.039565826330532211096979722242;0.007352941176470588133251560237;0.038165266106442580218427451655;0.000000000000000000000000000000;0.002450980392156862711083853412;0.038165266106442580218427451655;0.002450980392156862711083853412;0.052521008403361345295845552528;0.004551820728291316835167901189;0.019607843137254901688670827298;0.035364145658263304583535102665;0.011204481792717086927058112167;0.024859943977591034830476601769;0.036414565826330534681343209513;0.011554621848739496381419655791;0.014705882352941176266503120473;0.009103641456582633670335802378;0.033963585434173666766088928171;0.035364145658263304583535102665;0.008053221288515405307251171507;0.030462184873949579161367395841;0.003501400560224089773125877301;0.019957983193277309408308894945;0.025910364145658264928284708617;0.050770308123249299758761310386;0.036064425770308120022811237959;0.052871148459383753015483620175;0.001750700280112044886562938650;0.000700280112044817932941132010;0.022408963585434173854116224334;0.021708683473389354945393137086;0.004901960784313725422167706824;0.029061624649859944813368173300;0.005252100840336134876529250448;0.022058823529411766134478156687;0.032212885154061621229004686029;0.025560224089635853739199689016;0.010504201680672269753058500896;0.000350140056022408966470566005;0.009103641456582633670335802378;0.006652661064425770091890210978;0.002100840336134453690403178783;0.000000000000000000000000000000;0.013305322128851540183780421955;0.008753501400560224215974258755;0.012605042016806723009780810685;0.027661064425770306995921998805;0.022408963585434173854116224334;0.059873949579831935163820588741;0.016106442577030810614502343014
-0.049960660896931546881560848306;0.015735641227380015721992734257;0.029897718332022031606509671064;0.000000000000000000000000000000;0.014162077104642014149793460831;0.066089693154996062562922531924;0.002360346184107002358298910139;0.014555468135326514109162410193;0.012195121951219512618225238043;0.011408339889850510964763863342;0.020849724626278522132682979873;0.074744295830055068607933321800;0.024390243902439025236450476086;0.022423288749016521970158777322;0.008261211644374507820365316491;0.040912667191188044346628061021;0.006687647521636507115527781053;0.020456333595594022173314030510;0.027143981117230528421480073575;0.005114083398898505543328507628;0.016129032258064515681361683619;0.004720692368214004716597820277;0.006294256490952006288797093703;0.016129032258064515681361683619;0.061369000786782063050495139578;0.024783634933123525195819425448;0.031077891424075531484616519151;0.006687647521636507115527781053;0.000000000000000000000000000000;0.062155782848151062969233038302;0.062549173878835559459155035711;0.005507474429583005502697456990;0.014948859166011015803254835532;0.004720692368214004716597820277;0.013768686073957514190424511469;0.018095987411487018947653382384;0.011014948859166011005394913980;0.017702596380802518988284433021;0.000393391030684500393049818356;0.005900865460267506329428144340;0.006687647521636507115527781053;0.016522423288749015640730632981;0.000000000000000000000000000000;0.011801730920535012658856288681;0.011408339889850510964763863342;0.011801730920535012658856288681;0.020849724626278522132682979873;0.019669551534225018785129179832;0.031077891424075531484616519151;0.018882769472856018866391281108
-0.042128603104212861141242285612;0.008499630450849962604031873070;0.052106430155210645138730285453;0.022542498152254248494630317623;0.002217294900221729488098976191;0.025868440502586843160459650903;0.001847745750184774573415813492;0.032520325203252035961565269417;0.013303769401330376928593857144;0.022172949002217296615713237884;0.030303030303030303871381079261;0.015521064301552107284054571323;0.022172949002217296615713237884;0.052106430155210645138730285453;0.008869179600886917952395904763;0.019586104951958609177165016035;0.013303769401330376928593857144;0.039911308203991129051058095456;0.015151515151515151935690539631;0.009238728750923873300759936456;0.026237989652623798508823682596;0.009238728750923873300759936456;0.009977827050997782262764523864;0.027346637102734664553915777674;0.049519586104951961169629015558;0.043976348854397634413615492122;0.042498152254249813020159365351;0.015521064301552107284054571323;0.000739098300073909829366325397;0.016260162601626017980782634709;0.023281596452328159191358381008;0.007390983000739098293663253969;0.013673318551367332276957888837;0.004434589800443458976197952381;0.015521064301552107284054571323;0.035107169253510719930666539312;0.023281596452328159191358381008;0.009977827050997782262764523864;0.002956393200295639317465301588;0.007760532150776053642027285662;0.004434589800443458976197952381;0.007760532150776053642027285662;0.000000000000000000000000000000;0.008130081300813008990391317354;0.004434589800443458976197952381;0.009977827050997782262764523864;0.036585365853658534385228762176;0.022542498152254248494630317623;0.052106430155210645138730285453;0.019955654101995564525529047728
-0.034567901234567897927885127274;0.021728395061728394271893805012;0.020740740740740740144509857146;0.047407407407407405053323401489;0.038024691358024692577899372736;0.049382716049382713308091297222;0.002962962962962962815832712593;0.031604938271604939015180235629;0.003456790123456790313205555520;0.008888888888888888881179006773;0.022716049382716048399277752878;0.042962962962962959745372160114;0.019753086419753086017125909279;0.023703703703703702526661700745;0.034074074074074076068363581271;0.024197530864197531325077150655;0.008395061728395061817487032840;0.021728395061728394271893805012;0.052345679012345679159690092774;0.003950617283950617376897529454;0.019753086419753086017125909279;0.000987654320987654344224382363;0.004444444444444444440589503387;0.016296296296296294836558615771;0.048395061728395062650154301309;0.023209876543209877197693202788;0.036049382716049384323131477004;0.029135802469135801961996889986;0.000000000000000000000000000000;0.043950617283950617342203059934;0.029629629629629630760412339896;0.003456790123456790313205555520;0.019259259259259260688157411323;0.005432098765432098567973451253;0.015802469135802469507590117814;0.021728395061728394271893805012;0.013827160493827161252822222082;0.006913580246913580626411111041;0.000000000000000000000000000000;0.003456790123456790313205555520;0.005925925925925925631665425186;0.003950617283950617376897529454;0.000000000000000000000000000000;0.009876543209876543008562954640;0.037530864197530863779483922826;0.005925925925925925631665425186;0.016296296296296294836558615771;0.016296296296296294836558615771;0.028641975308641976633028392030;0.021234567901234568942925307056
-0.028365384615384615224487063756;0.030288461538461538408162354585;0.012500000000000000693889390391;0.064903846153846159183764541467;0.026923076923076924571454071611;0.057692307692307695510258724880;0.005288461538461538755107049781;0.030769230769230770938804653269;0.011538461538461539102051744976;0.010096153846153846714295276854;0.020673076923076922489785900439;0.066346153846153846367350581659;0.017788461538461537714272964195;0.016826923076923076122435318780;0.039903846153846150857091856778;0.018749999999999999306110609609;0.007211538461538461938782340610;0.022115384615384616612265844537;0.043269230769230768163247091707;0.004807692307692307959188227073;0.015384615384615385469402326635;0.004807692307692307959188227073;0.004807692307692307959188227073;0.012980769230769231489808213098;0.042788461538461539102051744976;0.015865384615384614530597673365;0.030769230769230770938804653269;0.056730769230769230448974127512;0.001923076923076923183675290829;0.050961538461538460897948255024;0.037019230769230769551025872488;0.008653846153846154326538808732;0.011538461538461539102051744976;0.003846153846153846367350581659;0.012019230769230769897970567683;0.013942307692307693081645858513;0.008653846153846154326538808732;0.007211538461538461938782340610;0.000480769230769230795918822707;0.003365384615384615571431758951;0.007692307692307692734701163317;0.012500000000000000693889390391;0.000000000000000000000000000000;0.009134615384615385122457631439;0.030288461538461538408162354585;0.007211538461538461938782340610;0.016346153846153847061239972049;0.010096153846153846714295276854;0.018269230769230770244915262879;0.008653846153846154326538808732
-0.037412809131261888506703172652;0.012999365884590994776881522910;0.040583386176284083624032916759;0.030437539632213062718024687570;0.007926442612555484323877408315;0.048826886493341790929090251439;0.001268230818008877613251028649;0.031388712745719721253223610802;0.025047558655675334488011074541;0.011731135066582118464673101244;0.016804058338617627182953739862;0.058972733037412808365651528675;0.015535827520608750870745318196;0.027266962587190867600694943462;0.016804058338617627182953739862;0.031388712745719721253223610802;0.009828788839568801394275254779;0.034876347495244132412839377366;0.026632847178186428577228994641;0.007609384908053265679506171892;0.014584654407102092335546394963;0.011414077362079898952940126833;0.010779961953075459929474178011;0.020925808497146480835482407201;0.052631578947368418130992040460;0.028535193405199745647626841105;0.035827520608750794417485252552;0.038046924540266327530169121474;0.000317057704502219403312757162;0.030120481927710843206291713159;0.035510462904248571436305326188;0.006975269499048826656040223071;0.012365250475586557488139050065;0.004438807863031071429538165773;0.015852885225110968647754816629;0.023145212428662017417613228076;0.012999365884590994776881522910;0.009194673430564362370809305958;0.000951173113506658209938271487;0.006658211794546607144307248660;0.008560558021559923347343357136;0.005707038681039949476470063416;0.000000000000000000000000000000;0.005389980976537729964737089006;0.010462904248573240417741203601;0.004121750158528851917805191363;0.029486366518706404182825764337;0.020925808497146480835482407201;0.029803424223208623694558738748;0.020925808497146480835482407201
-0.032094594594594592906755536887;0.024324324324324325674595570490;0.024662162162162163531187175636;0.041216216216216218504175827775;0.021959459459459460678454334470;0.059459459459459462760122505642;0.002702702702702702852732841166;0.029054054054054055666878042530;0.005067567567567567848874077185;0.009459459459459459984564944079;0.020608108108108109252087913887;0.056081081081081084194206454185;0.025337837837837839244370385927;0.019932432432432433538904703596;0.027702702702702704240511621947;0.017567567567567568542763467576;0.008783783783783784271381733788;0.025675675675675677100961991073;0.046621621621621624209641510106;0.006756756756756757131832102914;0.024324324324324325674595570490;0.008445945945945946414790128642;0.014527027027027027833439021265;0.012837837837837838550480995536;0.046283783783783782883602953007;0.018243243243243244255946677868;0.033445945945945944333121957470;0.021621621621621622821862729324;0.001013513513513513569774815437;0.059797297297297297147267158834;0.023310810810810812104820755053;0.005405405405405405705465682331;0.032770270270270268619938747179;0.006081081081081081418648892623;0.015202702702702703546622231556;0.014527027027027027833439021265;0.012837837837837838550480995536;0.004391891891891892135690866894;0.001689189189189189282958025728;0.007432432432432432845015313205;0.007432432432432432845015313205;0.014527027027027027833439021265;0.000000000000000000000000000000;0.005743243243243243562057287477;0.021621621621621622821862729324;0.006756756756756757131832102914;0.017229729729729730686171862430;0.013175675675675676407072600682;0.033783783783783785659160514570;0.010472972972972973554339759517
-0.032031249999999997224442438437;0.021874999999999998612221219219;0.024609374999999999306110609609;0.042187500000000002775557561563;0.016015624999999998612221219219;0.030859375000000001387778780781;0.006640624999999999826527652402;0.047265624999999998612221219219;0.005468749999999999653055304805;0.005859375000000000000000000000;0.024218750000000000693889390391;0.025781249999999998612221219219;0.028515624999999999306110609609;0.013281249999999999653055304805;0.035546874999999998612221219219;0.017187500000000001387778780781;0.007031250000000000173472347598;0.033593749999999998612221219219;0.050000000000000002775557561563;0.005468749999999999653055304805;0.033203125000000000000000000000;0.008984374999999999306110609609;0.020703124999999999306110609609;0.013671875000000000000000000000;0.024609374999999999306110609609;0.019921874999999998612221219219;0.045312499999999998612221219219;0.050000000000000002775557561563;0.000781250000000000043368086899;0.037109375000000000000000000000;0.029687499999999998612221219219;0.003125000000000000173472347598;0.032812500000000001387778780781;0.003906250000000000000000000000;0.016406250000000000693889390391;0.022265625000000000693889390391;0.018359375000000000693889390391;0.006250000000000000346944695195;0.000000000000000000000000000000;0.008203125000000000346944695195;0.010937499999999999306110609609;0.010937499999999999306110609609;0.000000000000000000000000000000;0.006250000000000000346944695195;0.023437500000000000000000000000;0.010937499999999999306110609609;0.008984374999999999306110609609;0.012890624999999999306110609609;0.033203125000000000000000000000;0.013671875000000000000000000000
-0.033950617283950615399312766840;0.019204389574759946762716467106;0.033950617283950615399312766840;0.005144032921810699592046756123;0.006172839506172839163511412153;0.036351165980795609178333194222;0.002057613168724280010291050047;0.039437585733882028760088900299;0.007544581618655692503705445517;0.013717421124828531667216857670;0.016117969821673523711513809076;0.010973936899862824986828790941;0.020576131687242798368187024494;0.027434842249657063334433715340;0.014746227709190672106043251688;0.015089163237311385007410891035;0.008573388203017832942531839535;0.044924554183813442120865033758;0.037379972565157751351883064217;0.004115226337448560020582100094;0.030864197530864195817557060764;0.006172839506172839163511412153;0.026063100137174211728963157952;0.022633744855967079245839812529;0.029492455418381344212086503376;0.025720164609053498827595518605;0.050754458161865571852455758517;0.051097393689986281284376445910;0.000342935528120713280838399717;0.029492455418381344212086503376;0.017832647462277091687798957764;0.005829903978052126262143772806;0.031550068587105621620292339458;0.006172839506172839163511412153;0.024691358024691356654045648611;0.030521262002743482916189421417;0.023662551440329217949942730570;0.009259259259259258745267118229;0.000000000000000000000000000000;0.015432098765432097908778530382;0.007201646090534979602337806170;0.009259259259259258745267118229;0.000000000000000000000000000000;0.008916323731138545843899478882;0.010973936899862824986828790941;0.014060356652949246303307972994;0.021604938271604937072289942535;0.014403292181069959204675612341;0.063443072702331959611399270216;0.015089163237311385007410891035
-0.037324464153732445081956825561;0.017738359201773835904791809526;0.022912047302291203842994349316;0.003695491500369549146831626985;0.014412416851441241238962476245;0.038433111603843314596495872593;0.003325942350332594232148464286;0.045084996304508496989260635246;0.004065040650406504495195658677;0.013303769401330376928593857144;0.027716186252771619902279809367;0.016260162601626017980782634709;0.031042128603104214568109142647;0.019955654101995564525529047728;0.026237989652623798508823682596;0.014042867701404287625321920530;0.008499630450849962604031873070;0.042128603104212861141242285612;0.045454545454545455807071618892;0.005543237250554324153928309471;0.029194382852919437826288984184;0.004065040650406504495195658677;0.023651145602365114539722412701;0.013673318551367332276957888837;0.034368070953436809233938475927;0.026607538802660753857187714289;0.055801921655580191683476698472;0.039911308203991129051058095456;0.001108647450110864744049488095;0.035107169253510719930666539312;0.019216555801921657298247936296;0.005912786400591278634930603175;0.033998521803399850416127492281;0.004804138950480414324561984074;0.024390243902439025236450476086;0.033259423503325939719399428895;0.021433850702143385918985174499;0.006651884700665188464296928572;0.000000000000000000000000000000;0.012934220251293421580229825452;0.010716925351071692959492587249;0.002586844050258684402782138889;0.000000000000000000000000000000;0.010716925351071692959492587249;0.011825572801182557269861206350;0.016260162601626017980782634709;0.012564671101256467966589269736;0.011825572801182557269861206350;0.046563192904656318382716762017;0.013673318551367332276957888837
-0.042682926829268295898511809128;0.017421602787456445110558789224;0.028310104529616724605700639472;0.000435540069686411149448013180;0.006533101045296167350140414953;0.035278745644599304731592326334;0.006533101045296167350140414953;0.038327526132404178549339945903;0.011759581881533101577197442111;0.020905923344947736908228108632;0.023954703832752614195422680154;0.020034843205574911356725564815;0.033972125435540068139061986585;0.030923344947735190851867415063;0.015243902439024389905419809566;0.022648083623693381072339292359;0.009146341463414633596307190544;0.032229965156794423974950802858;0.034407665505226482649536734471;0.006968641114982578391168210885;0.023083623693379792113367088291;0.002613240418118467113528513579;0.021341463414634147949255904564;0.020034843205574911356725564815;0.046602787456445991798315020560;0.036149825783972126813647918198;0.038763066202090593059814693788;0.015679442508710800946447605497;0.000871080139372822298896026361;0.028745644599303135646728435404;0.034407665505226482649536734471;0.006533101045296167350140414953;0.032229965156794423974950802858;0.006097560975609756309112619022;0.023083623693379792113367088291;0.028745644599303135646728435404;0.023519163763066203154394884223;0.010452961672473868454114054316;0.003048780487804878154556309511;0.006533101045296167350140414953;0.008710801393728222555279394612;0.008275261324041811514251598680;0.000000000000000000000000000000;0.010452961672473868454114054316;0.010888501742160279495141850248;0.020034843205574911356725564815;0.016986062717770034069530993293;0.013066202090592334700280829907;0.050087108013937280126537388014;0.015243902439024389905419809566
-0.038065843621399177154618342911;0.013888888888888888117900677344;0.012860082304526749413797759303;0.004115226337448560020582100094;0.030349794238683128200229077720;0.043209876543209874144579885069;0.003086419753086419581755706076;0.038065843621399177154618342911;0.002572016460905349796023378062;0.011831275720164608974971365285;0.028806584362139918409351224682;0.030349794238683128200229077720;0.031893004115226337991106930758;0.016460905349794240082328400376;0.022633744855967079245839812529;0.014917695473251028556727071361;0.007201646090534979602337806170;0.037037037037037034981068472916;0.057098765432098762262480562413;0.005144032921810699592046756123;0.028292181069958847322576289685;0.004115226337448560020582100094;0.018518518518518517490534236458;0.013888888888888888117900677344;0.037037037037037034981068472916;0.026748971193415637531698436646;0.046296296296296293726335591145;0.048868312757201645690763314178;0.000000000000000000000000000000;0.041666666666666664353702032031;0.039094650205761319328168212905;0.004115226337448560020582100094;0.033950617283950615399312766840;0.004629629629629629372633559115;0.019032921810699588577309171455;0.020061728395061727281412089496;0.019547325102880659664084106453;0.010288065843621399184093512247;0.000000000000000000000000000000;0.003600823045267489801168903085;0.009773662551440329832042053226;0.004629629629629629372633559115;0.000000000000000000000000000000;0.011316872427983539622919906265;0.022119341563786008159064877532;0.010288065843621399184093512247;0.016975308641975307699656383420;0.009773662551440329832042053226;0.036008230452674899746412506829;0.009773662551440329832042053226
-0.047619047619047616404230893750;0.008297258297258297901621837411;0.029220779220779220103354489879;0.000000000000000000000000000000;0.007215007215007215000956986017;0.037518037518037519739699803267;0.003607503607503607500478493009;0.028499278499278499904301398260;0.008658008658008658001148383221;0.013708513708513708068137404439;0.031746031746031744269487262500;0.018759018759018759869849901634;0.027056277056277056036748263068;0.029581529581529580202881035689;0.014790764790764790101440517844;0.018037518037518036201349858061;0.007575757575757575967845269815;0.036435786435786432502226261931;0.041847041847041847872912256889;0.012626262626262626034834291033;0.033910533910533911805540441264;0.005050505050505050934350759206;0.021284271284271284035982674254;0.022727272727272727903535809446;0.044733044733044735608018527273;0.040764790764790767574332619461;0.043290043290043288271018440128;0.010822510822510822067754610032;0.000000000000000000000000000000;0.029581529581529580202881035689;0.017316017316017316002296766442;0.006854256854256854034068702219;0.031385281385281384169960716690;0.009018759018759018100674929030;0.033549783549783551706013895455;0.025613275613275612169195127876;0.023448773448773448102588901065;0.006493506493506493934542156410;0.003607503607503607500478493009;0.012987012987012987869084312820;0.003968253968253968033685907812;0.002886002886002886000382794407;0.000000000000000000000000000000;0.011904761904761904101057723437;0.015512265512265512035217085440;0.012626262626262626034834291033;0.025252525252525252069668582067;0.014790764790764790101440517844;0.052308802308802311575863797088;0.015512265512265512035217085440
-0.028201219512195122712805428478;0.014862804878048779810839619131;0.026295731707317072239904476305;0.001905487804878048738177476196;0.009527439024390243690887380978;0.040777439024390245425610856955;0.005716463414634146214532428587;0.046112804878048779810839619131;0.007240853658536585725491452337;0.014862804878048779810839619131;0.024771341463414635331030666521;0.019435975609756097476354952391;0.024009146341463415141870285652;0.022103658536585364668969333479;0.020198170731707317665515333260;0.009527439024390243690887380978;0.004954268292682926892733785706;0.050685975609756100945801904345;0.049161585365853660567481142607;0.006097560975609756309112619022;0.034679878048780490851221713910;0.004954268292682926892733785706;0.019817073170731707570935142826;0.017149390243902440378320761738;0.037347560975609754574389143045;0.034298780487804880756641523476;0.052591463414634144479808952610;0.002667682926829268493656988070;0.000381097560975609769319538689;0.028582317073170732807385618912;0.027820121951219512618225238043;0.008003048780487805047290095217;0.037728658536585364668969333479;0.006478658536585365536331071468;0.024009146341463415141870285652;0.028582317073170732807385618912;0.030106707317073169716259428697;0.006859756097560975630911261902;0.000381097560975609769319538689;0.009908536585365853785467571413;0.008765243902439025236450476086;0.004192073170731707570935142826;0.000000000000000000000000000000;0.012576219512195122712805428478;0.022103658536585364668969333479;0.014100609756097561356402714239;0.020198170731707317665515333260;0.018673780487804877287194571522;0.050685975609756100945801904345;0.009908536585365853785467571413
-0.034638554216867470381124860523;0.019201807228915662023593924346;0.023719879518072289198427071710;0.002259036144578313153735704688;0.009789156626506024388989501972;0.033132530120481930302478446038;0.004141566265060241287809805755;0.056099397590361442522688406598;0.005271084337349397214156354607;0.013930722891566264809437569738;0.025225903614457832746520438150;0.021084337349397588856625418430;0.019578313253012048777979003944;0.017695783132530121944947509860;0.027108433734939759579551932234;0.014307228915662649829099173360;0.009036144578313252614942818752;0.049322289156626508699332589458;0.055722891566265059237750278953;0.005647590361445783101179696217;0.039909638554216864125834263177;0.004894578313253012194494750986;0.023343373493975902444041992112;0.018825301204819278738655796701;0.033885542168674696872354701327;0.021837349397590362365395577626;0.047439759036144578396854143421;0.031626506024096383284938127645;0.000000000000000000000000000000;0.030496987951807229960676792757;0.021084337349397588856625418430;0.004518072289156626307471409376;0.039156626506024097555958007888;0.006024096385542168988203037827;0.018448795180722891984270717103;0.024096385542168675952812151309;0.024849397590361445992135358551;0.009036144578313252614942818752;0.000753012048192771123525379728;0.009036144578313252614942818752;0.010542168674698794428312709215;0.003388554216867469947443991529;0.000000000000000000000000000000;0.010542168674698794428312709215;0.018825301204819278738655796701;0.014307228915662649829099173360;0.012801204819277108015729282897;0.014307228915662649829099173360;0.047816265060240961681792271065;0.011295180722891566202359392435
-0.031077891424075531484616519151;0.018095987411487018947653382384;0.026750590086546028462111124213;0.001573564122738001572199273426;0.018489378442171518907022331746;0.043666404405979540592763754603;0.004327301337529504757228870915;0.049173878835562546962822949581;0.006294256490952006288797093703;0.010621557828481511046025964617;0.025963808025177025073926273535;0.009047993705743509473826691192;0.030291109362706531565878620427;0.021243115656963022092051929235;0.027537372147915028380849022938;0.020062942564909518744498129195;0.006294256490952006288797093703;0.044453186467348547450395557235;0.051140833988985050229114648346;0.006687647521636507115527781053;0.027143981117230528421480073575;0.004720692368214004716597820277;0.026357199055861525033295222897;0.018095987411487018947653382384;0.030684500393391031525247569789;0.026750590086546028462111124213;0.052321007081038553576668448386;0.016522423288749015640730632981;0.000000000000000000000000000000;0.039732494099134540999074260981;0.015735641227380015721992734257;0.006294256490952006288797093703;0.031077891424075531484616519151;0.008261211644374507820365316491;0.025963808025177025073926273535;0.024390243902439025236450476086;0.017702596380802518988284433021;0.010228166797797011086657015255;0.001180173092053501179149455069;0.009834775767112509392564589916;0.011408339889850510964763863342;0.012195121951219512618225238043;0.000000000000000000000000000000;0.009834775767112509392564589916;0.023603461841070025317712577362;0.014555468135326514109162410193;0.016129032258064515681361683619;0.012588512981904012577594187405;0.040125885129819037488996258389;0.013768686073957514190424511469
-0.053791887125220455567742305902;0.006172839506172839163511412153;0.024691358024691356654045648611;0.037037037037037034981068472916;0.019841269841269840168429539062;0.071869488536155198832311441492;0.002204585537918871129825504340;0.018518518518518517490534236458;0.010582010582010581423162420833;0.004850088183421516485616109549;0.022927689594356259750185245139;0.088624338624338619418985274478;0.020282186948853614394394639930;0.021604938271604937072289942535;0.010141093474426807197197319965;0.035714285714285712303173170312;0.002204585537918871129825504340;0.015873015873015872134743631250;0.038359788359788357658963775521;0.000881834215167548451930201736;0.021164021164021162846324841667;0.004850088183421516485616109549;0.007495590828924161841406714757;0.011904761904761904101057723437;0.068783068783068779250555735416;0.021604938271604937072289942535;0.022927689594356259750185245139;0.003086419753086419581755706076;0.000000000000000000000000000000;0.085537918871252199837229568402;0.061728395061728391635114121527;0.002645502645502645355790605208;0.014550264550264549456848328646;0.002645502645502645355790605208;0.011904761904761904101057723437;0.011463844797178129875092622569;0.008377425044091710293336916493;0.020282186948853614394394639930;0.000000000000000000000000000000;0.008818342151675484519302017361;0.001763668430335096903860403472;0.004850088183421516485616109549;0.000000000000000000000000000000;0.007495590828924161841406714757;0.011904761904761904101057723437;0.013668430335097001004918126910;0.011904761904761904101057723437;0.017195767195767194812638933854;0.017636684303350969038604034722;0.017636684303350969038604034722
-0.052650689905591865902501069741;0.010167029774872911665473118603;0.022149600580973129171358237954;0.001089324618736383547615287348;0.031953522149600580015693651603;0.085330428467683364091023179299;0.002178649237472767095230574697;0.013798111837327523346297120099;0.003994190268700072501961706450;0.011256354393609295863609709443;0.023602033405954975925356009725;0.091866376180101669279842724336;0.024691358024691356654045648611;0.023238925199709513369494828794;0.008714596949891068380922298786;0.036673928830791575894654243939;0.006172839506172839163511412153;0.010167029774872911665473118603;0.030864197530864195817557060764;0.003267973856209150426005427548;0.020697167755991285886807418137;0.007625272331154684182785707947;0.005446623093681917521236002244;0.017066085693536674205983416641;0.063543936092955694006079170322;0.026143790849673203408043420382;0.026506899055918662494457649359;0.018155410312273058404120007481;0.001815541031227305840412000748;0.085693536673928830116331312183;0.044299201161946258342716475909;0.010893246187363835042472004488;0.010893246187363835042472004488;0.005083514887436455832736559302;0.011619462599854756684747414397;0.018518518518518517490534236458;0.009440813362381990023197708695;0.013071895424836601704021710191;0.000363108206245461146398356700;0.005083514887436455832736559302;0.003267973856209150426005427548;0.009803921568627450844335413649;0.000000000000000000000000000000;0.007625272331154684182785707947;0.006899055918663761673148560050;0.007625272331154684182785707947;0.018518518518518517490534236458;0.014887436456063907544433710939;0.018518518518518517490534236458;0.017066085693536674205983416641
-0.031033223804308143062291591718;0.025191675794085433004454444017;0.025921869295363272195364956474;0.017524644030668126704064491150;0.009127418765972982947487501804;0.047827674333698430575445570412;0.003650967506389193352467348319;0.052939028842643301442372205656;0.005476451259583789595020153484;0.009857612267250822138398014260;0.031763417305585982253202104175;0.024461482292807593813543931560;0.012048192771084337976406075654;0.016429353778751369652422198442;0.028112449799196786298649541891;0.013143483023001095028048368363;0.009127418765972982947487501804;0.042716319824753559708518935167;0.050383351588170866008908888034;0.005111354508944869999564897256;0.027747353048557868437917761639;0.005476451259583789595020153484;0.018985031033223805085885516064;0.016794450529390287513153978693;0.033588901058780575026307957387;0.022270901788974079710259346143;0.046002190580503830863445813293;0.038700255567725445893234592631;0.000365096750638919324404713107;0.038335158817086524563055860426;0.020080321285140562137527808773;0.006206644760861627918568927953;0.027382256297918947107739029434;0.004381161007667031676016122788;0.013508579773640014623503624591;0.030668127053669221732112859513;0.024461482292807593813543931560;0.005841548010222709190475409713;0.004746257758305951271471379016;0.005111354508944869999564897256;0.014968966776195691270601173528;0.005841548010222709190475409713;0.000000000000000000000000000000;0.006571741511500547514024184181;0.021175611537057319189170101481;0.009127418765972982947487501804;0.014238773274917853814414137048;0.016064257028112448322243466237;0.047097480832420594853982009909;0.012413289521723255837137855906
-0.027861445783132529618875139477;0.036144578313253010459771275009;0.035768072289156627174833147365;0.002635542168674698607078177304;0.012048192771084337976406075654;0.025602409638554216031458565794;0.001506024096385542247050759457;0.055722891566265059237750278953;0.006400602409638554007864641449;0.015060240963855421603145856579;0.033885542168674696872354701327;0.010542168674698794428312709215;0.018825301204819278738655796701;0.021084337349397588856625418430;0.029367469879518073166968505916;0.008659638554216867595281215131;0.008283132530120482575619611509;0.054216867469879519159103864467;0.048569277108433735190562430262;0.006777108433734939894887983058;0.027484939759036142864490059878;0.005647590361445783101179696217;0.014307228915662649829099173360;0.016942771084337348436177350663;0.039533132530120480840896135533;0.027861445783132529618875139477;0.057228915662650599316396693439;0.026731927710843372825166852635;0.000376506024096385561762689864;0.034262048192771087096186732879;0.012048192771084337976406075654;0.004141566265060241287809805755;0.027108433734939759579551932234;0.004518072289156626307471409376;0.018825301204819278738655796701;0.030496987951807229960676792757;0.027484939759036142864490059878;0.003388554216867469947443991529;0.000000000000000000000000000000;0.006400602409638554007864641449;0.009789156626506024388989501972;0.005647590361445783101179696217;0.000000000000000000000000000000;0.008283132530120482575619611509;0.027108433734939759579551932234;0.013930722891566264809437569738;0.013554216867469879789775966117;0.012048192771084337976406075654;0.048192771084337351905624302617;0.017695783132530121944947509860
-0.036111111111111107718762980312;0.025000000000000001387778780781;0.023015873015873017370935826875;0.002777777777777777883788656865;0.019444444444444444752839729063;0.030555555555555554553270880547;0.004761904761904762334312479766;0.056746031746031745657266043281;0.009126984126984127518311673555;0.009920634920634920084214769531;0.026190476190476191103995162734;0.021031746031746033354092872969;0.017857142857142856151586585156;0.019841269841269840168429539062;0.036904761904761905488836504219;0.010317460317460317234528055508;0.009126984126984127518311673555;0.059523809523809520505288617187;0.054365079365079366224833279375;0.003571428571428571317053490830;0.035317460317460316887583360312;0.005555555555555555767577313730;0.011904761904761904101057723437;0.021031746031746033354092872969;0.024206349206349207087152208828;0.023809523809523808202115446875;0.059126984126984125089698807187;0.029365079365079364837054498594;0.000000000000000000000000000000;0.036111111111111107718762980312;0.013095238095238095551997581367;0.002777777777777777883788656865;0.033730158730158728286330216406;0.003571428571428571317053490830;0.013888888888888888117900677344;0.031746031746031744269487262500;0.020238095238095239053466301016;0.005555555555555555767577313730;0.000396825396825396825052634231;0.005555555555555555767577313730;0.015079365079365079568840535273;0.007539682539682539784420267637;0.000000000000000000000000000000;0.007539682539682539784420267637;0.026587301587301586519584972734;0.007142857142857142634106981660;0.017460317460317460735996775156;0.006746031746031746351155433672;0.044047619047619050725028699844;0.014682539682539682418527249297
-0.022930431403031480835918998196;0.038865137971239797909372981621;0.022930431403031480835918998196;0.009327633113097552261527845019;0.028371550719005052265675459466;0.030314807617567041814199413352;0.004663816556548776130763922509;0.057909055577147296178797120092;0.004275165176836378047586784135;0.014768752429071123691284306290;0.020987174504469491287395044310;0.015546055188495919857638583039;0.018655266226195104523055690038;0.015934706568208317073453983426;0.041585697629226585358974688234;0.013602798289933928574391153177;0.007384376214535561845642153145;0.057131752817722501747166319319;0.059463661095996891980952625545;0.005052467936261173346579322896;0.031480761756704236931092566465;0.002331908278274388065381961255;0.022930431403031480835918998196;0.021764477263894285719025845083;0.024096385542168675952812151309;0.023707734162456275267549798969;0.059852312475709289196768025931;0.022153128643606686404288197423;0.000000000000000000000000000000;0.040419743490089386772634583167;0.009716284492809949477343245405;0.006995724834823163762465014770;0.028760202098717449481490859853;0.005441119315973571429756461271;0.015157403808783520907099706676;0.027982899339292655049860059080;0.020987174504469491287395044310;0.006607073455110765679287876395;0.000388651379712397974756921126;0.005829770695685969512933599646;0.013602798289933928574391153177;0.004275165176836378047586784135;0.000000000000000000000000000000;0.012048192771084337976406075654;0.024096385542168675952812151309;0.008550330353672756095173568269;0.014380101049358724740745429926;0.009327633113097552261527845019;0.035367275553828216028140474236;0.012048192771084337976406075654
-0.011086474501108648307856618942;0.053584626755358459593292508316;0.015890613451589062632418603016;0.054693274205469329107831555348;0.066149297856614927559881778052;0.016629711751662969859699714448;0.007760532150776053642027285662;0.065410199556541023802047618574;0.004804138950480414324561984074;0.003695491500369549146831626985;0.018847006651884701949883904604;0.013673318551367332276957888837;0.009238728750923873300759936456;0.009238728750923873300759936456;0.082779009608277900889028444453;0.010347376201034737611128555557;0.005173688100517368805564277778;0.034737620103473761112855555666;0.059866962305986697046034095138;0.001847745750184774573415813492;0.025868440502586843160459650903;0.002217294900221729488098976191;0.008499630450849962604031873070;0.008130081300813008990391317354;0.021433850702143385918985174499;0.010347376201034737611128555557;0.033628972653362898537210412542;0.081300813008130079495572317683;0.000369549150036954914683162698;0.039172209903917218354330032071;0.013303769401330376928593857144;0.005543237250554324153928309471;0.020325203252032519873893079421;0.002956393200295639317465301588;0.008130081300813008990391317354;0.015521064301552107284054571323;0.012934220251293421580229825452;0.005912786400591278634930603175;0.000369549150036954914683162698;0.003695491500369549146831626985;0.027716186252771619902279809367;0.006651884700665188464296928572;0.000000000000000000000000000000;0.005543237250554324153928309471;0.048041389504804139776172888787;0.009238728750923873300759936456;0.007760532150776053642027285662;0.005543237250554324153928309471;0.017368810051736880556427777833;0.007021433850702143812660960265
-0.011498257839721253911746678966;0.055749128919860627129345687081;0.010104529616724738233513036789;0.052264808362369338801123319627;0.070034843205574917601730078331;0.022996515679442507823493357932;0.007317073170731707744407490424;0.056794425087108010852254835754;0.001742160278745644597792052721;0.003135888501742160276025694898;0.017421602787456445110558789224;0.019163763066202089274669972951;0.014982578397212543974692522397;0.005923344947735192066173848247;0.100000000000000005551115123126;0.013240418118466899810581338670;0.003832752613240418115142515987;0.035191637630662020441718595976;0.055052264808362366688143652027;0.002787456445993031356467284354;0.023344947735191638044094375459;0.004181184668989547034700926531;0.008013937282229965583524311512;0.006620209059233449905290669335;0.016724738675958188138803706124;0.010452961672473868454114054316;0.035540069686411150662319613502;0.089547038327526126688660212949;0.000696864111498257839116821089;0.052264808362369338801123319627;0.015331010452961672460570063947;0.004529616724738676387940206070;0.017073170731707318359404723651;0.001393728222996515678233642177;0.005923344947735192066173848247;0.007665505226480836230285031974;0.004878048780487804873817747620;0.004529616724738676387940206070;0.000000000000000000000000000000;0.003135888501742160276025694898;0.020905923344947736908228108632;0.007317073170731707744407490424;0.000000000000000000000000000000;0.002787456445993031356467284354;0.059581881533101045678169072062;0.004529616724738676387940206070;0.008013937282229965583524311512;0.003832752613240418115142515987;0.014634146341463415488814980847;0.007317073170731707744407490424
-0.035947712418300650782931882077;0.030718954248366011489101978782;0.033333333333333332870740406406;0.004901960784313725422167706824;0.008169934640522876281854003366;0.031699346405228756573535520147;0.003594771241830065165029362007;0.050980392156862744390544150974;0.005882352941176470506601248189;0.015032679738562091872888792921;0.024836601307189540982500730593;0.014379084967320260660117448026;0.014705882352941176266503120473;0.024183006535947713239176337652;0.041503267973856207417870933796;0.014705882352941176266503120473;0.005555555555555555767577313730;0.043790849673202611458400212996;0.053267973856209148431073430174;0.006209150326797385245625182648;0.030392156862745097617439782312;0.002941176470588235253300624095;0.022549019607843136941971451392;0.017320261437908497648141548098;0.034967320261437909167945292666;0.028104575163398693576910503111;0.051633986928104572133868543915;0.035620915032679736911269685606;0.000000000000000000000000000000;0.018300653594771242732575089462;0.018954248366013070475899482403;0.003921568627450980337734165460;0.025490196078431372195272075487;0.006535947712418300852010855095;0.016339869281045752563708006733;0.034313725490196081424620899725;0.021241830065359477985875713557;0.005555555555555555767577313730;0.000326797385620915010074477580;0.004575163398692810683143772366;0.016339869281045752563708006733;0.005555555555555555767577313730;0.000000000000000000000000000000;0.010457516339869280322383282567;0.022549019607843136941971451392;0.007843137254901960675468330919;0.017320261437908497648141548098;0.015686274509803921350936661838;0.050980392156862744390544150974;0.010784313725490195928768955014
-0.046196734368777379875492528072;0.006770211071286340483166288351;0.020310633213859018847413651088;0.037037037037037034981068472916;0.026682596575069692651505093295;0.060135404221425728388261688906;0.002389486260454002242853421834;0.022700119474313024126033155881;0.006371963361210672936729704219;0.012743926722421345873459408438;0.024293110314615690842332540456;0.103544404619673430234527700122;0.022700119474313024126033155881;0.018319394663480686319401158357;0.010752688172043011610723439730;0.036240541616885703357642256606;0.003982477100756670260195413391;0.015133412982875347682631961277;0.030266825965750695365263922554;0.004380724810832337806631997523;0.020310633213859018847413651088;0.002389486260454002242853421834;0.004778972520908004485706843667;0.015133412982875347682631961277;0.053365193150139385303010186590;0.028275587415372362837251429823;0.026682596575069692651505093295;0.005973715651135006257654858075;0.000398247710075667058545606514;0.087614496216646756132639950465;0.057745917960971726579089136067;0.007566706491437673841315980638;0.008761449621664675613263995047;0.004380724810832337806631997523;0.012743926722421345873459408438;0.012743926722421345873459408438;0.009956192751891676517850271466;0.017124651533253685414814881938;0.000398247710075667058545606514;0.005575467941059338711218273943;0.003982477100756670260195413391;0.001991238550378335130097706696;0.000000000000000000000000000000;0.003185981680605336468364852109;0.009956192751891676517850271466;0.013142174432497013419895992570;0.020708880923934688128573711197;0.018717642373556352131114266513;0.018717642373556352131114266513;0.016726403823178016133654821829
-0.045524691358024692300343616580;0.004629629629629629372633559115;0.025462962962962961549484575130;0.054012345679012342680724856336;0.006944444444444444058950338672;0.060956790123456790209122146962;0.000771604938271604895438926519;0.015046296296296295461059067122;0.016975308641975307699656383420;0.009259259259259258745267118229;0.018904320987654321672977175695;0.092592592592592587452671182291;0.018904320987654321672977175695;0.021604938271604937072289942535;0.006172839506172839163511412153;0.037422839506172839163511412153;0.011959876543209875879303361046;0.015046296296296295461059067122;0.024691358024691356654045648611;0.007330246913580246506669801931;0.015046296296296295461059067122;0.006172839506172839163511412153;0.006172839506172839163511412153;0.007716049382716048954389265191;0.061728395061728391635114121527;0.022762345679012346150171808290;0.024305555555555555941049661328;0.040123456790123454562824178993;0.001157407407407407343158389779;0.052854938271604937072289942535;0.071759259259259258745267118229;0.003472222222222222029475169336;0.011574074074074073431583897786;0.006172839506172839163511412153;0.012345679012345678327022824305;0.014660493827160493013339603863;0.010030864197530863640706044748;0.011188271604938270983864434527;0.002700617283950617134036242817;0.004629629629629629372633559115;0.001929012345679012238597316298;0.012345679012345678327022824305;0.000000000000000000000000000000;0.007716049382716048954389265191;0.004243827160493826924914095855;0.010416666666666666088425508008;0.017361111111111111882099322656;0.023148148148148146863167795573;0.023533950617283951045610734809;0.018518518518518517490534236458
-0.037207654145995749939146435281;0.001417434443656980912890075430;0.028348688873139616523078032628;0.000354358610914245228222518858;0.017363571934798014556600165292;0.089652728561304045884483571172;0.001417434443656980912890075430;0.008150248051027639273335978487;0.015946137491141033210029220868;0.008150248051027639273335978487;0.027994330262225371186435296522;0.118355776045357907744204339906;0.033664068036853296572719074220;0.023033309709425939942883942990;0.003543586109142452065384754079;0.030474840538625088542934449265;0.006732813607370658794126772051;0.012048192771084337976406075654;0.020552799433026222586384790247;0.003897944720056697402027490185;0.009922041105598865956549659018;0.011339475549255847303120603442;0.006024096385542168988203037827;0.015237420269312544271467224632;0.071580439404677537185150981713;0.023387668320340185279526679096;0.020552799433026222586384790247;0.004606661941885187641632093403;0.000000000000000000000000000000;0.088944011339475548272304195052;0.069808646350106307032490349229;0.003189227498228206728742017972;0.014174344436569808261539016314;0.008858965272856129946621450699;0.019489723600283486576456581929;0.012756909992912826914968071890;0.006378454996456413457484035945;0.009567682494684620619906922911;0.001771793054571226032692377039;0.007795889440113394804054980369;0.000354358610914245228222518858;0.003543586109142452065384754079;0.000000000000000000000000000000;0.005669737774627923651560301721;0.003543586109142452065384754079;0.004252303330970942304989357297;0.023033309709425939942883942990;0.026576895818568389839864352098;0.016300496102055278546671956974;0.023033309709425939942883942990
-0.050423917893797409739420345431;0.000446229361892012477489033451;0.016956715751896476312987616097;0.000000000000000000000000000000;0.042391789379741189047745564267;0.106202588130298980484411686120;0.000892458723784024954978066901;0.005354752342704149729868401408;0.001784917447568049909956133803;0.005354752342704149729868401408;0.015171798304328425535669744306;0.157518964747880407806235325552;0.016956715751896476312987616097;0.015171798304328425535669744306;0.003123605533244087559263668652;0.028112449799196786298649541891;0.002231146809460062604285601751;0.004908522980812137469219802455;0.023650156180276663692163552355;0.003569834895136099819912267606;0.009370816599732262677791005956;0.002677376171352074864934200704;0.003123605533244087559263668652;0.009817045961624274938439604909;0.065595716198125833540366613761;0.018295403837572513094933412958;0.010263275323516287199088203863;0.000000000000000000000000000000;0.000000000000000000000000000000;0.160642570281124497100222470181;0.086568496207050427138085524348;0.004462293618920125208571203501;0.008478357875948238156493808049;0.002677376171352074864934200704;0.009370816599732262677791005956;0.009370816599732262677791005956;0.003569834895136099819912267606;0.009370816599732262677791005956;0.000000000000000000000000000000;0.004462293618920125208571203501;0.000000000000000000000000000000;0.000446229361892012477489033451;0.000000000000000000000000000000;0.006693440428380187379175936258;0.009817045961624274938439604909;0.005800981704596162857878738350;0.014725568942436411540297669376;0.018295403837572513094933412958;0.013386880856760374758351872515;0.012494422132976350237054674608
-0.039062500000000000000000000000;0.007031250000000000173472347598;0.020703124999999999306110609609;0.112500000000000002775557561563;0.013281249999999999653055304805;0.061718750000000002775557561563;0.001562500000000000086736173799;0.008593750000000000693889390391;0.009374999999999999653055304805;0.005859375000000000000000000000;0.020703124999999999306110609609;0.117187500000000000000000000000;0.014062500000000000346944695195;0.025000000000000001387778780781;0.008984374999999999306110609609;0.032812500000000001387778780781;0.007031250000000000173472347598;0.007812500000000000000000000000;0.017187500000000001387778780781;0.005859375000000000000000000000;0.007421874999999999653055304805;0.007421874999999999653055304805;0.003515625000000000086736173799;0.017968749999999998612221219219;0.057812500000000002775557561563;0.019921874999999998612221219219;0.012890624999999999306110609609;0.039843749999999997224442438437;0.000000000000000000000000000000;0.050000000000000002775557561563;0.070312500000000000000000000000;0.005468749999999999653055304805;0.005468749999999999653055304805;0.005078125000000000173472347598;0.015234374999999999653055304805;0.013671875000000000000000000000;0.005078125000000000173472347598;0.010937499999999999306110609609;0.000390625000000000021684043450;0.006250000000000000346944695195;0.001953125000000000000000000000;0.006250000000000000346944695195;0.000000000000000000000000000000;0.005468749999999999653055304805;0.005859375000000000000000000000;0.007812500000000000000000000000;0.018749999999999999306110609609;0.019531250000000000000000000000;0.024609374999999999306110609609;0.018749999999999999306110609609
-0.038966049382716048954389265191;0.011574074074074073431583897786;0.014274691358024690565620140603;0.047067901234567902091221469618;0.026620370370370370627366440885;0.080246913580246909125648357985;0.000771604938271604895438926519;0.015046296296296295461059067122;0.008873456790123456297547654970;0.006944444444444444058950338672;0.020447530864197531463855028733;0.114969135802469132889847003298;0.030478395061728395104561073481;0.018132716049382716777538249175;0.009259259259259258745267118229;0.030478395061728395104561073481;0.004629629629629629372633559115;0.010416666666666666088425508008;0.029706790123456790209122146962;0.003472222222222222029475169336;0.011959876543209875879303361046;0.003086419753086419581755706076;0.003086419753086419581755706076;0.010416666666666666088425508008;0.057098765432098762262480562413;0.020061728395061727281412089496;0.021219135802469136359293955252;0.018518518518518517490534236458;0.000000000000000000000000000000;0.103009259259259258745267118229;0.059799382716049384600687233160;0.003472222222222222029475169336;0.016203703703703702804217456901;0.005015432098765431820353022374;0.015432098765432097908778530382;0.007330246913580246506669801931;0.007330246913580246506669801931;0.006944444444444444058950338672;0.003472222222222222029475169336;0.004629629629629629372633559115;0.001157407407407407343158389779;0.010030864197530863640706044748;0.000000000000000000000000000000;0.007330246913580246506669801931;0.008487654320987653849828191710;0.003472222222222222029475169336;0.018132716049382716777538249175;0.019290123456790122385973162977;0.016203703703703702804217456901;0.015432098765432097908778530382
-0.027922561429635145424654751878;0.023454951600893520630153332718;0.016381236038719285130760283664;0.081533879374534629080883973984;0.030156366344005956087181985481;0.039836187639612809230360568336;0.005584512285927029258403297973;0.035368577810871180966412197222;0.003723008190618019505602198649;0.006701414743112434589666914775;0.020104244229337302901639006336;0.030528667163067759598993333725;0.022710349962769917075977588183;0.011913626209977662070982340481;0.034996276991809384393494752885;0.014519731943410276245320922328;0.005212211466865227481315425706;0.023454951600893520630153332718;0.064408041697691736926500993832;0.003350707371556217294833457387;0.026805658972449738358667659099;0.005956813104988831035491170240;0.010796723752792256739718723679;0.011541325390915860293894468214;0.032762472077438570261520567328;0.016008935219657481618948935420;0.041325390915860016338712057404;0.044676098287416234067226383786;0.000372300819061801939718198140;0.065524944154877140523041134657;0.029784065524944156044817589191;0.004467609828741623059777943183;0.027177959791511541870479007343;0.004467609828741623059777943183;0.010052122114668651450819503168;0.014519731943410276245320922328;0.013775130305286670956421701817;0.006701414743112434589666914775;0.000372300819061801939718198140;0.005584512285927029258403297973;0.009307520476545047896643758634;0.008935219657483246119555886366;0.000000000000000000000000000000;0.005956813104988831035491170240;0.032017870439314963237897870840;0.008562918838421444342468014099;0.010424422933730454962630851412;0.008562918838421444342468014099;0.032390171258376766749709219084;0.009307520476545047896643758634
-0.025241066364152013601351853822;0.026091888825865001966253231558;0.030062393647192285628388930263;0.008791832104367555689172775146;0.016449234259784457912179078676;0.024957458876914351969533711895;0.003403289846851956929052462897;0.064095292115711854918913559231;0.013329551900170164349668233683;0.011060692002268859152058766426;0.025808281338627340334435089630;0.008791832104367555689172775146;0.017867271695972773010163692220;0.016165626772546796280360936748;0.040839478162223483148629554762;0.011060692002268859152058766426;0.007373794668179239723826423614;0.056721497447532617797172349583;0.054452637549631310864839406349;0.009926262053318207420615770786;0.034883720930232557655426006704;0.006806579693703913858104925794;0.020703346568349403206132919308;0.016165626772546796280360936748;0.025808281338627340334435089630;0.023539421440726036871549098350;0.054169030062393645763574312468;0.034600113442994892554160912823;0.000567214974475326190982149566;0.029495178672716958895305694455;0.012762336925694837616584997875;0.005672149744753261259300192165;0.026091888825865001966253231558;0.003686897334089619861913211807;0.015031196823596142814194465132;0.030913216108905273993290307999;0.021270561542824729939216155117;0.009926262053318207420615770786;0.001418037436188315314825048041;0.010209869540555870787157388691;0.011627906976744185885142002235;0.013329551900170164349668233683;0.000000000000000000000000000000;0.008224617129892228956089539338;0.023539421440726036871549098350;0.008508224617129892322631157242;0.013329551900170164349668233683;0.011627906976744185885142002235;0.042541123085649459878432310234;0.011060692002268859152058766426
-0.023985890652557319974169658394;0.028571428571428570536427926640;0.028218694885361550461766455555;0.011640211640211639912423358112;0.016225749559082892209405102335;0.029982363315696647365626859028;0.004585537918871252296981744223;0.053262786596119930659920527205;0.008465608465608466179364022253;0.011287477954144621572485363004;0.017636684303350969038604034722;0.013403880070546736816283761584;0.019753086419753086017125909279;0.019400352733686065942464438194;0.027865961199294533856551936424;0.013051146384479718476345766476;0.009523809523809524668624959531;0.062081128747795415179222544566;0.052204585537918873905383065903;0.006349206349206349200842147695;0.033862433862433864717456089011;0.004232804232804233089682011126;0.022574955908289243144970726007;0.016931216931216932358728044505;0.028218694885361550461766455555;0.018342151675485009187926976892;0.053262786596119930659920527205;0.026807760141093473632567523168;0.000352733686067019424140167594;0.035273368606701938077208069444;0.015520282186948853794805636142;0.005291005291005290711581210417;0.031040564373897707589611272283;0.004938271604938271504281477320;0.015167548500881833720144165056;0.036684303350970018375853953785;0.026807760141093473632567523168;0.006701940035273368408141880792;0.000000000000000000000000000000;0.005996472663139329993542414599;0.013051146384479718476345766476;0.017989417989417989113265505807;0.000000000000000000000000000000;0.004232804232804233089682011126;0.023633156966490299899508187309;0.006701940035273368408141880792;0.014109347442680775230883227778;0.014462081128747795305544698863;0.047266313932980599799016374618;0.013051146384479718476345766476
-0.050088183421516753457414239392;0.026807760141093473632567523168;0.026102292768959436952691532952;0.004232804232804233089682011126;0.014109347442680775230883227778;0.072310405643738973058276542361;0.004585537918871252296981744223;0.024338624338624340048831129479;0.009523809523809524668624959531;0.009876543209876543008562954640;0.021516754850088182920986312752;0.068783068783068779250555735416;0.021164021164021162846324841667;0.023280423280423279824846716224;0.014462081128747795305544698863;0.030335097001763667440288330113;0.009171075837742504593963488446;0.024338624338624340048831129479;0.029629629629629630760412339896;0.009523809523809524668624959531;0.021869488536155202995647783837;0.004938271604938271504281477320;0.007760141093474426897402818071;0.018342151675485009187926976892;0.063139329805996471933760005868;0.027513227513227513781890465339;0.026455026455026453557906052083;0.018694885361552029262588447978;0.002116402116402116544841005563;0.062081128747795415179222544566;0.040917107583774252332897702900;0.006349206349206349200842147695;0.011992945326278659987084829197;0.003174603174603174600421073848;0.016225749559082892209405102335;0.017636684303350969038604034722;0.010934744268077601497823891918;0.014814814814814815380206169948;0.000352733686067019424140167594;0.005643738977072310786242681502;0.003527336860670193807720806944;0.008112874779541446104702551168;0.000000000000000000000000000000;0.015873015873015872134743631250;0.007054673721340387615441613889;0.011640211640211639912423358112;0.021164021164021162846324841667;0.017989417989417989113265505807;0.023633156966490299899508187309;0.015873015873015872134743631250
-0.042276422764227640505030336726;0.019105691056910567571236470030;0.030894308943089431734874139579;0.000813008130081300812302957937;0.024390243902439025236450476086;0.072357723577235771861282387363;0.000813008130081300812302957937;0.028455284552845527129560920798;0.010162601626016259936946539710;0.013008130081300812996847326986;0.021544715447154472176549688811;0.050406504065040651230145130057;0.021544715447154472176549688811;0.030894308943089431734874139579;0.018699186991869919116648901536;0.025203252032520325615072565029;0.011788617886178862428914193572;0.038211382113821135142472940061;0.031300813008130083658908660027;0.004878048780487804873817747620;0.019512195121951219495270990478;0.002845528455284553059900787275;0.008943089430894309369013406297;0.021138211382113820252515168363;0.047560975609756098170244342782;0.025609756097560974069660133523;0.040243902439024391293198590347;0.012601626016260162807536282514;0.000000000000000000000000000000;0.049593495934959347382076089161;0.023170731707317072933793866696;0.006910569105691056687734707964;0.016260162601626017980782634709;0.008130081300813008990391317354;0.021951219512195120631137257305;0.022764227642276424479206298201;0.015040650406504065678126025318;0.008943089430894309369013406297;0.000813008130081300812302957937;0.008130081300813008990391317354;0.005284552845528455063128792091;0.013008130081300812996847326986;0.000000000000000000000000000000;0.010162601626016259936946539710;0.010569105691056910126257584182;0.009349593495934959558324450768;0.021544715447154472176549688811;0.020325203252032519873893079421;0.041056910569105688202373727336;0.011788617886178862428914193572
-0.033106134371957154916010779289;0.020447906523855891025576170250;0.018987341772151899305098865511;0.115871470301850049144931631417;0.023369036027263874466530779728;0.045277507302823760682031206670;0.000973709834469328175052260654;0.037487828627069133546889645459;0.004868549172346641092101737769;0.003407984420642648504262695042;0.018987341772151899305098865511;0.056962025316455694445849644580;0.019474196689386564368406951075;0.017039922103213242521313475208;0.023855890944498539529838865292;0.016553067185978577458005389644;0.004381694255111976896155390193;0.034079844206426485042626950417;0.041382667964946447114460426064;0.004381694255111976896155390193;0.020447906523855891025576170250;0.004381694255111976896155390193;0.008763388510223953792310780386;0.009737098344693282184203475538;0.039435248296007786861228083808;0.019474196689386564368406951075;0.035540408958130480232551207109;0.041382667964946447114460426064;0.000000000000000000000000000000;0.061343719571567673076728510750;0.022395326192794547809361560553;0.005355404089581304420686347356;0.024342745861733204593146950856;0.004868549172346641092101737769;0.010710808179162608841372694712;0.012658227848101265625158085015;0.016066212268743915864144256034;0.003407984420642648504262695042;0.000486854917234664087526130327;0.005842259006815968616632694932;0.008763388510223953792310780386;0.009250243427458617120895389974;0.000000000000000000000000000000;0.005842259006815968616632694932;0.018500486854917234241790779947;0.003894839337877312700209042617;0.019961051606621225962268084686;0.013145082765335930688466170579;0.020447906523855891025576170250;0.012658227848101265625158085015
-0.050371872887085868131240573575;0.008113590263691683457381031985;0.031102096010818119919960622610;0.001690331304935767386954381664;0.008789722785665990412162784651;0.049695740365111561176458820910;0.001014198782961460432172628998;0.032792427315753887306915004274;0.007437457741717376502599279320;0.011832319134550371708680671645;0.030087897227856659487787993612;0.042258282623394184673859541590;0.025693035835023664281706601287;0.026707234617985124713879230285;0.016227180527383366914762063971;0.014198782961460446050416805974;0.008789722785665990412162784651;0.037187288708586882512996396599;0.037187288708586882512996396599;0.005747126436781609115644897656;0.029073698444895199055615364614;0.005409060175794455638254021324;0.014536849222447599527807682307;0.012846517917511832140853300643;0.056795131845841784201667223897;0.032454361054766733829524127941;0.043948613928329952060813923254;0.034820824881676808171260262270;0.000000000000000000000000000000;0.045638945233265719447768304917;0.016903313049357673869543816636;0.005747126436781609115644897656;0.021636240703177822553016085294;0.005409060175794455638254021324;0.018593644354293441256498198300;0.030764029749830966442569746278;0.019607843137254901688670827298;0.006423258958755916070426650322;0.001352265043948613909563505331;0.007099391480730223025208402987;0.006423258958755916070426650322;0.010480054090601757799117166314;0.000000000000000000000000000000;0.010818120351588911276508042647;0.010818120351588911276508042647;0.010480054090601757799117166314;0.017241379310344827346934692969;0.017579445571331980824325569301;0.042934415145368491628641294255;0.017241379310344827346934692969
-0.038126361655773419179205063756;0.012345679012345678327022824305;0.022512708787218591727219418885;0.006535947712418300852010855095;0.025417574437182281765768010473;0.059186637618010164152426710871;0.002904865649963689171186853599;0.039941902687000728489064016458;0.012708787218591140882884005237;0.009077705156136529202060003740;0.034132171387073348411966833282;0.045751633986928101627267295726;0.022512708787218591727219418885;0.020334059549745823330946237206;0.021060275962236744973221647115;0.022512708787218591727219418885;0.004357298474945534190461149393;0.021786492374727670084944008977;0.053013798111837324988915298718;0.005446623093681917521236002244;0.022149600580973129171358237954;0.003994190268700072501961706450;0.012345679012345678327022824305;0.014524328249818446723296005985;0.045751633986928101627267295726;0.019607843137254901688670827298;0.043936092955700799256302246931;0.023602033405954975925356009725;0.000000000000000000000000000000;0.071532316630355849418343439083;0.025417574437182281765768010473;0.001815541031227305840412000748;0.025054466230936819209906829542;0.005083514887436455832736559302;0.017792302106027595848258826550;0.018518518518518517490534236458;0.019970951343500364244532008229;0.005809731299927378342373707198;0.000726216412490922292796713400;0.006172839506172839163511412153;0.006535947712418300852010855095;0.008351488743645605825061117855;0.000000000000000000000000000000;0.009077705156136529202060003740;0.019970951343500364244532008229;0.008714596949891068380922298786;0.018881626724763980046395417389;0.015250544662309368365571415893;0.033405954974582423300244471420;0.016339869281045752563708006733
-0.039172209903917218354330032071;0.016260162601626017980782634709;0.043606799704360682534698412383;0.005173688100517368805564277778;0.015890613451589062632418603016;0.042128603104212861141242285612;0.002956393200295639317465301588;0.028824833702882482477924952491;0.022172949002217296615713237884;0.015521064301552107284054571323;0.014412416851441241238962476245;0.033998521803399850416127492281;0.018847006651884701949883904604;0.032150776053215077143754285771;0.020694752402069475222257111113;0.020694752402069475222257111113;0.008130081300813008990391317354;0.031411677753141166447026222386;0.038433111603843314596495872593;0.006282335550628233983294634868;0.024759793052475980584814507779;0.009977827050997782262764523864;0.013673318551367332276957888837;0.013303769401330376928593857144;0.041759053954175902323431301966;0.027346637102734664553915777674;0.038063562453806355778684888946;0.045824094604582407685988698631;0.001108647450110864744049488095;0.038433111603843314596495872593;0.030672579453067259219745110954;0.004804138950480414324561984074;0.014412416851441241238962476245;0.004804138950480414324561984074;0.019216555801921657298247936296;0.023281596452328159191358381008;0.015151515151515151935690539631;0.006651884700665188464296928572;0.003695491500369549146831626985;0.011456023651145601921497174658;0.006651884700665188464296928572;0.016999260901699925208063746140;0.000000000000000000000000000000;0.009238728750923873300759936456;0.018477457501847746601519872911;0.011086474501108648307856618942;0.021433850702143385918985174499;0.027346637102734664553915777674;0.030672579453067259219745110954;0.012934220251293421580229825452
-0.043290043290043288271018440128;0.012626262626262626034834291033;0.032828282828282831506960803836;0.001082251082251082250143547903;0.015873015873015872134743631250;0.047979797979797976503757439559;0.000360750360750360750047849301;0.037157287157287159640173257458;0.008297258297258297901621837411;0.017676767676767676101823312251;0.031024531024531024070434170881;0.043290043290043288271018440128;0.022005772005772004235035765873;0.026334776334776335837695171449;0.013708513708513708068137404439;0.023809523809523808202115446875;0.006493506493506493934542156410;0.046897546897546896205177802130;0.029220779220779220103354489879;0.008297258297258297901621837411;0.022727272727272727903535809446;0.008297258297258297901621837411;0.012626262626262626034834291033;0.018398268398268399770323355824;0.055916305916305919510023159091;0.032106782106782104369013808309;0.036435786435786432502226261931;0.031385281385281384169960716690;0.000721500721500721500095698602;0.037878787878787879839226349077;0.031385281385281384169960716690;0.005411255411255411033877305016;0.018398268398268399770323355824;0.006132756132756132967653872612;0.018037518037518036201349858061;0.028860028860028860003827944070;0.022366522366522367804009263637;0.006132756132756132967653872612;0.000721500721500721500095698602;0.006854256854256854034068702219;0.004329004329004329000574191610;0.007215007215007215000956986017;0.000000000000000000000000000000;0.011183261183261183902004631818;0.005411255411255411033877305016;0.009018759018759018100674929030;0.020923520923520923936456128445;0.017676767676767676101823312251;0.036796536796536799540646711648;0.018398268398268399770323355824
-0.028750000000000001249000902703;0.023750000000000000277555756156;0.019166666666666665186369300500;0.106249999999999997224442438437;0.057500000000000002498001805407;0.046249999999999999444888487687;0.002500000000000000052041704279;0.029999999999999998889776975375;0.005416666666666666851703837438;0.002500000000000000052041704279;0.019583333333333334536074943344;0.048333333333333332315628894094;0.018749999999999999306110609609;0.017916666666666667545593227828;0.044166666666666666574148081281;0.017083333333333332315628894094;0.007499999999999999722444243844;0.032083333333333331760517381781;0.042083333333333333703407674875;0.003749999999999999861222121922;0.022916666666666665047591422422;0.004166666666666666608842550801;0.006666666666666667094565124074;0.009166666666666666712925959359;0.031666666666666669349705642844;0.013333333333333334189130248149;0.027083333333333334258519187188;0.065833333333333327042069527124;0.000833333333333333386820640509;0.055000000000000000277555756156;0.021250000000000001526556658860;0.005416666666666666851703837438;0.018333333333333333425851918719;0.004166666666666666608842550801;0.009166666666666666712925959359;0.014583333333333333564629796797;0.009166666666666666712925959359;0.005000000000000000104083408559;0.003333333333333333547282562037;0.002916666666666666799662133158;0.007499999999999999722444243844;0.008333333333333333217685101602;0.000000000000000000000000000000;0.002500000000000000052041704279;0.025000000000000001387778780781;0.003333333333333333547282562037;0.012916666666666666574148081281;0.010833333333333333703407674875;0.016666666666666666435370203203;0.009583333333333332593184650250
-0.032267115600448932621890918426;0.031705948372615040675714936924;0.018518518518518517490534236458;0.033108866442199777480048794587;0.016554433221099888740024397293;0.031986531986531986648802927675;0.007856341189674523675656736543;0.051346801346801348997495040294;0.005892255892255892323061683413;0.009820426487093154160890051685;0.029741863075196408455758145806;0.010662177328843995549600975892;0.018518518518518517490534236458;0.018237934904601571517446245707;0.041245791245791245394070045904;0.015432098765432097908778530382;0.003086419753086419581755706076;0.043209876543209874144579885069;0.063131313131313135378341883097;0.002805836139169472307625108343;0.035072951739618406230558633752;0.002525252525252525467175379603;0.018799102132435466933069179163;0.010662177328843995549600975892;0.022446689113355778461000866741;0.024410774410774410680957657860;0.047138047138047138584493467306;0.045735129068462401780159609643;0.000561167227833894548261195467;0.032828282828282831506960803836;0.014870931537598204227879072903;0.003086419753086419581755706076;0.038720538720538717758490321330;0.003647586980920314130016901544;0.016835016835016834713112388044;0.020202020202020203737403036826;0.018518518518518517490534236458;0.024971941638608306096580591316;0.000000000000000000000000000000;0.004769921436588103226539292478;0.009539842873176206453078584957;0.008978675645342312772179127478;0.000000000000000000000000000000;0.009539842873176206453078584957;0.024130190796857464707869667109;0.013748597081930415131356681968;0.012345679012345678327022824305;0.007014590347923681419584074348;0.033950617283950615399312766840;0.009820426487093154160890051685
-0.040436456996148908982213754371;0.022143774069319641789599373283;0.024069319640564825618644917427;0.006739409499358151207915046399;0.026636713735558408683301578890;0.062580231065468547302366175700;0.002888318356867779213015268169;0.045571245186136075111527077297;0.009627727856225931288292052557;0.008023106546854941872881639142;0.021181001283697046405629649257;0.034980744544287546704541824738;0.023748395378690629470286310720;0.022785622593068037555763538649;0.039794608472400516685496540958;0.025673940949935816768778806818;0.006739409499358151207915046399;0.032092426187419767491526556569;0.049743260590500638917976772291;0.008023106546854941872881639142;0.024711168164313221384809082792;0.003530166880616174545498564541;0.007381258023106546974079211765;0.009627727856225931288292052557;0.043966623876765080491946235952;0.023106546854942233704122145355;0.042682926829268295898511809128;0.020539152759948650639465483891;0.000641848523748395332483296372;0.048138639281129651237289834853;0.020218228498074454491106877185;0.005455712451861360542948453656;0.026315789473684209065496020230;0.002888318356867779213015268169;0.021822849807445442171793814623;0.020218228498074454491106877185;0.011553273427471116852061072677;0.007702182284980744857161294448;0.002246469833119383880531971798;0.006418485237483954192194701704;0.010269576379974325319732741946;0.004492939666238767761063943595;0.000000000000000000000000000000;0.007381258023106546974079211765;0.025353016688061617150973248158;0.011232349165596918968978989994;0.015404364569961489714322588895;0.012836970474967908384389403409;0.030808729139922979428645177791;0.019576379974326058724942711819
-0.024038461538461539795941135367;0.033653846153846152244870637560;0.011057692307692308306132922269;0.064423076923076916244781386922;0.037980769230769227673416565949;0.049519230769230766775468310925;0.000961538461538461591837645415;0.029326923076923076816324709171;0.003846153846153846367350581659;0.005769230769230769551025872488;0.013942307692307693081645858513;0.082692307692307689959143601754;0.016346153846153847061239972049;0.017788461538461537714272964195;0.042307692307692310040856398246;0.018269230769230770244915262879;0.008653846153846154326538808732;0.026442307692307692040811772927;0.036538461538461540489830525757;0.002884615384615384775512936244;0.020192307692307693428590553708;0.003846153846153846367350581659;0.006250000000000000346944695195;0.012500000000000000693889390391;0.037019230769230769551025872488;0.021634615384615384081623545853;0.030769230769230770938804653269;0.036057692307692304489741275120;0.000480769230769230795918822707;0.072596153846153851918465704784;0.043269230769230768163247091707;0.007692307692307692734701163317;0.017788461538461537714272964195;0.004807692307692307959188227073;0.011057692307692308306132922269;0.009134615384615385122457631439;0.007692307692307692734701163317;0.007211538461538461938782340610;0.000000000000000000000000000000;0.003365384615384615571431758951;0.010096153846153846714295276854;0.013461538461538462285727035805;0.000000000000000000000000000000;0.006730769230769231142863517903;0.025961538461538462979616426196;0.003365384615384615571431758951;0.016346153846153847061239972049;0.012019230769230769897970567683;0.017307692307692308653077617464;0.014903846153846154673483503927
-0.042066758116140828827056452610;0.015089163237311385007410891035;0.028349336991312298894563070917;0.046639231824417010097150182446;0.026520347508001827774304359764;0.056698673982624597789126141834;0.000000000000000000000000000000;0.029721079103795153969480580258;0.010973936899862824986828790941;0.009144947416552355601293555765;0.025148605395518976168833802376;0.048468221307727481217408893599;0.019661636945587562808057668917;0.021033379058070414413528226305;0.028349336991312298894563070917;0.021947873799725649973657581882;0.007315957933241883613673106623;0.025148605395518976168833802376;0.027892089620484682849221869105;0.006401463191586648053543751047;0.021947873799725649973657581882;0.007315957933241883613673106623;0.006858710562414265833608428835;0.015089163237311385007410891035;0.038866026520347506101327184069;0.027434842249657063334433715340;0.035665294924554183375597915528;0.041609510745313216251162202752;0.001371742112482853123353598868;0.041152263374485596736374048987;0.032464563328760860649868646988;0.005944215820759030273479073259;0.017375400091449475642457755953;0.006401463191586648053543751047;0.015089163237311385007410891035;0.021490626428898033928316380070;0.014631915866483767227346213247;0.009144947416552355601293555765;0.000914494741655235451709138328;0.007315957933241883613673106623;0.002743484224965706246707197735;0.010059442158207591161422911341;0.000000000000000000000000000000;0.011888431641518060546958146517;0.016918152720621856127669602188;0.010059442158207591161422911341;0.022405121170553269488445735647;0.015546410608139002787475568823;0.030178326474622770014821782070;0.015546410608139002787475568823
-0.039864864864864867077809407192;0.028716216216216217810286437384;0.025000000000000001387778780781;0.067905405405405405705465682331;0.021959459459459460678454334470;0.052702702702702705628290402728;0.003716216216216216422507656603;0.035472972972972971472671588344;0.011824324324324324980706180099;0.009459459459459459984564944079;0.021621621621621622821862729324;0.046283783783783782883602953007;0.015202702702702703546622231556;0.019594594594594595682313098450;0.038175675675675674325404429510;0.023986486486486487818003965344;0.007432432432432432845015313205;0.030067567567567569236652857967;0.035472972972972971472671588344;0.006418918918918919275240497768;0.019594594594594595682313098450;0.006756756756756757131832102914;0.008108108108108108558198523497;0.010810810810810811410931364662;0.041554054054054052891320480967;0.018918918918918919969129888159;0.038513513513513515651442986609;0.039527027027027025751770850093;0.000337837837837837856591605146;0.043243243243243245643725458649;0.018918918918918919969129888159;0.003716216216216216422507656603;0.015878378378378379259805441848;0.001689189189189189282958025728;0.012162162162162162837297785245;0.018243243243243244255946677868;0.012500000000000000693889390391;0.009797297297297297841156549225;0.002364864864864864996141236020;0.005743243243243243562057287477;0.009459459459459459984564944079;0.014864864864864865690030626411;0.000000000000000000000000000000;0.007432432432432432845015313205;0.017905405405405406399355072722;0.005067567567567567848874077185;0.018243243243243244255946677868;0.018581081081081082112538283013;0.021959459459459460678454334470;0.017229729729729730686171862430
-0.045551298424861642877292666753;0.016602809706257982275134921224;0.024691358024691356654045648611;0.045977011494252872925159181250;0.017028522775649212323001435720;0.052362707535121330582050802604;0.002128565346956151540375179465;0.028097062579821200506424716536;0.008514261387824606161500717860;0.011068539804171988183423280816;0.026394210302256280314958658550;0.051936994465730100534184288108;0.022137079608343976366846561632;0.025968497232865050267092144054;0.028097062579821200506424716536;0.027671349510429970458558202040;0.005959982971477224139578154904;0.022562792677735206414713076128;0.032779906343124734502403327951;0.004682843763303533128616873427;0.018305661983822902466600979210;0.005959982971477224139578154904;0.009791400595998296305100261350;0.014474244359301830301078872765;0.054065559812686250773516860590;0.029374201787994890650024260026;0.035759897828863344837468929427;0.017028522775649212323001435720;0.000425713069391230318917057618;0.043848446147296722685826608767;0.040017028522775652255027978299;0.004682843763303533128616873427;0.011068539804171988183423280816;0.006811409110259685102672921886;0.019582801191996592610200522699;0.012345679012345678327022824305;0.009365687526607066257233746853;0.008088548318433376113634203364;0.000425713069391230318917057618;0.005959982971477224139578154904;0.002554278416347382021922562956;0.014474244359301830301078872765;0.000000000000000000000000000000;0.008939974457215836209367232357;0.022137079608343976366846561632;0.008088548318433376113634203364;0.023839931885908896558312619618;0.025117071094082586701912163107;0.024265644955300126606179134114;0.022988505747126436462579590625
-0.035181872391174713599060197566;0.031902206320810970463508482453;0.021466905187835418761244099528;0.016100178890876566673018288611;0.023852116875372690596446290101;0.060524746571258197791465249793;0.005068574836016696144591620055;0.041443053070960050865423340838;0.006559332140727489740550382180;0.006857483601669648286269787008;0.025939177101967799549120385905;0.059033989266547404195506487667;0.018485390578413835038773527231;0.015802027429934407259937145795;0.031902206320810970463508482453;0.022361359570661897000487527976;0.009540846750149075197744430454;0.033392963625521764059467244579;0.045617173524150268770771532445;0.003577817531305903415994595917;0.023852116875372690596446290101;0.006857483601669648286269787008;0.008944543828264758106305620800;0.010733452593917709380622049764;0.037865235539654144847343530955;0.017590936195587356799530098783;0.036374478234943351251384768830;0.020572450805008943991447623034;0.000894454382826475853998648979;0.064400715563506266692073154445;0.029815146094215861510834386650;0.005068574836016696144591620055;0.023852116875372690596446290101;0.003875968992248061961714000745;0.015802027429934407259937145795;0.014609421586165773077059526486;0.015205724508050090168498336141;0.008646392367322600427947953960;0.001192605843768634399718053807;0.006261180679785331194830977353;0.012820512820512820068019621544;0.006261180679785331194830977353;0.000000000000000000000000000000;0.007453786523553965377708596662;0.028324388789505067914875624524;0.005068574836016696144591620055;0.013118664281454979481100764360;0.011329755515802028206784335396;0.031007751937984495693712005959;0.017590936195587356799530098783
-0.037765538945712037732782562216;0.029504327301337528177693769749;0.026750590086546028462111124213;0.012588512981904012577594187405;0.039732494099134540999074260981;0.050354051927616050310376749621;0.003540519276160503537448365208;0.029504327301337528177693769749;0.006294256490952006288797093703;0.008261211644374507820365316491;0.021636506687647522051420878597;0.058221872541306056436649640773;0.023210070810385521888896676046;0.021636506687647522051420878597;0.028324154209284028299586921662;0.021243115656963022092051929235;0.006687647521636507115527781053;0.030291109362706531565878620427;0.031864673485444534872801369829;0.003540519276160503537448365208;0.022816679779701021929527726684;0.003933910306845003930498183564;0.004720692368214004716597820277;0.013768686073957514190424511469;0.048387096774193547044085050857;0.027930763178599528340217972300;0.035405192761605037976568866043;0.039339103068450037570258359665;0.000393391030684500393049818356;0.050747442958300553739192650937;0.032651455546813534791539268554;0.004327301337529504757228870915;0.016915814319433515600099582343;0.006294256490952006288797093703;0.023210070810385521888896676046;0.018882769472856018866391281108;0.009047993705743509473826691192;0.008654602675059009514457741830;0.000393391030684500393049818356;0.009047993705743509473826691192;0.008261211644374507820365316491;0.004327301337529504757228870915;0.000000000000000000000000000000;0.005900865460267506329428144340;0.016522423288749015640730632981;0.009834775767112509392564589916;0.021636506687647522051420878597;0.018882769472856018866391281108;0.027537372147915028380849022938;0.019276160503540518825760230470
-0.049025769956002517024895581699;0.015399120050282840907462933444;0.033626649905719674382709172278;0.001257071024512885007440310403;0.018856065367693273376881180070;0.060653676932746702910037583933;0.000628535512256442503720155202;0.032998114393463229276903803111;0.009428032683846636688440590035;0.013513513513513514263664205828;0.026398491514770583421523042489;0.041169076052796980957904082743;0.022313010685103707581022902673;0.029855436832181017625664765092;0.014142049025769955900022623041;0.024827152734129477595903523479;0.008799497171590195052082172822;0.024827152734129477595903523479;0.033312382149591451829806487694;0.011313639220615965066962793628;0.017913262099308612657067030227;0.006599622878692645855380760622;0.011627906976744185885142002235;0.017598994343180390104164345644;0.055311125078566940327373657738;0.032998114393463229276903803111;0.033312382149591451829806487694;0.012570710245128850074403104031;0.000628535512256442503720155202;0.034569453174104335102523322121;0.026398491514770583421523042489;0.004085480829666875840500139816;0.016027655562539284278544826634;0.006599622878692645855380760622;0.026398491514770583421523042489;0.024827152734129477595903523479;0.020741671904462601755403383663;0.005342551854179760847940450219;0.000942803268384663755580232802;0.010999371464487744248783585022;0.005342551854179760847940450219;0.009113764927718415870261381428;0.000000000000000000000000000000;0.012884978001257070892582312638;0.012884978001257070892582312638;0.010999371464487744248783585022;0.029855436832181017625664765092;0.021055939660590824308306068247;0.037083595223130108586850894881;0.022941546197360149217381319886
-0.039915966386554618816617789889;0.013655462184873949638141965579;0.033613445378151259046450860524;0.002801120448179271731764528042;0.021008403361344539506117001793;0.040266106442577033475149761443;0.002100840336134453690403178783;0.042717086834733894451510138879;0.006302521008403361504890405342;0.014005602240896359092503509203;0.029761904761904760252644308594;0.017857142857142856151586585156;0.018907563025210082779947740050;0.030462184873949579161367395841;0.021008403361344539506117001793;0.013305322128851540183780421955;0.007002801120448179546251754601;0.046218487394957985525678623162;0.043417366946778709890786274173;0.007002801120448179546251754601;0.031862745098039213509366618382;0.003151260504201680752445202671;0.022058823529411766134478156687;0.025210084033613446019561621370;0.037815126050420165559895480101;0.035714285714285712303173170312;0.044467787114845939988594381020;0.031512605042016805789728550735;0.000000000000000000000000000000;0.027310924369747899276283931158;0.023459383753501400482477379228;0.002100840336134453690403178783;0.024509803921568627110838534122;0.005952380952380952050528861719;0.020308123249299720597393914545;0.027661064425770306995921998805;0.026610644257703080367560843911;0.010504201680672269753058500896;0.001050420168067226845201589391;0.005602240896358543463529056083;0.009103641456582633670335802378;0.002450980392156862711083853412;0.000000000000000000000000000000;0.009803921568627450844335413649;0.012955182072829132464142354308;0.010854341736694677472696568543;0.017857142857142856151586585156;0.017507002801120448431948517509;0.050070028011204484319485175092;0.011204481792717086927058112167
-0.045092838196286469387707995793;0.007662835249042145198405950879;0.038314176245210725124668016406;0.004420866489832007278915071424;0.015620394930739758820870122236;0.049513704686118480136070019171;0.000294724432655467123015613495;0.032714412024756854557860918931;0.008252284114353079444437177870;0.016504568228706158888874355739;0.028882994400235780657615336509;0.038019451812555261904780223858;0.023872679045092836530583824128;0.032124963159445921179191429928;0.016504568228706158888874355739;0.027409372236958443741494662049;0.006778661951075744263039979387;0.030651340996168580793623803515;0.030946065428824050952405499970;0.006778661951075744263039979387;0.023283230179781903151914335126;0.006483937518420276706343496897;0.011199528440907751541955050811;0.023283230179781903151914335126;0.054524020041261417324207627644;0.032714412024756854557860918931;0.038903625110521665442231409315;0.007073386383731210952374723888;0.000589448865310934246031226991;0.035072207486000588072538874940;0.022399056881815503083910101623;0.005305039787798408214281042916;0.020041261420571766099785193660;0.010315355142941349739227341331;0.025641025641025640136039243089;0.027409372236958443741494662049;0.016209843796050692199539611238;0.007957559681697612755102433368;0.000589448865310934246031226991;0.009725906277630416360557852329;0.006778661951075744263039979387;0.002357795461243736984124907963;0.000000000000000000000000000000;0.008841732979664014557830142849;0.015915119363395225510204866737;0.010610079575596816428562085832;0.027114647804302977052159917548;0.030651340996168580793623803515;0.035366931918656058231320571394;0.023283230179781903151914335126
-0.029937933552391382541202347056;0.031398320554947060923023371970;0.022635998539612997570991126395;0.044906900328587073811803520584;0.050018254837531944678730155829;0.047097480832420594853982009909;0.001460387002555677297618852428;0.032128514056224896644486932473;0.009492515516611902542942758032;0.009492515516611902542942758032;0.024461482292807593813543931560;0.069368382621394664155900500191;0.015699160277473530461511685985;0.019350127783862722946617296316;0.033588901058780575026307957387;0.021540708287696240519348833686;0.006206644760861627918568927953;0.029937933552391382541202347056;0.033223804308141660635023129089;0.003650967506389193352467348319;0.017889740781307048034243223356;0.007667031763417305433028214878;0.006206644760861627918568927953;0.013873676524278934218958880820;0.037239868565169767511413567718;0.024826579043446511674275711812;0.030668127053669221732112859513;0.041621029572836802656876642459;0.000365096750638919324404713107;0.048192771084337351905624302617;0.037970062066447610171771032128;0.006936838262139467109479440410;0.010952902519167579190040306969;0.004381161007667031676016122788;0.017889740781307048034243223356;0.016429353778751369652422198442;0.008762322015334063352032245575;0.002920774005111354595237704856;0.000730193501277838648809426214;0.005841548010222709190475409713;0.008397225264695143756576989347;0.005111354508944869999564897256;0.000000000000000000000000000000;0.008032128514056224161121733118;0.024096385542168675952812151309;0.004746257758305951271471379016;0.022270901788974079710259346143;0.009857612267250822138398014260;0.020080321285140562137527808773;0.020445418035779479998259589024
-0.028806584362139918409351224682;0.028463648834019205507983585335;0.024005486968449930851310369917;0.058984910836762688424173006752;0.033950617283950615399312766840;0.040809327846364880365559457687;0.005486968449931412493414395470;0.027091906721536350433066075993;0.017146776406035665885063679070;0.011659807956104252524287545612;0.021604938271604937072289942535;0.043552812071330590515394476370;0.017489711934156378786431318417;0.018518518518518517490534236458;0.031207133058984912188371652064;0.017489711934156378786431318417;0.006515775034293552932240789488;0.032921810699588480164656800753;0.042181069958847738909923918982;0.005144032921810699592046756123;0.018518518518518517490534236458;0.006858710562414265833608428835;0.012688614540466392963113939629;0.014060356652949246303307972994;0.036694101508916325549147785523;0.024348422496570643752678009264;0.037379972565157751351883064217;0.030521262002743482916189421417;0.001714677640603566458402107209;0.051440329218106997655191037211;0.021604938271604937072289942535;0.007201646090534979602337806170;0.012688614540466392963113939629;0.007544581618655692503705445517;0.015432098765432097908778530382;0.016117969821673523711513809076;0.013031550068587105864481578976;0.005829903978052126262143772806;0.003086419753086419581755706076;0.010631001371742112085461151594;0.010288065843621399184093512247;0.012002743484224965425655184958;0.000000000000000000000000000000;0.008573388203017832942531839535;0.027091906721536350433066075993;0.008230452674897120041164200188;0.016460905349794240082328400376;0.013374485596707818765849218323;0.026406035665294924630330797299;0.017146776406035665885063679070
-0.039165602383993185220401045399;0.019157088122605362562334008203;0.023414218816517666510446105121;0.015325670498084290396811901758;0.031502767134951044358803784462;0.066836951894423152209512295485;0.002554278416347382021922562956;0.023839931885908896558312619618;0.008939974457215836209367232357;0.008514261387824606161500717860;0.023414218816517666510446105121;0.055342699020859940917116404080;0.024691358024691356654045648611;0.024691358024691356654045648611;0.023839931885908896558312619618;0.028097062579821200506424716536;0.004257130693912303080750358930;0.020434227330779056175380503646;0.033631332481907194598136356944;0.003831417624521072599202975439;0.025968497232865050267092144054;0.006811409110259685102672921886;0.004257130693912303080750358930;0.017879948914431672418734464713;0.048531289910600253212358268229;0.022988505747126436462579590625;0.034057045551298424646002871441;0.050234142188165173403824326215;0.000851426138782460637834115236;0.054491272882077480821383375087;0.036185610898254574885335443923;0.003831417624521072599202975439;0.017879948914431672418734464713;0.003831417624521072599202975439;0.017879948914431672418734464713;0.017879948914431672418734464713;0.011919965942954448279156309809;0.005959982971477224139578154904;0.000851426138782460637834115236;0.010217113665389528087690251823;0.008514261387824606161500717860;0.007237122179650915150539436382;0.000000000000000000000000000000;0.006811409110259685102672921886;0.020434227330779056175380503646;0.005959982971477224139578154904;0.014048531289910600253212358268;0.018305661983822902466600979210;0.030225627926777350745757289019;0.014474244359301830301078872765
-0.045125585355470412829426152257;0.019157088122605362562334008203;0.014899957428693060348945387261;0.031077054065559814310937269966;0.042145593869731802494360550781;0.051511281396338870486317773612;0.002128565346956151540375179465;0.037888463175819495076801501909;0.006385696040868455054806407389;0.007237122179650915150539436382;0.020008514261387826127513989150;0.045977011494252872925159181250;0.023414218816517666510446105121;0.018305661983822902466600979210;0.034908471690080884741735900434;0.019582801191996592610200522699;0.003405704555129842551336460943;0.025542784163473820219225629558;0.044699872286079182781559637760;0.004257130693912303080750358930;0.027245636441038740410691687543;0.003405704555129842551336460943;0.005959982971477224139578154904;0.013197105151128140157479329275;0.040017028522775652255027978299;0.020859940400170286223247018143;0.036185610898254574885335443923;0.037037037037037034981068472916;0.000000000000000000000000000000;0.074499787143465306948897364236;0.022137079608343976366846561632;0.002979991485738612069789077452;0.023839931885908896558312619618;0.004257130693912303080750358930;0.010642826734780758135556766319;0.017028522775649212323001435720;0.013197105151128140157479329275;0.006385696040868455054806407389;0.000851426138782460637834115236;0.002554278416347382021922562956;0.014474244359301830301078872765;0.005108556832694764043845125912;0.000000000000000000000000000000;0.005534269902085994091711640408;0.031928480204342274406670298958;0.009365687526607066257233746853;0.014474244359301830301078872765;0.013622818220519370205345843772;0.028097062579821200506424716536;0.017454235845040442370867950217
-0.030291109362706531565878620427;0.024390243902439025236450476086;0.011801730920535012658856288681;0.005900865460267506329428144340;0.040912667191188044346628061021;0.061369000786782063050495139578;0.002360346184107002358298910139;0.035798583792289534466490863451;0.005900865460267506329428144340;0.005507474429583005502697456990;0.023210070810385521888896676046;0.069630212431156565666690028138;0.025570416994492525114557324173;0.017702596380802518988284433021;0.041699449252557044265365959745;0.016522423288749015640730632981;0.003933910306845003930498183564;0.016522423288749015640730632981;0.074350904799370579056905228299;0.004327301337529504757228870915;0.027537372147915028380849022938;0.004327301337529504757228870915;0.007081038552321007074896730416;0.005507474429583005502697456990;0.040519276160503540917812159705;0.020849724626278522132682979873;0.039339103068450037570258359665;0.018095987411487018947653382384;0.000000000000000000000000000000;0.078678206136900075140516719330;0.035405192761605037976568866043;0.003933910306845003930498183564;0.027930763178599528340217972300;0.003540519276160503537448365208;0.011014948859166011005394913980;0.011408339889850510964763863342;0.011801730920535012658856288681;0.003540519276160503537448365208;0.000393391030684500393049818356;0.003147128245476003144398546851;0.006687647521636507115527781053;0.007867820613690007860996367128;0.000000000000000000000000000000;0.007867820613690007860996367128;0.037372147915027534303966660900;0.006687647521636507115527781053;0.011408339889850510964763863342;0.009834775767112509392564589916;0.024783634933123525195819425448;0.015735641227380015721992734257
-0.042176870748299316593588059732;0.028911564625850341009316579743;0.024149659863945578675004099978;0.057482993197278911545744506384;0.013945578231292516530048786194;0.028231292517006803532986225491;0.004421768707482993596147302640;0.042176870748299316593588059732;0.007482993197278911372272158786;0.010884353741496597886562192059;0.023809523809523808202115446875;0.020748299319727891293352328717;0.020068027210884353817021974464;0.030952380952380953438307642500;0.025170068027210883154776155379;0.012925170068027210315553254816;0.009523809523809524668624959531;0.047278911564625852870236144554;0.042176870748299316593588059732;0.007142857142857142634106981660;0.028911564625850341009316579743;0.003061224489795918209805725141;0.014965986394557822744544317572;0.017006802721088436908258856306;0.039795918367346937161155295826;0.035034013605442178296289768014;0.050680272108843536782440963862;0.021428571428571428769682682969;0.000000000000000000000000000000;0.024149659863945578675004099978;0.020748299319727891293352328717;0.006122448979591836419611450282;0.024149659863945578675004099978;0.005782312925170067681446273156;0.011564625850340135362892546311;0.025510204081632653627664808482;0.019047619047619049337249919063;0.005442176870748298943281096030;0.002040816326530612428991062757;0.003401360544217686947970902267;0.007142857142857142634106981660;0.010884353741496597886562192059;0.000000000000000000000000000000;0.007482993197278911372272158786;0.019727891156462583344133321361;0.009523809523809524668624959531;0.018027210884353741388030911708;0.017346938775510203911700557455;0.039795918367346937161155295826;0.011564625850340135362892546311
-0.024096385542168675952812151309;0.041705282669138088458282709325;0.016991041087426630301626673258;0.016373185047883844628335836546;0.023478529502625886810074362643;0.027185665739882607788713286823;0.005869632375656471702518590661;0.081248069199876427060047490158;0.002162496138399752892284011452;0.007723200494284831324476314762;0.025641025641025640136039243089;0.008958912573370404405781464163;0.012666048810627123649696912366;0.010503552672227370323732031920;0.059932035835650293575938007962;0.006178560395427865406525747005;0.003398208217485325973589160853;0.061167747914735864922519681386;0.069817732468334878226379203170;0.004942848316342292325220597604;0.033982082174853260603253346517;0.001235712079085573081305149401;0.012974976830398516486342330722;0.015137472968798269812307211168;0.025332097621254247299393824733;0.019462465245597776464236972060;0.062094531974050043432455936454;0.029657089898053753951323585625;0.000000000000000000000000000000;0.035217794253938831949835019941;0.003398208217485325973589160853;0.002780352177942539432936586152;0.032128514056224896644486932473;0.003707136237256719243915448203;0.008341056533827618732490627451;0.026567809700339822115422450111;0.022242817423540315463492689219;0.003707136237256719243915448203;0.000308928019771393270326287350;0.006487488415199258243171165361;0.018535681186283594484853765039;0.004324992276799505784568022904;0.000000000000000000000000000000;0.004016064257028112080560866559;0.045103490886623416600276215149;0.008032128514056224161121733118;0.010812480691998764895100926253;0.009267840593141797242426882519;0.036453506333024403296416693365;0.008649984553599011569136045807
-0.032228915662650604867511816565;0.021084337349397588856625418430;0.029216867469879517771325083686;0.014759036144578312546582488096;0.021385542168674699647912262890;0.040361445783132526843317577914;0.003614457831325301306185648897;0.048795180722891566549304087630;0.005120481927710843553236408354;0.010843373493975903484876077698;0.026204819277108434144585302761;0.017469879518072290586205852492;0.018674698795180723343012374471;0.025602409638554216031458565794;0.043072289156626503148217466332;0.009337349397590361671506187236;0.005722891566265059931639669344;0.053915662650602408367817020007;0.050000000000000002775557561563;0.003915662650602409929068148386;0.022590361445783132404718784869;0.002108433734939759059134889441;0.020180722891566263421658788957;0.016265060240963854359952378559;0.029518072289156625093164976192;0.027108433734939759579551932234;0.056325301204819273881430063966;0.009337349397590361671506187236;0.000301204819277108460252173616;0.034638554216867470381124860523;0.013253012048192770733212597634;0.006325301204819277177404668322;0.028915662650602410449485191180;0.005722891566265059931639669344;0.022891566265060239726558677376;0.029819277108433735884451820652;0.024096385542168675952812151309;0.005722891566265059931639669344;0.000000000000000000000000000000;0.007228915662650602612371297795;0.012650602409638554354809336644;0.006626506024096385366606298817;0.000000000000000000000000000000;0.008734939759036145293102926246;0.021084337349397588856625418430;0.014457831325301205224742595590;0.017469879518072290586205852492;0.016867469879518072473079115525;0.044879518072289154018150725278;0.013554216867469879789775966117
-0.022177419354838710796595790953;0.039516129032258061337667953694;0.010483870967741936233719179938;0.052419354838709679433872423715;0.039516129032258061337667953694;0.026209677419354839716936211858;0.006048387096774193380510631357;0.035483870967741935886774484743;0.003629032258064516288514900211;0.008467741935483871773548969486;0.027016129032258064113225515257;0.017741935483870967943387242372;0.031451612903225803496987111885;0.011290322580645160630008483338;0.050806451612903223702399913009;0.014112903225806451221191473167;0.006451612903225806446017021045;0.034677419354838708021038229390;0.056048387096774190951897764990;0.002016129032258064460170210452;0.027419354838709678046093642934;0.002822580645161290157502120834;0.022983870967741935192885094352;0.012500000000000000693889390391;0.023387096774193549125753222029;0.021774193548387096863727663276;0.035887096774193549819642612420;0.045161290322580642520033933351;0.000403225806451612902876063815;0.046370967741935484318638316381;0.019354838709677420205412801124;0.002016129032258064460170210452;0.033467741935483873161327750267;0.004032258064516128920340420905;0.020564516129032258534570232200;0.015725806451612901748493555942;0.011290322580645160630008483338;0.007258064516129032577029800422;0.000403225806451612902876063815;0.008467741935483871773548969486;0.009274193548387096169838272885;0.005241935483870968116859589969;0.000000000000000000000000000000;0.008467741935483871773548969486;0.044354838709677421593191581906;0.020967741935483872467438359877;0.011290322580645160630008483338;0.010080645161290322300851052262;0.021774193548387096863727663276;0.011693548387096774562876611014
-0.033631332481907194598136356944;0.008514261387824606161500717860;0.026394210302256280314958658550;0.046828437633035333020892210243;0.021711366538952746318980047135;0.085142613878246065084454130556;0.002128565346956151540375179465;0.011494252873563218231289795312;0.009365687526607066257233746853;0.005534269902085994091711640408;0.019582801191996592610200522699;0.132822477650063858201079369792;0.014048531289910600253212358268;0.021285653469561516271113532639;0.012345679012345678327022824305;0.030651340996168580793623803515;0.003831417624521072599202975439;0.008514261387824606161500717860;0.026394210302256280314958658550;0.008514261387824606161500717860;0.008088548318433376113634203364;0.004682843763303533128616873427;0.007237122179650915150539436382;0.010217113665389528087690251823;0.057896977437207321204315491059;0.014474244359301830301078872765;0.014474244359301830301078872765;0.049382716049382713308091297222;0.000425713069391230318917057618;0.075351213282247767044630393229;0.088974031502767128576358857117;0.003405704555129842551336460943;0.005959982971477224139578154904;0.005534269902085994091711640408;0.014474244359301830301078872765;0.006811409110259685102672921886;0.002128565346956151540375179465;0.007237122179650915150539436382;0.000000000000000000000000000000;0.007662835249042145198405950879;0.002128565346956151540375179465;0.013197105151128140157479329275;0.000000000000000000000000000000;0.005108556832694764043845125912;0.008088548318433376113634203364;0.004682843763303533128616873427;0.012771392081736910109612814779;0.012345679012345678327022824305;0.015325670498084290396811901758;0.013197105151128140157479329275
-0.038359788359788357658963775521;0.003086419753086419581755706076;0.018518518518518517490534236458;0.000000000000000000000000000000;0.015432098765432097908778530382;0.089506172839506167870915476215;0.000440917107583774225965100868;0.006613756613756613389476513021;0.007495590828924161841406714757;0.005731922398589064937546311285;0.018077601410934743264569135590;0.182098765432098769201374466320;0.015432098765432097908778530382;0.027336860670194002009836253819;0.001322751322751322677895302604;0.037918871252204583432998674652;0.006172839506172839163511412153;0.007054673721340387615441613889;0.016313932980599646360708732118;0.004850088183421516485616109549;0.011022927689594355649127521701;0.002204585537918871129825504340;0.003086419753086419581755706076;0.016754850088183420586673832986;0.077601410934744263769857752777;0.018959435626102291716499337326;0.011904761904761904101057723437;0.011463844797178129875092622569;0.000881834215167548451930201736;0.084215167548500877159334265798;0.099206349206349200842147695312;0.004409171075837742259651008681;0.002204585537918871129825504340;0.006172839506172839163511412153;0.008818342151675484519302017361;0.012345679012345678327022824305;0.005291005291005290711581210417;0.010141093474426807197197319965;0.003527336860670193807720806944;0.006613756613756613389476513021;0.000881834215167548451930201736;0.007054673721340387615441613889;0.000000000000000000000000000000;0.004409171075837742259651008681;0.004850088183421516485616109549;0.006172839506172839163511412153;0.022486772486772485524220144271;0.022486772486772485524220144271;0.014550264550264549456848328646;0.018518518518518517490534236458
-0.037804878048780486687885371566;0.009756097560975609747635495239;0.019105691056910567571236470030;0.001626016260162601624605915873;0.032520325203252035961565269417;0.061788617886178863469748279158;0.001626016260162601624605915873;0.013821138211382113375469415928;0.014227642276422763564780460399;0.008130081300813008990391317354;0.021138211382113820252515168363;0.158536585365853660567481142607;0.023983739837398373312415955638;0.020325203252032519873893079421;0.007723577235772357933718534895;0.028455284552845527129560920798;0.007723577235772357933718534895;0.019512195121951219495270990478;0.028861788617886179053595441246;0.003252032520325203249211831746;0.010162601626016259936946539710;0.010569105691056910126257584182;0.004471544715447154684506703148;0.010162601626016259936946539710;0.063008130081300808833510984641;0.021951219512195120631137257305;0.020325203252032519873893079421;0.004878048780487804873817747620;0.002032520325203252247597829339;0.094715447154471540947007213163;0.065447154471544713438824203422;0.005284552845528455063128792091;0.010162601626016259936946539710;0.006504065040650406498423663493;0.016260162601626017980782634709;0.009756097560975609747635495239;0.007317073170731707744407490424;0.007723577235772357933718534895;0.000813008130081300812302957937;0.005284552845528455063128792091;0.002845528455284553059900787275;0.004065040650406504495195658677;0.000000000000000000000000000000;0.006097560975609756309112619022;0.006097560975609756309112619022;0.006097560975609756309112619022;0.019512195121951219495270990478;0.017073170731707318359404723651;0.014634146341463415488814980847;0.026829268292682926372316742913
-0.045125585355470412829426152257;0.002128565346956151540375179465;0.033205619412515964550269842448;0.040868454661558112350761007292;0.026394210302256280314958658550;0.078756917837377607427562509201;0.000851426138782460637834115236;0.008514261387824606161500717860;0.008514261387824606161500717860;0.006385696040868455054806407389;0.018731375053214132514467493706;0.149851000425713060115739949651;0.013197105151128140157479329275;0.019157088122605362562334008203;0.008939974457215836209367232357;0.031928480204342274406670298958;0.004682843763303533128616873427;0.010642826734780758135556766319;0.016602809706257982275134921224;0.004257130693912303080750358930;0.009791400595998296305100261350;0.005108556832694764043845125912;0.002554278416347382021922562956;0.011068539804171988183423280816;0.054491272882077480821383375087;0.016177096636866752227268406727;0.008514261387824606161500717860;0.031502767134951044358803784462;0.001277139208173691010961281478;0.087271179225202208384892799131;0.082162622392507447810494625173;0.006385696040868455054806407389;0.008088548318433376113634203364;0.004682843763303533128616873427;0.012345679012345678327022824305;0.011494252873563218231289795312;0.005108556832694764043845125912;0.010217113665389528087690251823;0.001277139208173691010961281478;0.003831417624521072599202975439;0.001277139208173691010961281478;0.006811409110259685102672921886;0.000000000000000000000000000000;0.011068539804171988183423280816;0.007662835249042145198405950879;0.005108556832694764043845125912;0.019582801191996592610200522699;0.020434227330779056175380503646;0.013197105151128140157479329275;0.012771392081736910109612814779
-0.040404040404040407474806073651;0.000374111485222596311297355021;0.030677141788252898502165066930;0.080433969322858206441040351820;0.033295922184811074795440788421;0.076318742985409651624628679656;0.001122334455667789096522390935;0.006734006734006733711772607620;0.011971567527123081961515360661;0.008230452674897120041164200188;0.015338570894126449251082533465;0.141788252899364003445370485679;0.014964459408903852885575069820;0.018705574261129818275373182246;0.003741114852225963221393767455;0.027310138421249532947321370102;0.003741114852225963221393767455;0.009726898615787505503194054768;0.012345679012345678327022824305;0.003741114852225963221393767455;0.007108118219229330077280071265;0.013468013468013467423545215240;0.002618780396558174124871376520;0.012345679012345678327022824305;0.054994388327721660525426727872;0.015338570894126449251082533465;0.017957351290684625544358254956;0.007856341189674523675656736543;0.000374111485222596311297355021;0.104377104377104373833518025094;0.067340067340067338852449552178;0.004115226337448560020582100094;0.004863449307893752751597027384;0.007856341189674523675656736543;0.015712682379349047351313473087;0.006734006734006733711772607620;0.003367003367003366855886303810;0.007108118219229330077280071265;0.004115226337448560020582100094;0.004115226337448560020582100094;0.001122334455667789096522390935;0.008604564160119716406671663833;0.000000000000000000000000000000;0.006734006734006733711772607620;0.005985783763561540980757680330;0.004863449307893752751597027384;0.017209128320239432813343327666;0.020202020202020203737403036826;0.015712682379349047351313473087;0.016835016835016834713112388044
-0.035648148148148151026504137917;0.014814814814814815380206169948;0.018518518518518517490534236458;0.069444444444444447528397290625;0.036574074074074071349915726614;0.083796296296296299277450714271;0.000925925925925925961262885622;0.014814814814814815380206169948;0.003703703703703703845051542487;0.006944444444444444058950338672;0.018518518518518517490534236458;0.120370370370370363688472536978;0.009722222222222222376419864531;0.017592592592592593697675695807;0.020370370370370372015145221667;0.032870370370370369239587660104;0.004629629629629629372633559115;0.018981481481481481121686982760;0.033333333333333332870740406406;0.004166666666666666608842550801;0.013425925925925926221471407018;0.006481481481481481295159330358;0.004629629629629629372633559115;0.006944444444444444058950338672;0.056944444444444443365060948281;0.020370370370370372015145221667;0.020370370370370372015145221667;0.015277777777777777276635440273;0.000925925925925925961262885622;0.086111111111111110494320541875;0.054629629629629632148191120677;0.002777777777777777883788656865;0.010185185185185186007572610833;0.002314814814814814686316779557;0.005092592592592593003786305417;0.008796296296296296848837847904;0.006944444444444444058950338672;0.007870370370370369586532355299;0.000000000000000000000000000000;0.002314814814814814686316779557;0.007407407407407407690103084974;0.004166666666666666608842550801;0.000000000000000000000000000000;0.004166666666666666608842550801;0.014351851851851851749053423646;0.006018518518518518531368322044;0.013425925925925926221471407018;0.015277777777777777276635440273;0.018518518518518517490534236458;0.018518518518518517490534236458
-0.052144659377628257979075954154;0.001261564339781328899017798228;0.013877207737594618106036215011;0.000000000000000000000000000000;0.020605550883095038322556646904;0.099243061396131204698889405336;0.002943650126156434169988340699;0.009251471825063077580875159356;0.013456686291000840433040863786;0.004625735912531538790437579678;0.020605550883095038322556646904;0.170731707317073183594047236511;0.025231286795626577112994226582;0.015138772077375945920851840754;0.004625735912531538790437579678;0.042472666105971404459928919550;0.002102607232968881426082852215;0.010513036164844407130414261076;0.022287636669470142075644147894;0.003784693019343986480212960188;0.012195121951219512618225238043;0.005887300252312868339976681398;0.001261564339781328899017798228;0.009251471825063077580875159356;0.071488645920941965017370023361;0.022287636669470142075644147894;0.013036164844407064494768988538;0.002523128679562657798035596457;0.000000000000000000000000000000;0.105550883095037850711861437958;0.088309503784693016426032841082;0.001682085786375105054130107973;0.005046257359125315596071192914;0.004625735912531538790437579678;0.013877207737594618106036215011;0.005887300252312868339976681398;0.003364171572750210108260215947;0.012615643397813288556497113291;0.002943650126156434169988340699;0.005046257359125315596071192914;0.001682085786375105054130107973;0.005466778805719091534343068162;0.000000000000000000000000000000;0.005466778805719091534343068162;0.003784693019343986480212960188;0.004205214465937762852165704430;0.010092514718250631192142385828;0.015979814970563499532119067226;0.011354079058031959006958011571;0.020185029436501262384284771656
-0.044306257287213372808576394846;0.013602798289933928574391153177;0.032258064516129031362723367238;0.000388651379712397974756921126;0.006218422075398367596110738020;0.039253789350952195125188382008;0.001554605518849591899027684505;0.049747376603186940768885904163;0.006218422075398367596110738020;0.016323357947920714289269383812;0.029537504858142247382568612579;0.033035367275553825794354168011;0.022930431403031480835918998196;0.029537504858142247382568612579;0.019043917605907501738871090424;0.024873688301593470384442952081;0.005052467936261173346579322896;0.038865137971239797909372981621;0.040808394869801790927343887461;0.008550330353672756095173568269;0.031480761756704236931092566465;0.001943256898561989982204822880;0.013214146910221531358575752790;0.023707734162456275267549798969;0.045860862806062961671837996391;0.029537504858142247382568612579;0.052856587640886125434303011161;0.001943256898561989982204822880;0.000000000000000000000000000000;0.030314807617567041814199413352;0.038865137971239797909372981621;0.003886513797123979964409645760;0.022930431403031480835918998196;0.003497862417411581881232507385;0.018655266226195104523055690038;0.026816945200155459932966905967;0.027205596579867857148782306353;0.015546055188495919857638583039;0.000388651379712397974756921126;0.008550330353672756095173568269;0.006607073455110765679287876395;0.002720559657986785714878230635;0.000000000000000000000000000000;0.009716284492809949477343245405;0.010493587252234745643697522155;0.013214146910221531358575752790;0.022930431403031480835918998196;0.017489312087057909406162536925;0.045083560046638167240207195618;0.012436844150796735192221476041
-0.032661290322580645295591494914;0.008870967741935483971693621186;0.020564516129032258534570232200;0.074999999999999997224442438437;0.020564516129032258534570232200;0.062500000000000000000000000000;0.002822580645161290157502120834;0.017338709677419354010519114695;0.006854838709677419511523410733;0.009677419354838710102706400562;0.015725806451612901748493555942;0.101612903225806447404799826018;0.012903225806451612892034042090;0.018145161290322581876255370048;0.012096774193548386761021262714;0.036290322580645163752510740096;0.004435483870967741985846810593;0.020967741935483872467438359877;0.022983870967741935192885094352;0.004435483870967741985846810593;0.018145161290322581876255370048;0.006048387096774193380510631357;0.007258064516129032577029800422;0.012500000000000000693889390391;0.052822580645161293366740551392;0.019354838709677420205412801124;0.025000000000000001387778780781;0.021774193548387096863727663276;0.000403225806451612902876063815;0.066532258064516125450893468951;0.069354838709677416042076458780;0.005241935483870968116859589969;0.013709677419354839023046821467;0.006048387096774193380510631357;0.013709677419354839023046821467;0.012096774193548386761021262714;0.005645161290322580315004241669;0.008870967741935483971693621186;0.002419354838709677525676600141;0.006854838709677419511523410733;0.003225806451612903223008510523;0.008467741935483871773548969486;0.000000000000000000000000000000;0.008064516129032257840680841809;0.009677419354838710102706400562;0.005241935483870968116859589969;0.021774193548387096863727663276;0.020564516129032258534570232200;0.022177419354838710796595790953;0.020564516129032258534570232200
-0.041609510745313216251162202752;0.007315957933241883613673106623;0.023319615912208505048575091223;0.001828989483310470903418276656;0.027434842249657063334433715340;0.090534979423868316983359250116;0.001371742112482853123353598868;0.009602194787379973381358233553;0.011431184270690442766893468729;0.009602194787379973381358233553;0.014631915866483767227346213247;0.148605395518975752500168141523;0.018747142203932327247928313341;0.021490626428898033928316380070;0.003657978966620941806836553312;0.040237768632830364645691645364;0.006401463191586648053543751047;0.008687700045724737821228877976;0.013717421124828531667216857670;0.006858710562414265833608428835;0.008230452674897120041164200188;0.011431184270690442766893468729;0.003657978966620941806836553312;0.011888431641518060546958146517;0.068587105624142663540254716281;0.025148605395518976168833802376;0.014174668495656149447281535458;0.013260173754000913887152179882;0.000000000000000000000000000000;0.115226337448559673637404898727;0.061728395061728391635114121527;0.005486968449931412493414395470;0.004572473708276177800646777882;0.004572473708276177800646777882;0.010973936899862824986828790941;0.010516689529035207206764113153;0.005944215820759030273479073259;0.008687700045724737821228877976;0.001828989483310470903418276656;0.006858710562414265833608428835;0.002286236854138088900323388941;0.003200731595793324026771875523;0.000000000000000000000000000000;0.008230452674897120041164200188;0.006858710562414265833608428835;0.003657978966620941806836553312;0.025605852766346592214175004187;0.021490626428898033928316380070;0.009602194787379973381358233553;0.019204389574759946762716467106
-0.038447971781305115279714357257;0.005996472663139329993542414599;0.028924162257495590611089397726;0.075132275132275133655568311042;0.016578483245149912284066573420;0.089594356261022925491666057951;0.001410934744268077696560670375;0.009523809523809524668624959531;0.010934744268077601497823891918;0.008112874779541446104702551168;0.021516754850088182920986312752;0.120634920634920636550724282188;0.019753086419753086017125909279;0.026807760141093473632567523168;0.004585537918871252296981744223;0.032451499118165784418810204670;0.004585537918871252296981744223;0.013403880070546736816283761584;0.014462081128747795305544698863;0.004938271604938271504281477320;0.003174603174603174600421073848;0.008818342151675484519302017361;0.003174603174603174600421073848;0.014462081128747795305544698863;0.062786596119929455328545486736;0.016225749559082892209405102335;0.016578483245149912284066573420;0.005643738977072310786242681502;0.000352733686067019424140167594;0.090299823633156972579882904029;0.048324514991181656553553835920;0.007407407407407407690103084974;0.008465608465608466179364022253;0.007407407407407407690103084974;0.015520282186948853794805636142;0.014814814814814815380206169948;0.005291005291005290711581210417;0.006701940035273368408141880792;0.002469135802469135752140738660;0.008112874779541446104702551168;0.002469135802469135752140738660;0.008465608465608466179364022253;0.000000000000000000000000000000;0.008465608465608466179364022253;0.003880070546737213448701409035;0.003527336860670193807720806944;0.025749559082892416878030061866;0.019753086419753086017125909279;0.014109347442680775230883227778;0.019753086419753086017125909279
-0.040958605664488015318802638376;0.002614379084967320080595820642;0.037472766884531591435880670815;0.061002178649237473462285663572;0.004357298474945534190461149393;0.067102396514161222196293010711;0.000871459694989106729672012630;0.007843137254901960675468330919;0.021350762527233117099578763032;0.009586056644880174351652790676;0.018300653594771242732575089462;0.112418300653594774307642012445;0.013507625272331154689386956136;0.023529411764705882026404992757;0.002178649237472767095230574697;0.045315904139433552111349001734;0.006971677559912853837376101040;0.013507625272331154689386956136;0.016557734204793027321667153728;0.005228758169934640161191641283;0.005664488017429194013918625217;0.017429193899782136761844597572;0.001307189542483660040297910321;0.013507625272331154689386956136;0.070588235294117646079214978272;0.024400871459694987997135484648;0.016993464052287580307032399674;0.031372549019607842701873323676;0.000000000000000000000000000000;0.043572984749455340169888017954;0.069716775599128547047378390289;0.004357298474945534190461149393;0.003485838779956426918688050520;0.004793028322440087175826395338;0.014379084967320260660117448026;0.014379084967320260660117448026;0.008278867102396513660833576864;0.010893246187363835042472004488;0.001742919389978213459344025260;0.008278867102396513660833576864;0.000435729847494553364836006315;0.013071895424836601704021710191;0.000000000000000000000000000000;0.008714596949891068380922298786;0.002178649237472767095230574697;0.004793028322440087175826395338;0.030501089324618736731142831786;0.024400871459694987997135484648;0.017429193899782136761844597572;0.022657952069716776055674500867
-0.040517241379310342530573052500;0.008620689655172413673467346484;0.022844827586206897102050206172;0.078879310344827591183758386251;0.031896551724137932326552657969;0.076293103448275861877547754375;0.001293103448275862051020101973;0.009482758620689655040814081133;0.015517241379310344612241223672;0.005172413793103448204080407891;0.011206896551724137775507550430;0.147413793103448265142674244998;0.017241379310344827346934692969;0.015948275862068966163276328984;0.006896551724137930938773877187;0.028879310344827584938753872734;0.006465517241379310255100509863;0.010344827586206896408160815781;0.015517241379310344612241223672;0.005172413793103448204080407891;0.004310344827586206836733673242;0.005603448275862068887753775215;0.001724137931034482734693469297;0.012931034482758620510201019727;0.053879310344827582857085701562;0.013793103448275861877547754375;0.013362068965517242061236125039;0.040086206896551720979537947187;0.000431034482758620683673367324;0.079310344827586212734793491563;0.073706896551724132571337122499;0.004310344827586206836733673242;0.007327586206896551622447244512;0.005172413793103448204080407891;0.011206896551724137775507550430;0.010775862068965517959195921094;0.005603448275862068887753775215;0.007327586206896551622447244512;0.000862068965517241367346734648;0.009913793103448276591849186445;0.000862068965517241367346734648;0.011637931034482759326542655742;0.000000000000000000000000000000;0.005172413793103448204080407891;0.004310344827586206836733673242;0.003017241379310344785713571270;0.017241379310344827346934692969;0.015948275862068966163276328984;0.010775862068965517959195921094;0.013793103448275861877547754375
-0.043902439024390241262274514611;0.008710801393728222555279394612;0.027526132404181183344071826014;0.033449477351916376277607412248;0.004878048780487804873817747620;0.044250871080139371482875532138;0.001742160278745644597792052721;0.039372822299651569211142998483;0.008710801393728222555279394612;0.012891986062717769589980321143;0.029616724738675957728784027267;0.024738675958188151987604541659;0.024738675958188151987604541659;0.025435540069686412428806576713;0.016724738675958188138803706124;0.015679442508710800946447605497;0.006968641114982578391168210885;0.035888501742160280882920631029;0.037282229965156794826430797229;0.004181184668989547034700926531;0.026480836236933799621162677340;0.005226480836236934227057027158;0.018118466898954705551760824278;0.015679442508710800946447605497;0.047735191637630659811097899592;0.032404181184668992554698263575;0.048083623693379790031698917119;0.036585365853658534385228762176;0.000348432055749128919558410544;0.031010452961672475141741145421;0.019860627177700349715872008005;0.006271777003484320552051389797;0.031358885017421601892895210995;0.004529616724738676387940206070;0.019512195121951219495270990478;0.022996515679442507823493357932;0.022299651567944250851738274832;0.005226480836236934227057027158;0.003135888501742160276025694898;0.006620209059233449905290669335;0.009059233449477352775880412139;0.006620209059233449905290669335;0.000000000000000000000000000000;0.007665505226480836230285031974;0.013937282229965156782336421770;0.011846689895470384132347696493;0.021254355400696863659382174205;0.013588850174216028296458880220;0.050174216027874564416411118373;0.015679442508710800946447605497
-0.042391789379741189047745564267;0.007139669790272199639824535211;0.027219991075412761777352343984;0.000000000000000000000000000000;0.009817045961624274938439604909;0.035698348951361001668569628009;0.002231146809460062604285601751;0.039714413208389108544960066638;0.003569834895136099819912267606;0.012494422132976350237054674608;0.036144578313253010459771275009;0.023650156180276663692163552355;0.016510486390004460582892065190;0.024988844265952700474109349216;0.016510486390004460582892065190;0.021419009370816598919473605633;0.008924587237840250417142407002;0.034359660865684961417176879195;0.057117358322177597118596281689;0.007139669790272199639824535211;0.040160642570281124275055617545;0.006247211066488175118527337304;0.017849174475680500834284814005;0.022311468094600623440770803541;0.044176706827309238090339960081;0.032574743418116912374582483380;0.053547523427041499033407490060;0.007585899152164212767834872153;0.000446229361892012477489033451;0.044176706827309238090339960081;0.026773761713520749516703745030;0.008032128514056224161121733118;0.029897367246764838810690889659;0.004908522980812137469219802455;0.022311468094600623440770803541;0.030789825970548863331988087566;0.028112449799196786298649541891;0.005354752342704149729868401408;0.000000000000000000000000000000;0.005354752342704149729868401408;0.004462293618920125208571203501;0.000892458723784024954978066901;0.000000000000000000000000000000;0.011155734047300311720385401770;0.020080321285140562137527808773;0.008032128514056224161121733118;0.020526550647032574398176407726;0.013833110218652387019000471469;0.049085229808121376426921500524;0.014279339580544399279649070422
-0.039591315453384422207161463803;0.006811409110259685102672921886;0.022562792677735206414713076128;0.013197105151128140157479329275;0.012345679012345678327022824305;0.038314176245210725124668016406;0.002128565346956151540375179465;0.039165602383993185220401045399;0.013197105151128140157479329275;0.010217113665389528087690251823;0.023414218816517666510446105121;0.023839931885908896558312619618;0.024265644955300126606179134114;0.023414218816517666510446105121;0.024265644955300126606179134114;0.020859940400170286223247018143;0.005534269902085994091711640408;0.037037037037037034981068472916;0.048957002979991483260224782725;0.005534269902085994091711640408;0.035334184759472114789602414930;0.005534269902085994091711640408;0.025542784163473820219225629558;0.020008514261387826127513989150;0.038314176245210725124668016406;0.020859940400170286223247018143;0.050234142188165173403824326215;0.017454235845040442370867950217;0.000425713069391230318917057618;0.036185610898254574885335443923;0.031502767134951044358803784462;0.005534269902085994091711640408;0.037037037037037034981068472916;0.007662835249042145198405950879;0.016177096636866752227268406727;0.020434227330779056175380503646;0.020434227330779056175380503646;0.008514261387824606161500717860;0.002979991485738612069789077452;0.007662835249042145198405950879;0.006811409110259685102672921886;0.008514261387824606161500717860;0.000000000000000000000000000000;0.009791400595998296305100261350;0.021285653469561516271113532639;0.013197105151128140157479329275;0.018731375053214132514467493706;0.014048531289910600253212358268;0.050659855257556410390584744619;0.014474244359301830301078872765
-0.033333333333333332870740406406;0.025102880658436212829576206218;0.020987654320987654543717582101;0.026337448559670781356167879039;0.010699588477366255359624069854;0.035802469135802469923923752049;0.002057613168724280010291050047;0.042386831275720161793518769855;0.011111111111111111535154627461;0.013168724279835390678083939520;0.021810699588477366894778697315;0.018518518518518517490534236458;0.020164609053497942192656466887;0.014403292181069959204675612341;0.028395061728395062233820667075;0.019341563786008229841595351672;0.005349794238683127679812034927;0.049382716049382713308091297222;0.046913580246913583193801855487;0.004938271604938271504281477320;0.024279835390946500478515091004;0.002880658436213991927671296267;0.025102880658436212829576206218;0.014403292181069959204675612341;0.036213991769547322630007357702;0.025514403292181069005106763825;0.046502057613168723548824345926;0.059670781893004114226908285445;0.000411522633744855958690123110;0.033744855967078192515717915967;0.018518518518518517490534236458;0.006584362139917695339041969760;0.030041152263374486935942897503;0.004526748971193415328750919713;0.016049382716049383906797842769;0.022222222222222223070309254922;0.020164609053497942192656466887;0.009465020576131686833032397033;0.000823045267489711917380246220;0.008230452674897120041164200188;0.013168724279835390678083939520;0.013168724279835390678083939520;0.000000000000000000000000000000;0.007818930041152263865633642581;0.020164609053497942192656466887;0.011522633744855967710685185068;0.013168724279835390678083939520;0.009876543209876543008562954640;0.041975308641975309087435164201;0.013580246913580246853614497127
-0.030106707317073169716259428697;0.020198170731707317665515333260;0.034679878048780490851221713910;0.014100609756097561356402714239;0.012576219512195122712805428478;0.045731707317073169716259428697;0.002286585365853658399076797636;0.043445121951219509148778286090;0.011814024390243902523645047609;0.008765243902439025236450476086;0.024771341463414635331030666521;0.015625000000000000000000000000;0.022484756097560974763549523914;0.025914634146341462145324285871;0.027057926829268292429064857174;0.014862804878048779810839619131;0.009527439024390243690887380978;0.042682926829268295898511809128;0.052210365853658534385228762176;0.006097560975609756309112619022;0.031250000000000000000000000000;0.005335365853658536987313976141;0.014481707317073171450982904673;0.015625000000000000000000000000;0.038490853658536584858129714348;0.026295731707317072239904476305;0.046493902439024389905419809566;0.029344512195121949527099047828;0.001143292682926829199538398818;0.033917682926829270662061333041;0.009908536585365853785467571413;0.008765243902439025236450476086;0.023628048780487805047290095217;0.005716463414634146214532428587;0.020198170731707317665515333260;0.026295731707317072239904476305;0.021341463414634147949255904564;0.008765243902439025236450476086;0.001143292682926829199538398818;0.011814024390243902523645047609;0.009146341463414633596307190544;0.016387195121951220189160380869;0.000000000000000000000000000000;0.009908536585365853785467571413;0.024009146341463415141870285652;0.013719512195121951261822523804;0.015625000000000000000000000000;0.010670731707317073974627952282;0.047256097560975610094580190434;0.008384146341463415141870285652
-0.038414634146341462839213676261;0.029573170731707315583847162088;0.029878048780487803659511314436;0.014024390243902439337486676152;0.014024390243902439337486676152;0.032012195121951220189160380869;0.004573170731707316798153595272;0.053963414634146340820297638174;0.004878048780487804873817747620;0.010365853658536585898963799934;0.028963414634146342901965809347;0.010060975609756097823299647587;0.018597560975609755268278533435;0.021341463414634147949255904564;0.026524390243902438296652590566;0.017073170731707318359404723651;0.006402439024390243517415033381;0.047865853658536586245908495130;0.050000000000000002775557561563;0.004878048780487804873817747620;0.038414634146341462839213676261;0.001829268292682926936101872606;0.015853658536585366056748114261;0.013719512195121951261822523804;0.032926829268292684416152837912;0.032621951219512196340488685564;0.052743902439024388517641028784;0.023475609756097561009458019043;0.000000000000000000000000000000;0.032621951219512196340488685564;0.011585365853658536466896933348;0.006402439024390243517415033381;0.034756097560975612870137751997;0.004268292682926829589851180913;0.009451219512195121671971342892;0.027743902439024390599309199956;0.023780487804878049085122171391;0.014329268292682927413150828500;0.000000000000000000000000000000;0.005487804878048780157784314326;0.011890243902439024542561085696;0.007317073170731707744407490424;0.000000000000000000000000000000;0.013109756097560975110494219109;0.028048780487804878674973352304;0.012804878048780487034830066762;0.012195121951219512618225238043;0.013414634146341463186158371457;0.043902439024390241262274514611;0.011890243902439024542561085696
-0.051499118165784833756060123733;0.015873015873015872134743631250;0.017989417989417989113265505807;0.039153439153439155429037299427;0.020105820105820106091787380365;0.059259259259259261520824679792;0.003880070546737213448701409035;0.025749559082892416878030061866;0.008465608465608466179364022253;0.008112874779541446104702551168;0.022574955908289243144970726007;0.058553791887125221371501737622;0.029629629629629630760412339896;0.016225749559082892209405102335;0.016931216931216932358728044505;0.027865961199294533856551936424;0.004938271604938271504281477320;0.019753086419753086017125909279;0.062786596119929455328545486736;0.004585537918871252296981744223;0.028924162257495590611089397726;0.003527336860670193807720806944;0.014462081128747795305544698863;0.010934744268077601497823891918;0.045149911816578486289941452014;0.023985890652557319974169658394;0.026455026455026453557906052083;0.014814814814814815380206169948;0.000000000000000000000000000000;0.064902998236331568837620409340;0.040564373897707228788789279861;0.002469135802469135752140738660;0.027513227513227513781890465339;0.001763668430335096903860403472;0.020105820105820106091787380365;0.009523809523809524668624959531;0.012345679012345678327022824305;0.008818342151675484519302017361;0.000352733686067019424140167594;0.007054673721340387615441613889;0.006349206349206349200842147695;0.010934744268077601497823891918;0.000000000000000000000000000000;0.008818342151675484519302017361;0.014109347442680775230883227778;0.013403880070546736816283761584;0.011640211640211639912423358112;0.018694885361552029262588447978;0.026807760141093473632567523168;0.011640211640211639912423358112
-0.053861788617886180441374222028;0.007791327913279132676149796310;0.030149051490514906098683312052;0.009146341463414633596307190544;0.009485094850948509043186973599;0.049796747967479675078816825362;0.002371273712737127260796743400;0.014566395663956639011660243455;0.007452574525745257229270013255;0.017276422764227642586698507898;0.019647696476964768980133513310;0.050813008130081299684732698552;0.026761517615176151629885481498;0.048102981029810296109694434108;0.003387533875338753601436092566;0.033197831978319783385877883575;0.004742547425474254521593486800;0.013211382113821138958864587210;0.018292682926829267192614381088;0.004742547425474254521593486800;0.014905149051490514458540026510;0.003048780487804878154556309511;0.007113821138211381782390230200;0.031842818428184281598358751353;0.064024390243902440378320761738;0.039972899728997292323473544684;0.024051490514905148054847217054;0.018631436314363144374217640120;0.000338753387533875338459565807;0.045392953929539292534656169664;0.034891598915989162355000274829;0.008468834688346882702547624433;0.010162601626016259936946539710;0.009485094850948509043186973599;0.034214092140921407991793756764;0.020325203252032519873893079421;0.011517615176151761724465671932;0.010501355013550135383826322766;0.002710027100271002707676526455;0.010840108401084010830706105821;0.003048780487804878154556309511;0.002710027100271002707676526455;0.000000000000000000000000000000;0.015243902439024389905419809566;0.003726287262872628614635006628;0.007113821138211381782390230200;0.036585365853658534385228762176;0.046070460704607046897862687729;0.033536585365853660567481142607;0.024728997289972898948606783165
-0.041496598639455782586704657433;0.008163265306122449715964251027;0.027551020408163266056655871239;0.000340136054421768683955068502;0.017006802721088436908258856306;0.047619047619047616404230893750;0.004081632653061224857982125513;0.026530612244897958107436863884;0.011224489795918366624727369185;0.017006802721088436908258856306;0.018027210884353741388030911708;0.034693877551020407823401114911;0.030952380952380953438307642500;0.036394557823129253248950476518;0.017346938775510203911700557455;0.024489795918367345678445801127;0.006462585034013605157776627408;0.019047619047619049337249919063;0.029591836734693878485646933996;0.007823129251700680977799073901;0.023809523809523808202115446875;0.006122448979591836419611450282;0.021088435374149658296794029866;0.016326530612244899431928502054;0.039795918367346937161155295826;0.029591836734693878485646933996;0.038435374149659862208494587321;0.005782312925170067681446273156;0.000000000000000000000000000000;0.051700680272108841262213019263;0.023809523809523808202115446875;0.003741496598639455686136079393;0.021088435374149658296794029866;0.011224489795918366624727369185;0.034353741496598637350512461808;0.025510204081632653627664808482;0.018367346938775511860919564811;0.015646258503401361955598147802;0.002380952380952381167156239883;0.013265306122448979053718431942;0.004081632653061224857982125513;0.004081632653061224857982125513;0.000000000000000000000000000000;0.013945578231292516530048786194;0.014625850340136054006379140446;0.010204081632653060410231837807;0.037414965986394557728722531920;0.030952380952380953438307642500;0.034353741496598637350512461808;0.022448979591836733249454738370
-0.028806584362139918409351224682;0.023868312757201647772431485350;0.017283950617283948963942563637;0.011522633744855967710685185068;0.027983539094650206058290109468;0.034156378600823045221801521620;0.006172839506172839163511412153;0.040740740740740744030290443334;0.010699588477366255359624069854;0.006584362139917695339041969760;0.023868312757201647772431485350;0.023868312757201647772431485350;0.017695473251028805139473121244;0.019753086419753086017125909279;0.034979423868312757572862636835;0.018106995884773661315003678851;0.009465020576131686833032397033;0.035802469135802469923923752049;0.052263374485596710006252152425;0.002880658436213991927671296267;0.037037037037037034981068472916;0.005349794238683127679812034927;0.020576131687242798368187024494;0.011934156378600823886215742675;0.027983539094650206058290109468;0.019753086419753086017125909279;0.041563786008230449442457654641;0.032921810699588480164656800753;0.000411522633744855958690123110;0.053086419753086422357313267639;0.029629629629629630760412339896;0.004938271604938271504281477320;0.033744855967078192515717915967;0.007407407407407407690103084974;0.018518518518518517490534236458;0.016049382716049383906797842769;0.017283950617283948963942563637;0.011934156378600823886215742675;0.001234567901234567876070369330;0.009876543209876543008562954640;0.011111111111111111535154627461;0.012757201646090534502553381913;0.000000000000000000000000000000;0.010699588477366255359624069854;0.036625514403292182274984867263;0.013580246913580246853614497127;0.012345679012345678327022824305;0.013580246913580246853614497127;0.030041152263374486935942897503;0.011522633744855967710685185068
-0.022685185185185186701462001224;0.025000000000000001387778780781;0.012962962962962962590318660716;0.043055555555555555247160270937;0.035185185185185187395351391615;0.048611111111111111882099322656;0.006944444444444444058950338672;0.033333333333333332870740406406;0.005092592592592593003786305417;0.004629629629629629372633559115;0.017129629629629630066522949505;0.020370370370370372015145221667;0.019444444444444444752839729063;0.009259259259259258745267118229;0.041666666666666664353702032031;0.014814814814814815380206169948;0.008333333333333333217685101602;0.033333333333333332870740406406;0.065740740740740738479175320208;0.002314814814814814686316779557;0.029166666666666667129259593594;0.004166666666666666608842550801;0.022222222222222223070309254922;0.007407407407407407690103084974;0.031944444444444441977282167500;0.012500000000000000693889390391;0.046296296296296293726335591145;0.064351851851851854524610985209;0.000000000000000000000000000000;0.046296296296296293726335591145;0.026388888888888888811790067734;0.001851851851851851922525771243;0.046759259259259257357488337448;0.004629629629629629372633559115;0.014814814814814815380206169948;0.014351851851851851749053423646;0.012962962962962962590318660716;0.007407407407407407690103084974;0.000925925925925925961262885622;0.006018518518518518531368322044;0.011111111111111111535154627461;0.012500000000000000693889390391;0.000000000000000000000000000000;0.004629629629629629372633559115;0.039814814814814816767984950729;0.007870370370370369586532355299;0.010185185185185186007572610833;0.009259259259259258745267118229;0.025000000000000001387778780781;0.009259259259259258745267118229
-0.034957983193277308853197382632;0.014117647058823529909732386045;0.036974789915966387032764117748;0.002352941176470588029168151678;0.016134453781512604619852169208;0.047058823529411764052809985515;0.002689075630252100914535651199;0.039663865546218486646257161965;0.004369747899159663606649672829;0.013445378151260505006359124991;0.026218487394957981639898036974;0.034621848739495801605681180035;0.021512605042016807316285209595;0.029243697478991595439801187695;0.022184873949579832219658470649;0.022184873949579832219658470649;0.010084033613445378754769343743;0.046050420168067228432473569910;0.045042016806722685873243250398;0.008403361344537814761612715131;0.023865546218487396212815099261;0.005714285714285714280757932926;0.015798319327731093902889014657;0.018487394957983193516382058874;0.043697478991596636066496728290;0.029915966386554620343174448749;0.052773109243697477466206180452;0.007394957983193277406552823550;0.000336134453781512614316956400;0.035630252100840337226017595640;0.026218487394957981639898036974;0.004033613445378151154963042302;0.023529411764705882026404992757;0.005378151260504201829071302399;0.016470588235294118806262275712;0.029915966386554620343174448749;0.018823529411764704233345213424;0.007058823529411764954866193023;0.000000000000000000000000000000;0.008739495798319327213299345658;0.008067226890756302309926084604;0.004705882352941176058336303356;0.000000000000000000000000000000;0.008403361344537814761612715131;0.019159663865546218419755319928;0.014117647058823529909732386045;0.021512605042016807316285209595;0.016134453781512604619852169208;0.043025210084033614632570419190;0.013781512605042017458045755518
-0.021990740740740741254732881771;0.025848765432098765731927514366;0.025462962962962961549484575130;0.058641975308641972053358415451;0.015817901234567902091221469618;0.033950617283950615399312766840;0.001929012345679012238597316298;0.049382716049382713308091297222;0.010802469135802468536144971267;0.010802469135802468536144971267;0.031250000000000000000000000000;0.030478395061728395104561073481;0.014274691358024690565620140603;0.018904320987654321672977175695;0.031250000000000000000000000000;0.017361111111111111882099322656;0.006944444444444444058950338672;0.046682098765432097908778530382;0.031250000000000000000000000000;0.006172839506172839163511412153;0.021990740740740741254732881771;0.005787037037037036715791948893;0.011574074074074073431583897786;0.016975308641975307699656383420;0.036651234567901237737519437587;0.026620370370370370627366440885;0.050540123456790125855420114931;0.032021604938271608364885878473;0.001543209876543209790877853038;0.037037037037037034981068472916;0.020061728395061727281412089496;0.005787037037037036715791948893;0.018518518518518517490534236458;0.005015432098765431820353022374;0.017361111111111111882099322656;0.029706790123456790209122146962;0.013503086419753085670181214084;0.005401234567901234268072485634;0.000771604938271604895438926519;0.003472222222222222029475169336;0.008101851851851851402108728450;0.013503086419753085670181214084;0.000000000000000000000000000000;0.006172839506172839163511412153;0.020447530864197531463855028733;0.011959876543209875879303361046;0.017746913580246912595095309939;0.019290123456790122385973162977;0.035493827160493825190190619878;0.017746913580246912595095309939
-0.021551724137931035918391842188;0.039224137931034484816361640469;0.014224137931034483428582859688;0.076724137931034483428582859688;0.052586206896551725142874289531;0.049568965517241381224522456250;0.003017241379310344785713571270;0.040517241379310342530573052500;0.005172413793103448204080407891;0.007758620689655172306120611836;0.015948275862068966163276328984;0.041810344827586207183678368438;0.020689655172413792816321631562;0.012500000000000000693889390391;0.052155172413793103591839184219;0.016379310344827587714311434297;0.007327586206896551622447244512;0.034051724137931033142834280625;0.044396551724137929550995096406;0.002155172413793103418366836621;0.017241379310344827346934692969;0.002586206896551724102040203945;0.006896551724137930938773877187;0.007758620689655172306120611836;0.036206896551724140898009807188;0.019396551724137931632663267578;0.028017241379310345306130614063;0.046120689655172415755135517657;0.000862068965517241367346734648;0.054310344827586204408120806875;0.018103448275862070449004903594;0.005603448275862068887753775215;0.020258620689655171265286526250;0.002586206896551724102040203945;0.012500000000000000693889390391;0.012931034482758620510201019727;0.012068965517241379142854285078;0.006034482758620689571427142539;0.000431034482758620683673367324;0.004310344827586206836733673242;0.011637931034482759326542655742;0.008189655172413793857155717149;0.000000000000000000000000000000;0.003448275862068965469386938594;0.040086206896551720979537947187;0.006465517241379310255100509863;0.009913793103448276591849186445;0.012500000000000000693889390391;0.022413793103448275551015100859;0.013362068965517242061236125039
-0.025783972125435539179960642286;0.044250871080139371482875532138;0.014285714285714285268213963320;0.075958188153310110535265664566;0.043554006968641117980567400991;0.038675958188153308769940963430;0.003832752613240418115142515987;0.037630662020905925047031814756;0.003135888501742160276025694898;0.005226480836236934227057027158;0.022299651567944250851738274832;0.030313588850174214700539110368;0.018466898954703832302914889851;0.016376306620209057918202688597;0.072473867595818822207043297112;0.013588850174216028296458880220;0.005574912891986062712934568708;0.031010452961672475141741145421;0.024738675958188151987604541659;0.001393728222996515678233642177;0.016027874564459931167048623024;0.003832752613240418115142515987;0.005923344947735192066173848247;0.015331010452961672460570063947;0.033449477351916376277607412248;0.019512195121951219495270990478;0.036933797909407664605829779703;0.083972125435540070914619548148;0.000000000000000000000000000000;0.040766550522648083154653164684;0.021602787456445993879983191732;0.004181184668989547034700926531;0.013588850174216028296458880220;0.006968641114982578391168210885;0.011846689895470384132347696493;0.011498257839721253911746678966;0.006620209059233449905290669335;0.004878048780487804873817747620;0.000348432055749128919558410544;0.003832752613240418115142515987;0.011149825783972125425869137416;0.013240418118466899810581338670;0.000000000000000000000000000000;0.006271777003484320552051389797;0.037979094076655055267632832283;0.005226480836236934227057027158;0.011846689895470384132347696493;0.015679442508710800946447605497;0.015331010452961672460570063947;0.013588850174216028296458880220
-0.026497695852534561972158044796;0.043010752688172046442893758922;0.030721966205837173552462004977;0.051459293394777262664607775378;0.039170506912442393243622973387;0.023041474654377881031708241721;0.004992319508448540485434641312;0.036098310291858677623100248866;0.006528417818740399163057741561;0.013824884792626728965969640228;0.014976958525345621456303923935;0.031874039938556066042796288684;0.014208909370199692551173242805;0.020353302611367127261665643800;0.051075268817204304283574600731;0.014592933947772657871100321358;0.008448540706605223160607920363;0.038786482334869434862589798740;0.042242703533026115803039601815;0.007680491551459293388115501244;0.023425499231950846351635320275;0.005760368663594470257927060430;0.008064516129032257840680841809;0.013056835637480798326115483121;0.029185867895545315742200642717;0.021889400921658985071927006061;0.034562211981566823282285838559;0.049539170506912443003866286517;0.000000000000000000000000000000;0.029185867895545315742200642717;0.026881720430107527292085123349;0.008064516129032257840680841809;0.018817204301075269451404281540;0.004608294930875576032869300747;0.012672811059907834740911880544;0.026497695852534561972158044796;0.017665130568356373491623045879;0.005760368663594470257927060430;0.000000000000000000000000000000;0.007296466973886328935550160679;0.010368663594470046290796361177;0.014592933947772657871100321358;0.000000000000000000000000000000;0.006144393241167434710492400995;0.031490015360983100722869210131;0.006528417818740399163057741561;0.022273425499231950391854084614;0.011136712749615975195927042307;0.023425499231950846351635320275;0.011520737327188940515854120861
-0.040621266427718037694827302175;0.009159697331740343159700579179;0.015929908403026681040781653564;0.054559936280366386207596463009;0.015929908403026681040781653564;0.069693349263241735624951900263;0.002787733970529669355609136971;0.006371963361210672936729704219;0.004778972520908004485706843667;0.006371963361210672936729704219;0.021107128634010353940286819352;0.164078056551174827903949449137;0.014735165272799681870918853122;0.012345679012345678327022824305;0.011150935882118677422436547886;0.035045798486658702453055980186;0.003584229390681003581120567247;0.009159697331740343159700579179;0.025089605734767025935205708720;0.003185981680605336468364852109;0.009956192751891676517850271466;0.004380724810832337806631997523;0.002787733970529669355609136971;0.009956192751891676517850271466;0.055754679410593387112182739429;0.013142174432497013419895992570;0.011549183592194344968873132018;0.018717642373556352131114266513;0.000000000000000000000000000000;0.078056551174830748895949739108;0.133014735165272790506918454412;0.003982477100756670260195413391;0.007964954201513340520390826782;0.003982477100756670260195413391;0.007168458781362007162241134495;0.011947431302270012515309716150;0.003185981680605336468364852109;0.013142174432497013419895992570;0.000000000000000000000000000000;0.003982477100756670260195413391;0.001991238550378335130097706696;0.009557945041816008971413687334;0.000000000000000000000000000000;0.007566706491437673841315980638;0.009956192751891676517850271466;0.004778972520908004485706843667;0.009557945041816008971413687334;0.012743926722421345873459408438;0.010752688172043011610723439730;0.014735165272799681870918853122
-0.034298780487804880756641523476;0.014862804878048779810839619131;0.013719512195121951261822523804;0.056402439024390245425610856955;0.035823170731707314196068381307;0.073551829268292678865037714786;0.002286585365853658399076797636;0.018673780487804877287194571522;0.008765243902439025236450476086;0.006859756097560975630911261902;0.017530487804878050472900952172;0.122332317073170729337938666959;0.017911585365853657098034190653;0.012576219512195122712805428478;0.024390243902439025236450476086;0.029344512195121949527099047828;0.002667682926829268493656988070;0.011432926829268292429064857174;0.028201219512195122712805428478;0.003048780487804878154556309511;0.014862804878048779810839619131;0.002667682926829268493656988070;0.003810975609756097476354952391;0.010289634146341463880047761847;0.051829268292682924290648571741;0.019817073170731707570935142826;0.017530487804878050472900952172;0.017911585365853657098034190653;0.000000000000000000000000000000;0.097560975609756100945801904345;0.060213414634146339432518857393;0.001524390243902439077278154755;0.010289634146341463880047761847;0.002286585365853658399076797636;0.009146341463414633596307190544;0.008765243902439025236450476086;0.008384146341463415141870285652;0.011051829268292682334484666740;0.002286585365853658399076797636;0.003429878048780487815455630951;0.004192073170731707570935142826;0.009527439024390243690887380978;0.000000000000000000000000000000;0.005335365853658536987313976141;0.020960365853658537854675714129;0.005335365853658536987313976141;0.011432926829268292429064857174;0.019817073170731707570935142826;0.018673780487804877287194571522;0.016387195121951220189160380869
-0.037494284407864654495856626681;0.008687700045724737821228877976;0.012345679012345678327022824305;0.112482853223593970426463783951;0.026063100137174211728963157952;0.075445816186556921567607503221;0.001371742112482853123353598868;0.013717421124828531667216857670;0.006858710562414265833608428835;0.008230452674897120041164200188;0.016003657978966620567540246611;0.121170553269318706512969185951;0.020576131687242798368187024494;0.018289894833104711202587111529;0.006858710562414265833608428835;0.029263831732967534454692426493;0.004115226337448560020582100094;0.009144947416552355601293555765;0.024234110653863740608704446799;0.001371742112482853123353598868;0.011431184270690442766893468729;0.002286236854138088900323388941;0.004115226337448560020582100094;0.010973936899862824986828790941;0.061271147690900779059219871669;0.017832647462277091687798957764;0.014174668495656149447281535458;0.015089163237311385007410891035;0.000000000000000000000000000000;0.087791495198902599894630327526;0.078646547782350251232230675669;0.003200731595793324026771875523;0.009602194787379973381358233553;0.002286236854138088900323388941;0.011888431641518060546958146517;0.012345679012345678327022824305;0.005944215820759030273479073259;0.006401463191586648053543751047;0.003200731595793324026771875523;0.002286236854138088900323388941;0.003200731595793324026771875523;0.005486968449931412493414395470;0.000000000000000000000000000000;0.004572473708276177800646777882;0.004115226337448560020582100094;0.004572473708276177800646777882;0.014174668495656149447281535458;0.016918152720621856127669602188;0.018747142203932327247928313341;0.013717421124828531667216857670
-0.051829268292682924290648571741;0.006436314363143631755992402077;0.022357723577235772555171777753;0.012872628726287263511984804154;0.018292682926829267192614381088;0.076558265582655826708702306860;0.001355013550135501353838263228;0.015582655826558265352299592621;0.013211382113821138958864587210;0.012872628726287263511984804154;0.022018970189701895373568518721;0.106707317073170729337938666959;0.015921409214092140799179375676;0.027439024390243902523645047609;0.008130081300813008990391317354;0.045731707317073169716259428697;0.006775067750677507202872185132;0.013888888888888888117900677344;0.024390243902439025236450476086;0.006436314363143631755992402077;0.016598915989159891692938941787;0.008468834688346882702547624433;0.006436314363143631755992402077;0.012195121951219512618225238043;0.063685636856368563196717502706;0.030149051490514906098683312052;0.030149051490514906098683312052;0.007452574525745257229270013255;0.000000000000000000000000000000;0.056571815718157184016412486471;0.062669376693766931651907725609;0.006436314363143631755992402077;0.007113821138211381782390230200;0.006436314363143631755992402077;0.016598915989159891692938941787;0.018970189701897018086373947199;0.006775067750677507202872185132;0.014227642276422763564780460399;0.002371273712737127260796743400;0.006775067750677507202872185132;0.002710027100271002707676526455;0.007791327913279132676149796310;0.000000000000000000000000000000;0.007113821138211381782390230200;0.006436314363143631755992402077;0.006775067750677507202872185132;0.022357723577235772555171777753;0.016598915989159891692938941787;0.023373983739837397161087650943;0.017953929539295393480458074009
-0.052788420604512560629917317101;0.006811409110259685102672921886;0.023414218816517666510446105121;0.002979991485738612069789077452;0.014474244359301830301078872765;0.091954022988505745850318362500;0.001277139208173691010961281478;0.010642826734780758135556766319;0.006385696040868455054806407389;0.008088548318433376113634203364;0.019157088122605362562334008203;0.137931034482758618775477543750;0.017454235845040442370867950217;0.022988505747126436462579590625;0.012345679012345678327022824305;0.038314176245210725124668016406;0.005959982971477224139578154904;0.014899957428693060348945387261;0.022988505747126436462579590625;0.002979991485738612069789077452;0.013197105151128140157479329275;0.004257130693912303080750358930;0.005534269902085994091711640408;0.014048531289910600253212358268;0.063856960408684548813340597917;0.019157088122605362562334008203;0.018731375053214132514467493706;0.010642826734780758135556766319;0.000000000000000000000000000000;0.077905491698595147331829480208;0.087696892294593445371653217535;0.007662835249042145198405950879;0.008514261387824606161500717860;0.004257130693912303080750358930;0.012345679012345678327022824305;0.012771392081736910109612814779;0.008088548318433376113634203364;0.007662835249042145198405950879;0.000425713069391230318917057618;0.002979991485738612069789077452;0.002128565346956151540375179465;0.008939974457215836209367232357;0.000000000000000000000000000000;0.010642826734780758135556766319;0.005959982971477224139578154904;0.002128565346956151540375179465;0.021711366538952746318980047135;0.019582801191996592610200522699;0.019157088122605362562334008203;0.016177096636866752227268406727
-0.032065217391304350058600647344;0.038586956521739129710724114375;0.019293478260869564855362057187;0.059510869565217394683287466250;0.013858695652173912832294533359;0.022826086956521739190772990469;0.002989130434782608786159485703;0.064673913043478262197005790313;0.007336956521739130578085852363;0.007880434782608695259975561953;0.022826086956521739190772990469;0.014402173913043478381545980938;0.012500000000000000693889390391;0.013586956521739130057668809570;0.047554347826086959538649523438;0.013315217391304347283043085781;0.005706521739130434797693247617;0.044836956521739128322945333593;0.056793478260869563467583276406;0.005163043478260869248441800039;0.029619565217391303352245657265;0.003804347826086956676355788076;0.012228260869565217919263666602;0.018478260869565218266208361797;0.023641304347826085779926685859;0.021467391304347827052367847500;0.050271739130434783815459809375;0.048369565217391302658356266875;0.000543478260869565223990795833;0.026902173913043479075435371328;0.021195652173913042543018647734;0.004619565217391304566552090449;0.031521739130434781039902247812;0.003260869565217391127104340498;0.007065217391304347803460128574;0.022282608695652173641521542891;0.022282608695652173641521542891;0.020652173913043476993767200156;0.002173913043478260895963183330;0.001358695652173913005766880957;0.016304347826086956069202571484;0.011413043478260869595386495234;0.000000000000000000000000000000;0.006521739130434782254208680996;0.020108695652173911444515752578;0.009782608695652174682355628477;0.011684782608695652370012219023;0.005163043478260869248441800039;0.030978260869565218960097752188;0.010597826086956521271509323867
-0.031645569620253166664980426503;0.013449367088607595485671986069;0.017800632911392406249051489908;0.079509493670886069449643684948;0.040348101265822784722292482229;0.085838607594936708333754893374;0.000395569620253164550786190157;0.022943037974683545138221418824;0.011867088607594937499367659939;0.006724683544303797742835993034;0.017800632911392406249051489908;0.103243670886075944448379004825;0.019382911392405062500632340061;0.010680379746835442708596808359;0.016218354430379746528023687802;0.013844936708860758681205460618;0.005537974683544303819426879443;0.018591772151898732640118439008;0.032436708860759493056047375603;0.003164556962025316406289521254;0.012262658227848100694901134489;0.003560126582278480902865602786;0.006724683544303797742835993034;0.009889240506329114582806383282;0.044699367088607597220395462045;0.013449367088607595485671986069;0.021756329113924052082174043221;0.017800632911392406249051489908;0.000000000000000000000000000000;0.115110759493670888886640568671;0.034414556962025319442055604213;0.005142405063291138889169928916;0.017405063291139239584071063405;0.003560126582278480902865602786;0.011471518987341772569110709412;0.015031645569620253471976312198;0.006329113924050632812579042508;0.006724683544303797742835993034;0.000791139240506329101572380313;0.003955696202531645833122553313;0.005537974683544303819426879443;0.011471518987341772569110709412;0.000000000000000000000000000000;0.004746835443037974826274716378;0.016613924050632909723557162351;0.005142405063291138889169928916;0.016218354430379746528023687802;0.009889240506329114582806383282;0.018591772151898732640118439008;0.010284810126582277778339857832
-0.039130434782608698729422513907;0.005978260869565217572318971406;0.013586956521739130057668809570;0.042934782608695654104735695000;0.046195652173913040461350476562;0.096739130434782605316712533750;0.000543478260869565223990795833;0.007608695652173913352711576152;0.007065217391304347803460128574;0.002173913043478260895963183330;0.012500000000000000693889390391;0.183695652173913037685792914999;0.016847826086956521618454019062;0.013043478260869564508417361992;0.013586956521739130057668809570;0.035326086956521736415215428906;0.001630434782608695563552170249;0.005978260869565217572318971406;0.016847826086956521618454019062;0.001630434782608695563552170249;0.008152173913043478034601285742;0.001630434782608695563552170249;0.002173913043478260895963183330;0.009782608695652174682355628477;0.051630434782608695953864952344;0.014673913043478261156171704727;0.017391304347826087167705466641;0.004347826086956521791926366660;0.000000000000000000000000000000;0.141847826086956535496241826877;0.069565217391304348670821866563;0.001086956521739130447981591665;0.006521739130434782254208680996;0.004347826086956521791926366660;0.015217391304347826705423152305;0.003804347826086956676355788076;0.007065217391304347803460128574;0.005978260869565217572318971406;0.000543478260869565223990795833;0.003260869565217391127104340498;0.000543478260869565223990795833;0.004347826086956521791926366660;0.000000000000000000000000000000;0.005434782608695652023067523828;0.005978260869565217572318971406;0.003804347826086956676355788076;0.007065217391304347803460128574;0.017391304347826087167705466641;0.007608695652173913352711576152;0.015760869565217390519951123906
-0.036651234567901237737519437587;0.000000000000000000000000000000;0.016203703703703702804217456901;0.063657407407407412547328817709;0.042438271604938272718587910504;0.086805555555555552471602709375;0.000771604938271604895438926519;0.005015432098765431820353022374;0.011188271604938270983864434527;0.003472222222222222029475169336;0.014274691358024690565620140603;0.173225308641975300760762479513;0.018132716049382716777538249175;0.011959876543209875879303361046;0.000385802469135802447719463260;0.030478395061728395104561073481;0.004243827160493826924914095855;0.004629629629629629372633559115;0.018518518518518517490534236458;0.002314814814814814686316779557;0.010030864197530863640706044748;0.003472222222222222029475169336;0.001543209876543209790877853038;0.008101851851851851402108728450;0.058641975308641972053358415451;0.015432098765432097908778530382;0.009259259259259258745267118229;0.002314814814814814686316779557;0.000771604938271604895438926519;0.140817901234567888213433661804;0.094135802469135804182442939236;0.001929012345679012238597316298;0.007716049382716048954389265191;0.002700617283950617134036242817;0.005787037037037036715791948893;0.005787037037037036715791948893;0.005787037037037036715791948893;0.009645061728395061192986581489;0.004243827160493826924914095855;0.006558641975308641611230875412;0.001157407407407407343158389779;0.006944444444444444058950338672;0.000000000000000000000000000000;0.003086419753086419581755706076;0.003472222222222222029475169336;0.002700617283950617134036242817;0.010416666666666666088425508008;0.011959876543209875879303361046;0.010416666666666666088425508008;0.010802469135802468536144971267
-0.048970073843762146337255103390;0.004663816556548776130763922509;0.017100660707345512190347136539;0.014380101049358724740745429926;0.010882238631947142859512922541;0.080450835600466383268347669855;0.001165954139137194032690980627;0.012436844150796735192221476041;0.010104935872522346693158645792;0.008550330353672756095173568269;0.018655266226195104523055690038;0.150796735328410425047707121848;0.022153128643606686404288197423;0.024873688301593470384442952081;0.005441119315973571429756461271;0.037310532452390209046111380076;0.003497862417411581881232507385;0.010882238631947142859512922541;0.018655266226195104523055690038;0.004275165176836378047586784135;0.014768752429071123691284306290;0.004663816556548776130763922509;0.005441119315973571429756461271;0.013991449669646327524930029540;0.064516129032258062725446734476;0.031480761756704236931092566465;0.025262339681305867600258352468;0.005052467936261173346579322896;0.000000000000000000000000000000;0.072677808006218425074251854312;0.088223863194714341462443485398;0.004275165176836378047586784135;0.005829770695685969512933599646;0.004275165176836378047586784135;0.013991449669646327524930029540;0.013214146910221531358575752790;0.009327633113097552261527845019;0.008938981733385153310988968656;0.002720559657986785714878230635;0.003497862417411581881232507385;0.004275165176836378047586784135;0.003497862417411581881232507385;0.000000000000000000000000000000;0.006995724834823163762465014770;0.006607073455110765679287876395;0.005829770695685969512933599646;0.013214146910221531358575752790;0.019821220365332296170501891197;0.021375825884181888503210444696;0.020987174504469491287395044310
-0.042981252857796067856632760140;0.010059442158207591161422911341;0.021947873799725649973657581882;0.045724737082761771067573874916;0.011431184270690442766893468729;0.067215363511659811934784158893;0.001371742112482853123353598868;0.012802926383173296107087502094;0.015546410608139002787475568823;0.009144947416552355601293555765;0.015089163237311385007410891035;0.130315500685871055175368837808;0.014174668495656149447281535458;0.020576131687242798368187024494;0.009144947416552355601293555765;0.046181984453589390582362028681;0.004115226337448560020582100094;0.012802926383173296107087502094;0.017832647462277091687798957764;0.003657978966620941806836553312;0.011888431641518060546958146517;0.004115226337448560020582100094;0.003657978966620941806836553312;0.011888431641518060546958146517;0.063100137174211243240584678915;0.025148605395518976168833802376;0.025605852766346592214175004187;0.013717421124828531667216857670;0.000457247370827617725854569164;0.051211705532693184428350008375;0.096936442615454962434817787198;0.003200731595793324026771875523;0.005029721079103795580711455671;0.004572473708276177800646777882;0.010973936899862824986828790941;0.014631915866483767227346213247;0.003657978966620941806836553312;0.011431184270690442766893468729;0.004572473708276177800646777882;0.003657978966620941806836553312;0.003200731595793324026771875523;0.010516689529035207206764113153;0.000000000000000000000000000000;0.010973936899862824986828790941;0.008230452674897120041164200188;0.004115226337448560020582100094;0.018289894833104711202587111529;0.022862368541380885533786937458;0.017832647462277091687798957764;0.022405121170553269488445735647
-0.037946428571428568454759755468;0.005357142857142857192420670742;0.014732142857142856845475975547;0.041071428571428571230317317031;0.012500000000000000693889390391;0.078571428571428569842538536250;0.001339285714285714298105167686;0.009374999999999999653055304805;0.009821428571428571230317317031;0.008035714285714284921269268125;0.012053571428571429116627378164;0.175446428571428558740308289998;0.012053571428571429116627378164;0.024553571428571428075793292578;0.011607142857142857539365365938;0.039732142857142854763807804375;0.003571428571428571317053490830;0.007142857142857142634106981660;0.013392857142857142113689938867;0.003125000000000000173472347598;0.011160714285714285962103353711;0.005357142857142857192420670742;0.003125000000000000173472347598;0.017410714285714286309048048906;0.068750000000000005551115123126;0.018303571428571429463572073360;0.015178571428571428422737987773;0.003125000000000000173472347598;0.000446428571428571414631686354;0.061607142857142860314922927500;0.114732142857142851988250242812;0.004910714285714285615158658516;0.004910714285714285615158658516;0.003571428571428571317053490830;0.012053571428571429116627378164;0.008035714285714284921269268125;0.005803571428571428769682682969;0.010267857142857142807579329258;0.000446428571428571414631686354;0.004464285714285714037896646289;0.002678571428571428596210335371;0.002232142857142857018948323145;0.000000000000000000000000000000;0.006696428571428571056844969434;0.008482142857142856498531280351;0.007142857142857142634106981660;0.022321428571428571924206707422;0.024107142857142858233254756328;0.011607142857142857539365365938;0.019642857142857142460634634062
-0.044532627865961196822475187673;0.011022927689594355649127521701;0.011463844797178129875092622569;0.014991181657848323682813429514;0.026014109347442679331940951215;0.083333333333333328707404064062;0.000881834215167548451930201736;0.013227513227513226778953026042;0.007936507936507936067371815625;0.005731922398589064937546311285;0.019400352733686065942464438194;0.119047619047619041010577234374;0.022045855379188711298255043403;0.023809523809523808202115446875;0.010582010582010581423162420833;0.022045855379188711298255043403;0.001763668430335096903860403472;0.009700176366843032971232219097;0.027777777777777776235801354687;0.003968253968253968033685907812;0.011022927689594355649127521701;0.001322751322751322677895302604;0.005291005291005290711581210417;0.014109347442680775230883227778;0.068342151675485005024590634548;0.024691358024691356654045648611;0.017636684303350969038604034722;0.043650793650793648370544985937;0.000000000000000000000000000000;0.100088183421516749294077897048;0.065255731922398585442834928472;0.004850088183421516485616109549;0.008818342151675484519302017361;0.006613756613756613389476513021;0.014991181657848323682813429514;0.009259259259259258745267118229;0.005731922398589064937546311285;0.007936507936507936067371815625;0.003086419753086419581755706076;0.003527336860670193807720806944;0.002645502645502645355790605208;0.005731922398589064937546311285;0.000000000000000000000000000000;0.008377425044091710293336916493;0.012345679012345678327022824305;0.006172839506172839163511412153;0.017195767195767194812638933854;0.018518518518518517490534236458;0.015432098765432097908778530382;0.018077601410934743264569135590
-0.039015151515151516581347834745;0.005303030303030303350964036468;0.019318181818181817677171352443;0.045454545454545455807071618892;0.050757575757575758290673917372;0.079924242424242425419933510966;0.000757575757575757575100483532;0.006060606060606060600803868255;0.008712121212121212709966755483;0.005303030303030303350964036468;0.020075757575757576661734660206;0.118560606060606060774276215852;0.022727272727272727903535809446;0.017803030303030303177491688871;0.010984848484848484459486250842;0.024242424242424242403215473018;0.004924242424242423858682382587;0.008333333333333333217685101602;0.025378787878787879145336958686;0.003409090909090908925321850020;0.006060606060606060600803868255;0.004166666666666666608842550801;0.004924242424242423858682382587;0.010227272727272727209646419055;0.064393939393939392257237841477;0.019318181818181817677171352443;0.013257575757575757943729222177;0.021212121212121213403856145874;0.000378787878787878787550241766;0.138257575757575745800664890339;0.044318181818181819064950133225;0.005681818181818181975883952362;0.006439393939393939225723784148;0.005681818181818181975883952362;0.014772727272727272443408885749;0.010606060606060606701928072937;0.004924242424242423858682382587;0.007954545454545453725403447720;0.001136363636363636308440616673;0.007954545454545453725403447720;0.000757575757575757575100483532;0.009469696969696969959806587269;0.000000000000000000000000000000;0.004166666666666666608842550801;0.007196969696969697342925353922;0.004545454545454545233762466694;0.016666666666666666435370203203;0.015530303030303029693248717535;0.013636363636363635701287400082;0.019318181818181817677171352443
-0.028877005347593583117760118739;0.028074866310160428994890935428;0.019518716577540107942612124248;0.030481283422459891363498485362;0.014705882352941176266503120473;0.030481283422459891363498485362;0.006951871657754011071816968581;0.054010695187165773389903478119;0.008823529411764705759901872284;0.004812834224598930808747265786;0.023529411764705882026404992757;0.012834224598930481578418216770;0.019518716577540107942612124248;0.012834224598930481578418216770;0.041176470588235293546208737325;0.016310160427807487981688439049;0.005882352941176470506601248189;0.054278074866310158097526539223;0.053743315508021388682280417015;0.006149732620320855214224309293;0.032085561497326206548130755891;0.005614973262032085798978187086;0.027540106951871656110197861267;0.011764705882352941013202496379;0.029679144385026737240629302050;0.019251336898395723234989063144;0.054278074866310158097526539223;0.019518716577540107942612124248;0.000267379679144385032883712849;0.033422459893048130086246061410;0.023262032085561497318781931654;0.002406417112299465404373632893;0.036096256684491977162476672447;0.003743315508021390243531545394;0.016042780748663103274065377946;0.025133689839572193741590311333;0.024331550802139036149274176069;0.014705882352941176266503120473;0.001604278074866310197302277096;0.008556149732620321052278811180;0.014705882352941176266503120473;0.007754010695187166062047889881;0.000000000000000000000000000000;0.004278074866310160526139405590;0.020053475935828877357858246455;0.016310160427807487981688439049;0.008021390374331551637032688973;0.007754010695187166062047889881;0.047860962566844918175679168826;0.010962566844919786890333313067
-0.046594982078853049156652588181;0.005973715651135006257654858075;0.019115890083632017942827374668;0.038630027877339705166814809445;0.044205495818399047347480035342;0.078853046594982073580482051511;0.000000000000000000000000000000;0.022700119474313024126033155881;0.001991238550378335130097706696;0.009557945041816008971413687334;0.022301871764237354844873095772;0.084826762246117085042307337517;0.018319394663480686319401158357;0.019912385503783353035700542932;0.019115890083632017942827374668;0.032258064516129031362723367238;0.001991238550378335130097706696;0.015133412982875347682631961277;0.032656312226204700643883427347;0.002787733970529669355609136971;0.018717642373556352131114266513;0.005575467941059338711218273943;0.007168458781362007162241134495;0.011549183592194344968873132018;0.051772202309836715117263850061;0.019115890083632017942827374668;0.019912385503783353035700542932;0.011549183592194344968873132018;0.000398247710075667058545606514;0.099163679808841095897342654553;0.045798486658701710594332467963;0.005177220230983672032143427799;0.012345679012345678327022824305;0.006371963361210672936729704219;0.015929908403026681040781653564;0.012345679012345678327022824305;0.008363201911589008066827410914;0.010354440461967344064286855598;0.000398247710075667058545606514;0.006371963361210672936729704219;0.002787733970529669355609136971;0.005575467941059338711218273943;0.000000000000000000000000000000;0.009159697331740343159700579179;0.017522899243329351226527990093;0.006371963361210672936729704219;0.015531660692951015229068545409;0.019912385503783353035700542932;0.021505376344086023221446879461;0.016328156113102350321941713673
-0.029252782193958663109478735009;0.026073131955484895455610327986;0.023529411764705882026404992757;0.045468998410174883695322733956;0.010810810810810811410931364662;0.035930047694753573794823608978;0.003815580286168521444850609825;0.050238473767885531706678392538;0.005087440381558028593134146433;0.011446740858505563900870960481;0.027980922098569158129599543372;0.026709062003179649680273399781;0.024483306836248011628676124474;0.018759936406995230545602382222;0.022893481717011127801741920962;0.014626391096979331554739367505;0.005723370429252781950435480240;0.051828298887122419003059548004;0.048966613672496023257352248947;0.003815580286168521444850609825;0.024483306836248011628676124474;0.002543720190779014296567073217;0.017806041335453100943331250505;0.013990461049284579064799771686;0.029888712241653417334141806805;0.027027027027027028527328411656;0.054372019077901428962817931279;0.013990461049284579064799771686;0.000317965023847376787070884152;0.043879173290937996398941578491;0.015580286168521462891733975198;0.006041335453100159062767016138;0.027980922098569158129599543372;0.007313195548489665777369683752;0.019077901430842605923210442143;0.035930047694753573794823608978;0.024483306836248011628676124474;0.004769475357710651480802610536;0.000317965023847376787070884152;0.006359300476947536175098552036;0.012400635930047695237865568174;0.005087440381558028593134146433;0.000000000000000000000000000000;0.007631160572337042889701219650;0.018124006359300476320939310426;0.010492845786963434298599828765;0.016216216216216217116397046993;0.012082670906200318125534032276;0.045151033386327504848267722082;0.009220985691573927583997161150
-0.026337448559670781356167879039;0.046090534979423870842740740272;0.006172839506172839163511412153;0.067078189300411525386458322373;0.039917695473251031679229328120;0.022633744855967079245839812529;0.005761316872427983855342592534;0.049794238683127572953068806783;0.002057613168724280010291050047;0.004938271604938271504281477320;0.020987654320987654543717582101;0.015637860082304527731267285162;0.016460905349794240082328400376;0.010288065843621399184093512247;0.063786008230452675982213861516;0.009876543209876543008562954640;0.003292181069958847669520984880;0.030452674897119343111473455110;0.051028806584362138010213527650;0.003292181069958847669520984880;0.024691358024691356654045648611;0.003703703703703703845051542487;0.005761316872427983855342592534;0.010699588477366255359624069854;0.023456790123456791596900927743;0.013168724279835390678083939520;0.039506172839506172034251818559;0.094650205761316871799770922280;0.000411522633744855958690123110;0.051028806584362138010213527650;0.018106995884773661315003678851;0.004938271604938271504281477320;0.017695473251028805139473121244;0.003703703703703703845051542487;0.010288065843621399184093512247;0.018106995884773661315003678851;0.011934156378600823886215742675;0.007818930041152263865633642581;0.000000000000000000000000000000;0.005761316872427983855342592534;0.015226337448559671555736727555;0.002880658436213991927671296267;0.000000000000000000000000000000;0.009053497942386830657501839426;0.055555555555555552471602709375;0.007407407407407407690103084974;0.008230452674897120041164200188;0.005761316872427983855342592534;0.027983539094650206058290109468;0.006584362139917695339041969760
-0.022916666666666665047591422422;0.035000000000000003330669073875;0.014583333333333333564629796797;0.057083333333333333148296162562;0.039583333333333331482961625625;0.025833333333333333148296162562;0.002083333333333333304421275400;0.052916666666666667406815349750;0.005416666666666666851703837438;0.012500000000000000693889390391;0.017083333333333332315628894094;0.009166666666666666712925959359;0.017083333333333332315628894094;0.012916666666666666574148081281;0.045833333333333330095182844843;0.014583333333333333564629796797;0.004583333333333333356462979680;0.040416666666666663243479007406;0.040833333333333332593184650250;0.006250000000000000346944695195;0.025416666666666667268037471672;0.002500000000000000052041704279;0.009583333333333332593184650250;0.012083333333333333078907223523;0.026666666666666668378260496297;0.020416666666666666296592325125;0.044166666666666666574148081281;0.104583333333333333703407674875;0.000000000000000000000000000000;0.035833333333333335091186455656;0.027500000000000000138777878078;0.006250000000000000346944695195;0.017500000000000001665334536938;0.003749999999999999861222121922;0.011249999999999999583666365766;0.019166666666666665186369300500;0.015833333333333334674852821422;0.005000000000000000104083408559;0.000000000000000000000000000000;0.002083333333333333304421275400;0.011249999999999999583666365766;0.014583333333333333564629796797;0.000000000000000000000000000000;0.010833333333333333703407674875;0.029166666666666667129259593594;0.009166666666666666712925959359;0.012916666666666666574148081281;0.008750000000000000832667268469;0.024583333333333332038073137937;0.012500000000000000693889390391
-0.026247848537005163266355722840;0.037865748709122203086163693797;0.020223752151462996012876160989;0.002151462994836488614586178514;0.010327022375215147084737132843;0.025387263339070566953159513446;0.002581755593803786771184283211;0.063253012048192766569876255289;0.005593803786574870831604933130;0.010757314974182443506611761563;0.023235800344234079639615941915;0.018502581755593803386483742202;0.024526678141135974109410256006;0.019363166953528399699679951595;0.039586919104991395712556112585;0.011617900172117039819807970957;0.004733218588640275385770461725;0.062822719449225475352172054500;0.046901893287435457435829988526;0.006884681583476764434037509233;0.033562822719449228459076550735;0.002151462994836488614586178514;0.016351118760757316072940170670;0.012908777969018932554878809071;0.037865748709122203086163693797;0.027538726333907057736150036931;0.058950086058519791942789112227;0.033993115318416526615674655432;0.000000000000000000000000000000;0.029259896729776246893095503765;0.012048192771084337976406075654;0.003872633390705679939935990319;0.027108433734939759579551932234;0.003872633390705679939935990319;0.015490533562822719759743961276;0.024096385542168675952812151309;0.021514629948364887013223523127;0.007314974182444061723273875941;0.002151462994836488614586178514;0.006454388984509466277439404536;0.017641996557659207073287532808;0.009466437177280550771540923449;0.000000000000000000000000000000;0.009896729776247848928139028146;0.024526678141135974109410256006;0.012908777969018932554878809071;0.012908777969018932554878809071;0.017211703958691908916689428111;0.049053356282271948218820512011;0.007314974182444061723273875941
-0.027177700348432056592917760440;0.036236933797909411103521648556;0.016724738675958188138803706124;0.027526132404181183344071826014;0.014634146341463415488814980847;0.032404181184668992554698263575;0.002787456445993031356467284354;0.066202090592334492114012789443;0.002439024390243902436908873810;0.006620209059233449905290669335;0.019163763066202089274669972951;0.012891986062717769589980321143;0.024041811846689895015849458559;0.013588850174216028296458880220;0.050522648083623694637012135900;0.010104529616724738233513036789;0.006620209059233449905290669335;0.055749128919860627129345687081;0.059233449477351915457568054535;0.004529616724738676387940206070;0.032404181184668992554698263575;0.001045296167247386758675231633;0.021951219512195120631137257305;0.011846689895470384132347696493;0.026480836236933799621162677340;0.019163763066202089274669972951;0.048083623693379790031698917119;0.079790940766550522145195145640;0.000000000000000000000000000000;0.032752613240418115836405377195;0.010104529616724738233513036789;0.003135888501742160276025694898;0.034843205574912890221117578449;0.002090592334494773517350463266;0.012891986062717769589980321143;0.020557491289198606687627091105;0.018815331010452962523515907378;0.006271777003484320552051389797;0.000000000000000000000000000000;0.002787456445993031356467284354;0.013937282229965156782336421770;0.006271777003484320552051389797;0.000000000000000000000000000000;0.006271777003484320552051389797;0.021951219512195120631137257305;0.009756097560975609747635495239;0.012195121951219512618225238043;0.009059233449477352775880412139;0.034843205574912890221117578449;0.011498257839721253911746678966
-0.034225019669551534629015066002;0.024390243902439025236450476086;0.018095987411487018947653382384;0.005507474429583005502697456990;0.025570416994492525114557324173;0.033831628638867031200199164687;0.008654602675059009514457741830;0.053894571203776553414144245835;0.001573564122738001572199273426;0.009047993705743509473826691192;0.029110936270653028218324820386;0.011408339889850510964763863342;0.024390243902439025236450476086;0.013375295043273014231055562107;0.033044846577498031281461265962;0.016522423288749015640730632981;0.006687647521636507115527781053;0.034618410700236038057830967318;0.059795436664044063213019342129;0.003147128245476003144398546851;0.040519276160503540917812159705;0.003147128245476003144398546851;0.016522423288749015640730632981;0.016129032258064515681361683619;0.038158929976396541161598463532;0.028324154209284028299586921662;0.047993705743509050554163053448;0.040125885129819037488996258389;0.000393391030684500393049818356;0.038945712037765541080336362256;0.023210070810385521888896676046;0.006294256490952006288797093703;0.036978756884343037814044663492;0.003933910306845003930498183564;0.016915814319433515600099582343;0.023996852871754525277081526724;0.022029897718332022010789827959;0.008654602675059009514457741830;0.000393391030684500393049818356;0.005114083398898505543328507628;0.009441384736428009433195640554;0.002753737214791502751348728495;0.000000000000000000000000000000;0.009441384736428009433195640554;0.026750590086546028462111124213;0.016129032258064515681361683619;0.011014948859166011005394913980;0.014162077104642014149793460831;0.033438237608182534710277167278;0.012195121951219512618225238043
-0.022512708787218591727219418885;0.037037037037037034981068472916;0.019607843137254901688670827298;0.042483660130718955971751427114;0.019970951343500364244532008229;0.027596223674655046692594240199;0.005446623093681917521236002244;0.062454611474219316746836483389;0.007625272331154684182785707947;0.009440813362381990023197708695;0.024328249818445897567631419633;0.011619462599854756684747414397;0.014887436456063907544433710939;0.017792302106027595848258826550;0.044662309368191724368024608793;0.010167029774872911665473118603;0.006899055918663761673148560050;0.056281771968046477583325071237;0.048293391430646336048848610289;0.005083514887436455832736559302;0.032679738562091505127416013465;0.002541757443718227916368279651;0.018155410312273058404120007481;0.008351488743645605825061117855;0.027959331880900509248455421130;0.026870007262164125050318830290;0.051924473493100940790778707878;0.055555555555555552471602709375;0.000726216412490922292796713400;0.032679738562091505127416013465;0.005446623093681917521236002244;0.003267973856209150426005427548;0.029411764705882352533006240947;0.006535947712418300852010855095;0.017429193899782136761844597572;0.022875816993464050813633647863;0.017792302106027595848258826550;0.003994190268700072501961706450;0.001089324618736383547615287348;0.007988380537400145003923412901;0.008351488743645605825061117855;0.007262164124909223361648002992;0.000000000000000000000000000000;0.007988380537400145003923412901;0.029048656499636893446592011969;0.009803921568627450844335413649;0.013071895424836601704021710191;0.009077705156136529202060003740;0.038489469862018878265619292733;0.009440813362381990023197708695
-0.025444596443228453819251910772;0.018878248974008207672348191863;0.027906976744186046124340805363;0.005471956224350205122419765758;0.018331053351573187160106215288;0.033378932968536251246760571121;0.004651162790697674354056800894;0.060738714090287276858859399908;0.008481532147742817939750636924;0.013953488372093023062170402682;0.030642954856361148685550688242;0.006839945280437756403024707197;0.021067031463748289721316098166;0.025991792065663474331493887348;0.039671682626538987137543301742;0.009302325581395348708113601788;0.013953488372093023062170402682;0.058002735978112174297649517030;0.049247606019151846101777891818;0.007660738714090287171387672061;0.035020519835841312783486500848;0.005745554035567715378540754045;0.019425444596443228184590168439;0.016963064295485635879501273848;0.035294117647058823039607489136;0.022708618331053351258042027894;0.054445964432284540968076669287;0.029001367989056087148824758515;0.000000000000000000000000000000;0.032284541723666210222276617969;0.004924760601915184610177789182;0.006292749658002735890782730621;0.025170998632010943563130922485;0.006566347469220246146903718909;0.012311901504787961525444472954;0.034199726402188782015123535984;0.019151846785225717928469180151;0.004651162790697674354056800894;0.001641586867305061536725929727;0.004377564979480164097935812606;0.015047879616963064086654355833;0.008207934336525307683629648636;0.000000000000000000000000000000;0.007660738714090287171387672061;0.021067031463748289721316098166;0.008481532147742817939750636924;0.017510259917920656391743250424;0.013406292749658002549928426106;0.045417236662106702516084055787;0.013406292749658002549928426106
-0.031051253273475496602396006551;0.034418256640478865626686655332;0.022072577628133183830216879073;0.020950243172465392998971012162;0.007856341189674523675656736543;0.028058361391694725678336297392;0.004115226337448560020582100094;0.051253273475495700339799043377;0.005611672278338944615250216685;0.010849233071455292864992969726;0.030677141788252898502165066930;0.012345679012345678327022824305;0.020950243172465392998971012162;0.019827908716797605637172097204;0.036662925551814440350284485248;0.013093901982790871058037751595;0.008604564160119716406671663833;0.048260381593714929415739334218;0.052749719416386085801828897957;0.004863449307893752751597027384;0.026936026936026934847090430480;0.002618780396558174124871376520;0.018705574261129818275373182246;0.016086793864571641982097460755;0.029180695847362513040135212350;0.022820800598578376561231806363;0.057613168724279836818702449364;0.062476618032173587835576000771;0.000748222970445192622594710041;0.030303030303030303871381079261;0.018705574261129818275373182246;0.004863449307893752751597027384;0.028806584362139918409351224682;0.004863449307893752751597027384;0.011971567527123081961515360661;0.026561915450804340216306442812;0.016460905349794240082328400376;0.012719790497568274692530287950;0.000748222970445192622594710041;0.002992891881780770490378840165;0.011597456041900485596007897016;0.013468013468013467423545215240;0.000000000000000000000000000000;0.007856341189674523675656736543;0.022820800598578376561231806363;0.007856341189674523675656736543;0.013842124953236063789052678885;0.010475121586232696499485506081;0.040778151889263002105590061319;0.010849233071455292864992969726
-0.022151898734177215277707517771;0.051537070524412295635663383564;0.005877034358047016245063520756;0.132007233273056051592320159216;0.049276672694394216267532726761;0.018535262206148282737583343760;0.004068716094032549975001433751;0.050632911392405062500632340061;0.002260397830018083271258477751;0.004972875226039783110032477254;0.018083182640144666170067822009;0.013110307414104882192673606767;0.018083182640144666170067822009;0.007233273056057865947610086010;0.068716094032549732140147114023;0.008589511754068716517518389253;0.003164556962025316406289521254;0.034810126582278479168142126809;0.048824593128390596230570253056;0.001808318264014466486902521503;0.023056057866184448412738561274;0.000452079566003616621725630376;0.006781193490054249380094564259;0.004520795660036166542516955502;0.027124773960216997520378257036;0.013562386980108498760189128518;0.037070524412296565475166687520;0.069168173598553345238215683821;0.000000000000000000000000000000;0.041139240506329111113359431329;0.013110307414104882192673606767;0.003616636528028932973805043005;0.024864376130198914682800648279;0.003616636528028932973805043005;0.009493670886075949652549432756;0.012658227848101265625158085015;0.011301989150090415922611519761;0.004068716094032549975001433751;0.000000000000000000000000000000;0.003616636528028932973805043005;0.016274864376130199900005735003;0.005877034358047016245063520756;0.000000000000000000000000000000;0.005424954792043399677547999005;0.051537070524412295635663383564;0.006781193490054249380094564259;0.006781193490054249380094564259;0.006329113924050632812579042508;0.019439421338155515872614387263;0.008589511754068716517518389253
-0.022029897718332022010789827959;0.059402045633359559784203440813;0.010228166797797011086657015255;0.075531077891424075465565124432;0.045633359559402043859055453368;0.022816679779701021929527726684;0.005507474429583005502697456990;0.059008654602675056355387539497;0.003147128245476003144398546851;0.007867820613690007860996367128;0.019669551534225018785129179832;0.009441384736428009433195640554;0.011801730920535012658856288681;0.008261211644374507820365316491;0.072777340676632579219429430850;0.011014948859166011005394913980;0.004720692368214004716597820277;0.036978756884343037814044663492;0.053501180173092056924222248426;0.003147128245476003144398546851;0.025177025963808025155188374811;0.004720692368214004716597820277;0.004327301337529504757228870915;0.010228166797797011086657015255;0.019669551534225018785129179832;0.015735641227380015721992734257;0.042092840283241540755287957154;0.077104642014162075303040921881;0.000393391030684500393049818356;0.031471282454760031443985468513;0.022423288749016521970158777322;0.007474429583005507901627417766;0.020062942564909518744498129195;0.004327301337529504757228870915;0.011408339889850510964763863342;0.013768686073957514190424511469;0.010228166797797011086657015255;0.003933910306845003930498183564;0.000000000000000000000000000000;0.004327301337529504757228870915;0.013375295043273014231055562107;0.007867820613690007860996367128;0.000000000000000000000000000000;0.006687647521636507115527781053;0.042486231313926044184103858470;0.008654602675059009514457741830;0.009441384736428009433195640554;0.007081038552321007074896730416;0.022029897718332022010789827959;0.011014948859166011005394913980
-0.030092592592592590922118134245;0.039351851851851853136832204427;0.014351851851851851749053423646;0.061574074074074072737694507396;0.057870370370370370627366440885;0.028703703703703703498106847292;0.006944444444444444058950338672;0.050462962962962966406710307865;0.002314814814814814686316779557;0.008333333333333333217685101602;0.021296296296296295808003762318;0.015277777777777777276635440273;0.013888888888888888117900677344;0.012500000000000000693889390391;0.061574074074074072737694507396;0.011574074074074073431583897786;0.005555555555555555767577313730;0.039351851851851853136832204427;0.050925925925925923098969150260;0.003240740740740740647579665179;0.027777777777777776235801354687;0.003240740740740740647579665179;0.009722222222222222376419864531;0.013888888888888888117900677344;0.025925925925925925180637321432;0.013425925925925926221471407018;0.045370370370370373402924002448;0.047685185185185184619793830052;0.000000000000000000000000000000;0.040277777777777780399137697032;0.018055555555555553859381490156;0.006018518518518518531368322044;0.024074074074074074125473288177;0.006944444444444444058950338672;0.006018518518518518531368322044;0.017129629629629630066522949505;0.010648148148148147904001881159;0.005092592592592593003786305417;0.000462962962962962980631442811;0.003703703703703703845051542487;0.013888888888888888117900677344;0.014351851851851851749053423646;0.000000000000000000000000000000;0.009259259259259258745267118229;0.043055555555555555247160270937;0.005092592592592593003786305417;0.012037037037037037062736644089;0.006944444444444444058950338672;0.024074074074074074125473288177;0.010648148148148147904001881159
-0.025451559934318555150634111328;0.047619047619047616404230893750;0.011904761904761904101057723437;0.066912972085385880038899131250;0.037766830870279148590906714844;0.022577996715927750592811662500;0.003694581280788177164720043066;0.052134646962233167910572007031;0.006157635467980295852774563770;0.009031198686371099543235274609;0.013136288998357963445084983789;0.013546798029556651049576387891;0.019293924466338260165221285547;0.009441707717569787147726678711;0.075944170771756983051581357813;0.011904761904761904101057723437;0.003284072249589490861271245947;0.037766830870279148590906714844;0.055418719211822661807609335938;0.004515599343185549771617637305;0.027093596059113302099152775781;0.004515599343185549771617637305;0.011494252873563218231289795312;0.012315270935960591705549127539;0.017651888341543513216702621094;0.020525451559934317774525069922;0.055829228243021347677377264063;0.050082101806239738561732366406;0.000000000000000000000000000000;0.030377668308702792526743152735;0.031198686371100164266279008984;0.003694581280788177164720043066;0.022988505747126436462579590625;0.002873563218390804557822448828;0.010262725779967158887262534961;0.018472906403940888425685429297;0.010262725779967158887262534961;0.009852216748768473017494606836;0.000000000000000000000000000000;0.003284072249589490861271245947;0.012315270935960591705549127539;0.006568144499178981722542491895;0.000000000000000000000000000000;0.011083743842364532361521867188;0.038177339901477834460674642969;0.007389162561576354329440086133;0.007389162561576354329440086133;0.009852216748768473017494606836;0.027093596059113302099152775781;0.009852216748768473017494606836
-0.034146341463414636718809447302;0.011149825783972125425869137416;0.027526132404181183344071826014;0.001742160278745644597792052721;0.022648083623693381072339292359;0.062369337979094073565189404462;0.001742160278745644597792052721;0.024390243902439025236450476086;0.010801393728222996939991595866;0.010801393728222996939991595866;0.029965156794425087949385044794;0.084320557491289194196326661768;0.020905923344947736908228108632;0.022996515679442507823493357932;0.013588850174216028296458880220;0.023693379790940768264695392986;0.004529616724738676387940206070;0.031010452961672475141741145421;0.034494773519163760000516560922;0.007665505226480836230285031974;0.026480836236933799621162677340;0.004878048780487804873817747620;0.010452961672473868454114054316;0.017421602787456445110558789224;0.049128919860627180693501969699;0.024738675958188151987604541659;0.030313588850174214700539110368;0.003135888501742160276025694898;0.000000000000000000000000000000;0.081533101045296166309306329367;0.032752613240418115836405377195;0.004878048780487804873817747620;0.018118466898954705551760824278;0.003135888501742160276025694898;0.019860627177700349715872008005;0.025087108013937282208205559186;0.019512195121951219495270990478;0.007665505226480836230285031974;0.000696864111498257839116821089;0.010452961672473868454114054316;0.007665505226480836230285031974;0.005226480836236934227057027158;0.000000000000000000000000000000;0.008362369337979094069401853062;0.016724738675958188138803706124;0.007665505226480836230285031974;0.017770034843205575331159806751;0.017421602787456445110558789224;0.033449477351916376277607412248;0.014982578397212543974692522397
-0.033197831978319783385877883575;0.006775067750677507202872185132;0.033875338753387530810190497732;0.001016260162601626123798914669;0.015582655826558265352299592621;0.066734417344173443953359026182;0.001016260162601626123798914669;0.014227642276422763564780460399;0.012195121951219512618225238043;0.018970189701897018086373947199;0.018631436314363144374217640120;0.101287262872628722187862138071;0.017953929539295393480458074009;0.029132791327913278023320486909;0.007791327913279132676149796310;0.030149051490514906098683312052;0.009146341463414633596307190544;0.018292682926829267192614381088;0.018970189701897018086373947199;0.008468834688346882702547624433;0.014905149051490514458540026510;0.009146341463414633596307190544;0.006097560975609756309112619022;0.030487804878048779810839619131;0.061653116531165313984885756327;0.032859078590785906204274624542;0.028794037940379404311164179830;0.028116531165311653417404613720;0.001355013550135501353838263228;0.070460704607046065195419259908;0.042005420054200541535305291063;0.009146341463414633596307190544;0.009146341463414633596307190544;0.005420054200542005415353052911;0.016937669376693765405095248866;0.019308943089430895267977206231;0.009146341463414633596307190544;0.006436314363143631755992402077;0.001016260162601626123798914669;0.009146341463414633596307190544;0.002371273712737127260796743400;0.007452574525745257229270013255;0.000000000000000000000000000000;0.011517615176151761724465671932;0.008468834688346882702547624433;0.008807588075880758149427407488;0.022018970189701895373568518721;0.024390243902439025236450476086;0.023712737127371274342690909975;0.016260162601626017980782634709
-0.049780963759458382589251357331;0.004380724810832337806631997523;0.025089605734767025935205708720;0.037833532457188373543388593134;0.017522899243329351226527990093;0.075667064914376747086777186269;0.000398247710075667058545606514;0.004778972520908004485706843667;0.004380724810832337806631997523;0.008761449621664675613263995047;0.016726403823178016133654821829;0.134607726005575467631558694848;0.023496614894464355749459372191;0.021107128634010353940286819352;0.002389486260454002242853421834;0.026682596575069692651505093295;0.005177220230983672032143427799;0.005177220230983672032143427799;0.019514137793707687223987434777;0.002787733970529669355609136971;0.011549183592194344968873132018;0.003982477100756670260195413391;0.003185981680605336468364852109;0.014336917562724014324482268989;0.070091596973317404906111960372;0.024691358024691356654045648611;0.014336917562724014324482268989;0.033054559936280362986149583548;0.000000000000000000000000000000;0.091596973317403421188664935926;0.090800477897252096504132623522;0.002787733970529669355609136971;0.006371963361210672936729704219;0.003185981680605336468364852109;0.013142174432497013419895992570;0.017124651533253685414814881938;0.004778972520908004485706843667;0.008363201911589008066827410914;0.000398247710075667058545606514;0.005973715651135006257654858075;0.000796495420151334117091213027;0.004778972520908004485706843667;0.000000000000000000000000000000;0.005973715651135006257654858075;0.003185981680605336468364852109;0.004380724810832337806631997523;0.017124651533253685414814881938;0.021505376344086023221446879461;0.020708880923934688128573711197;0.015531660692951015229068545409
-0.063262195121951220189160380869;0.006097560975609756309112619022;0.023246951219512194952709904783;0.052972560975609754574389143045;0.010670731707317073974627952282;0.067835365853658541324122666083;0.002286585365853658399076797636;0.012195121951219512618225238043;0.010289634146341463880047761847;0.008384146341463415141870285652;0.021722560975609754574389143045;0.112423780487804880756641523476;0.021341463414634147949255904564;0.021722560975609754574389143045;0.004573170731707316798153595272;0.041920731707317075709351428259;0.004954268292682926892733785706;0.010670731707317073974627952282;0.017530487804878050472900952172;0.001524390243902439077278154755;0.019054878048780487381774761957;0.008003048780487805047290095217;0.003429878048780487815455630951;0.016387195121951220189160380869;0.067073170731707321134962285214;0.022865853658536584858129714348;0.018673780487804877287194571522;0.007621951219512194952709904783;0.000000000000000000000000000000;0.048399390243902440378320761738;0.084603658536585371607863237386;0.008003048780487805047290095217;0.007240853658536585725491452337;0.004192073170731707570935142826;0.009908536585365853785467571413;0.014862804878048779810839619131;0.007240853658536585725491452337;0.017911585365853657098034190653;0.001524390243902439077278154755;0.004573170731707316798153595272;0.001524390243902439077278154755;0.004573170731707316798153595272;0.000000000000000000000000000000;0.008765243902439025236450476086;0.003810975609756097476354952391;0.007240853658536585725491452337;0.024390243902439025236450476086;0.020579268292682927760095523695;0.017530487804878050472900952172;0.024390243902439025236450476086
-0.064359861591695502469612222285;0.012110726643598615850927480153;0.011764705882352941013202496379;0.088581314878892730702020230638;0.011072664359861591337752528830;0.087197231833910038290014199447;0.001730103806228373754944049878;0.009688581314878891986852593732;0.006574394463667820182051215738;0.008650519031141869208401118385;0.020761245674740483324605122561;0.079930795847750868432513016160;0.023875432525951558598853452509;0.016262975778546712168903809470;0.008650519031141869208401118385;0.054671280276816607013312676600;0.003114186851211072672163115982;0.007958477508650519532951150836;0.025605536332179931052754895404;0.003114186851211072672163115982;0.015916955017301039065902301672;0.005190311418685120831151280640;0.002768166089965397834438132207;0.011764705882352941013202496379;0.069204152249134953667208947081;0.030449826989619378780904668247;0.012802768166089965526377447702;0.002422145328719722996713148433;0.000346020761245674729304766526;0.066435986159169554965409076885;0.065397923875432528717510649585;0.004844290657439445993426296866;0.009342560553633217149127609957;0.004152249134948097185338067305;0.016262975778546712168903809470;0.010034602076124566824577577506;0.005190311418685120831151280640;0.025951557093425604155756403202;0.001384083044982698917219066104;0.004844290657439445993426296866;0.002422145328719722996713148433;0.004152249134948097185338067305;0.000000000000000000000000000000;0.009342560553633217149127609957;0.004498269896193772023063051080;0.011418685121107266175477512604;0.010034602076124566824577577506;0.016262975778546712168903809470;0.016955017301038061844353777019;0.014532871972318339715002366574
-0.054732510288065847059435498068;0.006995884773662551514572527367;0.015226337448559671555736727555;0.037037037037037034981068472916;0.034567901234567897927885127274;0.091358024691358022395526461423;0.000411522633744855958690123110;0.007818930041152263865633642581;0.002057613168724280010291050047;0.005349794238683127679812034927;0.015637860082304527731267285162;0.151028806584362129683540842962;0.013991769547325103029145054734;0.016460905349794240082328400376;0.004526748971193415328750919713;0.039094650205761319328168212905;0.006172839506172839163511412153;0.012757201646090534502553381913;0.017283950617283948963942563637;0.002469135802469135752140738660;0.008230452674897120041164200188;0.003292181069958847669520984880;0.002469135802469135752140738660;0.008230452674897120041164200188;0.067489711934156385031435831934;0.013168724279835390678083939520;0.011111111111111111535154627461;0.001234567901234567876070369330;0.000000000000000000000000000000;0.097119341563786001914060364015;0.108641975308641974828915977014;0.000411522633744855958690123110;0.004938271604938271504281477320;0.004526748971193415328750919713;0.012345679012345678327022824305;0.009053497942386830657501839426;0.004938271604938271504281477320;0.015226337448559671555736727555;0.000000000000000000000000000000;0.003292181069958847669520984880;0.000411522633744855958690123110;0.002880658436213991927671296267;0.000000000000000000000000000000;0.006995884773662551514572527367;0.004526748971193415328750919713;0.004526748971193415328750919713;0.014814814814814815380206169948;0.021810699588477366894778697315;0.013580246913580246853614497127;0.019753086419753086017125909279
-0.052210365853658534385228762176;0.000381097560975609769319538689;0.012195121951219512618225238043;0.000000000000000000000000000000;0.030487804878048779810839619131;0.114710365853658541324122666083;0.000381097560975609769319538689;0.006478658536585365536331071468;0.001524390243902439077278154755;0.003810975609756097476354952391;0.019435975609756097476354952391;0.171493902439024403783207617380;0.028963414634146342901965809347;0.017149390243902440378320761738;0.001905487804878048738177476196;0.044969512195121949527099047828;0.003048780487804878154556309511;0.006859756097560975630911261902;0.017149390243902440378320761738;0.001524390243902439077278154755;0.009146341463414633596307190544;0.001524390243902439077278154755;0.001524390243902439077278154755;0.009527439024390243690887380978;0.085365853658536591797023618255;0.023246951219512194952709904783;0.013719512195121951261822523804;0.000000000000000000000000000000;0.000000000000000000000000000000;0.106326219512195119243358476524;0.077743902439024389905419809566;0.002667682926829268493656988070;0.004573170731707316798153595272;0.003810975609756097476354952391;0.009908536585365853785467571413;0.006859756097560975630911261902;0.004192073170731707570935142826;0.011432926829268292429064857174;0.000000000000000000000000000000;0.003429878048780487815455630951;0.000381097560975609769319538689;0.000762195121951219538639077378;0.000000000000000000000000000000;0.008003048780487805047290095217;0.003810975609756097476354952391;0.003048780487804878154556309511;0.012576219512195122712805428478;0.024771341463414635331030666521;0.016768292682926830283740571303;0.020198170731707317665515333260
-0.056354450058297707315535518546;0.000000000000000000000000000000;0.013991449669646327524930029540;0.000000000000000000000000000000;0.023707734162456275267549798969;0.096385542168674703811248605234;0.000777302759424795949513842253;0.006218422075398367596110738020;0.001165954139137194032690980627;0.008550330353672756095173568269;0.023707734162456275267549798969;0.157403808783521170777675024510;0.025262339681305867600258352468;0.019043917605907501738871090424;0.002331908278274388065381961255;0.038087835211815003477742180849;0.004275165176836378047586784135;0.005052467936261173346579322896;0.022153128643606686404288197423;0.001165954139137194032690980627;0.013991449669646327524930029540;0.004275165176836378047586784135;0.002331908278274388065381961255;0.012825495530509134142760352404;0.075398367664205212523853560924;0.027205596579867857148782306353;0.016712009327633111505084784199;0.000000000000000000000000000000;0.000000000000000000000000000000;0.113097551496307818785780341386;0.072677808006218425074251854312;0.005052467936261173346579322896;0.008938981733385153310988968656;0.001554605518849591899027684505;0.016323357947920714289269383812;0.012048192771084337976406075654;0.005052467936261173346579322896;0.011270890011659541810051798905;0.000000000000000000000000000000;0.003886513797123979964409645760;0.000777302759424795949513842253;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005441119315973571429756461271;0.004663816556548776130763922509;0.006218422075398367596110738020;0.020987174504469491287395044310;0.019043917605907501738871090424;0.012048192771084337976406075654;0.022541780023319083620103597809
-0.053297199638663056431298059579;0.004516711833785004223673631429;0.012646793134598013214064948784;0.042457091237579042131145001804;0.017163504968383015703015104236;0.105239385727190604136183083028;0.001355013550135501353838263228;0.008130081300813008990391317354;0.008130081300813008990391317354;0.008581752484191507851507552118;0.023938572719060524640610765346;0.091237579042457092604045953976;0.029358626919602528321240342279;0.021680216802168021661412211643;0.005420054200542005415353052911;0.035230352303523032597709629954;0.002710027100271002707676526455;0.006323396567299006607032474392;0.033423667570009030214350786991;0.004516711833785004223673631429;0.015356820234869015054379737251;0.002258355916892502111836815715;0.003161698283649503303516237196;0.012646793134598013214064948784;0.073170731707317068770457524352;0.019873532068654019278053368680;0.018518518518518517490534236458;0.030261969286359529512919763761;0.000451671183378500433209384868;0.084462511291779590605344196774;0.057362240289069554854961552337;0.000451671183378500433209384868;0.013098464317976513809904659524;0.006323396567299006607032474392;0.019421860885275518682213657939;0.007226738934056006931350157885;0.010388437217705510234866395081;0.010388437217705510234866395081;0.004065040650406504495195658677;0.004065040650406504495195658677;0.001355013550135501353838263228;0.004516711833785004223673631429;0.000000000000000000000000000000;0.004516711833785004223673631429;0.007678410117434507527189868625;0.004065040650406504495195658677;0.014453477868112013862700315769;0.023938572719060524640610765346;0.017163504968383015703015104236;0.014001806684733513266860605029
-0.056250000000000001387778780781;0.015104166666666666782314898398;0.009374999999999999653055304805;0.107812500000000005551115123126;0.013020833333333333911574491992;0.090104166666666665741480812812;0.001041666666666666652210637700;0.008854166666666666435370203203;0.009895833333333332870740406406;0.003645833333333333391157449199;0.021874999999999998612221219219;0.088541666666666671292595935938;0.029687499999999998612221219219;0.013541666666666667129259593594;0.007812500000000000000000000000;0.031770833333333331482961625625;0.000520833333333333326105318850;0.006770833333333333564629796797;0.019791666666666665741480812812;0.002083333333333333304421275400;0.015104166666666666782314898398;0.002083333333333333304421275400;0.004687499999999999826527652402;0.007812500000000000000000000000;0.070312500000000000000000000000;0.018229166666666667823148983985;0.015625000000000000000000000000;0.017708333333333332870740406406;0.000000000000000000000000000000;0.087499999999999994448884876874;0.058854166666666665741480812812;0.001562500000000000086736173799;0.014062500000000000346944695195;0.004687499999999999826527652402;0.015104166666666666782314898398;0.009895833333333332870740406406;0.004166666666666666608842550801;0.013020833333333333911574491992;0.001562500000000000086736173799;0.001562500000000000086736173799;0.002083333333333333304421275400;0.015625000000000000000000000000;0.000000000000000000000000000000;0.003645833333333333391157449199;0.007291666666666666782314898398;0.004687499999999999826527652402;0.012500000000000000693889390391;0.018749999999999999306110609609;0.018229166666666667823148983985;0.016145833333333334952408577578
-0.057484567901234566444923501649;0.013117283950617283222461750825;0.014660493827160493013339603863;0.012345679012345678327022824305;0.027391975308641975522805367405;0.117669753086419748289159770138;0.000385802469135802447719463260;0.009645061728395061192986581489;0.003858024691358024477194632595;0.007716049382716048954389265191;0.019675925925925926568416102214;0.084104938271604937072289942535;0.038580246913580244771946325955;0.015432098765432097908778530382;0.011574074074074073431583897786;0.037037037037037034981068472916;0.003472222222222222029475169336;0.010416666666666666088425508008;0.035108024691358027946641584549;0.003086419753086419581755706076;0.014660493827160493013339603863;0.004629629629629629372633559115;0.003858024691358024477194632595;0.010416666666666666088425508008;0.066743827160493832129084523785;0.018132716049382716777538249175;0.014660493827160493013339603863;0.016203703703703702804217456901;0.000771604938271604895438926519;0.100308641975308643345954351389;0.043981481481481482509465763542;0.005787037037037036715791948893;0.016589506172839506986660396137;0.005787037037037036715791948893;0.013117283950617283222461750825;0.010416666666666666088425508008;0.009259259259259258745267118229;0.012345679012345678327022824305;0.001543209876543209790877853038;0.005015432098765431820353022374;0.002314814814814814686316779557;0.004243827160493826924914095855;0.000000000000000000000000000000;0.007330246913580246506669801931;0.011574074074074073431583897786;0.005787037037037036715791948893;0.014274691358024690565620140603;0.019675925925925926568416102214;0.020061728395061727281412089496;0.017746913580246912595095309939
-0.038333333333333330372738601000;0.007499999999999999722444243844;0.007916666666666667337426410711;0.100833333333333330372738601000;0.056666666666666663798590519718;0.107083333333333335923853724125;0.000416666666666666693410320255;0.007083333333333332974823814965;0.006250000000000000346944695195;0.003749999999999999861222121922;0.023333333333333334397297065266;0.086249999999999993338661852249;0.023333333333333334397297065266;0.009166666666666666712925959359;0.005416666666666666851703837438;0.027916666666666666019036568969;0.004583333333333333356462979680;0.007916666666666667337426410711;0.039166666666666669072149886688;0.003333333333333333547282562037;0.012083333333333333078907223523;0.000833333333333333386820640509;0.004583333333333333356462979680;0.005416666666666666851703837438;0.063750000000000001110223024625;0.012916666666666666574148081281;0.012500000000000000693889390391;0.015833333333333334674852821422;0.000416666666666666693410320255;0.130416666666666652973916029623;0.055416666666666669627261399000;0.002083333333333333304421275400;0.017083333333333332315628894094;0.000833333333333333386820640509;0.013750000000000000069388939039;0.005416666666666666851703837438;0.001250000000000000026020852140;0.005416666666666666851703837438;0.000416666666666666693410320255;0.006250000000000000346944695195;0.004166666666666666608842550801;0.007499999999999999722444243844;0.000000000000000000000000000000;0.000833333333333333386820640509;0.012500000000000000693889390391;0.005416666666666666851703837438;0.005416666666666666851703837438;0.007916666666666667337426410711;0.015833333333333334674852821422;0.007499999999999999722444243844
-0.053501180173092056924222248426;0.004327301337529504757228870915;0.007474429583005507901627417766;0.011408339889850510964763863342;0.015735641227380015721992734257;0.112509834775767106340715884016;0.003933910306845003930498183564;0.007867820613690007860996367128;0.005507474429583005502697456990;0.009047993705743509473826691192;0.021243115656963022092051929235;0.111723052714398113360871889199;0.024783634933123525195819425448;0.009441384736428009433195640554;0.003540519276160503537448365208;0.049173878835562546962822949581;0.001966955153422501965249091782;0.006687647521636507115527781053;0.029110936270653028218324820386;0.000786782061369000786099636713;0.012981904012588512536963136768;0.001573564122738001572199273426;0.001966955153422501965249091782;0.010621557828481511046025964617;0.072383949645948075790613529534;0.023603461841070025317712577362;0.012195121951219512618225238043;0.029110936270653028218324820386;0.000000000000000000000000000000;0.088119590873328088043159311837;0.100314712824547597191937597927;0.005114083398898505543328507628;0.010621557828481511046025964617;0.002753737214791502751348728495;0.007081038552321007074896730416;0.011801730920535012658856288681;0.003147128245476003144398546851;0.027537372147915028380849022938;0.002360346184107002358298910139;0.004327301337529504757228870915;0.001180173092053501179149455069;0.003933910306845003930498183564;0.000000000000000000000000000000;0.008261211644374507820365316491;0.007081038552321007074896730416;0.013768686073957514190424511469;0.012195121951219512618225238043;0.010621557828481511046025964617;0.010228166797797011086657015255;0.015342250196695515762623784894
-0.057613168724279836818702449364;0.005829903978052126262143772806;0.019890260631001372565451745800;0.010288065843621399184093512247;0.015089163237311385007410891035;0.111111111111111104943205418749;0.003086419753086419581755706076;0.011316872427983539622919906265;0.008573388203017832942531839535;0.008573388203017832942531839535;0.024691358024691356654045648611;0.115569272976680390008219490028;0.026063100137174211728963157952;0.010973936899862824986828790941;0.004801097393689986690679116776;0.043895747599451299947315163763;0.004801097393689986690679116776;0.010288065843621399184093512247;0.038065843621399177154618342911;0.002400548696844993345339558388;0.014403292181069959204675612341;0.004458161865569272921949739441;0.003772290809327846251852722759;0.009602194787379973381358233553;0.066186556927297662822340384992;0.019547325102880659664084106453;0.014403292181069959204675612341;0.013374485596707818765849218323;0.000342935528120713280838399717;0.091906721536351168588829807504;0.069958847736625515145725273669;0.003429355281207132916804214418;0.011659807956104252524287545612;0.003429355281207132916804214418;0.009602194787379973381358233553;0.008230452674897120041164200188;0.003772290809327846251852722759;0.017832647462277091687798957764;0.002400548696844993345339558388;0.006858710562414265833608428835;0.003429355281207132916804214418;0.004115226337448560020582100094;0.000000000000000000000000000000;0.006858710562414265833608428835;0.010288065843621399184093512247;0.013374485596707818765849218323;0.014746227709190672106043251688;0.013717421124828531667216857670;0.012688614540466392963113939629;0.012688614540466392963113939629
-0.057388809182209468695567977647;0.000358680057388809201031343310;0.017575322812051649007392128965;0.000358680057388809201031343310;0.020803443328550930840892263518;0.116929698708751791946802711664;0.000000000000000000000000000000;0.011477761836441894433002985920;0.008967001434720229050001627513;0.008967001434720229050001627513;0.028694404591104734347783988824;0.081061692969870868807902297704;0.029411764705882352533006240947;0.021879483500717361588172593656;0.003945480631276900886084124664;0.035868005738880916200006510053;0.004304160688665709978695250726;0.005380200860832138123890366899;0.041248206599713052589173400975;0.001793400286944045896736499301;0.020086083213773312655670011395;0.004304160688665709978695250726;0.003945480631276900886084124664;0.011477761836441894433002985920;0.075681492109038739357629310689;0.021879483500717361588172593656;0.024748923959827834329061602148;0.004304160688665709978695250726;0.000000000000000000000000000000;0.105810616929698703136963899851;0.060258249641319941436456986139;0.006097560975609756309112619022;0.019010043041606885377836633211;0.007173601147776183586945997206;0.011119081779053085340391859859;0.007532281205164992679557123267;0.006456241032998565401723745083;0.013988522238163558081280868350;0.001793400286944045896736499301;0.003228120516499282700861872542;0.002152080344332854989347625363;0.006456241032998565401723745083;0.000000000000000000000000000000;0.006456241032998565401723745083;0.011119081779053085340391859859;0.005021520803443328163917502849;0.018292682926829267192614381088;0.013988522238163558081280868350;0.017934002869440458100003255026;0.013271162123385939896058616227
-0.039968652037617555250470502415;0.027951933124346916431646192791;0.022204806687565307316001295135;0.019853709508881923345713360618;0.020114942528735631904757141797;0.041013584117032389486645627130;0.002873563218390804557822448828;0.052246603970741899158891641264;0.008359456635318705114423565306;0.014629049111807733082879501296;0.025600835945663532461358258274;0.015412748171368860494734320810;0.020114942528735631904757141797;0.019331243469174502758178846307;0.026384535005224661607936553764;0.017763845350052247934469207280;0.006792058516196446821266974325;0.044409613375130614632002590270;0.045715778474399164366115400071;0.006792058516196446821266974325;0.030564263322884012430424860440;0.003657262277951933270719875324;0.015151515151515151935690539631;0.016196447230929989641312616300;0.038140020898641588398270130256;0.027429467084639499313558630433;0.050679205851619647804628954191;0.013845350052246603936301205806;0.000000000000000000000000000000;0.029519331243469174724802783771;0.014106583072100314230068462962;0.006269592476489027968455935991;0.024817136886102403314779962784;0.002873563218390804557822448828;0.012539184952978055936911871981;0.030303030303030303871381079261;0.020114942528735631904757141797;0.022466039707419019344492028267;0.002089864158829676278605891326;0.006530825496342737394861455158;0.012277951933124347377868090803;0.009143155694879832526278384819;0.000000000000000000000000000000;0.009404388714733542820045641975;0.017502612330198535905978474148;0.016196447230929989641312616300;0.013845350052246603936301205806;0.015935214211076281082268835121;0.047283176593521422659271991051;0.013584117032392893642533948650
-0.048310387984981224829272861143;0.012015018773466832821550376309;0.048560700876095118372344217050;0.000500625782227784700897932346;0.016520650813516897514876546893;0.021026282853566957004032289547;0.002753441802252815963358845153;0.038297872340425531678675952207;0.015269086357947435003690195288;0.023279098873591988483333636850;0.025031289111389236345939224293;0.006758448060075093570542303922;0.021276595744680850547103645454;0.042803504380475594637278646815;0.013767209011264080684155963752;0.023529411764705882026404992757;0.012515644555694618172969612147;0.047309136420525657595881341422;0.025782227784730913505706340061;0.010012515644555694885320384913;0.021777221526908634163799405314;0.009261576971214017725553269145;0.014518147684605757843923079520;0.027284105131414267825240571597;0.042052565707133914008064579093;0.041051314142678346774673059372;0.045807259073842303276347109886;0.003254067584480600881097211996;0.000000000000000000000000000000;0.009011264080100125917205389214;0.009011264080100125917205389214;0.008260325406758448757438273446;0.016520650813516897514876546893;0.004005006257822277607183458770;0.022277847309136421249942117129;0.039299123904881098912067471929;0.023279098873591988483333636850;0.024530663329161452729243464432;0.001001251564455569401795864692;0.011764705882352941013202496379;0.007008760951188986246251921841;0.007509386733416770730309419690;0.000000000000000000000000000000;0.015269086357947435003690195288;0.004755944931163954766950574538;0.013516896120150187141084607845;0.029536921151439299304541918900;0.025782227784730913505706340061;0.052065081351689614097555391936;0.015269086357947435003690195288
-0.044550294200056038407264935586;0.020173718128327262216759052649;0.040907817315774724908905568554;0.001120762118240403552860140479;0.005884001120762118001994434024;0.035584197254132809984383811752;0.003362286354721210224899552443;0.033903054076772208558221421981;0.011487811711964135766295136420;0.015970860184925748243012222360;0.026337909778649481323808956290;0.034463435135892409033608885238;0.019613337069207061741371589392;0.032782291958531800668552591560;0.013729335948444942872015417379;0.020734099187447462692146515906;0.010647240123283833318490465558;0.041468198374894925384293031811;0.036144578313253010459771275009;0.006164191650322219107049903641;0.022415242364808071057202809584;0.007284953768562622659910044121;0.013729335948444942872015417379;0.021574670776127766874674662745;0.048192771084337351905624302617;0.032221910899411600193165128303;0.042028579434015132798574398976;0.009246287475483328660574855462;0.000000000000000000000000000000;0.038946483608854019775602495201;0.023816195012608572245671467726;0.007004763239002521554854574504;0.021014289717007566399287199488;0.005043429532081815554189763162;0.021014289717007566399287199488;0.031101148781171195772943249835;0.017091622303166152663234100828;0.017932193891846456845762247667;0.000280190529560100888215035120;0.006724572709442420449799104887;0.008405715886803026212770184600;0.009806668534603530870685794696;0.000000000000000000000000000000;0.015130288596245447529931027475;0.008685906416363126450463916228;0.010086859064163631108379526324;0.025497338189969180610727761405;0.021014289717007566399287199488;0.042869151022695430042208641908;0.016811431773606052425540369200
-0.052232142857142858927144146719;0.007589285714285714211368993887;0.025000000000000001387778780781;0.051785714285714289084605610469;0.012053571428571429116627378164;0.090624999999999997224442438437;0.000446428571428571414631686354;0.013839285714285713690951951094;0.007142857142857142634106981660;0.007589285714285714211368993887;0.027232142857142857539365365938;0.063392857142857139685077072500;0.024107142857142858233254756328;0.016964285714285712997062560703;0.016964285714285712997062560703;0.037053571428571428769682682969;0.001785714285714285658526745415;0.014285714285714285268213963320;0.031696428571428569842538536250;0.001339285714285714298105167686;0.014285714285714285268213963320;0.001339285714285714298105167686;0.007589285714285714211368993887;0.009374999999999999653055304805;0.066071428571428572618096097813;0.028125000000000000693889390391;0.026339285714285714384841341484;0.005357142857142857192420670742;0.000000000000000000000000000000;0.070982142857142854763807804375;0.062946428571428569842538536250;0.004464285714285714037896646289;0.015625000000000000000000000000;0.002678571428571428596210335371;0.017410714285714286309048048906;0.009821428571428571230317317031;0.009374999999999999653055304805;0.016517857142857143154524024453;0.000446428571428571414631686354;0.004017857142857142460634634062;0.002232142857142857018948323145;0.007142857142857142634106981660;0.000000000000000000000000000000;0.006696428571428571056844969434;0.014732142857142856845475975547;0.004017857142857142460634634062;0.019196428571428572618096097813;0.024107142857142858233254756328;0.022767857142857141766745243672;0.023214285714285715078730731875
-0.080321285140562248550111235090;0.005020080321285140534381952193;0.014056224899598393149324770945;0.000000000000000000000000000000;0.012048192771084337976406075654;0.113955823293172692212138485957;0.000000000000000000000000000000;0.007530120481927710801572928290;0.002510040160642570267190976097;0.005522088353413654761292495010;0.027610441767068272939100737062;0.125000000000000000000000000000;0.021586345381526105685621175212;0.012048192771084337976406075654;0.002510040160642570267190976097;0.061746987951807226491229840803;0.002510040160642570267190976097;0.005522088353413654761292495010;0.032630522088353416942929641209;0.003514056224899598287331192736;0.020582329317269075497076613601;0.002008032128514056040280433280;0.001506024096385542247050759457;0.009036144578313252614942818752;0.090863453815261049917317848212;0.020582329317269075497076613601;0.011546184738955822882133794849;0.000000000000000000000000000000;0.000000000000000000000000000000;0.072791164658634541217985258754;0.086847389558232929163139601769;0.005020080321285140534381952193;0.006526104417670682347751842656;0.003012048192771084494101518914;0.015060240963855421603145856579;0.008534136546184739255394013924;0.002510040160642570267190976097;0.016566265060240965151239223019;0.000000000000000000000000000000;0.002008032128514056040280433280;0.001506024096385542247050759457;0.000502008032128514010070108320;0.000000000000000000000000000000;0.008032128514056224161121733118;0.006024096385542168988203037827;0.005020080321285140534381952193;0.016064257028112448322243466237;0.022590361445783132404718784869;0.011546184738955822882133794849;0.018072289156626505229885637505
-0.052380952380952382207990325469;0.000396825396825396825052634231;0.011111111111111111535154627461;0.000000000000000000000000000000;0.019841269841269840168429539062;0.092857142857142860314922927500;0.001190476190476190583578119941;0.005952380952380952050528861719;0.003968253968253968033685907812;0.006746031746031746351155433672;0.021031746031746033354092872969;0.170238095238095243910692033751;0.017460317460317460735996775156;0.021428571428571428769682682969;0.001190476190476190583578119941;0.057142857142857141072855853281;0.003571428571428571317053490830;0.004365079365079365183999193789;0.013492063492063492702310867344;0.001984126984126984016842953906;0.007936507936507936067371815625;0.003571428571428571317053490830;0.001190476190476190583578119941;0.009920634920634920084214769531;0.081746031746031747045044824063;0.024603174603174602502742018828;0.012301587301587301251371009414;0.000000000000000000000000000000;0.000000000000000000000000000000;0.083730158730158724122993874062;0.126984126984126977077949049999;0.003968253968253968033685907812;0.006349206349206349200842147695;0.003174603174603174600421073848;0.011111111111111111535154627461;0.008730158730158730367998387578;0.003571428571428571317053490830;0.017063492063492061850960013203;0.000000000000000000000000000000;0.003174603174603174600421073848;0.001587301587301587300210536924;0.000396825396825396825052634231;0.000000000000000000000000000000;0.007539682539682539784420267637;0.003174603174603174600421073848;0.005158730158730158617264027754;0.016269841269841271019780393203;0.021428571428571428769682682969;0.014682539682539682418527249297;0.014285714285714285268213963320
-0.050656660412757972822284102676;0.004221388367729831357644254552;0.010318949343339586799395135586;0.061444652908067540209025025888;0.017354596622889306017922805836;0.100844277673545965057222417727;0.001407129455909943713601273352;0.003752345215759849902936728938;0.007504690431519699805873457876;0.003283302063789868881910072318;0.017354596622889306017922805836;0.166979362101313311139705319874;0.022045028142589118830274586003;0.013602251407129456114986076898;0.007973733583489680393219245502;0.034240150093808631448499824046;0.001407129455909943713601273352;0.005628517823639774854405093407;0.017823639774859286605268593462;0.001407129455909943713601273352;0.011257035647279549708810186814;0.001407129455909943713601273352;0.002814258911819887427202546704;0.007035647279549718351165932262;0.070356472795497185246382798596;0.018292682926829267192614381088;0.009849906191369606212049347960;0.013133208255159475527640289272;0.000469043151969981237867091117;0.101313320825515945644568205353;0.088180112570356475321098344011;0.002345215759849906406175890083;0.008911819887429643302634296731;0.002814258911819887427202546704;0.009380863039399625624703560334;0.008911819887429643302634296731;0.003283302063789868881910072318;0.007973733583489680393219245502;0.003283302063789868881910072318;0.006097560975609756309112619022;0.000938086303939962475734182235;0.007504690431519699805873457876;0.000000000000000000000000000000;0.002814258911819887427202546704;0.002345215759849906406175890083;0.007504690431519699805873457876;0.013133208255159475527640289272;0.018761726078799251249407120667;0.010318949343339586799395135586;0.010318949343339586799395135586
-0.055683563748079874244911735559;0.000384024577572964669405775062;0.013440860215053763646042561675;0.000000000000000000000000000000;0.016897081413210446321215840726;0.103686635944700455969069707862;0.000768049155145929338811550124;0.004992319508448540485434641312;0.002688172043010752902680859933;0.006912442396313364482984820114;0.016513056835637481001288762172;0.160522273425499240051550486896;0.018049155145929338811550124433;0.013824884792626728965969640228;0.000768049155145929338811550124;0.046850998463901692703270640550;0.000768049155145929338811550124;0.001920122887864823347028875311;0.019969278033794161941738565247;0.000768049155145929338811550124;0.010368663594470046290796361177;0.003072196620583717355246200498;0.001152073732718894008217325187;0.011904761904761904101057723437;0.079493087557603689385921086341;0.024577572964669738841969603982;0.011904761904761904101057723437;0.026113671274961596652230966242;0.000000000000000000000000000000;0.074116743471582174906941986592;0.132872503840245764772376446672;0.004992319508448540485434641312;0.005760368663594470257927060430;0.004224270353302611580303960181;0.016129032258064515681361683619;0.006528417818740399163057741561;0.005760368663594470257927060430;0.012288786482334869420984801991;0.000768049155145929338811550124;0.004608294930875576032869300747;0.000768049155145929338811550124;0.001152073732718894008217325187;0.000000000000000000000000000000;0.004224270353302611580303960181;0.004608294930875576032869300747;0.005760368663594470257927060430;0.017665130568356373491623045879;0.014976958525345621456303923935;0.014592933947772657871100321358;0.014208909370199692551173242805
-0.068736141906873618467876951854;0.000369549150036954914683162698;0.013303769401330376928593857144;0.000369549150036954914683162698;0.020325203252032519873893079421;0.094974131559497410037806730543;0.000000000000000000000000000000;0.005543237250554324153928309471;0.002217294900221729488098976191;0.006651884700665188464296928572;0.025498891352549887812095619211;0.144863266814486330025246729747;0.019586104951958609177165016035;0.018477457501847746601519872911;0.002956393200295639317465301588;0.050258684405025871866357078943;0.001847745750184774573415813492;0.004065040650406504495195658677;0.021064301552106430570621142806;0.003325942350332594232148464286;0.012934220251293421580229825452;0.004065040650406504495195658677;0.003695491500369549146831626985;0.008499630450849962604031873070;0.087952697708795268827230984243;0.024020694752402069888086444394;0.013673318551367332276957888837;0.005912786400591278634930603175;0.000000000000000000000000000000;0.060975609756097559621679238262;0.120473022912047297849902349753;0.003695491500369549146831626985;0.008499630450849962604031873070;0.003695491500369549146831626985;0.019216555801921657298247936296;0.005543237250554324153928309471;0.003695491500369549146831626985;0.012564671101256467966589269736;0.000000000000000000000000000000;0.002586844050258684402782138889;0.000369549150036954914683162698;0.000369549150036954914683162698;0.000000000000000000000000000000;0.006651884700665188464296928572;0.004434589800443458976197952381;0.006651884700665188464296928572;0.014042867701404287625321920530;0.021433850702143385918985174499;0.019216555801921657298247936296;0.020694752402069475222257111113
-0.053894571203776553414144245835;0.001180173092053501179149455069;0.015735641227380015721992734257;0.000000000000000000000000000000;0.027930763178599528340217972300;0.105822187254130603561996792905;0.000000000000000000000000000000;0.007081038552321007074896730416;0.011801730920535012658856288681;0.004720692368214004716597820277;0.020456333595594022173314030510;0.163650668764752177386512244084;0.018882769472856018866391281108;0.012588512981904012577594187405;0.003147128245476003144398546851;0.051534225019669553657930549662;0.002360346184107002358298910139;0.006687647521636507115527781053;0.021636506687647522051420878597;0.000786782061369000786099636713;0.007474429583005507901627417766;0.003933910306845003930498183564;0.002360346184107002358298910139;0.011014948859166011005394913980;0.086152635719905584776867613073;0.019276160503540518825760230470;0.012981904012588512536963136768;0.003933910306845003930498183564;0.000393391030684500393049818356;0.093233674272226590984402605500;0.085759244689221081348051711757;0.001573564122738001572199273426;0.005507474429583005502697456990;0.004720692368214004716597820277;0.012588512981904012577594187405;0.015342250196695515762623784894;0.002753737214791502751348728495;0.013375295043273014231055562107;0.001966955153422501965249091782;0.004720692368214004716597820277;0.001180173092053501179149455069;0.008261211644374507820365316491;0.000000000000000000000000000000;0.005114083398898505543328507628;0.003933910306845003930498183564;0.007081038552321007074896730416;0.014555468135326514109162410193;0.016915814319433515600099582343;0.011801730920535012658856288681;0.012195121951219512618225238043
-0.048557867834976266296909130915;0.001825483753194596676233674160;0.025921869295363272195364956474;0.016064257028112448322243466237;0.025191675794085433004454444017;0.073019350127783863579900014429;0.001825483753194596676233674160;0.006206644760861627918568927953;0.010952902519167579190040306969;0.014968966776195691270601173528;0.009492515516611902542942758032;0.131434830230010957219377587535;0.014238773274917853814414137048;0.031398320554947060923023371970;0.001825483753194596676233674160;0.044541803577948159420518692286;0.006571741511500547514024184181;0.007301935012778386704934696638;0.013143483023001095028048368363;0.006936838262139467109479440410;0.007301935012778386704934696638;0.009127418765972982947487501804;0.005476451259583789595020153484;0.021905805038335158380080613938;0.062066447608616286124583183437;0.025556772544724350865186224269;0.016794450529390287513153978693;0.028112449799196786298649541891;0.000000000000000000000000000000;0.091274187659729832944321969990;0.077400511135450891786469185263;0.006206644760861627918568927953;0.004381161007667031676016122788;0.004381161007667031676016122788;0.013508579773640014623503624591;0.020080321285140562137527808773;0.008397225264695143756576989347;0.010222709017889739999129794512;0.002190580503833515838008061394;0.004746257758305951271471379016;0.000730193501277838648809426214;0.005476451259583789595020153484;0.000000000000000000000000000000;0.008397225264695143756576989347;0.000730193501277838648809426214;0.007667031763417305433028214878;0.019715224534501644276796028521;0.017524644030668126704064491150;0.016429353778751369652422198442;0.012778386272362175432593112134
-0.053549571603427173482891987533;0.000000000000000000000000000000;0.021419828641370868005378014232;0.000000000000000000000000000000;0.021113831089351286357524983828;0.092411260709914316846536053163;0.000305997552019583816257375375;0.006731946144430844825023996236;0.006731946144430844825023996236;0.008567931456548346855206510497;0.016829865361077112062559990591;0.156976744186046512918863982122;0.016217870257037945297406977829;0.023867809057527538535437017231;0.002141982864137086713801627624;0.048653610771113832422773981534;0.005201958384332925310056250368;0.007649938800489595840115253367;0.016523867809057526945260008233;0.003977968176254590045026748868;0.011933904528763769267718508615;0.006425948592411260575085751867;0.006119951040391677192509245486;0.012851897184822521150171503734;0.072827417380660952606064029169;0.023255813953488371770284004469;0.011933904528763769267718508615;0.005201958384332925310056250368;0.000305997552019583816257375375;0.077723378212974300605075939075;0.113831089351285191790807971302;0.004283965728274173427603255249;0.006119951040391677192509245486;0.004895960832313341060118005998;0.014075887392900856415201005234;0.006119951040391677192509245486;0.005507955936352509559994494737;0.014381884944920439797777511615;0.001529987760097919298127311372;0.004895960832313341060118005998;0.000611995104039167632514750750;0.002753977968176254779997247368;0.000000000000000000000000000000;0.006119951040391677192509245486;0.003977968176254590045026748868;0.005201958384332925310056250368;0.017441860465116278827713003352;0.019583843329253364240472023994;0.016523867809057526945260008233;0.014687882496940024915077493972
-0.047391477499004380780078804491;0.002389486260454002242853421834;0.009159697331740343159700579179;0.037037037037037034981068472916;0.040223018717642375352561145974;0.131421744324970141137853829605;0.000796495420151334117091213027;0.003584229390681003581120567247;0.004380724810832337806631997523;0.003584229390681003581120567247;0.018717642373556352131114266513;0.117483074472321785686190764864;0.025089605734767025935205708720;0.010752688172043011610723439730;0.002389486260454002242853421834;0.039028275587415374447974869554;0.001592990840302668234182426055;0.005973715651135006257654858075;0.037037037037037034981068472916;0.002787733970529669355609136971;0.010354440461967344064286855598;0.005973715651135006257654858075;0.002389486260454002242853421834;0.006371963361210672936729704219;0.063719633612106724163126614258;0.014336917562724014324482268989;0.009159697331740343159700579179;0.003584229390681003581120567247;0.000398247710075667058545606514;0.143767423337315819464876653910;0.073675826363998400680976885724;0.001194743130227001121426710917;0.010354440461967344064286855598;0.003185981680605336468364852109;0.010354440461967344064286855598;0.004380724810832337806631997523;0.003185981680605336468364852109;0.014735165272799681870918853122;0.000000000000000000000000000000;0.003584229390681003581120567247;0.000398247710075667058545606514;0.005575467941059338711218273943;0.000000000000000000000000000000;0.002389486260454002242853421834;0.007168458781362007162241134495;0.007566706491437673841315980638;0.012345679012345678327022824305;0.014336917562724014324482268989;0.012743926722421345873459408438;0.011947431302270012515309716150
-0.025316455696202531250316170031;0.009973149213655543507406342485;0.014192558496355964225976720172;0.123513617184503265988837483746;0.070962792481779821129883600861;0.102800153433064825336806791256;0.000383582662063674704414767413;0.009205983889528193339635286918;0.005370157268891445970226961037;0.002685078634445722985113480519;0.015726889144610664561518831306;0.110855389336401988220615066894;0.019562715765247411930927157186;0.008822401227464518255749759135;0.002685078634445722985113480519;0.019562715765247411930927157186;0.001917913310318373684704162940;0.008438818565400843171864231351;0.032604526275412354374694245962;0.001534330648254698817659069654;0.012274645186037590541272557232;0.005370157268891445970226961037;0.001534330648254698817659069654;0.006520905255082470354521806399;0.037974683544303798610197731023;0.011123897199846567024339449858;0.006904487917146144571045596194;0.007288070579209819654931123978;0.000000000000000000000000000000;0.172995780590717296298919336550;0.059838895281933257574991102956;0.002301495972382048334908821730;0.011891062523973917192110505425;0.001917913310318373684704162940;0.007288070579209819654931123978;0.003068661296509397635318139308;0.003068661296509397635318139308;0.007288070579209819654931123978;0.000000000000000000000000000000;0.002685078634445722985113480519;0.001150747986191024167454410865;0.006520905255082470354521806399;0.000000000000000000000000000000;0.002301495972382048334908821730;0.012274645186037590541272557232;0.002301495972382048334908821730;0.006904487917146144571045596194;0.006520905255082470354521806399;0.005753739930955121054112488821;0.008822401227464518255749759135
-0.030487804878048779810839619131;0.005738880918220947216501492960;0.015064562410329985359114246535;0.000000000000000000000000000000;0.086441893830703012135963092533;0.107245337159253939507408404097;0.001076040172166427494673812681;0.007532281205164992679557123267;0.010760401721664276247780733797;0.002510760401721664081958751424;0.015423242467718794451725372596;0.134146341463414642269924570428;0.020444763271162121748281137457;0.013629842180774748988669742289;0.005380200860832138123890366899;0.019368723098995694470447759272;0.003228120516499282700861872542;0.010043041606886656327835005698;0.029770444763271161625617367008;0.002152080344332854989347625363;0.010043041606886656327835005698;0.002510760401721664081958751424;0.002510760401721664081958751424;0.006814921090387374494334871144;0.055954088952654232325123473402;0.008967001434720229050001627513;0.015423242467718794451725372596;0.003945480631276900886084124664;0.000000000000000000000000000000;0.191176470588235281056199710292;0.062769010043041612023628772477;0.003586800573888091793472998603;0.010401721664275465420446131759;0.001793400286944045896736499301;0.010043041606886656327835005698;0.005021520803443328163917502849;0.008249641319942610864779375390;0.006097560975609756309112619022;0.002152080344332854989347625363;0.001793400286944045896736499301;0.001793400286944045896736499301;0.006456241032998565401723745083;0.000000000000000000000000000000;0.007173601147776183586945997206;0.010760401721664276247780733797;0.003586800573888091793472998603;0.009325681492109038142612753575;0.010043041606886656327835005698;0.011836441893830703525614111982;0.009325681492109038142612753575
-0.030864197530864195817557060764;0.007597340930674264386501803870;0.005698005698005698289876352902;0.070750237416904088183500221021;0.073124406457739793419037255262;0.100189933523266855308619938114;0.000000000000000000000000000000;0.009496676163342829615765516849;0.006647673314339980904508209392;0.003323836657169990452254104696;0.015194681861348528773003607739;0.130104463437796774583077308307;0.020892687559354226195518222653;0.006172839506172839163511412153;0.004748338081671414807882758424;0.019468186134852800972527830936;0.000949667616334283048312725484;0.008547008547008547868495398347;0.035137701804368468017081283961;0.000949667616334283048312725484;0.006172839506172839163511412153;0.001899335232668566096625450967;0.001899335232668566096625450967;0.004273504273504273934247699174;0.042735042735042735873030039784;0.006647673314339980904508209392;0.009021842355175687874768719610;0.037511870845204180191512222109;0.000000000000000000000000000000;0.199905033238366558467902223128;0.055080721747388414200052864089;0.002849002849002849144938176451;0.006172839506172839163511412153;0.000949667616334283048312725484;0.004748338081671414807882758424;0.003798670465337132193250901935;0.004748338081671414807882758424;0.004748338081671414807882758424;0.004273504273504273934247699174;0.004273504273504273934247699174;0.002374169040835707403941379212;0.009021842355175687874768719610;0.000000000000000000000000000000;0.001899335232668566096625450967;0.005223171889838556548879555663;0.002374169040835707403941379212;0.007597340930674264386501803870;0.004273504273504273934247699174;0.006647673314339980904508209392;0.009021842355175687874768719610
-0.037207654145995749939146435281;0.007087172218284904130769508157;0.018781006378454995903171109717;0.013111268603827072251610807996;0.023742026931254430616169415202;0.094613749114103473658587972750;0.001417434443656980912890075430;0.028703047484053861859720768734;0.007795889440113394804054980369;0.008150248051027639273335978487;0.025513819985825653829936143779;0.089298369950389797078393883112;0.025868178596739899166578879885;0.018781006378454995903171109717;0.009922041105598865956549659018;0.021615875265768958596312998566;0.005315379163713678314917565615;0.018072289156626505229885637505;0.040396881644223954499484108283;0.003543586109142452065384754079;0.018426647767540750566528373611;0.003897944720056697402027490185;0.007795889440113394804054980369;0.007795889440113394804054980369;0.063784549964564132840116883472;0.023033309709425939942883942990;0.035790219702338768592575490857;0.009922041105598865956549659018;0.000000000000000000000000000000;0.101700921332388380391442694872;0.038625088589652731285717379706;0.002834868887313961825780150861;0.020907158043940467923027526354;0.002834868887313961825780150861;0.016654854712969523883314693080;0.017717930545712259893242901398;0.013465627214741317588253544102;0.006024096385542168988203037827;0.000708717221828490456445037715;0.005315379163713678314917565615;0.005669737774627923651560301721;0.004252303330970942304989357297;0.000000000000000000000000000000;0.006378454996456413457484035945;0.013111268603827072251610807996;0.004961020552799432978274829509;0.009567682494684620619906922911;0.018072289156626505229885637505;0.026931254429482635176507088204;0.014883061658398298934824488526
-0.019753086419753086017125909279;0.014814814814814815380206169948;0.031604938271604939015180235629;0.151111111111111112714766591125;0.013827160493827161252822222082;0.043950617283950617342203059934;0.004938271604938271504281477320;0.026172839506172839579845046387;0.029135802469135801961996889986;0.008395061728395061817487032840;0.013333333333333334189130248149;0.094814814814814810106646802979;0.016296296296296294836558615771;0.017283950617283948963942563637;0.020740740740740740144509857146;0.023703703703703702526661700745;0.009382716049382715944870980707;0.029135802469135801961996889986;0.029135802469135801961996889986;0.006913580246913580626411111041;0.011851851851851851263330850372;0.011358024691358024199638876439;0.007901234567901234753795058907;0.007407407407407407690103084974;0.040493827160493829631082718379;0.017777777777777777762358013547;0.031604938271604939015180235629;0.022222222222222223070309254922;0.000987654320987654344224382363;0.047407407407407405053323401489;0.028641975308641976633028392030;0.005925925925925925631665425186;0.012345679012345678327022824305;0.003456790123456790313205555520;0.004938271604938271504281477320;0.015802469135802469507590117814;0.010370370370370370072254928573;0.004444444444444444440589503387;0.001975308641975308688448764727;0.002962962962962962815832712593;0.004938271604938271504281477320;0.024197530864197531325077150655;0.000000000000000000000000000000;0.003456790123456790313205555520;0.010864197530864197135946902506;0.003950617283950617376897529454;0.013333333333333334189130248149;0.011358024691358024199638876439;0.018765432098765431889741961413;0.014814814814814815380206169948
-0.025764895330112721344439918880;0.024154589371980676043571989453;0.035426731078904989680200543489;0.068169618894256572838585839236;0.013955984970477723627890753733;0.046698872785829306786276049479;0.003757380568974772079571256000;0.020933977455716585441836130599;0.028448738593666131335702118577;0.005904455179817498858274582574;0.023617820719269995433098330295;0.078904991948470212803634638021;0.009125067096081589460010441428;0.018786902844873859530494542014;0.026838432635534086034834189149;0.025764895330112721344439918880;0.010198604401502952415681235721;0.034889962426194312539173836285;0.032742887815351583158385295746;0.006441223832528180336109979720;0.010735373054213634760878370855;0.015566290928609768928758683160;0.006977992485238861813945376866;0.006441223832528180336109979720;0.047235641438539990866196660591;0.022544283413848630742704060026;0.027911969940955447255781507465;0.028448738593666131335702118577;0.000000000000000000000000000000;0.036500268384326357840041765712;0.055823939881910894511563014930;0.007514761137949544159142512001;0.013419216317767043017417094575;0.002683843263553408690219592714;0.010735373054213634760878370855;0.015029522275899088318285024002;0.006441223832528180336109979720;0.009125067096081589460010441428;0.004830917874396135035242050293;0.008051529790660224769616171159;0.007514761137949544159142512001;0.027911969940955447255781507465;0.000000000000000000000000000000;0.004294149221685453557406653147;0.011272141706924315371352030013;0.006977992485238861813945376866;0.014492753623188405973087888867;0.012882447665056360672219959440;0.018786902844873859530494542014;0.019323671497584540140968201172
-0.026620370370370370627366440885;0.035493827160493825190190619878;0.028163580246913580418244293924;0.060956790123456790209122146962;0.032021604938271608364885878473;0.047839506172839503517213444184;0.002700617283950617134036242817;0.018132716049382716777538249175;0.028549382716049381131240281206;0.005401234567901234268072485634;0.016975308641975307699656383420;0.081018518518518517490534236458;0.011188271604938270983864434527;0.020061728395061727281412089496;0.020833333333333332176851016015;0.021604938271604937072289942535;0.009645061728395061192986581489;0.028935185185185185313683220443;0.023919753086419751758606722092;0.006172839506172839163511412153;0.011188271604938270983864434527;0.009645061728395061192986581489;0.003472222222222222029475169336;0.008873456790123456297547654970;0.047839506172839503517213444184;0.020061728395061727281412089496;0.025077160493827160836488587847;0.046682098765432097908778530382;0.000771604938271604895438926519;0.064043209876543216729771756945;0.045524691358024692300343616580;0.002314814814814814686316779557;0.007330246913580246506669801931;0.008101851851851851402108728450;0.008873456790123456297547654970;0.012731481481481480774742287565;0.006172839506172839163511412153;0.008873456790123456297547654970;0.006172839506172839163511412153;0.008873456790123456297547654970;0.006944444444444444058950338672;0.034336419753086419581755706076;0.000000000000000000000000000000;0.007330246913580246506669801931;0.016589506172839506986660396137;0.007330246913580246506669801931;0.013503086419753085670181214084;0.012731481481481480774742287565;0.011959876543209875879303361046;0.010416666666666666088425508008
-0.016460905349794240082328400376;0.032921810699588480164656800753;0.026748971193415637531698436646;0.028292181069958847322576289685;0.045781893004115226109007608102;0.048868312757201645690763314178;0.002572016460905349796023378062;0.030349794238683128200229077720;0.028292181069958847322576289685;0.005144032921810699592046756123;0.021090534979423869454961959491;0.086419753086419748289159770138;0.008230452674897120041164200188;0.018518518518518517490534236458;0.039094650205761319328168212905;0.016460905349794240082328400376;0.010288065843621399184093512247;0.037037037037037034981068472916;0.027777777777777776235801354687;0.002057613168724280010291050047;0.013374485596707818765849218323;0.008230452674897120041164200188;0.004115226337448560020582100094;0.007716049382716048954389265191;0.035493827160493825190190619878;0.016975308641975307699656383420;0.028806584362139918409351224682;0.044238683127572016318129755064;0.000514403292181070002572762512;0.063271604938271608364885878473;0.036008230452674899746412506829;0.003600823045267489801168903085;0.014403292181069959204675612341;0.005658436213991769811459953132;0.008230452674897120041164200188;0.011316872427983539622919906265;0.011831275720164608974971365285;0.004629629629629629372633559115;0.002057613168724280010291050047;0.006687242798353909382924609162;0.007201646090534979602337806170;0.031893004115226337991106930758;0.000000000000000000000000000000;0.004629629629629629372633559115;0.034465020576131689955534653791;0.003600823045267489801168903085;0.012345679012345678327022824305;0.010288065843621399184093512247;0.019547325102880659664084106453;0.016460905349794240082328400376
-0.020325203252032519873893079421;0.028455284552845527129560920798;0.041463414634146343595855199737;0.076016260162601628769252215534;0.038211382113821135142472940061;0.039837398373983742838611021853;0.004065040650406504495195658677;0.026016260162601625993694653971;0.023577235772357724857828387144;0.008130081300813008990391317354;0.013821138211382113375469415928;0.075203252032520331860077078545;0.010975609756097560315568628653;0.023170731707317072933793866696;0.043902439024390241262274514611;0.022764227642276424479206298201;0.010569105691056910126257584182;0.035365853658536582082572152785;0.028048780487804878674973352304;0.006910569105691056687734707964;0.011382113821138212239603149101;0.015853658536585366056748114261;0.004065040650406504495195658677;0.017886178861788618738026812593;0.030894308943089431734874139579;0.017886178861788618738026812593;0.029268292682926830977629961694;0.033333333333333332870740406406;0.000000000000000000000000000000;0.046747967479674794322175301886;0.027642276422764226750938831856;0.004471544715447154684506703148;0.011788617886178862428914193572;0.006910569105691056687734707964;0.008536585365853659179702361826;0.017479674796747966813992292145;0.005691056910569106119801574550;0.003252032520325203249211831746;0.001219512195121951218454436905;0.005691056910569106119801574550;0.008943089430894309369013406297;0.017886178861788618738026812593;0.000000000000000000000000000000;0.004878048780487804873817747620;0.022764227642276424479206298201;0.004471544715447154684506703148;0.019512195121951219495270990478;0.011382113821138212239603149101;0.015040650406504065678126025318;0.018292682926829267192614381088
-0.022590361445783132404718784869;0.022590361445783132404718784869;0.028614457831325299658198346719;0.077811244979919674813473307040;0.022088353413654619045169980041;0.044678714859437751449888764910;0.001506024096385542247050759457;0.023092369477911645764267589698;0.033634538152610443662027250866;0.007530120481927710801572928290;0.016566265060240965151239223019;0.090863453815261049917317848212;0.006526104417670682347751842656;0.017068273092369478510788027847;0.045682730923694778168986374567;0.023092369477911645764267589698;0.011044176706827309522584990020;0.042670682730923698011693545595;0.021586345381526105685621175212;0.008032128514056224161121733118;0.007530120481927710801572928290;0.010040160642570281068763904386;0.002510040160642570267190976097;0.009538152610441767709215099558;0.044678714859437751449888764910;0.017570281124497991870336832676;0.025100401606425702671909760966;0.042168674698795177713250836860;0.000502008032128514010070108320;0.046184738955823291528535179395;0.030622489959839356565840517987;0.004016064257028112080560866559;0.010542168674698794428312709215;0.007530120481927710801572928290;0.010040160642570281068763904386;0.015562248995983934962694661408;0.009036144578313252614942818752;0.005020080321285140534381952193;0.004016064257028112080560866559;0.009036144578313252614942818752;0.005522088353413654761292495010;0.026104417670682729391007370623;0.000000000000000000000000000000;0.002008032128514056040280433280;0.021586345381526105685621175212;0.002510040160642570267190976097;0.014558232931726908243597051751;0.014056224899598393149324770945;0.017570281124497991870336832676;0.017570281124497991870336832676
-0.027911969940955447255781507465;0.051529790660225442688879837760;0.033279656468062267238305906858;0.066559312936124534476611813716;0.014492753623188405973087888867;0.040257648953301125582804331771;0.000536768652710681694675831643;0.017176596886741814229626612587;0.028448738593666131335702118577;0.004830917874396135035242050293;0.007514761137949544159142512001;0.085882984433709078087026966841;0.008051529790660224769616171159;0.018786902844873859530494542014;0.038110574342458403140909695139;0.022544283413848630742704060026;0.009661835748792270070484100586;0.033279656468062267238305906858;0.012345679012345678327022824305;0.002683843263553408690219592714;0.006977992485238861813945376866;0.011272141706924315371352030013;0.004830917874396135035242050293;0.011808910359634997716549165148;0.040257648953301125582804331771;0.016103059581320449539232342318;0.026301663982823401954913578038;0.078368223295759528723714026910;0.000536768652710681694675831643;0.031132581857219537857517366319;0.052066559312936126768800448872;0.006977992485238861813945376866;0.005367686527106817380439185428;0.004830917874396135035242050293;0.009661835748792270070484100586;0.013419216317767043017417094575;0.004294149221685453557406653147;0.005367686527106817380439185428;0.003757380568974772079571256000;0.003757380568974772079571256000;0.005367686527106817380439185428;0.057434245840042939812430944357;0.000000000000000000000000000000;0.002683843263553408690219592714;0.012345679012345678327022824305;0.004294149221685453557406653147;0.018786902844873859530494542014;0.016103059581320449539232342318;0.009125067096081589460010441428;0.012882447665056360672219959440
-0.022083058668424523224294020451;0.031641397495056032551641322925;0.027356624917600526336602939637;0.116677653263019112661602605385;0.044166117336849046448588040903;0.048780487804878050472900952172;0.000988793671720501017238791341;0.020764667106130521578855052667;0.020764667106130521578855052667;0.006591957811470006492471362947;0.013513513513513514263664205828;0.065260382333553065836717621551;0.011206328279499010516784274216;0.020764667106130521578855052667;0.045484508899143044624580056734;0.021753460777851021945572540517;0.006921555702043506903831104893;0.027686222808174027615324419571;0.026367831245880025969885451786;0.003625576796308503657595423419;0.008239947264337507681908334689;0.011206328279499010516784274216;0.001647989452867501623117840737;0.009228740936058009783349298516;0.038233355306526037309389209895;0.012854317732366513440944721935;0.021753460777851021945572540517;0.053065260382333549749045431554;0.000659195781147000605879049395;0.053065260382333549749045431554;0.030323005932762030906202355141;0.003295978905735003246235681473;0.005603164139749505258392137108;0.005603164139749505258392137108;0.010217534607778510150066786366;0.012195121951219512618225238043;0.004614370468029004891674649258;0.002307185234014502445837324629;0.000988793671720501017238791341;0.006262359920896506081111621000;0.010217534607778510150066786366;0.029663810151615028348759395271;0.000000000000000000000000000000;0.004284772577455504480314907312;0.026038233355306524691163971852;0.004614370468029004891674649258;0.016150296638101517554542141397;0.011535926170072511795505754151;0.013513513513513514263664205828;0.010217534607778510150066786366
-0.038682864450127876776441837592;0.019820971867007673716809534881;0.037084398976982096973742386581;0.042519181585677752466256862363;0.013427109974424552771288254860;0.039002557544757031349202947013;0.002237851662404091983987752812;0.024296675191815855082699826539;0.031010230179028132335705691958;0.009910485933503836858404767440;0.020460358056265986331778705676;0.040920716112531972663557411352;0.016943734015345268684171742279;0.020780051150895140904539815097;0.021099744245524295477300924517;0.028132992327365727303067899356;0.009271099744245524243435596645;0.025575447570332480312638168130;0.026854219948849105542576509720;0.009271099744245524243435596645;0.017902813299232735871902022495;0.018542199488491048486871193290;0.009271099744245524243435596645;0.015984654731457801496441462064;0.046035805626598466644416873805;0.019501278772378515674601473506;0.025255754475703325739877058709;0.047953964194373401019877434237;0.000319693094629156036434042276;0.037723785166240406119264605422;0.048913043478260871677054666407;0.004795396419437340275460091021;0.015025575447570332573987705871;0.007352941176470588133251560237;0.014066496163682863651533949678;0.019820971867007673716809534881;0.008312020460358057055705316429;0.012468030690537083848834498667;0.012468030690537083848834498667;0.017583120204603581299140913075;0.006393861892583120078159542032;0.015345268542199488881472291268;0.000000000000000000000000000000;0.008951406649616367935951011248;0.018222506393861893914110083870;0.006713554987212276385644127430;0.017263427109974423256932851700;0.017583120204603581299140913075;0.019181585677749361101840364086;0.013746803069053709078772840257
-0.022023809523809525362514349922;0.024404761904761904794947113828;0.034523809523809526056403740313;0.077380952380952383595769106250;0.021428571428571428769682682969;0.039285714285714284921269268125;0.002380952380952381167156239883;0.014285714285714285268213963320;0.025595238095238094511163495781;0.005952380952380952050528861719;0.013095238095238095551997581367;0.097023809523809526056403740313;0.010714285714285714384841341484;0.020238095238095239053466301016;0.025000000000000001387778780781;0.018452380952380952744418252109;0.010714285714285714384841341484;0.029166666666666667129259593594;0.019642857142857142460634634062;0.008333333333333333217685101602;0.010714285714285714384841341484;0.020833333333333332176851016015;0.008333333333333333217685101602;0.008928571428571428075793292578;0.037499999999999998612221219219;0.016666666666666666435370203203;0.019642857142857142460634634062;0.055952380952380954826086423282;0.000595238095238095291789059971;0.045238095238095236971798129844;0.059523809523809520505288617187;0.006547619047619047775998790684;0.010119047619047619526733150508;0.004166666666666666608842550801;0.008928571428571428075793292578;0.012500000000000000693889390391;0.007142857142857142634106981660;0.005952380952380952050528861719;0.001785714285714285658526745415;0.008333333333333333217685101602;0.005357142857142857192420670742;0.035119047619047619179788455313;0.000000000000000000000000000000;0.006547619047619047775998790684;0.015476190476190476719153821250;0.004761904761904762334312479766;0.014880952380952380126322154297;0.017261904761904763028201870156;0.014880952380952380126322154297;0.016666666666666666435370203203
-0.013066202090592334700280829907;0.035278745644599304731592326334;0.031358885017421601892895210995;0.080574912891986066876270911052;0.031358885017421601892895210995;0.037020905923344948895703510061;0.002177700348432055638819848653;0.014808362369337978864392013634;0.038327526132404178549339945903;0.008275261324041811514251598680;0.013066202090592334700280829907;0.091463414634146339432518857393;0.006968641114982578391168210885;0.020470383275261322397753360747;0.030052264808362368769811823199;0.026567944250871080441589455745;0.007839721254355400473223802749;0.037456445993031356467284354039;0.021341463414634147949255904564;0.005226480836236934227057027158;0.006968641114982578391168210885;0.015679442508710800946447605497;0.003048780487804878154556309511;0.008710801393728222555279394612;0.036585365853658534385228762176;0.009146341463414633596307190544;0.020905923344947736908228108632;0.050087108013937280126537388014;0.000435540069686411149448013180;0.046167247386759584226734176582;0.054006968641114982965234503354;0.003919860627177700236611901374;0.004790940766550522318667493238;0.004790940766550522318667493238;0.013937282229965156782336421770;0.011759581881533101577197442111;0.008710801393728222555279394612;0.005226480836236934227057027158;0.006533101045296167350140414953;0.006968641114982578391168210885;0.006097560975609756309112619022;0.037891986062717770977759101925;0.000000000000000000000000000000;0.004790940766550522318667493238;0.018728222996515678233642177020;0.002613240418118467113528513579;0.015243902439024389905419809566;0.014372822299651567823364217702;0.013937282229965156782336421770;0.015243902439024389905419809566
-0.021106941838649154186136058797;0.043151969981238276485857596754;0.037992495309568483086160028961;0.075046904315197004997628482670;0.015947467166979360786438491004;0.037054409005628514972574549802;0.002814258911819887427202546704;0.017354596622889306017922805836;0.030956848030018760398185406757;0.008442776735459662715288509105;0.012664165103189493205571025669;0.083020637898686674982506872311;0.009380863039399625624703560334;0.022045028142589118830274586003;0.035647279549718573210537186924;0.019699812382739212424098695919;0.007504690431519699805873457876;0.028142589118198873404663729048;0.015009380863039399611746915753;0.004221388367729831357644254552;0.006097560975609756309112619022;0.010318949343339586799395135586;0.007504690431519699805873457876;0.009380863039399625624703560334;0.040806754221388366610234754717;0.018761726078799251249407120667;0.015947467166979360786438491004;0.083958724202626636157198447563;0.000469043151969981237867091117;0.042213883677298308372272117595;0.043151969981238276485857596754;0.006097560975609756309112619022;0.006097560975609756309112619022;0.004690431519699812812351780167;0.008442776735459662715288509105;0.015009380863039399611746915753;0.005159474671669793399697567793;0.004221388367729831357644254552;0.009380863039399625624703560334;0.008911819887429643302634296731;0.005159474671669793399697567793;0.037992495309568483086160028961;0.000000000000000000000000000000;0.003752345215759849902936728938;0.018292682926829267192614381088;0.003752345215759849902936728938;0.018761726078799251249407120667;0.012664165103189493205571025669;0.013133208255159475527640289272;0.012664165103189493205571025669
-0.019711538461538460897948255024;0.042307692307692310040856398246;0.024038461538461539795941135367;0.093269230769230770938804653269;0.031730769230769229061195346731;0.046634615384615385469402326635;0.003365384615384615571431758951;0.014423076923076923877564681220;0.022115384615384616612265844537;0.006250000000000000346944695195;0.018749999999999999306110609609;0.080769230769230773714362214832;0.012019230769230769897970567683;0.020673076923076922489785900439;0.027884615384615386163291717025;0.023076923076923078204103489952;0.007211538461538461938782340610;0.028846153846153847755129362440;0.016826923076923076122435318780;0.004326923076923077163269404366;0.006250000000000000346944695195;0.009134615384615385122457631439;0.001923076923076923183675290829;0.010096153846153846714295276854;0.044230769230769233224531689075;0.009134615384615385122457631439;0.013942307692307693081645858513;0.076442307692307698285816286443;0.000480769230769230795918822707;0.056730769230769230448974127512;0.043749999999999997224442438437;0.004326923076923077163269404366;0.006730769230769231142863517903;0.004807692307692307959188227073;0.012500000000000000693889390391;0.012500000000000000693889390391;0.005769230769230769551025872488;0.005769230769230769551025872488;0.000480769230769230795918822707;0.003846153846153846367350581659;0.006730769230769231142863517903;0.043269230769230768163247091707;0.000000000000000000000000000000;0.003365384615384615571431758951;0.015384615384615385469402326635;0.007211538461538461938782340610;0.015384615384615385469402326635;0.012019230769230769897970567683;0.012019230769230769897970567683;0.011538461538461539102051744976
-0.017421602787456445110558789224;0.028310104529616724605700639472;0.026567944250871080441589455745;0.099303135888501745109913088072;0.063588850174216032806739917760;0.037020905923344948895703510061;0.003048780487804878154556309511;0.023954703832752614195422680154;0.020470383275261322397753360747;0.006533101045296167350140414953;0.008710801393728222555279394612;0.078832752613240422712159727325;0.007839721254355400473223802749;0.017857142857142856151586585156;0.059668989547038329968042802420;0.020470383275261322397753360747;0.010888501742160279495141850248;0.031794425087108016403369958880;0.020470383275261322397753360747;0.003919860627177700236611901374;0.008275261324041811514251598680;0.013937282229965156782336421770;0.003048780487804878154556309511;0.008275261324041811514251598680;0.033972125435540068139061986585;0.013937282229965156782336421770;0.015243902439024389905419809566;0.060975609756097559621679238262;0.000435540069686411149448013180;0.047909407665505228390845360309;0.035278745644599304731592326334;0.004355400696864111277639697306;0.007839721254355400473223802749;0.004355400696864111277639697306;0.008275261324041811514251598680;0.011759581881533101577197442111;0.004355400696864111277639697306;0.005662020905923345268084823090;0.000435540069686411149448013180;0.004790940766550522318667493238;0.007839721254355400473223802749;0.020034843205574911356725564815;0.000000000000000000000000000000;0.002613240418118467113528513579;0.031794425087108016403369958880;0.003919860627177700236611901374;0.014808362369337978864392013634;0.014808362369337978864392013634;0.010452961672473868454114054316;0.013937282229965156782336421770
-0.021250000000000001526556658860;0.031666666666666669349705642844;0.022916666666666665047591422422;0.216666666666666674068153497501;0.032083333333333331760517381781;0.027916666666666666019036568969;0.004583333333333333356462979680;0.018749999999999999306110609609;0.020833333333333332176851016015;0.008333333333333333217685101602;0.009166666666666666712925959359;0.060416666666666667129259593594;0.010833333333333333703407674875;0.013750000000000000069388939039;0.042500000000000003053113317719;0.015833333333333334674852821422;0.010000000000000000208166817117;0.017916666666666667545593227828;0.008333333333333333217685101602;0.002083333333333333304421275400;0.007499999999999999722444243844;0.005416666666666666851703837438;0.001250000000000000026020852140;0.017916666666666667545593227828;0.028750000000000001249000902703;0.015416666666666667059870654555;0.019166666666666665186369300500;0.094166666666666662410811738937;0.000416666666666666693410320255;0.033750000000000002220446049250;0.027916666666666666019036568969;0.009166666666666666712925959359;0.002500000000000000052041704279;0.002916666666666666799662133158;0.007083333333333332974823814965;0.014166666666666665949647629930;0.003333333333333333547282562037;0.004583333333333333356462979680;0.003333333333333333547282562037;0.002500000000000000052041704279;0.006250000000000000346944695195;0.021250000000000001526556658860;0.000000000000000000000000000000;0.010000000000000000208166817117;0.020833333333333332176851016015;0.003333333333333333547282562037;0.013333333333333334189130248149;0.012083333333333333078907223523;0.007499999999999999722444243844;0.008333333333333333217685101602
-0.019764507989907486446012896408;0.040370058873002524768569543312;0.029857022708158115903431806260;0.108074011774600506341492689444;0.035744322960470982508685011680;0.035744322960470982508685011680;0.004625735912531538790437579678;0.023128679562657693952187898390;0.020605550883095038322556646904;0.007148864592094197022154045129;0.014297729184188394044308090258;0.068124474348191757511195021380;0.009671993271656855253870510580;0.015138772077375945920851840754;0.061396131202691335559951113510;0.016820857863751051408662817721;0.008410428931875525704331408861;0.023128679562657693952187898390;0.021446593776282590199100397399;0.004205214465937762852165704430;0.009251471825063077580875159356;0.010092514718250631192142385828;0.002102607232968881426082852215;0.008830950378469301642603284108;0.041211101766190076645113293807;0.011774600504625736679953362795;0.021446593776282590199100397399;0.081160639192598818536517057964;0.000420521446593776263532526993;0.040370058873002524768569543312;0.028174936921783012150344305269;0.006307821698906644278248556645;0.003784693019343986480212960188;0.005046257359125315596071192914;0.007989907485281749766059533613;0.017661900756938603285206568216;0.005887300252312868339976681398;0.003364171572750210108260215947;0.000420521446593776263532526993;0.006307821698906644278248556645;0.010513036164844407130414261076;0.017241379310344827346934692969;0.000000000000000000000000000000;0.002943650126156434169988340699;0.037846930193439862200044387919;0.001261564339781328899017798228;0.014297729184188394044308090258;0.013877207737594618106036215011;0.009671993271656855253870510580;0.013036164844407064494768988538
-0.021604938271604937072289942535;0.028659611992945324687731556423;0.024691358024691356654045648611;0.071869488536155198832311441492;0.042328042328042325692649683333;0.037918871252204583432998674652;0.003968253968253968033685907812;0.020723104056437388620359740798;0.025132275132275130880010749479;0.008377425044091710293336916493;0.017636684303350969038604034722;0.063932980599647262764939625868;0.006613756613756613389476513021;0.021164021164021162846324841667;0.052028218694885358663881902430;0.024250440917107582428080547743;0.006172839506172839163511412153;0.021164021164021162846324841667;0.031746031746031744269487262500;0.004850088183421516485616109549;0.014109347442680775230883227778;0.013227513227513226778953026042;0.004409171075837742259651008681;0.008377425044091710293336916493;0.041887125220458551466684582465;0.013227513227513226778953026042;0.023809523809523808202115446875;0.100088183421516749294077897048;0.000000000000000000000000000000;0.033950617283950615399312766840;0.032186948853615518495452363368;0.003968253968253968033685907812;0.009700176366843032971232219097;0.006613756613756613389476513021;0.005731922398589064937546311285;0.013227513227513226778953026042;0.005291005291005290711581210417;0.007054673721340387615441613889;0.002204585537918871129825504340;0.004409171075837742259651008681;0.009259259259259258745267118229;0.019841269841269840168429539062;0.000000000000000000000000000000;0.004409171075837742259651008681;0.033068783068783066947382565104;0.003527336860670193807720806944;0.011904761904761904101057723437;0.016313932980599646360708732118;0.009700176366843032971232219097;0.013668430335097001004918126910
-0.021367521367521367936515019892;0.036087369420702751499074878438;0.037037037037037034981068472916;0.091168091168091172638021646435;0.044634377967711302837017228740;0.041310541310541307180592696113;0.002374169040835707403941379212;0.019943019943019942713524628175;0.031813865147198479299550655242;0.006172839506172839163511412153;0.009971509971509971356762314088;0.082146248812915476089635546941;0.008072174738841406127498601109;0.015669515669515670514000404978;0.046533713200379869801004417695;0.019943019943019942713524628175;0.005698005698005698289876352902;0.030389363722697057546007215478;0.016144349477682812254997202217;0.005698005698005698289876352902;0.009021842355175687874768719610;0.010446343779677113097759111326;0.004748338081671414807882758424;0.009971509971509971356762314088;0.036562203228869896709518627631;0.009971509971509971356762314088;0.023741690408357076641499006087;0.064102564102564096870651155768;0.000474833808167141524156362742;0.045109211775878441108567074025;0.030389363722697057546007215478;0.002374169040835707403941379212;0.007122507122507122645505006631;0.007122507122507122645505006631;0.006647673314339980904508209392;0.015194681861348528773003607739;0.002374169040835707403941379212;0.004273504273504273934247699174;0.001424501424501424572469088226;0.006172839506172839163511412153;0.010921177587844254838755908565;0.026115859449192781877036040328;0.000000000000000000000000000000;0.006172839506172839163511412153;0.027065527065527065359029634806;0.005223171889838556548879555663;0.016144349477682812254997202217;0.012820512820512820068019621544;0.009971509971509971356762314088;0.016144349477682812254997202217
-0.021354166666666667129259593594;0.030729166666666665047591422422;0.029166666666666667129259593594;0.077604166666666668517038374375;0.028645833333333332176851016015;0.048958333333333332870740406406;0.000000000000000000000000000000;0.019791666666666665741480812812;0.039062500000000000000000000000;0.003645833333333333391157449199;0.008854166666666666435370203203;0.075520833333333328707404064062;0.007291666666666666782314898398;0.020312500000000000693889390391;0.042187500000000002775557561563;0.024479166666666666435370203203;0.011979166666666667476204288789;0.027083333333333334258519187188;0.013541666666666667129259593594;0.002604166666666666522106377002;0.011979166666666667476204288789;0.010937499999999999306110609609;0.002083333333333333304421275400;0.009895833333333332870740406406;0.041145833333333332870740406406;0.019791666666666665741480812812;0.018229166666666667823148983985;0.064062499999999994448884876874;0.000000000000000000000000000000;0.041145833333333332870740406406;0.066666666666666665741480812812;0.005208333333333333044212754004;0.005208333333333333044212754004;0.004687499999999999826527652402;0.012500000000000000693889390391;0.016666666666666666435370203203;0.006770833333333333564629796797;0.004166666666666666608842550801;0.001562500000000000086736173799;0.006250000000000000346944695195;0.008854166666666666435370203203;0.020833333333333332176851016015;0.000000000000000000000000000000;0.006250000000000000346944695195;0.015625000000000000000000000000;0.004166666666666666608842550801;0.015625000000000000000000000000;0.018749999999999999306110609609;0.012500000000000000693889390391;0.015625000000000000000000000000
-0.017921146953405017038241098248;0.052966945440063722960744030388;0.032258064516129031362723367238;0.072879330943847075996444573320;0.051772202309836715117263850061;0.035045798486658702453055980186;0.003185981680605336468364852109;0.026284348864994026839791985140;0.017522899243329351226527990093;0.004380724810832337806631997523;0.009159697331740343159700579179;0.078853046594982073580482051511;0.009956192751891676517850271466;0.014336917562724014324482268989;0.052170450019912384398423910170;0.023894862604540025030619432300;0.007566706491437673841315980638;0.020310633213859018847413651088;0.023496614894464355749459372191;0.005973715651135006257654858075;0.010354440461967344064286855598;0.013540422142572680966332576702;0.001991238550378335130097706696;0.004778972520908004485706843667;0.037435284747112704262228533025;0.015929908403026681040781653564;0.019514137793707687223987434777;0.080844285145360419986282352056;0.000000000000000000000000000000;0.046594982078853049156652588181;0.030266825965750695365263922554;0.004778972520908004485706843667;0.007964954201513340520390826782;0.004778972520908004485706843667;0.006770211071286340483166288351;0.011150935882118677422436547886;0.003982477100756670260195413391;0.004380724810832337806631997523;0.002389486260454002242853421834;0.007964954201513340520390826782;0.010354440461967344064286855598;0.021903624054161689033159987616;0.000000000000000000000000000000;0.003982477100756670260195413391;0.032656312226204700643883427347;0.003185981680605336468364852109;0.015531660692951015229068545409;0.013938669852648346778045684857;0.010354440461967344064286855598;0.012743926722421345873459408438
-0.020246913580246914815541359189;0.041975308641975309087435164201;0.025679012345679010781429596477;0.150617283950617297794138949030;0.021728395061728394271893805012;0.035061728395061726726300577184;0.002962962962962962815832712593;0.015802469135802469507590117814;0.028641975308641976633028392030;0.006419753086419752695357399119;0.016296296296296294836558615771;0.081975308641975302981208528763;0.007901234567901234753795058907;0.013827160493827161252822222082;0.037530864197530863779483922826;0.018765432098765431889741961413;0.007407407407407407690103084974;0.024691358024691356654045648611;0.009876543209876543008562954640;0.005432098765432098567973451253;0.006913580246913580626411111041;0.010370370370370370072254928573;0.003456790123456790313205555520;0.008888888888888888881179006773;0.034074074074074076068363581271;0.013333333333333334189130248149;0.015802469135802469507590117814;0.086913580246913577087575220048;0.000000000000000000000000000000;0.034074074074074076068363581271;0.034074074074074076068363581271;0.006913580246913580626411111041;0.004444444444444444440589503387;0.003950617283950617376897529454;0.010370370370370370072254928573;0.016790123456790123634974065681;0.006913580246913580626411111041;0.009382716049382715944870980707;0.001975308641975308688448764727;0.004444444444444444440589503387;0.005432098765432098567973451253;0.038518518518518521376314822646;0.000000000000000000000000000000;0.004938271604938271504281477320;0.014320987654320988316514196015;0.003456790123456790313205555520;0.011358024691358024199638876439;0.012839506172839505390714798239;0.012345679012345678327022824305;0.010864197530864197135946902506
-0.019276160503540518825760230470;0.029897718332022031606509671064;0.028717545239968528258955871024;0.114476789929189609607007582781;0.052321007081038553576668448386;0.038945712037765541080336362256;0.001966955153422501965249091782;0.016522423288749015640730632981;0.027930763178599528340217972300;0.008261211644374507820365316491;0.016129032258064515681361683619;0.080645161290322578406808418094;0.011408339889850510964763863342;0.015342250196695515762623784894;0.044846577498033043940317554643;0.018882769472856018866391281108;0.006294256490952006288797093703;0.022816679779701021929527726684;0.018882769472856018866391281108;0.007081038552321007074896730416;0.009047993705743509473826691192;0.007867820613690007860996367128;0.003147128245476003144398546851;0.003933910306845003930498183564;0.041306058221872540836550058430;0.012588512981904012577594187405;0.017309205350118019028915483659;0.077498033044846578731856823197;0.000000000000000000000000000000;0.052714398111723050066590445795;0.035011801730920534547752964727;0.003540519276160503537448365208;0.003147128245476003144398546851;0.004720692368214004716597820277;0.005507474429583005502697456990;0.010228166797797011086657015255;0.003540519276160503537448365208;0.005114083398898505543328507628;0.003540519276160503537448365208;0.004720692368214004716597820277;0.005114083398898505543328507628;0.023996852871754525277081526724;0.000000000000000000000000000000;0.003933910306845003930498183564;0.029897718332022031606509671064;0.003147128245476003144398546851;0.011801730920535012658856288681;0.011408339889850510964763863342;0.012195121951219512618225238043;0.013375295043273014231055562107
-0.022983114446529080004966161255;0.040337711069418386022888967091;0.026266416510318951055280578544;0.022045028142589118830274586003;0.017823639774859286605268593462;0.027673545966228892817317941422;0.003283302063789868881910072318;0.043621013133208257073203384380;0.014540337711069419024401128127;0.007973733583489680393219245502;0.019699812382739212424098695919;0.029080675422138838048802256253;0.012195121951219512618225238043;0.019230769230769231836752908293;0.042213883677298308372272117595;0.019699812382739212424098695919;0.013602251407129456114986076898;0.061913696060037520796370813514;0.035178236397748592623191399298;0.007035647279549718351165932262;0.029080675422138838048802256253;0.005628517823639774854405093407;0.018292682926829267192614381088;0.019230769230769231836752908293;0.025797373358348966998487838964;0.016416510318949344843231230584;0.049718574108818011647592527424;0.055347091932457785634635882843;0.000469043151969981237867091117;0.032833020637898689686462461168;0.020168855534709193011444483545;0.007504690431519699805873457876;0.022045028142589118830274586003;0.002345215759849906406175890083;0.008911819887429643302634296731;0.026266416510318951055280578544;0.015478424015009380199092703378;0.007504690431519699805873457876;0.000000000000000000000000000000;0.004690431519699812812351780167;0.015478424015009380199092703378;0.021575984990619138242928798377;0.000000000000000000000000000000;0.009380863039399625624703560334;0.023921200750469044649104688460;0.009849906191369606212049347960;0.015478424015009380199092703378;0.008911819887429643302634296731;0.029080675422138838048802256253;0.012195121951219512618225238043
-0.012195121951219512618225238043;0.070023603461841069095505929454;0.014162077104642014149793460831;0.035405192761605037976568866043;0.044453186467348547450395557235;0.018095987411487018947653382384;0.005900865460267506329428144340;0.054287962234461056842960147151;0.006687647521636507115527781053;0.007867820613690007860996367128;0.017309205350118019028915483659;0.018095987411487018947653382384;0.012981904012588512536963136768;0.008654602675059009514457741830;0.088119590873328088043159311837;0.012588512981904012577594187405;0.005900865460267506329428144340;0.055861526357199056680435944600;0.058221872541306056436649640773;0.002360346184107002358298910139;0.027537372147915028380849022938;0.003933910306845003930498183564;0.011014948859166011005394913980;0.011014948859166011005394913980;0.021243115656963022092051929235;0.014555468135326514109162410193;0.041699449252557044265365959745;0.048387096774193547044085050857;0.000000000000000000000000000000;0.047206923682140050635425154724;0.021243115656963022092051929235;0.002360346184107002358298910139;0.024783634933123525195819425448;0.002360346184107002358298910139;0.010621557828481511046025964617;0.014948859166011015803254835532;0.009047993705743509473826691192;0.006687647521636507115527781053;0.002360346184107002358298910139;0.003933910306845003930498183564;0.018489378442171518907022331746;0.007474429583005507901627417766;0.000000000000000000000000000000;0.005900865460267506329428144340;0.044059795436664044021579655919;0.009441384736428009433195640554;0.007081038552321007074896730416;0.006687647521636507115527781053;0.017309205350118019028915483659;0.009441384736428009433195640554
-0.021951219512195120631137257305;0.044390243902439022183337158367;0.009268292682926828826572851483;0.022926829268292682473262544818;0.047804878048780488630775664660;0.060487804878048778700616594506;0.006341463414634146769643940900;0.038536585365853658069479337200;0.002439024390243902436908873810;0.004390243902439024820116841852;0.015121951219512194675154148626;0.092195121951219510814112823027;0.018048780487804876732083059210;0.006341463414634146769643940900;0.059999999999999997779553950750;0.025365853658536587078575763599;0.004878048780487804873817747620;0.023902439024390244315387832330;0.040000000000000000832667268469;0.002926829268292682924290648572;0.016097560975609756517279436139;0.001951219512195121949527099048;0.004390243902439024820116841852;0.003902439024390243899054198096;0.049268292682926831393963595929;0.013170731707317072725627049579;0.024390243902439025236450476086;0.038048780487804877148416693444;0.000975609756097560974763549524;0.071219512195121945086206949327;0.067804878048780492516556250848;0.001951219512195121949527099048;0.016097560975609756517279436139;0.001463414634146341462145324286;0.009756097560975609747635495239;0.014146341463414634567752337091;0.006341463414634146769643940900;0.011219512195121950776099950531;0.000000000000000000000000000000;0.001951219512195121949527099048;0.009756097560975609747635495239;0.005853658536585365848581297143;0.000000000000000000000000000000;0.003414634146341463411672423334;0.029268292682926830977629961694;0.004878048780487804873817747620;0.007804878048780487798108396191;0.012195121951219512618225238043;0.010731707317073171589760782751;0.014634146341463415488814980847
-0.017924528301886791942232335373;0.035141509433962263286854721400;0.014150943396226415421645938864;0.048349056603773588047801013090;0.037971698113207545677294518782;0.023584905660377360192558882090;0.011792452830188680096279441045;0.055188679245283020491363856763;0.005896226415094340048139720523;0.010849056603773584231409365941;0.014858490566037736019255888209;0.027122641509433963180608628818;0.014150943396226415421645938864;0.012264150943396227161352740609;0.054245283018867926361217257636;0.007075471698113207710822969432;0.007547169811320754775896268995;0.037735849056603772144757869000;0.051886792452830191035850759818;0.003066037735849056790338185152;0.032075471698113207363878274236;0.003773584905660377387948134498;0.025943396226415095517925379909;0.017216981132075471344622386027;0.018632075471698112539842284718;0.019811320754716980202525533628;0.045754716981132072251003961583;0.035849056603773583884464670746;0.001415094339622641412060333188;0.042924528301886789860564164201;0.014386792452830188954182588645;0.006603773584905660645749669868;0.033018867924528301494024873364;0.006132075471698113580676370304;0.015566037735849056616865837555;0.016981132075471697812085736246;0.012735849056603774226426040173;0.005188679245283018583168033189;0.000471698113207547173493516812;0.011320754716981131296482665505;0.013679245283018868356572639300;0.011084905660377357763946015723;0.000000000000000000000000000000;0.015801886792452830149402487336;0.030424528301886792636121725764;0.020518867924528300800135482973;0.007783018867924528308432918777;0.005660377358490565648241332752;0.032547169811320754428951573800;0.005896226415094340048139720523
-0.030684754521963824441810331223;0.007751937984496123923428001490;0.018410852713178296052864979515;0.001937984496124030980857000372;0.023255813953488371770284004469;0.070090439276485783093306736191;0.001614987080103359078434022145;0.031976744186046512918863982122;0.005167958656330749571405913656;0.009043927648578810665758176413;0.022932816537467700518382329733;0.079780361757105941467038690007;0.031653746770025838197515355432;0.022609819121447029266480654996;0.018733850129198967304766654252;0.017118863049095607575811328616;0.004844961240310077452142500931;0.027777777777777776235801354687;0.048772609819121445773326684048;0.003552971576227390276131457014;0.032299741602067180701318704905;0.003875968992248061961714000745;0.013565891472868216865999002607;0.009043927648578810665758176413;0.052002583979328165231237335320;0.024224806201550388995435980632;0.040051679586563304624746706395;0.005167958656330749571405913656;0.000645994832041343696425739207;0.085594315245478030940162739171;0.038113695090439277113336657976;0.003229974160206718156868044289;0.023578811369509043022185679206;0.002260981912144702666439544103;0.019056847545219638556668328988;0.020671834625322998285623654624;0.015503875968992247846856002980;0.005813953488372092942571001117;0.000645994832041343696425739207;0.003875968992248061961714000745;0.007105943152454780552262914028;0.003552971576227390276131457014;0.000000000000000000000000000000;0.009043927648578810665758176413;0.017441860465116278827713003352;0.007105943152454780552262914028;0.010981912144702841646615176785;0.016149870801033590350659352453;0.042312661498708013796399285411;0.009366925064599483652383327126
-0.032921810699588480164656800753;0.018004115226337449873206253415;0.015432098765432097908778530382;0.008744855967078189393215659209;0.063786008230452675982213861516;0.071502057613168717997709222800;0.002057613168724280010291050047;0.029320987654320986026679207725;0.001543209876543209790877853038;0.009259259259259258745267118229;0.024691358024691356654045648611;0.076131687242798354309236685822;0.028806584362139918409351224682;0.018518518518518517490534236458;0.016460905349794240082328400376;0.014403292181069959204675612341;0.008744855967078189393215659209;0.023662551440329217949942730570;0.047839506172839503517213444184;0.005658436213991769811459953132;0.024691358024691356654045648611;0.001028806584362140005145525024;0.010802469135802468536144971267;0.010288065843621399184093512247;0.036522633744855967363740489873;0.014917695473251028556727071361;0.026748971193415637531698436646;0.022119341563786008159064877532;0.000514403292181070002572762512;0.111625514403292186438321209607;0.039609053497942386945496195949;0.006687242798353909382924609162;0.018004115226337449873206253415;0.003600823045267489801168903085;0.018518518518518517490534236458;0.009773662551440329832042053226;0.011831275720164608974971365285;0.002572016460905349796023378062;0.000000000000000000000000000000;0.002057613168724280010291050047;0.004115226337448560020582100094;0.003600823045267489801168903085;0.000000000000000000000000000000;0.009259259259259258745267118229;0.011831275720164608974971365285;0.007201646090534979602337806170;0.015432098765432097908778530382;0.016460905349794240082328400376;0.033950617283950615399312766840;0.008744855967078189393215659209
-0.035714285714285712303173170312;0.011428571428571428561515865852;0.025000000000000001387778780781;0.044642857142857143848413414844;0.038214285714285714523619219563;0.068928571428571422385900291374;0.001785714285714285658526745415;0.018571428571428572062984585500;0.007499999999999999722444243844;0.005000000000000000104083408559;0.013214285714285714870563914758;0.112857142857142850322915705874;0.018928571428571430018683585672;0.022499999999999999167332731531;0.015714285714285715356286488031;0.025000000000000001387778780781;0.006071428571428571369095195109;0.017500000000000001665334536938;0.031428571428571430712572976063;0.003214285714285714228716228646;0.015357142857142857400587487859;0.008214285714285713899118768211;0.004642857142857143015746146375;0.008928571428571428075793292578;0.055000000000000000277555756156;0.021071428571428570813983682797;0.021071428571428570813983682797;0.021071428571428570813983682797;0.000000000000000000000000000000;0.089999999999999996669330926125;0.058571428571428572895651853969;0.003928571428571428839071622008;0.010357142857142856429142341312;0.004642857142857143015746146375;0.014642857142857143223912963492;0.017142857142857143709635536766;0.008214285714285713899118768211;0.007142857142857142634106981660;0.000000000000000000000000000000;0.006428571428571428457432457293;0.003214285714285714228716228646;0.005000000000000000104083408559;0.000000000000000000000000000000;0.005714285714285714280757932926;0.012857142857142856914864914586;0.005714285714285714280757932926;0.018214285714285714107285585328;0.016785714285714285753936536594;0.018928571428571430018683585672;0.013928571428571429047238439125
-0.042857142857142857539365365938;0.009374999999999999653055304805;0.021874999999999998612221219219;0.098214285714285712303173170312;0.015178571428571428422737987773;0.070089285714285715078730731875;0.000892857142857142829263372708;0.010714285714285714384841341484;0.020089285714285715772620122266;0.012053571428571429116627378164;0.021874999999999998612221219219;0.083482142857142851988250242812;0.028571428571428570536427926640;0.017857142857142856151586585156;0.010267857142857142807579329258;0.028571428571428570536427926640;0.008482142857142856498531280351;0.012500000000000000693889390391;0.018749999999999999306110609609;0.004464285714285714037896646289;0.014285714285714285268213963320;0.007589285714285714211368993887;0.006696428571428571056844969434;0.016071428571428569842538536250;0.054910714285714284921269268125;0.016071428571428569842538536250;0.025446428571428571230317317031;0.023214285714285715078730731875;0.000000000000000000000000000000;0.085267857142857145236192195625;0.040625000000000001387778780781;0.004017857142857142460634634062;0.008928571428571428075793292578;0.006250000000000000346944695195;0.012946428571428572271151402617;0.015625000000000000000000000000;0.006250000000000000346944695195;0.009374999999999999653055304805;0.005357142857142857192420670742;0.005357142857142857192420670742;0.002678571428571428596210335371;0.007589285714285714211368993887;0.000000000000000000000000000000;0.007142857142857142634106981660;0.005803571428571428769682682969;0.008482142857142856498531280351;0.012500000000000000693889390391;0.022321428571428571924206707422;0.016517857142857143154524024453;0.016517857142857143154524024453
-0.041796874999999997224442438437;0.008203125000000000346944695195;0.033593749999999998612221219219;0.037499999999999998612221219219;0.018749999999999999306110609609;0.070312500000000000000000000000;0.001171874999999999956631913101;0.013671875000000000000000000000;0.016796874999999999306110609609;0.007031250000000000173472347598;0.014453125000000000693889390391;0.128124999999999988897769753748;0.016796874999999999306110609609;0.022265625000000000693889390391;0.008984374999999999306110609609;0.032812500000000001387778780781;0.007812500000000000000000000000;0.018749999999999999306110609609;0.016406250000000000693889390391;0.004687499999999999826527652402;0.010937499999999999306110609609;0.011328124999999999653055304805;0.001953125000000000000000000000;0.013671875000000000000000000000;0.066796875000000005551115123126;0.022656249999999999306110609609;0.019140625000000001387778780781;0.003515625000000000086736173799;0.000000000000000000000000000000;0.067968749999999994448884876874;0.085937500000000000000000000000;0.005468749999999999653055304805;0.003906250000000000000000000000;0.006250000000000000346944695195;0.013281249999999999653055304805;0.010937499999999999306110609609;0.007812500000000000000000000000;0.010156250000000000346944695195;0.002343749999999999913263826201;0.006250000000000000346944695195;0.003125000000000000173472347598;0.008984374999999999306110609609;0.000000000000000000000000000000;0.008984374999999999306110609609;0.005859375000000000000000000000;0.003906250000000000000000000000;0.018359375000000000693889390391;0.022656249999999999306110609609;0.016796874999999999306110609609;0.021093750000000001387778780781
-0.048105576841209023164491753732;0.006811409110259685102672921886;0.028097062579821200506424716536;0.087271179225202208384892799131;0.019582801191996592610200522699;0.060451255853554701491514578038;0.002128565346956151540375179465;0.013197105151128140157479329275;0.013197105151128140157479329275;0.011919965942954448279156309809;0.019157088122605362562334008203;0.094082588335461903028544838890;0.017879948914431672418734464713;0.015751383567475522179401892231;0.009791400595998296305100261350;0.035759897828863344837468929427;0.008514261387824606161500717860;0.009365687526607066257233746853;0.026819923371647510362825173047;0.002979991485738612069789077452;0.014474244359301830301078872765;0.008514261387824606161500717860;0.003405704555129842551336460943;0.017028522775649212323001435720;0.054916985951468710869249889583;0.021711366538952746318980047135;0.018731375053214132514467493706;0.004682843763303533128616873427;0.000851426138782460637834115236;0.070242656449553006470232219272;0.075776926351638990153603003819;0.009365687526607066257233746853;0.011919965942954448279156309809;0.005108556832694764043845125912;0.008514261387824606161500717860;0.015325670498084290396811901758;0.008939974457215836209367232357;0.011494252873563218231289795312;0.002979991485738612069789077452;0.002554278416347382021922562956;0.002979991485738612069789077452;0.003831417624521072599202975439;0.000000000000000000000000000000;0.012345679012345678327022824305;0.012771392081736910109612814779;0.011494252873563218231289795312;0.015751383567475522179401892231;0.014899957428693060348945387261;0.015325670498084290396811901758;0.013197105151128140157479329275
-0.045578231292517007444686782947;0.003061224489795918209805725141;0.021088435374149658296794029866;0.039795918367346937161155295826;0.014965986394557822744544317572;0.083333333333333328707404064062;0.000340136054421768683955068502;0.007823129251700680977799073901;0.005782312925170067681446273156;0.008843537414965987192294605279;0.022448979591836733249454738370;0.140816326530612240253148570446;0.017006802721088436908258856306;0.019387755102040816340691620212;0.001700680272108843473985451134;0.038095238095238098674499838125;0.007142857142857142634106981660;0.010544217687074829148397014933;0.019727891156462583344133321361;0.004761904761904762334312479766;0.015306122448979591482709494699;0.006802721088435373895941804534;0.005102040816326530205115918903;0.010884353741496597886562192059;0.061224489795918365930837978794;0.019047619047619049337249919063;0.019727891156462583344133321361;0.028231292517006803532986225491;0.000340136054421768683955068502;0.078231292517006806308543787054;0.070068027210884356592579536027;0.006122448979591836419611450282;0.008843537414965987192294605279;0.004421768707482993596147302640;0.017006802721088436908258856306;0.013265306122448979053718431942;0.006462585034013605157776627408;0.007823129251700680977799073901;0.004081632653061224857982125513;0.009523809523809524668624959531;0.000680272108843537367910137004;0.004081632653061224857982125513;0.000000000000000000000000000000;0.007142857142857142634106981660;0.002040816326530612428991062757;0.008503401360544218454129428153;0.018707482993197278864361265960;0.019047619047619049337249919063;0.020408163265306120820463675614;0.014625850340136054006379140446
-0.044352994970278919462103317528;0.005029721079103795580711455671;0.016918152720621856127669602188;0.112025605852766343972781726279;0.015546410608139002787475568823;0.078189300411522638656336425811;0.000914494741655235451709138328;0.010059442158207591161422911341;0.002286236854138088900323388941;0.007315957933241883613673106623;0.022862368541380885533786937458;0.117969821673525376848346013503;0.021490626428898033928316380070;0.016003657978966620567540246611;0.004572473708276177800646777882;0.026063100137174211728963157952;0.005486968449931412493414395470;0.011888431641518060546958146517;0.028806584362139918409351224682;0.005944215820759030273479073259;0.019661636945587562808057668917;0.001371742112482853123353598868;0.006401463191586648053543751047;0.012345679012345678327022824305;0.066300868770004572905207851363;0.022405121170553269488445735647;0.026063100137174211728963157952;0.005486968449931412493414395470;0.000000000000000000000000000000;0.066758116140832185481102101221;0.053955189757658894578185027058;0.006858710562414265833608428835;0.011888431641518060546958146517;0.003200731595793324026771875523;0.011431184270690442766893468729;0.012802926383173296107087502094;0.011431184270690442766893468729;0.007773205304069501393737784412;0.000000000000000000000000000000;0.003657978966620941806836553312;0.004572473708276177800646777882;0.004115226337448560020582100094;0.000000000000000000000000000000;0.006401463191586648053543751047;0.007315957933241883613673106623;0.002743484224965706246707197735;0.016460905349794240082328400376;0.014174668495656149447281535458;0.024691358024691356654045648611;0.016003657978966620567540246611
-0.050748448338809787339087620239;0.006571741511500547514024184181;0.016794450529390287513153978693;0.014968966776195691270601173528;0.008397225264695143756576989347;0.092369477911646583057070358791;0.000730193501277838648809426214;0.011683096020445418380950819426;0.006206644760861627918568927953;0.010222709017889739999129794512;0.021905805038335158380080613938;0.158817086527929890449328809154;0.023001095290251915431722906646;0.018254837531945965894975003607;0.006936838262139467109479440410;0.041255932822197881326697910254;0.004016064257028112080560866559;0.009492515516611902542942758032;0.025921869295363272195364956474;0.002555677254472434999782448628;0.013873676524278934218958880820;0.002920774005111354595237704856;0.003285870755750273757012092091;0.012413289521723255837137855906;0.071193866374589270806794161217;0.020445418035779479998259589024;0.013508579773640014623503624591;0.009127418765972982947487501804;0.000365096750638919324404713107;0.075575027382256299013363332051;0.104052573932092010111638558101;0.001460387002555677297618852428;0.006206644760861627918568927953;0.004381161007667031676016122788;0.009492515516611902542942758032;0.008032128514056224161121733118;0.006936838262139467109479440410;0.011317999269806498785495563197;0.002555677254472434999782448628;0.005111354508944869999564897256;0.002190580503833515838008061394;0.004746257758305951271471379016;0.000000000000000000000000000000;0.005476451259583789595020153484;0.005476451259583789595020153484;0.005111354508944869999564897256;0.013143483023001095028048368363;0.016794450529390287513153978693;0.020080321285140562137527808773;0.013873676524278934218958880820
-0.038739889314601955172534530902;0.011919965942954448279156309809;0.017879948914431672418734464713;0.050234142188165173403824326215;0.033631332481907194598136356944;0.088122605363984668480625828124;0.000851426138782460637834115236;0.010217113665389528087690251823;0.009791400595998296305100261350;0.005108556832694764043845125912;0.020008514261387826127513989150;0.129842486164325254804907672224;0.019582801191996592610200522699;0.017879948914431672418734464713;0.004257130693912303080750358930;0.019582801191996592610200522699;0.005108556832694764043845125912;0.014048531289910600253212358268;0.031077054065559814310937269966;0.001702852277564921275668230471;0.015325670498084290396811901758;0.002979991485738612069789077452;0.003831417624521072599202975439;0.010642826734780758135556766319;0.051511281396338870486317773612;0.012771392081736910109612814779;0.014899957428693060348945387261;0.017028522775649212323001435720;0.000000000000000000000000000000;0.112388250319284802025698866146;0.074499787143465306948897364236;0.000851426138782460637834115236;0.014048531289910600253212358268;0.003405704555129842551336460943;0.009791400595998296305100261350;0.011494252873563218231289795312;0.005108556832694764043845125912;0.011919965942954448279156309809;0.005108556832694764043845125912;0.004682843763303533128616873427;0.001702852277564921275668230471;0.014048531289910600253212358268;0.000000000000000000000000000000;0.001702852277564921275668230471;0.008514261387824606161500717860;0.006385696040868455054806407389;0.009365687526607066257233746853;0.012771392081736910109612814779;0.023414218816517666510446105121;0.010217113665389528087690251823
-0.046402724563644102973025695746;0.014474244359301830301078872765;0.023414218816517666510446105121;0.008514261387824606161500717860;0.025117071094082586701912163107;0.085994040017028525180187159549;0.002128565346956151540375179465;0.012345679012345678327022824305;0.013622818220519370205345843772;0.009791400595998296305100261350;0.020008514261387826127513989150;0.111111111111111104943205418749;0.022988505747126436462579590625;0.022988505747126436462579590625;0.012345679012345678327022824305;0.041719880800340572446494036285;0.005959982971477224139578154904;0.016177096636866752227268406727;0.023839931885908896558312619618;0.002554278416347382021922562956;0.015751383567475522179401892231;0.005959982971477224139578154904;0.002979991485738612069789077452;0.011494252873563218231289795312;0.060025542784163471443648063541;0.021285653469561516271113532639;0.022988505747126436462579590625;0.009365687526607066257233746853;0.000000000000000000000000000000;0.088548318433375905467386246528;0.060025542784163471443648063541;0.002554278416347382021922562956;0.009365687526607066257233746853;0.004257130693912303080750358930;0.012345679012345678327022824305;0.016602809706257982275134921224;0.005959982971477224139578154904;0.008939974457215836209367232357;0.001277139208173691010961281478;0.004682843763303533128616873427;0.002979991485738612069789077452;0.011919965942954448279156309809;0.000000000000000000000000000000;0.010642826734780758135556766319;0.010217113665389528087690251823;0.007662835249042145198405950879;0.018731375053214132514467493706;0.020434227330779056175380503646;0.017028522775649212323001435720;0.014474244359301830301078872765
-0.043621013133208257073203384380;0.004221388367729831357644254552;0.018292682926829267192614381088;0.054878048780487805047290095217;0.040337711069418386022888967091;0.094277673545966222956593583149;0.000000000000000000000000000000;0.004690431519699812812351780167;0.008911819887429643302634296731;0.007504690431519699805873457876;0.020168855534709193011444483545;0.165103189493433388790322169370;0.015478424015009380199092703378;0.021575984990619138242928798377;0.002345215759849906406175890083;0.027673545966228892817317941422;0.005628517823639774854405093407;0.009380863039399625624703560334;0.015009380863039399611746915753;0.004690431519699812812351780167;0.010318949343339586799395135586;0.005159474671669793399697567793;0.002814258911819887427202546704;0.010318949343339586799395135586;0.058161350844277676097604512506;0.015009380863039399611746915753;0.013133208255159475527640289272;0.006566604127579737763820144636;0.000000000000000000000000000000;0.119136960600375235719283750768;0.071763602251407127008420161474;0.003283302063789868881910072318;0.006097560975609756309112619022;0.005159474671669793399697567793;0.008911819887429643302634296731;0.009380863039399625624703560334;0.009849906191369606212049347960;0.006097560975609756309112619022;0.002345215759849906406175890083;0.003752345215759849902936728938;0.001876172607879924951468364469;0.006566604127579737763820144636;0.000000000000000000000000000000;0.005628517823639774854405093407;0.001407129455909943713601273352;0.001876172607879924951468364469;0.015009380863039399611746915753;0.011257035647279549708810186814;0.013133208255159475527640289272;0.012195121951219512618225238043
-0.052469135802469132889847003298;0.003086419753086419581755706076;0.027336860670194002009836253819;0.005291005291005290711581210417;0.016313932980599646360708732118;0.091269841269841264774775879687;0.001322751322751322677895302604;0.013227513227513226778953026042;0.013227513227513226778953026042;0.010141093474426807197197319965;0.016754850088183420586673832986;0.106701940035273362683554410069;0.022927689594356259750185245139;0.016754850088183420586673832986;0.005731922398589064937546311285;0.033950617283950615399312766840;0.006613756613756613389476513021;0.013227513227513226778953026042;0.026455026455026453557906052083;0.004850088183421516485616109549;0.019400352733686065942464438194;0.014550264550264549456848328646;0.006172839506172839163511412153;0.018077601410934743264569135590;0.063932980599647262764939625868;0.032627865961199292721417464236;0.021604938271604937072289942535;0.010141093474426807197197319965;0.000440917107583774225965100868;0.070546737213403876154416138888;0.059523809523809520505288617187;0.007495590828924161841406714757;0.010141093474426807197197319965;0.004409171075837742259651008681;0.018518518518518517490534236458;0.016754850088183420586673832986;0.010582010582010581423162420833;0.012786596119929452552987925174;0.001322751322751322677895302604;0.004409171075837742259651008681;0.000440917107583774225965100868;0.003968253968253968033685907812;0.000000000000000000000000000000;0.014109347442680775230883227778;0.007054673721340387615441613889;0.007936507936507936067371815625;0.018518518518518517490534236458;0.020723104056437388620359740798;0.015873015873015872134743631250;0.020282186948853614394394639930
-0.047389558232931727754788653328;0.003614457831325301306185648897;0.055823293172690760521881259137;0.000000000000000000000000000000;0.006827309236947791404315211139;0.066265060240963860604956892075;0.000401606425702811262266195280;0.007630522088353413820427384451;0.032128514056224896644486932473;0.013253012048192770733212597634;0.018473895582329317305303462149;0.093172690763052207207906008080;0.018072289156626505229885637505;0.032530120481927708719904757118;0.004417670682730923288616953215;0.043373493975903613939504310792;0.015662650602409639716272593546;0.020080321285140562137527808773;0.015261044176706827640854768902;0.008835341365461846577233906430;0.008835341365461846577233906430;0.022088353413654619045169980041;0.003614457831325301306185648897;0.014859437751004015565436944257;0.068273092369477914043152111390;0.031325301204819279432545187092;0.024497991967871484558783023999;0.001204819277108433841008694465;0.000000000000000000000000000000;0.048594377510040163981042127261;0.063855421686746988152449944209;0.010040160642570281068763904386;0.006024096385542168988203037827;0.008433734939759036236539557763;0.015261044176706827640854768902;0.021285140562248994894334330752;0.007228915662650602612371297795;0.012449799196787148317100424322;0.003614457831325301306185648897;0.008835341365461846577233906430;0.002008032128514056040280433280;0.006425702811244980196259124483;0.000000000000000000000000000000;0.009236947791164658652651731074;0.003212851405622490098129562242;0.004819277108433735364034777859;0.030923694779116467357127362447;0.025702811244979920785036497932;0.016867469879518072473079115525;0.017269076305220884548496940170
-0.053401360544217686687762380870;0.008503401360544218454129428153;0.031972789115646257918079697902;0.000000000000000000000000000000;0.017346938775510203911700557455;0.070408163265306120126574285223;0.001700680272108843473985451134;0.011904761904761904101057723437;0.013265306122448979053718431942;0.012925170068027210315553254816;0.022789115646258503722343391473;0.102721088435374155456436540135;0.018707482993197278864361265960;0.034693877551020407823401114911;0.005102040816326530205115918903;0.038095238095238098674499838125;0.006802721088435373895941804534;0.015646258503401361955598147802;0.023809523809523808202115446875;0.004081632653061224857982125513;0.020408163265306120820463675614;0.010884353741496597886562192059;0.003061224489795918209805725141;0.019387755102040816340691620212;0.074829931972789115457445063839;0.027891156462585033060097572388;0.018367346938775511860919564811;0.000340136054421768683955068502;0.000000000000000000000000000000;0.049319727891156461829780255357;0.075850340136054419937217119241;0.006802721088435373895941804534;0.009863945578231291672066660681;0.005102040816326530205115918903;0.012244897959183672839222900564;0.020068027210884353817021974464;0.005442176870748298943281096030;0.021428571428571428769682682969;0.001020408163265306214495531378;0.006802721088435373895941804534;0.004421768707482993596147302640;0.003401360544217686947970902267;0.000000000000000000000000000000;0.012585034013605441577388077690;0.003401360544217686947970902267;0.008163265306122449715964251027;0.026530612244897958107436863884;0.023469387755102041198673745726;0.017346938775510203911700557455;0.017687074829931974384589210558
-0.031077891424075531484616519151;0.007474429583005507901627417766;0.030291109362706531565878620427;0.001966955153422501965249091782;0.045633359559402043859055453368;0.094020456333595597842034408131;0.001573564122738001572199273426;0.014555468135326514109162410193;0.016915814319433515600099582343;0.008654602675059009514457741830;0.017309205350118019028915483659;0.096380802517702590659354200398;0.022816679779701021929527726684;0.019669551534225018785129179832;0.012981904012588512536963136768;0.027537372147915028380849022938;0.005114083398898505543328507628;0.021243115656963022092051929235;0.033831628638867031200199164687;0.003540519276160503537448365208;0.010228166797797011086657015255;0.006294256490952006288797093703;0.007474429583005507901627417766;0.012195121951219512618225238043;0.060975609756097559621679238262;0.016129032258064515681361683619;0.029504327301337528177693769749;0.009047993705743509473826691192;0.000786782061369000786099636713;0.094020456333595597842034408131;0.046026750590086547287871354683;0.006294256490952006288797093703;0.010228166797797011086657015255;0.002753737214791502751348728495;0.013768686073957514190424511469;0.016522423288749015640730632981;0.005900865460267506329428144340;0.005900865460267506329428144340;0.000786782061369000786099636713;0.009047993705743509473826691192;0.002360346184107002358298910139;0.009834775767112509392564589916;0.000000000000000000000000000000;0.009441384736428009433195640554;0.015342250196695515762623784894;0.007867820613690007860996367128;0.019276160503540518825760230470;0.023996852871754525277081526724;0.018882769472856018866391281108;0.016522423288749015640730632981
-0.027573529411764705066012481893;0.033455882352941175572613730083;0.023897058823529410132024963787;0.093014705882352943788760057942;0.050367647058823530881177532592;0.057720588235294120749152568806;0.004411764705882352879950936142;0.026838235294117645385325587881;0.013602941176470588480196255432;0.008088235294117647813938454249;0.019117647058823530881177532592;0.045955882352941179735950072427;0.018749999999999999306110609609;0.015808823529411764052809985515;0.037132352941176470506601248189;0.015073529411764706106846567479;0.010294117647058823386552184331;0.031250000000000000000000000000;0.040808823529411765440588766296;0.004779411764705882720294383148;0.015808823529411764052809985515;0.011029411764705883067239078343;0.004779411764705882720294383148;0.014338235294117646426159673467;0.035661764705882351145227460165;0.014705882352941176266503120473;0.031250000000000000000000000000;0.039338235294117646079214978272;0.000735294117647058813325156024;0.067279411764705879250847431194;0.015073529411764706106846567479;0.005882352941176470506601248189;0.016176470588235295627876908497;0.003308823529411764659963202106;0.009558823529411765440588766296;0.014705882352941176266503120473;0.009191176470588235600245319290;0.005147058823529411693276092166;0.003676470588235294066625780118;0.004044117647058823906969227124;0.007720588235294117973595007243;0.013235294117647058639852808426;0.000000000000000000000000000000;0.005147058823529411693276092166;0.026470588235294117279705616852;0.003676470588235294066625780118;0.007720588235294117973595007243;0.008088235294117647813938454249;0.016544117647058823733496879527;0.011764705882352941013202496379
-0.030684500393391031525247569789;0.025177025963808025155188374811;0.020456333595594022173314030510;0.066483084185680565991738433240;0.031077891424075531484616519151;0.058221872541306056436649640773;0.002360346184107002358298910139;0.033438237608182534710277167278;0.012195121951219512618225238043;0.007474429583005507901627417766;0.022423288749016521970158777322;0.062549173878835559459155035711;0.019276160503540518825760230470;0.016129032258064515681361683619;0.039732494099134540999074260981;0.012588512981904012577594187405;0.006294256490952006288797093703;0.025963808025177025073926273535;0.033831628638867031200199164687;0.002360346184107002358298910139;0.014162077104642014149793460831;0.009834775767112509392564589916;0.003147128245476003144398546851;0.011014948859166011005394913980;0.049173878835562546962822949581;0.018095987411487018947653382384;0.027537372147915028380849022938;0.051534225019669553657930549662;0.001180173092053501179149455069;0.069630212431156565666690028138;0.027143981117230528421480073575;0.006687647521636507115527781053;0.016129032258064515681361683619;0.004327301337529504757228870915;0.012195121951219512618225238043;0.013375295043273014231055562107;0.009441384736428009433195640554;0.005114083398898505543328507628;0.003147128245476003144398546851;0.006294256490952006288797093703;0.009047993705743509473826691192;0.010621557828481511046025964617;0.000000000000000000000000000000;0.003933910306845003930498183564;0.022816679779701021929527726684;0.009834775767112509392564589916;0.011408339889850510964763863342;0.012588512981904012577594187405;0.018489378442171518907022331746;0.013375295043273014231055562107
-0.051282051282051280272078486178;0.022957662492546212357202861654;0.032200357781753133346036577223;0.024150268336314846540080480963;0.011329755515802028206784335396;0.062313655336911154269952106688;0.002683363148479427345155512441;0.025342874180083480722958100273;0.024150268336314846540080480963;0.010137149672033392289183240109;0.023852116875372690596446290101;0.049194991055456174788851342328;0.019081693500298150395488860909;0.021765056648777578174325242344;0.016100178890876566673018288611;0.017889087656529516212611241599;0.010137149672033392289183240109;0.033691115086463926941995339348;0.032498509242695289289670768085;0.008050089445438283336509144306;0.020870602265951103404528765850;0.009242695289206917519386763615;0.011031604054859868793703192580;0.014311270125223613663978383670;0.059033989266547404195506487667;0.030113297555158020923915529465;0.031902206320810970463508482453;0.013416815742397137159458431199;0.000298151460942158599929513452;0.053965414430530711520361819566;0.021466905187835418761244099528;0.005366726296958854690311024882;0.018187239117471675625692384415;0.003577817531305903415994595917;0.017889087656529516212611241599;0.019677996422182469221651146540;0.016398330351818722616652479473;0.010733452593917709380622049764;0.001490757304710793162277893131;0.007751937984496123923428001490;0.003577817531305903415994595917;0.019677996422182469221651146540;0.000000000000000000000000000000;0.008646392367322600427947953960;0.011329755515802028206784335396;0.007155635062611806831989191835;0.021466905187835418761244099528;0.016696481812760882029733622289;0.031007751937984495693712005959;0.014907573047107930755417193325
-0.028861788617886179053595441246;0.027235772357723578296351263361;0.022764227642276424479206298201;0.029674796747967479432217530189;0.051626016260162603532801739448;0.060975609756097559621679238262;0.002845528455284553059900787275;0.025203252032520325615072565029;0.010975609756097560315568628653;0.007317073170731707744407490424;0.021544715447154472176549688811;0.059756097560975607319022628872;0.015447154471544715867437069790;0.016666666666666666435370203203;0.033739837398373981325327974901;0.013821138211382113375469415928;0.006910569105691056687734707964;0.028048780487804878674973352304;0.045934959349593497413000164897;0.004878048780487804873817747620;0.019512195121951219495270990478;0.011382113821138212239603149101;0.007317073170731707744407490424;0.009349593495934959558324450768;0.036585365853658534385228762176;0.019105691056910567571236470030;0.028455284552845527129560920798;0.059756097560975607319022628872;0.000406504065040650406151478968;0.075203252032520331860077078545;0.025203252032520325615072565029;0.005284552845528455063128792091;0.013821138211382113375469415928;0.004471544715447154684506703148;0.011382113821138212239603149101;0.014227642276422763564780460399;0.011788617886178862428914193572;0.004878048780487804873817747620;0.000813008130081300812302957937;0.005284552845528455063128792091;0.006097560975609756309112619022;0.004878048780487804873817747620;0.000000000000000000000000000000;0.004471544715447154684506703148;0.034959349593495933627984584291;0.003658536585365853872203745212;0.015447154471544715867437069790;0.015853658536585366056748114261;0.019512195121951219495270990478;0.016666666666666666435370203203
-0.017125837676842888684936028199;0.037230081906180191586575034535;0.018615040953090095793287517267;0.200670141474311253260154330746;0.039836187639612809230360568336;0.041697691734921819850523405648;0.003350707371556217294833457387;0.026433358153387938316303262809;0.011169024571854058516806595946;0.001861504095309009752801099324;0.008935219657483246119555886366;0.038346984363365602122009079267;0.012658227848101265625158085015;0.010796723752792256739718723679;0.047282204020848844772118013680;0.010424422933730454962630851412;0.003723008190618019505602198649;0.021593447505584513479437447359;0.030900967982129559641357730015;0.003350707371556217294833457387;0.011913626209977662070982340481;0.005584512285927029258403297973;0.004095309009679821282690070916;0.008190618019359642565380141832;0.021593447505584513479437447359;0.011541325390915860293894468214;0.022710349962769917075977588183;0.110201042442293367651373614535;0.001861504095309009752801099324;0.058078927773641104981283689312;0.010796723752792256739718723679;0.004467609828741623059777943183;0.013030528667163067402245957283;0.002978406552494415517745585120;0.004839910647803424836865815450;0.009679821295606849673731630901;0.008190618019359642565380141832;0.004467609828741623059777943183;0.001489203276247207758872792560;0.005956813104988831035491170240;0.006329113924050632812579042508;0.013030528667163067402245957283;0.000000000000000000000000000000;0.004839910647803424836865815450;0.020476545048399106413450354580;0.004467609828741623059777943183;0.011541325390915860293894468214;0.008562918838421444342468014099;0.013775130305286670956421701817;0.009307520476545047896643758634
-0.023797468354430379583464016946;0.025822784810126581805933554392;0.019240506329113924582907557692;0.127594936708860767771156474737;0.050632911392405062500632340061;0.052151898734177214167484493146;0.002025316455696202656150406440;0.022278481012658227916611863861;0.008101265822784810624601625761;0.004556962025316455867918197242;0.018227848101265823471672788969;0.057721518987341770279275721123;0.016202531645569621249203251523;0.012658227848101265625158085015;0.046075949367088607500075880807;0.013670886075949366736392853738;0.011139240506329113958305931931;0.017721518987341772916055404608;0.025822784810126581805933554392;0.003037974683544303767385175163;0.012151898734177215069540700654;0.002531645569620253211767790802;0.004050632911392405312300812881;0.015189873417721518403245006823;0.038481012658227849165815115384;0.010632911392405063402688547569;0.016708860759493671804820635884;0.092658227848101265555769145976;0.000506329113924050664037601610;0.070886075949367091664221618430;0.017215189873417722360438020246;0.006582278481012658090387734688;0.013670886075949366736392853738;0.004050632911392405312300812881;0.011645569620253164513923316292;0.012658227848101265625158085015;0.012151898734177215069540700654;0.005063291139240506423535581604;0.000000000000000000000000000000;0.001518987341772151883692587582;0.004556962025316455867918197242;0.014177215189873417292010238100;0.000000000000000000000000000000;0.007088607594936708646005119050;0.020759493670886076249759710777;0.004050632911392405312300812881;0.008101265822784810624601625761;0.009620253164556962291453778846;0.014177215189873417292010238100;0.010632911392405063402688547569
-0.024691358024691356654045648611;0.031635802469135804182442939236;0.023148148148148146863167795573;0.082561728395061734220305993404;0.033564814814814818155763731511;0.056712962962962965018931527084;0.003086419753086419581755706076;0.031250000000000000000000000000;0.011188271604938270983864434527;0.006944444444444444058950338672;0.013503086419753085670181214084;0.060570987654320986026679207725;0.017361111111111111882099322656;0.015817901234567902091221469618;0.047453703703703706273664408855;0.014660493827160493013339603863;0.005787037037037036715791948893;0.024305555555555555941049661328;0.043595679012345678327022824305;0.003472222222222222029475169336;0.018132716049382716777538249175;0.009645061728395061192986581489;0.007330246913580246506669801931;0.012345679012345678327022824305;0.032793209876543209790877853038;0.013117283950617283222461750825;0.026620370370370370627366440885;0.075231481481481482509465763542;0.000771604938271604895438926519;0.067901234567901230798625533680;0.020833333333333332176851016015;0.004243827160493826924914095855;0.014660493827160493013339603863;0.005401234567901234268072485634;0.009259259259259258745267118229;0.015046296296296295461059067122;0.004629629629629629372633559115;0.004629629629629629372633559115;0.001929012345679012238597316298;0.004243827160493826924914095855;0.007330246913580246506669801931;0.008101851851851851402108728450;0.000000000000000000000000000000;0.006172839506172839163511412153;0.025848765432098765731927514366;0.004629629629629629372633559115;0.010030864197530863640706044748;0.010416666666666666088425508008;0.011574074074074073431583897786;0.015817901234567902091221469618
-0.028231292517006803532986225491;0.040816326530612241640927351227;0.027891156462585033060097572388;0.027551020408163266056655871239;0.012244897959183672839222900564;0.026870748299319728580325516987;0.003061224489795918209805725141;0.064625850340136056781936702009;0.005782312925170067681446273156;0.007823129251700680977799073901;0.022789115646258503722343391473;0.010884353741496597886562192059;0.014285714285714285268213963320;0.024149659863945578675004099978;0.044217687074829932492026074442;0.013605442176870747791883609068;0.005102040816326530205115918903;0.050000000000000002775557561563;0.058843537414965986498405214888;0.006802721088435373895941804534;0.029251700680272108012758280893;0.002721088435374149471640548015;0.015306122448979591482709494699;0.011564625850340135362892546311;0.033673469387755103343629059509;0.023809523809523808202115446875;0.054421768707482991167534436272;0.042176870748299316593588059732;0.000000000000000000000000000000;0.031292517006802723911196295603;0.014965986394557822744544317572;0.004761904761904762334312479766;0.022448979591836733249454738370;0.003401360544217686947970902267;0.012244897959183672839222900564;0.028231292517006803532986225491;0.017006802721088436908258856306;0.014625850340136054006379140446;0.000000000000000000000000000000;0.006122448979591836419611450282;0.011564625850340135362892546311;0.007482993197278911372272158786;0.000000000000000000000000000000;0.007142857142857142634106981660;0.030952380952380953438307642500;0.009863945578231291672066660681;0.010204081632653060410231837807;0.011904761904761904101057723437;0.038435374149659862208494587321;0.008843537414965987192294605279
-0.028806584362139918409351224682;0.027572016460905349882759551861;0.023456790123456791596900927743;0.053497942386831275063396873293;0.034567901234567897927885127274;0.042386831275720161793518769855;0.003703703703703703845051542487;0.039506172839506172034251818559;0.013991769547325103029145054734;0.010288065843621399184093512247;0.023045267489711935421370370136;0.052263374485596710006252152425;0.016049382716049383906797842769;0.017695473251028805139473121244;0.041975308641975309087435164201;0.016049382716049383906797842769;0.006995884773662551514572527367;0.030864197530864195817557060764;0.039917695473251031679229328120;0.004938271604938271504281477320;0.020987654320987654543717582101;0.009053497942386830657501839426;0.007818930041152263865633642581;0.013991769547325103029145054734;0.035802469135802469923923752049;0.023868312757201647772431485350;0.032921810699588480164656800753;0.030864197530864195817557060764;0.000411522633744855958690123110;0.062962962962962956692258842395;0.027572016460905349882759551861;0.003703703703703703845051542487;0.017695473251028805139473121244;0.004526748971193415328750919713;0.011522633744855967710685185068;0.020164609053497942192656466887;0.009876543209876543008562954640;0.003703703703703703845051542487;0.001646090534979423834760492440;0.005761316872427983855342592534;0.008641975308641974481971281818;0.012757201646090534502553381913;0.000000000000000000000000000000;0.004526748971193415328750919713;0.034979423868312757572862636835;0.008641975308641974481971281818;0.012345679012345678327022824305;0.009876543209876543008562954640;0.021399176954732510719248139708;0.014403292181069959204675612341
-0.026160337552742614353196159982;0.029535864978902953703610023695;0.013502109704641350462761550943;0.094514767932489446300436952697;0.025316455696202531250316170031;0.023347398030942333874149241524;0.003938115330520393884972119025;0.054571026722925457252966197075;0.012376933895921237924198088365;0.007032348804500702932340772122;0.018002812939521800617015401258;0.018002812939521800617015401258;0.015471167369901547838928479450;0.012376933895921237924198088365;0.047257383966244723150218476349;0.014064697609001405864681544244;0.006751054852320675231380775472;0.037974683544303798610197731023;0.063291139240506333329960853007;0.002250351617440225077126925157;0.031786216596343175311289996898;0.001125175808720112538563462579;0.010689170182841068248991156509;0.010126582278481012847071163208;0.024472573839662448147436180079;0.018565400843881856018935394559;0.043037974683544304166371574638;0.048101265822784809722545418254;0.000000000000000000000000000000;0.036568213783403656635950795817;0.021097046413502108797022316367;0.001406469760900140673204328223;0.027566807313642756327443095188;0.002812939521800281346408656447;0.007313642756680731500662506761;0.018565400843881856018935394559;0.018002812939521800617015401258;0.018002812939521800617015401258;0.001406469760900140673204328223;0.003656821378340365750331253381;0.010970464135021097684674629136;0.014345991561181435300365016872;0.000000000000000000000000000000;0.008157524613220815470904234701;0.029254571026722926002650027044;0.010689170182841068248991156509;0.009282700421940928009467697279;0.007313642756680731500662506761;0.030379746835443036806490013646;0.009563994374120955710427693930
-0.020086083213773312655670011395;0.041893830703012911731430989448;0.010616929698708751222957502591;0.022955523672883788866005971840;0.037589670014347202620097476711;0.023529411764705882026404992757;0.005738880918220947216501492960;0.068579626972740309609477549202;0.003730272596843615517253622826;0.005164992826398852321378996066;0.024964131994261118396849497003;0.006599713055954088691823500312;0.010043041606886656327835005698;0.010903873744619799537880489027;0.067431850789096123288679507368;0.018938307030129126334871969561;0.006599713055954088691823500312;0.045624103299856527682365481269;0.065997130559540886918235003122;0.002582496413199426160689498033;0.039885222381635582200587464285;0.002008608321377331265567001140;0.014060258249641320593692483953;0.008034433285509325062268004558;0.021233859397417502445915005183;0.016355810616929700174182471528;0.044763271162123384472319997940;0.070014347202295545979922053448;0.000000000000000000000000000000;0.032137733142037300249072018232;0.027259684361549497977339484578;0.001721664275466284034846187190;0.031563845050215207088672997315;0.004017216642754662531134002279;0.007173601147776183586945997206;0.016355810616929700174182471528;0.015781922525107603544336498658;0.010329985652797704642757992133;0.001147776183644189356564124793;0.002008608321377331265567001140;0.019225251076040172915071480020;0.009756097560975609747635495239;0.000000000000000000000000000000;0.006025824964131994664062741407;0.047058823529411764052809985515;0.009182209469153514852512998345;0.005451936872309899768940244513;0.004878048780487804873817747620;0.024390243902439025236450476086;0.008608321377331419957390501452
-0.027526132404181183344071826014;0.043554006968641117980567400991;0.020905923344947736908228108632;0.045993031358885015646986715865;0.042160278745644597098163330884;0.041811846689895473816456217264;0.003832752613240418115142515987;0.036236933797909411103521648556;0.005574912891986062712934568708;0.004181184668989547034700926531;0.018466898954703832302914889851;0.048083623693379790031698917119;0.016027874564459931167048623024;0.015679442508710800946447605497;0.057491289198606271293456870808;0.010801393728222996939991595866;0.005923344947735192066173848247;0.024738675958188151987604541659;0.037979094076655055267632832283;0.004181184668989547034700926531;0.020905923344947736908228108632;0.004181184668989547034700926531;0.005226480836236934227057027158;0.011846689895470384132347696493;0.033101045296167246057006394722;0.018118466898954705551760824278;0.035888501742160280882920631029;0.075958188153310110535265664566;0.000696864111498257839116821089;0.067944250871080136278123973170;0.020557491289198606687627091105;0.005574912891986062712934568708;0.019163763066202089274669972951;0.003484320557491289195584105443;0.007317073170731707744407490424;0.014285714285714285268213963320;0.013240418118466899810581338670;0.004181184668989547034700926531;0.001742160278745644597792052721;0.003484320557491289195584105443;0.010452961672473868454114054316;0.011149825783972125425869137416;0.000000000000000000000000000000;0.005923344947735192066173848247;0.031358885017421601892895210995;0.004878048780487804873817747620;0.013937282229965156782336421770;0.009407665505226481261757953689;0.020905923344947736908228108632;0.013937282229965156782336421770
-0.024944154877140731207951773740;0.023082650781831720587788936427;0.018987341772151899305098865511;0.254281459419210709160807937224;0.035740878629932984478223545466;0.044676098287416234067226383786;0.002978406552494415517745585120;0.014147431124348472733509574084;0.008562918838421444342468014099;0.005212211466865227481315425706;0.011169024571854058516806595946;0.055845122859270290849309503756;0.014519731943410276245320922328;0.008935219657483246119555886366;0.037230081906180191586575034535;0.010052122114668651450819503168;0.003723008190618019505602198649;0.011541325390915860293894468214;0.023827252419955324141964680962;0.002978406552494415517745585120;0.013402829486224869179333829550;0.005212211466865227481315425706;0.002978406552494415517745585120;0.007818317200297840788292269565;0.035368577810871180966412197222;0.011169024571854058516806595946;0.018615040953090095793287517267;0.093447505584512285947695886534;0.000372300819061801939718198140;0.057334326135517497957660992824;0.015636634400595681576584539130;0.003350707371556217294833457387;0.010424422933730454962630851412;0.002606105733432613740657712853;0.004839910647803424836865815450;0.012658227848101265625158085015;0.005212211466865227481315425706;0.002606105733432613740657712853;0.001861504095309009752801099324;0.004467609828741623059777943183;0.005212211466865227481315425706;0.010424422933730454962630851412;0.000000000000000000000000000000;0.002978406552494415517745585120;0.019359642591213699347463261802;0.001861504095309009752801099324;0.009307520476545047896643758634;0.011169024571854058516806595946;0.011541325390915860293894468214;0.006329113924050632812579042508
-0.025072674418604650597997007822;0.020712209302325580023707018995;0.007630813953488371770284004469;0.105741279069767435405680089389;0.042514534883720929425710011174;0.073401162790697679905171924020;0.002543604651162790879215247486;0.023982558139534884689147986592;0.003270348837209302497036622626;0.003633720930232558089106875698;0.010174418604651163516860989944;0.084665697674418602391988031286;0.015988372093023256459431991061;0.007994186046511628229715995531;0.039607558139534884689147986592;0.013444767441860464712855005587;0.002906976744186046471285500559;0.011627906976744185885142002235;0.033793604651162788277130033521;0.000726744186046511617821375140;0.017805232558139535287144994413;0.002906976744186046471285500559;0.005813953488372092942571001117;0.001090116279069767426732062710;0.031613372093023256459431991061;0.010901162790697674701001496089;0.018895348837209301195994015643;0.109011627906976743540568008939;0.000000000000000000000000000000;0.107558139534883717702840044694;0.034883720930232557655426006704;0.001453488372093023235642750279;0.019258720930232557655426006704;0.001453488372093023235642750279;0.010174418604651163516860989944;0.009811046511627907057428998883;0.002906976744186046471285500559;0.004360465116279069706928250838;0.001453488372093023235642750279;0.002543604651162790879215247486;0.005450581395348837350500748045;0.009811046511627907057428998883;0.000000000000000000000000000000;0.001816860465116279044553437849;0.022529069767441858851420022347;0.003997093023255814114857997765;0.006177325581395348534641254190;0.005450581395348837350500748045;0.014171511627906975896995511732;0.007267441860465116178213751397
-0.029897718332022031606509671064;0.039732494099134540999074260981;0.018095987411487018947653382384;0.057041699449252560027989744640;0.059402045633359559784203440813;0.053894571203776553414144245835;0.002360346184107002358298910139;0.019276160503540518825760230470;0.004327301337529504757228870915;0.005900865460267506329428144340;0.016129032258064515681361683619;0.079464988198269081998148521961;0.013768686073957514190424511469;0.012981904012588512536963136768;0.041699449252557044265365959745;0.016915814319433515600099582343;0.004327301337529504757228870915;0.019669551534225018785129179832;0.040519276160503540917812159705;0.005114083398898505543328507628;0.011408339889850510964763863342;0.004720692368214004716597820277;0.003540519276160503537448365208;0.009441384736428009433195640554;0.038552321007081037651520460940;0.012588512981904012577594187405;0.023603461841070025317712577362;0.107395751376868603399472590354;0.000786782061369000786099636713;0.070416994492525572524321830770;0.035011801730920534547752964727;0.001573564122738001572199273426;0.007474429583005507901627417766;0.005114083398898505543328507628;0.009441384736428009433195640554;0.009047993705743509473826691192;0.009834775767112509392564589916;0.003147128245476003144398546851;0.000393391030684500393049818356;0.003933910306845003930498183564;0.009047993705743509473826691192;0.003540519276160503537448365208;0.000000000000000000000000000000;0.003933910306845003930498183564;0.030684500393391031525247569789;0.003540519276160503537448365208;0.009047993705743509473826691192;0.007867820613690007860996367128;0.013768686073957514190424511469;0.010621557828481511046025964617
-0.020703124999999999306110609609;0.037109375000000000000000000000;0.019531250000000000000000000000;0.182812499999999988897769753748;0.047656249999999997224442438437;0.041015625000000000000000000000;0.004687499999999999826527652402;0.025390625000000000000000000000;0.014843749999999999306110609609;0.007031250000000000173472347598;0.013281249999999999653055304805;0.061718750000000002775557561563;0.008984374999999999306110609609;0.012890624999999999306110609609;0.042578125000000001387778780781;0.017187500000000001387778780781;0.012109375000000000346944695195;0.023828124999999998612221219219;0.023046875000000001387778780781;0.003125000000000000173472347598;0.011718750000000000000000000000;0.005859375000000000000000000000;0.003906250000000000000000000000;0.006640624999999999826527652402;0.026171875000000000693889390391;0.013281249999999999653055304805;0.019531250000000000000000000000;0.065625000000000002775557561563;0.001171874999999999956631913101;0.063281249999999997224442438437;0.022656249999999999306110609609;0.005468749999999999653055304805;0.005468749999999999653055304805;0.002343749999999999913263826201;0.005078125000000000173472347598;0.012500000000000000693889390391;0.005859375000000000000000000000;0.003125000000000000173472347598;0.001171874999999999956631913101;0.005468749999999999653055304805;0.004687499999999999826527652402;0.011718750000000000000000000000;0.000000000000000000000000000000;0.005859375000000000000000000000;0.021874999999999998612221219219;0.004687499999999999826527652402;0.014062500000000000346944695195;0.009374999999999999653055304805;0.009374999999999999653055304805;0.012500000000000000693889390391
-0.020576131687242798368187024494;0.041526374859708191367158036655;0.016835016835016834713112388044;0.149270482603815923816625854670;0.048634493078937524046523321886;0.042648709315375982198403903567;0.003741114852225963221393767455;0.019079685746352412906157169914;0.011223344556677889230500433371;0.006359895248784137346265143975;0.013093901982790871058037751595;0.047512158623269733215277454974;0.013468013468013467423545215240;0.016086793864571641982097460755;0.052375607931163484232151006381;0.017583239805462027444127315334;0.005237560793116348249742753040;0.016086793864571641982097460755;0.017583239805462027444127315334;0.002244668911335578193044781870;0.005985783763561540980757680330;0.003741114852225963221393767455;0.002244668911335578193044781870;0.008230452674897120041164200188;0.032547699214365878594978909177;0.013093901982790871058037751595;0.015712682379349047351313473087;0.112981668537224091974913164904;0.000000000000000000000000000000;0.056116722783389451356672594784;0.021698466142910585729985939452;0.002992891881780770490378840165;0.008978675645342312772179127478;0.004115226337448560020582100094;0.009352787130564909137686591123;0.012345679012345678327022824305;0.002992891881780770490378840165;0.005611672278338944615250216685;0.001870557426112981610696883727;0.003741114852225963221393767455;0.007482229704451926442787534910;0.017209128320239432813343327666;0.000000000000000000000000000000;0.007482229704451926442787534910;0.023943135054246163923030721321;0.003741114852225963221393767455;0.011971567527123081961515360661;0.016086793864571641982097460755;0.010849233071455292864992969726;0.015712682379349047351313473087
-0.019529837251356239186117491613;0.030741410488245930060502431047;0.016274864376130199900005735003;0.200000000000000011102230246252;0.052441229656419528770694427067;0.048462929475587702976557835655;0.002531645569620253211767790802;0.018806509945750452678092656811;0.008318264014466546577009076202;0.005424954792043399677547999005;0.013381555153707052133182919818;0.041952983725135624404334322435;0.010849909584086799355095998010;0.009403254972875226339046328405;0.049186256781193489484582670457;0.014104882459312838641207754620;0.004339963833634719915510746802;0.018083182640144666170067822009;0.022784810126582278472229248223;0.001808318264014466486902521503;0.010849909584086799355095998010;0.003616636528028932973805043005;0.005786618444846292931560416406;0.007956600361663653322996658801;0.024954792043399637996303752630;0.009764918625678119593058745807;0.017721518987341772916055404608;0.109222423146473776589537862947;0.000000000000000000000000000000;0.065461121157323692854035357414;0.017359855334538879662042987206;0.003978300180831826661498329401;0.007956600361663653322996658801;0.003616636528028932973805043005;0.009403254972875226339046328405;0.009041591320072333085033911004;0.006148282097649186185572833807;0.003254972875226039719792625604;0.003616636528028932973805043005;0.003616636528028932973805043005;0.006871609403254972693597668609;0.014466546112115731895220172021;0.000000000000000000000000000000;0.005786618444846292931560416406;0.023508137432188064980254083025;0.003978300180831826661498329401;0.008318264014466546577009076202;0.008318264014466546577009076202;0.010849909584086799355095998010;0.006148282097649186185572833807
-0.010835913312693498666838820554;0.087925696594427241170599529596;0.006501547987616099026630944735;0.093808049535603718616094681693;0.043034055727554178238936088974;0.014551083591331269787016999828;0.009287925696594426933083710196;0.045201238390092879360082633866;0.002476780185758514080118786183;0.003405572755417956860163331001;0.010835913312693498666838820554;0.014551083591331269787016999828;0.006501547987616099026630944735;0.004643962848297213466541855098;0.096904024767801855144710998502;0.009907120743034056320475144730;0.004334365325077399640207875819;0.028173374613003097227670323832;0.031888544891640870082571979083;0.002786377708978328340133634455;0.016408668730650156214467827454;0.002167182662538699820103937910;0.002786377708978328340133634455;0.004334365325077399640207875819;0.013931888544891640399625565294;0.012383900928792570400593930913;0.020743034055727554987313965285;0.188235294117647056211239942058;0.000000000000000000000000000000;0.033746130030959754775299330731;0.022291021671826626721069075643;0.001857585139318885343248655140;0.013003095975232198053261889470;0.002786377708978328340133634455;0.005263157894736841986571551644;0.007430340557275541372994620559;0.004334365325077399640207875819;0.008668730650154799280415751639;0.001857585139318885343248655140;0.001547987616099071300074241364;0.018885448916408670294586613636;0.005882352941176470506601248189;0.000000000000000000000000000000;0.003405572755417956860163331001;0.048606811145510839256012047827;0.005263157894736841986571551644;0.002786377708978328340133634455;0.006191950464396285200296965456;0.008359133126934984586720034372;0.009287925696594426933083710196
-0.026562499999999999306110609609;0.037499999999999998612221219219;0.022265625000000000693889390391;0.061718750000000002775557561563;0.031640624999999998612221219219;0.053906250000000002775557561563;0.002343749999999999913263826201;0.021093750000000001387778780781;0.011718750000000000000000000000;0.008984374999999999306110609609;0.021874999999999998612221219219;0.057031249999999998612221219219;0.013671875000000000000000000000;0.020312500000000000693889390391;0.028515624999999999306110609609;0.020312500000000000693889390391;0.007812500000000000000000000000;0.026953125000000001387778780781;0.023046875000000001387778780781;0.004296875000000000346944695195;0.009765625000000000000000000000;0.007031250000000000173472347598;0.004296875000000000346944695195;0.017187500000000001387778780781;0.039453124999999998612221219219;0.021874999999999998612221219219;0.018359375000000000693889390391;0.087109375000000002775557561563;0.000390625000000000021684043450;0.074999999999999997224442438437;0.037109375000000000000000000000;0.005859375000000000000000000000;0.007421874999999999653055304805;0.005859375000000000000000000000;0.007812500000000000000000000000;0.016406250000000000693889390391;0.007031250000000000173472347598;0.007812500000000000000000000000;0.000390625000000000021684043450;0.009765625000000000000000000000;0.007812500000000000000000000000;0.017187500000000001387778780781;0.000000000000000000000000000000;0.008203125000000000346944695195;0.021093750000000001387778780781;0.005859375000000000000000000000;0.013671875000000000000000000000;0.016406250000000000693889390391;0.013281249999999999653055304805;0.008984374999999999306110609609
-0.025700038358266206334201697814;0.032220943613348679290808718179;0.017644802454929036511499518269;0.151898734177215194440790924091;0.028001534330648253368067912561;0.029919447640966628787495551478;0.006137322593018795270636278616;0.035289604909858073022999036539;0.002685078634445722985113480519;0.006520905255082470354521806399;0.017644802454929036511499518269;0.023782125047947834384221010851;0.010356731875719216856568394292;0.009205983889528193339635286918;0.055619485999232831652250297338;0.011507479861910242108224977642;0.007288070579209819654931123978;0.024549290372075181082545114464;0.041043344840813192342388049383;0.004602991944764096669817643459;0.019946298427311087014812684970;0.003452243958573072285522798097;0.005753739930955121054112488821;0.009589566551591868423520814702;0.027234369006520906669743808948;0.023014959723820484216449955284;0.038741848868431148777968786590;0.088607594936708861110830071084;0.001534330648254698817659069654;0.033371691599539697603571397622;0.023398542385884159300335483067;0.006520905255082470354521806399;0.016110471806674339645404359089;0.004986574606827771753703171242;0.009205983889528193339635286918;0.012274645186037590541272557232;0.008822401227464518255749759135;0.009205983889528193339635286918;0.000383582662063674704414767413;0.004986574606827771753703171242;0.014576141158419639309862247956;0.004602991944764096669817643459;0.000000000000000000000000000000;0.005370157268891445970226961037;0.030686612965093978955266607045;0.008055235903337169822702179545;0.011123897199846567024339449858;0.008055235903337169822702179545;0.020713463751438433713136788583;0.008055235903337169822702179545
-0.031863814927979045021899651147;0.018332605848974246887106431814;0.017023134002618942051121564418;0.101265822784810125001264680122;0.033609777389786120449510775643;0.063291139240506333329960853007;0.003055434308162374625744694967;0.020515058926233085967449909504;0.008729812309035356321373910760;0.003928415539065910171145912244;0.023570493234395459292151997488;0.056307289393278045497304162836;0.018769096464426014009285736961;0.013531209079004801604240171287;0.034482758620689654693869385937;0.019205587079877781131465042108;0.006547359231776516373668695081;0.021388040157136620211808519798;0.041466608467917942526526076108;0.003928415539065910171145912244;0.018769096464426014009285736961;0.010039284155390659422635302178;0.010039284155390659422635302178;0.008293321693583587464471129636;0.043212570929725011015243296697;0.014840680925360104705501562705;0.024879965080750764128136864883;0.056743780008729809150036516030;0.000000000000000000000000000000;0.058926233085988648230379993720;0.029244871235268442288823820263;0.006983849847228284363209738217;0.013094718463553032747337390163;0.003928415539065910171145912244;0.014840680925360104705501562705;0.010039284155390659422635302178;0.005237887385421213272407303663;0.007420340462680052352750781353;0.002182453077258839080343477690;0.006983849847228284363209738217;0.005237887385421213272407303663;0.011785246617197729646075998744;0.000000000000000000000000000000;0.006547359231776516373668695081;0.021388040157136620211808519798;0.006547359231776516373668695081;0.014840680925360104705501562705;0.013094718463553032747337390163;0.018769096464426014009285736961;0.015277171540811871827680867852
-0.038359788359788357658963775521;0.010912698412698412092636246484;0.040674603174603175814727507031;0.000330687830687830669473825651;0.005291005291005290711581210417;0.037367724867724869119989250521;0.001653439153439153347369128255;0.033399470899470901086303342709;0.010582010582010581423162420833;0.020502645502645501507377190364;0.033068783068783066947382565104;0.026124338624338622888432226432;0.019179894179894178829481887760;0.052910052910052907115812104166;0.011904761904761904101057723437;0.020171957671957670837903364713;0.011904761904761904101057723437;0.038359788359788357658963775521;0.024801587301587300210536923828;0.011243386243386242762110072135;0.020502645502645501507377190364;0.008597883597883597406319466927;0.015211640211640210795795979948;0.022156084656084654854746318620;0.044642857142857143848413414844;0.036375661375661373642120821614;0.045965608465608466526308717448;0.002314814814814814686316779557;0.000661375661375661338947651302;0.025793650793650792218958400781;0.022156084656084654854746318620;0.008267195767195766736845641276;0.014550264550264549456848328646;0.005952380952380952050528861719;0.029431216931216929583170482942;0.040674603174603175814727507031;0.023148148148148146863167795573;0.007275132275132274728424164323;0.000992063492063492008421476953;0.009259259259259258745267118229;0.004960317460317460042107384766;0.006613756613756613389476513021;0.000000000000000000000000000000;0.013888888888888888117900677344;0.003306878306878306694738256510;0.011574074074074073431583897786;0.030092592592592590922118134245;0.027116402116402114896853703385;0.053571428571428568454759755468;0.016203703703703702804217456901
-0.019817073170731707570935142826;0.033536585365853660567481142607;0.011051829268292682334484666740;0.155868902439024403783207617380;0.078125000000000000000000000000;0.025533536585365852050744095436;0.005335365853658536987313976141;0.036585365853658534385228762176;0.003048780487804878154556309511;0.006478658536585365536331071468;0.012195121951219512618225238043;0.025533536585365852050744095436;0.011814024390243902523645047609;0.012957317073170731072662142935;0.072027439024390238486716953048;0.012957317073170731072662142935;0.006859756097560975630911261902;0.022484756097560974763549523914;0.040777439024390245425610856955;0.002667682926829268493656988070;0.016006097560975610094580190434;0.003429878048780487815455630951;0.006097560975609756309112619022;0.007240853658536585725491452337;0.019435975609756097476354952391;0.013719512195121951261822523804;0.030868902439024389905419809566;0.076981707317073169716259428697;0.000381097560975609769319538689;0.044207317073170729337938666959;0.015243902439024389905419809566;0.001143292682926829199538398818;0.017911585365853657098034190653;0.003048780487804878154556309511;0.007240853658536585725491452337;0.014100609756097561356402714239;0.009527439024390243690887380978;0.004192073170731707570935142826;0.000000000000000000000000000000;0.002667682926829268493656988070;0.009146341463414633596307190544;0.005716463414634146214532428587;0.000000000000000000000000000000;0.004573170731707316798153595272;0.048399390243902440378320761738;0.007240853658536585725491452337;0.006478658536585365536331071468;0.007240853658536585725491452337;0.013338414634146341167242333370;0.008765243902439025236450476086
-0.010030864197530863640706044748;0.051311728395061727281412089496;0.005787037037037036715791948893;0.095679012345679007034426888367;0.075231481481481482509465763542;0.021990740740740741254732881771;0.010802469135802468536144971267;0.033950617283950615399312766840;0.004629629629629629372633559115;0.004243827160493826924914095855;0.006558641975308641611230875412;0.011959876543209875879303361046;0.006558641975308641611230875412;0.006172839506172839163511412153;0.104166666666666671292595935938;0.008101851851851851402108728450;0.004243827160493826924914095855;0.021219135802469136359293955252;0.037037037037037034981068472916;0.001157407407407407343158389779;0.018518518518518517490534236458;0.001157407407407407343158389779;0.001543209876543209790877853038;0.005015432098765431820353022374;0.020061728395061727281412089496;0.011188271604938270983864434527;0.028163580246913580418244293924;0.151620370370370377566260344793;0.002314814814814814686316779557;0.037422839506172839163511412153;0.020447530864197531463855028733;0.004243827160493826924914095855;0.012731481481481480774742287565;0.002700617283950617134036242817;0.004629629629629629372633559115;0.006172839506172839163511412153;0.004629629629629629372633559115;0.005787037037037036715791948893;0.001543209876543209790877853038;0.002314814814814814686316779557;0.017361111111111111882099322656;0.012345679012345678327022824305;0.000000000000000000000000000000;0.004629629629629629372633559115;0.064814814814814811216869827604;0.005787037037037036715791948893;0.006558641975308641611230875412;0.006944444444444444058950338672;0.008487654320987653849828191710;0.010030864197530863640706044748
-0.012878787878787878451447568295;0.070075757575757569028951365908;0.010227272727272727209646419055;0.121969696969696964061746768948;0.045075757575757574580066489034;0.019696969696969695434729530348;0.011363636363636363951767904723;0.037878787878787879839226349077;0.001893939393939393991961317454;0.004924242424242423858682382587;0.010984848484848484459486250842;0.009848484848484847717364765174;0.007196969696969697342925353922;0.006439393939393939225723784148;0.078030303030303033162695669489;0.005303030303030303350964036468;0.006439393939393939225723784148;0.026893939393939393645016622258;0.034090909090909088385856762216;0.002272727272727272616881233347;0.022348484848484850145977631541;0.003030303030303030300401934127;0.003787878787878787983922634908;0.012500000000000000693889390391;0.010984848484848484459486250842;0.006060606060606060600803868255;0.020075757575757576661734660206;0.194696969696969701679734043864;0.000757575757575757575100483532;0.034848484848484850839867021932;0.007575757575757575967845269815;0.003409090909090908925321850020;0.010984848484848484459486250842;0.001893939393939393991961317454;0.004545454545454545233762466694;0.012121212121212121201607736509;0.006439393939393939225723784148;0.004166666666666666608842550801;0.000000000000000000000000000000;0.003787878787878787983922634908;0.014393939393939394685850707845;0.010984848484848484459486250842;0.000000000000000000000000000000;0.003030303030303030300401934127;0.044318181818181819064950133225;0.008333333333333333217685101602;0.010606060606060606701928072937;0.003030303030303030300401934127;0.008712121212121212709966755483;0.009090909090909090467524933388
-0.022115384615384616612265844537;0.021634615384615384081623545853;0.012980769230769231489808213098;0.077884615384615385469402326635;0.061057692307692305877520055901;0.062019230769230770938804653269;0.001442307692307692387756468122;0.019711538461538460897948255024;0.007211538461538461938782340610;0.008173076923076923530619986025;0.013461538461538462285727035805;0.089423076923076924571454071611;0.016826923076923076122435318780;0.020673076923076922489785900439;0.038461538461538463673505816587;0.014423076923076923877564681220;0.004807692307692307959188227073;0.007211538461538461938782340610;0.030769230769230770938804653269;0.003365384615384615571431758951;0.012980769230769231489808213098;0.005769230769230769551025872488;0.003365384615384615571431758951;0.007692307692307692734701163317;0.031250000000000000000000000000;0.012019230769230769897970567683;0.017307692307692308653077617464;0.066826923076923075428545928389;0.000000000000000000000000000000;0.117307692307692307265298836683;0.046634615384615385469402326635;0.004807692307692307959188227073;0.010576923076923077510214099561;0.002403846153846153979594113537;0.008173076923076923530619986025;0.008653846153846154326538808732;0.001923076923076923183675290829;0.009134615384615385122457631439;0.000480769230769230795918822707;0.006250000000000000346944695195;0.007211538461538461938782340610;0.003846153846153846367350581659;0.000000000000000000000000000000;0.004807692307692307959188227073;0.028365384615384615224487063756;0.001442307692307692387756468122;0.016826923076923076122435318780;0.012980769230769231489808213098;0.007692307692307692734701163317;0.009615384615384615918376454147
-0.031547619047619046561692357500;0.007738095238095238359576910625;0.017261904761904763028201870156;0.086904761904761901325500161875;0.045238095238095236971798129844;0.081547619047619049337249919063;0.000000000000000000000000000000;0.009523809523809524668624959531;0.010119047619047619526733150508;0.011904761904761904101057723437;0.011309523809523809242949532461;0.132738095238095238359576910625;0.010119047619047619526733150508;0.010714285714285714384841341484;0.007142857142857142634106981660;0.021428571428571428769682682969;0.007738095238095238359576910625;0.016666666666666666435370203203;0.030357142857142856845475975547;0.004761904761904762334312479766;0.011309523809523809242949532461;0.007738095238095238359576910625;0.007142857142857142634106981660;0.007142857142857142634106981660;0.035119047619047619179788455313;0.012500000000000000693889390391;0.018452380952380952744418252109;0.013095238095238095551997581367;0.000595238095238095291789059971;0.133333333333333331482961625625;0.072023809523809517729731055624;0.003571428571428571317053490830;0.011309523809523809242949532461;0.002976190476190476025264430859;0.004166666666666666608842550801;0.010119047619047619526733150508;0.013095238095238095551997581367;0.004761904761904762334312479766;0.000595238095238095291789059971;0.003571428571428571317053490830;0.002380952380952381167156239883;0.005357142857142857192420670742;0.000000000000000000000000000000;0.005357142857142857192420670742;0.005952380952380952050528861719;0.005357142857142857192420670742;0.013095238095238095551997581367;0.011309523809523809242949532461;0.014285714285714285268213963320;0.009523809523809524668624959531
-0.047637195121951220189160380869;0.003810975609756097476354952391;0.021341463414634147949255904564;0.026295731707317072239904476305;0.043826219512195119243358476524;0.086890243902439018297556572179;0.000381097560975609769319538689;0.009527439024390243690887380978;0.009146341463414633596307190544;0.007621951219512194952709904783;0.020579268292682927760095523695;0.112804878048780490851221713910;0.022865853658536584858129714348;0.018292682926829267192614381088;0.006478658536585365536331071468;0.025152439024390245425610856955;0.003429878048780487815455630951;0.007240853658536585725491452337;0.032393292682926830283740571303;0.004192073170731707570935142826;0.012195121951219512618225238043;0.005716463414634146214532428587;0.006478658536585365536331071468;0.010289634146341463880047761847;0.056402439024390245425610856955;0.029344512195121949527099047828;0.019817073170731707570935142826;0.005335365853658536987313976141;0.000000000000000000000000000000;0.112423780487804880756641523476;0.068216463414634151418702856517;0.001905487804878048738177476196;0.014481707317073171450982904673;0.005335365853658536987313976141;0.016006097560975610094580190434;0.012957317073170731072662142935;0.006097560975609756309112619022;0.008003048780487805047290095217;0.002286585365853658399076797636;0.004954268292682926892733785706;0.001143292682926829199538398818;0.008765243902439025236450476086;0.000000000000000000000000000000;0.006097560975609756309112619022;0.006859756097560975630911261902;0.005716463414634146214532428587;0.015243902439024389905419809566;0.015625000000000000000000000000;0.017149390243902440378320761738;0.015243902439024389905419809566
-0.031563845050215207088672997315;0.002869440459110473608250746480;0.015423242467718794451725372596;0.001434720229555236804125373240;0.078550932568149212098518319181;0.091104734576757537278801635239;0.002510760401721664081958751424;0.013988522238163558081280868350;0.003228120516499282700861872542;0.011836441893830703525614111982;0.019368723098995694470447759272;0.111549497847919662496529724649;0.015781922525107603544336498658;0.012912482065997130803447490166;0.008608321377331419957390501452;0.024031563845050216143839350025;0.004662840746054519071306376787;0.016857962697274030822169876842;0.035868005738880916200006510053;0.005021520803443328163917502849;0.017575322812051649007392128965;0.002152080344332854989347625363;0.003228120516499282700861872542;0.012553802008608321710836364105;0.041248206599713052589173400975;0.018651362984218076285225507149;0.021879483500717361588172593656;0.002152080344332854989347625363;0.000358680057388809201031343310;0.159253945480631264874915586915;0.057388809182209468695567977647;0.006814921090387374494334871144;0.013988522238163558081280868350;0.004662840746054519071306376787;0.012195121951219512618225238043;0.013988522238163558081280868350;0.007173601147776183586945997206;0.007890961262553801772168249329;0.000000000000000000000000000000;0.005021520803443328163917502849;0.002869440459110473608250746480;0.001434720229555236804125373240;0.000000000000000000000000000000;0.007890961262553801772168249329;0.010043041606886656327835005698;0.006456241032998565401723745083;0.011477761836441894433002985920;0.012195121951219512618225238043;0.019727403156384503563058885334;0.012553802008608321710836364105
-0.025806451612903225784068084181;0.014112903225806451221191473167;0.015322580645161289550348904243;0.045967741935483870385770188705;0.049596774193548388842689433886;0.068145161290322581182365979657;0.002419354838709677525676600141;0.019354838709677420205412801124;0.008064516129032257840680841809;0.002419354838709677525676600141;0.021370967741935482930859535600;0.108064516129032256452902061028;0.019354838709677420205412801124;0.017338709677419354010519114695;0.026209677419354839716936211858;0.016129032258064515681361683619;0.003629032258064516288514900211;0.015322580645161289550348904243;0.040322580645161289203404209047;0.003629032258064516288514900211;0.014919354838709677352204252543;0.003629032258064516288514900211;0.008064516129032257840680841809;0.010483870967741936233719179938;0.041532258064516131002008592077;0.013709677419354839023046821467;0.023790322580645159589174397752;0.020161290322580644601702104524;0.000000000000000000000000000000;0.108467741935483877324664092612;0.054032258064516128226451030514;0.005241935483870968116859589969;0.012500000000000000693889390391;0.005645161290322580315004241669;0.013709677419354839023046821467;0.013709677419354839023046821467;0.008467741935483871773548969486;0.010080645161290322300851052262;0.003629032258064516288514900211;0.003225806451612903223008510523;0.002822580645161290157502120834;0.013709677419354839023046821467;0.000000000000000000000000000000;0.007661290322580644775174452121;0.022983870967741935192885094352;0.008064516129032257840680841809;0.008870967741935483971693621186;0.008064516129032257840680841809;0.019354838709677420205412801124;0.010887096774193548431863831638
-0.043650793650793648370544985937;0.010141093474426807197197319965;0.019841269841269840168429539062;0.045855379188712519500370490277;0.023809523809523808202115446875;0.080687830687830683351613458854;0.003968253968253968033685907812;0.016313932980599646360708732118;0.019841269841269840168429539062;0.007495590828924161841406714757;0.020282186948853614394394639930;0.092592592592592587452671182291;0.019400352733686065942464438194;0.025573192239858905105975850347;0.011904761904761904101057723437;0.030423280423280421591591959896;0.003527336860670193807720806944;0.015873015873015872134743631250;0.025573192239858905105975850347;0.003086419753086419581755706076;0.016313932980599646360708732118;0.008377425044091710293336916493;0.004850088183421516485616109549;0.014109347442680775230883227778;0.054232804232804229793707406770;0.020282186948853614394394639930;0.020282186948853614394394639930;0.011022927689594355649127521701;0.000000000000000000000000000000;0.076719576719576715317927551041;0.057760141093474423601428213715;0.004850088183421516485616109549;0.015873015873015872134743631250;0.005291005291005290711581210417;0.013227513227513226778953026042;0.014991181657848323682813429514;0.005731922398589064937546311285;0.007054673721340387615441613889;0.003086419753086419581755706076;0.005291005291005290711581210417;0.002204585537918871129825504340;0.014991181657848323682813429514;0.000000000000000000000000000000;0.008377425044091710293336916493;0.015432098765432097908778530382;0.007495590828924161841406714757;0.018959435626102291716499337326;0.014991181657848323682813429514;0.017195767195767194812638933854;0.021164021164021162846324841667
-0.042241379310344828734713473750;0.012500000000000000693889390391;0.028017241379310345306130614063;0.057758620689655169877507745468;0.025000000000000001387778780781;0.069396551724137930938773877187;0.002155172413793103418366836621;0.012500000000000000693889390391;0.008620689655172413673467346484;0.007758620689655172306120611836;0.014655172413793103244894489023;0.105172413793103450285748579063;0.015517241379310344612241223672;0.026293103448275862571437144766;0.006465517241379310255100509863;0.028448275862068966857165719375;0.005172413793103448204080407891;0.009913793103448276591849186445;0.027155172413793102204060403437;0.002155172413793103418366836621;0.008620689655172413673467346484;0.005172413793103448204080407891;0.003017241379310344785713571270;0.012931034482758620510201019727;0.063362068965517243102070210625;0.017672413793103448897969798281;0.020258620689655171265286526250;0.011206896551724137775507550430;0.000431034482758620683673367324;0.094396551724137925387658754062;0.076293103448275861877547754375;0.005603448275862068887753775215;0.009482758620689655040814081133;0.007327586206896551622447244512;0.011637931034482759326542655742;0.011637931034482759326542655742;0.008189655172413793857155717149;0.009051724137931035224502451797;0.000862068965517241367346734648;0.006034482758620689571427142539;0.005172413793103448204080407891;0.008189655172413793857155717149;0.000000000000000000000000000000;0.009051724137931035224502451797;0.009051724137931035224502451797;0.006034482758620689571427142539;0.021982758620689653999979995547;0.019396551724137931632663267578;0.013793103448275861877547754375;0.017241379310344827346934692969
-0.035227272727272725127978247883;0.009848484848484847717364765174;0.018939393939393939919613174538;0.053787878787878787290033244517;0.051136363636363639517679047231;0.091666666666666660190365689687;0.000757575757575757575100483532;0.011363636363636363951767904723;0.006818181818181817850643700041;0.006060606060606060600803868255;0.015151515151515151935690539631;0.108712121212121218261081878609;0.021969696969696968918972501683;0.015909090909090907450806895440;0.007954545454545453725403447720;0.018181818181818180935049866775;0.002272727272727272616881233347;0.013257575757575757943729222177;0.039015151515151516581347834745;0.004924242424242423858682382587;0.012121212121212121201607736509;0.003787878787878787983922634908;0.003787878787878787983922634908;0.012878787878787878451447568295;0.047348484848484848064309460369;0.014772727272727272443408885749;0.017803030303030303177491688871;0.027651515151515152629579930021;0.000378787878787878787550241766;0.129166666666666679619268620627;0.051515151515151513805790273182;0.003409090909090908925321850020;0.007196969696969697342925353922;0.003409090909090908925321850020;0.010606060606060606701928072937;0.009469696969696969959806587269;0.007575757575757575967845269815;0.007954545454545453725403447720;0.000378787878787878787550241766;0.006060606060606060600803868255;0.002651515151515151675482018234;0.007196969696969697342925353922;0.000000000000000000000000000000;0.007954545454545453725403447720;0.009469696969696969959806587269;0.003409090909090908925321850020;0.012878787878787878451447568295;0.016287878787878788677812025298;0.013257575757575757943729222177;0.016666666666666666435370203203
-0.019841269841269840168429539062;0.004409171075837742259651008681;0.018959435626102291716499337326;0.082451499118165780255473862326;0.048500881834215164856161095486;0.093915343915343910130566484895;0.000440917107583774225965100868;0.005291005291005290711581210417;0.011904761904761904101057723437;0.002645502645502645355790605208;0.012786596119929452552987925174;0.135802469135802461597251067360;0.016754850088183420586673832986;0.012345679012345678327022824305;0.004409171075837742259651008681;0.024250440917107582428080547743;0.006613756613756613389476513021;0.010141093474426807197197319965;0.028659611992945324687731556423;0.003086419753086419581755706076;0.006613756613756613389476513021;0.003527336860670193807720806944;0.003968253968253968033685907812;0.010141093474426807197197319965;0.037477954144620809207033573784;0.011022927689594355649127521701;0.011904761904761904101057723437;0.017195767195767194812638933854;0.000440917107583774225965100868;0.141093474426807752308832277777;0.082010582010582006029508761458;0.004409171075837742259651008681;0.009700176366843032971232219097;0.003086419753086419581755706076;0.003968253968253968033685907812;0.008377425044091710293336916493;0.003968253968253968033685907812;0.010141093474426807197197319965;0.003968253968253968033685907812;0.001763668430335096903860403472;0.002204585537918871129825504340;0.010141093474426807197197319965;0.000000000000000000000000000000;0.006172839506172839163511412153;0.010582010582010581423162420833;0.003086419753086419581755706076;0.014991181657848323682813429514;0.009259259259259258745267118229;0.013668430335097001004918126910;0.011904761904761904101057723437
-0.021774193548387096863727663276;0.011290322580645160630008483338;0.018145161290322581876255370048;0.122983870967741937274553265524;0.054838709677419356092187285867;0.067338709677419353316629724304;0.002419354838709677525676600141;0.014516129032258065154059600843;0.010080645161290322300851052262;0.006048387096774193380510631357;0.014919354838709677352204252543;0.091129032258064512905804122056;0.016935483870967743547097938972;0.012903225806451612892034042090;0.015322580645161289550348904243;0.017338709677419354010519114695;0.003629032258064516288514900211;0.014919354838709677352204252543;0.031048387096774193033565936162;0.002822580645161290157502120834;0.013709677419354839023046821467;0.003225806451612903223008510523;0.005645161290322580315004241669;0.008870967741935483971693621186;0.039516129032258061337667953694;0.010887096774193548431863831638;0.014112903225806451221191473167;0.022983870967741935192885094352;0.000403225806451612902876063815;0.131048387096774188176340203427;0.044758064516129035526059709582;0.004032258064516128920340420905;0.012903225806451612892034042090;0.004032258064516128920340420905;0.004435483870967741985846810593;0.011290322580645160630008483338;0.004838709677419355051353200281;0.011290322580645160630008483338;0.002016129032258064460170210452;0.005241935483870968116859589969;0.003225806451612903223008510523;0.010483870967741936233719179938;0.000000000000000000000000000000;0.004435483870967741985846810593;0.022177419354838710796595790953;0.007258064516129032577029800422;0.014516129032258065154059600843;0.007661290322580644775174452121;0.015322580645161289550348904243;0.009274193548387096169838272885
-0.023414218816517666510446105121;0.005108556832694764043845125912;0.026819923371647510362825173047;0.094508301404853126137517449479;0.087696892294593445371653217535;0.071945508727117926661698277258;0.003405704555129842551336460943;0.018731375053214132514467493706;0.012345679012345678327022824305;0.005108556832694764043845125912;0.015751383567475522179401892231;0.076628352490421450249336032812;0.018731375053214132514467493706;0.015325670498084290396811901758;0.008514261387824606161500717860;0.011919965942954448279156309809;0.002554278416347382021922562956;0.014474244359301830301078872765;0.039165602383993185220401045399;0.003831417624521072599202975439;0.019157088122605362562334008203;0.006385696040868455054806407389;0.007237122179650915150539436382;0.012771392081736910109612814779;0.035334184759472114789602414930;0.010217113665389528087690251823;0.017879948914431672418734464713;0.014048531289910600253212358268;0.001702852277564921275668230471;0.141336739037888459158409659722;0.027245636441038740410691687543;0.003405704555129842551336460943;0.013197105151128140157479329275;0.004682843763303533128616873427;0.011068539804171988183423280816;0.011068539804171988183423280816;0.005534269902085994091711640408;0.003405704555129842551336460943;0.002128565346956151540375179465;0.005959982971477224139578154904;0.002554278416347382021922562956;0.009791400595998296305100261350;0.000000000000000000000000000000;0.007237122179650915150539436382;0.016602809706257982275134921224;0.005108556832694764043845125912;0.010217113665389528087690251823;0.010642826734780758135556766319;0.015751383567475522179401892231;0.012345679012345678327022824305
-0.051140833988985050229114648346;0.000786782061369000786099636713;0.022816679779701021929527726684;0.046813532651455547206609253408;0.027537372147915028380849022938;0.088512981904012591471975213153;0.001180173092053501179149455069;0.005114083398898505543328507628;0.009441384736428009433195640554;0.006687647521636507115527781053;0.018095987411487018947653382384;0.125491738788355622347125972738;0.026357199055861525033295222897;0.019276160503540518825760230470;0.005900865460267506329428144340;0.032651455546813534791539268554;0.002360346184107002358298910139;0.010621557828481511046025964617;0.031471282454760031443985468513;0.005114083398898505543328507628;0.011014948859166011005394913980;0.003933910306845003930498183564;0.004720692368214004716597820277;0.012195121951219512618225238043;0.063335955940204566316786838343;0.019669551534225018785129179832;0.018095987411487018947653382384;0.001180173092053501179149455069;0.000000000000000000000000000000;0.105822187254130603561996792905;0.065696302124311559134106630609;0.003147128245476003144398546851;0.009441384736428009433195640554;0.005114083398898505543328507628;0.017702596380802518988284433021;0.007867820613690007860996367128;0.003933910306845003930498183564;0.012588512981904012577594187405;0.002360346184107002358298910139;0.003933910306845003930498183564;0.001180173092053501179149455069;0.003933910306845003930498183564;0.000000000000000000000000000000;0.007474429583005507901627417766;0.006687647521636507115527781053;0.003540519276160503537448365208;0.018095987411487018947653382384;0.021636506687647522051420878597;0.012981904012588512536963136768;0.015342250196695515762623784894
-0.032327586206896553877587763282;0.018103448275862070449004903594;0.016810344827586205795899587656;0.040948275862068964081608157812;0.019396551724137931632663267578;0.078879310344827591183758386251;0.000431034482758620683673367324;0.015517241379310344612241223672;0.010775862068965517959195921094;0.008620689655172413673467346484;0.020258620689655171265286526250;0.103017241379310342530573052500;0.017672413793103448897969798281;0.016810344827586205795899587656;0.018534482758620688530593056953;0.031896551724137932326552657969;0.003448275862068965469386938594;0.019827586206896553183698372891;0.024137931034482758285708570156;0.003017241379310344785713571270;0.015086206896551724795929594336;0.005603448275862068887753775215;0.003448275862068965469386938594;0.011206896551724137775507550430;0.058620689655172412979577956094;0.021120689655172414367356736875;0.024137931034482758285708570156;0.022413793103448275551015100859;0.000000000000000000000000000000;0.083189655172413792816321631562;0.074568965517241375673407333124;0.007758620689655172306120611836;0.008620689655172413673467346484;0.003879310344827586153060305918;0.012931034482758620510201019727;0.012931034482758620510201019727;0.010344827586206896408160815781;0.009913793103448276591849186445;0.000862068965517241367346734648;0.006034482758620689571427142539;0.007758620689655172306120611836;0.008620689655172413673467346484;0.000000000000000000000000000000;0.007327586206896551622447244512;0.010344827586206896408160815781;0.006034482758620689571427142539;0.013362068965517242061236125039;0.014655172413793103244894489023;0.017672413793103448897969798281;0.021120689655172414367356736875
-0.037962962962962962243373965521;0.011111111111111111535154627461;0.025000000000000001387778780781;0.042592592592592591616007524635;0.030092592592592590922118134245;0.075925925925925924486747931041;0.000925925925925925961262885622;0.014814814814814815380206169948;0.011574074074074073431583897786;0.006018518518518518531368322044;0.018055555555555553859381490156;0.107870370370370366464030098541;0.024537037037037037756626034479;0.021759259259259259439156508620;0.015277777777777777276635440273;0.032870370370370369239587660104;0.004166666666666666608842550801;0.018055555555555553859381490156;0.032407407407407405608434913802;0.001388888888888888941894328433;0.012037037037037037062736644089;0.006018518518518518531368322044;0.005092592592592593003786305417;0.010185185185185186007572610833;0.056944444444444443365060948281;0.021759259259259259439156508620;0.020370370370370372015145221667;0.017129629629629630066522949505;0.000000000000000000000000000000;0.068981481481481476958350640416;0.072685185185185186007572610833;0.002314814814814814686316779557;0.007870370370370369586532355299;0.006481481481481481295159330358;0.009722222222222222376419864531;0.012962962962962962590318660716;0.006018518518518518531368322044;0.010648148148148147904001881159;0.000000000000000000000000000000;0.005092592592592593003786305417;0.005555555555555555767577313730;0.006481481481481481295159330358;0.000000000000000000000000000000;0.011574074074074073431583897786;0.013888888888888888117900677344;0.006944444444444444058950338672;0.018055555555555553859381490156;0.016666666666666666435370203203;0.016203703703703702804217456901;0.019907407407407408383992475365
-0.038392857142857145236192195625;0.007589285714285714211368993887;0.018749999999999999306110609609;0.118749999999999994448884876874;0.012946428571428572271151402617;0.064732142857142863090480489063;0.000446428571428571414631686354;0.012500000000000000693889390391;0.009821428571428571230317317031;0.006696428571428571056844969434;0.015625000000000000000000000000;0.075892857142857136909519510937;0.022767857142857141766745243672;0.020982142857142855457697194765;0.012053571428571429116627378164;0.024553571428571428075793292578;0.002678571428571428596210335371;0.016964285714285712997062560703;0.027232142857142857539365365938;0.005803571428571428769682682969;0.015625000000000000000000000000;0.010267857142857142807579329258;0.008482142857142856498531280351;0.011607142857142857539365365938;0.049553571428571425994125121406;0.018749999999999999306110609609;0.021428571428571428769682682969;0.034375000000000002775557561563;0.000000000000000000000000000000;0.053124999999999998612221219219;0.063839285714285709527615608749;0.004910714285714285615158658516;0.014732142857142856845475975547;0.005357142857142857192420670742;0.015178571428571428422737987773;0.012946428571428572271151402617;0.009374999999999999653055304805;0.007589285714285714211368993887;0.003571428571428571317053490830;0.016071428571428569842538536250;0.003125000000000000173472347598;0.010267857142857142807579329258;0.000000000000000000000000000000;0.004464285714285714037896646289;0.012500000000000000693889390391;0.007142857142857142634106981660;0.016964285714285712997062560703;0.020535714285714285615158658516;0.017857142857142856151586585156;0.015178571428571428422737987773
-0.042469135802469137885850614111;0.006913580246913580626411111041;0.030123456790123456089380837852;0.085925925925925919490744320228;0.028641975308641976633028392030;0.044444444444444446140618509844;0.002469135802469135752140738660;0.014320987654320988316514196015;0.024197530864197531325077150655;0.011358024691358024199638876439;0.014320987654320988316514196015;0.115555555555555550251156660124;0.012839506172839505390714798239;0.023703703703703702526661700745;0.005432098765432098567973451253;0.022716049382716048399277752878;0.009382716049382715944870980707;0.016790123456790123634974065681;0.011851851851851851263330850372;0.002962962962962962815832712593;0.010864197530864197135946902506;0.010864197530864197135946902506;0.006419753086419752695357399119;0.012839506172839505390714798239;0.042469135802469137885850614111;0.020740740740740740144509857146;0.016296296296296294836558615771;0.016790123456790123634974065681;0.000493827160493827172112191182;0.095802469135802467703477702798;0.044444444444444446140618509844;0.008888888888888888881179006773;0.004938271604938271504281477320;0.003950617283950617376897529454;0.015802469135802469507590117814;0.019259259259259260688157411323;0.007901234567901234753795058907;0.005925925925925925631665425186;0.003950617283950617376897529454;0.012839506172839505390714798239;0.002469135802469135752140738660;0.011358024691358024199638876439;0.000000000000000000000000000000;0.010864197530864197135946902506;0.003950617283950617376897529454;0.007901234567901234753795058907;0.022716049382716048399277752878;0.018765432098765431889741961413;0.019259259259259260688157411323;0.014814814814814815380206169948
-0.033984374999999997224442438437;0.005468749999999999653055304805;0.015625000000000000000000000000;0.111328125000000000000000000000;0.061718750000000002775557561563;0.083593749999999994448884876874;0.000000000000000000000000000000;0.011328124999999999653055304805;0.010156250000000000346944695195;0.005468749999999999653055304805;0.014453125000000000693889390391;0.116406250000000002775557561563;0.017968749999999998612221219219;0.011718750000000000000000000000;0.010937499999999999306110609609;0.022656249999999999306110609609;0.006640624999999999826527652402;0.008593750000000000693889390391;0.026953125000000001387778780781;0.001953125000000000000000000000;0.007812500000000000000000000000;0.003515625000000000086736173799;0.003906250000000000000000000000;0.010937499999999999306110609609;0.045312499999999998612221219219;0.012890624999999999306110609609;0.017578125000000000000000000000;0.008984374999999999306110609609;0.000390625000000000021684043450;0.131640625000000011102230246252;0.051953125000000002775557561563;0.002734374999999999826527652402;0.008593750000000000693889390391;0.004687499999999999826527652402;0.009765625000000000000000000000;0.007031250000000000173472347598;0.005859375000000000000000000000;0.010546875000000000693889390391;0.000390625000000000021684043450;0.003515625000000000086736173799;0.001953125000000000000000000000;0.008203125000000000346944695195;0.000000000000000000000000000000;0.001953125000000000000000000000;0.013671875000000000000000000000;0.005078125000000000173472347598;0.011328124999999999653055304805;0.008984374999999999306110609609;0.010937499999999999306110609609;0.012890624999999999306110609609
-0.033452807646356032267309643657;0.005575467941059338711218273943;0.011150935882118677422436547886;0.076463560334528071771309498672;0.062126642771804060916274181636;0.106332138590203101324860313071;0.000398247710075667058545606514;0.007566706491437673841315980638;0.005177220230983672032143427799;0.002787733970529669355609136971;0.013540422142572680966332576702;0.120669056152927126057683437921;0.023098367184388689937746264036;0.009159697331740343159700579179;0.001991238550378335130097706696;0.028275587415372362837251429823;0.001991238550378335130097706696;0.003584229390681003581120567247;0.028275587415372362837251429823;0.001592990840302668234182426055;0.013540422142572680966332576702;0.002787733970529669355609136971;0.004778972520908004485706843667;0.010752688172043011610723439730;0.041417761847869376257147422393;0.010354440461967344064286855598;0.009956192751891676517850271466;0.046196734368777379875492528072;0.000000000000000000000000000000;0.138988450816407815846531548232;0.058542413381123058202515352377;0.001194743130227001121426710917;0.008761449621664675613263995047;0.003982477100756670260195413391;0.010354440461967344064286855598;0.006770211071286340483166288351;0.005177220230983672032143427799;0.009159697331740343159700579179;0.003982477100756670260195413391;0.004778972520908004485706843667;0.001194743130227001121426710917;0.010752688172043011610723439730;0.000000000000000000000000000000;0.001991238550378335130097706696;0.003982477100756670260195413391;0.001592990840302668234182426055;0.009956192751891676517850271466;0.015133412982875347682631961277;0.012743926722421345873459408438;0.007964954201513340520390826782
-0.033509036144578313587416573682;0.005271084337349397214156354607;0.042545180722891567937082868411;0.051581325301204822286749163140;0.033885542168674696872354701327;0.065512048192771080157292828972;0.000376506024096385561762689864;0.009036144578313252614942818752;0.020331325301204818817302211187;0.008659638554216867595281215131;0.013554216867469879789775966117;0.123493975903614452982459681607;0.012424698795180722996067679276;0.030873493975903613245614920402;0.001882530120481927700393232072;0.029743975903614456451906633561;0.015813253012048191642469063822;0.019578313253012048777979003944;0.014307228915662649829099173360;0.008659638554216867595281215131;0.004518072289156626307471409376;0.015436746987951806622807460201;0.006024096385542168988203037827;0.012048192771084337976406075654;0.046310240963855421603145856579;0.017319277108433735190562430262;0.013177710843373494770114362495;0.038027108433734940762249721047;0.000000000000000000000000000000;0.088478915662650606255290597346;0.060993975903614459921353585514;0.003765060240963855400786464145;0.003388554216867469947443991529;0.007153614457831324914549586680;0.010165662650602409408651105593;0.019201807228915662023593924346;0.010165662650602409408651105593;0.008283132530120482575619611509;0.004518072289156626307471409376;0.010918674698795181182697788813;0.002635542168674698607078177304;0.006024096385542168988203037827;0.000000000000000000000000000000;0.007530120481927710801572928290;0.001129518072289156576867852344;0.002635542168674698607078177304;0.015060240963855421603145856579;0.012801204819277108015729282897;0.022590361445783132404718784869;0.008659638554216867595281215131
-0.035221496005809732610103424122;0.009440813362381990023197708695;0.034132171387073348411966833282;0.005446623093681917521236002244;0.018518518518518517490534236458;0.072258533042846767591171897038;0.000726216412490922292796713400;0.009440813362381990023197708695;0.028322440087145968334869650107;0.009077705156136529202060003740;0.017429193899782136761844597572;0.110384894698620186770376960794;0.019244734931009439132809646367;0.028322440087145968334869650107;0.005809731299927378342373707198;0.023602033405954975925356009725;0.016702977487291211650122235710;0.020697167755991285886807418137;0.011982570806100217505885119351;0.013435003631082062525159415145;0.011256354393609295863609709443;0.015613652868554829186709120847;0.006535947712418300852010855095;0.013798111837327523346297120099;0.057734204793028320867875891054;0.012708787218591140882884005237;0.019970951343500364244532008229;0.043209876543209874144579885069;0.000000000000000000000000000000;0.062817719680464775833250712367;0.062817719680464775833250712367;0.006172839506172839163511412153;0.006535947712418300852010855095;0.005446623093681917521236002244;0.021423384168482207529082828046;0.014161220043572984167434825054;0.011256354393609295863609709443;0.008351488743645605825061117855;0.002178649237472767095230574697;0.014887436456063907544433710939;0.001089324618736383547615287348;0.015976761074800290007846825802;0.000000000000000000000000000000;0.004720406681190995011598854347;0.003631082062454611680824001496;0.005809731299927378342373707198;0.017792302106027595848258826550;0.017429193899782136761844597572;0.027959331880900509248455421130;0.018518518518518517490534236458
-0.054733218588640275559242809322;0.002409638554216867682017388930;0.022719449225473323239476997060;0.046815834767641999192289148368;0.014802065404475043403076384152;0.087779690189328740679286511295;0.001032702237521514535001365687;0.011015490533562823441404709968;0.012392426850258176154739864216;0.008605851979345954458344714055;0.020998278829604130613084578272;0.116695352839931154598218654428;0.016523235800344232560021850986;0.021686746987951806969752155396;0.001721170395869191108509377308;0.040275387263339068599776737756;0.005507745266781411720702354984;0.014457831325301205224742595590;0.025473321858864028666147305557;0.005507745266781411720702354984;0.013769363166953528868075018465;0.009638554216867470728069555719;0.004130808950086058140005462747;0.012392426850258176154739864216;0.070567986230636828293150131231;0.022030981067125646882809419935;0.018244406196213425186414269774;0.005163511187607573542368566422;0.000000000000000000000000000000;0.067469879518072289892316462101;0.076075731497418239146490748226;0.002409638554216867682017388930;0.005507745266781411720702354984;0.004475043029259896318339251309;0.011359724612736661619738498530;0.010671256454388985263070921405;0.007573149741824440790705086357;0.015834767641996556203354273862;0.002409638554216867682017388930;0.008261617900172116280010925493;0.001376936316695352930175588746;0.008261617900172116280010925493;0.000000000000000000000000000000;0.005851979345955249899036143546;0.006196213425129088077369932108;0.010327022375215147084737132843;0.016867469879518072473079115525;0.018588640275387261630024582360;0.016523235800344232560021850986;0.016867469879518072473079115525
-0.038749999999999999722444243844;0.030833333333333334119741309109;0.027916666666666666019036568969;0.081250000000000002775557561563;0.027500000000000000138777878078;0.054583333333333330927850113312;0.003749999999999999861222121922;0.027916666666666666019036568969;0.006250000000000000346944695195;0.007083333333333332974823814965;0.017500000000000001665334536938;0.050416666666666665186369300500;0.017500000000000001665334536938;0.017500000000000001665334536938;0.045833333333333330095182844843;0.027916666666666666019036568969;0.004166666666666666608842550801;0.022083333333333333287074040641;0.026666666666666668378260496297;0.006250000000000000346944695195;0.010833333333333333703407674875;0.003333333333333333547282562037;0.005416666666666666851703837438;0.017500000000000001665334536938;0.047916666666666669904817155157;0.022499999999999999167332731531;0.029166666666666667129259593594;0.063750000000000001110223024625;0.000000000000000000000000000000;0.036249999999999997501998194593;0.022499999999999999167332731531;0.005833333333333333599324266316;0.010416666666666666088425508008;0.003749999999999999861222121922;0.010833333333333333703407674875;0.016666666666666666435370203203;0.009166666666666666712925959359;0.008750000000000000832667268469;0.004166666666666666608842550801;0.002083333333333333304421275400;0.010833333333333333703407674875;0.006250000000000000346944695195;0.000000000000000000000000000000;0.007083333333333332974823814965;0.027500000000000000138777878078;0.009166666666666666712925959359;0.020833333333333332176851016015;0.014999999999999999444888487687;0.017083333333333332315628894094;0.013750000000000000069388939039
-0.029535864978902953703610023695;0.040084388185654011571568133832;0.017405063291139239584071063405;0.114978902953586495372384490565;0.042194092827004217594044632733;0.030590717299578060184295225099;0.004219409282700421585932115676;0.036919831223628692129512529618;0.002109704641350210792966057838;0.007911392405063291666245106626;0.022679324894514768518050118473;0.036392405063291138889169928916;0.014240506329113923611462411145;0.018459915611814346064756264809;0.042721518987341770834387233435;0.025843881856540084490658770733;0.004746835443037974826274716378;0.034810126582278479168142126809;0.035337552742616032408484727512;0.003691983122362869212951252962;0.016877637130801686343728462703;0.001582278481012658203144760627;0.005274261603375527199255579092;0.010548523206751054398511158183;0.032172995780590719905323027206;0.018459915611814346064756264809;0.031118143459915613424637825801;0.052742616033755275462002742870;0.000000000000000000000000000000;0.049578059071729956019947138657;0.032700421940928273145665627908;0.002109704641350210792966057838;0.018459915611814346064756264809;0.002109704641350210792966057838;0.007911392405063291666245106626;0.012130801687763712384815484313;0.005801687763713080439598179794;0.007911392405063291666245106626;0.000527426160337552698241514459;0.002637130801687763599627789546;0.015295358649789030092147612550;0.002109704641350210792966057838;0.000000000000000000000000000000;0.005274261603375527199255579092;0.029008438818565400463267422992;0.008438818565400843171864231351;0.016350210970464136572832813954;0.011075949367088607638853758885;0.016877637130801686343728462703;0.020042194092827005785784066916
-0.026063100137174211728963157952;0.031550068587105621620292339458;0.018289894833104711202587111529;0.075903063557384548021289560893;0.051211705532693184428350008375;0.033836305441243712255339204376;0.001371742112482853123353598868;0.038408779149519893525432934211;0.004115226337448560020582100094;0.010973936899862824986828790941;0.019204389574759946762716467106;0.037494284407864654495856626681;0.016918152720621856127669602188;0.019661636945587562808057668917;0.055326931870141746183655584446;0.014631915866483767227346213247;0.007773205304069501393737784412;0.030178326474622770014821782070;0.047096479195244629611938336211;0.004572473708276177800646777882;0.016918152720621856127669602188;0.003657978966620941806836553312;0.007315957933241883613673106623;0.011888431641518060546958146517;0.051668952903520803943138162140;0.018289894833104711202587111529;0.041152263374485596736374048987;0.037494284407864654495856626681;0.000457247370827617725854569164;0.048925468678555100732197047364;0.018747142203932327247928313341;0.005944215820759030273479073259;0.012345679012345678327022824305;0.004115226337448560020582100094;0.013260173754000913887152179882;0.017832647462277091687798957764;0.010059442158207591161422911341;0.003200731595793324026771875523;0.000457247370827617725854569164;0.003657978966620941806836553312;0.015546410608139002787475568823;0.005944215820759030273479073259;0.000000000000000000000000000000;0.005486968449931412493414395470;0.035665294924554183375597915528;0.003200731595793324026771875523;0.017375400091449475642457755953;0.015546410608139002787475568823;0.017832647462277091687798957764;0.011431184270690442766893468729
-0.030357142857142856845475975547;0.054464285714285715078730731875;0.015178571428571428422737987773;0.128124999999999988897769753748;0.035714285714285712303173170312;0.032142857142857139685077072500;0.003125000000000000173472347598;0.034375000000000002775557561563;0.002232142857142857018948323145;0.006696428571428571056844969434;0.015178571428571428422737987773;0.034821428571428572618096097813;0.012946428571428572271151402617;0.018749999999999999306110609609;0.049553571428571425994125121406;0.014732142857142856845475975547;0.003571428571428571317053490830;0.034821428571428572618096097813;0.032142857142857139685077072500;0.002232142857142857018948323145;0.018749999999999999306110609609;0.003571428571428571317053490830;0.001785714285714285658526745415;0.011160714285714285962103353711;0.030803571428571430157461463750;0.020089285714285715772620122266;0.029464285714285713690951951094;0.083482142857142851988250242812;0.000446428571428571414631686354;0.034821428571428572618096097813;0.020982142857142855457697194765;0.002678571428571428596210335371;0.015625000000000000000000000000;0.003125000000000000173472347598;0.010714285714285714384841341484;0.008482142857142856498531280351;0.006696428571428571056844969434;0.004464285714285714037896646289;0.001785714285714285658526745415;0.003571428571428571317053490830;0.011160714285714285962103353711;0.012946428571428572271151402617;0.000000000000000000000000000000;0.007142857142857142634106981660;0.030803571428571430157461463750;0.008035714285714284921269268125;0.017410714285714286309048048906;0.012053571428571429116627378164;0.015625000000000000000000000000;0.011160714285714285962103353711
-0.034046268005237884102243128837;0.034919249236141425285495643038;0.010475774770842426544814607325;0.158882584024443468395659806447;0.042339589698821476770884686402;0.033609777389786120449510775643;0.005237887385421213272407303663;0.029244871235268442288823820263;0.003928415539065910171145912244;0.006983849847228284363209738217;0.014404190309908337583322257558;0.031427324312527281369167297953;0.013531209079004801604240171287;0.016586643387167174928942259271;0.051505892623308596744990950356;0.016586643387167174928942259271;0.003928415539065910171145912244;0.019205587079877781131465042108;0.045831514622435620687213031488;0.002182453077258839080343477690;0.017896115233522479764927126666;0.004801396769969445282866260527;0.005674378000872981261948346798;0.006110868616324749251489389934;0.037538192928852028018571473922;0.008293321693583587464471129636;0.020078568310781318845270604356;0.079004801396769963606203646123;0.000000000000000000000000000000;0.052378873854212130989349560650;0.014404190309908337583322257558;0.004801396769969445282866260527;0.010912265386294195401717388449;0.003928415539065910171145912244;0.012658227848101265625158085015;0.004801396769969445282866260527;0.007420340462680052352750781353;0.005674378000872981261948346798;0.000872981230903535545401217277;0.004364906154517678160686955380;0.010912265386294195401717388449;0.011348756001745962523896693597;0.000000000000000000000000000000;0.009166302924487123443553215907;0.030554343081623743655361735705;0.007856831078131820342291824488;0.012221737232649498502978779868;0.013094718463553032747337390163;0.017459624618070712642747821519;0.010912265386294195401717388449
-0.022321428571428571924206707422;0.035714285714285712303173170312;0.019196428571428572618096097813;0.126339285714285709527615608749;0.048660714285714286309048048906;0.036607142857142858927144146719;0.002232142857142857018948323145;0.040625000000000001387778780781;0.008035714285714284921269268125;0.008928571428571428075793292578;0.016071428571428569842538536250;0.036160714285714289084605610469;0.014732142857142856845475975547;0.014732142857142856845475975547;0.054017857142857145236192195625;0.008482142857142856498531280351;0.006250000000000000346944695195;0.021428571428571428769682682969;0.035267857142857142460634634062;0.004017857142857142460634634062;0.016964285714285712997062560703;0.001339285714285714298105167686;0.002678571428571428596210335371;0.011607142857142857539365365938;0.030357142857142856845475975547;0.016964285714285712997062560703;0.027232142857142857539365365938;0.071874999999999994448884876874;0.000000000000000000000000000000;0.047767857142857139685077072500;0.012946428571428572271151402617;0.003125000000000000173472347598;0.012500000000000000693889390391;0.003125000000000000173472347598;0.008928571428571428075793292578;0.014285714285714285268213963320;0.009821428571428571230317317031;0.005803571428571428769682682969;0.001339285714285714298105167686;0.002678571428571428596210335371;0.013839285714285713690951951094;0.012053571428571429116627378164;0.000000000000000000000000000000;0.005357142857142857192420670742;0.034821428571428572618096097813;0.008035714285714284921269268125;0.016071428571428569842538536250;0.020089285714285715772620122266;0.016964285714285712997062560703;0.011607142857142857539365365938
-0.030803571428571430157461463750;0.033035714285714286309048048906;0.024107142857142858233254756328;0.117410714285714284921269268125;0.044642857142857143848413414844;0.032589285714285716466509512657;0.003571428571428571317053490830;0.030803571428571430157461463750;0.006250000000000000346944695195;0.009374999999999999653055304805;0.020089285714285715772620122266;0.037053571428571428769682682969;0.016071428571428569842538536250;0.017857142857142856151586585156;0.055803571428571431545240244532;0.013839285714285713690951951094;0.004464285714285714037896646289;0.029464285714285713690951951094;0.037053571428571428769682682969;0.004017857142857142460634634062;0.021428571428571428769682682969;0.002232142857142857018948323145;0.003571428571428571317053490830;0.014732142857142856845475975547;0.036160714285714289084605610469;0.015625000000000000000000000000;0.033035714285714286309048048906;0.051339285714285712303173170312;0.000446428571428571414631686354;0.043303571428571427381903902187;0.011607142857142857539365365938;0.004910714285714285615158658516;0.016964285714285712997062560703;0.007142857142857142634106981660;0.007589285714285714211368993887;0.009821428571428571230317317031;0.009821428571428571230317317031;0.005803571428571428769682682969;0.001339285714285714298105167686;0.001785714285714285658526745415;0.008035714285714284921269268125;0.007589285714285714211368993887;0.000000000000000000000000000000;0.008482142857142856498531280351;0.035267857142857142460634634062;0.008035714285714284921269268125;0.019196428571428572618096097813;0.016071428571428569842538536250;0.019642857142857142460634634062;0.010714285714285714384841341484
-0.028703703703703703498106847292;0.038888888888888889505679458125;0.018981481481481481121686982760;0.116666666666666668517038374375;0.047222222222222220988641083750;0.032870370370370369239587660104;0.004629629629629629372633559115;0.032870370370370369239587660104;0.003703703703703703845051542487;0.009259259259259258745267118229;0.016666666666666666435370203203;0.031944444444444441977282167500;0.012500000000000000693889390391;0.016666666666666666435370203203;0.050925925925925923098969150260;0.018981481481481481121686982760;0.006018518518518518531368322044;0.020833333333333332176851016015;0.032870370370370369239587660104;0.002314814814814814686316779557;0.020370370370370372015145221667;0.003240740740740740647579665179;0.003703703703703703845051542487;0.009722222222222222376419864531;0.034722222222222223764198645313;0.016203703703703702804217456901;0.021759259259259259439156508620;0.096296296296296296501893152708;0.000000000000000000000000000000;0.041666666666666664353702032031;0.018518518518518517490534236458;0.006018518518518518531368322044;0.012500000000000000693889390391;0.004629629629629629372633559115;0.008796296296296296848837847904;0.008333333333333333217685101602;0.009722222222222222376419864531;0.006018518518518518531368322044;0.000000000000000000000000000000;0.004166666666666666608842550801;0.012500000000000000693889390391;0.011574074074074073431583897786;0.000000000000000000000000000000;0.005092592592592593003786305417;0.035648148148148151026504137917;0.009259259259259258745267118229;0.014351851851851851749053423646;0.013888888888888888117900677344;0.014814814814814815380206169948;0.012962962962962962590318660716
-0.022943037974683545138221418824;0.040743670886075951387272908732;0.019382911392405062500632340061;0.153481012658227861100712630105;0.028876582278481013887905248794;0.033227848101265819447114324703;0.003560126582278480902865602786;0.033227848101265819447114324703;0.007120253164556961805731205573;0.009493670886075949652549432756;0.017800632911392406249051489908;0.030458860759493670139486098947;0.009493670886075949652549432756;0.020174050632911392361146241115;0.042721518987341770834387233435;0.017800632911392406249051489908;0.006724683544303797742835993034;0.026107594936708861110830071084;0.031645569620253166664980426503;0.002373417721518987413137358189;0.013844936708860758681205460618;0.001582278481012658203144760627;0.004746835443037974826274716378;0.012658227848101265625158085015;0.035996835443037972224189502413;0.021360759493670885417193616718;0.032041139240506326391066949100;0.080300632911392402779604537955;0.001186708860759493706568679094;0.035601265822784812498102979816;0.019778481012658229165612766565;0.009098101265822784722292482229;0.011471518987341772569110709412;0.003955696202531645833122553313;0.008702531645569619792035531702;0.015822784810126583332490213252;0.005142405063291138889169928916;0.007911392405063291666245106626;0.001977848101265822916561276656;0.004351265822784809896017765851;0.008702531645569619792035531702;0.013053797468354430555415035542;0.000000000000000000000000000000;0.006724683544303797742835993034;0.030854430379746836804466525450;0.005142405063291138889169928916;0.015031645569620253471976312198;0.011471518987341772569110709412;0.016613924050632909723557162351;0.007515822784810126735988156099
-0.024443474465298997005957559736;0.047577477084242689175930252077;0.017023134002618942051121564418;0.150589262330859896543699960603;0.035792230467044959529854253333;0.032300305543430815613525908248;0.001745962461807071090802434554;0.027935399388913137452838952868;0.003491924923614142181604869108;0.009602793539938890565732521054;0.015713662156263640684583648977;0.055870798777826274905677905736;0.011348756001745962523896693597;0.018332605848974246887106431814;0.053251855085115672172602074852;0.017896115233522479764927126666;0.003055434308162374625744694967;0.021388040157136620211808519798;0.027498908773461370330659647720;0.002182453077258839080343477690;0.013531209079004801604240171287;0.001745962461807071090802434554;0.005674378000872981261948346798;0.010475774770842426544814607325;0.035355739851593188938227996232;0.015277171540811871827680867852;0.014840680925360104705501562705;0.088607594936708861110830071084;0.000436490615451767772700608639;0.040593627237014401343273561906;0.026189436927106065494674780325;0.004364906154517678160686955380;0.012221737232649498502978779868;0.005237887385421213272407303663;0.006110868616324749251489389934;0.013094718463553032747337390163;0.003491924923614142181604869108;0.006110868616324749251489389934;0.000436490615451767772700608639;0.003491924923614142181604869108;0.007856831078131820342291824488;0.005674378000872981261948346798;0.000000000000000000000000000000;0.009166302924487123443553215907;0.037974683544303798610197731023;0.006547359231776516373668695081;0.013094718463553032747337390163;0.013531209079004801604240171287;0.012658227848101265625158085015;0.009166302924487123443553215907
-0.028395061728395062233820667075;0.030864197530864195817557060764;0.011111111111111111535154627461;0.075308641975308648897069474515;0.026337448559670781356167879039;0.058024691358024689524786055017;0.001646090534979423834760492440;0.034156378600823045221801521620;0.004938271604938271504281477320;0.006995884773662551514572527367;0.018930041152263373666064794065;0.054320987654320987414457988507;0.013991769547325103029145054734;0.016872427983539096257858957983;0.039094650205761319328168212905;0.019341563786008229841595351672;0.006172839506172839163511412153;0.024279835390946500478515091004;0.038271604938271606977107097691;0.002469135802469135752140738660;0.024691358024691356654045648611;0.009465020576131686833032397033;0.005761316872427983855342592534;0.011111111111111111535154627461;0.037448559670781894626045982477;0.020987654320987654543717582101;0.030452674897119343111473455110;0.072839506172839504904992224965;0.000000000000000000000000000000;0.053909465020576134708374382853;0.034156378600823045221801521620;0.002057613168724280010291050047;0.013991769547325103029145054734;0.006995884773662551514572527367;0.013168724279835390678083939520;0.013991769547325103029145054734;0.010288065843621399184093512247;0.004526748971193415328750919713;0.001646090534979423834760492440;0.003703703703703703845051542487;0.007818930041152263865633642581;0.007407407407407407690103084974;0.000000000000000000000000000000;0.006584362139917695339041969760;0.026748971193415637531698436646;0.006995884773662551514572527367;0.010699588477366255359624069854;0.011111111111111111535154627461;0.024279835390946500478515091004;0.015637860082304527731267285162
-0.030864197530864195817557060764;0.019970951343500364244532008229;0.017429193899782136761844597572;0.043572984749455340169888017954;0.031227305737109658373418241695;0.058823529411764705066012481893;0.002541757443718227916368279651;0.027959331880900509248455421130;0.015976761074800290007846825802;0.009440813362381990023197708695;0.020697167755991285886807418137;0.074437182280319535987445078717;0.014161220043572984167434825054;0.021423384168482207529082828046;0.028322440087145968334869650107;0.016702977487291211650122235710;0.004720406681190995011598854347;0.020697167755991285886807418137;0.036310820624546116808240014961;0.003631082062454611680824001496;0.016702977487291211650122235710;0.004720406681190995011598854347;0.006899055918663761673148560050;0.009803921568627450844335413649;0.043572984749455340169888017954;0.022512708787218591727219418885;0.019970951343500364244532008229;0.054829339143064634298774251420;0.000000000000000000000000000000;0.098402323892519974468662269373;0.027233115468409587606180011221;0.003631082062454611680824001496;0.013798111837327523346297120099;0.005083514887436455832736559302;0.017066085693536674205983416641;0.014524328249818446723296005985;0.010893246187363835042472004488;0.006172839506172839163511412153;0.002541757443718227916368279651;0.006535947712418300852010855095;0.003994190268700072501961706450;0.013435003631082062525159415145;0.000000000000000000000000000000;0.003267973856209150426005427548;0.019970951343500364244532008229;0.006899055918663761673148560050;0.014887436456063907544433710939;0.014524328249818446723296005985;0.021423384168482207529082828046;0.017792302106027595848258826550
-0.042052144659377628521657044303;0.002943650126156434169988340699;0.013456686291000840433040863786;0.004205214465937762852165704430;0.073170731707317068770457524352;0.082842724978973922289604558955;0.001261564339781328899017798228;0.006307821698906644278248556645;0.011354079058031959006958011571;0.006728343145500420216520431893;0.021867115222876366137372272647;0.139613120269133722528565044740;0.017661900756938603285206568216;0.017241379310344827346934692969;0.007148864592094197022154045129;0.023549201009251473359906725591;0.003784693019343986480212960188;0.008830950378469301642603284108;0.028174936921783012150344305269;0.004205214465937762852165704430;0.010513036164844407130414261076;0.004205214465937762852165704430;0.002523128679562657798035596457;0.009251471825063077580875159356;0.047518923465096722658085326430;0.012195121951219512618225238043;0.013877207737594618106036215011;0.015559293523969721859123716001;0.000420521446593776263532526993;0.150126156433978141802043637654;0.060975609756097559621679238262;0.005046257359125315596071192914;0.009671993271656855253870510580;0.004625735912531538790437579678;0.012195121951219512618225238043;0.007569386038687972960425920377;0.004205214465937762852165704430;0.009251471825063077580875159356;0.000841042893187552527065053987;0.005046257359125315596071192914;0.002102607232968881426082852215;0.007148864592094197022154045129;0.000000000000000000000000000000;0.008830950378469301642603284108;0.009251471825063077580875159356;0.004625735912531538790437579678;0.013036164844407064494768988538;0.014718250630782169982579965506;0.019343986543313710507741021161;0.018923465096719931100022193959
-0.039165602383993185220401045399;0.005108556832694764043845125912;0.014048531289910600253212358268;0.002128565346956151540375179465;0.077905491698595147331829480208;0.077905491698595147331829480208;0.001277139208173691010961281478;0.004682843763303533128616873427;0.006811409110259685102672921886;0.010642826734780758135556766319;0.011919965942954448279156309809;0.148999574286930613897794728473;0.023839931885908896558312619618;0.015325670498084290396811901758;0.003405704555129842551336460943;0.034908471690080884741735900434;0.001702852277564921275668230471;0.004682843763303533128616873427;0.014474244359301830301078872765;0.001277139208173691010961281478;0.011919965942954448279156309809;0.003405704555129842551336460943;0.002128565346956151540375179465;0.016177096636866752227268406727;0.046402724563644102973025695746;0.017454235845040442370867950217;0.011494252873563218231289795312;0.028097062579821200506424716536;0.000000000000000000000000000000;0.149851000425713060115739949651;0.075776926351638990153603003819;0.005534269902085994091711640408;0.003831417624521072599202975439;0.002979991485738612069789077452;0.010642826734780758135556766319;0.009791400595998296305100261350;0.005108556832694764043845125912;0.008514261387824606161500717860;0.002128565346956151540375179465;0.001702852277564921275668230471;0.000425713069391230318917057618;0.008088548318433376113634203364;0.000000000000000000000000000000;0.011494252873563218231289795312;0.006385696040868455054806407389;0.005959982971477224139578154904;0.009791400595998296305100261350;0.017879948914431672418734464713;0.014474244359301830301078872765;0.012345679012345678327022824305
-0.050042052144659378287716577915;0.002523128679562657798035596457;0.029015979814970564026888055764;0.000841042893187552527065053987;0.037426408746846086261772512671;0.071488645920941965017370023361;0.001261564339781328899017798228;0.010933557611438183068686136323;0.015559293523969721859123716001;0.009251471825063077580875159356;0.027333894028595456804353602820;0.107232968881412954464948938949;0.025231286795626577112994226582;0.021026072329688814260828522151;0.001261564339781328899017798228;0.027333894028595456804353602820;0.010092514718250631192142385828;0.017661900756938603285206568216;0.024810765349032801174722351334;0.005466778805719091534343068162;0.010092514718250631192142385828;0.010513036164844407130414261076;0.006728343145500420216520431893;0.014718250630782169982579965506;0.059293523969722455868591737271;0.020605550883095038322556646904;0.018923465096719931100022193959;0.013036164844407064494768988538;0.000420521446593776263532526993;0.103448275862068964081608157812;0.069806560134566861264282522370;0.004625735912531538790437579678;0.007569386038687972960425920377;0.003784693019343986480212960188;0.010933557611438183068686136323;0.014718250630782169982579965506;0.008830950378469301642603284108;0.011774600504625736679953362795;0.002102607232968881426082852215;0.007569386038687972960425920377;0.002102607232968881426082852215;0.010513036164844407130414261076;0.000000000000000000000000000000;0.007148864592094197022154045129;0.004625735912531538790437579678;0.005046257359125315596071192914;0.021026072329688814260828522151;0.019343986543313710507741021161;0.021026072329688814260828522151;0.013877207737594618106036215011
-0.045569620253164556944458496446;0.014345991561181435300365016872;0.014345991561181435300365016872;0.086075949367088608332743149276;0.018565400843881856018935394559;0.074261603375527424075741578235;0.000843881856540084403922596934;0.005907172995780590393777309544;0.016877637130801686343728462703;0.008016877637130801620424236376;0.015611814345991561689408477775;0.118987341772151894447873132776;0.016877637130801686343728462703;0.017299578059071729629891933655;0.009282700421940928009467697279;0.034599156118143459259783867310;0.002531645569620253211767790802;0.010126582278481012847071163208;0.018987341772151899305098865511;0.002953586497890295196888654772;0.008860759493670886458027702304;0.007594936708860759201622503411;0.003797468354430379600811251706;0.009282700421940928009467697279;0.063291139240506333329960853007;0.019409282700421942591262336464;0.016877637130801686343728462703;0.013924050632911392014201545919;0.000000000000000000000000000000;0.089873417721518980560979628081;0.073839662447257384259025059237;0.002109704641350210792966057838;0.008860759493670886458027702304;0.004641350210970464004733848640;0.007172995780590717650182508436;0.008860759493670886458027702304;0.005063291139240506423535581604;0.022784810126582278472229248223;0.001265822784810126605883895401;0.002953586497890295196888654772;0.002953586497890295196888654772;0.007594936708860759201622503411;0.000000000000000000000000000000;0.008860759493670886458027702304;0.004641350210970464004733848640;0.004641350210970464004733848640;0.017299578059071729629891933655;0.021097046413502108797022316367;0.013502109704641350462761550943;0.016877637130801686343728462703
-0.051711309523809520505288617187;0.007440476190476190063161077148;0.027529761904761904101057723437;0.055803571428571431545240244532;0.006696428571428571056844969434;0.077380952380952383595769106250;0.002604166666666666522106377002;0.009672619047619047949471138281;0.014136904761904761987367784570;0.010416666666666666088425508008;0.023437500000000000000000000000;0.087425595238095232808461787499;0.020089285714285715772620122266;0.027901785714285715772620122266;0.006696428571428571056844969434;0.049107142857142856151586585156;0.004464285714285714037896646289;0.016369047619047619873677845703;0.015252976190476190063161077148;0.002604166666666666522106377002;0.011904761904761904101057723437;0.010044642857142857886310061133;0.004464285714285714037896646289;0.013392857142857142113689938867;0.075148809523809520505288617187;0.027157738095238095898942276563;0.024925595238095239747355691406;0.004464285714285714037896646289;0.000744047619047619006316107715;0.042410714285714287696826829688;0.059895833333333335646297967969;0.008184523809523809936838922852;0.007440476190476190063161077148;0.007068452380952380993683892285;0.014880952380952380126322154297;0.014136904761904761987367784570;0.005952380952380952050528861719;0.016369047619047619873677845703;0.004464285714285714037896646289;0.006324404761904761987367784570;0.002232142857142857018948323145;0.007440476190476190063161077148;0.000000000000000000000000000000;0.008184523809523809936838922852;0.003720238095238095031580538574;0.009672619047619047949471138281;0.018229166666666667823148983985;0.024925595238095239747355691406;0.020089285714285715772620122266;0.029389880952380952050528861719
-0.043881856540084390738698516543;0.018143459915611812732771923606;0.021518987341772152083185787319;0.094514767932489446300436952697;0.011814345991561180787554619087;0.070042194092826998153000772618;0.002953586497890295196888654772;0.015611814345991561689408477775;0.013080168776371307176598079991;0.010126582278481012847071163208;0.016033755274261603240848472751;0.055696202531645568056806183677;0.023628691983122361575109238174;0.013080168776371307176598079991;0.008016877637130801620424236376;0.021940928270042195369349258272;0.010548523206751054398511158183;0.023628691983122361575109238174;0.029957805907172996989773494647;0.005907172995780590393777309544;0.015189873417721518403245006823;0.013924050632911392014201545919;0.010548523206751054398511158183;0.016877637130801686343728462703;0.064556962025316452780110410004;0.019409282700421942591262336464;0.020675105485232068980305797368;0.020253164556962025694142326415;0.000421940928270042201961298467;0.055274261603375528240089664678;0.027848101265822784028403091838;0.005907172995780590393777309544;0.015189873417721518403245006823;0.004219409282700421585932115676;0.021940928270042195369349258272;0.015189873417721518403245006823;0.013502109704641350462761550943;0.009704641350210971295631168232;0.004219409282700421585932115676;0.009704641350210971295631168232;0.005485232067510548842337314568;0.009704641350210971295631168232;0.000000000000000000000000000000;0.012658227848101265625158085015;0.011814345991561180787554619087;0.007594936708860759201622503411;0.018565400843881856018935394559;0.016877637130801686343728462703;0.025738396624472574536479640983;0.016877637130801686343728462703
-0.031640624999999998612221219219;0.019921874999999998612221219219;0.023828124999999998612221219219;0.076953124999999997224442438437;0.032031249999999997224442438437;0.048828125000000000000000000000;0.004687499999999999826527652402;0.017968749999999998612221219219;0.017968749999999998612221219219;0.006640624999999999826527652402;0.013281249999999999653055304805;0.086328125000000005551115123126;0.012109375000000000346944695195;0.011328124999999999653055304805;0.026953125000000001387778780781;0.021484375000000000000000000000;0.007812500000000000000000000000;0.029687499999999998612221219219;0.032812500000000001387778780781;0.003906250000000000000000000000;0.013281249999999999653055304805;0.009374999999999999653055304805;0.008593750000000000693889390391;0.008984374999999999306110609609;0.036718750000000001387778780781;0.017968749999999998612221219219;0.025000000000000001387778780781;0.050000000000000002775557561563;0.000781250000000000043368086899;0.079296875000000002775557561563;0.046484375000000001387778780781;0.004296875000000000346944695195;0.010937499999999999306110609609;0.004296875000000000346944695195;0.012890624999999999306110609609;0.016015624999999998612221219219;0.007031250000000000173472347598;0.008593750000000000693889390391;0.003125000000000000173472347598;0.006640624999999999826527652402;0.004687499999999999826527652402;0.018359375000000000693889390391;0.000000000000000000000000000000;0.007421874999999999653055304805;0.022656249999999999306110609609;0.006640624999999999826527652402;0.011718750000000000000000000000;0.005078125000000000173472347598;0.014843749999999999306110609609;0.012109375000000000346944695195
-0.032758620689655175428622868594;0.012500000000000000693889390391;0.017241379310344827346934692969;0.079310344827586212734793491563;0.021982758620689653999979995547;0.061206896551724135346894684062;0.003017241379310344785713571270;0.021120689655172414367356736875;0.013793103448275861877547754375;0.006465517241379310255100509863;0.016810344827586205795899587656;0.069396551724137930938773877187;0.021982758620689653999979995547;0.016810344827586205795899587656;0.015948275862068966163276328984;0.026293103448275862571437144766;0.006034482758620689571427142539;0.025431034482758619469366934140;0.044827586206896551102030201719;0.003448275862068965469386938594;0.021551724137931035918391842188;0.009482758620689655040814081133;0.011637931034482759326542655742;0.014224137931034483428582859688;0.047413793103448273469346929687;0.013793103448275861877547754375;0.031034482758620689224482447344;0.017672413793103448897969798281;0.000000000000000000000000000000;0.074999999999999997224442438437;0.039655172413793106367396745782;0.007327586206896551622447244512;0.021551724137931035918391842188;0.005603448275862068887753775215;0.014655172413793103244894489023;0.016379310344827587714311434297;0.007758620689655172306120611836;0.011637931034482759326542655742;0.000431034482758620683673367324;0.007758620689655172306120611836;0.005603448275862068887753775215;0.013793103448275861877547754375;0.000000000000000000000000000000;0.009913793103448276591849186445;0.016379310344827587714311434297;0.008620689655172413673467346484;0.010344827586206896408160815781;0.015948275862068966163276328984;0.016810344827586205795899587656;0.011637931034482759326542655742
-0.033483054307880767697103152614;0.017149857084524294803529187448;0.028583095140873825829030963064;0.115965700285830947136034296818;0.007758268681094324624447633454;0.051041241322988976925056903156;0.001224989791751735467018047387;0.011433238056349531025501775616;0.019191506737443853047864195105;0.008983258472846060091465680841;0.018374846876276031137908972823;0.080440996325030628133490040454;0.015516537362188649248895266908;0.020008166598611678427266369340;0.007758268681094324624447633454;0.026541445487954267584695955406;0.007758268681094324624447633454;0.026949775418538178539673566547;0.016333197223356472893573965166;0.006533278889342589157429586066;0.015516537362188649248895266908;0.007758268681094324624447633454;0.006124948958758677335090236937;0.009391588403429971046443291982;0.053082890975908535169391910813;0.017558187015108205758506798588;0.018374846876276031137908972823;0.022049816251531236671601376997;0.000408329930583911822339349129;0.041649652919559000674443183243;0.080849326255614542557914603549;0.004491629236423030045732840421;0.007758268681094324624447633454;0.004491629236423030045732840421;0.020416496529195589382243980481;0.022866476112699062051003551232;0.008983258472846060091465680841;0.010616578195181707380823077358;0.002858309514087382756375443904;0.007758268681094324624447633454;0.004083299305839118223393491292;0.010616578195181707380823077358;0.000000000000000000000000000000;0.008166598611678236446786982583;0.006941608819926500979768935196;0.007349938750510412802108284325;0.020824826459779500337221591622;0.021233156390363414761646154716;0.020008166598611678427266369340;0.016741527153940383848551576307
-0.036455696202531646943345577938;0.017215189873417722360438020246;0.030379746835443036806490013646;0.080000000000000001665334536938;0.013164556962025316180775469377;0.063797468354430383885578237368;0.001012658227848101328075203220;0.020759493670886076249759710777;0.006582278481012658090387734688;0.012151898734177215069540700654;0.015696202531645570693585867161;0.064303797468354434441195621730;0.016708860759493671804820635884;0.024303797468354430139081401308;0.014683544303797467847627622461;0.026835443037974682917168323115;0.011645569620253164513923316292;0.042025316455696203055136805915;0.021772151898734177360994479500;0.007088607594936708646005119050;0.018227848101265823471672788969;0.006582278481012658090387734688;0.007594936708860759201622503411;0.016708860759493671804820635884;0.049113924050632910833780186977;0.019240506329113924582907557692;0.022278481012658227916611863861;0.036455696202531646943345577938;0.001012658227848101328075203220;0.064810126582278484996813006092;0.037468354430379748054580346661;0.005063291139240506423535581604;0.008101265822784810624601625761;0.004050632911392405312300812881;0.010632911392405063402688547569;0.022278481012658227916611863861;0.008607594936708861180219010123;0.008607594936708861180219010123;0.000000000000000000000000000000;0.011645569620253164513923316292;0.005063291139240506423535581604;0.010126582278481012847071163208;0.000000000000000000000000000000;0.009113924050632911735836394485;0.009113924050632911735836394485;0.008607594936708861180219010123;0.021265822784810126805377095138;0.013164556962025316180775469377;0.025316455696202531250316170031;0.013164556962025316180775469377
-0.026541445487954267584695955406;0.032258064516129031362723367238;0.025724785626786442205293781171;0.108615761535320543007543392378;0.034708044099632504031482937989;0.051041241322988976925056903156;0.002041649652919559111696745646;0.025316455696202531250316170031;0.019191506737443853047864195105;0.006941608819926500979768935196;0.015108207431604736559194179790;0.067782768476929364243055431416;0.016741527153940383848551576307;0.015924867292772561938596354025;0.013066557778685178314859172133;0.018783176806859942092886583964;0.010208248264597794691121990240;0.043691302572478565857672094808;0.018783176806859942092886583964;0.004899959167006941868072189550;0.015108207431604736559194179790;0.008574928542262147401764593724;0.007758268681094324624447633454;0.008166598611678236446786982583;0.037158023683135976700242508741;0.011024908125765618335800688499;0.021641486320947325716623765857;0.039608003266639442430108175586;0.000000000000000000000000000000;0.074316047366271953400485017482;0.027358105349122089494651177688;0.006124948958758677335090236937;0.014291547570436912914515481532;0.006124948958758677335090236937;0.015516537362188649248895266908;0.015924867292772561938596354025;0.010616578195181707380823077358;0.003266639444671294578714793033;0.000816659861167823644678698258;0.007758268681094324624447633454;0.005716619028174765512750887808;0.023274806043282973005981162373;0.000000000000000000000000000000;0.010208248264597794691121990240;0.006533278889342589157429586066;0.009391588403429971046443291982;0.013474887709269089269836783274;0.013066557778685178314859172133;0.019599836668027767472288758199;0.010208248264597794691121990240
-0.036637931034482755510151008593;0.025000000000000001387778780781;0.026293103448275862571437144766;0.120689655172413798367436754688;0.016810344827586205795899587656;0.059051724137931034530613061406;0.001293103448275862051020101973;0.025862068965517241020402039453;0.006034482758620689571427142539;0.003017241379310344785713571270;0.025431034482758619469366934140;0.046551724137931037306170622969;0.021982758620689653999979995547;0.014655172413793103244894489023;0.018103448275862070449004903594;0.012931034482758620510201019727;0.004310344827586206836733673242;0.023706896551724136734673464844;0.040517241379310342530573052500;0.002155172413793103418366836621;0.014655172413793103244894489023;0.006034482758620689571427142539;0.012500000000000000693889390391;0.009913793103448276591849186445;0.045258620689655172653065307031;0.014224137931034483428582859688;0.032327586206896553877587763282;0.036206896551724140898009807188;0.000000000000000000000000000000;0.075431034482758618775477543750;0.034051724137931033142834280625;0.005172413793103448204080407891;0.022844827586206897102050206172;0.006034482758620689571427142539;0.013362068965517242061236125039;0.015517241379310344612241223672;0.009482758620689655040814081133;0.005603448275862068887753775215;0.003879310344827586153060305918;0.004310344827586206836733673242;0.005172413793103448204080407891;0.012931034482758620510201019727;0.000000000000000000000000000000;0.006034482758620689571427142539;0.015517241379310344612241223672;0.007758620689655172306120611836;0.008620689655172413673467346484;0.009913793103448276591849186445;0.019827586206896553183698372891;0.016379310344827587714311434297
-0.041039156626506020919542550018;0.011671686746987951222020996056;0.029743975903614456451906633561;0.033509036144578313587416573682;0.009036144578313252614942818752;0.069653614457831330986081752599;0.000753012048192771123525379728;0.024472891566265059237750278953;0.013177710843373494770114362495;0.010165662650602409408651105593;0.018825301204819278738655796701;0.056475903614457832746520438150;0.026355421686746989540228724991;0.022213855421686745650333705271;0.017319277108433735190562430262;0.024096385542168675952812151309;0.007530120481927710801572928290;0.027108433734939759579551932234;0.035768072289156627174833147365;0.006024096385542168988203037827;0.022590361445783132404718784869;0.006024096385542168988203037827;0.011295180722891566202359392435;0.015813253012048191642469063822;0.051957831325301205571687290785;0.025978915662650602785843645393;0.039909638554216864125834263177;0.007153614457831324914549586680;0.000000000000000000000000000000;0.054969879518072285728980119757;0.027484939759036142864490059878;0.004518072289156626307471409376;0.019954819277108432062917131589;0.006024096385542168988203037827;0.024096385542168675952812151309;0.021837349397590362365395577626;0.015813253012048191642469063822;0.010165662650602409408651105593;0.002259036144578313153735704688;0.007530120481927710801572928290;0.003765060240963855400786464145;0.010165662650602409408651105593;0.000000000000000000000000000000;0.007906626506024095821234531911;0.012801204819277108015729282897;0.008283132530120482575619611509;0.020707831325301205571687290785;0.015060240963855421603145856579;0.042168674698795177713250836860;0.018825301204819278738655796701
-0.043649061545176781606869553798;0.019642077695329551723091299209;0.026625927542557836086301037426;0.077258838934962895117486425534;0.017023134002618942051121564418;0.071147970318638148468082249565;0.000872981230903535545401217277;0.024879965080750764128136864883;0.008293321693583587464471129636;0.007856831078131820342291824488;0.027062418158009603208480342573;0.054124836316019206416960685146;0.030554343081623743655361735705;0.021388040157136620211808519798;0.020515058926233085967449909504;0.027498908773461370330659647720;0.005674378000872981261948346798;0.020078568310781318845270604356;0.027935399388913137452838952868;0.005237887385421213272407303663;0.022261021388040157925614082046;0.005674378000872981261948346798;0.013094718463553032747337390163;0.010475774770842426544814607325;0.046268005237887384339945384681;0.020515058926233085967449909504;0.025316455696202531250316170031;0.020951549541684853089629214651;0.000872981230903535545401217277;0.049759930161501528256273729767;0.024443474465298997005957559736;0.006983849847228284363209738217;0.018332605848974246887106431814;0.005674378000872981261948346798;0.023570493234395459292151997488;0.017023134002618942051121564418;0.014840680925360104705501562705;0.007856831078131820342291824488;0.000872981230903535545401217277;0.006110868616324749251489389934;0.004801396769969445282866260527;0.013094718463553032747337390163;0.000000000000000000000000000000;0.008293321693583587464471129636;0.013531209079004801604240171287;0.006110868616324749251489389934;0.017459624618070712642747821519;0.013531209079004801604240171287;0.033173286774334349857884518542;0.011785246617197729646075998744
-0.037903225806451612545089346895;0.012096774193548386761021262714;0.025806451612903225784068084181;0.098790322580645156813616836189;0.008870967741935483971693621186;0.063709677419354834859710479122;0.000403225806451612902876063815;0.017338709677419354010519114695;0.008467741935483871773548969486;0.008467741935483871773548969486;0.021370967741935482930859535600;0.051612903225806451568136168362;0.029838709677419354704408505086;0.018145161290322581876255370048;0.008870967741935483971693621186;0.017741935483870967943387242372;0.007258064516129032577029800422;0.024596774193548387454910653105;0.036693548387096770746484963865;0.004032258064516128920340420905;0.020564516129032258534570232200;0.006451612903225806446017021045;0.013306451612903225090178693790;0.010080645161290322300851052262;0.045967741935483870385770188705;0.020161290322580644601702104524;0.032661290322580645295591494914;0.045161290322580642520033933351;0.000403225806451612902876063815;0.059677419354838709408817010171;0.024193548387096773522042525428;0.006451612903225806446017021045;0.024596774193548387454910653105;0.006451612903225806446017021045;0.020564516129032258534570232200;0.015322580645161289550348904243;0.011290322580645160630008483338;0.006854838709677419511523410733;0.000806451612903225805752127631;0.006048387096774193380510631357;0.003225806451612903223008510523;0.010080645161290322300851052262;0.000000000000000000000000000000;0.007661290322580644775174452121;0.010887096774193548431863831638;0.006451612903225806446017021045;0.017741935483870967943387242372;0.016935483870967743547097938972;0.033064516129032259228459622591;0.014919354838709677352204252543
-0.037345679012345679714801605087;0.020987654320987654543717582101;0.021604938271604937072289942535;0.008024691358024691953398921385;0.021604938271604937072289942535;0.041358024691358026558862803768;0.003086419753086419581755706076;0.056790123456790124467641334149;0.009567901234567901744276774423;0.007716049382716048954389265191;0.025617283950617283916351141215;0.020061728395061727281412089496;0.023765432098765432861187107960;0.017283950617283948963942563637;0.038888888888888889505679458125;0.014506172839506172381196513754;0.005555555555555555767577313730;0.039814814814814816767984950729;0.066358024691358027946641584549;0.004320987654320987240985640909;0.030864197530864195817557060764;0.004012345679012345976699460692;0.014506172839506172381196513754;0.012037037037037037062736644089;0.033641975308641977604473538577;0.020061728395061727281412089496;0.059876543209876544049397040226;0.038580246913580244771946325955;0.000925925925925925961262885622;0.044135802469135801406885377673;0.008333333333333333217685101602;0.002777777777777777883788656865;0.034259259259259260133045899011;0.005555555555555555767577313730;0.013580246913580246853614497127;0.021296296296296295808003762318;0.020370370370370372015145221667;0.004012345679012345976699460692;0.001851851851851851922525771243;0.005864197530864197899225231936;0.010185185185185186007572610833;0.009876543209876543008562954640;0.000000000000000000000000000000;0.007716049382716048954389265191;0.029012345679012344762393027509;0.007716049382716048954389265191;0.018209876543209876226248056241;0.008333333333333333217685101602;0.037037037037037034981068472916;0.011111111111111111535154627461
-0.034166666666666664631257788187;0.027916666666666666019036568969;0.016250000000000000555111512313;0.065000000000000002220446049250;0.044999999999999998334665463062;0.063333333333333338699411285688;0.000833333333333333386820640509;0.021250000000000001526556658860;0.011666666666666667198648532633;0.005416666666666666851703837438;0.013333333333333334189130248149;0.108333333333333337034076748751;0.019583333333333334536074943344;0.017916666666666667545593227828;0.033750000000000002220446049250;0.025416666666666667268037471672;0.003749999999999999861222121922;0.016666666666666666435370203203;0.026666666666666668378260496297;0.003749999999999999861222121922;0.013333333333333334189130248149;0.003333333333333333547282562037;0.004166666666666666608842550801;0.010833333333333333703407674875;0.039166666666666669072149886688;0.015833333333333334674852821422;0.018333333333333333425851918719;0.037083333333333336201409480282;0.000000000000000000000000000000;0.094166666666666662410811738937;0.038333333333333330372738601000;0.002916666666666666799662133158;0.012916666666666666574148081281;0.005416666666666666851703837438;0.010833333333333333703407674875;0.013333333333333334189130248149;0.004166666666666666608842550801;0.004166666666666666608842550801;0.001666666666666666773641281019;0.005416666666666666851703837438;0.003333333333333333547282562037;0.012916666666666666574148081281;0.000000000000000000000000000000;0.005833333333333333599324266316;0.014999999999999999444888487687;0.002500000000000000052041704279;0.020000000000000000416333634234;0.015833333333333334674852821422;0.013750000000000000069388939039;0.015416666666666667059870654555
-0.036618444846292945438204213815;0.025316455696202531250316170031;0.022603978300180831845223039522;0.127938517179023519831915223222;0.021699819168173598710191996020;0.051084990958408682537594813766;0.000904159132007233243451260751;0.023508137432188064980254083025;0.010397830018083182787580476258;0.005877034358047016245063520756;0.016274864376130199900005735003;0.050180831826401449402563770263;0.019891500904159132440129909014;0.019439421338155515872614387263;0.030289330922242313492986909296;0.016274864376130199900005735003;0.009493670886075949652549432756;0.027576853526220614087893778787;0.030289330922242313492986909296;0.007233273056057865947610086010;0.018987341772151899305098865511;0.009493670886075949652549432756;0.004068716094032549975001433751;0.018535262206148282737583343760;0.051084990958408682537594813766;0.019439421338155515872614387263;0.034358047016274866070073557012;0.026672694394213380952862735285;0.000000000000000000000000000000;0.042495479204339964285352948536;0.029385171790235080357955865793;0.008589511754068716517518389253;0.017179023508137433035036778506;0.004520795660036166542516955502;0.014014466546112115327704650269;0.013562386980108498760189128518;0.012206148282097649057642563264;0.004520795660036166542516955502;0.004068716094032549975001433751;0.004972875226039783110032477254;0.004972875226039783110032477254;0.015822784810126583332490213252;0.000000000000000000000000000000;0.006329113924050632812579042508;0.018987341772151899305098865511;0.004972875226039783110032477254;0.017631103074141049602552300257;0.010849909584086799355095998010;0.015822784810126583332490213252;0.013562386980108498760189128518
-0.031223628691983123378816955551;0.024472573839662448147436180079;0.024050632911392404861272709127;0.094936708860759499994941279510;0.031223628691983123378816955551;0.037974683544303798610197731023;0.002953586497890295196888654772;0.038396624472573838426914250022;0.008860759493670886458027702304;0.009282700421940928009467697279;0.016033755274261603240848472751;0.031223628691983123378816955551;0.015611814345991561689408477775;0.024894514767932487964152699078;0.035864978902953585648827328214;0.019409282700421942591262336464;0.010548523206751054398511158183;0.021097046413502108797022316367;0.038818565400843885182524672928;0.004219409282700421585932115676;0.018565400843881856018935394559;0.008860759493670886458027702304;0.008016877637130801620424236376;0.011814345991561180787554619087;0.035443037974683545832110809215;0.021940928270042195369349258272;0.029535864978902953703610023695;0.070042194092826998153000772618;0.000421940928270042201961298467;0.037552742616033751854587308117;0.022362869198312235186065777270;0.006751054852320675231380775472;0.015611814345991561689408477775;0.002109704641350210792966057838;0.010970464135021097684674629136;0.017721518987341772916055404608;0.010548523206751054398511158183;0.004219409282700421585932115676;0.003375527426160337615690387736;0.003797468354430379600811251706;0.011392405063291139236114624111;0.009704641350210971295631168232;0.000000000000000000000000000000;0.007594936708860759201622503411;0.025738396624472574536479640983;0.009704641350210971295631168232;0.021940928270042195369349258272;0.016455696202531646527011943704;0.021518987341772152083185787319;0.015189873417721518403245006823
-0.023369036027263874466530779728;0.031158714703018501601672340939;0.012658227848101265625158085015;0.113924050632911388891699289161;0.046738072054527748933061559455;0.041869522882181112177768511629;0.005355404089581304420686347356;0.033592989289191819979318864853;0.003407984420642648504262695042;0.006329113924050632812579042508;0.023369036027263874466530779728;0.031158714703018501601672340939;0.016066212268743915864144256034;0.018987341772151899305098865511;0.032619279454722489852702693724;0.023855890944498539529838865292;0.002434274586173320546050868884;0.015579357351509250800836170470;0.052580331061343722753864682318;0.001947419668938656350104521309;0.019961051606621225962268084686;0.002434274586173320546050868884;0.006815968841285297008525390083;0.011197663096397273904680780277;0.035540408958130480232551207109;0.019474196689386564368406951075;0.021908471275559882746053474989;0.071080817916260960465102414219;0.000000000000000000000000000000;0.054527750730282376068203120667;0.022882181110029212872669646117;0.004381694255111976896155390193;0.021908471275559882746053474989;0.005355404089581304420686347356;0.011197663096397273904680780277;0.014605647517039922408943475318;0.010223953261927945512788085125;0.006815968841285297008525390083;0.000486854917234664087526130327;0.002921129503407984308316347466;0.007302823758519961204471737659;0.009737098344693282184203475538;0.000000000000000000000000000000;0.007302823758519961204471737659;0.030185004868549171475056169811;0.003894839337877312700209042617;0.018987341772151899305098865511;0.014605647517039922408943475318;0.016066212268743915864144256034;0.011197663096397273904680780277
-0.029166666666666667129259593594;0.028750000000000001249000902703;0.020833333333333332176851016015;0.108333333333333337034076748751;0.036249999999999997501998194593;0.032500000000000001110223024625;0.001666666666666666773641281019;0.031666666666666669349705642844;0.005000000000000000104083408559;0.008333333333333333217685101602;0.012083333333333333078907223523;0.034583333333333333980963431031;0.014166666666666665949647629930;0.021666666666666667406815349750;0.046249999999999999444888487687;0.023750000000000000277555756156;0.004166666666666666608842550801;0.027083333333333334258519187188;0.047083333333333331205405869468;0.002500000000000000052041704279;0.019166666666666665186369300500;0.005416666666666666851703837438;0.009166666666666666712925959359;0.015416666666666667059870654555;0.032083333333333331760517381781;0.022083333333333333287074040641;0.031666666666666669349705642844;0.051666666666666666296592325125;0.000416666666666666693410320255;0.032500000000000001110223024625;0.021666666666666667406815349750;0.005833333333333333599324266316;0.017083333333333332315628894094;0.005000000000000000104083408559;0.010000000000000000208166817117;0.018749999999999999306110609609;0.007499999999999999722444243844;0.009166666666666666712925959359;0.000000000000000000000000000000;0.003749999999999999861222121922;0.007499999999999999722444243844;0.008750000000000000832667268469;0.000000000000000000000000000000;0.010833333333333333703407674875;0.034166666666666664631257788187;0.008333333333333333217685101602;0.022499999999999999167332731531;0.018749999999999999306110609609;0.020000000000000000416333634234;0.014999999999999999444888487687
-0.029629629629629630760412339896;0.041666666666666664353702032031;0.019907407407407408383992475365;0.058333333333333334258519187188;0.031018518518518518184423626849;0.043981481481481482509465763542;0.003703703703703703845051542487;0.035648148148148151026504137917;0.013425925925925926221471407018;0.006018518518518518531368322044;0.014351851851851851749053423646;0.032407407407407405608434913802;0.017129629629629630066522949505;0.018981481481481481121686982760;0.048148148148148148250946576354;0.020370370370370372015145221667;0.007870370370370369586532355299;0.023611111111111110494320541875;0.032870370370370369239587660104;0.005092592592592593003786305417;0.022222222222222223070309254922;0.007407407407407407690103084974;0.007870370370370369586532355299;0.011111111111111111535154627461;0.035648148148148151026504137917;0.019907407407407408383992475365;0.037499999999999998612221219219;0.061574074074074072737694507396;0.000462962962962962980631442811;0.036111111111111107718762980312;0.026851851851851852442942814037;0.006481481481481481295159330358;0.023148148148148146863167795573;0.002777777777777777883788656865;0.014351851851851851749053423646;0.016666666666666666435370203203;0.008796296296296296848837847904;0.006944444444444444058950338672;0.002777777777777777883788656865;0.004166666666666666608842550801;0.012962962962962962590318660716;0.019444444444444444752839729063;0.000000000000000000000000000000;0.009259259259259258745267118229;0.027314814814814816074095560339;0.006018518518518518531368322044;0.016666666666666666435370203203;0.018055555555555553859381490156;0.019444444444444444752839729063;0.013888888888888888117900677344
-0.029799914857386120697890774522;0.034482758620689654693869385937;0.025968497232865050267092144054;0.100468284376330346807648652430;0.024691358024691356654045648611;0.042571306939123032542227065278;0.002128565346956151540375179465;0.038314176245210725124668016406;0.008514261387824606161500717860;0.010642826734780758135556766319;0.021285653469561516271113532639;0.040868454661558112350761007292;0.007662835249042145198405950879;0.018305661983822902466600979210;0.042145593869731802494360550781;0.018305661983822902466600979210;0.008514261387824606161500717860;0.037888463175819495076801501909;0.040442741592166882302894492796;0.005959982971477224139578154904;0.017454235845040442370867950217;0.005534269902085994091711640408;0.005108556832694764043845125912;0.014899957428693060348945387261;0.041719880800340572446494036285;0.017879948914431672418734464713;0.029374201787994890650024260026;0.040442741592166882302894492796;0.000000000000000000000000000000;0.037037037037037034981068472916;0.025117071094082586701912163107;0.004682843763303533128616873427;0.014899957428693060348945387261;0.002554278416347382021922562956;0.011919965942954448279156309809;0.014474244359301830301078872765;0.013197105151128140157479329275;0.003831417624521072599202975439;0.001277139208173691010961281478;0.004257130693912303080750358930;0.012345679012345678327022824305;0.017028522775649212323001435720;0.000000000000000000000000000000;0.011068539804171988183423280816;0.025117071094082586701912163107;0.006811409110259685102672921886;0.016177096636866752227268406727;0.012345679012345678327022824305;0.023839931885908896558312619618;0.010642826734780758135556766319
-0.028129395218002811729363088489;0.037505860290670420265080053923;0.022972339428035629116386928672;0.160337552742616046286272535326;0.029067041725269571889045394641;0.032348804500703237652103894106;0.005625879043600562692817312893;0.031879981247069852368092313100;0.010314111579934365225952319634;0.009376465072667605066270013481;0.018752930145335210132540026962;0.039849976558837318929562343328;0.015939990623534926184046156550;0.015939990623534926184046156550;0.040318799812470697274680020428;0.024378809188935771090633863878;0.003750586029067041939771831593;0.027191748710736051569680782336;0.027660571964369433384245411389;0.002344116268166901266567503370;0.021097046413502108797022316367;0.001406469760900140673204328223;0.004688232536333802533135006740;0.006563525550867322852499619046;0.036099390529770278290833118717;0.016877637130801686343728462703;0.029067041725269571889045394641;0.045475855602437879887656180244;0.000937646507266760484942957898;0.037505860290670420265080053923;0.018752930145335210132540026962;0.004219409282700421585932115676;0.016877637130801686343728462703;0.002344116268166901266567503370;0.015939990623534926184046156550;0.012658227848101265625158085015;0.006094702297233942772658465969;0.007032348804500702932340772122;0.000937646507266760484942957898;0.001406469760900140673204328223;0.011720581340834505465475778863;0.017346460384435068158293091756;0.000000000000000000000000000000;0.007032348804500702932340772122;0.022034692920768868956704622519;0.008438818565400843171864231351;0.015939990623534926184046156550;0.015002344116268167759087326374;0.018752930145335210132540026962;0.014064697609001405864681544244
-0.028395061728395062233820667075;0.026337448559670781356167879039;0.034979423868312757572862636835;0.044444444444444446140618509844;0.020164609053497942192656466887;0.039094650205761319328168212905;0.002469135802469135752140738660;0.021399176954732510719248139708;0.021810699588477366894778697315;0.007818930041152263865633642581;0.015226337448559671555736727555;0.063374485596707816337236351956;0.014814814814814815380206169948;0.024279835390946500478515091004;0.038683127572016459683190703345;0.033333333333333332870740406406;0.009053497942386830657501839426;0.018930041152263373666064794065;0.026337448559670781356167879039;0.005761316872427983855342592534;0.014403292181069959204675612341;0.011934156378600823886215742675;0.004526748971193415328750919713;0.014814814814814815380206169948;0.038271604938271606977107097691;0.022222222222222223070309254922;0.026337448559670781356167879039;0.047325102880658435899885461140;0.000823045267489711917380246220;0.037448559670781894626045982477;0.051028806584362138010213527650;0.003703703703703703845051542487;0.010699588477366255359624069854;0.009465020576131686833032397033;0.016049382716049383906797842769;0.017695473251028805139473121244;0.004938271604938271504281477320;0.007407407407407407690103084974;0.004938271604938271504281477320;0.010288065843621399184093512247;0.006584362139917695339041969760;0.016049382716049383906797842769;0.000000000000000000000000000000;0.011522633744855967710685185068;0.021810699588477366894778697315;0.008641975308641974481971281818;0.021810699588477366894778697315;0.018106995884773661315003678851;0.023456790123456791596900927743;0.020987654320987654543717582101
-0.027263875365141188034101560334;0.037487828627069133546889645459;0.017039922103213242521313475208;0.122687439143135346153457021501;0.028237585199610514691270779508;0.036514118792599803420273474330;0.004381694255111976896155390193;0.030671859785783836538364255375;0.010223953261927945512788085125;0.007789678675754625400418085235;0.021908471275559882746053474989;0.060370009737098342950112339622;0.011197663096397273904680780277;0.012171372930866602296573475428;0.034079844206426485042626950417;0.025803310613437196313624255595;0.007789678675754625400418085235;0.025803310613437196313624255595;0.023855890944498539529838865292;0.002921129503407984308316347466;0.018013631937682569178482694383;0.004381694255111976896155390193;0.003894839337877312700209042617;0.010710808179162608841372694712;0.048685491723466409186293901712;0.019474196689386564368406951075;0.027263875365141188034101560334;0.055501460564751706194819291795;0.001947419668938656350104521309;0.038948393378773128736813902151;0.041869522882181112177768511629;0.004381694255111976896155390193;0.011684518013631937233265389864;0.003407984420642648504262695042;0.005842259006815968616632694932;0.014605647517039922408943475318;0.008763388510223953792310780386;0.007302823758519961204471737659;0.000973709834469328175052260654;0.005355404089581304420686347356;0.010710808179162608841372694712;0.012171372930866602296573475428;0.000000000000000000000000000000;0.005355404089581304420686347356;0.022395326192794547809361560553;0.008276533592989288729002694822;0.013145082765335930688466170579;0.018500486854917234241790779947;0.013145082765335930688466170579;0.015092502434274585737528084906
-0.026999999999999999694688668228;0.029499999999999998445687765525;0.008000000000000000166533453694;0.098500000000000004218847493576;0.029999999999999998889776975375;0.042000000000000002609024107869;0.004000000000000000083266726847;0.029999999999999998889776975375;0.004000000000000000083266726847;0.009499999999999999764077607267;0.014999999999999999444888487687;0.076999999999999999000799277837;0.016000000000000000333066907388;0.010000000000000000208166817117;0.052499999999999998057109706906;0.031500000000000000222044604925;0.005499999999999999680810880420;0.018499999999999999084066004684;0.032000000000000000666133814775;0.002000000000000000041633363423;0.012999999999999999403255124264;0.003000000000000000062450045135;0.003000000000000000062450045135;0.010999999999999999361621760841;0.043999999999999997446487043362;0.012500000000000000693889390391;0.028000000000000000582867087928;0.080000000000000001665334536938;0.001500000000000000031225022568;0.037499999999999998612221219219;0.055000000000000000277555756156;0.003000000000000000062450045135;0.012999999999999999403255124264;0.004499999999999999659994198709;0.008999999999999999319988397417;0.012500000000000000693889390391;0.005000000000000000104083408559;0.012000000000000000249800180541;0.001500000000000000031225022568;0.004000000000000000083266726847;0.010000000000000000208166817117;0.009499999999999999764077607267;0.000000000000000000000000000000;0.008000000000000000166533453694;0.025000000000000001387778780781;0.006000000000000000124900090270;0.008500000000000000610622663544;0.007499999999999999722444243844;0.014000000000000000291433543964;0.016000000000000000333066907388
-0.016296296296296294836558615771;0.033086419753086418471532681451;0.009876543209876543008562954640;0.100740740740740741809844394083;0.046913580246913583193801855487;0.034567901234567897927885127274;0.004444444444444444440589503387;0.035061728395061726726300577184;0.006419753086419752695357399119;0.003456790123456790313205555520;0.016296296296296294836558615771;0.025679012345679010781429596477;0.019259259259259260688157411323;0.012345679012345678327022824305;0.042469135802469137885850614111;0.015308641975308642443898143881;0.005432098765432098567973451253;0.025679012345679010781429596477;0.064691358024691364425606820987;0.001975308641975308688448764727;0.030617283950617284887796287762;0.000987654320987654344224382363;0.009382716049382715944870980707;0.008395061728395061817487032840;0.031111111111111110216764785719;0.015308641975308642443898143881;0.035555555555555555524716027094;0.073086419753086426243093853827;0.000000000000000000000000000000;0.052345679012345679159690092774;0.019753086419753086017125909279;0.003456790123456790313205555520;0.029135802469135801961996889986;0.001975308641975308688448764727;0.014320987654320988316514196015;0.007407407407407407690103084974;0.010864197530864197135946902506;0.003950617283950617376897529454;0.001481481481481481407916356297;0.002962962962962962815832712593;0.015308641975308642443898143881;0.014320987654320988316514196015;0.000000000000000000000000000000;0.003950617283950617376897529454;0.035555555555555555524716027094;0.010370370370370370072254928573;0.007407407407407407690103084974;0.010370370370370370072254928573;0.022222222222222223070309254922;0.008395061728395061817487032840
-0.017444981213097156269586918143;0.039184111647879764361857013455;0.016639828234031133619152953429;0.084004294149221683807304827951;0.040257648953301125582804331771;0.019055287171229201570454847570;0.005636070853462157685676015006;0.056629092860976920631443931597;0.004294149221685453557406653147;0.005099302200751476207840617860;0.017713365539452494840100271745;0.012614063338701020366983129861;0.012614063338701020366983129861;0.008856682769726247420050135872;0.064680622651637140196889674826;0.012077294685990338021785994727;0.003757380568974772079571256000;0.040794417606011809662724942882;0.053676865271068172069668378299;0.004025764895330112384808085579;0.027375201288244766645307848307;0.006977992485238861813945376866;0.012077294685990338021785994727;0.010735373054213634760878370855;0.020665593129361246871322776997;0.013419216317767043017417094575;0.042136339237788512923632566753;0.074074074074074069962136945833;0.000268384326355340847337915822;0.042404723564143854963592872309;0.016639828234031133619152953429;0.003220611916264090168054989860;0.025228126677402040733966259722;0.002952227589908749429137291287;0.009125067096081589460010441428;0.014224369296833065667851059288;0.011540526033279655676588859592;0.005367686527106817380439185428;0.001878690284487386039785628000;0.010466988727858292720918065299;0.016908212560386472189666307031;0.008051529790660224769616171159;0.000000000000000000000000000000;0.004830917874396135035242050293;0.049651100375738055348051602778;0.005099302200751476207840617860;0.009930220075147612110444406142;0.008051529790660224769616171159;0.019592055823939882180928506727;0.008051529790660224769616171159
-0.020325203252032519873893079421;0.073170731707317068770457524352;0.007504690431519699805873457876;0.053470919324577863285252732339;0.065666041275797379372924922336;0.012507817385866166343122429794;0.015947467166979360786438491004;0.058786741713570983547398896008;0.001250781738586616634312242979;0.003439649781113195744358668193;0.013758599124452782977434672773;0.005941213258286429446664023146;0.004377736085053158220092850428;0.003752345215759849902936728938;0.095059412132582871146624370340;0.012195121951219512618225238043;0.003439649781113195744358668193;0.039712320200125078573094583589;0.047842401500938089298209376921;0.000938086303939962475734182235;0.028767979987492184323905064502;0.000312695434646654158578060745;0.005315822388993121129507901657;0.007504690431519699805873457876;0.015322076297686053336644107503;0.015322076297686053336644107503;0.029080675422138838048802256253;0.133520950594121334820130186927;0.000625390869293308317156121490;0.033145716072545343411359652919;0.011569731081926203433707378565;0.005315822388993121129507901657;0.016260162601626017980782634709;0.000312695434646654158578060745;0.003126954346466541585780607448;0.010318949343339586799395135586;0.007817385866166353530770649627;0.019387116948092558699201504169;0.000312695434646654158578060745;0.000312695434646654158578060745;0.021888680425265791967825990127;0.005315822388993121129507901657;0.000000000000000000000000000000;0.007191994996873046080976266126;0.043151969981238276485857596754;0.012820512820512820068019621544;0.003752345215759849902936728938;0.005315822388993121129507901657;0.014071294559099436702331864524;0.003752345215759849902936728938
-0.046455505279034692289741315108;0.019607843137254901688670827298;0.015987933634992457232470997042;0.062141779788838613640677976946;0.012971342383107089743510265123;0.054298642533936652965209646027;0.001809954751131221794419046134;0.021116138763197588035236407222;0.003016591251885369657365076890;0.011161387631975867515410349995;0.016289592760180996583452284199;0.070588235294117646079214978272;0.021116138763197588035236407222;0.018702865761689290574620869734;0.025641025641025640136039243089;0.037104072398190045267707404264;0.004826546003016591451784123024;0.019607843137254901688670827298;0.025641025641025640136039243089;0.005128205128205128200680196215;0.015987933634992457232470997042;0.003318250377073906406261150082;0.006636500754147812812522300163;0.014177978883861236739094557890;0.051583710407239816153612821381;0.023831070889894417907939327961;0.018401206636500754693086534530;0.076923076923076927347011633174;0.000000000000000000000000000000;0.040120663650075417960838564113;0.062141779788838613640677976946;0.006334841628959276063626226971;0.012368024132730014510994642762;0.004826546003016591451784123024;0.018401206636500754693086534530;0.008446455505279034173260477303;0.006938159879336349561418373355;0.009954751131221718785102581251;0.001206636500754147862946030756;0.009049773755656109405776099663;0.006636500754147812812522300163;0.008144796380090498291726142099;0.000000000000000000000000000000;0.005731523378582201698472342599;0.012669683257918552127252453943;0.008446455505279034173260477303;0.017194570135746607697502241763;0.021417797888386123916770742426;0.020512820512820512802720784862;0.015384615384615385469402326635
-0.041250000000000001942890293094;0.016250000000000000555111512313;0.014583333333333333564629796797;0.049166666666666664076146275875;0.035416666666666665741480812812;0.088749999999999995559107901499;0.004166666666666666608842550801;0.008333333333333333217685101602;0.008333333333333333217685101602;0.006666666666666667094565124074;0.019583333333333334536074943344;0.107916666666666660745477201999;0.016250000000000000555111512313;0.015833333333333334674852821422;0.010000000000000000208166817117;0.031250000000000000000000000000;0.003333333333333333547282562037;0.011249999999999999583666365766;0.029166666666666667129259593594;0.003749999999999999861222121922;0.010833333333333333703407674875;0.005000000000000000104083408559;0.002916666666666666799662133158;0.009166666666666666712925959359;0.060833333333333336478965236438;0.019583333333333334536074943344;0.012500000000000000693889390391;0.021250000000000001526556658860;0.000416666666666666693410320255;0.110000000000000000555111512313;0.067916666666666666851703837438;0.003333333333333333547282562037;0.008333333333333333217685101602;0.004166666666666666608842550801;0.009166666666666666712925959359;0.010000000000000000208166817117;0.005833333333333333599324266316;0.011249999999999999583666365766;0.001250000000000000026020852140;0.004166666666666666608842550801;0.004166666666666666608842550801;0.007499999999999999722444243844;0.000000000000000000000000000000;0.009166666666666666712925959359;0.013333333333333334189130248149;0.008750000000000000832667268469;0.021250000000000001526556658860;0.011249999999999999583666365766;0.011249999999999999583666365766;0.014166666666666665949647629930
-0.038630027877339705166814809445;0.011549183592194344968873132018;0.022700119474313024126033155881;0.039426523297491036790241025756;0.018319394663480686319401158357;0.082039028275587413951974724569;0.000398247710075667058545606514;0.013938669852648346778045684857;0.010752688172043011610723439730;0.010354440461967344064286855598;0.023098367184388689937746264036;0.092791716447630429032145116253;0.029868578255675029553550814398;0.026284348864994026839791985140;0.007566706491437673841315980638;0.023894862604540025030619432300;0.006371963361210672936729704219;0.013938669852648346778045684857;0.019514137793707687223987434777;0.004380724810832337806631997523;0.015531660692951015229068545409;0.007168458781362007162241134495;0.005973715651135006257654858075;0.013142174432497013419895992570;0.056152927120669056393342799538;0.027479091995221027744378261559;0.022301871764237354844873095772;0.030665073675826364646423982663;0.000000000000000000000000000000;0.094384707287933092278997548874;0.040223018717642375352561145974;0.004380724810832337806631997523;0.006371963361210672936729704219;0.006770211071286340483166288351;0.018319394663480686319401158357;0.015133412982875347682631961277;0.009159697331740343159700579179;0.009956192751891676517850271466;0.005575467941059338711218273943;0.005575467941059338711218273943;0.002787733970529669355609136971;0.010354440461967344064286855598;0.000000000000000000000000000000;0.008761449621664675613263995047;0.005973715651135006257654858075;0.005973715651135006257654858075;0.019912385503783353035700542932;0.020310633213859018847413651088;0.019115890083632017942827374668;0.016726403823178016133654821829
-0.039112903225806454343693729925;0.008467741935483871773548969486;0.022580645161290321260016966676;0.039112903225806454343693729925;0.033467741935483873161327750267;0.079435483870967743547097938972;0.000806451612903225805752127631;0.010887096774193548431863831638;0.016532258064516129614229811295;0.011693548387096774562876611014;0.021774193548387096863727663276;0.107258064516129028587165805675;0.019758064516129030668833976847;0.021370967741935482930859535600;0.008064516129032257840680841809;0.032661290322580645295591494914;0.006451612903225806446017021045;0.015322580645161289550348904243;0.020161290322580644601702104524;0.004435483870967741985846810593;0.012500000000000000693889390391;0.010483870967741936233719179938;0.003629032258064516288514900211;0.010080645161290322300851052262;0.064919354838709683597208766059;0.023387096774193549125753222029;0.022983870967741935192885094352;0.008870967741935483971693621186;0.000000000000000000000000000000;0.085080645161290324729463918629;0.049596774193548388842689433886;0.004435483870967741985846810593;0.011290322580645160630008483338;0.002822580645161290157502120834;0.014516129032258065154059600843;0.014516129032258065154059600843;0.006854838709677419511523410733;0.008870967741935483971693621186;0.001209677419354838762838300070;0.007661290322580644775174452121;0.002016129032258064460170210452;0.009677419354838710102706400562;0.000000000000000000000000000000;0.006048387096774193380510631357;0.008870967741935483971693621186;0.005241935483870968116859589969;0.016129032258064515681361683619;0.021774193548387096863727663276;0.025000000000000001387778780781;0.022177419354838710796595790953
-0.045416666666666667684371105906;0.010000000000000000208166817117;0.026666666666666668378260496297;0.055000000000000000277555756156;0.036249999999999997501998194593;0.088749999999999995559107901499;0.001666666666666666773641281019;0.008333333333333333217685101602;0.014583333333333333564629796797;0.006250000000000000346944695195;0.019583333333333334536074943344;0.085833333333333330927850113312;0.025833333333333333148296162562;0.017500000000000001665334536938;0.010833333333333333703407674875;0.028750000000000001249000902703;0.006666666666666667094565124074;0.012500000000000000693889390391;0.018749999999999999306110609609;0.002916666666666666799662133158;0.011666666666666667198648532633;0.010000000000000000208166817117;0.004166666666666666608842550801;0.012500000000000000693889390391;0.055416666666666669627261399000;0.020416666666666666296592325125;0.015833333333333334674852821422;0.030833333333333334119741309109;0.000416666666666666693410320255;0.102083333333333331482961625625;0.035000000000000003330669073875;0.005416666666666666851703837438;0.012083333333333333078907223523;0.002916666666666666799662133158;0.014999999999999999444888487687;0.010416666666666666088425508008;0.002083333333333333304421275400;0.005416666666666666851703837438;0.004166666666666666608842550801;0.007499999999999999722444243844;0.002083333333333333304421275400;0.014166666666666665949647629930;0.000000000000000000000000000000;0.008333333333333333217685101602;0.009583333333333332593184650250;0.005416666666666666851703837438;0.019583333333333334536074943344;0.022916666666666665047591422422;0.015833333333333334674852821422;0.016666666666666666435370203203
-0.043771043771043773029649770478;0.010101010101010101868701518413;0.027684249906472127578105357770;0.074448185559296664592920933501;0.023569023569023569292246733653;0.076318742985409651624628679656;0.002244668911335578193044781870;0.006734006734006733711772607620;0.013093901982790871058037751595;0.011223344556677889230500433371;0.019827908716797605637172097204;0.082304526748971193472748097975;0.019453797231575011006388109536;0.022820800598578376561231806363;0.004115226337448560020582100094;0.033670033670033669426224776089;0.006734006734006733711772607620;0.014216236438458660154560142530;0.021698466142910585729985939452;0.003367003367003366855886303810;0.013468013468013467423545215240;0.013468013468013467423545215240;0.004115226337448560020582100094;0.012719790497568274692530287950;0.068088290310512528114017527514;0.022446689113355778461000866741;0.013093901982790871058037751595;0.038533482977927420443098327496;0.000748222970445192622594710041;0.069210624766180325884157298333;0.044893378226711556922001733483;0.006734006734006733711772607620;0.009352787130564909137686591123;0.007482229704451926442787534910;0.014964459408903852885575069820;0.011597456041900485596007897016;0.006734006734006733711772607620;0.007108118219229330077280071265;0.002992891881780770490378840165;0.011223344556677889230500433371;0.002618780396558174124871376520;0.005985783763561540980757680330;0.000000000000000000000000000000;0.008978675645342312772179127478;0.007108118219229330077280071265;0.004115226337448560020582100094;0.016086793864571641982097460755;0.024317246539468762023261660943;0.014216236438458660154560142530;0.020202020202020203737403036826
-0.038739889314601955172534530902;0.011919965942954448279156309809;0.017028522775649212323001435720;0.020434227330779056175380503646;0.022137079608343976366846561632;0.080885483184333764605788985591;0.000425713069391230318917057618;0.012345679012345678327022824305;0.012345679012345678327022824305;0.005534269902085994091711640408;0.019157088122605362562334008203;0.138782460621541092748998380557;0.020859940400170286223247018143;0.014474244359301830301078872765;0.010217113665389528087690251823;0.030225627926777350745757289019;0.002128565346956151540375179465;0.008514261387824606161500717860;0.025542784163473820219225629558;0.005108556832694764043845125912;0.012345679012345678327022824305;0.005959982971477224139578154904;0.002979991485738612069789077452;0.011068539804171988183423280816;0.057471264367816091156448976562;0.019157088122605362562334008203;0.017454235845040442370867950217;0.014899957428693060348945387261;0.000000000000000000000000000000;0.109833971902937421738499779167;0.080034057045551304510055956598;0.002979991485738612069789077452;0.010217113665389528087690251823;0.002128565346956151540375179465;0.013197105151128140157479329275;0.011068539804171988183423280816;0.005959982971477224139578154904;0.011919965942954448279156309809;0.002128565346956151540375179465;0.005108556832694764043845125912;0.004257130693912303080750358930;0.014048531289910600253212358268;0.000000000000000000000000000000;0.008088548318433376113634203364;0.007662835249042145198405950879;0.004682843763303533128616873427;0.017028522775649212323001435720;0.014048531289910600253212358268;0.020859940400170286223247018143;0.016602809706257982275134921224
-0.024413443246670895464545125719;0.037729866835764111487883099016;0.016169942929613188159487791040;0.058655675332910592323365506218;0.025047558655675334488011074541;0.027901077996195306624160892284;0.005072923272035510453004114595;0.059923906150919470370297403861;0.005707038681039949476470063416;0.006024096385542168988203037827;0.024413443246670895464545125719;0.036778693722257449483237223831;0.019023462270133163765084560737;0.012999365884590994776881522910;0.045656309448319595811760507331;0.015535827520608750870745318196;0.005072923272035510453004114595;0.035827520608750794417485252552;0.049461001902346229952556200260;0.004438807863031071429538165773;0.027901077996195306624160892284;0.003170577045022194249968006119;0.010462904248573240417741203601;0.012365250475586557488139050065;0.028852251109701965159359815516;0.018706404565630944253351586326;0.044071020925808494783648683324;0.023779327837666456441079176898;0.000317057704502219403312757162;0.035510462904248571436305326188;0.031705770450221937295509633259;0.004121750158528851917805191363;0.021242866201648700347215381612;0.003487634749524413328020111535;0.017121116043119846694686714272;0.020291693088142041812016458380;0.014584654407102092335546394963;0.010145846544071020906008229190;0.002219403931515535714769082887;0.004755865567533290941271140184;0.016169942929613188159487791040;0.008877615726062142859076331547;0.000000000000000000000000000000;0.007609384908053265679506171892;0.032339885859226376318975582080;0.009511731135066581882542280368;0.012048192771084337976406075654;0.012365250475586557488139050065;0.034242232086239693389373428545;0.016169942929613188159487791040
-0.017672413793103448897969798281;0.050862068965517238938733868281;0.011637931034482759326542655742;0.116810344827586204408120806875;0.056896551724137933714331438750;0.015517241379310344612241223672;0.006465517241379310255100509863;0.051293103448275860489768973594;0.003879310344827586153060305918;0.006896551724137930938773877187;0.014224137931034483428582859688;0.003448275862068965469386938594;0.009051724137931035224502451797;0.007758620689655172306120611836;0.077586206896551726530653070313;0.012931034482758620510201019727;0.005172413793103448204080407891;0.032758620689655175428622868594;0.040517241379310342530573052500;0.001724137931034482734693469297;0.024137931034482758285708570156;0.005172413793103448204080407891;0.005603448275862068887753775215;0.006034482758620689571427142539;0.016810344827586205795899587656;0.013362068965517242061236125039;0.039655172413793106367396745782;0.115086206896551718203980385624;0.000862068965517241367346734648;0.028879310344827584938753872734;0.014224137931034483428582859688;0.003448275862068965469386938594;0.020689655172413792816321631562;0.002155172413793103418366836621;0.005603448275862068887753775215;0.013362068965517242061236125039;0.006896551724137930938773877187;0.011206896551724137775507550430;0.000000000000000000000000000000;0.001293103448275862051020101973;0.017672413793103448897969798281;0.005603448275862068887753775215;0.000000000000000000000000000000;0.004741379310344827520407040566;0.045258620689655172653065307031;0.008189655172413793857155717149;0.008189655172413793857155717149;0.006896551724137930938773877187;0.016810344827586205795899587656;0.009051724137931035224502451797
-0.011614401858304297318613684808;0.076074332171893147003238766501;0.013066202090592334700280829907;0.110627177700348425237741878391;0.039198606271777000631395537766;0.018583042973286875709781895694;0.006387921022067363958918395639;0.043554006968641117980567400991;0.002032520325203252247597829339;0.009581881533101044637334986476;0.014227642276422763564780460399;0.012485481997677119400669276672;0.008710801393728222555279394612;0.011033681765389082019002131574;0.096399535423925666877131845922;0.011904761904761904101057723437;0.004355400696864111277639697306;0.026422764227642277917729174419;0.039198606271777000631395537766;0.002903600464576074329653421202;0.018292682926829267192614381088;0.003484320557491289195584105443;0.005807200929152148659306842404;0.009872241579558653154502501081;0.013937282229965156782336421770;0.014808362369337978864392013634;0.029907084785133566245951541873;0.120209059233449475079247292797;0.000290360046457607432965342120;0.022067363530778164038004263148;0.016260162601626017980782634709;0.003484320557491289195584105443;0.013937282229965156782336421770;0.002613240418118467113528513579;0.005226480836236934227057027158;0.013937282229965156782336421770;0.008710801393728222555279394612;0.008710801393728222555279394612;0.000871080139372822298896026361;0.004936120789779326577251250541;0.020905923344947736908228108632;0.006387921022067363958918395639;0.000000000000000000000000000000;0.004936120789779326577251250541;0.046747967479674794322175301886;0.004645760743321718927445473923;0.008420441347270615772835355983;0.010162601626016259936946539710;0.012485481997677119400669276672;0.009581881533101044637334986476
-0.016754850088183420586673832986;0.059082892416225746279323516319;0.011022927689594355649127521701;0.079805996472663134899683257117;0.033950617283950615399312766840;0.018518518518518517490534236458;0.006172839506172839163511412153;0.055996472663139326697567810243;0.003527336860670193807720806944;0.005291005291005290711581210417;0.014550264550264549456848328646;0.007054673721340387615441613889;0.009259259259259258745267118229;0.011463844797178129875092622569;0.078924162257495586447753055381;0.011904761904761904101057723437;0.003527336860670193807720806944;0.029100529100529098913696657291;0.058641975308641972053358415451;0.002645502645502645355790605208;0.022486772486772485524220144271;0.001322751322751322677895302604;0.007495590828924161841406714757;0.010582010582010581423162420833;0.023368606701940033976150346007;0.018077601410934743264569135590;0.039241622574955906110893977257;0.100088183421516749294077897048;0.000440917107583774225965100868;0.030864197530864195817557060764;0.017195767195767194812638933854;0.006172839506172839163511412153;0.023809523809523808202115446875;0.003086419753086419581755706076;0.008818342151675484519302017361;0.011904761904761904101057723437;0.013227513227513226778953026042;0.011463844797178129875092622569;0.000881834215167548451930201736;0.000881834215167548451930201736;0.015873015873015872134743631250;0.007054673721340387615441613889;0.000000000000000000000000000000;0.006172839506172839163511412153;0.048941798941798939082126196354;0.008377425044091710293336916493;0.008818342151675484519302017361;0.006613756613756613389476513021;0.021604938271604937072289942535;0.007936507936507936067371815625
-0.017832647462277091687798957764;0.059899405578417927453749314282;0.013260173754000913887152179882;0.092363968907178781164724057362;0.041152263374485596736374048987;0.014174668495656149447281535458;0.005944215820759030273479073259;0.048925468678555100732197047364;0.002286236854138088900323388941;0.010516689529035207206764113153;0.010059442158207591161422911341;0.013717421124828531667216857670;0.015089163237311385007410891035;0.006858710562414265833608428835;0.075903063557384548021289560893;0.014174668495656149447281535458;0.004572473708276177800646777882;0.026520347508001827774304359764;0.047553726566072242187832586069;0.002743484224965706246707197735;0.026520347508001827774304359764;0.002286236854138088900323388941;0.004115226337448560020582100094;0.006858710562414265833608428835;0.021490626428898033928316380070;0.017375400091449475642457755953;0.031092821216278005574951137646;0.111568358481938731396887476421;0.000457247370827617725854569164;0.028806584362139918409351224682;0.026977594878829447289092513529;0.006858710562414265833608428835;0.014631915866483767227346213247;0.003657978966620941806836553312;0.009144947416552355601293555765;0.013260173754000913887152179882;0.009144947416552355601293555765;0.013260173754000913887152179882;0.000000000000000000000000000000;0.001371742112482853123353598868;0.014174668495656149447281535458;0.008687700045724737821228877976;0.000000000000000000000000000000;0.009144947416552355601293555765;0.041609510745313216251162202752;0.008687700045724737821228877976;0.010059442158207591161422911341;0.013260173754000913887152179882;0.013260173754000913887152179882;0.008687700045724737821228877976
-0.014474244359301830301078872765;0.056194125159642401012849433073;0.013622818220519370205345843772;0.111962537249893565038938447742;0.037888463175819495076801501909;0.011919965942954448279156309809;0.007662835249042145198405950879;0.054065559812686250773516860590;0.001702852277564921275668230471;0.007237122179650915150539436382;0.017879948914431672418734464713;0.006385696040868455054806407389;0.008088548318433376113634203364;0.007662835249042145198405950879;0.071945508727117926661698277258;0.009791400595998296305100261350;0.008088548318433376113634203364;0.027671349510429970458558202040;0.040442741592166882302894492796;0.003405704555129842551336460943;0.024265644955300126606179134114;0.001702852277564921275668230471;0.002554278416347382021922562956;0.014474244359301830301078872765;0.018305661983822902466600979210;0.011494252873563218231289795312;0.032354193273733504454536813455;0.125159642401021703461694301041;0.000425713069391230318917057618;0.024265644955300126606179134114;0.028522775649212430554291231033;0.006811409110259685102672921886;0.012345679012345678327022824305;0.004257130693912303080750358930;0.009791400595998296305100261350;0.012345679012345678327022824305;0.006811409110259685102672921886;0.012345679012345678327022824305;0.000000000000000000000000000000;0.001277139208173691010961281478;0.016177096636866752227268406727;0.011494252873563218231289795312;0.000000000000000000000000000000;0.005959982971477224139578154904;0.047679863771817793116625239236;0.008939974457215836209367232357;0.012771392081736910109612814779;0.011068539804171988183423280816;0.011068539804171988183423280816;0.007237122179650915150539436382
-0.020757020757020756135391437169;0.047008547008547008072554262981;0.015262515262515262068343524504;0.054334554334554335808249447837;0.043650793650793648370544985937;0.019841269841269840168429539062;0.007020757020757020967771655506;0.055555555555555552471602709375;0.004273504273504273934247699174;0.007631257631257631034171762252;0.020757020757020756135391437169;0.012515262515262515902181306160;0.008241758241758241967933606986;0.010989010989010989868819301307;0.077228327228327231512849948558;0.013431013431013431869143204267;0.007326007326007326000971708879;0.047313797313797312238392578365;0.054639804639804639974087763221;0.002442002442002442000323902960;0.025946275946275947771324510427;0.002747252747252747467204825327;0.008547008547008547868495398347;0.012210012210012210001619514799;0.022893772893772892235153548768;0.019536019536019536002591223678;0.045787545787545784470307097536;0.072039072039072032938022971393;0.000610500610500610500080975740;0.031135531135531135937810631731;0.021367521367521367936515019892;0.005494505494505494934409650654;0.024420024420024420003239029597;0.003663003663003663000485854440;0.008547008547008547868495398347;0.014957264957264957902505209120;0.011904761904761904101057723437;0.005799755799755799967609704026;0.000915750915750915750121463610;0.005189255189255189033847859292;0.018620268620268620035629325571;0.002747252747252747467204825327;0.000000000000000000000000000000;0.006715506715506715934571602133;0.037240537240537240071258651142;0.008852258852258852034333713732;0.008241758241758241967933606986;0.009157509157509157934895505093;0.025335775335775335970200927704;0.009157509157509157934895505093
-0.015868351454598882133151249718;0.064354980899206576383519973206;0.013517484572436086129321175520;0.075227740229209527633713605610;0.048192771084337351905624302617;0.012929767851895385827321049987;0.006464883925947692913660524994;0.056714663532177488070029625078;0.005289450484866294044383749906;0.005583308845136644195383812672;0.017925359976491330588066475116;0.009697325888921540237852525479;0.008228034087569792084937425614;0.008228034087569792084937425614;0.084925066118131053993778323274;0.013223626212165736845682850742;0.004995592124595944760745425128;0.035850719952982661176132950231;0.045548045841904201413985475710;0.004407875404055245326107037585;0.017043784895680282737151500783;0.003526300323244196174149456269;0.008815750808110490652214075169;0.014399059653247135714959625830;0.016456068175139584169874851227;0.014986776373787834282236275385;0.034675286511901264041579651121;0.081986482515427561157395075497;0.000881575080811049043537364067;0.033205994710549517623388027232;0.032618277990008819056111377677;0.004995592124595944760745425128;0.017631501616220981304428150338;0.002938583602703496739511068725;0.007052600646488392348298912538;0.019100793417572731192066726180;0.008228034087569792084937425614;0.004995592124595944760745425128;0.000881575080811049043537364067;0.008521892447840141368575750391;0.017631501616220981304428150338;0.005877167205406993479022137450;0.000000000000000000000000000000;0.005583308845136644195383812672;0.052306788128122241876560849505;0.007640317367029091782937300081;0.009991184249191889521490850257;0.006758742286218043064660587760;0.017337643255950632020789825560;0.006758742286218043064660587760
-0.023249299719887955850694538640;0.047619047619047616404230893750;0.016246498599439777171804522027;0.041736694677871145897629645560;0.028011204481792718185007018405;0.019607843137254901688670827298;0.003921568627450980337734165460;0.071428571428571424606346340624;0.004201680672268907380806357565;0.009243697478991596758191029437;0.018767507002801119692092512992;0.012324929971988795099346880590;0.009243697478991596758191029437;0.013445378151260505006359124991;0.071428571428571424606346340624;0.010924369747899159016624182073;0.008123249299719888585902261013;0.047899159663865549518835251774;0.058543417366946778890302027776;0.002801120448179271731764528042;0.027731092436974788539849612334;0.004761904761904762334312479766;0.014285714285714285268213963320;0.012605042016806723009780810685;0.020168067226890757509538687486;0.014005602240896359092503509203;0.052661064425770308383700779586;0.047058823529411764052809985515;0.000560224089635854302984818709;0.031652661064425768877583777794;0.021848739495798318033248364145;0.007843137254901960675468330919;0.025770308123249298370982529605;0.005322128851540616420456863978;0.007563025210084033632396138813;0.024649859943977590198693761181;0.015126050420168067264792277626;0.006162464985994397549673440295;0.000000000000000000000000000000;0.006162464985994397549673440295;0.017086834733893555698935884379;0.005882352941176470506601248189;0.000000000000000000000000000000;0.005322128851540616420456863978;0.037815126050420165559895480101;0.007002801120448179546251754601;0.012605042016806723009780810685;0.010644257703081232840913727955;0.028291316526610644360717472523;0.010644257703081232840913727955
-0.022321428571428571924206707422;0.016071428571428569842538536250;0.023214285714285715078730731875;0.048214285714285716466509512657;0.032142857142857139685077072500;0.031250000000000000000000000000;0.006250000000000000346944695195;0.057142857142857141072855853281;0.002678571428571428596210335371;0.008928571428571428075793292578;0.025000000000000001387778780781;0.016517857142857143154524024453;0.016964285714285712997062560703;0.016071428571428569842538536250;0.040625000000000001387778780781;0.009374999999999999653055304805;0.008035714285714284921269268125;0.042410714285714287696826829688;0.058482142857142857539365365938;0.002232142857142857018948323145;0.029910714285714287002937439297;0.002232142857142857018948323145;0.017857142857142856151586585156;0.013839285714285713690951951094;0.028125000000000000693889390391;0.028571428571428570536427926640;0.050446428571428572618096097813;0.057142857142857141072855853281;0.000000000000000000000000000000;0.041071428571428571230317317031;0.018749999999999999306110609609;0.006250000000000000346944695195;0.030803571428571430157461463750;0.001339285714285714298105167686;0.009374999999999999653055304805;0.023660714285714284921269268125;0.016071428571428569842538536250;0.005803571428571428769682682969;0.000000000000000000000000000000;0.002232142857142857018948323145;0.014285714285714285268213963320;0.006250000000000000346944695195;0.000000000000000000000000000000;0.009821428571428571230317317031;0.025446428571428571230317317031;0.009821428571428571230317317031;0.011160714285714285962103353711;0.006696428571428571056844969434;0.034821428571428572618096097813;0.014285714285714285268213963320
-0.017857142857142856151586585156;0.057589285714285710915394389531;0.008928571428571428075793292578;0.110267857142857139685077072500;0.049107142857142856151586585156;0.014285714285714285268213963320;0.007589285714285714211368993887;0.044196428571428574005874878594;0.002678571428571428596210335371;0.005357142857142857192420670742;0.012053571428571429116627378164;0.010714285714285714384841341484;0.015178571428571428422737987773;0.011160714285714285962103353711;0.079017857142857139685077072500;0.013392857142857142113689938867;0.003571428571428571317053490830;0.027232142857142857539365365938;0.049107142857142856151586585156;0.002232142857142857018948323145;0.021428571428571428769682682969;0.001339285714285714298105167686;0.002678571428571428596210335371;0.010714285714285714384841341484;0.024553571428571428075793292578;0.013839285714285713690951951094;0.034821428571428572618096097813;0.107589285714285720629845855001;0.000446428571428571414631686354;0.033035714285714286309048048906;0.029017857142857143848413414844;0.005357142857142857192420670742;0.022767857142857141766745243672;0.001785714285714285658526745415;0.006250000000000000346944695195;0.010267857142857142807579329258;0.007142857142857142634106981660;0.006250000000000000346944695195;0.000000000000000000000000000000;0.003125000000000000173472347598;0.016964285714285712997062560703;0.004910714285714285615158658516;0.000000000000000000000000000000;0.008035714285714284921269268125;0.042410714285714287696826829688;0.007589285714285714211368993887;0.013839285714285713690951951094;0.005803571428571428769682682969;0.012053571428571429116627378164;0.004464285714285714037896646289
-0.017636684303350969038604034722;0.069223985890652553476520836284;0.012786596119929452552987925174;0.112433862433862427621100721353;0.052028218694885358663881902430;0.016313932980599646360708732118;0.007495590828924161841406714757;0.041005291005291003014754380729;0.003968253968253968033685907812;0.003968253968253968033685907812;0.016313932980599646360708732118;0.014991181657848323682813429514;0.010582010582010581423162420833;0.011904761904761904101057723437;0.055114638447971778245637608507;0.011463844797178129875092622569;0.003968253968253968033685907812;0.028218694885361550461766455555;0.045414462081128745274405389409;0.003086419753086419581755706076;0.018518518518518517490534236458;0.003086419753086419581755706076;0.009700176366843032971232219097;0.012345679012345678327022824305;0.011904761904761904101057723437;0.013227513227513226778953026042;0.033950617283950615399312766840;0.110229276895943556491275217013;0.000881834215167548451930201736;0.034391534391534389625277867708;0.018959435626102291716499337326;0.006172839506172839163511412153;0.016754850088183420586673832986;0.003968253968253968033685907812;0.009259259259259258745267118229;0.014550264550264549456848328646;0.007936507936507936067371815625;0.004409171075837742259651008681;0.000881834215167548451930201736;0.003527336860670193807720806944;0.017636684303350969038604034722;0.011022927689594355649127521701;0.000000000000000000000000000000;0.005291005291005290711581210417;0.044973544973544971048440288541;0.007936507936507936067371815625;0.010582010582010581423162420833;0.004850088183421516485616109549;0.014991181657848323682813429514;0.010141093474426807197197319965
-0.012903225806451612892034042090;0.040725806451612903136272336724;0.013306451612903225090178693790;0.143548387096774199278570449678;0.033870967741935487094195877944;0.022177419354838710796595790953;0.005645161290322580315004241669;0.045161290322580642520033933351;0.004435483870967741985846810593;0.006854838709677419511523410733;0.019758064516129030668833976847;0.012500000000000000693889390391;0.011693548387096774562876611014;0.010887096774193548431863831638;0.065725806451612897585157213598;0.010483870967741936233719179938;0.006451612903225806446017021045;0.031854838709677417429855239561;0.043145161290322579794587198876;0.002419354838709677525676600141;0.019354838709677420205412801124;0.006451612903225806446017021045;0.004435483870967741985846810593;0.011290322580645160630008483338;0.016532258064516129614229811295;0.014516129032258065154059600843;0.031048387096774193033565936162;0.111290322580645167915847082440;0.000000000000000000000000000000;0.033870967741935487094195877944;0.022580645161290321260016966676;0.002822580645161290157502120834;0.012903225806451612892034042090;0.003629032258064516288514900211;0.011290322580645160630008483338;0.014516129032258065154059600843;0.008467741935483871773548969486;0.002822580645161290157502120834;0.000000000000000000000000000000;0.002016129032258064460170210452;0.016532258064516129614229811295;0.015725806451612901748493555942;0.000000000000000000000000000000;0.006451612903225806446017021045;0.038709677419354840410825602248;0.004838709677419355051353200281;0.009677419354838710102706400562;0.012500000000000000693889390391;0.016532258064516129614229811295;0.005645161290322580315004241669
-0.014014466546112115327704650269;0.056962025316455694445849644580;0.014466546112115731895220172021;0.107142857142857136909519510937;0.020343580470162749007645430765;0.024412296564195298115285126528;0.005877034358047016245063520756;0.048824593128390596230570253056;0.006329113924050632812579042508;0.009493670886075949652549432756;0.014014466546112115327704650269;0.018987341772151899305098865511;0.014014466546112115327704650269;0.010397830018083182787580476258;0.064195298372513559526097992602;0.007233273056057865947610086010;0.007685352622061482515125607762;0.031193490054249546628017952798;0.035714285714285712303173170312;0.002712477396021699838773999502;0.023056057866184448412738561274;0.004068716094032549975001433751;0.002712477396021699838773999502;0.008589511754068716517518389253;0.018987341772151899305098865511;0.014918625678119348462735693772;0.041591320072332731150321905034;0.130198915009041599200045880025;0.000904159132007233243451260751;0.028481012658227847222924822290;0.019439421338155515872614387263;0.008137432188065099950002867502;0.013562386980108498760189128518;0.002260397830018083271258477751;0.013562386980108498760189128518;0.017631103074141049602552300257;0.014014466546112115327704650269;0.003616636528028932973805043005;0.000000000000000000000000000000;0.001356238698010849919386999751;0.016274864376130199900005735003;0.014918625678119348462735693772;0.000000000000000000000000000000;0.006781193490054249380094564259;0.031193490054249546628017952798;0.005424954792043399677547999005;0.007685352622061482515125607762;0.009041591320072333085033911004;0.016726943942133816467521256754;0.010849909584086799355095998010
-0.022685185185185186701462001224;0.051388888888888886730121896562;0.012500000000000000693889390391;0.061574074074074072737694507396;0.029629629629629630760412339896;0.028240740740740739866954100989;0.007407407407407407690103084974;0.043981481481481482509465763542;0.005092592592592593003786305417;0.005092592592592593003786305417;0.023611111111111110494320541875;0.023148148148148146863167795573;0.014351851851851851749053423646;0.008333333333333333217685101602;0.055092592592592595779343866980;0.016203703703703702804217456901;0.006018518518518518531368322044;0.038888888888888889505679458125;0.047685185185185184619793830052;0.002777777777777777883788656865;0.025462962962962961549484575130;0.002314814814814814686316779557;0.007407407407407407690103084974;0.012500000000000000693889390391;0.026851851851851852442942814037;0.019907407407407408383992475365;0.045370370370370373402924002448;0.084722222222222226539756206876;0.000000000000000000000000000000;0.037499999999999998612221219219;0.015277777777777777276635440273;0.004166666666666666608842550801;0.018518518518518517490534236458;0.005092592592592593003786305417;0.012962962962962962590318660716;0.020370370370370372015145221667;0.013425925925925926221471407018;0.006944444444444444058950338672;0.000000000000000000000000000000;0.002777777777777777883788656865;0.015740740740740739173064710599;0.017592592592592593697675695807;0.000000000000000000000000000000;0.004166666666666666608842550801;0.035648148148148151026504137917;0.008796296296296296848837847904;0.012962962962962962590318660716;0.011111111111111111535154627461;0.019907407407407408383992475365;0.008796296296296296848837847904
-0.017028522775649212323001435720;0.054916985951468710869249889583;0.017879948914431672418734464713;0.041719880800340572446494036285;0.061728395061728391635114121527;0.028522775649212430554291231033;0.004682843763303533128616873427;0.060876968922945931539381092534;0.003405704555129842551336460943;0.006811409110259685102672921886;0.015751383567475522179401892231;0.017028522775649212323001435720;0.013622818220519370205345843772;0.006811409110259685102672921886;0.068965517241379309387738771875;0.007662835249042145198405950879;0.003405704555129842551336460943;0.037462750106428265028934987413;0.057896977437207321204315491059;0.002979991485738612069789077452;0.022988505747126436462579590625;0.003405704555129842551336460943;0.007662835249042145198405950879;0.011494252873563218231289795312;0.023839931885908896558312619618;0.011068539804171988183423280816;0.034057045551298424646002871441;0.090251170710940825658852304514;0.000000000000000000000000000000;0.052788420604512560629917317101;0.011919965942954448279156309809;0.003405704555129842551336460943;0.023839931885908896558312619618;0.005108556832694764043845125912;0.006811409110259685102672921886;0.015325670498084290396811901758;0.014474244359301830301078872765;0.006811409110259685102672921886;0.000000000000000000000000000000;0.001277139208173691010961281478;0.013197105151128140157479329275;0.008939974457215836209367232357;0.000000000000000000000000000000;0.002979991485738612069789077452;0.047679863771817793116625239236;0.003831417624521072599202975439;0.008939974457215836209367232357;0.010217113665389528087690251823;0.019157088122605362562334008203;0.009365687526607066257233746853
-0.007843137254901960675468330919;0.043438914027149319596610155259;0.009049773755656109405776099663;0.273906485671191579633898527391;0.102865761689291096425691307559;0.016289592760180996583452284199;0.008446455505279034173260477303;0.026546003016591251250089200653;0.004223227752639517086630238651;0.003318250377073906406261150082;0.007843137254901960675468330919;0.007843137254901960675468330919;0.008144796380090498291726142099;0.007541478129713423926572257727;0.067873303167420809267618153626;0.007239819004524887177676184535;0.005128205128205128200680196215;0.022021116138763199149286364786;0.027149321266968326482604823013;0.001809954751131221794419046134;0.008446455505279034173260477303;0.006636500754147812812522300163;0.002111613876319758543315119326;0.006938159879336349561418373355;0.012368024132730014510994642762;0.007541478129713423926572257727;0.019004524886877826456155204937;0.099547511312217187851025812506;0.000603318250377073931473015378;0.039819004524886875140410325002;0.005731523378582201698472342599;0.003016591251885369657365076890;0.008446455505279034173260477303;0.001809954751131221794419046134;0.004223227752639517086630238651;0.007541478129713423926572257727;0.003318250377073906406261150082;0.002714932126696832474788134704;0.000904977375565610897209523067;0.003318250377073906406261150082;0.012368024132730014510994642762;0.007843137254901960675468330919;0.000000000000000000000000000000;0.003318250377073906406261150082;0.052488687782805430737109730899;0.003921568627450980337734165460;0.005429864253393664949576269407;0.003318250377073906406261150082;0.003318250377073906406261150082;0.005429864253393664949576269407
-0.015566290928609768928758683160;0.073000536768652715680083531424;0.003220611916264090168054989860;0.081052066559312935245529274653;0.050993022007514758608959226649;0.011272141706924315371352030013;0.008588298443370907114813306293;0.050993022007514758608959226649;0.002147074610842726778703326573;0.001610305958132045084027494930;0.007514761137949544159142512001;0.013419216317767043017417094575;0.004830917874396135035242050293;0.002147074610842726778703326573;0.105743424584004291899574923264;0.010735373054213634760878370855;0.004294149221685453557406653147;0.025228126677402040733966259722;0.039720880300590448441777624566;0.000000000000000000000000000000;0.021470746108427269521756741710;0.001073537305421363389351663287;0.003220611916264090168054989860;0.004830917874396135035242050293;0.011808910359634997716549165148;0.009661835748792270070484100586;0.027911969940955447255781507465;0.191626409017713356108814082290;0.000000000000000000000000000000;0.019860440150295224220888812283;0.037037037037037034981068472916;0.002683843263553408690219592714;0.014492753623188405973087888867;0.000000000000000000000000000000;0.003220611916264090168054989860;0.004830917874396135035242050293;0.007514761137949544159142512001;0.010735373054213634760878370855;0.000000000000000000000000000000;0.000536768652710681694675831643;0.018786902844873859530494542014;0.005367686527106817380439185428;0.000000000000000000000000000000;0.006977992485238861813945376866;0.057971014492753623892351555469;0.004830917874396135035242050293;0.004830917874396135035242050293;0.004294149221685453557406653147;0.007514761137949544159142512001;0.004830917874396135035242050293
-0.013540422142572680966332576702;0.029072082835523694460677646134;0.009159697331740343159700579179;0.256869772998805256936094565390;0.122660294703305458585695930651;0.023894862604540025030619432300;0.002787733970529669355609136971;0.023496614894464355749459372191;0.001194743130227001121426710917;0.003185981680605336468364852109;0.009159697331740343159700579179;0.017124651533253685414814881938;0.016328156113102350321941713673;0.005973715651135006257654858075;0.067303863002787733815779347424;0.008761449621664675613263995047;0.002389486260454002242853421834;0.011150935882118677422436547886;0.027877339705296693556091369715;0.001991238550378335130097706696;0.011150935882118677422436547886;0.001991238550378335130097706696;0.001991238550378335130097706696;0.007566706491437673841315980638;0.015929908403026681040781653564;0.008363201911589008066827410914;0.014735165272799681870918853122;0.103942652329749099515687760231;0.000398247710075667058545606514;0.031859816806053362081563307129;0.014336917562724014324482268989;0.003185981680605336468364852109;0.009557945041816008971413687334;0.004778972520908004485706843667;0.006371963361210672936729704219;0.005575467941059338711218273943;0.002389486260454002242853421834;0.002787733970529669355609136971;0.000000000000000000000000000000;0.001592990840302668234182426055;0.005973715651135006257654858075;0.002389486260454002242853421834;0.000000000000000000000000000000;0.002787733970529669355609136971;0.057347670250896057297929075958;0.002787733970529669355609136971;0.008363201911589008066827410914;0.004778972520908004485706843667;0.003584229390681003581120567247;0.009557945041816008971413687334
-0.008854166666666666435370203203;0.029687499999999998612221219219;0.004687499999999999826527652402;0.309375000000000011102230246252;0.093229166666666668517038374375;0.016145833333333334952408577578;0.004687499999999999826527652402;0.019270833333333334258519187188;0.000520833333333333326105318850;0.004687499999999999826527652402;0.006770833333333333564629796797;0.013020833333333333911574491992;0.006770833333333333564629796797;0.003125000000000000173472347598;0.074999999999999997224442438437;0.006770833333333333564629796797;0.002083333333333333304421275400;0.007291666666666666782314898398;0.024479166666666666435370203203;0.000520833333333333326105318850;0.011979166666666667476204288789;0.001041666666666666652210637700;0.000000000000000000000000000000;0.003645833333333333391157449199;0.011979166666666667476204288789;0.012500000000000000693889390391;0.009895833333333332870740406406;0.152604166666666679619268620627;0.000520833333333333326105318850;0.028125000000000000693889390391;0.011458333333333332523795711211;0.002604166666666666522106377002;0.007812500000000000000000000000;0.003125000000000000173472347598;0.003645833333333333391157449199;0.003125000000000000173472347598;0.003125000000000000173472347598;0.004687499999999999826527652402;0.000000000000000000000000000000;0.001041666666666666652210637700;0.011458333333333332523795711211;0.008333333333333333217685101602;0.000000000000000000000000000000;0.004166666666666666608842550801;0.046354166666666668517038374375;0.002083333333333333304421275400;0.004687499999999999826527652402;0.002604166666666666522106377002;0.004687499999999999826527652402;0.005729166666666666261897855605
-0.012802926383173296107087502094;0.043895747599451299947315163763;0.003657978966620941806836553312;0.236396890717878366272586276864;0.066300868770004572905207851363;0.021490626428898033928316380070;0.005029721079103795580711455671;0.021947873799725649973657581882;0.000457247370827617725854569164;0.002286236854138088900323388941;0.006401463191586648053543751047;0.022862368541380885533786937458;0.008230452674897120041164200188;0.003657978966620941806836553312;0.072702331961591218356666388445;0.009144947416552355601293555765;0.002743484224965706246707197735;0.018289894833104711202587111529;0.024691358024691356654045648611;0.000000000000000000000000000000;0.014174668495656149447281535458;0.000914494741655235451709138328;0.002286236854138088900323388941;0.003200731595793324026771875523;0.018747142203932327247928313341;0.006401463191586648053543751047;0.011888431641518060546958146517;0.163237311385459521462237830747;0.001371742112482853123353598868;0.042524005486968448341844606375;0.026520347508001827774304359764;0.000457247370827617725854569164;0.011888431641518060546958146517;0.001828989483310470903418276656;0.005944215820759030273479073259;0.003657978966620941806836553312;0.001371742112482853123353598868;0.004115226337448560020582100094;0.000000000000000000000000000000;0.002743484224965706246707197735;0.014631915866483767227346213247;0.006858710562414265833608428835;0.000000000000000000000000000000;0.002743484224965706246707197735;0.046181984453589390582362028681;0.003200731595793324026771875523;0.005029721079103795580711455671;0.004572473708276177800646777882;0.004572473708276177800646777882;0.005944215820759030273479073259
-0.010582010582010581423162420833;0.037918871252204583432998674652;0.015432098765432097908778530382;0.205908289241622577403489913195;0.078483245149911812221787954513;0.014991181657848323682813429514;0.008377425044091710293336916493;0.018518518518518517490534236458;0.002204585537918871129825504340;0.006613756613756613389476513021;0.007054673721340387615441613889;0.019400352733686065942464438194;0.008818342151675484519302017361;0.011022927689594355649127521701;0.089065255731922393644950375347;0.007936507936507936067371815625;0.003527336860670193807720806944;0.014109347442680775230883227778;0.032627865961199292721417464236;0.000881834215167548451930201736;0.012786596119929452552987925174;0.002645502645502645355790605208;0.003086419753086419581755706076;0.005731922398589064937546311285;0.014109347442680775230883227778;0.009259259259259258745267118229;0.016313932980599646360708732118;0.155643738977072315643468414237;0.000881834215167548451930201736;0.031746031746031744269487262500;0.025132275132275130880010749479;0.003086419753086419581755706076;0.011904761904761904101057723437;0.002645502645502645355790605208;0.006613756613756613389476513021;0.007936507936507936067371815625;0.001322751322751322677895302604;0.002645502645502645355790605208;0.000000000000000000000000000000;0.001322751322751322677895302604;0.009700176366843032971232219097;0.004409171075837742259651008681;0.000000000000000000000000000000;0.005291005291005290711581210417;0.043650793650793648370544985937;0.003968253968253968033685907812;0.007054673721340387615441613889;0.004850088183421516485616109549;0.007495590828924161841406714757;0.005291005291005290711581210417
-0.007901234567901234753795058907;0.039012345679012343235836368649;0.005925925925925925631665425186;0.230617283950617285581685678153;0.089876543209876549878067919508;0.019259259259259260688157411323;0.013827160493827161252822222082;0.026172839506172839579845046387;0.003456790123456790313205555520;0.002469135802469135752140738660;0.006913580246913580626411111041;0.021728395061728394271893805012;0.009382716049382715944870980707;0.005432098765432098567973451253;0.067160493827160494539896262722;0.009876543209876543008562954640;0.000000000000000000000000000000;0.009382716049382715944870980707;0.038518518518518521376314822646;0.000000000000000000000000000000;0.015802469135802469507590117814;0.000493827160493827172112191182;0.000987654320987654344224382363;0.004444444444444444440589503387;0.013333333333333334189130248149;0.003456790123456790313205555520;0.012839506172839505390714798239;0.166913580246913578752909756986;0.000493827160493827172112191182;0.037530864197530863779483922826;0.012839506172839505390714798239;0.003456790123456790313205555520;0.009382716049382715944870980707;0.000987654320987654344224382363;0.003950617283950617376897529454;0.003950617283950617376897529454;0.003950617283950617376897529454;0.003456790123456790313205555520;0.000000000000000000000000000000;0.001975308641975308688448764727;0.011358024691358024199638876439;0.008395061728395061817487032840;0.000000000000000000000000000000;0.004444444444444444440589503387;0.050370370370370370904922197042;0.002962962962962962815832712593;0.002469135802469135752140738660;0.002469135802469135752140738660;0.005925925925925925631665425186;0.004444444444444444440589503387
-0.013580246913580246853614497127;0.046913580246913583193801855487;0.004526748971193415328750919713;0.211111111111111110494320541875;0.062962962962962956692258842395;0.021399176954732510719248139708;0.006172839506172839163511412153;0.033744855967078192515717915967;0.003292181069958847669520984880;0.005761316872427983855342592534;0.013580246913580246853614497127;0.018106995884773661315003678851;0.011111111111111111535154627461;0.007407407407407407690103084974;0.077366255144032919366381406689;0.010699588477366255359624069854;0.004938271604938271504281477320;0.010699588477366255359624069854;0.043209876543209874144579885069;0.001646090534979423834760492440;0.019341563786008229841595351672;0.003292181069958847669520984880;0.001234567901234567876070369330;0.005761316872427983855342592534;0.016460905349794240082328400376;0.009465020576131686833032397033;0.020576131687242798368187024494;0.109876543209876539886060697881;0.000411522633744855958690123110;0.034979423868312757572862636835;0.016049382716049383906797842769;0.004526748971193415328750919713;0.011934156378600823886215742675;0.002057613168724280010291050047;0.008641975308641974481971281818;0.006995884773662551514572527367;0.001646090534979423834760492440;0.004526748971193415328750919713;0.000000000000000000000000000000;0.003703703703703703845051542487;0.011522633744855967710685185068;0.007818930041152263865633642581;0.000000000000000000000000000000;0.006995884773662551514572527367;0.050205761316872425659152412436;0.003703703703703703845051542487;0.009465020576131686833032397033;0.009876543209876543008562954640;0.007407407407407407690103084974;0.003292181069958847669520984880
-0.012500000000000000693889390391;0.042741935483870965861719071199;0.007258064516129032577029800422;0.153225806451612905911829898287;0.079435483870967743547097938972;0.020564516129032258534570232200;0.010483870967741936233719179938;0.027016129032258064113225515257;0.004032258064516128920340420905;0.007661290322580644775174452121;0.009677419354838710102706400562;0.022580645161290321260016966676;0.012500000000000000693889390391;0.014112903225806451221191473167;0.070967741935483871773548969486;0.008467741935483871773548969486;0.006854838709677419511523410733;0.022983870967741935192885094352;0.033870967741935487094195877944;0.002016129032258064460170210452;0.015725806451612901748493555942;0.002016129032258064460170210452;0.007258064516129032577029800422;0.010080645161290322300851052262;0.019354838709677420205412801124;0.008467741935483871773548969486;0.017338709677419354010519114695;0.131048387096774188176340203427;0.000000000000000000000000000000;0.041935483870967744934876719753;0.016935483870967743547097938972;0.004435483870967741985846810593;0.017741935483870967943387242372;0.001209677419354838762838300070;0.008467741935483871773548969486;0.010483870967741936233719179938;0.004435483870967741985846810593;0.004032258064516128920340420905;0.000000000000000000000000000000;0.002016129032258064460170210452;0.008467741935483871773548969486;0.008064516129032257840680841809;0.000000000000000000000000000000;0.006451612903225806446017021045;0.050806451612903223702399913009;0.006048387096774193380510631357;0.007258064516129032577029800422;0.007661290322580644775174452121;0.008064516129032257840680841809;0.005241935483870968116859589969
-0.014174668495656149447281535458;0.037951531778692274010644780446;0.007315957933241883613673106623;0.148605395518975752500168141523;0.078646547782350251232230675669;0.020576131687242798368187024494;0.007773205304069501393737784412;0.029263831732967534454692426493;0.002743484224965706246707197735;0.002743484224965706246707197735;0.010973936899862824986828790941;0.021490626428898033928316380070;0.013260173754000913887152179882;0.010516689529035207206764113153;0.073159579332418844810348446117;0.008687700045724737821228877976;0.001371742112482853123353598868;0.021947873799725649973657581882;0.036122542295381802890386069294;0.001371742112482853123353598868;0.018289894833104711202587111529;0.000457247370827617725854569164;0.011431184270690442766893468729;0.008687700045724737821228877976;0.015089163237311385007410891035;0.013260173754000913887152179882;0.027892089620484682849221869105;0.100594421582075904675335209504;0.001828989483310470903418276656;0.045267489711934158491679625058;0.018747142203932327247928313341;0.004115226337448560020582100094;0.025148605395518976168833802376;0.005944215820759030273479073259;0.009144947416552355601293555765;0.005029721079103795580711455671;0.005029721079103795580711455671;0.005944215820759030273479073259;0.001828989483310470903418276656;0.004572473708276177800646777882;0.013260173754000913887152179882;0.009602194787379973381358233553;0.000000000000000000000000000000;0.005029721079103795580711455671;0.055326931870141746183655584446;0.005944215820759030273479073259;0.009144947416552355601293555765;0.006401463191586648053543751047;0.012345679012345678327022824305;0.005944215820759030273479073259
-0.010849909584086799355095998010;0.039330922242314644843297344323;0.011754068716094032490127041513;0.302441229656419507954012715345;0.069620253164556958336284253619;0.012206148282097649057642563264;0.003616636528028932973805043005;0.021699819168173598710191996020;0.002712477396021699838773999502;0.005424954792043399677547999005;0.005424954792043399677547999005;0.015370705244122965030251215524;0.007685352622061482515125607762;0.006781193490054249380094564259;0.066003616636528025796160079608;0.004520795660036166542516955502;0.004068716094032549975001433751;0.009493670886075949652549432756;0.022603978300180831845223039522;0.000904159132007233243451260751;0.010849909584086799355095998010;0.002712477396021699838773999502;0.002260397830018083271258477751;0.008589511754068716517518389253;0.009041591320072333085033911004;0.013110307414104882192673606767;0.015822784810126583332490213252;0.127034358047016265880202467997;0.000904159132007233243451260751;0.029837251356238696925471387544;0.022603978300180831845223039522;0.005877034358047016245063520756;0.005424954792043399677547999005;0.002712477396021699838773999502;0.004972875226039783110032477254;0.009493670886075949652549432756;0.001808318264014466486902521503;0.003164556962025316406289521254;0.000000000000000000000000000000;0.004972875226039783110032477254;0.014466546112115731895220172021;0.007685352622061482515125607762;0.000000000000000000000000000000;0.001808318264014466486902521503;0.042495479204339964285352948536;0.001356238698010849919386999751;0.009041591320072333085033911004;0.007685352622061482515125607762;0.003164556962025316406289521254;0.008589511754068716517518389253
-0.009274193548387096169838272885;0.040322580645161289203404209047;0.013306451612903225090178693790;0.152822580645161298917855674517;0.086693548387096780460936429336;0.022580645161290321260016966676;0.009677419354838710102706400562;0.028225806451612902442382946333;0.003629032258064516288514900211;0.006048387096774193380510631357;0.009677419354838710102706400562;0.018548387096774192339676545771;0.010483870967741936233719179938;0.008064516129032257840680841809;0.084677419354838703857701887046;0.006854838709677419511523410733;0.003225806451612903223008510523;0.022983870967741935192885094352;0.045161290322580642520033933351;0.002419354838709677525676600141;0.014919354838709677352204252543;0.002419354838709677525676600141;0.007661290322580644775174452121;0.009677419354838710102706400562;0.011290322580645160630008483338;0.006854838709677419511523410733;0.024193548387096773522042525428;0.113306451612903230641293816916;0.001209677419354838762838300070;0.039112903225806454343693729925;0.016935483870967743547097938972;0.006451612903225806446017021045;0.023387096774193549125753222029;0.004032258064516128920340420905;0.008064516129032257840680841809;0.008064516129032257840680841809;0.004435483870967741985846810593;0.004435483870967741985846810593;0.000806451612903225805752127631;0.002419354838709677525676600141;0.009677419354838710102706400562;0.009677419354838710102706400562;0.000000000000000000000000000000;0.004435483870967741985846810593;0.045161290322580642520033933351;0.004435483870967741985846810593;0.009274193548387096169838272885;0.005645161290322580315004241669;0.010887096774193548431863831638;0.006451612903225806446017021045
-0.010228166797797011086657015255;0.049567269866247050391638850897;0.013375295043273014231055562107;0.038945712037765541080336362256;0.071597167584579068932981726903;0.027537372147915028380849022938;0.010228166797797011086657015255;0.037765538945712037732782562216;0.003933910306845003930498183564;0.007474429583005507901627417766;0.013768686073957514190424511469;0.018095987411487018947653382384;0.015342250196695515762623784894;0.008261211644374507820365316491;0.065302911093627069583078537107;0.007081038552321007074896730416;0.002360346184107002358298910139;0.032651455546813534791539268554;0.048387096774193547044085050857;0.001180173092053501179149455069;0.024390243902439025236450476086;0.001180173092053501179149455069;0.018489378442171518907022331746;0.005900865460267506329428144340;0.018489378442171518907022331746;0.009441384736428009433195640554;0.029897718332022031606509671064;0.104248623131392603724520995456;0.000393391030684500393049818356;0.049960660896931546881560848306;0.009441384736428009433195640554;0.003933910306845003930498183564;0.046026750590086547287871354683;0.006294256490952006288797093703;0.016129032258064515681361683619;0.007867820613690007860996367128;0.007474429583005507901627417766;0.003147128245476003144398546851;0.000000000000000000000000000000;0.002360346184107002358298910139;0.022816679779701021929527726684;0.012981904012588512536963136768;0.000000000000000000000000000000;0.005114083398898505543328507628;0.047993705743509050554163053448;0.004327301337529504757228870915;0.013375295043273014231055562107;0.008654602675059009514457741830;0.029110936270653028218324820386;0.007474429583005507901627417766
-0.014808362369337978864392013634;0.027439024390243902523645047609;0.008710801393728222555279394612;0.128484320557491288328222367454;0.199477351916376305362987864100;0.014372822299651567823364217702;0.006968641114982578391168210885;0.022648083623693381072339292359;0.000435540069686411149448013180;0.005662020905923345268084823090;0.009581881533101044637334986476;0.013501742160278745741308625838;0.010452961672473868454114054316;0.009581881533101044637334986476;0.076655052264808357098679891806;0.008275261324041811514251598680;0.003484320557491289195584105443;0.011759581881533101577197442111;0.048344947735191635962426204287;0.001306620209059233556764256790;0.021341463414634147949255904564;0.001742160278745644597792052721;0.003919860627177700236611901374;0.007839721254355400473223802749;0.011324041811846690536169646180;0.011324041811846690536169646180;0.023519163763066203154394884223;0.057055749128919863721876026830;0.000435540069686411149448013180;0.049651567944250872554956544036;0.022648083623693381072339292359;0.003919860627177700236611901374;0.014372822299651567823364217702;0.004355400696864111277639697306;0.006097560975609756309112619022;0.007839721254355400473223802749;0.004355400696864111277639697306;0.004790940766550522318667493238;0.000000000000000000000000000000;0.000435540069686411149448013180;0.010452961672473868454114054316;0.001306620209059233556764256790;0.000000000000000000000000000000;0.005662020905923345268084823090;0.064895470383275255521482449694;0.005662020905923345268084823090;0.011759581881533101577197442111;0.008275261324041811514251598680;0.006968641114982578391168210885;0.006097560975609756309112619022
-0.012931034482758620510201019727;0.021982758620689653999979995547;0.008620689655172413673467346484;0.207758620689655171265286526250;0.122844827586206892244824473437;0.021982758620689653999979995547;0.007758620689655172306120611836;0.025000000000000001387778780781;0.002586206896551724102040203945;0.004741379310344827520407040566;0.011637931034482759326542655742;0.025431034482758619469366934140;0.014655172413793103244894489023;0.007758620689655172306120611836;0.069396551724137930938773877187;0.008189655172413793857155717149;0.001724137931034482734693469297;0.013362068965517242061236125039;0.045689655172413794204100412344;0.002155172413793103418366836621;0.014655172413793103244894489023;0.002586206896551724102040203945;0.006896551724137930938773877187;0.005603448275862068887753775215;0.016810344827586205795899587656;0.007758620689655172306120611836;0.021120689655172414367356736875;0.050431034482758617387698762968;0.000000000000000000000000000000;0.046120689655172415755135517657;0.029310344827586206489788978047;0.003879310344827586153060305918;0.021120689655172414367356736875;0.003017241379310344785713571270;0.005172413793103448204080407891;0.003879310344827586153060305918;0.001293103448275862051020101973;0.005172413793103448204080407891;0.000000000000000000000000000000;0.003017241379310344785713571270;0.009482758620689655040814081133;0.010775862068965517959195921094;0.000000000000000000000000000000;0.002586206896551724102040203945;0.056465517241379312163296333438;0.006465517241379310255100509863;0.008620689655172413673467346484;0.006896551724137930938773877187;0.008189655172413793857155717149;0.006465517241379310255100509863
-0.012083333333333333078907223523;0.053749999999999999167332731531;0.007499999999999999722444243844;0.210833333333333344805637921127;0.074166666666666672402818960563;0.016666666666666666435370203203;0.007083333333333332974823814965;0.025000000000000001387778780781;0.002083333333333333304421275400;0.003333333333333333547282562037;0.005416666666666666851703837438;0.021250000000000001526556658860;0.006250000000000000346944695195;0.004583333333333333356462979680;0.100833333333333330372738601000;0.008750000000000000832667268469;0.002916666666666666799662133158;0.014999999999999999444888487687;0.025000000000000001387778780781;0.001666666666666666773641281019;0.008750000000000000832667268469;0.001250000000000000026020852140;0.000416666666666666693410320255;0.003749999999999999861222121922;0.013333333333333334189130248149;0.008333333333333333217685101602;0.013750000000000000069388939039;0.159166666666666678509045596002;0.000416666666666666693410320255;0.036666666666666666851703837438;0.019166666666666665186369300500;0.003749999999999999861222121922;0.008333333333333333217685101602;0.001666666666666666773641281019;0.003749999999999999861222121922;0.004166666666666666608842550801;0.000833333333333333386820640509;0.003333333333333333547282562037;0.001666666666666666773641281019;0.001666666666666666773641281019;0.012083333333333333078907223523;0.005000000000000000104083408559;0.000000000000000000000000000000;0.004583333333333333356462979680;0.058749999999999996669330926125;0.004166666666666666608842550801;0.005833333333333333599324266316;0.005000000000000000104083408559;0.002916666666666666799662133158;0.003333333333333333547282562037
-0.015189873417721518403245006823;0.045991561181434596761175015445;0.008016877637130801620424236376;0.182700421940928281472338312597;0.051476793248945149072959281966;0.013080168776371307176598079991;0.009704641350210971295631168232;0.022784810126582278472229248223;0.002109704641350210792966057838;0.002531645569620253211767790802;0.010126582278481012847071163208;0.016033755274261603240848472751;0.012658227848101265625158085015;0.010548523206751054398511158183;0.079324894514767929631915421851;0.010970464135021097684674629136;0.002531645569620253211767790802;0.013502109704641350462761550943;0.040084388185654011571568133832;0.002109704641350210792966057838;0.024050632911392404861272709127;0.002531645569620253211767790802;0.002953586497890295196888654772;0.005907172995780590393777309544;0.013924050632911392014201545919;0.009282700421940928009467697279;0.024472573839662448147436180079;0.155274261603375540730098691711;0.001265822784810126605883895401;0.040928270042194091205001171829;0.021097046413502108797022316367;0.003797468354430379600811251706;0.017721518987341772916055404608;0.002109704641350210792966057838;0.003797468354430379600811251706;0.007594936708860759201622503411;0.002531645569620253211767790802;0.005907172995780590393777309544;0.000000000000000000000000000000;0.000421940928270042201961298467;0.015611814345991561689408477775;0.001265822784810126605883895401;0.000000000000000000000000000000;0.002953586497890295196888654772;0.046835443037974683333501957350;0.008016877637130801620424236376;0.007594936708860759201622503411;0.006751054852320675231380775472;0.006329113924050632812579042508;0.007594936708860759201622503411
-0.010606060606060606701928072937;0.045833333333333330095182844843;0.008712121212121212709966755483;0.191666666666666679619268620627;0.058333333333333334258519187188;0.025000000000000001387778780781;0.005681818181818181975883952362;0.024242424242424242403215473018;0.005303030303030303350964036468;0.003030303030303030300401934127;0.009848484848484847717364765174;0.024621212121212120160773650923;0.012121212121212121201607736509;0.003787878787878787983922634908;0.070075757575757569028951365908;0.008333333333333333217685101602;0.002651515151515151675482018234;0.025000000000000001387778780781;0.034848484848484850839867021932;0.001893939393939393991961317454;0.011742424242424241709326082628;0.003030303030303030300401934127;0.009469696969696969959806587269;0.006060606060606060600803868255;0.015530303030303029693248717535;0.007575757575757575967845269815;0.021590909090909091161414323778;0.137878787878787878451447568295;0.000000000000000000000000000000;0.032575757575757577355624050597;0.025757575757575756902895136591;0.004166666666666666608842550801;0.020454545454545454419292838111;0.002272727272727272616881233347;0.009090909090909090467524933388;0.006818181818181817850643700041;0.002651515151515151675482018234;0.004924242424242423858682382587;0.000000000000000000000000000000;0.004545454545454545233762466694;0.008333333333333333217685101602;0.009090909090909090467524933388;0.000000000000000000000000000000;0.002272727272727272616881233347;0.040909090909090908838585676222;0.006818181818181817850643700041;0.010227272727272727209646419055;0.004545454545454545233762466694;0.011742424242424241709326082628;0.008333333333333333217685101602
-0.014814814814814815380206169948;0.035648148148148151026504137917;0.008333333333333333217685101602;0.149999999999999994448884876874;0.052777777777777777623580135469;0.018981481481481481121686982760;0.010185185185185186007572610833;0.027314814814814816074095560339;0.004166666666666666608842550801;0.004629629629629629372633559115;0.009259259259259258745267118229;0.029629629629629630760412339896;0.014814814814814815380206169948;0.006944444444444444058950338672;0.056944444444444443365060948281;0.013425925925925926221471407018;0.003703703703703703845051542487;0.019907407407407408383992475365;0.056481481481481479733908201979;0.000925925925925925961262885622;0.024074074074074074125473288177;0.002314814814814814686316779557;0.008796296296296296848837847904;0.006944444444444444058950338672;0.020370370370370372015145221667;0.008333333333333333217685101602;0.015277777777777777276635440273;0.137037037037037040532183596042;0.000000000000000000000000000000;0.049537037037037039144404815261;0.022222222222222223070309254922;0.003240740740740740647579665179;0.018518518518518517490534236458;0.003703703703703703845051542487;0.008796296296296296848837847904;0.009259259259259258745267118229;0.005092592592592593003786305417;0.007870370370370369586532355299;0.000000000000000000000000000000;0.004166666666666666608842550801;0.009259259259259258745267118229;0.009259259259259258745267118229;0.000000000000000000000000000000;0.004166666666666666608842550801;0.037499999999999998612221219219;0.007870370370370369586532355299;0.008796296296296296848837847904;0.006944444444444444058950338672;0.015277777777777777276635440273;0.006481481481481481295159330358
-0.011119081779053085340391859859;0.055595408895265423232512347340;0.007173601147776183586945997206;0.217360114777618351755705816686;0.061692969870875177806901490385;0.015423242467718794451725372596;0.006097560975609756309112619022;0.027259684361549497977339484578;0.001793400286944045896736499301;0.003586800573888091793472998603;0.005380200860832138123890366899;0.021162123385939743402950341533;0.011119081779053085340391859859;0.005021520803443328163917502849;0.076040172166427541511346532843;0.007890961262553801772168249329;0.005738880918220947216501492960;0.018651362984218076285225507149;0.025824964131994261606894980332;0.001793400286944045896736499301;0.012912482065997130803447490166;0.002869440459110473608250746480;0.003228120516499282700861872542;0.007532281205164992679557123267;0.017575322812051649007392128965;0.008608321377331419957390501452;0.012553802008608321710836364105;0.147417503586800585635430138609;0.000717360114777618402062686620;0.034791965566714488922173131868;0.018651362984218076285225507149;0.004662840746054519071306376787;0.008608321377331419957390501452;0.002510760401721664081958751424;0.008249641319942610864779375390;0.009325681492109038142612753575;0.002869440459110473608250746480;0.003586800573888091793472998603;0.000358680057388809201031343310;0.003945480631276900886084124664;0.012553802008608321710836364105;0.007173601147776183586945997206;0.000000000000000000000000000000;0.002869440459110473608250746480;0.043758967001434723176345187312;0.003945480631276900886084124664;0.009325681492109038142612753575;0.008967001434720229050001627513;0.009684361549497847235223879636;0.005021520803443328163917502849
-0.009821428571428571230317317031;0.039732142857142854763807804375;0.006696428571428571056844969434;0.158035714285714279370154144999;0.142857142857142849212692681249;0.014285714285714285268213963320;0.012053571428571429116627378164;0.026785714285714284227379877734;0.001785714285714285658526745415;0.003125000000000000173472347598;0.011160714285714285962103353711;0.012053571428571429116627378164;0.008928571428571428075793292578;0.007589285714285714211368993887;0.079017857142857139685077072500;0.009374999999999999653055304805;0.002678571428571428596210335371;0.013839285714285713690951951094;0.041071428571428571230317317031;0.001785714285714285658526745415;0.015625000000000000000000000000;0.002678571428571428596210335371;0.001785714285714285658526745415;0.005803571428571428769682682969;0.017857142857142856151586585156;0.004910714285714285615158658516;0.012053571428571429116627378164;0.121874999999999997224442438437;0.000892857142857142829263372708;0.030803571428571430157461463750;0.027232142857142857539365365938;0.002678571428571428596210335371;0.011160714285714285962103353711;0.001339285714285714298105167686;0.007589285714285714211368993887;0.004464285714285714037896646289;0.004910714285714285615158658516;0.006696428571428571056844969434;0.000446428571428571414631686354;0.003125000000000000173472347598;0.014732142857142856845475975547;0.011607142857142857539365365938;0.000000000000000000000000000000;0.004017857142857142460634634062;0.053124999999999998612221219219;0.005357142857142857192420670742;0.008482142857142856498531280351;0.003571428571428571317053490830;0.006250000000000000346944695195;0.006250000000000000346944695195
-0.010937499999999999306110609609;0.023958333333333334952408577578;0.005208333333333333044212754004;0.067187499999999997224442438437;0.170833333333333337034076748751;0.022916666666666665047591422422;0.014583333333333333564629796797;0.037499999999999998612221219219;0.001041666666666666652210637700;0.004166666666666666608842550801;0.013541666666666667129259593594;0.016666666666666666435370203203;0.013541666666666667129259593594;0.006770833333333333564629796797;0.046875000000000000000000000000;0.007812500000000000000000000000;0.004166666666666666608842550801;0.018749999999999999306110609609;0.076041666666666660190365689687;0.001041666666666666652210637700;0.029687499999999998612221219219;0.001041666666666666652210637700;0.013020833333333333911574491992;0.007291666666666666782314898398;0.015104166666666666782314898398;0.014583333333333333564629796797;0.025520833333333332870740406406;0.052083333333333335646297967969;0.000520833333333333326105318850;0.061979166666666668517038374375;0.023958333333333334952408577578;0.001562500000000000086736173799;0.045833333333333330095182844843;0.003645833333333333391157449199;0.006770833333333333564629796797;0.006250000000000000346944695195;0.005208333333333333044212754004;0.003645833333333333391157449199;0.000000000000000000000000000000;0.001562500000000000086736173799;0.013020833333333333911574491992;0.002604166666666666522106377002;0.000000000000000000000000000000;0.005208333333333333044212754004;0.057291666666666664353702032031;0.005729166666666666261897855605;0.008854166666666666435370203203;0.007812500000000000000000000000;0.010416666666666666088425508008;0.006250000000000000346944695195
-0.013414634146341463186158371457;0.043495934959349592807686946117;0.011382113821138212239603149101;0.049593495934959347382076089161;0.101626016260162599369465397103;0.019918699186991871419305510926;0.012195121951219512618225238043;0.043089430894308944353099377622;0.003252032520325203249211831746;0.006097560975609756309112619022;0.013008130081300812996847326986;0.016260162601626017980782634709;0.010975609756097560315568628653;0.007723577235772357933718534895;0.073170731707317068770457524352;0.013414634146341463186158371457;0.002845528455284553059900787275;0.022357723577235772555171777753;0.067073170731707321134962285214;0.003252032520325203249211831746;0.028861788617886179053595441246;0.002845528455284553059900787275;0.009756097560975609747635495239;0.006097560975609756309112619022;0.018292682926829267192614381088;0.010975609756097560315568628653;0.024796747967479673691038044581;0.056097560975609757349946704608;0.000406504065040650406151478968;0.053252032520325204290045917332;0.029268292682926830977629961694;0.002032520325203252247597829339;0.034959349593495933627984584291;0.003658536585365853872203745212;0.008130081300813008990391317354;0.010569105691056910126257584182;0.006910569105691056687734707964;0.006097560975609756309112619022;0.000000000000000000000000000000;0.001219512195121951218454436905;0.016260162601626017980782634709;0.013821138211382113375469415928;0.000000000000000000000000000000;0.005284552845528455063128792091;0.068292682926829273437618894604;0.009756097560975609747635495239;0.009756097560975609747635495239;0.008943089430894309369013406297;0.011788617886178862428914193572;0.007723577235772357933718534895
-0.019943019943019942713524628175;0.046533713200379869801004417695;0.009021842355175687874768719610;0.044634377967711302837017228740;0.053181386514719847236065675133;0.030389363722697057546007215478;0.016144349477682812254997202217;0.036087369420702751499074878438;0.003323836657169990452254104696;0.006172839506172839163511412153;0.018993352326685659231531033697;0.026115859449192781877036040328;0.018043684710351375749537439219;0.005698005698005698289876352902;0.059829059829059831610020836479;0.014719848053181387032006810500;0.005698005698005698289876352902;0.019943019943019942713524628175;0.060778727445394115092014430957;0.001424501424501424572469088226;0.036087369420702751499074878438;0.002374169040835707403941379212;0.018043684710351375749537439219;0.011870845204178538320749503043;0.027540360873694207100026432045;0.012820512820512820068019621544;0.027065527065527065359029634806;0.084995251661918333474510234282;0.000474833808167141524156362742;0.047008547008547008072554262981;0.027540360873694207100026432045;0.006172839506172839163511412153;0.019468186134852800972527830936;0.002849002849002849144938176451;0.014245014245014245291010013261;0.012345679012345678327022824305;0.007122507122507122645505006631;0.008547008547008547868495398347;0.000000000000000000000000000000;0.005223171889838556548879555663;0.021367521367521367936515019892;0.007122507122507122645505006631;0.000000000000000000000000000000;0.008072174738841406127498601109;0.039411206077872747155499411065;0.013770180436847103550013216022;0.008072174738841406127498601109;0.006172839506172839163511412153;0.019468186134852800972527830936;0.008072174738841406127498601109
-0.016106442577030810614502343014;0.043417366946778709890786274173;0.010154061624649860298696957273;0.086134453781512604342296413051;0.079831932773109237633235579779;0.024509803921568627110838534122;0.014005602240896359092503509203;0.040616246498599441194787829090;0.001400560224089635865882264021;0.004901960784313725422167706824;0.016806722689075629523225430262;0.018207282913165267340671604757;0.015406162464985995175226207721;0.004551820728291316835167901189;0.071778711484593832325984408271;0.011904761904761904101057723437;0.004201680672268907380806357565;0.018907563025210082779947740050;0.057422969187675067248566307399;0.000700280112044817932941132010;0.026960784313725491556645863511;0.002801120448179271731764528042;0.011554621848739496381419655791;0.006652661064425770091890210978;0.020658263305322128317031982192;0.012254901960784313555419267061;0.028711484593837533624283153699;0.082633053221288513268127928768;0.000700280112044817932941132010;0.045168067226890755427870516314;0.025560224089635853739199689016;0.002450980392156862711083853412;0.027310924369747899276283931158;0.003151260504201680752445202671;0.009103641456582633670335802378;0.011204481792717086927058112167;0.007352941176470588133251560237;0.007002801120448179546251754601;0.000350140056022408966470566005;0.003851540616246498793806551930;0.018557422969187675060309672403;0.002100840336134453690403178783;0.000000000000000000000000000000;0.004901960784313725422167706824;0.052170868347338937576207484881;0.009803921568627450844335413649;0.009453781512605041389973870025;0.006652661064425770091890210978;0.010154061624649860298696957273;0.009803921568627450844335413649
-0.019891500904159132440129909014;0.035714285714285712303173170312;0.009041591320072333085033911004;0.179475587703435801589790798971;0.071880650994575051582202718237;0.018535262206148282737583343760;0.004520795660036166542516955502;0.035714285714285712303173170312;0.005877034358047016245063520756;0.002712477396021699838773999502;0.013562386980108498760189128518;0.018987341772151899305098865511;0.012206148282097649057642563264;0.008589511754068716517518389253;0.060126582278481013887905248794;0.010397830018083182787580476258;0.004068716094032549975001433751;0.023960216998191681547769604776;0.036166365280289332340135644017;0.001356238698010849919386999751;0.018987341772151899305098865511;0.001356238698010849919386999751;0.012206148282097649057642563264;0.006781193490054249380094564259;0.018535262206148282737583343760;0.009945750452079566220064954507;0.019891500904159132440129909014;0.072332730560578664680271288034;0.000452079566003616621725630376;0.038426763110307411708266300820;0.022151898734177215277707517771;0.004972875226039783110032477254;0.024864376130198914682800648279;0.004068716094032549975001433751;0.015370705244122965030251215524;0.009041591320072333085033911004;0.007685352622061482515125607762;0.003616636528028932973805043005;0.000000000000000000000000000000;0.009041591320072333085033911004;0.014466546112115731895220172021;0.009041591320072333085033911004;0.000000000000000000000000000000;0.004972875226039783110032477254;0.048824593128390596230570253056;0.008137432188065099950002867502;0.007685352622061482515125607762;0.007233273056057865947610086010;0.018535262206148282737583343760;0.008589511754068716517518389253
-0.014634146341463415488814980847;0.032926829268292684416152837912;0.010975609756097560315568628653;0.087804878048780482524549029222;0.097967479674796742461495568932;0.026422764227642277917729174419;0.021544715447154472176549688811;0.031300813008130083658908660027;0.002845528455284553059900787275;0.003658536585365853872203745212;0.015040650406504065678126025318;0.019105691056910567571236470030;0.016260162601626017980782634709;0.011788617886178862428914193572;0.055691056910569108895359136113;0.007317073170731707744407490424;0.004878048780487804873817747620;0.015853658536585366056748114261;0.089837398373983745614168583415;0.002439024390243902436908873810;0.035772357723577237476053625187;0.002845528455284553059900787275;0.007723577235772357933718534895;0.009349593495934959558324450768;0.019918699186991871419305510926;0.006097560975609756309112619022;0.022764227642276424479206298201;0.055284552845528453501877663712;0.000406504065040650406151478968;0.056910569105691054259121841596;0.024796747967479673691038044581;0.002439024390243902436908873810;0.027235772357723578296351263361;0.001626016260162601624605915873;0.006910569105691056687734707964;0.007317073170731707744407490424;0.005691056910569106119801574550;0.006910569105691056687734707964;0.000000000000000000000000000000;0.002845528455284553059900787275;0.015447154471544715867437069790;0.006097560975609756309112619022;0.000000000000000000000000000000;0.004065040650406504495195658677;0.058536585365853661955259923388;0.008943089430894309369013406297;0.008130081300813008990391317354;0.005284552845528455063128792091;0.013414634146341463186158371457;0.008943089430894309369013406297
-0.011888431641518060546958146517;0.035208047553726563860809761763;0.005029721079103795580711455671;0.169181527206218568215589925785;0.116140832190214912666981206257;0.020576131687242798368187024494;0.010973936899862824986828790941;0.035208047553726563860809761763;0.001371742112482853123353598868;0.003200731595793324026771875523;0.013260173754000913887152179882;0.015089163237311385007410891035;0.013260173754000913887152179882;0.004115226337448560020582100094;0.061271147690900779059219871669;0.014631915866483767227346213247;0.001828989483310470903418276656;0.013260173754000913887152179882;0.048468221307727481217408893599;0.001371742112482853123353598868;0.016003657978966620567540246611;0.002286236854138088900323388941;0.002286236854138088900323388941;0.008230452674897120041164200188;0.018289894833104711202587111529;0.009602194787379973381358233553;0.021033379058070414413528226305;0.088248742569730226348312385198;0.000000000000000000000000000000;0.048925468678555100732197047364;0.028349336991312298894563070917;0.002286236854138088900323388941;0.021490626428898033928316380070;0.003657978966620941806836553312;0.008687700045724737821228877976;0.006858710562414265833608428835;0.002743484224965706246707197735;0.005944215820759030273479073259;0.000457247370827617725854569164;0.003200731595793324026771875523;0.008230452674897120041164200188;0.009144947416552355601293555765;0.000000000000000000000000000000;0.005029721079103795580711455671;0.050754458161865571852455758517;0.007773205304069501393737784412;0.005029721079103795580711455671;0.006401463191586648053543751047;0.005486968449931412493414395470;0.008230452674897120041164200188
-0.013550135501355014405744370265;0.051942186088527554643778927357;0.004065040650406504495195658677;0.064588979223125564388396924187;0.074977416440831071153816367314;0.019421860885275518682213657939;0.014001806684733513266860605029;0.048780487804878050472900952172;0.000903342366757000866418769736;0.004516711833785004223673631429;0.012195121951219512618225238043;0.021680216802168021661412211643;0.009936766034327009639026684340;0.004516711833785004223673631429;0.093495934959349588644350603772;0.013550135501355014405744370265;0.002258355916892502111836815715;0.018518518518518517490534236458;0.069105691056910570346794031593;0.000903342366757000866418769736;0.028003613369467026533721210058;0.000000000000000000000000000000;0.002710027100271002707676526455;0.004065040650406504495195658677;0.016711833785004515107175393496;0.012195121951219512618225238043;0.023938572719060524640610765346;0.118337850045167114476640790599;0.000000000000000000000000000000;0.036133694670280033789389051435;0.021228545618789521065572500902;0.005420054200542005415353052911;0.027551942186088525937881499317;0.001355013550135501353838263228;0.006775067750677507202872185132;0.003161698283649503303516237196;0.004516711833785004223673631429;0.004516711833785004223673631429;0.000000000000000000000000000000;0.001355013550135501353838263228;0.025293586269196026428129897567;0.003613369467028003465675078942;0.000000000000000000000000000000;0.002258355916892502111836815715;0.066395663956639566771755767149;0.009485094850948509043186973599;0.006323396567299006607032474392;0.007226738934056006931350157885;0.010840108401084010830706105821;0.007678410117434507527189868625
-0.010833333333333333703407674875;0.043749999999999997224442438437;0.007499999999999999722444243844;0.121249999999999996669330926125;0.107499999999999998334665463062;0.020833333333333332176851016015;0.014166666666666665949647629930;0.035000000000000003330669073875;0.000833333333333333386820640509;0.002083333333333333304421275400;0.010833333333333333703407674875;0.017500000000000001665334536938;0.014999999999999999444888487687;0.010833333333333333703407674875;0.072499999999999995003996389187;0.012083333333333333078907223523;0.005416666666666666851703837438;0.011666666666666667198648532633;0.052499999999999998057109706906;0.000000000000000000000000000000;0.022916666666666665047591422422;0.000833333333333333386820640509;0.006666666666666667094565124074;0.007916666666666667337426410711;0.016666666666666666435370203203;0.009583333333333332593184650250;0.022083333333333333287074040641;0.106666666666666673513041985188;0.000000000000000000000000000000;0.052916666666666667406815349750;0.017500000000000001665334536938;0.001250000000000000026020852140;0.019166666666666665186369300500;0.002083333333333333304421275400;0.008333333333333333217685101602;0.007499999999999999722444243844;0.004583333333333333356462979680;0.002083333333333333304421275400;0.000416666666666666693410320255;0.002916666666666666799662133158;0.017500000000000001665334536938;0.003333333333333333547282562037;0.000000000000000000000000000000;0.002916666666666666799662133158;0.052083333333333335646297967969;0.007499999999999999722444243844;0.005833333333333333599324266316;0.008333333333333333217685101602;0.011666666666666667198648532633;0.006666666666666667094565124074
-0.016203703703703702804217456901;0.031481481481481478346129421197;0.006481481481481481295159330358;0.251388888888888883954564334999;0.081481481481481488060580886668;0.023148148148148146863167795573;0.009722222222222222376419864531;0.022685185185185186701462001224;0.001851851851851851922525771243;0.005092592592592593003786305417;0.012500000000000000693889390391;0.012037037037037037062736644089;0.011574074074074073431583897786;0.006018518518518518531368322044;0.051388888888888886730121896562;0.010185185185185186007572610833;0.002777777777777777883788656865;0.012962962962962962590318660716;0.031481481481481478346129421197;0.002314814814814814686316779557;0.016203703703703702804217456901;0.003240740740740740647579665179;0.004629629629629629372633559115;0.006944444444444444058950338672;0.020833333333333332176851016015;0.014351851851851851749053423646;0.016203703703703702804217456901;0.074537037037037040532183596042;0.000000000000000000000000000000;0.040740740740740744030290443334;0.030092592592592590922118134245;0.006481481481481481295159330358;0.012962962962962962590318660716;0.006018518518518518531368322044;0.006944444444444444058950338672;0.006481481481481481295159330358;0.004166666666666666608842550801;0.008333333333333333217685101602;0.000462962962962962980631442811;0.000925925925925925961262885622;0.012962962962962962590318660716;0.004629629629629629372633559115;0.000000000000000000000000000000;0.005555555555555555767577313730;0.051388888888888886730121896562;0.008333333333333333217685101602;0.005092592592592593003786305417;0.006481481481481481295159330358;0.011574074074074073431583897786;0.010648148148148147904001881159
-0.016877637130801686343728462703;0.042194092827004217594044632733;0.004219409282700421585932115676;0.283169245194561658429677208915;0.067979371776840130658925431817;0.016877637130801686343728462703;0.007032348804500702932340772122;0.019221753398968588477657704061;0.001406469760900140673204328223;0.004219409282700421585932115676;0.014533520862634785944522697321;0.022034692920768868956704622519;0.013127051101734645704999238092;0.002344116268166901266567503370;0.068917018284106887349160786016;0.012189404594467885545316931939;0.003750586029067041939771831593;0.011720581340834505465475778863;0.023441162681669010930951557725;0.001406469760900140673204328223;0.014533520862634785944522697321;0.002344116268166901266567503370;0.002812939521800281346408656447;0.002812939521800281346408656447;0.020159399906235348637340010214;0.006563525550867322852499619046;0.017815283638068446503410768855;0.111111111111111104943205418749;0.000468823253633380242471478949;0.032348804500703237652103894106;0.028129395218002811729363088489;0.004688232536333802533135006740;0.006094702297233942772658465969;0.003281762775433661426249809523;0.006563525550867322852499619046;0.007032348804500702932340772122;0.001875293014533520969885915797;0.007501172058134083879543663187;0.000468823253633380242471478949;0.001406469760900140673204328223;0.009845288326300985146111166557;0.001875293014533520969885915797;0.000000000000000000000000000000;0.003750586029067041939771831593;0.037505860290670420265080053923;0.001406469760900140673204328223;0.006563525550867322852499619046;0.007969995311767463092023078275;0.010782934833567745305793472710;0.005625879043600562692817312893
-0.014285714285714285268213963320;0.051785714285714289084605610469;0.004910714285714285615158658516;0.115178571428571421830788779062;0.066517857142857142460634634062;0.014285714285714285268213963320;0.011160714285714285962103353711;0.028571428571428570536427926640;0.001785714285714285658526745415;0.007589285714285714211368993887;0.008928571428571428075793292578;0.016964285714285712997062560703;0.006250000000000000346944695195;0.004464285714285714037896646289;0.091964285714285720629845855001;0.006250000000000000346944695195;0.002232142857142857018948323145;0.015178571428571428422737987773;0.028571428571428570536427926640;0.001339285714285714298105167686;0.016964285714285712997062560703;0.001785714285714285658526745415;0.001785714285714285658526745415;0.010714285714285714384841341484;0.018749999999999999306110609609;0.006696428571428571056844969434;0.017410714285714286309048048906;0.217410714285714290472384391251;0.001339285714285714298105167686;0.032142857142857139685077072500;0.020535714285714285615158658516;0.006696428571428571056844969434;0.007589285714285714211368993887;0.003571428571428571317053490830;0.004017857142857142460634634062;0.007589285714285714211368993887;0.002678571428571428596210335371;0.004464285714285714037896646289;0.000000000000000000000000000000;0.002232142857142857018948323145;0.020089285714285715772620122266;0.009821428571428571230317317031;0.000000000000000000000000000000;0.005803571428571428769682682969;0.049107142857142856151586585156;0.009821428571428571230317317031;0.006696428571428571056844969434;0.007589285714285714211368993887;0.003571428571428571317053490830;0.004910714285714285615158658516
-0.032354193273733504454536813455;0.020008514261387826127513989150;0.017028522775649212323001435720;0.043422733077905492637960094271;0.013622818220519370205345843772;0.063856960408684548813340597917;0.006385696040868455054806407389;0.016602809706257982275134921224;0.009365687526607066257233746853;0.007662835249042145198405950879;0.014048531289910600253212358268;0.118348233290762022695830069097;0.014048531289910600253212358268;0.014899957428693060348945387261;0.041294167730949342398627521789;0.028522775649212430554291231033;0.004682843763303533128616873427;0.011494252873563218231289795312;0.019157088122605362562334008203;0.003405704555129842551336460943;0.012345679012345678327022824305;0.002979991485738612069789077452;0.002979991485738612069789077452;0.009791400595998296305100261350;0.043848446147296722685826608767;0.019157088122605362562334008203;0.014899957428693060348945387261;0.101745423584504043890142099826;0.000000000000000000000000000000;0.059174116645381011347915034548;0.088122605363984668480625828124;0.003831417624521072599202975439;0.002979991485738612069789077452;0.006811409110259685102672921886;0.009365687526607066257233746853;0.006811409110259685102672921886;0.004257130693912303080750358930;0.011068539804171988183423280816;0.000425713069391230318917057618;0.005534269902085994091711640408;0.006385696040868455054806407389;0.012771392081736910109612814779;0.000000000000000000000000000000;0.007237122179650915150539436382;0.011919965942954448279156309809;0.005108556832694764043845125912;0.011068539804171988183423280816;0.017028522775649212323001435720;0.010217113665389528087690251823;0.011919965942954448279156309809
-0.021164021164021162846324841667;0.027777777777777776235801354687;0.012345679012345678327022824305;0.130511463844797170885669856943;0.056878306878306875149498011979;0.028218694885361550461766455555;0.004850088183421516485616109549;0.014109347442680775230883227778;0.007495590828924161841406714757;0.007936507936507936067371815625;0.011463844797178129875092622569;0.049382716049382713308091297222;0.011463844797178129875092622569;0.008818342151675484519302017361;0.048059964726631390630195994618;0.028218694885361550461766455555;0.010582010582010581423162420833;0.016313932980599646360708732118;0.032627865961199292721417464236;0.003968253968253968033685907812;0.015432098765432097908778530382;0.007054673721340387615441613889;0.004409171075837742259651008681;0.010141093474426807197197319965;0.029100529100529098913696657291;0.014550264550264549456848328646;0.017636684303350969038604034722;0.095679012345679007034426888367;0.000440917107583774225965100868;0.058641975308641972053358415451;0.055996472663139326697567810243;0.004850088183421516485616109549;0.011463844797178129875092622569;0.004409171075837742259651008681;0.010141093474426807197197319965;0.009700176366843032971232219097;0.003527336860670193807720806944;0.009700176366843032971232219097;0.000440917107583774225965100868;0.004409171075837742259651008681;0.003527336860670193807720806944;0.009700176366843032971232219097;0.000000000000000000000000000000;0.007936507936507936067371815625;0.027777777777777776235801354687;0.004850088183421516485616109549;0.011904761904761904101057723437;0.011022927689594355649127521701;0.010141093474426807197197319965;0.013227513227513226778953026042
-0.030603448275862067673447342031;0.028017241379310345306130614063;0.009913793103448276591849186445;0.065517241379310350857245737188;0.045258620689655172653065307031;0.068103448275862066285668561250;0.004741379310344827520407040566;0.013362068965517242061236125039;0.006896551724137930938773877187;0.003017241379310344785713571270;0.008189655172413793857155717149;0.116379310344827582857085701562;0.014655172413793103244894489023;0.015086206896551724795929594336;0.019827586206896553183698372891;0.019396551724137931632663267578;0.003017241379310344785713571270;0.013793103448275861877547754375;0.017241379310344827346934692969;0.002155172413793103418366836621;0.011206896551724137775507550430;0.003448275862068965469386938594;0.003448275862068965469386938594;0.008189655172413793857155717149;0.040086206896551720979537947187;0.013793103448275861877547754375;0.014655172413793103244894489023;0.093965517241379303836623648749;0.000431034482758620683673367324;0.115948275862068961306050596249;0.044396551724137929550995096406;0.001724137931034482734693469297;0.006034482758620689571427142539;0.003448275862068965469386938594;0.011637931034482759326542655742;0.006896551724137930938773877187;0.005603448275862068887753775215;0.009913793103448276591849186445;0.000000000000000000000000000000;0.005172413793103448204080407891;0.010775862068965517959195921094;0.014224137931034483428582859688;0.000000000000000000000000000000;0.003448275862068965469386938594;0.014224137931034483428582859688;0.005172413793103448204080407891;0.016379310344827587714311434297;0.009482758620689655040814081133;0.009051724137931035224502451797;0.012068965517241379142854285078
-0.022633744855967079245839812529;0.033607681755829905967392079447;0.005829903978052126262143772806;0.139917695473251030291450547338;0.124828532235939648753486608257;0.031893004115226337991106930758;0.005829903978052126262143772806;0.025720164609053498827595518605;0.006515775034293552932240789488;0.002743484224965706246707197735;0.010973936899862824986828790941;0.029835390946502057113454142723;0.008230452674897120041164200188;0.005829903978052126262143772806;0.078875171467764057520177800598;0.016117969821673523711513809076;0.006515775034293552932240789488;0.011316872427983539622919906265;0.037722908093278460783803751610;0.002057613168724280010291050047;0.010631001371742112085461151594;0.001371742112482853123353598868;0.002743484224965706246707197735;0.006858710562414265833608428835;0.021604938271604937072289942535;0.007887517146776405405073084864;0.019547325102880659664084106453;0.074074074074074069962136945833;0.000342935528120713280838399717;0.047668038408779152270700052441;0.033950617283950615399312766840;0.002743484224965706246707197735;0.011659807956104252524287545612;0.003429355281207132916804214418;0.004801097393689986690679116776;0.006172839506172839163511412153;0.004458161865569272921949739441;0.018175582990397804589166597111;0.001714677640603566458402107209;0.003772290809327846251852722759;0.010631001371742112085461151594;0.012688614540466392963113939629;0.000000000000000000000000000000;0.003429355281207132916804214418;0.052812071330589849260661594599;0.004458161865569272921949739441;0.005144032921810699592046756123;0.008916323731138545843899478882;0.005144032921810699592046756123;0.006172839506172839163511412153
-0.029110936270653028218324820386;0.024783634933123525195819425448;0.012588512981904012577594187405;0.023603461841070025317712577362;0.073564122738001572199273425667;0.083792289535798578081760012992;0.008654602675059009514457741830;0.015342250196695515762623784894;0.002753737214791502751348728495;0.002360346184107002358298910139;0.009441384736428009433195640554;0.114870180959874113035823484097;0.013768686073957514190424511469;0.009441384736428009433195640554;0.039732494099134540999074260981;0.022816679779701021929527726684;0.004327301337529504757228870915;0.011014948859166011005394913980;0.033044846577498031281461265962;0.001966955153422501965249091782;0.011801730920535012658856288681;0.001573564122738001572199273426;0.003540519276160503537448365208;0.006687647521636507115527781053;0.046026750590086547287871354683;0.009441384736428009433195640554;0.008261211644374507820365316491;0.036585365853658534385228762176;0.000000000000000000000000000000;0.142014162077104655335091365487;0.060582218725413063131757240853;0.001573564122738001572199273426;0.012195121951219512618225238043;0.002360346184107002358298910139;0.006687647521636507115527781053;0.008261211644374507820365316491;0.003147128245476003144398546851;0.007867820613690007860996367128;0.000393391030684500393049818356;0.010228166797797011086657015255;0.005507474429583005502697456990;0.003540519276160503537448365208;0.000000000000000000000000000000;0.003540519276160503537448365208;0.028717545239968528258955871024;0.004327301337529504757228870915;0.010621557828481511046025964617;0.010228166797797011086657015255;0.005507474429583005502697456990;0.011801730920535012658856288681
-0.038839285714285715078730731875;0.005357142857142857192420670742;0.018303571428571429463572073360;0.086607142857142854763807804375;0.059821428571428574005874878594;0.080803571428571432933019025313;0.000446428571428571414631686354;0.004017857142857142460634634062;0.004017857142857142460634634062;0.004464285714285714037896646289;0.014285714285714285268213963320;0.162946428571428575393653659376;0.017857142857142856151586585156;0.010714285714285714384841341484;0.005803571428571428769682682969;0.030803571428571430157461463750;0.004017857142857142460634634062;0.005803571428571428769682682969;0.018303571428571429463572073360;0.001339285714285714298105167686;0.006696428571428571056844969434;0.003571428571428571317053490830;0.001339285714285714298105167686;0.006250000000000000346944695195;0.053571428571428568454759755468;0.010267857142857142807579329258;0.008482142857142856498531280351;0.012500000000000000693889390391;0.000000000000000000000000000000;0.158035714285714279370154144999;0.055803571428571431545240244532;0.003571428571428571317053490830;0.002678571428571428596210335371;0.003571428571428571317053490830;0.009821428571428571230317317031;0.004017857142857142460634634062;0.004464285714285714037896646289;0.008035714285714284921269268125;0.000000000000000000000000000000;0.001785714285714285658526745415;0.001339285714285714298105167686;0.002232142857142857018948323145;0.000000000000000000000000000000;0.004910714285714285615158658516;0.007142857142857142634106981660;0.005357142857142857192420670742;0.009821428571428571230317317031;0.018303571428571429463572073360;0.010267857142857142807579329258;0.011607142857142857539365365938
-0.034375000000000002775557561563;0.016406250000000000693889390391;0.013671875000000000000000000000;0.064453125000000000000000000000;0.051171874999999998612221219219;0.072656250000000005551115123126;0.000781250000000000043368086899;0.009765625000000000000000000000;0.008593750000000000693889390391;0.007421874999999999653055304805;0.013281249999999999653055304805;0.132812500000000000000000000000;0.020312500000000000693889390391;0.016796874999999999306110609609;0.031640624999999998612221219219;0.026562499999999999306110609609;0.002734374999999999826527652402;0.010546875000000000693889390391;0.016015624999999998612221219219;0.001171874999999999956631913101;0.008593750000000000693889390391;0.005468749999999999653055304805;0.003125000000000000173472347598;0.008203125000000000346944695195;0.057421874999999997224442438437;0.011328124999999999653055304805;0.013671875000000000000000000000;0.029296875000000000000000000000;0.000390625000000000021684043450;0.115625000000000005551115123126;0.051171874999999998612221219219;0.005078125000000000173472347598;0.005078125000000000173472347598;0.003906250000000000000000000000;0.010546875000000000693889390391;0.005078125000000000173472347598;0.003515625000000000086736173799;0.006250000000000000346944695195;0.000000000000000000000000000000;0.003125000000000000173472347598;0.003515625000000000086736173799;0.010156250000000000346944695195;0.000000000000000000000000000000;0.007031250000000000173472347598;0.018749999999999999306110609609;0.003906250000000000000000000000;0.017968749999999998612221219219;0.014843749999999999306110609609;0.011328124999999999653055304805;0.014453125000000000693889390391
-0.030214424951267054852976912116;0.023391812865497074724885351316;0.008447043534762832539541932420;0.114684860298895380248396236311;0.086094866796621177806869695814;0.050682261208576995237251594517;0.009421702404158543986412155391;0.013970110461338530738473195925;0.004873294346978557234351114857;0.002599090318388563858320594591;0.012670565302144248809312898629;0.091293047433398305523510884996;0.008122157244964262057251858096;0.010071474983755684950992304039;0.032488628979857048229007432383;0.028589993502274202441526540497;0.003248862897985704822900743238;0.008447043534762832539541932420;0.027290448343079920512366243202;0.000974658869395711446870222971;0.012020792722547107844732749982;0.003573749187784275305190817562;0.000974658869395711446870222971;0.004873294346978557234351114857;0.046458739441195578967480628307;0.014619883040935671703053344572;0.011695906432748537362442675658;0.065627030539311237422595013413;0.000974658869395711446870222971;0.079922027290448338643358283662;0.066601689408706948869465236385;0.002274204028589993376030520267;0.003573749187784275305190817562;0.002599090318388563858320594591;0.007472384665367121092671709448;0.003898635477582845787480891886;0.003898635477582845787480891886;0.023066926575698504242595276992;0.000000000000000000000000000000;0.003573749187784275305190817562;0.007472384665367121092671709448;0.004873294346978557234351114857;0.000000000000000000000000000000;0.004223521767381416269770966210;0.018843404808317087972824310782;0.005523066926575698198931263505;0.009096816114359973504122081067;0.008122157244964262057251858096;0.005523066926575698198931263505;0.011046133853151396397862527010
-0.011640211640211639912423358112;0.047266313932980599799016374618;0.010229276895943563083224425725;0.179188712522045850983332115902;0.062786596119929455328545486736;0.019400352733686065942464438194;0.003880070546737213448701409035;0.024338624338624340048831129479;0.005996472663139329993542414599;0.002469135802469135752140738660;0.008465608465608466179364022253;0.028571428571428570536427926640;0.004585537918871252296981744223;0.005996472663139329993542414599;0.089594356261022925491666057951;0.011287477954144621572485363004;0.004232804232804233089682011126;0.020811287477954146241110322535;0.026455026455026453557906052083;0.001410934744268077696560670375;0.009171075837742504593963488446;0.003174603174603174600421073848;0.004938271604938271504281477320;0.005291005291005290711581210417;0.013756613756613756890945232669;0.006701940035273368408141880792;0.018694885361552029262588447978;0.164021164021164012059017522915;0.000000000000000000000000000000;0.033862433862433864717456089011;0.039153439153439155429037299427;0.002469135802469135752140738660;0.005996472663139329993542414599;0.002821869488536155393121340751;0.004585537918871252296981744223;0.006349206349206349200842147695;0.003880070546737213448701409035;0.006349206349206349200842147695;0.000705467372134038848280335188;0.004232804232804233089682011126;0.004232804232804233089682011126;0.008112874779541446104702551168;0.000000000000000000000000000000;0.002469135802469135752140738660;0.050793650793650793606737181562;0.004585537918871252296981744223;0.004585537918871252296981744223;0.008465608465608466179364022253;0.004232804232804233089682011126;0.007760141093474426897402818071
-0.025514403292181069005106763825;0.030041152263374486935942897503;0.023456790123456791596900927743;0.030864197530864195817557060764;0.033744855967078192515717915967;0.046913580246913583193801855487;0.009876543209876543008562954640;0.022633744855967079245839812529;0.004526748971193415328750919713;0.009053497942386830657501839426;0.006584362139917695339041969760;0.123868312757201642915205752615;0.009876543209876543008562954640;0.023868312757201647772431485350;0.040329218106995884385312933773;0.025102880658436212829576206218;0.006584362139917695339041969760;0.018930041152263373666064794065;0.020576131687242798368187024494;0.004115226337448560020582100094;0.013580246913580246853614497127;0.007407407407407407690103084974;0.002057613168724280010291050047;0.013168724279835390678083939520;0.050617283950617285304129921997;0.019341563786008229841595351672;0.018930041152263373666064794065;0.061316872427983538929030515874;0.000000000000000000000000000000;0.053086419753086422357313267639;0.075308641975308648897069474515;0.004938271604938271504281477320;0.005349794238683127679812034927;0.004526748971193415328750919713;0.009465020576131686833032397033;0.007818930041152263865633642581;0.006995884773662551514572527367;0.013580246913580246853614497127;0.000411522633744855958690123110;0.003703703703703703845051542487;0.009876543209876543008562954640;0.002880658436213991927671296267;0.000000000000000000000000000000;0.012345679012345678327022824305;0.020576131687242798368187024494;0.007407407407407407690103084974;0.019753086419753086017125909279;0.017695473251028805139473121244;0.008641975308641974481971281818;0.012757201646090534502553381913
-0.027082720047100383720106719920;0.041801589637915810560020446474;0.017368266117162200340429123457;0.092140123638504559111517266956;0.042979099205181045539880813067;0.032675890491610244670273033307;0.007653812187224021297560216937;0.047100382690609364499945144189;0.002943773918163085281246571512;0.004710038269060936449994514419;0.015602001766264351340085525521;0.036208419193405949609854133087;0.010303208713570797400160827806;0.008242566970856637920128662245;0.057992346187812779390036155291;0.017368266117162200340429123457;0.001766264350897850951907508410;0.034147777450691786660375015572;0.050044156608772448480149108718;0.002649396526346776536281479864;0.026199587871651455750487968999;0.003532528701795701903815016820;0.013835737415366500605018451608;0.010891963497203414890091011102;0.025610833088018841730004737656;0.012952605239917574370123176664;0.037091551368854870640578980101;0.048277892257874592540911606875;0.000294377391816308528124657151;0.045334118339711508560707642346;0.028848984397998232720450317856;0.002355019134530468224997257209;0.021489549602590522769940406533;0.002943773918163085281246571512;0.003826906093612010648780108468;0.010891963497203414890091011102;0.008242566970856637920128662245;0.016190756549896968830015708818;0.000294377391816308528124657151;0.004121283485428318960064331122;0.014130114807182807615260067280;0.010303208713570797400160827806;0.000000000000000000000000000000;0.005298793052693553072562959727;0.038563438327936412630680962366;0.011480718280836032380021194399;0.006181925228142478440096496684;0.007948189579040329175163570596;0.020312040035325287790080039940;0.011775095672652341124986286047
-0.018759018759018759869849901634;0.053391053391053391874443434517;0.011544011544011544001531177628;0.041486291486291487773385711080;0.044011544011544008470071531747;0.021645021645021644135509220064;0.010461760461760461968228064222;0.055194805194805192372076163565;0.004689754689754689967462475408;0.005411255411255411033877305016;0.022727272727272727903535809446;0.005772005772005772000765588814;0.012265512265512265935307745224;0.005772005772005772000765588814;0.079725829725829727712138605966;0.009018759018759018100674929030;0.006493506493506493934542156410;0.037518037518037519739699803267;0.069985569985569984208240157386;0.001803751803751803750239246504;0.035714285714285712303173170312;0.000360750360750360750047849301;0.012987012987012987869084312820;0.005411255411255411033877305016;0.017316017316017316002296766442;0.015873015873015872134743631250;0.038600288600288600038279440696;0.071789321789321791644766790341;0.000000000000000000000000000000;0.042207792207792207972438802699;0.019480519480519480068902993253;0.003968253968253968033685907812;0.033189033189033191606487349645;0.003246753246753246967271078205;0.007575757575757575967845269815;0.014790764790764790101440517844;0.013347763347763347968610858629;0.007936507936507936067371815625;0.000721500721500721500095698602;0.002525252525252525467175379603;0.026695526695526695937221717259;0.009740259740259740034451496626;0.000000000000000000000000000000;0.005772005772005772000765588814;0.044733044733044735608018527273;0.010101010101010101868701518413;0.006132756132756132967653872612;0.007215007215007215000956986017;0.021284271284271284035982674254;0.003607503607503607500478493009
-0.015625000000000000000000000000;0.054878048780487805047290095217;0.015243902439024389905419809566;0.013338414634146341167242333370;0.036204268292682924290648571741;0.030487804878048779810839619131;0.011051829268292682334484666740;0.063643292682926830283740571303;0.001905487804878048738177476196;0.003048780487804878154556309511;0.019817073170731707570935142826;0.011051829268292682334484666740;0.012195121951219512618225238043;0.011051829268292682334484666740;0.078506097560975610094580190434;0.010289634146341463880047761847;0.004954268292682926892733785706;0.042301829268292685803931618693;0.059451219512195119243358476524;0.003048780487804878154556309511;0.030487804878048779810839619131;0.001905487804878048738177476196;0.012957317073170731072662142935;0.010670731707317073974627952282;0.018673780487804877287194571522;0.015625000000000000000000000000;0.050304878048780490851221713910;0.071646341463414628392136762614;0.000000000000000000000000000000;0.035060975609756100945801904345;0.025152439024390245425610856955;0.002667682926829268493656988070;0.030487804878048779810839619131;0.004573170731707316798153595272;0.009146341463414633596307190544;0.020198170731707317665515333260;0.013719512195121951261822523804;0.008384146341463415141870285652;0.000000000000000000000000000000;0.003048780487804878154556309511;0.019054878048780487381774761957;0.005335365853658536987313976141;0.000000000000000000000000000000;0.004954268292682926892733785706;0.052591463414634144479808952610;0.011051829268292682334484666740;0.009146341463414633596307190544;0.008003048780487805047290095217;0.021341463414634147949255904564;0.005716463414634146214532428587
-0.030416666666666668239482618219;0.031250000000000000000000000000;0.026666666666666668378260496297;0.079166666666666662965923251249;0.015833333333333334674852821422;0.050833333333333334536074943344;0.003333333333333333547282562037;0.030833333333333334119741309109;0.012916666666666666574148081281;0.007916666666666667337426410711;0.013750000000000000069388939039;0.076666666666666660745477201999;0.014583333333333333564629796797;0.022916666666666665047591422422;0.030833333333333334119741309109;0.027083333333333334258519187188;0.005416666666666666851703837438;0.030416666666666668239482618219;0.029583333333333333009518284484;0.003333333333333333547282562037;0.014583333333333333564629796797;0.007916666666666667337426410711;0.007499999999999999722444243844;0.008750000000000000832667268469;0.039166666666666669072149886688;0.017916666666666667545593227828;0.032083333333333331760517381781;0.055416666666666669627261399000;0.000416666666666666693410320255;0.047083333333333331205405869468;0.042916666666666665463925056656;0.007083333333333332974823814965;0.013750000000000000069388939039;0.002500000000000000052041704279;0.014166666666666665949647629930;0.014166666666666665949647629930;0.008333333333333333217685101602;0.007083333333333332974823814965;0.000833333333333333386820640509;0.005833333333333333599324266316;0.007916666666666667337426410711;0.017916666666666667545593227828;0.000000000000000000000000000000;0.002083333333333333304421275400;0.012083333333333333078907223523;0.005416666666666666851703837438;0.015416666666666667059870654555;0.012500000000000000693889390391;0.023750000000000000277555756156;0.011666666666666667198648532633
-0.028933092224231463790440344042;0.010397830018083182787580476258;0.017179023508137433035036778506;0.094032549728752259921016332100;0.045207956600361663690446079045;0.065551537070524412698091509810;0.002260397830018083271258477751;0.014918625678119348462735693772;0.009493670886075949652549432756;0.008137432188065099950002867502;0.018083182640144666170067822009;0.098553345388788432535065453521;0.010849909584086799355095998010;0.022151898734177215277707517771;0.026672694394213380952862735285;0.028481012658227847222924822290;0.005424954792043399677547999005;0.011754068716094032490127041513;0.022603978300180831845223039522;0.004972875226039783110032477254;0.009945750452079566220064954507;0.008137432188065099950002867502;0.002712477396021699838773999502;0.009041591320072333085033911004;0.051084990958408682537594813766;0.017631103074141049602552300257;0.023508137432188064980254083025;0.038878842676311031745228774525;0.000904159132007233243451260751;0.089963833634719714282823588292;0.042495479204339964285352948536;0.005424954792043399677547999005;0.011754068716094032490127041513;0.003616636528028932973805043005;0.014014466546112115327704650269;0.013562386980108498760189128518;0.005424954792043399677547999005;0.004520795660036166542516955502;0.000904159132007233243451260751;0.004520795660036166542516955502;0.002712477396021699838773999502;0.008589511754068716517518389253;0.000000000000000000000000000000;0.004068716094032549975001433751;0.020795660036166365575160952517;0.006781193490054249380094564259;0.014466546112115731895220172021;0.018083182640144666170067822009;0.006781193490054249380094564259;0.014014466546112115327704650269
-0.017989417989417989113265505807;0.081128747795414457577578559722;0.007760141093474426897402818071;0.085008818342151681868301693612;0.041975308641975309087435164201;0.025396825396825396803368590781;0.011640211640211639912423358112;0.039506172839506172034251818559;0.005996472663139329993542414599;0.004585537918871252296981744223;0.007760141093474426897402818071;0.032098765432098767813595685539;0.008818342151675484519302017361;0.009171075837742504593963488446;0.093474426807760135904601384027;0.013756613756613756890945232669;0.004585537918871252296981744223;0.023985890652557319974169658394;0.035978835978835978226531011614;0.001410934744268077696560670375;0.016225749559082892209405102335;0.001410934744268077696560670375;0.002116402116402116544841005563;0.008818342151675484519302017361;0.021164021164021162846324841667;0.008465608465608466179364022253;0.025044091710758376728707119696;0.126984126984126977077949049999;0.000352733686067019424140167594;0.033509700176366841173347665972;0.026102292768959436952691532952;0.002469135802469135752140738660;0.014814814814814815380206169948;0.003527336860670193807720806944;0.011287477954144621572485363004;0.012345679012345678327022824305;0.005996472663139329993542414599;0.010229276895943563083224425725;0.001410934744268077696560670375;0.002821869488536155393121340751;0.015167548500881833720144165056;0.006349206349206349200842147695;0.000000000000000000000000000000;0.005643738977072310786242681502;0.037742504409171075130391415087;0.007407407407407407690103084974;0.008818342151675484519302017361;0.005291005291005290711581210417;0.016225749559082892209405102335;0.010229276895943563083224425725
-0.012500000000000000693889390391;0.040151515151515153323469320412;0.007954545454545453725403447720;0.162878787878787872900332445170;0.087121212121212127099667554830;0.021969696969696968918972501683;0.010984848484848484459486250842;0.041287878787878790065590806080;0.004545454545454545233762466694;0.003787878787878787983922634908;0.012878787878787878451447568295;0.004545454545454545233762466694;0.014393939393939394685850707845;0.008333333333333333217685101602;0.078030303030303033162695669489;0.007196969696969697342925353922;0.000378787878787878787550241766;0.023106060606060605661093987351;0.054924242424242424032154730185;0.002651515151515151675482018234;0.021969696969696968918972501683;0.000757575757575757575100483532;0.005681818181818181975883952362;0.004166666666666666608842550801;0.008333333333333333217685101602;0.008712121212121212709966755483;0.024621212121212120160773650923;0.092424242424242422644375949403;0.000378787878787878787550241766;0.048106060606060603579425816179;0.003030303030303030300401934127;0.002651515151515151675482018234;0.024242424242424242403215473018;0.002272727272727272616881233347;0.006060606060606060600803868255;0.006060606060606060600803868255;0.006439393939393939225723784148;0.003409090909090908925321850020;0.000378787878787878787550241766;0.003030303030303030300401934127;0.017803030303030303177491688871;0.015151515151515151935690539631;0.000000000000000000000000000000;0.002651515151515151675482018234;0.057575757575757578743402831378;0.005303030303030303350964036468;0.006060606060606060600803868255;0.005303030303030303350964036468;0.012500000000000000693889390391;0.005303030303030303350964036468
-0.012615643397813288556497113291;0.045836837678721611966103921532;0.007148864592094197022154045129;0.085365853658536591797023618255;0.098402018502943652822345654840;0.015138772077375945920851840754;0.007989907485281749766059533613;0.040790580319596300706841418560;0.000000000000000000000000000000;0.004625735912531538790437579678;0.013456686291000840433040863786;0.012615643397813288556497113291;0.008830950378469301642603284108;0.009251471825063077580875159356;0.103027754415475195082230186472;0.009251471825063077580875159356;0.002943650126156434169988340699;0.021446593776282590199100397399;0.052144659377628257979075954154;0.001682085786375105054130107973;0.018082422203532379223478443464;0.002523128679562657798035596457;0.003364171572750210108260215947;0.010513036164844407130414261076;0.013456686291000840433040863786;0.005046257359125315596071192914;0.029857022708158115903431806260;0.131623212783851972762505511128;0.000420521446593776263532526993;0.037846930193439862200044387919;0.018502943650126155161750318712;0.002943650126156434169988340699;0.026072329688814128989537977077;0.001261564339781328899017798228;0.009671993271656855253870510580;0.007569386038687972960425920377;0.003784693019343986480212960188;0.004205214465937762852165704430;0.000841042893187552527065053987;0.000841042893187552527065053987;0.019343986543313710507741021161;0.005046257359125315596071192914;0.000000000000000000000000000000;0.005466778805719091534343068162;0.056349873843566024300688610538;0.004625735912531538790437579678;0.005887300252312868339976681398;0.005466778805719091534343068162;0.010933557611438183068686136323;0.005887300252312868339976681398
-0.013197105151128140157479329275;0.051511281396338870486317773612;0.004682843763303533128616873427;0.111111111111111104943205418749;0.117922520221370799586857458507;0.023839931885908896558312619618;0.009791400595998296305100261350;0.032779906343124734502403327951;0.001702852277564921275668230471;0.001702852277564921275668230471;0.010217113665389528087690251823;0.017454235845040442370867950217;0.008514261387824606161500717860;0.004257130693912303080750358930;0.088974031502767128576358857117;0.011068539804171988183423280816;0.003831417624521072599202975439;0.017028522775649212323001435720;0.035759897828863344837468929427;0.000851426138782460637834115236;0.017028522775649212323001435720;0.002979991485738612069789077452;0.002979991485738612069789077452;0.005534269902085994091711640408;0.014048531289910600253212358268;0.008088548318433376113634203364;0.019157088122605362562334008203;0.147296722009365693706328670487;0.000425713069391230318917057618;0.037462750106428265028934987413;0.039165602383993185220401045399;0.002979991485738612069789077452;0.016177096636866752227268406727;0.003831417624521072599202975439;0.007662835249042145198405950879;0.001277139208173691010961281478;0.001277139208173691010961281478;0.003831417624521072599202975439;0.000000000000000000000000000000;0.001702852277564921275668230471;0.011494252873563218231289795312;0.005108556832694764043845125912;0.000000000000000000000000000000;0.002554278416347382021922562956;0.051936994465730100534184288108;0.004257130693912303080750358930;0.005534269902085994091711640408;0.006811409110259685102672921886;0.007237122179650915150539436382;0.005959982971477224139578154904
-0.013071895424836601704021710191;0.045751633986928101627267295726;0.006172839506172839163511412153;0.140885984023238930440413696488;0.071169208424110383393035306199;0.016702977487291211650122235710;0.007262164124909223361648002992;0.042846768336964415058165656092;0.005083514887436455832736559302;0.006172839506172839163511412153;0.011982570806100217505885119351;0.016339869281045752563708006733;0.007988380537400145003923412901;0.009077705156136529202060003740;0.083877995642701527745366263389;0.009803921568627450844335413649;0.002904865649963689171186853599;0.018881626724763980046395417389;0.044662309368191724368024608793;0.001452432824981844585593426800;0.017792302106027595848258826550;0.002178649237472767095230574697;0.001452432824981844585593426800;0.005446623093681917521236002244;0.017066085693536674205983416641;0.010530137981118372486610823557;0.026870007262164125050318830290;0.118736383442265794330161554626;0.000363108206245461146398356700;0.040668119099491646661892474413;0.011982570806100217505885119351;0.002904865649963689171186853599;0.018881626724763980046395417389;0.002904865649963689171186853599;0.009077705156136529202060003740;0.010167029774872911665473118603;0.004720406681190995011598854347;0.005083514887436455832736559302;0.000363108206245461146398356700;0.002541757443718227916368279651;0.015250544662309368365571415893;0.010893246187363835042472004488;0.000000000000000000000000000000;0.004357298474945534190461149393;0.056644880174291936669739300214;0.005446623093681917521236002244;0.006535947712418300852010855095;0.010167029774872911665473118603;0.010167029774872911665473118603;0.008714596949891068380922298786
-0.010223953261927945512788085125;0.034079844206426485042626950417;0.007789678675754625400418085235;0.249269717624148012813378727515;0.113924050632911388891699289161;0.019474196689386564368406951075;0.004381694255111976896155390193;0.028724440116845179754578865072;0.000973709834469328175052260654;0.002434274586173320546050868884;0.012171372930866602296573475428;0.016066212268743915864144256034;0.012658227848101265625158085015;0.010223953261927945512788085125;0.078383641674780915598041985959;0.009737098344693282184203475538;0.004381694255111976896155390193;0.012171372930866602296573475428;0.033106134371957154916010779289;0.000973709834469328175052260654;0.011197663096397273904680780277;0.001947419668938656350104521309;0.002434274586173320546050868884;0.005842259006815968616632694932;0.018987341772151899305098865511;0.009737098344693282184203475538;0.018987341772151899305098865511;0.090068159688412849361860423869;0.000486854917234664087526130327;0.036027263875365138356965388766;0.014605647517039922408943475318;0.002434274586173320546050868884;0.005355404089581304420686347356;0.002921129503407984308316347466;0.005355404089581304420686347356;0.005355404089581304420686347356;0.001947419668938656350104521309;0.003894839337877312700209042617;0.000486854917234664087526130327;0.003894839337877312700209042617;0.010223953261927945512788085125;0.001947419668938656350104521309;0.000000000000000000000000000000;0.003407984420642648504262695042;0.052093476144109057690556596754;0.004868549172346641092101737769;0.003407984420642648504262695042;0.006815968841285297008525390083;0.007302823758519961204471737659;0.006815968841285297008525390083
-0.012500000000000000693889390391;0.048076923076923079591882270734;0.003846153846153846367350581659;0.187500000000000000000000000000;0.102403846153846150857091856778;0.020673076923076922489785900439;0.008653846153846154326538808732;0.030769230769230770938804653269;0.001442307692307692387756468122;0.004807692307692307959188227073;0.009134615384615385122457631439;0.025000000000000001387778780781;0.008653846153846154326538808732;0.002884615384615384775512936244;0.076923076923076927347011633174;0.006730769230769231142863517903;0.002403846153846153979594113537;0.012019230769230769897970567683;0.032211538461538458122390693461;0.000961538461538461591837645415;0.012500000000000000693889390391;0.000000000000000000000000000000;0.001442307692307692387756468122;0.008173076923076923530619986025;0.009134615384615385122457631439;0.006730769230769231142863517903;0.010096153846153846714295276854;0.155288461538461541877609306539;0.000961538461538461591837645415;0.027884615384615386163291717025;0.036057692307692304489741275120;0.000961538461538461591837645415;0.010096153846153846714295276854;0.002403846153846153979594113537;0.005769230769230769551025872488;0.004326923076923077163269404366;0.001442307692307692387756468122;0.006730769230769231142863517903;0.000000000000000000000000000000;0.004326923076923077163269404366;0.010096153846153846714295276854;0.007692307692307692734701163317;0.000000000000000000000000000000;0.002403846153846153979594113537;0.047596153846153843591793020096;0.006250000000000000346944695195;0.005769230769230769551025872488;0.004807692307692307959188227073;0.007211538461538461938782340610;0.006250000000000000346944695195
-0.009848484848484847717364765174;0.050378787878787877063668787514;0.007575757575757575967845269815;0.214015151515151519356905396307;0.061742424242424244484883644191;0.015909090909090907450806895440;0.005303030303030303350964036468;0.022348484848484850145977631541;0.002272727272727272616881233347;0.004545454545454545233762466694;0.010606060606060606701928072937;0.016666666666666666435370203203;0.010227272727272727209646419055;0.006818181818181817850643700041;0.074242424242424248648219986535;0.007954545454545453725403447720;0.001515151515151515150200967064;0.018560606060606062162054996634;0.028030303030303030387138107926;0.000757575757575757575100483532;0.011363636363636363951767904723;0.003409090909090908925321850020;0.003787878787878787983922634908;0.003787878787878787983922634908;0.017803030303030303177491688871;0.010984848484848484459486250842;0.014393939393939394685850707845;0.190909090909090917165258360910;0.000757575757575757575100483532;0.026893939393939393645016622258;0.021590909090909091161414323778;0.001136363636363636308440616673;0.008333333333333333217685101602;0.003030303030303030300401934127;0.004545454545454545233762466694;0.004924242424242423858682382587;0.003030303030303030300401934127;0.003787878787878787983922634908;0.001515151515151515150200967064;0.004924242424242423858682382587;0.010227272727272727209646419055;0.009469696969696969959806587269;0.000000000000000000000000000000;0.001893939393939393991961317454;0.039772727272727272096464190554;0.007954545454545453725403447720;0.004166666666666666608842550801;0.004545454545454545233762466694;0.006439393939393939225723784148;0.005303030303030303350964036468
-0.006941608819926500979768935196;0.063291139240506333329960853007;0.009799918334013883736144379100;0.167415271539403831546621859161;0.043691302572478565857672094808;0.010208248264597794691121990240;0.009799918334013883736144379100;0.035524703960800325941438160271;0.004899959167006941868072189550;0.005308289097590853690411538679;0.009799918334013883736144379100;0.020008166598611678427266369340;0.004083299305839118223393491292;0.010616578195181707380823077358;0.078807676602694984313579595891;0.006533278889342589157429586066;0.002858309514087382756375443904;0.024499795835034709340360947749;0.031849734585545123877192708051;0.002449979583503470934036094775;0.014291547570436912914515481532;0.001633319722335647289357396517;0.003674969375255206401054142162;0.007349938750510412802108284325;0.013883217639853001959537870391;0.008166598611678236446786982583;0.026541445487954267584695955406;0.194365046957942017025189329615;0.000000000000000000000000000000;0.028991425071457736784008574205;0.013474887709269089269836783274;0.004491629236423030045732840421;0.009799918334013883736144379100;0.000816659861167823644678698258;0.006941608819926500979768935196;0.006533278889342589157429586066;0.004899959167006941868072189550;0.004491629236423030045732840421;0.000000000000000000000000000000;0.001633319722335647289357396517;0.012249897917517354670180473875;0.008574928542262147401764593724;0.000000000000000000000000000000;0.005716619028174765512750887808;0.041649652919559000674443183243;0.005716619028174765512750887808;0.005716619028174765512750887808;0.006533278889342589157429586066;0.008166598611678236446786982583;0.005308289097590853690411538679
-0.012786596119929452552987925174;0.070546737213403876154416138888;0.011463844797178129875092622569;0.102292768959435620423903401388;0.048059964726631390630195994618;0.022045855379188711298255043403;0.014991181657848323682813429514;0.042328042328042325692649683333;0.002204585537918871129825504340;0.004850088183421516485616109549;0.010141093474426807197197319965;0.012345679012345678327022824305;0.008377425044091710293336916493;0.005731922398589064937546311285;0.104938271604938265779694006596;0.011022927689594355649127521701;0.005731922398589064937546311285;0.023809523809523808202115446875;0.031305114638447970043522161632;0.000440917107583774225965100868;0.022486772486772485524220144271;0.002204585537918871129825504340;0.000000000000000000000000000000;0.007495590828924161841406714757;0.016754850088183420586673832986;0.011463844797178129875092622569;0.016754850088183420586673832986;0.189594356261022917164993373262;0.000000000000000000000000000000;0.021164021164021162846324841667;0.023809523809523808202115446875;0.003527336860670193807720806944;0.007054673721340387615441613889;0.003086419753086419581755706076;0.003968253968253968033685907812;0.007936507936507936067371815625;0.003086419753086419581755706076;0.006613756613756613389476513021;0.000000000000000000000000000000;0.002645502645502645355790605208;0.018959435626102291716499337326;0.007936507936507936067371815625;0.000000000000000000000000000000;0.003086419753086419581755706076;0.038800705467372131884928876389;0.005731922398589064937546311285;0.008377425044091710293336916493;0.006172839506172839163511412153;0.008377425044091710293336916493;0.007495590828924161841406714757
-0.007911392405063291666245106626;0.051687763713080168981317541466;0.004219409282700421585932115676;0.254746835443037999979765118042;0.050632911392405062500632340061;0.014240506329113923611462411145;0.011075949367088607638853758885;0.033227848101265819447114324703;0.004746835443037974826274716378;0.006329113924050632812579042508;0.009493670886075949652549432756;0.013185654008438818865500685718;0.005274261603375527199255579092;0.006856540084388186052921643210;0.070675105485232064816969455023;0.007383966244725738425902505924;0.000527426160337552698241514459;0.014240506329113923611462411145;0.026898734177215190971343972137;0.001582278481012658203144760627;0.008438818565400843171864231351;0.002109704641350210792966057838;0.002109704641350210792966057838;0.005801687763713080439598179794;0.010548523206751054398511158183;0.006856540084388186052921643210;0.015295358649789030092147612550;0.164029535864978898151989028520;0.000527426160337552698241514459;0.032700421940928273145665627908;0.017932489451476792824413664107;0.003691983122362869212951252962;0.009493670886075949652549432756;0.003691983122362869212951252962;0.006856540084388186052921643210;0.004219409282700421585932115676;0.003691983122362869212951252962;0.005801687763713080439598179794;0.000000000000000000000000000000;0.004219409282700421585932115676;0.010021097046413502892892033458;0.010548523206751054398511158183;0.000000000000000000000000000000;0.006856540084388186052921643210;0.040084388185654011571568133832;0.004219409282700421585932115676;0.008966244725738396412206832053;0.006329113924050632812579042508;0.005274261603375527199255579092;0.004746835443037974826274716378
-0.012500000000000000693889390391;0.055833333333333332038073137937;0.012500000000000000693889390391;0.119583333333333333148296162562;0.053333333333333336756520992594;0.019583333333333334536074943344;0.005416666666666666851703837438;0.049166666666666664076146275875;0.002083333333333333304421275400;0.003749999999999999861222121922;0.013333333333333334189130248149;0.016250000000000000555111512313;0.012083333333333333078907223523;0.009166666666666666712925959359;0.082916666666666666296592325125;0.005833333333333333599324266316;0.005833333333333333599324266316;0.027500000000000000138777878078;0.044999999999999998334665463062;0.002083333333333333304421275400;0.020000000000000000416333634234;0.003333333333333333547282562037;0.009583333333333332593184650250;0.006250000000000000346944695195;0.016666666666666666435370203203;0.010416666666666666088425508008;0.032083333333333331760517381781;0.128750000000000003330669073875;0.000416666666666666693410320255;0.042500000000000003053113317719;0.005000000000000000104083408559;0.004583333333333333356462979680;0.010833333333333333703407674875;0.006250000000000000346944695195;0.009583333333333332593184650250;0.010000000000000000208166817117;0.010000000000000000208166817117;0.002500000000000000052041704279;0.000000000000000000000000000000;0.005416666666666666851703837438;0.010416666666666666088425508008;0.011249999999999999583666365766;0.000000000000000000000000000000;0.003749999999999999861222121922;0.042916666666666665463925056656;0.002916666666666666799662133158;0.009166666666666666712925959359;0.007499999999999999722444243844;0.018749999999999999306110609609;0.005416666666666666851703837438
-0.009440813362381990023197708695;0.042846768336964415058165656092;0.015250544662309368365571415893;0.281771968046477860880827392975;0.086419753086419748289159770138;0.014887436456063907544433710939;0.007262164124909223361648002992;0.024691358024691356654045648611;0.002178649237472767095230574697;0.002178649237472767095230574697;0.011256354393609295863609709443;0.016339869281045752563708006733;0.007988380537400145003923412901;0.012708787218591140882884005237;0.070806100217864917367727173314;0.005083514887436455832736559302;0.004720406681190995011598854347;0.011982570806100217505885119351;0.029048656499636893446592011969;0.000726216412490922292796713400;0.009803921568627450844335413649;0.002541757443718227916368279651;0.002178649237472767095230574697;0.005446623093681917521236002244;0.011982570806100217505885119351;0.008351488743645605825061117855;0.016702977487291211650122235710;0.105301379811183731805002139481;0.000726216412490922292796713400;0.029774872912127815088867421878;0.007988380537400145003923412901;0.002541757443718227916368279651;0.009803921568627450844335413649;0.002904865649963689171186853599;0.011982570806100217505885119351;0.006535947712418300852010855095;0.003267973856209150426005427548;0.004357298474945534190461149393;0.000363108206245461146398356700;0.004720406681190995011598854347;0.007262164124909223361648002992;0.003267973856209150426005427548;0.000000000000000000000000000000;0.005083514887436455832736559302;0.043936092955700799256302246931;0.005446623093681917521236002244;0.008714596949891068380922298786;0.005083514887436455832736559302;0.009440813362381990023197708695;0.006899055918663761673148560050
-0.008823529411764705759901872284;0.048529411764705883414183773539;0.012132352941176470853545943385;0.185294117647058831366280173825;0.083823529411764699514897358767;0.019117647058823530881177532592;0.006617647058823529319926404213;0.031985294117647056211239942058;0.004411764705882352879950936142;0.004779411764705882720294383148;0.010661764705882353226895631337;0.012867647058823528799509361420;0.006985294117647059160269851219;0.004411764705882352879950936142;0.073161764705882356696342583291;0.011397058823529411172859049373;0.003308823529411764659963202106;0.016176470588235295627876908497;0.036764705882352942400981277160;0.001470588235294117626650312047;0.014338235294117646426159673467;0.003308823529411764659963202106;0.004779411764705882720294383148;0.006250000000000000346944695195;0.013602941176470588480196255432;0.008823529411764705759901872284;0.019852941176470587092417474651;0.145220588235294129075825253494;0.000735294117647058813325156024;0.036029411764705879250847431194;0.007352941176470588133251560237;0.006250000000000000346944695195;0.011029411764705883067239078343;0.005147058823529411693276092166;0.004044117647058823906969227124;0.009926470588235293546208737325;0.004411764705882352879950936142;0.005147058823529411693276092166;0.000000000000000000000000000000;0.001102941176470588219987734035;0.008088235294117647813938454249;0.010294117647058823386552184331;0.000000000000000000000000000000;0.006617647058823529319926404213;0.052941176470588234559411233704;0.004779411764705882720294383148;0.006617647058823529319926404213;0.004411764705882352879950936142;0.009191176470588235600245319290;0.006985294117647059160269851219
-0.009274193548387096169838272885;0.037903225806451612545089346895;0.008870967741935483971693621186;0.209677419354838717735489694860;0.119354838709677418817634020343;0.018145161290322581876255370048;0.005241935483870968116859589969;0.037096774193548384679353091542;0.005241935483870968116859589969;0.005241935483870968116859589969;0.007258064516129032577029800422;0.018548387096774192339676545771;0.008467741935483871773548969486;0.006048387096774193380510631357;0.077016129032258059949889172913;0.007258064516129032577029800422;0.002822580645161290157502120834;0.009677419354838710102706400562;0.035483870967741935886774484743;0.002016129032258064460170210452;0.014112903225806451221191473167;0.005645161290322580315004241669;0.001209677419354838762838300070;0.006854838709677419511523410733;0.016532258064516129614229811295;0.009677419354838710102706400562;0.015322580645161289550348904243;0.101209677419354840410825602248;0.000000000000000000000000000000;0.037096774193548384679353091542;0.008870967741935483971693621186;0.003225806451612903223008510523;0.011290322580645160630008483338;0.002822580645161290157502120834;0.007258064516129032577029800422;0.007661290322580644775174452121;0.006048387096774193380510631357;0.003225806451612903223008510523;0.001209677419354838762838300070;0.001209677419354838762838300070;0.010483870967741936233719179938;0.010887096774193548431863831638;0.000000000000000000000000000000;0.002419354838709677525676600141;0.056854838709677418817634020343;0.002016129032258064460170210452;0.006854838709677419511523410733;0.004435483870967741985846810593;0.008064516129032257840680841809;0.006854838709677419511523410733
-0.011971567527123081961515360661;0.064721286943509162559173830687;0.009726898615787505503194054768;0.245791245791245782648104523105;0.072577628133183691439000995160;0.014964459408903852885575069820;0.006734006734006733711772607620;0.021698466142910585729985939452;0.001122334455667789096522390935;0.002244668911335578193044781870;0.007856341189674523675656736543;0.014964459408903852885575069820;0.006359895248784137346265143975;0.005985783763561540980757680330;0.078563411896745233287120413479;0.008230452674897120041164200188;0.003741114852225963221393767455;0.013468013468013467423545215240;0.017583239805462027444127315334;0.000374111485222596311297355021;0.008978675645342312772179127478;0.002618780396558174124871376520;0.002618780396558174124871376520;0.003367003367003366855886303810;0.014964459408903852885575069820;0.008230452674897120041164200188;0.013093901982790871058037751595;0.182940516273849607120638438573;0.001122334455667789096522390935;0.030303030303030303871381079261;0.015338570894126449251082533465;0.004863449307893752751597027384;0.004115226337448560020582100094;0.001496445940890385245189420083;0.004115226337448560020582100094;0.003741114852225963221393767455;0.002618780396558174124871376520;0.003367003367003366855886303810;0.000374111485222596311297355021;0.003741114852225963221393767455;0.006359895248784137346265143975;0.003367003367003366855886303810;0.000000000000000000000000000000;0.003741114852225963221393767455;0.037785260007482231181530352160;0.007108118219229330077280071265;0.007108118219229330077280071265;0.003741114852225963221393767455;0.004115226337448560020582100094;0.005985783763561540980757680330
-0.005485232067510548842337314568;0.048523206751054849539261937252;0.008016877637130801620424236376;0.364135021097046429616739260382;0.049789029535864975928305398156;0.012658227848101265625158085015;0.001265822784810126605883895401;0.018565400843881856018935394559;0.001265822784810126605883895401;0.002531645569620253211767790802;0.002953586497890295196888654772;0.021940928270042195369349258272;0.007172995780590717650182508436;0.007594936708860759201622503411;0.064135021097046412963393891005;0.006329113924050632812579042508;0.001687763713080168807845193868;0.015611814345991561689408477775;0.012658227848101265625158085015;0.001265822784810126605883895401;0.006751054852320675231380775472;0.002953586497890295196888654772;0.001687763713080168807845193868;0.008016877637130801620424236376;0.008860759493670886458027702304;0.006329113924050632812579042508;0.013080168776371307176598079991;0.152320675105485220379719635275;0.000421940928270042201961298467;0.026160337552742614353196159982;0.017721518987341772916055404608;0.004219409282700421585932115676;0.005485232067510548842337314568;0.002531645569620253211767790802;0.003797468354430379600811251706;0.004641350210970464004733848640;0.001687763713080168807845193868;0.002953586497890295196888654772;0.001265822784810126605883895401;0.003797468354430379600811251706;0.007594936708860759201622503411;0.005907172995780590393777309544;0.000000000000000000000000000000;0.002953586497890295196888654772;0.030801687763713080092653484598;0.002953586497890295196888654772;0.008016877637130801620424236376;0.005063291139240506423535581604;0.002109704641350210792966057838;0.006329113924050632812579042508
-0.021772151898734177360994479500;0.027341772151898733472785707477;0.021265822784810126805377095138;0.190886075949367101101117327744;0.050126582278481011945014955700;0.040506329113924051388284652830;0.002025316455696202656150406440;0.010632911392405063402688547569;0.007594936708860759201622503411;0.006582278481012658090387734688;0.011139240506329113958305931931;0.050126582278481011945014955700;0.015189873417721518403245006823;0.013670886075949366736392853738;0.040506329113924051388284652830;0.015189873417721518403245006823;0.006582278481012658090387734688;0.018227848101265823471672788969;0.027341772151898733472785707477;0.003544303797468354323002559525;0.009113924050632911735836394485;0.008101265822784810624601625761;0.001518987341772151883692587582;0.008101265822784810624601625761;0.028354430379746834584020476200;0.014177215189873417292010238100;0.016202531645569621249203251523;0.106329113924050630557438523738;0.000000000000000000000000000000;0.072405063291139243331073771515;0.022784810126582278472229248223;0.003037974683544303767385175163;0.009620253164556962291453778846;0.001518987341772151883692587582;0.005569620253164556979152965965;0.009113924050632911735836394485;0.006075949367088607534770350327;0.011645569620253164513923316292;0.001012658227848101328075203220;0.002531645569620253211767790802;0.008101265822784810624601625761;0.008607594936708861180219010123;0.000000000000000000000000000000;0.005569620253164556979152965965;0.018734177215189874027290173331;0.003544303797468354323002559525;0.010126582278481012847071163208;0.006075949367088607534770350327;0.009113924050632911735836394485;0.012658227848101265625158085015
-0.015073529411764706106846567479;0.031617647058823528105619971029;0.017647058823529411519803744568;0.307720588235294134626940376620;0.051838235294117650242551320616;0.026470588235294117279705616852;0.004044117647058823906969227124;0.016544117647058823733496879527;0.005882352941176470506601248189;0.003308823529411764659963202106;0.009926470588235293546208737325;0.036029411764705879250847431194;0.008455882352941175919558425278;0.013235294117647058639852808426;0.044852941176470588480196255432;0.011397058823529411172859049373;0.003308823529411764659963202106;0.013235294117647058639852808426;0.020588235294117646773104368663;0.001102941176470588219987734035;0.008823529411764705759901872284;0.005514705882352941533619539172;0.006250000000000000346944695195;0.006617647058823529319926404213;0.019852941176470587092417474651;0.006617647058823529319926404213;0.011397058823529411172859049373;0.117647058823529410132024963787;0.001470588235294117626650312047;0.043014705882352941013202496379;0.020220588235294118667484397633;0.008088235294117647813938454249;0.007720588235294117973595007243;0.003308823529411764659963202106;0.004411764705882352879950936142;0.004779411764705882720294383148;0.002941176470588235253300624095;0.005514705882352941533619539172;0.001470588235294117626650312047;0.002205882352941176439975468071;0.004044117647058823906969227124;0.004044117647058823906969227124;0.000000000000000000000000000000;0.005147058823529411693276092166;0.020955882352941174878724339692;0.002205882352941176439975468071;0.010294117647058823386552184331;0.005514705882352941533619539172;0.006985294117647059160269851219;0.010661764705882353226895631337
-0.007973733583489680393219245502;0.068480300187617262896999648092;0.007504690431519699805873457876;0.245309568480300194126542123740;0.062851782363977481971062388766;0.010318949343339586799395135586;0.009380863039399625624703560334;0.025328330206378986411142051338;0.002345215759849906406175890083;0.003283302063789868881910072318;0.007035647279549718351165932262;0.015009380863039399611746915753;0.006566604127579737763820144636;0.005628517823639774854405093407;0.083489681050656655569852659937;0.008911819887429643302634296731;0.002345215759849906406175890083;0.016416510318949344843231230584;0.019230769230769231836752908293;0.000469043151969981237867091117;0.010318949343339586799395135586;0.001407129455909943713601273352;0.000469043151969981237867091117;0.007035647279549718351165932262;0.011257035647279549708810186814;0.004690431519699812812351780167;0.012195121951219512618225238043;0.200281425891182002230195280390;0.000469043151969981237867091117;0.030956848030018760398185406757;0.013602251407129456114986076898;0.002814258911819887427202546704;0.001876172607879924951468364469;0.001407129455909943713601273352;0.003283302063789868881910072318;0.003752345215759849902936728938;0.003752345215759849902936728938;0.003752345215759849902936728938;0.000000000000000000000000000000;0.000469043151969981237867091117;0.014540337711069419024401128127;0.003283302063789868881910072318;0.000000000000000000000000000000;0.000938086303939962475734182235;0.040337711069418386022888967091;0.002814258911819887427202546704;0.005159474671669793399697567793;0.003283302063789868881910072318;0.000469043151969981237867091117;0.007504690431519699805873457876
-0.009676343009676343503988604766;0.053053053053053050858167694059;0.006673340006673339659670762813;0.291291291291291276621677752701;0.080747414080747412223892922611;0.017017017017017018604141398441;0.005005005005005004961593506607;0.019352686019352687007977209532;0.002002002002002001984637402643;0.003336670003336669829835381407;0.007340674007340674232791055687;0.015348682015348681303978928270;0.004004004004004003969274805286;0.006339673006339673240472354365;0.071071071071071065250457365892;0.009009009009009008930868311893;0.007340674007340674232791055687;0.014347681014347680311660226948;0.025358692025358692961889417461;0.001334668001334668062038413261;0.007674341007674340651989464135;0.002335669002335668837516680085;0.003670337003670337116395527843;0.004004004004004003969274805286;0.012012012012012011907824415857;0.005672339005672338667352061492;0.010010010010010009923187013214;0.159492826159492839810383202348;0.001001001001001000992318701321;0.036036036036036035723473247572;0.007007007007007006946230909250;0.002669336002669336124076826522;0.005672339005672338667352061492;0.001668335001668334914917690703;0.004004004004004003969274805286;0.003670337003670337116395527843;0.001668335001668334914917690703;0.003003003003003002976956103964;0.001668335001668334914917690703;0.003336670003336669829835381407;0.008008008008008007938549610571;0.003670337003670337116395527843;0.000000000000000000000000000000;0.001668335001668334914917690703;0.034034034034034037208282796882;0.003336670003336669829835381407;0.006006006006006005953912207929;0.005672339005672338667352061492;0.007674341007674340651989464135;0.004004004004004003969274805286
-0.006921555702043506903831104893;0.041199736321687538409541673445;0.004943968358602505303034391204;0.398483849703361925342903759883;0.075477916941331574252060931940;0.015161502966381015453101177570;0.007580751483190507726550588785;0.015820698747528016275820661463;0.002636783124588002423516197581;0.002966381015161502834875939527;0.006262359920896506081111621000;0.012524719841793012162223242001;0.010217534607778510150066786366;0.006591957811470006492471362947;0.054383651944627554863931351292;0.005932762030323005669751879054;0.002307185234014502445837324629;0.015491100856954514997099181528;0.018787079762689517375973125013;0.002636783124588002423516197581;0.008899143045484508504627818581;0.004614370468029004891674649258;0.003625576796308503657595423419;0.006591957811470006492471362947;0.013843111404087013807662209786;0.004614370468029004891674649258;0.009228740936058009783349298516;0.098879367172050092182900016269;0.000000000000000000000000000000;0.027686222808174027615324419571;0.005932762030323005669751879054;0.004284772577455504480314907312;0.005932762030323005669751879054;0.001977587343441002034477582683;0.007251153592617007315190846839;0.005932762030323005669751879054;0.000329597890573500302939524698;0.001318391562294001211758098790;0.000329597890573500302939524698;0.003625576796308503657595423419;0.008239947264337507681908334689;0.007910349373764008137910330731;0.000000000000000000000000000000;0.004614370468029004891674649258;0.036914963744232039133397194064;0.003625576796308503657595423419;0.003625576796308503657595423419;0.005932762030323005669751879054;0.003955174686882004068955165366;0.003955174686882004068955165366
-0.008150248051027639273335978487;0.022678951098511694606241206884;0.005669737774627923651560301721;0.525159461374911429309975119395;0.058823529411764705066012481893;0.007795889440113394804054980369;0.003189227498228206728742017972;0.013111268603827072251610807996;0.002834868887313961825780150861;0.005315379163713678314917565615;0.004606661941885187641632093403;0.011693834160170092639763339548;0.004606661941885187641632093403;0.006732813607370658794126772051;0.046066619418851879885767885980;0.004961020552799432978274829509;0.004606661941885187641632093403;0.008504606661941884609978714593;0.015591778880226789608109960739;0.000708717221828490456445037715;0.006378454996456413457484035945;0.001771793054571226032692377039;0.002480510276399716489137414754;0.004961020552799432978274829509;0.013465627214741317588253544102;0.006732813607370658794126772051;0.009567682494684620619906922911;0.085046066619418853038681049838;0.000354358610914245228222518858;0.020907158043940467923027526354;0.007795889440113394804054980369;0.003189227498228206728742017972;0.004252303330970942304989357297;0.003543586109142452065384754079;0.003897944720056697402027490185;0.003189227498228206728742017972;0.002126151665485471152494678648;0.002834868887313961825780150861;0.002834868887313961825780150861;0.003897944720056697402027490185;0.004961020552799432978274829509;0.005315379163713678314917565615;0.000000000000000000000000000000;0.001417434443656980912890075430;0.019489723600283486576456581929;0.000354358610914245228222518858;0.006024096385542168988203037827;0.003897944720056697402027490185;0.004252303330970942304989357297;0.004252303330970942304989357297
-0.018289894833104711202587111529;0.012802926383173296107087502094;0.016918152720621856127669602188;0.237311385459533619179950392208;0.040695016003657977221585895222;0.051211705532693184428350008375;0.002743484224965706246707197735;0.007773205304069501393737784412;0.007773205304069501393737784412;0.003200731595793324026771875523;0.014174668495656149447281535458;0.090534979423868316983359250116;0.010973936899862824986828790941;0.009602194787379973381358233553;0.018747142203932327247928313341;0.025605852766346592214175004187;0.002743484224965706246707197735;0.007773205304069501393737784412;0.024234110653863740608704446799;0.001828989483310470903418276656;0.007773205304069501393737784412;0.008687700045724737821228877976;0.000914494741655235451709138328;0.005486968449931412493414395470;0.044352994970278919462103317528;0.010516689529035207206764113153;0.010059442158207591161422911341;0.036579789666209422405174223059;0.000000000000000000000000000000;0.088705989940557838924206635056;0.061728395061728391635114121527;0.003657978966620941806836553312;0.005029721079103795580711455671;0.004115226337448560020582100094;0.007773205304069501393737784412;0.006858710562414265833608428835;0.001828989483310470903418276656;0.009602194787379973381358233553;0.000914494741655235451709138328;0.003200731595793324026771875523;0.003200731595793324026771875523;0.003657978966620941806836553312;0.000000000000000000000000000000;0.005486968449931412493414395470;0.014174668495656149447281535458;0.003657978966620941806836553312;0.011888431641518060546958146517;0.012345679012345678327022824305;0.006858710562414265833608428835;0.016003657978966620567540246611
-0.021786492374727670084944008977;0.015613652868554829186709120847;0.027596223674655046692594240199;0.088598402323892516685432951817;0.042846768336964415058165656092;0.056281771968046477583325071237;0.004357298474945534190461149393;0.014161220043572984167434825054;0.024328249818445897567631419633;0.010167029774872911665473118603;0.012708787218591140882884005237;0.075163398692810454160273536672;0.013435003631082062525159415145;0.018155410312273058404120007481;0.019970951343500364244532008229;0.031590413943355120929279422626;0.010167029774872911665473118603;0.016339869281045752563708006733;0.024328249818445897567631419633;0.003631082062454611680824001496;0.009803921568627450844335413649;0.018518518518518517490534236458;0.002541757443718227916368279651;0.014887436456063907544433710939;0.035947712418300650782931882077;0.018155410312273058404120007481;0.016702977487291211650122235710;0.042483660130718955971751427114;0.000363108206245461146398356700;0.079520697167755990952819900031;0.058097312999273786893184023938;0.005446623093681917521236002244;0.006172839506172839163511412153;0.004720406681190995011598854347;0.006535947712418300852010855095;0.014524328249818446723296005985;0.006172839506172839163511412153;0.010893246187363835042472004488;0.002541757443718227916368279651;0.005083514887436455832736559302;0.003994190268700072501961706450;0.014887436456063907544433710939;0.000000000000000000000000000000;0.008714596949891068380922298786;0.017792302106027595848258826550;0.005809731299927378342373707198;0.023602033405954975925356009725;0.011982570806100217505885119351;0.011256354393609295863609709443;0.011619462599854756684747414397
-0.035323801513877206570413136433;0.016400336417157275470390942473;0.022708158116063918013916023142;0.010513036164844407130414261076;0.045836837678721611966103921532;0.074011774600504620647001274847;0.002523128679562657798035596457;0.012615643397813288556497113291;0.007989907485281749766059533613;0.010933557611438183068686136323;0.015979814970563499532119067226;0.103027754415475195082230186472;0.013456686291000840433040863786;0.017661900756938603285206568216;0.028174936921783012150344305269;0.037005887300252310323500637423;0.008830950378469301642603284108;0.014297729184188394044308090258;0.026913372582001680866081727572;0.006307821698906644278248556645;0.014297729184188394044308090258;0.005466778805719091534343068162;0.005046257359125315596071192914;0.012195121951219512618225238043;0.050883095037846930164260328411;0.020185029436501262384284771656;0.019343986543313710507741021161;0.027333894028595456804353602820;0.000000000000000000000000000000;0.099243061396131204698889405336;0.067283431455004205634651270884;0.007148864592094197022154045129;0.007148864592094197022154045129;0.005046257359125315596071192914;0.009251471825063077580875159356;0.014718250630782169982579965506;0.005466778805719091534343068162;0.014718250630782169982579965506;0.000420521446593776263532526993;0.005046257359125315596071192914;0.004625735912531538790437579678;0.010092514718250631192142385828;0.000000000000000000000000000000;0.010092514718250631192142385828;0.011774600504625736679953362795;0.008410428931875525704331408861;0.019764507989907486446012896408;0.010092514718250631192142385828;0.009671993271656855253870510580;0.014718250630782169982579965506
-0.021698466142910585729985939452;0.041900486344930785997942024323;0.006359895248784137346265143975;0.151515151515151519356905396307;0.064347175458286567928389843019;0.034044145155256264057008763757;0.004863449307893752751597027384;0.028432472876917320309120285060;0.004115226337448560020582100094;0.007856341189674523675656736543;0.016835016835016834713112388044;0.034044145155256264057008763757;0.012719790497568274692530287950;0.010475121586232696499485506081;0.058361391694725026080270424700;0.014590347923681256520067606175;0.004489337822671156386089563739;0.012719790497568274692530287950;0.043396932285821171459971878903;0.002244668911335578193044781870;0.018331462775907220175142242624;0.003367003367003366855886303810;0.003367003367003366855886303810;0.007856341189674523675656736543;0.025439580995136549385060575901;0.007856341189674523675656736543;0.021324354657687991099201951783;0.105873550317994766234441783581;0.001870557426112981610696883727;0.055742611298166856725888607116;0.027310138421249532947321370102;0.005985783763561540980757680330;0.014964459408903852885575069820;0.004115226337448560020582100094;0.007108118219229330077280071265;0.006359895248784137346265143975;0.004863449307893752751597027384;0.004115226337448560020582100094;0.000000000000000000000000000000;0.004115226337448560020582100094;0.009352787130564909137686591123;0.004489337822671156386089563739;0.000000000000000000000000000000;0.007856341189674523675656736543;0.040404040404040407474806073651;0.004489337822671156386089563739;0.007856341189674523675656736543;0.005985783763561540980757680330;0.007856341189674523675656736543;0.006734006734006733711772607620
-0.008620689655172413673467346484;0.045689655172413794204100412344;0.004741379310344827520407040566;0.272844827586206872815921542497;0.061637931034482756897929789375;0.023706896551724136734673464844;0.006465517241379310255100509863;0.034051724137931033142834280625;0.000862068965517241367346734648;0.002155172413793103418366836621;0.007327586206896551622447244512;0.022413793103448275551015100859;0.008620689655172413673467346484;0.001724137931034482734693469297;0.078448275862068969632723280938;0.006896551724137930938773877187;0.001293103448275862051020101973;0.017241379310344827346934692969;0.029310344827586206489788978047;0.001293103448275862051020101973;0.014224137931034483428582859688;0.000862068965517241367346734648;0.004310344827586206836733673242;0.004741379310344827520407040566;0.014224137931034483428582859688;0.003017241379310344785713571270;0.016379310344827587714311434297;0.122413793103448270693789368124;0.001293103448275862051020101973;0.042672413793103450285748579063;0.012500000000000000693889390391;0.002155172413793103418366836621;0.015517241379310344612241223672;0.001724137931034482734693469297;0.003879310344827586153060305918;0.004310344827586206836733673242;0.003448275862068965469386938594;0.005603448275862068887753775215;0.000431034482758620683673367324;0.003879310344827586153060305918;0.017241379310344827346934692969;0.003879310344827586153060305918;0.000000000000000000000000000000;0.006034482758620689571427142539;0.044827586206896551102030201719;0.003017241379310344785713571270;0.002586206896551724102040203945;0.002586206896551724102040203945;0.003448275862068965469386938594;0.003448275862068965469386938594
-0.023206751054852321758392719175;0.017932489451476792824413664107;0.016350210970464136572832813954;0.189345991561181425932858246597;0.039556962025316458331225533129;0.043248945147679324074729834138;0.003164556962025316406289521254;0.016877637130801686343728462703;0.002637130801687763599627789546;0.004219409282700421585932115676;0.013185654008438818865500685718;0.050105485232067509260289739359;0.013185654008438818865500685718;0.011603375527426160879196359588;0.029008438818565400463267422992;0.018459915611814346064756264809;0.007911392405063291666245106626;0.006329113924050632812579042508;0.034282700421940925927799526107;0.003691983122362869212951252962;0.014240506329113923611462411145;0.005801687763713080439598179794;0.002637130801687763599627789546;0.012130801687763712384815484313;0.033227848101265819447114324703;0.014767932489451476851805011847;0.014240506329113923611462411145;0.113924050632911388891699289161;0.000527426160337552698241514459;0.047995780590717296298919336550;0.043776371308016877315072434840;0.006329113924050632812579042508;0.006329113924050632812579042508;0.002109704641350210792966057838;0.009493670886075949652549432756;0.011075949367088607638853758885;0.003164556962025316406289521254;0.005274261603375527199255579092;0.000527426160337552698241514459;0.003691983122362869212951252962;0.011075949367088607638853758885;0.005801687763713080439598179794;0.000000000000000000000000000000;0.004219409282700421585932115676;0.028481012658227847222924822290;0.004219409282700421585932115676;0.012130801687763712384815484313;0.014767932489451476851805011847;0.015295358649789030092147612550;0.008438818565400843171864231351
-0.030487804878048779810839619131;0.005758807588075880862232835966;0.031504065040650404416755492321;0.004065040650406504495195658677;0.031842818428184281598358751353;0.075880758807588072345495788795;0.004742547425474254521593486800;0.014566395663956639011660243455;0.018292682926829267192614381088;0.007452574525745257229270013255;0.018631436314363144374217640120;0.086382113821138209464045587538;0.016260162601626017980782634709;0.019986449864498646161736772342;0.012872628726287263511984804154;0.044037940379403790747137037442;0.007791327913279132676149796310;0.010840108401084010830706105821;0.034891598915989162355000274829;0.008130081300813008990391317354;0.014905149051490514458540026510;0.013888888888888888117900677344;0.001355013550135501353838263228;0.015921409214092140799179375676;0.051829268292682924290648571741;0.016937669376693765405095248866;0.015243902439024389905419809566;0.024051490514905148054847217054;0.000000000000000000000000000000;0.090108401084010844583893629078;0.084349593495934960252213841159;0.004742547425474254521593486800;0.013888888888888888117900677344;0.004742547425474254521593486800;0.012195121951219512618225238043;0.011856368563685637171345454988;0.005420054200542005415353052911;0.014227642276422763564780460399;0.002710027100271002707676526455;0.008130081300813008990391317354;0.002371273712737127260796743400;0.009146341463414633596307190544;0.000000000000000000000000000000;0.007113821138211381782390230200;0.013211382113821138958864587210;0.009146341463414633596307190544;0.016937669376693765405095248866;0.018292682926829267192614381088;0.015243902439024389905419809566;0.017615176151761516298854814977
-0.029365079365079364837054498594;0.040211640211640212183574760729;0.024603174603174602502742018828;0.028571428571428570536427926640;0.030687830687830687514949801198;0.030423280423280421591591959896;0.004232804232804233089682011126;0.056613756613756616165034074584;0.005820105820105819956211679056;0.008994708994708994556632752904;0.019576719576719577714518649714;0.023280423280423279824846716224;0.012169312169312170024415564740;0.019841269841269840168429539062;0.052116402116402116284632484167;0.018783068783068783413892077760;0.005555555555555555767577313730;0.039682539682539680336859078125;0.052116402116402116284632484167;0.006084656084656085012207782370;0.023280423280423279824846716224;0.005026455026455026522946845091;0.013756613756613756890945232669;0.013227513227513226778953026042;0.026984126984126985404621734688;0.019841269841269840168429539062;0.047089947089947091496409115052;0.044179894179894180217260668542;0.000793650793650793650105268462;0.036243386243386244149888852917;0.029365079365079364837054498594;0.005820105820105819956211679056;0.022486772486772485524220144271;0.005026455026455026522946845091;0.009523809523809524668624959531;0.019312169312169311791160808411;0.013492063492063492702310867344;0.007407407407407407690103084974;0.001058201058201058272420502782;0.007142857142857142634106981660;0.014021164021164021079579597995;0.005291005291005290711581210417;0.000000000000000000000000000000;0.007407407407407407690103084974;0.037301587301587300904426314219;0.008201058201058200256006180950;0.016931216931216932358728044505;0.011111111111111111535154627461;0.028571428571428570536427926640;0.011375661375661375723788992786
-0.030882352941176471894380028971;0.012500000000000000693889390391;0.017279411764705883414183773539;0.039705882352941174184834949301;0.036397058823529414295361306131;0.070220588235294117973595007243;0.003308823529411764659963202106;0.029411764705882352533006240947;0.009191176470588235600245319290;0.006617647058823529319926404213;0.020955882352941174878724339692;0.087132352941176466343264905845;0.016176470588235295627876908497;0.014705882352941176266503120473;0.017279411764705883414183773539;0.023529411764705882026404992757;0.004411764705882352879950936142;0.018014705882352939625423715597;0.045955882352941179735950072427;0.003308823529411764659963202106;0.018749999999999999306110609609;0.005514705882352941533619539172;0.004411764705882352879950936142;0.011764705882352941013202496379;0.044485294117647060374576284403;0.015441176470588235947190014485;0.028308823529411764746699375905;0.012867647058823528799509361420;0.000000000000000000000000000000;0.099632352941176477445495152097;0.074264705882352941013202496379;0.003676470588235294066625780118;0.019852941176470587092417474651;0.002573529411764705846638046083;0.013235294117647058639852808426;0.016544117647058823733496879527;0.011764705882352941013202496379;0.012132352941176470853545943385;0.001102941176470588219987734035;0.006617647058823529319926404213;0.005147058823529411693276092166;0.006617647058823529319926404213;0.000000000000000000000000000000;0.005147058823529411693276092166;0.016544117647058823733496879527;0.008823529411764705759901872284;0.012500000000000000693889390391;0.008088235294117647813938454249;0.015808823529411764052809985515;0.011397058823529411172859049373
-0.054652213188798551279923287893;0.002710027100271002707676526455;0.013098464317976513809904659524;0.048780487804878050472900952172;0.046070460704607046897862687729;0.081300813008130079495572317683;0.003161698283649503303516237196;0.011291779584462511426545816562;0.007678410117434507527189868625;0.006323396567299006607032474392;0.019873532068654019278053368680;0.103884372177055109287557854714;0.021228545618789521065572500902;0.013098464317976513809904659524;0.003613369467028003465675078942;0.038392050587172536768587605138;0.003613369467028003465675078942;0.007678410117434507527189868625;0.031616982836495034769885847936;0.002258355916892502111836815715;0.018066847335140016894694525718;0.003161698283649503303516237196;0.000903342366757000866418769736;0.007678410117434507527189868625;0.069105691056910570346794031593;0.014001806684733513266860605029;0.012195121951219512618225238043;0.030261969286359529512919763761;0.000451671183378500433209384868;0.102077687443541106904199011751;0.076332429990966579880229403443;0.003161698283649503303516237196;0.007678410117434507527189868625;0.003161698283649503303516237196;0.006323396567299006607032474392;0.005420054200542005415353052911;0.003613369467028003465675078942;0.021680216802168021661412211643;0.000903342366757000866418769736;0.004065040650406504495195658677;0.001806684733514001732837539471;0.004968383017163504819513342170;0.000000000000000000000000000000;0.006323396567299006607032474392;0.010388437217705510234866395081;0.012646793134598013214064948784;0.014905149051490514458540026510;0.014453477868112013862700315769;0.011743450767841012022385527303;0.012195121951219512618225238043
-0.024759793052475980584814507779;0.041759053954175902323431301966;0.009977827050997782262764523864;0.139689578713968948209256382142;0.034737620103473761112855555666;0.038063562453806355778684888946;0.004065040650406504495195658677;0.036215816703621582506311682437;0.002586844050258684402782138889;0.006651884700665188464296928572;0.011086474501108648307856618942;0.039172209903917218354330032071;0.009977827050997782262764523864;0.004804138950480414324561984074;0.064301552106430154287508571542;0.015151515151515151935690539631;0.003325942350332594232148464286;0.013673318551367332276957888837;0.028455284552845527129560920798;0.000739098300073909829366325397;0.021433850702143385918985174499;0.001847745750184774573415813492;0.001478196600147819658732650794;0.011086474501108648307856618942;0.032520325203252035961565269417;0.014042867701404287625321920530;0.019955654101995564525529047728;0.134885439763488546027758729906;0.000739098300073909829366325397;0.044715447154471545110343555507;0.028085735402808575250643841059;0.005912786400591278634930603175;0.006282335550628233983294634868;0.002586844050258684402782138889;0.007760532150776053642027285662;0.008130081300813008990391317354;0.005173688100517368805564277778;0.007390983000739098293663253969;0.001847745750184774573415813492;0.001847745750184774573415813492;0.009977827050997782262764523864;0.012564671101256467966589269736;0.000000000000000000000000000000;0.008130081300813008990391317354;0.035846267553584623688500698790;0.006651884700665188464296928572;0.010716925351071692959492587249;0.006651884700665188464296928572;0.011825572801182557269861206350;0.010716925351071692959492587249
-0.010849909584086799355095998010;0.047016274864376129960508166050;0.005424954792043399677547999005;0.234177215189873416667509786748;0.058318264014466547617843161788;0.018535262206148282737583343760;0.004972875226039783110032477254;0.028028933092224230655409300539;0.002712477396021699838773999502;0.002712477396021699838773999502;0.011754068716094032490127041513;0.020343580470162749007645430765;0.008137432188065099950002867502;0.005424954792043399677547999005;0.066003616636528025796160079608;0.017631103074141049602552300257;0.003616636528028932973805043005;0.018083182640144666170067822009;0.024864376130198914682800648279;0.001808318264014466486902521503;0.009945750452079566220064954507;0.002712477396021699838773999502;0.000904159132007233243451260751;0.005877034358047016245063520756;0.017179023508137433035036778506;0.009493670886075949652549432756;0.014918625678119348462735693772;0.163652802893309218257300585719;0.000000000000000000000000000000;0.029385171790235080357955865793;0.028028933092224230655409300539;0.004520795660036166542516955502;0.009493670886075949652549432756;0.003164556962025316406289521254;0.005877034358047016245063520756;0.006781193490054249380094564259;0.003164556962025316406289521254;0.009493670886075949652549432756;0.000000000000000000000000000000;0.003164556962025316406289521254;0.009945750452079566220064954507;0.003616636528028932973805043005;0.000000000000000000000000000000;0.002712477396021699838773999502;0.034810126582278479168142126809;0.004520795660036166542516955502;0.007233273056057865947610086010;0.007233273056057865947610086010;0.006781193490054249380094564259;0.004972875226039783110032477254
-0.014840680925360104705501562705;0.038411174159755562262930084216;0.007856831078131820342291824488;0.197730248799650815128003955579;0.047577477084242689175930252077;0.022697512003491925047793387193;0.010039284155390659422635302178;0.030117852466171976533182430558;0.006547359231776516373668695081;0.006547359231776516373668695081;0.011785246617197729646075998744;0.020951549541684853089629214651;0.016586643387167174928942259271;0.005674378000872981261948346798;0.048450458315146223420288862371;0.016150152771715407806762954124;0.006983849847228284363209738217;0.023570493234395459292151997488;0.028808380619816675166644515116;0.002182453077258839080343477690;0.018332605848974246887106431814;0.005237887385421213272407303663;0.011348756001745962523896693597;0.007420340462680052352750781353;0.018332605848974246887106431814;0.011785246617197729646075998744;0.018332605848974246887106431814;0.103448275862068964081608157812;0.001309471846355303318101825916;0.036228721082496723182586606526;0.030990833697075514246987992806;0.003491924923614142181604869108;0.017023134002618942051121564418;0.003055434308162374625744694967;0.010912265386294195401717388449;0.013967699694456568726419476434;0.006110868616324749251489389934;0.007420340462680052352750781353;0.000436490615451767772700608639;0.006983849847228284363209738217;0.014840680925360104705501562705;0.007856831078131820342291824488;0.000000000000000000000000000000;0.006983849847228284363209738217;0.033173286774334349857884518542;0.011348756001745962523896693597;0.008293321693583587464471129636;0.004801396769969445282866260527;0.011348756001745962523896693597;0.005674378000872981261948346798
-0.023441162681669010930951557725;0.034224097515236757971468506412;0.012658227848101265625158085015;0.137365213314580403292097798840;0.040787623066104075619797697527;0.033286451007969994342339248306;0.008438818565400843171864231351;0.030942334739803095677856958901;0.009376465072667605066270013481;0.007032348804500702932340772122;0.014064697609001405864681544244;0.021097046413502108797022316367;0.012658227848101265625158085015;0.007032348804500702932340772122;0.052039381153305204474879275267;0.017346460384435068158293091756;0.006563525550867322852499619046;0.027660571964369433384245411389;0.043600562587904359568291567939;0.003750586029067041939771831593;0.030473511486169713863292329847;0.002812939521800281346408656447;0.021565869667135490611586945420;0.007969995311767463092023078275;0.019221753398968588477657704061;0.012189404594467885545316931939;0.027191748710736051569680782336;0.066104078762306617278454723419;0.000937646507266760484942957898;0.049226441631504920526385404855;0.019221753398968588477657704061;0.007969995311767463092023078275;0.024378809188935771090633863878;0.002812939521800281346408656447;0.010314111579934365225952319634;0.008907641819034223251705384428;0.007032348804500702932340772122;0.005157055789967182612976159817;0.003750586029067041939771831593;0.004688232536333802533135006740;0.012658227848101265625158085015;0.016408813877168307998610785603;0.000000000000000000000000000000;0.008907641819034223251705384428;0.038443506797937176955315408122;0.011720581340834505465475778863;0.007501172058134083879543663187;0.007501172058134083879543663187;0.015471167369901547838928479450;0.006094702297233942772658465969
-0.012903225806451612892034042090;0.038709677419354840410825602248;0.012903225806451612892034042090;0.128629032258064518456919245182;0.053225806451612900360714775161;0.022177419354838710796595790953;0.013709677419354839023046821467;0.043951612903225807660323454229;0.004435483870967741985846810593;0.007258064516129032577029800422;0.011693548387096774562876611014;0.017741935483870967943387242372;0.010887096774193548431863831638;0.008870967741935483971693621186;0.069758064516129036913838490364;0.010887096774193548431863831638;0.003225806451612903223008510523;0.022177419354838710796595790953;0.047580645161290319178348795504;0.000806451612903225805752127631;0.031048387096774193033565936162;0.004032258064516128920340420905;0.006854838709677419511523410733;0.012096774193548386761021262714;0.014516129032258065154059600843;0.012096774193548386761021262714;0.025806451612903225784068084181;0.093951612903225803496987111885;0.001209677419354838762838300070;0.029838709677419354704408505086;0.020967741935483872467438359877;0.006048387096774193380510631357;0.017741935483870967943387242372;0.002822580645161290157502120834;0.008870967741935483971693621186;0.019354838709677420205412801124;0.010080645161290322300851052262;0.006451612903225806446017021045;0.000806451612903225805752127631;0.004032258064516128920340420905;0.023387096774193549125753222029;0.008467741935483871773548969486;0.000000000000000000000000000000;0.006451612903225806446017021045;0.043145161290322579794587198876;0.008467741935483871773548969486;0.006048387096774193380510631357;0.006048387096774193380510631357;0.018145161290322581876255370048;0.009677419354838710102706400562
-0.012500000000000000693889390391;0.047656249999999997224442438437;0.007031250000000000173472347598;0.138281249999999994448884876874;0.060937499999999998612221219219;0.022656249999999999306110609609;0.011718750000000000000000000000;0.034375000000000002775557561563;0.002734374999999999826527652402;0.003906250000000000000000000000;0.011718750000000000000000000000;0.014843749999999999306110609609;0.011328124999999999653055304805;0.008593750000000000693889390391;0.085156250000000002775557561563;0.010937499999999999306110609609;0.003515625000000000086736173799;0.017187500000000001387778780781;0.038281250000000002775557561563;0.002734374999999999826527652402;0.024218750000000000693889390391;0.003515625000000000086736173799;0.005078125000000000173472347598;0.008593750000000000693889390391;0.016796874999999999306110609609;0.011718750000000000000000000000;0.023828124999999998612221219219;0.140234374999999994448884876874;0.000781250000000000043368086899;0.035937499999999997224442438437;0.021484375000000000000000000000;0.003125000000000000173472347598;0.014843749999999999306110609609;0.004687499999999999826527652402;0.006250000000000000346944695195;0.004296875000000000346944695195;0.005859375000000000000000000000;0.008984374999999999306110609609;0.000390625000000000021684043450;0.001562500000000000086736173799;0.015625000000000000000000000000;0.010937499999999999306110609609;0.000000000000000000000000000000;0.007812500000000000000000000000;0.046484375000000001387778780781;0.006250000000000000346944695195;0.005078125000000000173472347598;0.008203125000000000346944695195;0.005859375000000000000000000000;0.005468749999999999653055304805
-0.011693548387096774562876611014;0.050403225806451609769531785332;0.006048387096774193380510631357;0.103225806451612903136272336724;0.103629032258064510130246560493;0.018145161290322581876255370048;0.014919354838709677352204252543;0.034274193548387094088170101713;0.002419354838709677525676600141;0.002016129032258064460170210452;0.008467741935483871773548969486;0.027822580645161291978961770610;0.010887096774193548431863831638;0.002016129032258064460170210452;0.106451612903225800721429550322;0.010080645161290322300851052262;0.003225806451612903223008510523;0.017338709677419354010519114695;0.034677419354838708021038229390;0.001209677419354838762838300070;0.020564516129032258534570232200;0.003629032258064516288514900211;0.002419354838709677525676600141;0.008870967741935483971693621186;0.015725806451612901748493555942;0.007661290322580644775174452121;0.017338709677419354010519114695;0.152822580645161298917855674517;0.000000000000000000000000000000;0.032258064516129031362723367238;0.018548387096774192339676545771;0.002016129032258064460170210452;0.014112903225806451221191473167;0.002822580645161290157502120834;0.006854838709677419511523410733;0.006451612903225806446017021045;0.004838709677419355051353200281;0.004032258064516128920340420905;0.000403225806451612902876063815;0.002016129032258064460170210452;0.019758064516129030668833976847;0.006854838709677419511523410733;0.000000000000000000000000000000;0.004435483870967741985846810593;0.053225806451612900360714775161;0.003629032258064516288514900211;0.006048387096774193380510631357;0.003629032258064516288514900211;0.004032258064516128920340420905;0.006048387096774193380510631357
-0.011328124999999999653055304805;0.047265624999999998612221219219;0.003515625000000000086736173799;0.135937499999999988897769753748;0.054687500000000000000000000000;0.019531250000000000000000000000;0.015625000000000000000000000000;0.048437500000000001387778780781;0.005078125000000000173472347598;0.004687499999999999826527652402;0.010937499999999999306110609609;0.027343750000000000000000000000;0.013281249999999999653055304805;0.007812500000000000000000000000;0.073828124999999994448884876874;0.007031250000000000173472347598;0.004296875000000000346944695195;0.020312500000000000693889390391;0.054687500000000000000000000000;0.001953125000000000000000000000;0.032812500000000001387778780781;0.003125000000000000173472347598;0.006250000000000000346944695195;0.007421874999999999653055304805;0.014453125000000000693889390391;0.008203125000000000346944695195;0.025000000000000001387778780781;0.099218749999999994448884876874;0.000390625000000000021684043450;0.042187500000000002775557561563;0.008593750000000000693889390391;0.003515625000000000086736173799;0.022265625000000000693889390391;0.003125000000000000173472347598;0.005468749999999999653055304805;0.005468749999999999653055304805;0.004296875000000000346944695195;0.005078125000000000173472347598;0.000781250000000000043368086899;0.002734374999999999826527652402;0.016796874999999999306110609609;0.018749999999999999306110609609;0.000000000000000000000000000000;0.002734374999999999826527652402;0.050781250000000000000000000000;0.008593750000000000693889390391;0.008203125000000000346944695195;0.005468749999999999653055304805;0.010546875000000000693889390391;0.010156250000000000346944695195
-0.019354838709677420205412801124;0.035483870967741935886774484743;0.012500000000000000693889390391;0.084677419354838703857701887046;0.058064516129032260616238403372;0.029838709677419354704408505086;0.011290322580645160630008483338;0.038709677419354840410825602248;0.006854838709677419511523410733;0.006048387096774193380510631357;0.017741935483870967943387242372;0.020161290322580644601702104524;0.022983870967741935192885094352;0.008064516129032257840680841809;0.054435483870967742159319158191;0.013709677419354839023046821467;0.005241935483870968116859589969;0.025403225806451611851199956504;0.066532258064516125450893468951;0.002016129032258064460170210452;0.032661290322580645295591494914;0.000806451612903225805752127631;0.014112903225806451221191473167;0.010887096774193548431863831638;0.018145161290322581876255370048;0.010080645161290322300851052262;0.024193548387096773522042525428;0.052016129032258065501004296038;0.000806451612903225805752127631;0.066129032258064518456919245182;0.023387096774193549125753222029;0.004435483870967741985846810593;0.035887096774193549819642612420;0.004435483870967741985846810593;0.010887096774193548431863831638;0.010483870967741936233719179938;0.005241935483870968116859589969;0.006451612903225806446017021045;0.003629032258064516288514900211;0.003629032258064516288514900211;0.014516129032258065154059600843;0.013709677419354839023046821467;0.000000000000000000000000000000;0.008064516129032257840680841809;0.042741935483870965861719071199;0.008870967741935483971693621186;0.005645161290322580315004241669;0.007661290322580644775174452121;0.014919354838709677352204252543;0.006451612903225806446017021045
-0.014999999999999999444888487687;0.033750000000000002220446049250;0.006666666666666667094565124074;0.215416666666666672957930472876;0.088749999999999995559107901499;0.020833333333333332176851016015;0.012083333333333333078907223523;0.026249999999999999028554853453;0.001666666666666666773641281019;0.002916666666666666799662133158;0.008750000000000000832667268469;0.014583333333333333564629796797;0.008750000000000000832667268469;0.007083333333333332974823814965;0.062916666666666662410811738937;0.013750000000000000069388939039;0.003333333333333333547282562037;0.013750000000000000069388939039;0.046666666666666668794594130532;0.001666666666666666773641281019;0.017916666666666667545593227828;0.001666666666666666773641281019;0.000833333333333333386820640509;0.009166666666666666712925959359;0.017916666666666667545593227828;0.010000000000000000208166817117;0.017500000000000001665334536938;0.116666666666666668517038374375;0.000833333333333333386820640509;0.040833333333333332593184650250;0.025416666666666667268037471672;0.002916666666666666799662133158;0.013333333333333334189130248149;0.003749999999999999861222121922;0.005833333333333333599324266316;0.004583333333333333356462979680;0.002916666666666666799662133158;0.005833333333333333599324266316;0.000416666666666666693410320255;0.002083333333333333304421275400;0.012083333333333333078907223523;0.005000000000000000104083408559;0.000000000000000000000000000000;0.005833333333333333599324266316;0.042500000000000003053113317719;0.005416666666666666851703837438;0.007083333333333332974823814965;0.008333333333333333217685101602;0.004583333333333333356462979680;0.004166666666666666608842550801
-0.013938669852648346778045684857;0.028673835125448028648964537979;0.005177220230983672032143427799;0.285145360414177595487217331538;0.059737156511350059107101628797;0.011549183592194344968873132018;0.002389486260454002242853421834;0.019514137793707687223987434777;0.002787733970529669355609136971;0.006770211071286340483166288351;0.006371963361210672936729704219;0.011549183592194344968873132018;0.007566706491437673841315980638;0.007168458781362007162241134495;0.055754679410593387112182739429;0.007566706491437673841315980638;0.003584229390681003581120567247;0.011947431302270012515309716150;0.040223018717642375352561145974;0.000398247710075667058545606514;0.017522899243329351226527990093;0.001991238550378335130097706696;0.003584229390681003581120567247;0.009159697331740343159700579179;0.017124651533253685414814881938;0.006371963361210672936729704219;0.011947431302270012515309716150;0.155316606929510159229579357998;0.001194743130227001121426710917;0.028275587415372362837251429823;0.026284348864994026839791985140;0.002787733970529669355609136971;0.006770211071286340483166288351;0.001592990840302668234182426055;0.005575467941059338711218273943;0.005177220230983672032143427799;0.002787733970529669355609136971;0.006371963361210672936729704219;0.000796495420151334117091213027;0.002389486260454002242853421834;0.009956192751891676517850271466;0.008761449621664675613263995047;0.000000000000000000000000000000;0.006371963361210672936729704219;0.038630027877339705166814809445;0.004778972520908004485706843667;0.007964954201513340520390826782;0.007566706491437673841315980638;0.009956192751891676517850271466;0.005177220230983672032143427799
-0.011290322580645160630008483338;0.047177419354838712184374571734;0.006854838709677419511523410733;0.264112903225806439078127141329;0.068548387096774188176340203427;0.015725806451612901748493555942;0.005241935483870968116859589969;0.021370967741935482930859535600;0.002016129032258064460170210452;0.004838709677419355051353200281;0.008064516129032257840680841809;0.014919354838709677352204252543;0.011290322580645160630008483338;0.006451612903225806446017021045;0.063709677419354834859710479122;0.013709677419354839023046821467;0.002419354838709677525676600141;0.011693548387096774562876611014;0.022983870967741935192885094352;0.001612903225806451611504255261;0.012096774193548386761021262714;0.001209677419354838762838300070;0.003629032258064516288514900211;0.004838709677419355051353200281;0.016532258064516129614229811295;0.009677419354838710102706400562;0.016129032258064515681361683619;0.149193548387096780460936429336;0.000000000000000000000000000000;0.029032258064516130308119201686;0.027016129032258064113225515257;0.003225806451612903223008510523;0.008467741935483871773548969486;0.002822580645161290157502120834;0.005645161290322580315004241669;0.004435483870967741985846810593;0.002419354838709677525676600141;0.008064516129032257840680841809;0.000403225806451612902876063815;0.002016129032258064460170210452;0.010080645161290322300851052262;0.004032258064516128920340420905;0.000000000000000000000000000000;0.005241935483870968116859589969;0.037903225806451612545089346895;0.007258064516129032577029800422;0.006451612903225806446017021045;0.002419354838709677525676600141;0.008870967741935483971693621186;0.006854838709677419511523410733
-0.009493670886075949652549432756;0.038878842676311031745228774525;0.004972875226039783110032477254;0.292043399638336365065072186553;0.084538878842676315472637327275;0.021247739602169982142676474268;0.009493670886075949652549432756;0.022151898734177215277707517771;0.000452079566003616621725630376;0.005424954792043399677547999005;0.005424954792043399677547999005;0.020343580470162749007645430765;0.004972875226039783110032477254;0.004972875226039783110032477254;0.069620253164556958336284253619;0.013562386980108498760189128518;0.003164556962025316406289521254;0.008137432188065099950002867502;0.023960216998191681547769604776;0.000452079566003616621725630376;0.009945750452079566220064954507;0.001356238698010849919386999751;0.001356238698010849919386999751;0.006329113924050632812579042508;0.015370705244122965030251215524;0.006329113924050632812579042508;0.010849909584086799355095998010;0.133815551537070531740170054036;0.000452079566003616621725630376;0.035714285714285712303173170312;0.021247739602169982142676474268;0.003616636528028932973805043005;0.008589511754068716517518389253;0.000904159132007233243451260751;0.003616636528028932973805043005;0.004068716094032549975001433751;0.001356238698010849919386999751;0.002712477396021699838773999502;0.000000000000000000000000000000;0.001808318264014466486902521503;0.005424954792043399677547999005;0.003616636528028932973805043005;0.000000000000000000000000000000;0.005424954792043399677547999005;0.047468354430379749997470639755;0.002712477396021699838773999502;0.004068716094032549975001433751;0.005877034358047016245063520756;0.005424954792043399677547999005;0.007233273056057865947610086010
-0.014285714285714285268213963320;0.059821428571428574005874878594;0.008482142857142856498531280351;0.232589285714285720629845855001;0.054910714285714284921269268125;0.019642857142857142460634634062;0.005803571428571428769682682969;0.026785714285714284227379877734;0.002232142857142857018948323145;0.002678571428571428596210335371;0.007589285714285714211368993887;0.022767857142857141766745243672;0.008035714285714284921269268125;0.004017857142857142460634634062;0.066517857142857142460634634062;0.010714285714285714384841341484;0.003571428571428571317053490830;0.017857142857142856151586585156;0.027678571428571427381903902187;0.001339285714285714298105167686;0.013392857142857142113689938867;0.004464285714285714037896646289;0.002232142857142857018948323145;0.006696428571428571056844969434;0.020982142857142855457697194765;0.008928571428571428075793292578;0.020535714285714285615158658516;0.133035714285714284921269268125;0.000446428571428571414631686354;0.025446428571428571230317317031;0.025000000000000001387778780781;0.006696428571428571056844969434;0.007142857142857142634106981660;0.002678571428571428596210335371;0.006250000000000000346944695195;0.009821428571428571230317317031;0.001785714285714285658526745415;0.004017857142857142460634634062;0.000446428571428571414631686354;0.003125000000000000173472347598;0.012053571428571429116627378164;0.012053571428571429116627378164;0.000000000000000000000000000000;0.005803571428571428769682682969;0.044642857142857143848413414844;0.004464285714285714037896646289;0.004017857142857142460634634062;0.006250000000000000346944695195;0.004464285714285714037896646289;0.005803571428571428769682682969
-0.015423242467718794451725372596;0.062410329985652795992123742508;0.007532281205164992679557123267;0.088952654232424682723134878870;0.072453371592539450585235272229;0.016857962697274030822169876842;0.005380200860832138123890366899;0.034791965566714488922173131868;0.003586800573888091793472998603;0.004662840746054519071306376787;0.009325681492109038142612753575;0.019368723098995694470447759272;0.007890961262553801772168249329;0.009325681492109038142612753575;0.113701578192252517052196481018;0.010760401721664276247780733797;0.003228120516499282700861872542;0.020803443328550930840892263518;0.035150645624103298014784257930;0.001434720229555236804125373240;0.010760401721664276247780733797;0.005380200860832138123890366899;0.003228120516499282700861872542;0.007532281205164992679557123267;0.017934002869440458100003255026;0.011119081779053085340391859859;0.027618364418938307069950610639;0.154591104734576767487652659838;0.000717360114777618402062686620;0.034791965566714488922173131868;0.014347202295552367173891994412;0.005738880918220947216501492960;0.011836441893830703525614111982;0.001434720229555236804125373240;0.007532281205164992679557123267;0.007173601147776183586945997206;0.004304160688665709978695250726;0.004662840746054519071306376787;0.001793400286944045896736499301;0.002869440459110473608250746480;0.021520803443328552495561467595;0.009684361549497847235223879636;0.000000000000000000000000000000;0.002869440459110473608250746480;0.055954088952654232325123473402;0.002869440459110473608250746480;0.006456241032998565401723745083;0.005738880918220947216501492960;0.007173601147776183586945997206;0.009325681492109038142612753575
-0.011301989150090415922611519761;0.047468354430379749997470639755;0.007233273056057865947610086010;0.157775768535262206349045754905;0.072332730560578664680271288034;0.027124773960216997520378257036;0.013562386980108498760189128518;0.033905967450271246033111083307;0.002712477396021699838773999502;0.004068716094032549975001433751;0.010397830018083182787580476258;0.018535262206148282737583343760;0.006329113924050632812579042508;0.006781193490054249380094564259;0.078661844484629289686594688646;0.009945750452079566220064954507;0.004068716094032549975001433751;0.018083182640144666170067822009;0.037522603978300178573235257318;0.002260397830018083271258477751;0.017631103074141049602552300257;0.001808318264014466486902521503;0.005424954792043399677547999005;0.004068716094032549975001433751;0.012658227848101265625158085015;0.010397830018083182787580476258;0.021247739602169982142676474268;0.130650994575045198420326642008;0.000452079566003616621725630376;0.041139240506329111113359431329;0.006781193490054249380094564259;0.002260397830018083271258477751;0.017179023508137433035036778506;0.002712477396021699838773999502;0.004972875226039783110032477254;0.009945750452079566220064954507;0.002260397830018083271258477751;0.001356238698010849919386999751;0.000000000000000000000000000000;0.002712477396021699838773999502;0.019439421338155515872614387263;0.016274864376130199900005735003;0.000000000000000000000000000000;0.005424954792043399677547999005;0.056057866184448461310818601078;0.010849909584086799355095998010;0.008137432188065099950002867502;0.004520795660036166542516955502;0.006781193490054249380094564259;0.006781193490054249380094564259
-0.010775862068965517959195921094;0.046551724137931037306170622969;0.009051724137931035224502451797;0.215948275862068966857165719375;0.074568965517241375673407333124;0.018534482758620688530593056953;0.007758620689655172306120611836;0.030603448275862067673447342031;0.000862068965517241367346734648;0.002586206896551724102040203945;0.009482758620689655040814081133;0.026724137931034484122472250078;0.012068965517241379142854285078;0.007758620689655172306120611836;0.082758620689655171265286526250;0.010775862068965517959195921094;0.002155172413793103418366836621;0.017241379310344827346934692969;0.030172413793103449591859188672;0.002586206896551724102040203945;0.018534482758620688530593056953;0.004741379310344827520407040566;0.006896551724137930938773877187;0.007327586206896551622447244512;0.015086206896551724795929594336;0.006896551724137930938773877187;0.019396551724137931632663267578;0.100000000000000005551115123126;0.000000000000000000000000000000;0.027586206896551723755095508750;0.030172413793103449591859188672;0.004310344827586206836733673242;0.017672413793103448897969798281;0.003879310344827586153060305918;0.006896551724137930938773877187;0.005172413793103448204080407891;0.003879310344827586153060305918;0.002155172413793103418366836621;0.000431034482758620683673367324;0.003017241379310344785713571270;0.010344827586206896408160815781;0.003448275862068965469386938594;0.000000000000000000000000000000;0.003879310344827586153060305918;0.051724137931034482040804078906;0.006896551724137930938773877187;0.004310344827586206836733673242;0.005172413793103448204080407891;0.006465517241379310255100509863;0.004741379310344827520407040566
-0.010228166797797011086657015255;0.037765538945712037732782562216;0.004720692368214004716597820277;0.258457907159716782086178454847;0.112903225806451609769531785332;0.014555468135326514109162410193;0.003933910306845003930498183564;0.022816679779701021929527726684;0.001573564122738001572199273426;0.002360346184107002358298910139;0.008654602675059009514457741830;0.027930763178599528340217972300;0.005114083398898505543328507628;0.001573564122738001572199273426;0.097167584579071597516986003029;0.009441384736428009433195640554;0.003147128245476003144398546851;0.009834775767112509392564589916;0.021243115656963022092051929235;0.000393391030684500393049818356;0.008654602675059009514457741830;0.002360346184107002358298910139;0.000786782061369000786099636713;0.007081038552321007074896730416;0.014162077104642014149793460831;0.007081038552321007074896730416;0.007474429583005507901627417766;0.129032258064516125450893468951;0.000393391030684500393049818356;0.027537372147915028380849022938;0.020849724626278522132682979873;0.001180173092053501179149455069;0.005507474429583005502697456990;0.003147128245476003144398546851;0.002753737214791502751348728495;0.003540519276160503537448365208;0.001966955153422501965249091782;0.003933910306845003930498183564;0.000786782061369000786099636713;0.002360346184107002358298910139;0.011801730920535012658856288681;0.004720692368214004716597820277;0.000000000000000000000000000000;0.003540519276160503537448365208;0.053107789142407553495406347110;0.003147128245476003144398546851;0.005507474429583005502697456990;0.005900865460267506329428144340;0.003147128245476003144398546851;0.004720692368214004716597820277
-0.011867088607594937499367659939;0.040348101265822784722292482229;0.005142405063291138889169928916;0.372231012658227833345137014476;0.100474683544303791671303827115;0.013449367088607595485671986069;0.005142405063291138889169928916;0.017800632911392406249051489908;0.000791139240506329101572380313;0.001977848101265822916561276656;0.006724683544303797742835993034;0.018987341772151899305098865511;0.010680379746835442708596808359;0.006329113924050632812579042508;0.060126582278481013887905248794;0.009889240506329114582806383282;0.002768987341772151909713439721;0.015031645569620253471976312198;0.014240506329113923611462411145;0.000791139240506329101572380313;0.005537974683544303819426879443;0.001582278481012658203144760627;0.001186708860759493706568679094;0.005933544303797468749683829969;0.017800632911392406249051489908;0.006724683544303797742835993034;0.012262658227848100694901134489;0.083860759493670888886640568671;0.000791139240506329101572380313;0.020569620253164555556679715664;0.025712025316455697915296596534;0.003955696202531645833122553313;0.003955696202531645833122553313;0.005142405063291138889169928916;0.006724683544303797742835993034;0.002768987341772151909713439721;0.001186708860759493706568679094;0.004746835443037974826274716378;0.000000000000000000000000000000;0.001582278481012658203144760627;0.005933544303797468749683829969;0.003164556962025316406289521254;0.000000000000000000000000000000;0.004746835443037974826274716378;0.040348101265822784722292482229;0.001977848101265822916561276656;0.004746835443037974826274716378;0.003560126582278480902865602786;0.002768987341772151909713439721;0.005933544303797468749683829969
-0.012195121951219512618225238043;0.053802008608321377769456717033;0.009684361549497847235223879636;0.269368723098995677123212999504;0.106169296987087519168468929820;0.012912482065997130803447490166;0.004662840746054519071306376787;0.026542324246771879792117232455;0.001793400286944045896736499301;0.004662840746054519071306376787;0.009684361549497847235223879636;0.017575322812051649007392128965;0.007532281205164992679557123267;0.004304160688665709978695250726;0.072094691535150648431518050074;0.009325681492109038142612753575;0.002869440459110473608250746480;0.012195121951219512618225238043;0.020803443328550930840892263518;0.001793400286944045896736499301;0.010760401721664276247780733797;0.001793400286944045896736499301;0.001793400286944045896736499301;0.007890961262553801772168249329;0.021162123385939743402950341533;0.009325681492109038142612753575;0.015064562410329985359114246535;0.114777618364418937391135955295;0.001076040172166427494673812681;0.024031563845050216143839350025;0.013988522238163558081280868350;0.001793400286944045896736499301;0.003945480631276900886084124664;0.001793400286944045896736499301;0.005738880918220947216501492960;0.003945480631276900886084124664;0.002510760401721664081958751424;0.003945480631276900886084124664;0.000717360114777618402062686620;0.001076040172166427494673812681;0.012553802008608321710836364105;0.008249641319942610864779375390;0.000000000000000000000000000000;0.003586800573888091793472998603;0.040889526542324243496562274913;0.005021520803443328163917502849;0.005021520803443328163917502849;0.005738880918220947216501492960;0.006097560975609756309112619022;0.005738880918220947216501492960
-0.012658227848101265625158085015;0.022603978300180831845223039522;0.005424954792043399677547999005;0.370705244122965626996091259571;0.105786618444846297615313801543;0.022151898734177215277707517771;0.003616636528028932973805043005;0.012206148282097649057642563264;0.000452079566003616621725630376;0.006329113924050632812579042508;0.006781193490054249380094564259;0.013110307414104882192673606767;0.009945750452079566220064954507;0.008137432188065099950002867502;0.055605786618444848212750031280;0.011754068716094032490127041513;0.003164556962025316406289521254;0.006329113924050632812579042508;0.013562386980108498760189128518;0.000904159132007233243451260751;0.007233273056057865947610086010;0.001808318264014466486902521503;0.000452079566003616621725630376;0.011754068716094032490127041513;0.015822784810126583332490213252;0.006329113924050632812579042508;0.014918625678119348462735693772;0.102169981916817365075189627532;0.000452079566003616621725630376;0.025316455696202531250316170031;0.015822784810126583332490213252;0.003164556962025316406289521254;0.005424954792043399677547999005;0.002712477396021699838773999502;0.004520795660036166542516955502;0.004068716094032549975001433751;0.002260397830018083271258477751;0.004972875226039783110032477254;0.000000000000000000000000000000;0.001808318264014466486902521503;0.006329113924050632812579042508;0.002260397830018083271258477751;0.000000000000000000000000000000;0.007233273056057865947610086010;0.030741410488245930060502431047;0.005877034358047016245063520756;0.004068716094032549975001433751;0.009041591320072333085033911004;0.004520795660036166542516955502;0.007685352622061482515125607762
-0.012658227848101265625158085015;0.027124773960216997520378257036;0.005877034358047016245063520756;0.400090415913200714292941029271;0.092676311030741406749022814893;0.014918625678119348462735693772;0.002712477396021699838773999502;0.009041591320072333085033911004;0.000904159132007233243451260751;0.005424954792043399677547999005;0.007233273056057865947610086010;0.016274864376130199900005735003;0.010397830018083182787580476258;0.006329113924050632812579042508;0.052441229656419528770694427067;0.007233273056057865947610086010;0.001356238698010849919386999751;0.006781193490054249380094564259;0.015370705244122965030251215524;0.001808318264014466486902521503;0.008137432188065099950002867502;0.000000000000000000000000000000;0.001808318264014466486902521503;0.006781193490054249380094564259;0.016274864376130199900005735003;0.008137432188065099950002867502;0.010397830018083182787580476258;0.118444846292947561505748410582;0.000904159132007233243451260751;0.023960216998191681547769604776;0.011754068716094032490127041513;0.003164556962025316406289521254;0.007233273056057865947610086010;0.001356238698010849919386999751;0.006329113924050632812579042508;0.004972875226039783110032477254;0.002712477396021699838773999502;0.003616636528028932973805043005;0.000000000000000000000000000000;0.003164556962025316406289521254;0.004520795660036166542516955502;0.008137432188065099950002867502;0.000000000000000000000000000000;0.004520795660036166542516955502;0.023960216998191681547769604776;0.001808318264014466486902521503;0.008589511754068716517518389253;0.003616636528028932973805043005;0.002712477396021699838773999502;0.006329113924050632812579042508
-0.016726943942133816467521256754;0.023508137432188064980254083025;0.006329113924050632812579042508;0.367088607594936722211542701189;0.088155515370705248012761501286;0.016274864376130199900005735003;0.002260397830018083271258477751;0.018987341772151899305098865511;0.000452079566003616621725630376;0.002260397830018083271258477751;0.011301989150090415922611519761;0.011301989150090415922611519761;0.013110307414104882192673606767;0.005424954792043399677547999005;0.057866184448462927580880688083;0.010397830018083182787580476258;0.000904159132007233243451260751;0.007233273056057865947610086010;0.019439421338155515872614387263;0.001356238698010849919386999751;0.005424954792043399677547999005;0.003164556962025316406289521254;0.002712477396021699838773999502;0.006781193490054249380094564259;0.016726943942133816467521256754;0.012206148282097649057642563264;0.008589511754068716517518389253;0.101265822784810125001264680122;0.000452079566003616621725630376;0.037070524412296565475166687520;0.017179023508137433035036778506;0.002260397830018083271258477751;0.006329113924050632812579042508;0.000904159132007233243451260751;0.008589511754068716517518389253;0.002260397830018083271258477751;0.001808318264014466486902521503;0.002260397830018083271258477751;0.000000000000000000000000000000;0.002260397830018083271258477751;0.005424954792043399677547999005;0.004068716094032549975001433751;0.000000000000000000000000000000;0.002260397830018083271258477751;0.038426763110307411708266300820;0.004972875226039783110032477254;0.005424954792043399677547999005;0.006781193490054249380094564259;0.006329113924050632812579042508;0.007685352622061482515125607762
-0.010504201680672269753058500896;0.040616246498599441194787829090;0.005952380952380952050528861719;0.257002801120448154392761352938;0.082633053221288513268127928768;0.022058823529411766134478156687;0.004901960784313725422167706824;0.025910364145658264928284708617;0.001050420168067226845201589391;0.004901960784313725422167706824;0.008753501400560224215974258755;0.020308123249299720597393914545;0.007352941176470588133251560237;0.007002801120448179546251754601;0.075630252100840331119790960201;0.008403361344537814761612715131;0.001750700280112044886562938650;0.015056022408963585720864664097;0.023809523809523808202115446875;0.001750700280112044886562938650;0.012254901960784313555419267061;0.004551820728291316835167901189;0.001400560224089635865882264021;0.007002801120448179546251754601;0.010854341736694677472696568543;0.009453781512605041389973870025;0.013655462184873949638141965579;0.137605042016806733418121666546;0.000350140056022408966470566005;0.032913165266106443607174725230;0.015056022408963585720864664097;0.003851540616246498793806551930;0.005602240896358543463529056083;0.001750700280112044886562938650;0.004901960784313725422167706824;0.005602240896358543463529056083;0.002450980392156862711083853412;0.004901960784313725422167706824;0.000000000000000000000000000000;0.002100840336134453690403178783;0.006652661064425770091890210978;0.003151260504201680752445202671;0.000000000000000000000000000000;0.006652661064425770091890210978;0.049719887955182069660953203538;0.003851540616246498793806551930;0.008053221288515405307251171507;0.007002801120448179546251754601;0.008053221288515405307251171507;0.005252100840336134876529250448
-0.012962962962962962590318660716;0.039351851851851853136832204427;0.007870370370370369586532355299;0.212499999999999994448884876874;0.075462962962962967794489088647;0.025000000000000001387778780781;0.002777777777777777883788656865;0.023148148148148146863167795573;0.001851851851851851922525771243;0.002777777777777777883788656865;0.012500000000000000693889390391;0.016666666666666666435370203203;0.011574074074074073431583897786;0.008796296296296296848837847904;0.068518518518518520266091798021;0.010648148148148147904001881159;0.003240740740740740647579665179;0.014814814814814815380206169948;0.025925925925925925180637321432;0.000925925925925925961262885622;0.008333333333333333217685101602;0.001388888888888888941894328433;0.002314814814814814686316779557;0.004629629629629629372633559115;0.023148148148148146863167795573;0.011111111111111111535154627461;0.016203703703703702804217456901;0.164351851851851860075726108334;0.000000000000000000000000000000;0.030092592592592590922118134245;0.017592592592592593697675695807;0.001851851851851851922525771243;0.011574074074074073431583897786;0.006018518518518518531368322044;0.008333333333333333217685101602;0.006481481481481481295159330358;0.000462962962962962980631442811;0.005555555555555555767577313730;0.000000000000000000000000000000;0.000925925925925925961262885622;0.007870370370370369586532355299;0.008333333333333333217685101602;0.000000000000000000000000000000;0.002777777777777777883788656865;0.047222222222222220988641083750;0.005092592592592593003786305417;0.005555555555555555767577313730;0.008333333333333333217685101602;0.009259259259259258745267118229;0.007870370370370369586532355299
-0.016915814319433515600099582343;0.045633359559402043859055453368;0.007474429583005507901627417766;0.183713611329661685722669517418;0.138473642800944152231323869273;0.020849724626278522132682979873;0.003933910306845003930498183564;0.027537372147915028380849022938;0.001180173092053501179149455069;0.005114083398898505543328507628;0.011801730920535012658856288681;0.014555468135326514109162410193;0.008261211644374507820365316491;0.007081038552321007074896730416;0.084579071597167584939391815624;0.014948859166011015803254835532;0.004327301337529504757228870915;0.020456333595594022173314030510;0.026750590086546028462111124213;0.002360346184107002358298910139;0.014162077104642014149793460831;0.002360346184107002358298910139;0.002360346184107002358298910139;0.009047993705743509473826691192;0.017309205350118019028915483659;0.009441384736428009433195640554;0.019669551534225018785129179832;0.077104642014162075303040921881;0.000393391030684500393049818356;0.035798583792289534466490863451;0.012195121951219512618225238043;0.005507474429583005502697456990;0.009441384736428009433195640554;0.002360346184107002358298910139;0.006687647521636507115527781053;0.006687647521636507115527781053;0.003933910306845003930498183564;0.003540519276160503537448365208;0.000000000000000000000000000000;0.002360346184107002358298910139;0.012195121951219512618225238043;0.005507474429583005502697456990;0.000000000000000000000000000000;0.005507474429583005502697456990;0.057041699449252560027989744640;0.003147128245476003144398546851;0.007474429583005507901627417766;0.010228166797797011086657015255;0.005900865460267506329428144340;0.006687647521636507115527781053
-0.016049382716049383906797842769;0.044032921810699586495641000283;0.005761316872427983855342592534;0.223456790123456788821343366180;0.131275720164609061013649693450;0.014403292181069959204675612341;0.006172839506172839163511412153;0.024279835390946500478515091004;0.001646090534979423834760492440;0.004938271604938271504281477320;0.009053497942386830657501839426;0.010288065843621399184093512247;0.009465020576131686833032397033;0.009053497942386830657501839426;0.073251028806584364549969734526;0.008641975308641974481971281818;0.004115226337448560020582100094;0.011934156378600823886215742675;0.022222222222222223070309254922;0.000823045267489711917380246220;0.009876543209876543008562954640;0.002057613168724280010291050047;0.002880658436213991927671296267;0.006584362139917695339041969760;0.012345679012345678327022824305;0.006995884773662551514572527367;0.015637860082304527731267285162;0.120164609053497947743771590012;0.000000000000000000000000000000;0.027572016460905349882759551861;0.015637860082304527731267285162;0.004938271604938271504281477320;0.008641975308641974481971281818;0.002880658436213991927671296267;0.007818930041152263865633642581;0.005349794238683127679812034927;0.002880658436213991927671296267;0.002469135802469135752140738660;0.000000000000000000000000000000;0.003703703703703703845051542487;0.008230452674897120041164200188;0.004938271604938271504281477320;0.000000000000000000000000000000;0.007818930041152263865633642581;0.057201646090534977173724939803;0.005761316872427983855342592534;0.008230452674897120041164200188;0.007818930041152263865633642581;0.006584362139917695339041969760;0.004115226337448560020582100094
-0.011814024390243902523645047609;0.053353658536585364668969333479;0.006097560975609756309112619022;0.178734756097560981702443427821;0.088414634146341458675877333917;0.017911585365853657098034190653;0.008384146341463415141870285652;0.030487804878048779810839619131;0.003429878048780487815455630951;0.003048780487804878154556309511;0.008765243902439025236450476086;0.019435975609756097476354952391;0.009908536585365853785467571413;0.009146341463414633596307190544;0.103277439024390238486716953048;0.004954268292682926892733785706;0.003810975609756097476354952391;0.015625000000000000000000000000;0.028963414634146342901965809347;0.002667682926829268493656988070;0.009527439024390243690887380978;0.001905487804878048738177476196;0.002667682926829268493656988070;0.007621951219512194952709904783;0.015243902439024389905419809566;0.008384146341463415141870285652;0.014100609756097561356402714239;0.148246951219512201891603808690;0.001143292682926829199538398818;0.032774390243902440378320761738;0.009146341463414633596307190544;0.003048780487804878154556309511;0.008765243902439025236450476086;0.002286585365853658399076797636;0.004573170731707316798153595272;0.005335365853658536987313976141;0.001905487804878048738177476196;0.001905487804878048738177476196;0.001905487804878048738177476196;0.002286585365853658399076797636;0.009908536585365853785467571413;0.005716463414634146214532428587;0.000000000000000000000000000000;0.003810975609756097476354952391;0.065167682926829270662061333041;0.002286585365853658399076797636;0.006859756097560975630911261902;0.007621951219512194952709904783;0.003048780487804878154556309511;0.004573170731707316798153595272
-0.013142174432497013419895992570;0.058542413381123058202515352377;0.003982477100756670260195413391;0.184388689765033864098597859993;0.084030266825965746479987217299;0.025487853444842691746918816875;0.005177220230983672032143427799;0.031063321385902030458137090818;0.001592990840302668234182426055;0.004778972520908004485706843667;0.010354440461967344064286855598;0.014735165272799681870918853122;0.009159697331740343159700579179;0.006371963361210672936729704219;0.078056551174830748895949739108;0.008761449621664675613263995047;0.001194743130227001121426710917;0.014735165272799681870918853122;0.031461569095977699739297150927;0.001592990840302668234182426055;0.009557945041816008971413687334;0.001194743130227001121426710917;0.001991238550378335130097706696;0.005177220230983672032143427799;0.014336917562724014324482268989;0.003982477100756670260195413391;0.015929908403026681040781653564;0.170848267622461164050307047546;0.000796495420151334117091213027;0.035045798486658702453055980186;0.008363201911589008066827410914;0.002389486260454002242853421834;0.009159697331740343159700579179;0.002389486260454002242853421834;0.009159697331740343159700579179;0.005575467941059338711218273943;0.001991238550378335130097706696;0.003185981680605336468364852109;0.000398247710075667058545606514;0.002787733970529669355609136971;0.014735165272799681870918853122;0.008761449621664675613263995047;0.000000000000000000000000000000;0.001592990840302668234182426055;0.048984468339307050965825141020;0.003584229390681003581120567247;0.005973715651135006257654858075;0.009159697331740343159700579179;0.009159697331740343159700579179;0.005177220230983672032143427799
-0.014814814814814815380206169948;0.068518518518518520266091798021;0.003240740740740740647579665179;0.154166666666666674068153497501;0.089814814814814819543542512292;0.019907407407407408383992475365;0.006481481481481481295159330358;0.036574074074074071349915726614;0.005555555555555555767577313730;0.004166666666666666608842550801;0.009722222222222222376419864531;0.020833333333333332176851016015;0.009722222222222222376419864531;0.006018518518518518531368322044;0.087499999999999994448884876874;0.009722222222222222376419864531;0.003240740740740740647579665179;0.021759259259259259439156508620;0.032870370370370369239587660104;0.001851851851851851922525771243;0.009259259259259258745267118229;0.001388888888888888941894328433;0.001851851851851851922525771243;0.010648148148148147904001881159;0.017129629629629630066522949505;0.011111111111111111535154627461;0.016203703703703702804217456901;0.134722222222222215437525960624;0.000462962962962962980631442811;0.025925925925925925180637321432;0.011111111111111111535154627461;0.000925925925925925961262885622;0.007870370370370369586532355299;0.003240740740740740647579665179;0.006944444444444444058950338672;0.007407407407407407690103084974;0.004166666666666666608842550801;0.003240740740740740647579665179;0.000462962962962962980631442811;0.001851851851851851922525771243;0.015277777777777777276635440273;0.009722222222222222376419864531;0.000000000000000000000000000000;0.007407407407407407690103084974;0.040740740740740744030290443334;0.006944444444444444058950338672;0.007870370370370369586532355299;0.012500000000000000693889390391;0.006481481481481481295159330358;0.010648148148148147904001881159
-0.012345679012345678327022824305;0.059174116645381011347915034548;0.008939974457215836209367232357;0.198808003405704564192646444099;0.084291187739463604988721101563;0.016602809706257982275134921224;0.006811409110259685102672921886;0.027671349510429970458558202040;0.001277139208173691010961281478;0.001277139208173691010961281478;0.010642826734780758135556766319;0.015751383567475522179401892231;0.008514261387824606161500717860;0.004682843763303533128616873427;0.093656875266070666041784420486;0.011068539804171988183423280816;0.002128565346956151540375179465;0.011919965942954448279156309809;0.023414218816517666510446105121;0.001702852277564921275668230471;0.013197105151128140157479329275;0.001277139208173691010961281478;0.001702852277564921275668230471;0.004682843763303533128616873427;0.019582801191996592610200522699;0.010642826734780758135556766319;0.016602809706257982275134921224;0.131119625372498938009613311806;0.000425713069391230318917057618;0.025542784163473820219225629558;0.011494252873563218231289795312;0.003831417624521072599202975439;0.008939974457215836209367232357;0.002979991485738612069789077452;0.013622818220519370205345843772;0.007237122179650915150539436382;0.003831417624521072599202975439;0.004682843763303533128616873427;0.000000000000000000000000000000;0.002128565346956151540375179465;0.017879948914431672418734464713;0.004682843763303533128616873427;0.000000000000000000000000000000;0.002979991485738612069789077452;0.057471264367816091156448976562;0.003405704555129842551336460943;0.006811409110259685102672921886;0.007237122179650915150539436382;0.005959982971477224139578154904;0.009365687526607066257233746853
-0.011659807956104252524287545612;0.057270233196159120447887858063;0.004115226337448560020582100094;0.168724279835390955639695675927;0.055898491083676268842417300675;0.020919067215363511269554663841;0.007201646090534979602337806170;0.031893004115226337991106930758;0.002400548696844993345339558388;0.003086419753086419581755706076;0.011316872427983539622919906265;0.018861454046639230391901875805;0.012002743484224965425655184958;0.004801097393689986690679116776;0.089163237311385465377888692728;0.009945130315500686282725872900;0.004115226337448560020582100094;0.021604938271604937072289942535;0.029492455418381344212086503376;0.001371742112482853123353598868;0.012345679012345678327022824305;0.002743484224965706246707197735;0.002743484224965706246707197735;0.006172839506172839163511412153;0.018175582990397804589166597111;0.013031550068587105864481578976;0.017146776406035665885063679070;0.171467764060356658850636790703;0.000342935528120713280838399717;0.034636488340192041202048045534;0.015089163237311385007410891035;0.002743484224965706246707197735;0.010288065843621399184093512247;0.003772290809327846251852722759;0.005144032921810699592046756123;0.008230452674897120041164200188;0.002743484224965706246707197735;0.004458161865569272921949739441;0.000000000000000000000000000000;0.004458161865569272921949739441;0.011316872427983539622919906265;0.003772290809327846251852722759;0.000000000000000000000000000000;0.004801097393689986690679116776;0.037037037037037034981068472916;0.005829903978052126262143772806;0.005829903978052126262143772806;0.007887517146776405405073084864;0.012345679012345678327022824305;0.009602194787379973381358233553
-0.026895943562610227783871152951;0.036596119929453260755103372048;0.023809523809523808202115446875;0.062610229276895940087044323263;0.061287477954144617409149020659;0.043650793650793648370544985937;0.001322751322751322677895302604;0.026455026455026453557906052083;0.006613756613756613389476513021;0.006613756613756613389476513021;0.010141093474426807197197319965;0.058201058201058197827393314583;0.011904761904761904101057723437;0.013227513227513226778953026042;0.058641975308641972053358415451;0.021164021164021162846324841667;0.006613756613756613389476513021;0.018077601410934743264569135590;0.025573192239858905105975850347;0.003086419753086419581755706076;0.011904761904761904101057723437;0.007054673721340387615441613889;0.004850088183421516485616109549;0.011463844797178129875092622569;0.037037037037037034981068472916;0.018518518518518517490534236458;0.019400352733686065942464438194;0.088624338624338619418985274478;0.000000000000000000000000000000;0.064814814814814811216869827604;0.029541446208112873139661758159;0.002204585537918871129825504340;0.008818342151675484519302017361;0.006613756613756613389476513021;0.015432098765432097908778530382;0.007936507936507936067371815625;0.003968253968253968033685907812;0.004409171075837742259651008681;0.000440917107583774225965100868;0.006613756613756613389476513021;0.008818342151675484519302017361;0.007054673721340387615441613889;0.000000000000000000000000000000;0.007054673721340387615441613889;0.037477954144620809207033573784;0.007054673721340387615441613889;0.014109347442680775230883227778;0.018518518518518517490534236458;0.012786596119929452552987925174;0.014991181657848323682813429514
-0.026290165530671861376932341159;0.013631937682570594017050780167;0.014118792599805257345635389754;0.137779941577409942299325962267;0.036027263875365138356965388766;0.072541382667964948716132767004;0.000000000000000000000000000000;0.007302823758519961204471737659;0.010223953261927945512788085125;0.004868549172346641092101737769;0.009250243427458617120895389974;0.159688412852969807698144677488;0.011684518013631937233265389864;0.016553067185978577458005389644;0.013145082765335930688466170579;0.027263875365141188034101560334;0.003894839337877312700209042617;0.007789678675754625400418085235;0.016066212268743915864144256034;0.008763388510223953792310780386;0.005355404089581304420686347356;0.002434274586173320546050868884;0.004381694255111976896155390193;0.003894839337877312700209042617;0.047711781888997079059677730584;0.010223953261927945512788085125;0.008763388510223953792310780386;0.021421616358325217682745389425;0.000000000000000000000000000000;0.111976630963972742516254754719;0.069133398247322300211870071962;0.000973709834469328175052260654;0.003407984420642648504262695042;0.005355404089581304420686347356;0.012658227848101265625158085015;0.009737098344693282184203475538;0.006329113924050632812579042508;0.006815968841285297008525390083;0.004381694255111976896155390193;0.006815968841285297008525390083;0.002434274586173320546050868884;0.001947419668938656350104521309;0.000000000000000000000000000000;0.002434274586173320546050868884;0.003407984420642648504262695042;0.002921129503407984308316347466;0.008276533592989288729002694822;0.015579357351509250800836170470;0.014605647517039922408943475318;0.009737098344693282184203475538
-0.032763532763532762781544249719;0.006647673314339980904508209392;0.020417853751187084454521425414;0.061728395061728391635114121527;0.054131054131054130718059269611;0.072174738841405502998149756877;0.000000000000000000000000000000;0.010921177587844254838755908565;0.014719848053181387032006810500;0.004273504273504273934247699174;0.016144349477682812254997202217;0.157169990503323836472659991159;0.013295346628679961809016418783;0.013295346628679961809016418783;0.027065527065527065359029634806;0.020417853751187084454521425414;0.001899335232668566096625450967;0.010446343779677113097759111326;0.026590693257359923618032837567;0.001899335232668566096625450967;0.008547008547008547868495398347;0.004273504273504273934247699174;0.003798670465337132193250901935;0.009021842355175687874768719610;0.042735042735042735873030039784;0.012820512820512820068019621544;0.018518518518518517490534236458;0.012345679012345678327022824305;0.000000000000000000000000000000;0.114434947768281100599629951375;0.072174738841405502998149756877;0.003798670465337132193250901935;0.010446343779677113097759111326;0.003323836657169990452254104696;0.012345679012345678327022824305;0.008072174738841406127498601109;0.005698005698005698289876352902;0.006647673314339980904508209392;0.002849002849002849144938176451;0.005698005698005698289876352902;0.002849002849002849144938176451;0.007597340930674264386501803870;0.000000000000000000000000000000;0.004273504273504273934247699174;0.011870845204178538320749503043;0.002849002849002849144938176451;0.014245014245014245291010013261;0.009021842355175687874768719610;0.010921177587844254838755908565;0.012820512820512820068019621544
-0.040000000000000000832667268469;0.014166666666666665949647629930;0.012500000000000000693889390391;0.115833333333333329817627088687;0.019583333333333334536074943344;0.085833333333333330927850113312;0.002916666666666666799662133158;0.009583333333333332593184650250;0.008333333333333333217685101602;0.005416666666666666851703837438;0.014583333333333333564629796797;0.135833333333333333703407674875;0.017500000000000001665334536938;0.017916666666666667545593227828;0.015416666666666667059870654555;0.025833333333333333148296162562;0.005000000000000000104083408559;0.008333333333333333217685101602;0.017500000000000001665334536938;0.005000000000000000104083408559;0.014166666666666665949647629930;0.004583333333333333356462979680;0.003749999999999999861222121922;0.013333333333333334189130248149;0.048750000000000001665334536938;0.010000000000000000208166817117;0.009166666666666666712925959359;0.015416666666666667059870654555;0.000416666666666666693410320255;0.086249999999999993338661852249;0.066666666666666665741480812812;0.002916666666666666799662133158;0.004583333333333333356462979680;0.005416666666666666851703837438;0.010416666666666666088425508008;0.010833333333333333703407674875;0.004166666666666666608842550801;0.010416666666666666088425508008;0.004166666666666666608842550801;0.001250000000000000026020852140;0.003333333333333333547282562037;0.011249999999999999583666365766;0.000000000000000000000000000000;0.007499999999999999722444243844;0.005833333333333333599324266316;0.004583333333333333356462979680;0.015833333333333334674852821422;0.021250000000000001526556658860;0.012083333333333333078907223523;0.014583333333333333564629796797
-0.040948275862068964081608157812;0.012931034482758620510201019727;0.016379310344827587714311434297;0.084913793103448279020462052813;0.037931034482758620163256324531;0.078879310344827591183758386251;0.002155172413793103418366836621;0.007327586206896551622447244512;0.009051724137931035224502451797;0.003879310344827586153060305918;0.016379310344827587714311434297;0.112500000000000002775557561563;0.022844827586206897102050206172;0.013793103448275861877547754375;0.009482758620689655040814081133;0.030172413793103449591859188672;0.005172413793103448204080407891;0.006896551724137930938773877187;0.019827586206896553183698372891;0.001724137931034482734693469297;0.006896551724137930938773877187;0.007327586206896551622447244512;0.006465517241379310255100509863;0.009913793103448276591849186445;0.050862068965517238938733868281;0.018965517241379310081628162266;0.011637931034482759326542655742;0.043534482758620686448924885781;0.000431034482758620683673367324;0.103879310344827585632643263125;0.064224137931034486204140421250;0.001293103448275862051020101973;0.008189655172413793857155717149;0.002586206896551724102040203945;0.009482758620689655040814081133;0.008189655172413793857155717149;0.004310344827586206836733673242;0.007327586206896551622447244512;0.000431034482758620683673367324;0.004310344827586206836733673242;0.000862068965517241367346734648;0.015948275862068966163276328984;0.000000000000000000000000000000;0.008189655172413793857155717149;0.007327586206896551622447244512;0.003448275862068965469386938594;0.013793103448275861877547754375;0.018103448275862070449004903594;0.013793103448275861877547754375;0.015086206896551724795929594336
-0.023275862068965518653085311485;0.014224137931034483428582859688;0.009482758620689655040814081133;0.365086206896551745959556001253;0.039655172413793106367396745782;0.027155172413793102204060403437;0.002155172413793103418366836621;0.013793103448275861877547754375;0.008620689655172413673467346484;0.006465517241379310255100509863;0.009913793103448276591849186445;0.033189655172413790040764070000;0.010775862068965517959195921094;0.009913793103448276591849186445;0.024568965517241379836743675469;0.023275862068965518653085311485;0.001724137931034482734693469297;0.008189655172413793857155717149;0.018534482758620688530593056953;0.002155172413793103418366836621;0.007758620689655172306120611836;0.001724137931034482734693469297;0.002155172413793103418366836621;0.008620689655172413673467346484;0.026724137931034484122472250078;0.010344827586206896408160815781;0.009913793103448276591849186445;0.077155172413793104979617965000;0.000000000000000000000000000000;0.040517241379310342530573052500;0.030172413793103449591859188672;0.002586206896551724102040203945;0.003448275862068965469386938594;0.003017241379310344785713571270;0.012931034482758620510201019727;0.005603448275862068887753775215;0.003448275862068965469386938594;0.008620689655172413673467346484;0.004310344827586206836733673242;0.004741379310344827520407040566;0.003448275862068965469386938594;0.004741379310344827520407040566;0.000000000000000000000000000000;0.006465517241379310255100509863;0.024568965517241379836743675469;0.005172413793103448204080407891;0.011206896551724137775507550430;0.007758620689655172306120611836;0.009051724137931035224502451797;0.011637931034482759326542655742
-0.011666666666666667198648532633;0.033333333333333332870740406406;0.003333333333333333547282562037;0.424999999999999988897769753748;0.051666666666666666296592325125;0.019166666666666665186369300500;0.005416666666666666851703837438;0.012500000000000000693889390391;0.001250000000000000026020852140;0.003333333333333333547282562037;0.005416666666666666851703837438;0.014999999999999999444888487687;0.011666666666666667198648532633;0.002083333333333333304421275400;0.032916666666666663521034763562;0.012083333333333333078907223523;0.003333333333333333547282562037;0.006666666666666667094565124074;0.015416666666666667059870654555;0.000416666666666666693410320255;0.007083333333333332974823814965;0.002083333333333333304421275400;0.000833333333333333386820640509;0.005416666666666666851703837438;0.016666666666666666435370203203;0.008333333333333333217685101602;0.008333333333333333217685101602;0.129166666666666679619268620627;0.000000000000000000000000000000;0.024166666666666666157814447047;0.029583333333333333009518284484;0.003749999999999999861222121922;0.002916666666666666799662133158;0.003749999999999999861222121922;0.002083333333333333304421275400;0.002916666666666666799662133158;0.002500000000000000052041704279;0.007499999999999999722444243844;0.000416666666666666693410320255;0.002083333333333333304421275400;0.005416666666666666851703837438;0.001250000000000000026020852140;0.000000000000000000000000000000;0.004166666666666666608842550801;0.028333333333333331899295259859;0.002083333333333333304421275400;0.006666666666666667094565124074;0.007083333333333332974823814965;0.007916666666666667337426410711;0.005833333333333333599324266316
-0.008984374999999999306110609609;0.044531250000000001387778780781;0.005859375000000000000000000000;0.307031249999999977795539507497;0.062500000000000000000000000000;0.018359375000000000693889390391;0.003906250000000000000000000000;0.013671875000000000000000000000;0.002343749999999999913263826201;0.006640624999999999826527652402;0.008593750000000000693889390391;0.016015624999999998612221219219;0.008984374999999999306110609609;0.005468749999999999653055304805;0.060546875000000000000000000000;0.017187500000000001387778780781;0.003906250000000000000000000000;0.010937499999999999306110609609;0.018749999999999999306110609609;0.000781250000000000043368086899;0.010937499999999999306110609609;0.002343749999999999913263826201;0.001562500000000000086736173799;0.005859375000000000000000000000;0.016406250000000000693889390391;0.008203125000000000346944695195;0.013671875000000000000000000000;0.145312500000000011102230246252;0.000781250000000000043368086899;0.023437500000000000000000000000;0.025781249999999998612221219219;0.003125000000000000173472347598;0.005468749999999999653055304805;0.003125000000000000173472347598;0.005468749999999999653055304805;0.005078125000000000173472347598;0.000781250000000000043368086899;0.006640624999999999826527652402;0.001562500000000000086736173799;0.002343749999999999913263826201;0.007812500000000000000000000000;0.005468749999999999653055304805;0.000000000000000000000000000000;0.004296875000000000346944695195;0.039062500000000000000000000000;0.003515625000000000086736173799;0.009374999999999999653055304805;0.002734374999999999826527652402;0.006250000000000000346944695195;0.008593750000000000693889390391
-0.009482758620689655040814081133;0.059913793103448277632683272031;0.009482758620689655040814081133;0.259482758620689646367196701249;0.041379310344827585632643263125;0.012068965517241379142854285078;0.005172413793103448204080407891;0.019827586206896553183698372891;0.002155172413793103418366836621;0.004741379310344827520407040566;0.006896551724137930938773877187;0.021982758620689653999979995547;0.009913793103448276591849186445;0.004741379310344827520407040566;0.065517241379310350857245737188;0.012931034482758620510201019727;0.001724137931034482734693469297;0.016810344827586205795899587656;0.019396551724137931632663267578;0.001293103448275862051020101973;0.008620689655172413673467346484;0.003448275862068965469386938594;0.003448275862068965469386938594;0.007758620689655172306120611836;0.012931034482758620510201019727;0.010775862068965517959195921094;0.014655172413793103244894489023;0.184913793103448270693789368124;0.000431034482758620683673367324;0.015086206896551724795929594336;0.032758620689655175428622868594;0.003879310344827586153060305918;0.003879310344827586153060305918;0.003879310344827586153060305918;0.009913793103448276591849186445;0.004741379310344827520407040566;0.003448275862068965469386938594;0.006465517241379310255100509863;0.000000000000000000000000000000;0.003879310344827586153060305918;0.010344827586206896408160815781;0.009913793103448276591849186445;0.000000000000000000000000000000;0.003448275862068965469386938594;0.024568965517241379836743675469;0.004310344827586206836733673242;0.007327586206896551622447244512;0.006465517241379310255100509863;0.005172413793103448204080407891;0.008620689655172413673467346484
-0.012500000000000000693889390391;0.050000000000000002775557561563;0.010000000000000000208166817117;0.325000000000000011102230246252;0.036666666666666666851703837438;0.016250000000000000555111512313;0.007083333333333332974823814965;0.025416666666666667268037471672;0.002083333333333333304421275400;0.002916666666666666799662133158;0.003333333333333333547282562037;0.020000000000000000416333634234;0.008750000000000000832667268469;0.007916666666666667337426410711;0.061249999999999998889776975375;0.011666666666666667198648532633;0.002083333333333333304421275400;0.012500000000000000693889390391;0.014166666666666665949647629930;0.002500000000000000052041704279;0.007916666666666667337426410711;0.001250000000000000026020852140;0.001250000000000000026020852140;0.005000000000000000104083408559;0.010833333333333333703407674875;0.007916666666666667337426410711;0.008333333333333333217685101602;0.178333333333333343695414896501;0.000416666666666666693410320255;0.019583333333333334536074943344;0.026249999999999999028554853453;0.002083333333333333304421275400;0.004583333333333333356462979680;0.003333333333333333547282562037;0.006250000000000000346944695195;0.004166666666666666608842550801;0.001666666666666666773641281019;0.005833333333333333599324266316;0.000833333333333333386820640509;0.002083333333333333304421275400;0.010416666666666666088425508008;0.003749999999999999861222121922;0.000000000000000000000000000000;0.002083333333333333304421275400;0.027916666666666666019036568969;0.003333333333333333547282562037;0.007083333333333332974823814965;0.003749999999999999861222121922;0.005833333333333333599324266316;0.005833333333333333599324266316
-0.014999999999999999444888487687;0.036249999999999997501998194593;0.009583333333333332593184650250;0.278333333333333321490954403998;0.038749999999999999722444243844;0.015416666666666667059870654555;0.003749999999999999861222121922;0.020416666666666666296592325125;0.002083333333333333304421275400;0.005833333333333333599324266316;0.004583333333333333356462979680;0.017500000000000001665334536938;0.012083333333333333078907223523;0.004583333333333333356462979680;0.065833333333333327042069527124;0.014583333333333333564629796797;0.002916666666666666799662133158;0.010416666666666666088425508008;0.014166666666666665949647629930;0.000416666666666666693410320255;0.007916666666666667337426410711;0.003749999999999999861222121922;0.001250000000000000026020852140;0.004583333333333333356462979680;0.016666666666666666435370203203;0.007916666666666667337426410711;0.009166666666666666712925959359;0.208333333333333342585191871876;0.000000000000000000000000000000;0.016250000000000000555111512313;0.037499999999999998612221219219;0.002500000000000000052041704279;0.005000000000000000104083408559;0.003749999999999999861222121922;0.009583333333333332593184650250;0.002916666666666666799662133158;0.000833333333333333386820640509;0.005000000000000000104083408559;0.000000000000000000000000000000;0.002083333333333333304421275400;0.007499999999999999722444243844;0.008333333333333333217685101602;0.000000000000000000000000000000;0.003333333333333333547282562037;0.035000000000000003330669073875;0.003749999999999999861222121922;0.006250000000000000346944695195;0.003749999999999999861222121922;0.007499999999999999722444243844;0.007083333333333332974823814965
-0.011764705882352941013202496379;0.046366782006920417846806969919;0.004152249134948097185338067305;0.278200692041522479325266203887;0.047750865051903117197706905017;0.011764705882352941013202496379;0.004152249134948097185338067305;0.016262975778546712168903809470;0.001730103806228373754944049878;0.002422145328719722996713148433;0.007266435986159169857501183287;0.016955017301038061844353777019;0.005882352941176470506601248189;0.003806228373702422347613083531;0.077854671280276815936716161559;0.005882352941176470506601248189;0.000346020761245674729304766526;0.015570934256055362493453841921;0.017301038062283738416802236770;0.000692041522491349458609533052;0.006574394463667820182051215738;0.003114186851211072672163115982;0.001730103806228373754944049878;0.002768166089965397834438132207;0.012802768166089965526377447702;0.007958477508650519532951150836;0.008650519031141869208401118385;0.222491349480968853002949003894;0.001038062283737024296334516826;0.026989619377162630403654830502;0.020761245674740483324605122561;0.001384083044982698917219066104;0.004844290657439445993426296866;0.003806228373702422347613083531;0.005190311418685120831151280640;0.004498269896193772023063051080;0.002422145328719722996713148433;0.004498269896193772023063051080;0.000346020761245674729304766526;0.001730103806228373754944049878;0.007612456747404844695226167062;0.006228373702422145344326231964;0.000000000000000000000000000000;0.002076124567474048592669033653;0.039792387543252594195308802227;0.002422145328719722996713148433;0.006574394463667820182051215738;0.005536332179930795668876264415;0.001730103806228373754944049878;0.008304498269896194370676134611
-0.011183261183261183902004631818;0.068181818181818176771713524431;0.008297258297258297901621837411;0.198051948051948062401450556536;0.055194805194805192372076163565;0.015151515151515151935690539631;0.006854256854256854034068702219;0.023809523809523808202115446875;0.000721500721500721500095698602;0.002886002886002886000382794407;0.007215007215007215000956986017;0.010101010101010101868701518413;0.006854256854256854034068702219;0.003246753246753246967271078205;0.082251082251082255347718330540;0.010461760461760461968228064222;0.004689754689754689967462475408;0.019119769119769119969376447443;0.025974025974025975738168625639;0.000721500721500721500095698602;0.010101010101010101868701518413;0.002525252525252525467175379603;0.001082251082251082250143547903;0.004329004329004329000574191610;0.014790764790764790101440517844;0.007215007215007215000956986017;0.011904761904761904101057723437;0.212481962481962494138088004547;0.000360750360750360750047849301;0.027417027417027416136274808878;0.020202020202020203737403036826;0.004329004329004329000574191610;0.006132756132756132967653872612;0.001443001443001443000191397203;0.005411255411255411033877305016;0.005772005772005772000765588814;0.002525252525252525467175379603;0.003607503607503607500478493009;0.000000000000000000000000000000;0.003246753246753246967271078205;0.010461760461760461968228064222;0.003607503607503607500478493009;0.000000000000000000000000000000;0.002886002886002886000382794407;0.049783549783549783940284072514;0.007215007215007215000956986017;0.006493506493506493934542156410;0.003246753246753246967271078205;0.004689754689754689967462475408;0.005772005772005772000765588814
-0.008978675645342312772179127478;0.076692854470632246255412667324;0.009352787130564909137686591123;0.151141040029928924726121408639;0.051627384960718294970583031045;0.010475121586232696499485506081;0.006734006734006733711772607620;0.023569023569023569292246733653;0.002992891881780770490378840165;0.004115226337448560020582100094;0.006359895248784137346265143975;0.011223344556677889230500433371;0.008978675645342312772179127478;0.003367003367003366855886303810;0.080433969322858206441040351820;0.004863449307893752751597027384;0.005985783763561540980757680330;0.017209128320239432813343327666;0.019827908716797605637172097204;0.002618780396558174124871376520;0.008978675645342312772179127478;0.000748222970445192622594710041;0.000748222970445192622594710041;0.009726898615787505503194054768;0.011223344556677889230500433371;0.011223344556677889230500433371;0.010101010101010101868701518413;0.270482603815937139302150171716;0.001122334455667789096522390935;0.024691358024691356654045648611;0.022820800598578376561231806363;0.004863449307893752751597027384;0.005611672278338944615250216685;0.001870557426112981610696883727;0.004115226337448560020582100094;0.007482229704451926442787534910;0.001870557426112981610696883727;0.004489337822671156386089563739;0.000374111485222596311297355021;0.002244668911335578193044781870;0.010475121586232696499485506081;0.007108118219229330077280071265;0.000000000000000000000000000000;0.003741114852225963221393767455;0.035166479610924054888254630669;0.007482229704451926442787534910;0.006359895248784137346265143975;0.006359895248784137346265143975;0.004489337822671156386089563739;0.007482229704451926442787534910
-0.008035714285714284921269268125;0.057142857142857141072855853281;0.004017857142857142460634634062;0.287053571428571407953000971247;0.025892857142857144542302805235;0.012946428571428572271151402617;0.005803571428571428769682682969;0.021428571428571428769682682969;0.000892857142857142829263372708;0.004017857142857142460634634062;0.009374999999999999653055304805;0.010267857142857142807579329258;0.009821428571428571230317317031;0.004910714285714285615158658516;0.070982142857142854763807804375;0.014285714285714285268213963320;0.002232142857142857018948323145;0.012946428571428572271151402617;0.014285714285714285268213963320;0.000000000000000000000000000000;0.008035714285714284921269268125;0.002678571428571428596210335371;0.001785714285714285658526745415;0.005357142857142857192420670742;0.014732142857142856845475975547;0.010267857142857142807579329258;0.012500000000000000693889390391;0.213839285714285703976500485624;0.000446428571428571414631686354;0.019642857142857142460634634062;0.025892857142857144542302805235;0.004464285714285714037896646289;0.001339285714285714298105167686;0.004464285714285714037896646289;0.003571428571428571317053490830;0.003125000000000000173472347598;0.001785714285714285658526745415;0.006696428571428571056844969434;0.000892857142857142829263372708;0.004910714285714285615158658516;0.012053571428571429116627378164;0.004464285714285714037896646289;0.000000000000000000000000000000;0.003125000000000000173472347598;0.031250000000000000000000000000;0.001339285714285714298105167686;0.006250000000000000346944695195;0.007142857142857142634106981660;0.005803571428571428769682682969;0.005803571428571428769682682969
-0.009977827050997782262764523864;0.057280118255728013076932825243;0.007390983000739098293663253969;0.205099778270509985889091808531;0.052106430155210645138730285453;0.013303769401330376928593857144;0.005543237250554324153928309471;0.028455284552845527129560920798;0.001847745750184774573415813492;0.005543237250554324153928309471;0.005173688100517368805564277778;0.019216555801921657298247936296;0.009977827050997782262764523864;0.005173688100517368805564277778;0.085365853658536591797023618255;0.007760532150776053642027285662;0.004065040650406504495195658677;0.015890613451589062632418603016;0.019586104951958609177165016035;0.001108647450110864744049488095;0.009238728750923873300759936456;0.000369549150036954914683162698;0.001108647450110864744049488095;0.007021433850702143812660960265;0.009238728750923873300759936456;0.005173688100517368805564277778;0.012934220251293421580229825452;0.229859571322985956065565460449;0.000369549150036954914683162698;0.027716186252771619902279809367;0.014412416851441241238962476245;0.004065040650406504495195658677;0.001108647450110864744049488095;0.002217294900221729488098976191;0.003695491500369549146831626985;0.007390983000739098293663253969;0.002586844050258684402782138889;0.003325942350332594232148464286;0.000000000000000000000000000000;0.002956393200295639317465301588;0.014781966001478196587326507938;0.005912786400591278634930603175;0.000000000000000000000000000000;0.005173688100517368805564277778;0.035107169253510719930666539312;0.004804138950480414324561984074;0.010347376201034737611128555557;0.007390983000739098293663253969;0.005543237250554324153928309471;0.006282335550628233983294634868
-0.009127418765972982947487501804;0.077035414384811970456290453058;0.011683096020445418380950819426;0.131069733479372035889198855330;0.053669222343921137163835766160;0.018254837531945965894975003607;0.009127418765972982947487501804;0.043081416575392481038697667373;0.002920774005111354595237704856;0.005111354508944869999564897256;0.007301935012778386704934696638;0.014238773274917853814414137048;0.009492515516611902542942758032;0.006571741511500547514024184181;0.104417670682730917564029482492;0.009492515516611902542942758032;0.005111354508944869999564897256;0.018254837531945965894975003607;0.025921869295363272195364956474;0.001095290251916757919004030697;0.013873676524278934218958880820;0.002555677254472434999782448628;0.003285870755750273757012092091;0.007301935012778386704934696638;0.010952902519167579190040306969;0.009857612267250822138398014260;0.015334063526834610866056429757;0.192040890836071564962139746058;0.001095290251916757919004030697;0.021905805038335158380080613938;0.008397225264695143756576989347;0.002920774005111354595237704856;0.008762322015334063352032245575;0.001095290251916757919004030697;0.006571741511500547514024184181;0.008762322015334063352032245575;0.005841548010222709190475409713;0.005111354508944869999564897256;0.001460387002555677297618852428;0.003650967506389193352467348319;0.019350127783862722946617296316;0.007667031763417305433028214878;0.000000000000000000000000000000;0.002190580503833515838008061394;0.047462577583059509245266838207;0.004381161007667031676016122788;0.007667031763417305433028214878;0.006571741511500547514024184181;0.003285870755750273757012092091;0.007667031763417305433028214878
-0.013503086419753085670181214084;0.065586419753086419581755706076;0.002700617283950617134036242817;0.219135802469135804182442939236;0.058641975308641972053358415451;0.018132716049382716777538249175;0.008873456790123456297547654970;0.028935185185185185313683220443;0.001157407407407407343158389779;0.001929012345679012238597316298;0.007716049382716048954389265191;0.015046296296296295461059067122;0.004243827160493826924914095855;0.004243827160493826924914095855;0.089506172839506167870915476215;0.011188271604938270983864434527;0.002314814814814814686316779557;0.014660493827160493013339603863;0.023148148148148146863167795573;0.000771604938271604895438926519;0.014660493827160493013339603863;0.001157407407407407343158389779;0.001157407407407407343158389779;0.005787037037037036715791948893;0.011188271604938270983864434527;0.005015432098765431820353022374;0.015046296296296295461059067122;0.196759259259259272623054926044;0.000000000000000000000000000000;0.026620370370370370627366440885;0.014660493827160493013339603863;0.001543209876543209790877853038;0.005401234567901234268072485634;0.001929012345679012238597316298;0.001543209876543209790877853038;0.003858024691358024477194632595;0.004243827160493826924914095855;0.002700617283950617134036242817;0.000385802469135802447719463260;0.001543209876543209790877853038;0.009259259259259258745267118229;0.008101851851851851402108728450;0.000000000000000000000000000000;0.003472222222222222029475169336;0.050154320987654321672977175695;0.005015432098765431820353022374;0.003858024691358024477194632595;0.003086419753086419581755706076;0.004629629629629629372633559115;0.005787037037037036715791948893
-0.011206896551724137775507550430;0.059482758620689656081648166719;0.005172413793103448204080407891;0.191379310344827580081528139999;0.039224137931034484816361640469;0.018534482758620688530593056953;0.014224137931034483428582859688;0.029310344827586206489788978047;0.002155172413793103418366836621;0.003448275862068965469386938594;0.011206896551724137775507550430;0.013362068965517242061236125039;0.008189655172413793857155717149;0.010344827586206896408160815781;0.071982758620689660244984509063;0.015086206896551724795929594336;0.002586206896551724102040203945;0.012931034482758620510201019727;0.025000000000000001387778780781;0.001724137931034482734693469297;0.017241379310344827346934692969;0.004741379310344827520407040566;0.003017241379310344785713571270;0.011206896551724137775507550430;0.016810344827586205795899587656;0.007758620689655172306120611836;0.018965517241379310081628162266;0.172413793103448287347134737502;0.001293103448275862051020101973;0.025000000000000001387778780781;0.027155172413793102204060403437;0.004741379310344827520407040566;0.006034482758620689571427142539;0.001724137931034482734693469297;0.007758620689655172306120611836;0.006465517241379310255100509863;0.003448275862068965469386938594;0.008620689655172413673467346484;0.000431034482758620683673367324;0.001724137931034482734693469297;0.018534482758620688530593056953;0.009051724137931035224502451797;0.000000000000000000000000000000;0.007758620689655172306120611836;0.034913793103448276244904491250;0.008620689655172413673467346484;0.008189655172413793857155717149;0.006896551724137930938773877187;0.006465517241379310255100509863;0.006465517241379310255100509863
-0.009876543209876543008562954640;0.045502645502645502895155971146;0.007054673721340387615441613889;0.190476190476190465616923574999;0.096296296296296296501893152708;0.014462081128747795305544698863;0.004232804232804233089682011126;0.023633156966490299899508187309;0.001410934744268077696560670375;0.003880070546737213448701409035;0.009171075837742504593963488446;0.019047619047619049337249919063;0.008818342151675484519302017361;0.007054673721340387615441613889;0.095590828924162263291464114445;0.007760141093474426897402818071;0.002116402116402116544841005563;0.013051146384479718476345766476;0.030335097001763667440288330113;0.001763668430335096903860403472;0.011640211640211639912423358112;0.002116402116402116544841005563;0.002469135802469135752140738660;0.005291005291005290711581210417;0.015520282186948853794805636142;0.008112874779541446104702551168;0.014462081128747795305544698863;0.160846560846560848734299042917;0.000352733686067019424140167594;0.027865961199294533856551936424;0.014109347442680775230883227778;0.003527336860670193807720806944;0.005291005291005290711581210417;0.005996472663139329993542414599;0.009171075837742504593963488446;0.007407407407407407690103084974;0.002116402116402116544841005563;0.003880070546737213448701409035;0.000000000000000000000000000000;0.002116402116402116544841005563;0.010582010582010581423162420833;0.008112874779541446104702551168;0.000000000000000000000000000000;0.003174603174603174600421073848;0.052204585537918873905383065903;0.003527336860670193807720806944;0.007760141093474426897402818071;0.006349206349206349200842147695;0.008465608465608466179364022253;0.005996472663139329993542414599
-0.016114982578397211987475401429;0.081445993031358882019432599009;0.010017421602787455678362782407;0.089721254355400695268407673666;0.037891986062717770977759101925;0.013937282229965156782336421770;0.010017421602787455678362782407;0.050087108013937280126537388014;0.002177700348432055638819848653;0.003919860627177700236611901374;0.016986062717770034069530993293;0.013066202090592334700280829907;0.007839721254355400473223802749;0.008275261324041811514251598680;0.094076655052264812617579536891;0.010017421602787455678362782407;0.005226480836236934227057027158;0.037020905923344948895703510061;0.031794425087108016403369958880;0.001742160278745644597792052721;0.017421602787456445110558789224;0.002177700348432055638819848653;0.007404181184668989432196006817;0.013501742160278745741308625838;0.014372822299651567823364217702;0.010017421602787455678362782407;0.027874564459930313564672843540;0.155052264808362372239258775153;0.001742160278745644597792052721;0.022212543554006970031311496427;0.018728222996515678233642177020;0.006533101045296167350140414953;0.008710801393728222555279394612;0.000435540069686411149448013180;0.008710801393728222555279394612;0.009581881533101044637334986476;0.006968641114982578391168210885;0.003919860627177700236611901374;0.000000000000000000000000000000;0.003048780487804878154556309511;0.022212543554006970031311496427;0.006533101045296167350140414953;0.000000000000000000000000000000;0.004355400696864111277639697306;0.040069686411149822713451129630;0.005226480836236934227057027158;0.007404181184668989432196006817;0.007839721254355400473223802749;0.016986062717770034069530993293;0.009581881533101044637334986476
-0.010775862068965517959195921094;0.054310344827586204408120806875;0.009913793103448276591849186445;0.243965517241379298285508525623;0.033189655172413790040764070000;0.019396551724137931632663267578;0.007327586206896551622447244512;0.031465517241379310775517552656;0.003017241379310344785713571270;0.005603448275862068887753775215;0.007758620689655172306120611836;0.022844827586206897102050206172;0.011206896551724137775507550430;0.006465517241379310255100509863;0.065086206896551729306210631876;0.006465517241379310255100509863;0.007758620689655172306120611836;0.025431034482758619469366934140;0.024137931034482758285708570156;0.000431034482758620683673367324;0.010775862068965517959195921094;0.004741379310344827520407040566;0.006896551724137930938773877187;0.007327586206896551622447244512;0.018534482758620688530593056953;0.010344827586206896408160815781;0.018534482758620688530593056953;0.132758620689655160163056279998;0.001293103448275862051020101973;0.022844827586206897102050206172;0.029741379310344828040824083359;0.004310344827586206836733673242;0.006896551724137930938773877187;0.003879310344827586153060305918;0.010775862068965517959195921094;0.011637931034482759326542655742;0.006034482758620689571427142539;0.004310344827586206836733673242;0.000431034482758620683673367324;0.002586206896551724102040203945;0.017672413793103448897969798281;0.003017241379310344785713571270;0.000000000000000000000000000000;0.003879310344827586153060305918;0.025862068965517241020402039453;0.007327586206896551622447244512;0.007327586206896551622447244512;0.008620689655172413673467346484;0.007758620689655172306120611836;0.007327586206896551622447244512
-0.008008008008008007938549610571;0.064397731064397736866489196927;0.006006006006006005953912207929;0.167167167167167174390840500564;0.059726393059726393119923670838;0.013680347013680347473263410052;0.007007007007007006946230909250;0.031364698031364698915801625390;0.001668335001668334914917690703;0.004671338004671337675033360171;0.009009009009009008930868311893;0.014347681014347680311660226948;0.009009009009009008930868311893;0.006006006006006005953912207929;0.091424758091424751516029800769;0.008008008008008007938549610571;0.003336670003336669829835381407;0.021354688021354688992614612175;0.028028028028028027784923637000;0.000667334000667334031019206630;0.015015015015015014884780519822;0.003003003003003002976956103964;0.002335669002335668837516680085;0.008341675008341674357748019020;0.013013013013013012900143117179;0.013680347013680347473263410052;0.015015015015015014884780519822;0.196529863196529874791451675264;0.000000000000000000000000000000;0.025025025025025026542691009013;0.006339673006339673240472354365;0.003003003003003002976956103964;0.009676343009676343503988604766;0.004004004004004003969274805286;0.009676343009676343503988604766;0.007007007007007006946230909250;0.003003003003003002976956103964;0.003670337003670337116395527843;0.000333667000333667015509603315;0.003670337003670337116395527843;0.012679346012679346480944708730;0.007674341007674340651989464135;0.000000000000000000000000000000;0.003003003003003002976956103964;0.047047047047047048373702438084;0.005672339005672338667352061492;0.007340674007340674232791055687;0.004004004004004003969274805286;0.008341675008341674357748019020;0.007007007007007006946230909250
-0.028218694885361550461766455555;0.032627865961199292721417464236;0.017636684303350969038604034722;0.036596119929453260755103372048;0.046737213403880067952300692014;0.051587301587301584437916801562;0.005291005291005290711581210417;0.016754850088183420586673832986;0.006172839506172839163511412153;0.006613756613756613389476513021;0.015432098765432097908778530382;0.121693121693121686366367839582;0.012345679012345678327022824305;0.016313932980599646360708732118;0.050264550264550261760021498958;0.017636684303350969038604034722;0.005731922398589064937546311285;0.011022927689594355649127521701;0.018518518518518517490534236458;0.002204585537918871129825504340;0.010141093474426807197197319965;0.003086419753086419581755706076;0.004850088183421516485616109549;0.011463844797178129875092622569;0.039241622574955906110893977257;0.015873015873015872134743631250;0.015432098765432097908778530382;0.106701940035273362683554410069;0.000440917107583774225965100868;0.082451499118165780255473862326;0.045855379188712519500370490277;0.003086419753086419581755706076;0.008377425044091710293336916493;0.004409171075837742259651008681;0.009259259259259258745267118229;0.008377425044091710293336916493;0.003527336860670193807720806944;0.005291005291005290711581210417;0.000440917107583774225965100868;0.005291005291005290711581210417;0.010141093474426807197197319965;0.008377425044091710293336916493;0.000000000000000000000000000000;0.004409171075837742259651008681;0.021164021164021162846324841667;0.001763668430335096903860403472;0.011463844797178129875092622569;0.009700176366843032971232219097;0.018077601410934743264569135590;0.011904761904761904101057723437
-0.036764705882352942400981277160;0.005882352941176470506601248189;0.009558823529411765440588766296;0.046323529411764707841570043456;0.038970588235294117973595007243;0.084558823529411769603925108640;0.000000000000000000000000000000;0.006250000000000000346944695195;0.009558823529411765440588766296;0.005514705882352941533619539172;0.016544117647058823733496879527;0.154411764705882359471900144854;0.022426470588235294240098127716;0.012867647058823528799509361420;0.002573529411764705846638046083;0.027573529411764705066012481893;0.005147058823529411693276092166;0.010661764705882353226895631337;0.020588235294117646773104368663;0.004411764705882352879950936142;0.007720588235294117973595007243;0.002573529411764705846638046083;0.002941176470588235253300624095;0.011764705882352941013202496379;0.054779411764705882026404992757;0.013970588235294118320539702438;0.010294117647058823386552184331;0.025735294117647057599018722840;0.000000000000000000000000000000;0.131985294117647061762355065184;0.092647058823529415683140086912;0.004411764705882352879950936142;0.006250000000000000346944695195;0.005514705882352941533619539172;0.009191176470588235600245319290;0.006250000000000000346944695195;0.004044117647058823906969227124;0.008455882352941175919558425278;0.003676470588235294066625780118;0.004411764705882352879950936142;0.001102941176470588219987734035;0.007720588235294117973595007243;0.000000000000000000000000000000;0.006250000000000000346944695195;0.005147058823529411693276092166;0.002205882352941176439975468071;0.012132352941176470853545943385;0.011764705882352941013202496379;0.009926470588235293546208737325;0.016544117647058823733496879527
-0.034122179416620802838711057348;0.006053935057787561933861919528;0.013758943313153549140026576936;0.132085855806274077295370261709;0.038525041276829936898185025029;0.082553659878921298309606413568;0.000000000000000000000000000000;0.005503577325261420176427673567;0.013208585580627407382592330976;0.003302146395156851845648082744;0.016510731975784259661921282714;0.130434782608695648553620571874;0.014859658778205834389618544833;0.016510731975784259661921282714;0.004402861860209135794197443659;0.036323610346725369868448041188;0.007154650522839846316092149436;0.007154650522839846316092149436;0.011557512383048982110289593095;0.001651073197578425922824041372;0.006604292790313703691296165488;0.004402861860209135794197443659;0.002201430930104567897098721829;0.007705008255365988073526395397;0.045129334067143644926289880459;0.013758943313153549140026576936;0.008255365987892129830960641357;0.036323610346725369868448041188;0.000000000000000000000000000000;0.104017611447440830318988957970;0.069895432030820034419171804529;0.004402861860209135794197443659;0.006053935057787561933861919528;0.005503577325261420176427673567;0.008805723720418271588394887317;0.004402861860209135794197443659;0.004953219592735277551631689619;0.009906439185470555103263379237;0.004402861860209135794197443659;0.004402861860209135794197443659;0.001651073197578425922824041372;0.008805723720418271588394887317;0.000000000000000000000000000000;0.003852504127682994036763197698;0.004953219592735277551631689619;0.002751788662630710088213836784;0.016510731975784259661921282714;0.010456796917996698595421101174;0.008805723720418271588394887317;0.015410016510731976147052790793
-0.036240541616885703357642256606;0.003982477100756670260195413391;0.022301871764237354844873095772;0.055754679410593387112182739429;0.060533651931501390730527845108;0.076861808044603741052469558781;0.000398247710075667058545606514;0.006770211071286340483166288351;0.017522899243329351226527990093;0.005575467941059338711218273943;0.014336917562724014324482268989;0.122262046993229789304535870542;0.017522899243329351226527990093;0.015531660692951015229068545409;0.004380724810832337806631997523;0.023894862604540025030619432300;0.007168458781362007162241134495;0.010354440461967344064286855598;0.019115890083632017942827374668;0.002389486260454002242853421834;0.009557945041816008971413687334;0.001592990840302668234182426055;0.002787733970529669355609136971;0.014336917562724014324482268989;0.047391477499004380780078804491;0.012743926722421345873459408438;0.013540422142572680966332576702;0.015531660692951015229068545409;0.001592990840302668234182426055;0.140581441656710465215596173039;0.054958183990442055488756523118;0.006770211071286340483166288351;0.007566706491437673841315980638;0.002787733970529669355609136971;0.014735165272799681870918853122;0.012743926722421345873459408438;0.003185981680605336468364852109;0.009557945041816008971413687334;0.003584229390681003581120567247;0.004778972520908004485706843667;0.000796495420151334117091213027;0.010752688172043011610723439730;0.000000000000000000000000000000;0.005177220230983672032143427799;0.005575467941059338711218273943;0.006371963361210672936729704219;0.015929908403026681040781653564;0.019514137793707687223987434777;0.017124651533253685414814881938;0.015531660692951015229068545409
-0.026672694394213380952862735285;0.021247739602169982142676474268;0.022151898734177215277707517771;0.231012658227848111103241990349;0.023056057866184448412738561274;0.046112115732368896825477122547;0.004068716094032549975001433751;0.011754068716094032490127041513;0.013110307414104882192673606767;0.007685352622061482515125607762;0.018535262206148282737583343760;0.050180831826401449402563770263;0.017631103074141049602552300257;0.014466546112115731895220172021;0.025768535262206147817831691782;0.018083182640144666170067822009;0.006781193490054249380094564259;0.018535262206148282737583343760;0.014014466546112115327704650269;0.002260397830018083271258477751;0.010849909584086799355095998010;0.009945750452079566220064954507;0.005877034358047016245063520756;0.008137432188065099950002867502;0.037974683544303798610197731023;0.016726943942133816467521256754;0.018987341772151899305098865511;0.058318264014466547617843161788;0.000000000000000000000000000000;0.042947558770343577383421518334;0.029385171790235080357955865793;0.002712477396021699838773999502;0.007233273056057865947610086010;0.004068716094032549975001433751;0.014466546112115731895220172021;0.018535262206148282737583343760;0.007233273056057865947610086010;0.005424954792043399677547999005;0.002712477396021699838773999502;0.009041591320072333085033911004;0.004520795660036166542516955502;0.014918625678119348462735693772;0.000000000000000000000000000000;0.005424954792043399677547999005;0.014014466546112115327704650269;0.004972875226039783110032477254;0.007685352622061482515125607762;0.017631103074141049602552300257;0.016726943942133816467521256754;0.010397830018083182787580476258
-0.031928480204342274406670298958;0.020434227330779056175380503646;0.024265644955300126606179134114;0.088974031502767128576358857117;0.045125585355470412829426152257;0.062579821200510851730847150520;0.001702852277564921275668230471;0.010642826734780758135556766319;0.003405704555129842551336460943;0.006385696040868455054806407389;0.012771392081736910109612814779;0.114516815666240959203925342536;0.008939974457215836209367232357;0.017454235845040442370867950217;0.026394210302256280314958658550;0.020434227330779056175380503646;0.005534269902085994091711640408;0.015751383567475522179401892231;0.014899957428693060348945387261;0.003831417624521072599202975439;0.008939974457215836209367232357;0.002979991485738612069789077452;0.004682843763303533128616873427;0.010217113665389528087690251823;0.040017028522775652255027978299;0.016602809706257982275134921224;0.016602809706257982275134921224;0.057896977437207321204315491059;0.000425713069391230318917057618;0.107279693486590041451300692188;0.047679863771817793116625239236;0.004682843763303533128616873427;0.007662835249042145198405950879;0.003831417624521072599202975439;0.011068539804171988183423280816;0.009791400595998296305100261350;0.006811409110259685102672921886;0.006811409110259685102672921886;0.000000000000000000000000000000;0.008939974457215836209367232357;0.002554278416347382021922562956;0.006811409110259685102672921886;0.000000000000000000000000000000;0.006811409110259685102672921886;0.013197105151128140157479329275;0.006385696040868455054806407389;0.015751383567475522179401892231;0.012345679012345678327022824305;0.014899957428693060348945387261;0.012345679012345678327022824305
-0.033631332481907194598136356944;0.023839931885908896558312619618;0.019582801191996592610200522699;0.120902511707109402983029156076;0.037462750106428265028934987413;0.048957002979991483260224782725;0.002554278416347382021922562956;0.012771392081736910109612814779;0.011068539804171988183423280816;0.007662835249042145198405950879;0.014474244359301830301078872765;0.067262664963814389196272713889;0.016177096636866752227268406727;0.017879948914431672418734464713;0.029374201787994890650024260026;0.018305661983822902466600979210;0.004257130693912303080750358930;0.014048531289910600253212358268;0.019157088122605362562334008203;0.001702852277564921275668230471;0.010217113665389528087690251823;0.005108556832694764043845125912;0.005534269902085994091711640408;0.012345679012345678327022824305;0.038314176245210725124668016406;0.016602809706257982275134921224;0.022137079608343976366846561632;0.074499787143465306948897364236;0.000851426138782460637834115236;0.070242656449553006470232219272;0.037037037037037034981068472916;0.004682843763303533128616873427;0.006385696040868455054806407389;0.007237122179650915150539436382;0.016177096636866752227268406727;0.012345679012345678327022824305;0.007662835249042145198405950879;0.007237122179650915150539436382;0.003831417624521072599202975439;0.008939974457215836209367232357;0.008514261387824606161500717860;0.007237122179650915150539436382;0.000000000000000000000000000000;0.007237122179650915150539436382;0.017454235845040442370867950217;0.003831417624521072599202975439;0.012771392081736910109612814779;0.017028522775649212323001435720;0.023839931885908896558312619618;0.013622818220519370205345843772
-0.031250000000000000000000000000;0.023214285714285715078730731875;0.022321428571428571924206707422;0.074107142857142857539365365938;0.036607142857142858927144146719;0.051785714285714289084605610469;0.001785714285714285658526745415;0.016071428571428569842538536250;0.006696428571428571056844969434;0.008035714285714284921269268125;0.015178571428571428422737987773;0.095535714285714279370154144999;0.016964285714285712997062560703;0.016071428571428569842538536250;0.034375000000000002775557561563;0.023214285714285715078730731875;0.002678571428571428596210335371;0.009821428571428571230317317031;0.018749999999999999306110609609;0.004910714285714285615158658516;0.013839285714285713690951951094;0.003125000000000000173472347598;0.006250000000000000346944695195;0.010267857142857142807579329258;0.037053571428571428769682682969;0.020535714285714285615158658516;0.024553571428571428075793292578;0.052678571428571428769682682969;0.000446428571428571414631686354;0.100446428571428575393653659376;0.050446428571428572618096097813;0.005803571428571428769682682969;0.006696428571428571056844969434;0.005803571428571428769682682969;0.016964285714285712997062560703;0.013839285714285713690951951094;0.008035714285714284921269268125;0.006696428571428571056844969434;0.000000000000000000000000000000;0.003125000000000000173472347598;0.005357142857142857192420670742;0.007142857142857142634106981660;0.000000000000000000000000000000;0.008035714285714284921269268125;0.018749999999999999306110609609;0.008928571428571428075793292578;0.016071428571428569842538536250;0.012500000000000000693889390391;0.017857142857142856151586585156;0.009374999999999999653055304805
-0.040029928918817805905128182076;0.001496445940890385245189420083;0.012345679012345678327022824305;0.068462401795735122744801515182;0.033670033670033669426224776089;0.074448185559296664592920933501;0.001122334455667789096522390935;0.003367003367003366855886303810;0.007482229704451926442787534910;0.005611672278338944615250216685;0.011597456041900485596007897016;0.194912083800972690816877275211;0.017957351290684625544358254956;0.021698466142910585729985939452;0.003367003367003366855886303810;0.034418256640478865626686655332;0.002992891881780770490378840165;0.002244668911335578193044781870;0.016835016835016834713112388044;0.001870557426112981610696883727;0.007108118219229330077280071265;0.002244668911335578193044781870;0.005611672278338944615250216685;0.008230452674897120041164200188;0.055368499812944255156210715541;0.014590347923681256520067606175;0.011223344556677889230500433371;0.007108118219229330077280071265;0.000000000000000000000000000000;0.118593340815563039192248595555;0.075196408529741867732276716652;0.002992891881780770490378840165;0.005237560793116348249742753040;0.005985783763561540980757680330;0.014216236438458660154560142530;0.006734006734006733711772607620;0.003741114852225963221393767455;0.007482229704451926442787534910;0.003367003367003366855886303810;0.005237560793116348249742753040;0.001496445940890385245189420083;0.007482229704451926442787534910;0.000000000000000000000000000000;0.007108118219229330077280071265;0.005237560793116348249742753040;0.003741114852225963221393767455;0.013093901982790871058037751595;0.015712682379349047351313473087;0.013468013468013467423545215240;0.016460905349794240082328400376
-0.043738977072310405991295567674;0.000000000000000000000000000000;0.014109347442680775230883227778;0.046208112874779543044478913316;0.038095238095238098674499838125;0.092063492063492069483743307501;0.001058201058201058272420502782;0.006349206349206349200842147695;0.013051146384479718476345766476;0.003880070546737213448701409035;0.017989417989417989113265505807;0.182010582010582011580623884583;0.019400352733686065942464438194;0.020105820105820106091787380365;0.000352733686067019424140167594;0.034920634920634921471993550313;0.002821869488536155393121340751;0.002469135802469135752140738660;0.013051146384479718476345766476;0.002116402116402116544841005563;0.005291005291005290711581210417;0.006701940035273368408141880792;0.002821869488536155393121340751;0.007760141093474426897402818071;0.058553791887125221371501737622;0.019400352733686065942464438194;0.009523809523809524668624959531;0.002469135802469135752140738660;0.000000000000000000000000000000;0.122045855379188716849370166528;0.079717813051146391156720483195;0.003527336860670193807720806944;0.006349206349206349200842147695;0.005291005291005290711581210417;0.010934744268077601497823891918;0.005996472663139329993542414599;0.004585537918871252296981744223;0.005996472663139329993542414599;0.000705467372134038848280335188;0.007760141093474426897402818071;0.000352733686067019424140167594;0.008818342151675484519302017361;0.000000000000000000000000000000;0.008112874779541446104702551168;0.005291005291005290711581210417;0.003880070546737213448701409035;0.012698412698412698401684295391;0.015873015873015872134743631250;0.009876543209876543008562954640;0.015873015873015872134743631250
-0.044032921810699586495641000283;0.006995884773662551514572527367;0.017695473251028805139473121244;0.020164609053497942192656466887;0.046090534979423870842740740272;0.076954732510288059721403897129;0.001234567901234567876070369330;0.006584362139917695339041969760;0.011934156378600823886215742675;0.011111111111111111535154627461;0.022222222222222223070309254922;0.132098765432098752548029096943;0.020164609053497942192656466887;0.021399176954732510719248139708;0.006995884773662551514572527367;0.040740740740740744030290443334;0.005349794238683127679812034927;0.007818930041152263865633642581;0.013580246913580246853614497127;0.001646090534979423834760492440;0.009876543209876543008562954640;0.004526748971193415328750919713;0.002057613168724280010291050047;0.011522633744855967710685185068;0.059259259259259261520824679792;0.023456790123456791596900927743;0.011522633744855967710685185068;0.007407407407407407690103084974;0.001646090534979423834760492440;0.122633744855967077858061031748;0.053497942386831275063396873293;0.005761316872427983855342592534;0.009053497942386830657501839426;0.011522633744855967710685185068;0.018106995884773661315003678851;0.008641975308641974481971281818;0.004938271604938271504281477320;0.011522633744855967710685185068;0.004526748971193415328750919713;0.007407407407407407690103084974;0.001234567901234567876070369330;0.006995884773662551514572527367;0.000000000000000000000000000000;0.006584362139917695339041969760;0.003703703703703703845051542487;0.007818930041152263865633642581;0.023045267489711935421370370136;0.022222222222222223070309254922;0.011934156378600823886215742675;0.012757201646090534502553381913
-0.033755274261603372687456925405;0.011814345991561180787554619087;0.015189873417721518403245006823;0.175105485232067509260289739359;0.031645569620253166664980426503;0.068776371308016878702851215621;0.001687763713080168807845193868;0.004641350210970464004733848640;0.008860759493670886458027702304;0.005907172995780590393777309544;0.010548523206751054398511158183;0.132067510548523198155024260814;0.015611814345991561689408477775;0.014767932489451476851805011847;0.006329113924050632812579042508;0.021518987341772152083185787319;0.003375527426160337615690387736;0.010126582278481012847071163208;0.016877637130801686343728462703;0.002109704641350210792966057838;0.008438818565400843171864231351;0.003375527426160337615690387736;0.003375527426160337615690387736;0.013080168776371307176598079991;0.044303797468354430555415035542;0.014345991561181435300365016872;0.010970464135021097684674629136;0.010970464135021097684674629136;0.000000000000000000000000000000;0.106329113924050630557438523738;0.050632911392405062500632340061;0.004219409282700421585932115676;0.010548523206751054398511158183;0.004641350210970464004733848640;0.010548523206751054398511158183;0.010548523206751054398511158183;0.002531645569620253211767790802;0.011814345991561180787554619087;0.003797468354430379600811251706;0.004641350210970464004733848640;0.003797468354430379600811251706;0.005063291139240506423535581604;0.000000000000000000000000000000;0.008438818565400843171864231351;0.009282700421940928009467697279;0.006751054852320675231380775472;0.016455696202531646527011943704;0.009282700421940928009467697279;0.011392405063291139236114624111;0.009704641350210971295631168232
-0.020708880923934688128573711197;0.018319394663480686319401158357;0.021505376344086023221446879461;0.196734368777379542425620684298;0.027080844285145361932665153404;0.034647550776583033171895920077;0.001194743130227001121426710917;0.015531660692951015229068545409;0.015531660692951015229068545409;0.009557945041816008971413687334;0.011947431302270012515309716150;0.054958183990442055488756523118;0.013142174432497013419895992570;0.017921146953405017038241098248;0.029072082835523694460677646134;0.015929908403026681040781653564;0.005177220230983672032143427799;0.019115890083632017942827374668;0.019115890083632017942827374668;0.001592990840302668234182426055;0.012743926722421345873459408438;0.006371963361210672936729704219;0.006770211071286340483166288351;0.013938669852648346778045684857;0.026682596575069692651505093295;0.017522899243329351226527990093;0.016726403823178016133654821829;0.098765432098765426616182594444;0.000000000000000000000000000000;0.058144165671047388921355292268;0.027479091995221027744378261559;0.004778972520908004485706843667;0.004778972520908004485706843667;0.006770211071286340483166288351;0.013540422142572680966332576702;0.012743926722421345873459408438;0.005177220230983672032143427799;0.005575467941059338711218273943;0.002787733970529669355609136971;0.008761449621664675613263995047;0.004778972520908004485706843667;0.009557945041816008971413687334;0.000000000000000000000000000000;0.007566706491437673841315980638;0.020310633213859018847413651088;0.008363201911589008066827410914;0.012345679012345678327022824305;0.013540422142572680966332576702;0.015133412982875347682631961277;0.009557945041816008971413687334
-0.025925925925925925180637321432;0.020576131687242798368187024494;0.023045267489711935421370370136;0.174485596707818935158229578519;0.026748971193415637531698436646;0.034156378600823045221801521620;0.001234567901234567876070369330;0.017695473251028805139473121244;0.008641975308641974481971281818;0.010288065843621399184093512247;0.016049382716049383906797842769;0.030452674897119343111473455110;0.015637860082304527731267285162;0.023045267489711935421370370136;0.041975308641975309087435164201;0.015226337448559671555736727555;0.004526748971193415328750919713;0.020987654320987654543717582101;0.016872427983539096257858957983;0.004938271604938271504281477320;0.011522633744855967710685185068;0.004526748971193415328750919713;0.006584362139917695339041969760;0.015637860082304527731267285162;0.037448559670781894626045982477;0.017695473251028805139473121244;0.026748971193415637531698436646;0.118930041152263368808839061330;0.000411522633744855958690123110;0.021810699588477366894778697315;0.027160493827160493707228994253;0.004938271604938271504281477320;0.006584362139917695339041969760;0.007407407407407407690103084974;0.016872427983539096257858957983;0.014403292181069959204675612341;0.010288065843621399184093512247;0.007407407407407407690103084974;0.000000000000000000000000000000;0.008230452674897120041164200188;0.001646090534979423834760492440;0.006172839506172839163511412153;0.000000000000000000000000000000;0.009465020576131686833032397033;0.018106995884773661315003678851;0.008230452674897120041164200188;0.016049382716049383906797842769;0.018106995884773661315003678851;0.013168724279835390678083939520;0.011934156378600823886215742675
-0.031051253273475496602396006551;0.008230452674897120041164200188;0.023194912083800971192015794031;0.096520763187429858831478668435;0.039281705948372616643560206739;0.082678638234193788103532085643;0.002618780396558174124871376520;0.011971567527123081961515360661;0.006359895248784137346265143975;0.008230452674897120041164200188;0.014590347923681256520067606175;0.127197904975682757333643735365;0.018331462775907220175142242624;0.023194912083800971192015794031;0.013842124953236063789052678885;0.021698466142910585729985939452;0.003741114852225963221393767455;0.015338570894126449251082533465;0.022446689113355778461000866741;0.004115226337448560020582100094;0.010101010101010101868701518413;0.004489337822671156386089563739;0.005237560793116348249742753040;0.012345679012345678327022824305;0.040778151889263002105590061319;0.021324354657687991099201951783;0.013842124953236063789052678885;0.029554807332585111140366151972;0.000374111485222596311297355021;0.086045641601197153658375782470;0.047512158623269733215277454974;0.004863449307893752751597027384;0.011223344556677889230500433371;0.003741114852225963221393767455;0.014964459408903852885575069820;0.008230452674897120041164200188;0.006359895248784137346265143975;0.005985783763561540980757680330;0.001122334455667789096522390935;0.007482229704451926442787534910;0.003367003367003366855886303810;0.007482229704451926442787534910;0.000000000000000000000000000000;0.005985783763561540980757680330;0.009352787130564909137686591123;0.002618780396558174124871376520;0.014964459408903852885575069820;0.016835016835016834713112388044;0.018331462775907220175142242624;0.010849233071455292864992969726
-0.038063562453806355778684888946;0.003325942350332594232148464286;0.025129342202512935933178539472;0.019955654101995564525529047728;0.039172209903917218354330032071;0.076866223207686629192991745185;0.000000000000000000000000000000;0.005912786400591278634930603175;0.019955654101995564525529047728;0.007021433850702143812660960265;0.011825572801182557269861206350;0.138211382113821140693588063186;0.018847006651884701949883904604;0.021803399852180341267349206191;0.003695491500369549146831626985;0.036954915003695493203039745822;0.007760532150776053642027285662;0.007390983000739098293663253969;0.018847006651884701949883904604;0.005543237250554324153928309471;0.010716925351071692959492587249;0.009977827050997782262764523864;0.006282335550628233983294634868;0.011825572801182557269861206350;0.058758314855875834470388952013;0.020694752402069475222257111113;0.015151515151515151935690539631;0.003695491500369549146831626985;0.000369549150036954914683162698;0.108647450110864740580041143403;0.067997043606799700832254984562;0.003695491500369549146831626985;0.009238728750923873300759936456;0.007390983000739098293663253969;0.015151515151515151935690539631;0.012564671101256467966589269736;0.005912786400591278634930603175;0.013673318551367332276957888837;0.004804138950480414324561984074;0.004804138950480414324561984074;0.001478196600147819658732650794;0.011086474501108648307856618942;0.000000000000000000000000000000;0.010716925351071692959492587249;0.007021433850702143812660960265;0.006282335550628233983294634868;0.018847006651884701949883904604;0.016260162601626017980782634709;0.014781966001478196587326507938;0.015890613451589062632418603016
-0.039583333333333331482961625625;0.006250000000000000346944695195;0.022499999999999999167332731531;0.056250000000000001387778780781;0.022083333333333333287074040641;0.066666666666666665741480812812;0.002500000000000000052041704279;0.012916666666666666574148081281;0.006666666666666667094565124074;0.010000000000000000208166817117;0.016250000000000000555111512313;0.154166666666666674068153497501;0.016666666666666666435370203203;0.018749999999999999306110609609;0.008333333333333333217685101602;0.032083333333333331760517381781;0.006666666666666667094565124074;0.008333333333333333217685101602;0.012083333333333333078907223523;0.003333333333333333547282562037;0.011666666666666667198648532633;0.007083333333333332974823814965;0.002916666666666666799662133158;0.011249999999999999583666365766;0.053749999999999999167332731531;0.021250000000000001526556658860;0.017500000000000001665334536938;0.018749999999999999306110609609;0.000416666666666666693410320255;0.088333333333333333148296162562;0.074166666666666672402818960563;0.007083333333333332974823814965;0.007499999999999999722444243844;0.004583333333333333356462979680;0.014583333333333333564629796797;0.014166666666666665949647629930;0.007499999999999999722444243844;0.010833333333333333703407674875;0.000000000000000000000000000000;0.007916666666666667337426410711;0.002083333333333333304421275400;0.005833333333333333599324266316;0.000000000000000000000000000000;0.005833333333333333599324266316;0.007499999999999999722444243844;0.005000000000000000104083408559;0.018333333333333333425851918719;0.022499999999999999167332731531;0.012083333333333333078907223523;0.017500000000000001665334536938
-0.034692920768870136316586183511;0.013595874355368025784840391168;0.021565869667135490611586945420;0.086263478668541962446347781679;0.034692920768870136316586183511;0.072667604313173927987890010627;0.001406469760900140673204328223;0.010314111579934365225952319634;0.011720581340834505465475778863;0.007032348804500702932340772122;0.013595874355368025784840391168;0.139240506329113916672568507238;0.015939990623534926184046156550;0.015471167369901547838928479450;0.013595874355368025784840391168;0.021097046413502108797022316367;0.007032348804500702932340772122;0.016408813877168307998610785603;0.022972339428035629116386928672;0.003281762775433661426249809523;0.009845288326300985146111166557;0.004219409282700421585932115676;0.004688232536333802533135006740;0.008438818565400843171864231351;0.051101734646038440845750017161;0.012189404594467885545316931939;0.015002344116268167759087326374;0.014064697609001405864681544244;0.000000000000000000000000000000;0.103141115799343652259523196335;0.075949367088607597220395462045;0.004688232536333802533135006740;0.004688232536333802533135006740;0.004688232536333802533135006740;0.012658227848101265625158085015;0.009376465072667605066270013481;0.005625879043600562692817312893;0.009845288326300985146111166557;0.000468823253633380242471478949;0.005157055789967182612976159817;0.002812939521800281346408656447;0.011251758087201125385634625786;0.000000000000000000000000000000;0.007501172058134083879543663187;0.006563525550867322852499619046;0.003750586029067041939771831593;0.015002344116268167759087326374;0.013595874355368025784840391168;0.014064697609001405864681544244;0.007032348804500702932340772122
-0.038847664775207332854556341317;0.016150152771715407806762954124;0.026625927542557836086301037426;0.122653862941946745213073199920;0.013531209079004801604240171287;0.042339589698821476770884686402;0.000872981230903535545401217277;0.011785246617197729646075998744;0.007856831078131820342291824488;0.010912265386294195401717388449;0.015713662156263640684583648977;0.077695329550414665709112682634;0.017896115233522479764927126666;0.024006983849847229883778254589;0.013967699694456568726419476434;0.031427324312527281369167297953;0.006110868616324749251489389934;0.017896115233522479764927126666;0.014840680925360104705501562705;0.002618943692710606636203651831;0.010475774770842426544814607325;0.010039284155390659422635302178;0.004801396769969445282866260527;0.011785246617197729646075998744;0.048450458315146223420288862371;0.026625927542557836086301037426;0.025752946311654298372495475178;0.039720646006110867098914951612;0.000000000000000000000000000000;0.040593627237014401343273561906;0.073330423395896987548425727255;0.004801396769969445282866260527;0.008729812309035356321373910760;0.007856831078131820342291824488;0.019642077695329551723091299209;0.009602793539938890565732521054;0.006547359231776516373668695081;0.010475774770842426544814607325;0.002182453077258839080343477690;0.006547359231776516373668695081;0.004364906154517678160686955380;0.012221737232649498502978779868;0.000000000000000000000000000000;0.006547359231776516373668695081;0.015713662156263640684583648977;0.011348756001745962523896693597;0.012221737232649498502978779868;0.017896115233522479764927126666;0.020951549541684853089629214651;0.017023134002618942051121564418
-0.045913383262780854687790110802;0.008791924454575057723548781041;0.032237056333441878319678863818;0.021816997720612178734977959493;0.031911429501790947171890877598;0.078801693259524588364151043152;0.000325626831650928057811794636;0.011071312276131553206659496880;0.017258222077499184299309575863;0.008466297622924128310484270798;0.018560729404102898482120664880;0.096711169000325628020142687546;0.021491370888961251056636925227;0.022793878215564961770001062291;0.015304461087593618229263370267;0.031260175838489091815208809066;0.004233148811462064155242135399;0.015955714750895473585945438799;0.020840117225659395699954856696;0.004884402474763920379285941920;0.010094431781178768436912918105;0.006512536633018560505714589226;0.007815043959622272953802202267;0.015304461087593618229263370267;0.045913383262780854687790110802;0.026375773363725169701199391170;0.021165744057310323378295890961;0.020188863562357536873825836210;0.000000000000000000000000000000;0.092803647020514495880050276355;0.059264083360468899908113371566;0.004233148811462064155242135399;0.007489417127971344408099430012;0.003907521979811136476901101133;0.017583848909150115447097562082;0.016932595245848256620968541597;0.005535656138065776603329748440;0.009768804949527840758571883839;0.001302507326603712231247178543;0.004558775643112992700944907654;0.001628134158254640126428647307;0.008140670791273200632143236533;0.000000000000000000000000000000;0.006512536633018560505714589226;0.010420058612829697849977428348;0.007489417127971344408099430012;0.026701400195376097379540425436;0.016281341582546401264286473065;0.022468251383914034091660028025;0.014978834255942688816198860025
-0.034122179416620802838711057348;0.002201430930104567897098721829;0.012658227848101265625158085015;0.076499724821133735508382756052;0.038525041276829936898185025029;0.077600440286186025962145151880;0.002201430930104567897098721829;0.005503577325261420176427673567;0.003302146395156851845648082744;0.004953219592735277551631689619;0.014309301045679692632184298873;0.167308750687947177526737618791;0.019812878370941110206526758475;0.015960374243258117904487036753;0.004953219592735277551631689619;0.031920748486516235808974073507;0.007705008255365988073526395397;0.008255365987892129830960641357;0.013758943313153549140026576936;0.001651073197578425922824041372;0.009906439185470555103263379237;0.002751788662630710088213836784;0.003302146395156851845648082744;0.008805723720418271588394887317;0.059988992845349475846461473338;0.013208585580627407382592330976;0.012107870115575123867723839055;0.000550357732526141974274680457;0.000550357732526141974274680457;0.123830489818381947464409620352;0.091909741331865718594329450752;0.003852504127682994036763197698;0.004402861860209135794197443659;0.006053935057787561933861919528;0.013758943313153549140026576936;0.007705008255365988073526395397;0.002751788662630710088213836784;0.010456796917996698595421101174;0.000000000000000000000000000000;0.003852504127682994036763197698;0.000000000000000000000000000000;0.002201430930104567897098721829;0.000000000000000000000000000000;0.004953219592735277551631689619;0.006604292790313703691296165488;0.003852504127682994036763197698;0.015960374243258117904487036753;0.017611447440836543176789774634;0.008805723720418271588394887317;0.017061089708310401419355528674
-0.043209876543209874144579885069;0.010582010582010581423162420833;0.019400352733686065942464438194;0.104056437389770717327763804860;0.022045855379188711298255043403;0.074514991181657844188102046701;0.001763668430335096903860403472;0.010582010582010581423162420833;0.006613756613756613389476513021;0.008377425044091710293336916493;0.015432098765432097908778530382;0.106701940035273362683554410069;0.023368606701940033976150346007;0.017636684303350969038604034722;0.018077601410934743264569135590;0.023368606701940033976150346007;0.004850088183421516485616109549;0.011022927689594355649127521701;0.024691358024691356654045648611;0.002645502645502645355790605208;0.011904761904761904101057723437;0.003968253968253968033685907812;0.004409171075837742259651008681;0.011904761904761904101057723437;0.046296296296296293726335591145;0.018077601410934743264569135590;0.018077601410934743264569135590;0.037918871252204583432998674652;0.000881834215167548451930201736;0.067019400352733682346695331944;0.053350970017636681341777205034;0.005731922398589064937546311285;0.006172839506172839163511412153;0.006172839506172839163511412153;0.020282186948853614394394639930;0.011463844797178129875092622569;0.007054673721340387615441613889;0.010582010582010581423162420833;0.001763668430335096903860403472;0.008818342151675484519302017361;0.001763668430335096903860403472;0.006613756613756613389476513021;0.000000000000000000000000000000;0.007936507936507936067371815625;0.013227513227513226778953026042;0.004409171075837742259651008681;0.019400352733686065942464438194;0.016313932980599646360708732118;0.016754850088183420586673832986;0.012786596119929452552987925174
-0.037477954144620809207033573784;0.019841269841269840168429539062;0.024691358024691356654045648611;0.025132275132275130880010749479;0.029100529100529098913696657291;0.064373897707231036990904726736;0.000881834215167548451930201736;0.013227513227513226778953026042;0.005291005291005290711581210417;0.007495590828924161841406714757;0.018077601410934743264569135590;0.123015873015873009044263142187;0.022045855379188711298255043403;0.023368606701940033976150346007;0.023368606701940033976150346007;0.023809523809523808202115446875;0.004850088183421516485616109549;0.013668430335097001004918126910;0.014991181657848323682813429514;0.003086419753086419581755706076;0.011904761904761904101057723437;0.005291005291005290711581210417;0.006613756613756613389476513021;0.010582010582010581423162420833;0.039682539682539680336859078125;0.019841269841269840168429539062;0.016754850088183420586673832986;0.042328042328042325692649683333;0.000440917107583774225965100868;0.081569664902998231803543660590;0.063492063492063488538974525000;0.004409171075837742259651008681;0.008377425044091710293336916493;0.006613756613756613389476513021;0.014550264550264549456848328646;0.014550264550264549456848328646;0.007495590828924161841406714757;0.012786596119929452552987925174;0.004409171075837742259651008681;0.006613756613756613389476513021;0.003527336860670193807720806944;0.008377425044091710293336916493;0.000000000000000000000000000000;0.006613756613756613389476513021;0.012345679012345678327022824305;0.009700176366843032971232219097;0.021164021164021162846324841667;0.022486772486772485524220144271;0.022927689594356259750185245139;0.016754850088183420586673832986
-0.034659090909090910226364457003;0.011363636363636363951767904723;0.013636363636363635701287400082;0.057954545454545453031514057329;0.027840909090909089773635542997;0.080113636363636359094542171988;0.000568181818181818154220308337;0.007386363636363636221704442875;0.006818181818181817850643700041;0.007954545454545453725403447720;0.012500000000000000693889390391;0.153977272727272740393544836479;0.014204545454545454072348142915;0.015340909090909090814469628583;0.017613636363636362563989123942;0.018749999999999999306110609609;0.005681818181818181975883952362;0.007954545454545453725403447720;0.020454545454545454419292838111;0.003977272727272726862701723860;0.009659090909090908838585676222;0.001136363636363636308440616673;0.004545454545454545233762466694;0.009090909090909090467524933388;0.057386363636363638129900266449;0.013636363636363635701287400082;0.011931818181818182322828647557;0.026704545454545453031514057329;0.000000000000000000000000000000;0.103409090909090908838585676222;0.095454545454545458582629180455;0.003977272727272726862701723860;0.006818181818181817850643700041;0.002272727272727272616881233347;0.009659090909090908838585676222;0.007386363636363636221704442875;0.006250000000000000346944695195;0.011931818181818182322828647557;0.005681818181818181975883952362;0.006818181818181817850643700041;0.001136363636363636308440616673;0.015340909090909090814469628583;0.000000000000000000000000000000;0.007386363636363636221704442875;0.008522727272727272096464190554;0.005681818181818181975883952362;0.012500000000000000693889390391;0.010227272727272727209646419055;0.013068181818181817330226657248;0.013636363636363635701287400082
-0.034677419354838708021038229390;0.008064516129032257840680841809;0.016935483870967743547097938972;0.067741935483870974188391755888;0.034677419354838708021038229390;0.073790322580645162364731959315;0.000403225806451612902876063815;0.008870967741935483971693621186;0.008467741935483871773548969486;0.006451612903225806446017021045;0.014919354838709677352204252543;0.177016129032258051623216488224;0.017741935483870967943387242372;0.012500000000000000693889390391;0.008467741935483871773548969486;0.023387096774193549125753222029;0.005645161290322580315004241669;0.013306451612903225090178693790;0.023387096774193549125753222029;0.001612903225806451611504255261;0.010080645161290322300851052262;0.007258064516129032577029800422;0.001612903225806451611504255261;0.007258064516129032577029800422;0.047580645161290319178348795504;0.013709677419354839023046821467;0.014919354838709677352204252543;0.001209677419354838762838300070;0.000000000000000000000000000000;0.125806451612903213987948447539;0.094758064516129031362723367238;0.004032258064516128920340420905;0.006048387096774193380510631357;0.003629032258064516288514900211;0.004838709677419355051353200281;0.010080645161290322300851052262;0.003225806451612903223008510523;0.007258064516129032577029800422;0.001612903225806451611504255261;0.003225806451612903223008510523;0.003225806451612903223008510523;0.003629032258064516288514900211;0.000000000000000000000000000000;0.003629032258064516288514900211;0.007258064516129032577029800422;0.003225806451612903223008510523;0.011693548387096774562876611014;0.015725806451612901748493555942;0.014516129032258065154059600843;0.010887096774193548431863831638
-0.029779411764705880638626211976;0.010294117647058823386552184331;0.027941176470588236641079404876;0.050000000000000002775557561563;0.059926470588235296321766298888;0.069852941176470589867975036213;0.000000000000000000000000000000;0.011397058823529411172859049373;0.009558823529411765440588766296;0.008088235294117647813938454249;0.017647058823529411519803744568;0.112132352941176474669937590534;0.018749999999999999306110609609;0.021691176470588234559411233704;0.011397058823529411172859049373;0.022426470588235294240098127716;0.005882352941176470506601248189;0.015808823529411764052809985515;0.029044117647058824427386269917;0.002205882352941176439975468071;0.009926470588235293546208737325;0.004411764705882352879950936142;0.004411764705882352879950936142;0.015441176470588235947190014485;0.041544117647058821651828708355;0.013970588235294118320539702438;0.019485294117647058986797503621;0.008088235294117647813938454249;0.000000000000000000000000000000;0.126838235294117640528099855146;0.059191176470588233171632452922;0.005882352941176470506601248189;0.009926470588235293546208737325;0.005514705882352941533619539172;0.011764705882352941013202496379;0.014338235294117646426159673467;0.008088235294117647813938454249;0.010294117647058823386552184331;0.000367647058823529406662578012;0.005514705882352941533619539172;0.000735294117647058813325156024;0.008823529411764705759901872284;0.000000000000000000000000000000;0.009191176470588235600245319290;0.009926470588235293546208737325;0.005514705882352941533619539172;0.018749999999999999306110609609;0.013602941176470588480196255432;0.012867647058823528799509361420;0.011764705882352941013202496379
-0.037699183832102606261926780462;0.009716284492809949477343245405;0.019821220365332296170501891197;0.087446560435289547030812684625;0.067236688690244850175048441088;0.068402642829382048761388546154;0.001165954139137194032690980627;0.014768752429071123691284306290;0.006607073455110765679287876395;0.008161678973960357144634691906;0.020209871745044693386317291584;0.094053633890400306638568395101;0.024873688301593470384442952081;0.023319082782743878051734398582;0.021764477263894285719025845083;0.024485036921881073168627551695;0.009716284492809949477343245405;0.009716284492809949477343245405;0.024096385542168675952812151309;0.003886513797123979964409645760;0.014768752429071123691284306290;0.003109211037699183798055369010;0.008161678973960357144634691906;0.018266614846482703837793337698;0.044306257287213372808576394846;0.012825495530509134142760352404;0.023707734162456275267549798969;0.013602798289933928574391153177;0.001165954139137194032690980627;0.088223863194714341462443485398;0.036144578313253010459771275009;0.005441119315973571429756461271;0.008938981733385153310988968656;0.004275165176836378047586784135;0.018266614846482703837793337698;0.008550330353672756095173568269;0.005441119315973571429756461271;0.006607073455110765679287876395;0.000000000000000000000000000000;0.003886513797123979964409645760;0.001165954139137194032690980627;0.000777302759424795949513842253;0.000000000000000000000000000000;0.009716284492809949477343245405;0.018655266226195104523055690038;0.004663816556548776130763922509;0.015934706568208317073453983426;0.016712009327633111505084784199;0.018266614846482703837793337698;0.011270890011659541810051798905
-0.035416666666666665741480812812;0.005729166666666666261897855605;0.017708333333333332870740406406;0.114583333333333328707404064062;0.036458333333333335646297967969;0.067187499999999997224442438437;0.000520833333333333326105318850;0.012500000000000000693889390391;0.005208333333333333044212754004;0.005729166666666666261897855605;0.016666666666666666435370203203;0.117708333333333331482961625625;0.018749999999999999306110609609;0.019270833333333334258519187188;0.019270833333333334258519187188;0.022916666666666665047591422422;0.002604166666666666522106377002;0.006250000000000000346944695195;0.017708333333333332870740406406;0.003125000000000000173472347598;0.009374999999999999653055304805;0.007291666666666666782314898398;0.005729166666666666261897855605;0.010937499999999999306110609609;0.048437500000000001387778780781;0.016666666666666666435370203203;0.014583333333333333564629796797;0.015104166666666666782314898398;0.000000000000000000000000000000;0.093229166666666668517038374375;0.066145833333333334258519187188;0.002604166666666666522106377002;0.006250000000000000346944695195;0.004687499999999999826527652402;0.022395833333333333564629796797;0.010416666666666666088425508008;0.004166666666666666608842550801;0.005208333333333333044212754004;0.001041666666666666652210637700;0.004687499999999999826527652402;0.001562500000000000086736173799;0.007812500000000000000000000000;0.000000000000000000000000000000;0.008333333333333333217685101602;0.025520833333333332870740406406;0.002604166666666666522106377002;0.014062500000000000346944695195;0.011979166666666667476204288789;0.019270833333333334258519187188;0.014583333333333333564629796797
-0.023148148148148146863167795573;0.019032921810699588577309171455;0.019547325102880659664084106453;0.138888888888888895056794581251;0.029835390946502057113454142723;0.041666666666666664353702032031;0.002057613168724280010291050047;0.015432098765432097908778530382;0.004115226337448560020582100094;0.005658436213991769811459953132;0.019032921810699588577309171455;0.093106995884773668947786973149;0.016975308641975307699656383420;0.021604938271604937072289942535;0.018518518518518517490534236458;0.012860082304526749413797759303;0.007716049382716048954389265191;0.023148148148148146863167795573;0.016975308641975307699656383420;0.003600823045267489801168903085;0.009773662551440329832042053226;0.004115226337448560020582100094;0.004115226337448560020582100094;0.012860082304526749413797759303;0.036522633744855967363740489873;0.021090534979423869454961959491;0.019547325102880659664084106453;0.039609053497942386945496195949;0.000514403292181070002572762512;0.073045267489711934727480979745;0.058641975308641972053358415451;0.006172839506172839163511412153;0.009259259259259258745267118229;0.006687242798353909382924609162;0.019032921810699588577309171455;0.016975308641975307699656383420;0.006172839506172839163511412153;0.006172839506172839163511412153;0.004629629629629629372633559115;0.008230452674897120041164200188;0.004629629629629629372633559115;0.008744855967078189393215659209;0.000000000000000000000000000000;0.005144032921810699592046756123;0.009773662551440329832042053226;0.006172839506172839163511412153;0.013888888888888888117900677344;0.015432098765432097908778530382;0.022119341563786008159064877532;0.018004115226337449873206253415
-0.039565826330532211096979722242;0.010504201680672269753058500896;0.039215686274509803377341654596;0.011904761904761904101057723437;0.013305322128851540183780421955;0.041316526610644256634063964384;0.001750700280112044886562938650;0.015406162464985995175226207721;0.015756302521008402894864275368;0.014005602240896359092503509203;0.024509803921568627110838534122;0.035714285714285712303173170312;0.028711484593837533624283153699;0.040966386554621848914425896737;0.016106442577030810614502343014;0.026260504201680672647922776264;0.009453781512605041389973870025;0.027310924369747899276283931158;0.012605042016806723009780810685;0.011204481792717086927058112167;0.015056022408963585720864664097;0.014005602240896359092503509203;0.013305322128851540183780421955;0.017507002801120448431948517509;0.058823529411764705066012481893;0.031512605042016805789728550735;0.040616246498599441194787829090;0.030112044817927171441729328194;0.000350140056022408966470566005;0.024509803921568627110838534122;0.025560224089635853739199689016;0.007703081232492997587613103860;0.011554621848739496381419655791;0.012254901960784313555419267061;0.033963585434173666766088928171;0.022408963585434173854116224334;0.014705882352941176266503120473;0.010154061624649860298696957273;0.001400560224089635865882264021;0.014005602240896359092503509203;0.004551820728291316835167901189;0.007352941176470588133251560237;0.000000000000000000000000000000;0.015406162464985995175226207721;0.005952380952380952050528861719;0.008053221288515405307251171507;0.027661064425770306995921998805;0.033613445378151259046450860524;0.037464985994397757840257412454;0.024859943977591034830476601769
-0.043749999999999997224442438437;0.001339285714285714298105167686;0.023660714285714284921269268125;0.047767857142857139685077072500;0.021428571428571428769682682969;0.063392857142857139685077072500;0.000446428571428571414631686354;0.012053571428571429116627378164;0.014285714285714285268213963320;0.012500000000000000693889390391;0.017857142857142856151586585156;0.106249999999999997224442438437;0.029017857142857143848413414844;0.028125000000000000693889390391;0.011607142857142857539365365938;0.031696428571428569842538536250;0.006250000000000000346944695195;0.010714285714285714384841341484;0.012946428571428572271151402617;0.005357142857142857192420670742;0.008482142857142856498531280351;0.006250000000000000346944695195;0.005803571428571428769682682969;0.019642857142857142460634634062;0.061160714285714283533490487343;0.025000000000000001387778780781;0.021874999999999998612221219219;0.017857142857142856151586585156;0.000000000000000000000000000000;0.075446428571428567066980974687;0.055357142857142854763807804375;0.007142857142857142634106981660;0.006696428571428571056844969434;0.007142857142857142634106981660;0.019196428571428572618096097813;0.021874999999999998612221219219;0.006696428571428571056844969434;0.009374999999999999653055304805;0.001339285714285714298105167686;0.004464285714285714037896646289;0.001785714285714285658526745415;0.007589285714285714211368993887;0.000000000000000000000000000000;0.009374999999999999653055304805;0.007142857142857142634106981660;0.005357142857142857192420670742;0.019642857142857142460634634062;0.024107142857142858233254756328;0.022321428571428571924206707422;0.021428571428571428769682682969
-0.035714285714285712303173170312;0.003571428571428571317053490830;0.019642857142857142460634634062;0.038839285714285715078730731875;0.053571428571428568454759755468;0.076339285714285720629845855001;0.000446428571428571414631686354;0.007142857142857142634106981660;0.007589285714285714211368993887;0.011160714285714285962103353711;0.020535714285714285615158658516;0.137500000000000011102230246252;0.012946428571428572271151402617;0.024553571428571428075793292578;0.003571428571428571317053490830;0.022767857142857141766745243672;0.004910714285714285615158658516;0.006696428571428571056844969434;0.013392857142857142113689938867;0.004017857142857142460634634062;0.008928571428571428075793292578;0.006250000000000000346944695195;0.003571428571428571317053490830;0.018303571428571429463572073360;0.052678571428571428769682682969;0.020982142857142855457697194765;0.016517857142857143154524024453;0.012500000000000000693889390391;0.000446428571428571414631686354;0.124107142857142860314922927500;0.046428571428571430157461463750;0.006250000000000000346944695195;0.006250000000000000346944695195;0.005803571428571428769682682969;0.017410714285714286309048048906;0.015178571428571428422737987773;0.007142857142857142634106981660;0.006250000000000000346944695195;0.000892857142857142829263372708;0.006696428571428571056844969434;0.002232142857142857018948323145;0.002678571428571428596210335371;0.000000000000000000000000000000;0.009821428571428571230317317031;0.005803571428571428769682682969;0.005803571428571428769682682969;0.024553571428571428075793292578;0.019642857142857142460634634062;0.025000000000000001387778780781;0.016964285714285712997062560703
-0.027671349510429970458558202040;0.022988505747126436462579590625;0.025968497232865050267092144054;0.146019582801191982746047415276;0.049808429118773943355957811718;0.039165602383993185220401045399;0.002554278416347382021922562956;0.009365687526607066257233746853;0.010217113665389528087690251823;0.007662835249042145198405950879;0.009791400595998296305100261350;0.054065559812686250773516860590;0.021711366538952746318980047135;0.025968497232865050267092144054;0.022988505747126436462579590625;0.015751383567475522179401892231;0.005534269902085994091711640408;0.012771392081736910109612814779;0.009365687526607066257233746853;0.005108556832694764043845125912;0.006385696040868455054806407389;0.006811409110259685102672921886;0.006811409110259685102672921886;0.016177096636866752227268406727;0.040017028522775652255027978299;0.022562792677735206414713076128;0.016602809706257982275134921224;0.058748403575989781300048520052;0.000425713069391230318917057618;0.053214133673903790677783831597;0.038739889314601955172534530902;0.005959982971477224139578154904;0.005108556832694764043845125912;0.008088548318433376113634203364;0.019157088122605362562334008203;0.019157088122605362562334008203;0.008939974457215836209367232357;0.006811409110259685102672921886;0.003831417624521072599202975439;0.008514261387824606161500717860;0.002554278416347382021922562956;0.014474244359301830301078872765;0.000000000000000000000000000000;0.007237122179650915150539436382;0.010642826734780758135556766319;0.005959982971477224139578154904;0.025542784163473820219225629558;0.022562792677735206414713076128;0.020434227330779056175380503646;0.014048531289910600253212358268
-0.018518518518518517490534236458;0.042052469135802468536144971267;0.017746913580246912595095309939;0.212962962962962965018931527084;0.065972222222222223764198645313;0.015432098765432097908778530382;0.006944444444444444058950338672;0.024691358024691356654045648611;0.008101851851851851402108728450;0.005787037037037036715791948893;0.008487654320987653849828191710;0.013503086419753085670181214084;0.005787037037037036715791948893;0.009645061728395061192986581489;0.064429012345679007034426888367;0.010802469135802468536144971267;0.004243827160493826924914095855;0.015817901234567902091221469618;0.022376543209876541967728869054;0.003472222222222222029475169336;0.011188271604938270983864434527;0.005787037037037036715791948893;0.002700617283950617134036242817;0.011959876543209875879303361046;0.014660493827160493013339603863;0.010030864197530863640706044748;0.022376543209876541967728869054;0.148533950617283944106716830902;0.000000000000000000000000000000;0.023919753086419751758606722092;0.021219135802469136359293955252;0.004629629629629629372633559115;0.004629629629629629372633559115;0.004629629629629629372633559115;0.008487654320987653849828191710;0.006558641975308641611230875412;0.004629629629629629372633559115;0.003472222222222222029475169336;0.003472222222222222029475169336;0.004629629629629629372633559115;0.011959876543209875879303361046;0.009645061728395061192986581489;0.000000000000000000000000000000;0.001929012345679012238597316298;0.044753086419753083935457738107;0.005787037037037036715791948893;0.008101851851851851402108728450;0.008487654320987653849828191710;0.009645061728395061192986581489;0.005401234567901234268072485634
-0.011074197120708749453310559829;0.061738648947951273171508290716;0.008582502768549280305898641075;0.261074197120708728636628848108;0.046511627906976743540568008939;0.014673311184939091464385363395;0.007198228128460686624234821096;0.029346622369878182928770726789;0.003875968992248061961714000745;0.004152823920265781044991459936;0.007751937984496123923428001490;0.016888150609080842395881560947;0.005537098560354374726655279915;0.007751937984496123923428001490;0.083333333333333328707404064062;0.006921373200442967540957361905;0.002768549280177187363327639957;0.021871539313399777221258446502;0.022148394241417498906621119659;0.001661129568106312331260410176;0.008582502768549280305898641075;0.004152823920265781044991459936;0.001937984496124030980857000372;0.006090808416389812025848460308;0.010797342192691029502671362650;0.007475083056478405707512280287;0.013012181616832780434167560202;0.153931339977851605604897144985;0.001384274640088593681663819979;0.029069767441860464712855005587;0.009689922480620154904285001862;0.004983388704318936560100361532;0.008582502768549280305898641075;0.003045404208194906012924230154;0.005537098560354374726655279915;0.004429678848283499260907181139;0.003045404208194906012924230154;0.005537098560354374726655279915;0.001107419712070874815226795285;0.001661129568106312331260410176;0.014673311184939091464385363395;0.005260243632336655643377820724;0.000000000000000000000000000000;0.006367663344407530241764181511;0.036544850498338873889814237828;0.004429678848283499260907181139;0.006367663344407530241764181511;0.005813953488372092942571001117;0.006090808416389812025848460308;0.005537098560354374726655279915
-0.010745685444480625528318462614;0.076196678606317166937422769024;0.008466297622924128310484270798;0.228264408987300548847798609131;0.056984695538912409629173083658;0.013350700097688048689770212718;0.008140670791273200632143236533;0.022793878215564961770001062291;0.002930641484858352140835391353;0.002279387821556496350472453827;0.004884402474763920379285941920;0.021491370888961251056636925227;0.006512536633018560505714589226;0.006186909801367632827373554960;0.086942364050797790731017755661;0.008791924454575057723548781041;0.002279387821556496350472453827;0.025724519700423314344517322638;0.031585802670140022962996795286;0.000651253663301856115623589272;0.014001953760989905781175757227;0.003581895148160208364879197873;0.000976880494952784119225275283;0.003907521979811136476901101133;0.011396939107782480885000531146;0.005535656138065776603329748440;0.014653207424291761137857825759;0.148811462064474125943647209169;0.000000000000000000000000000000;0.022793878215564961770001062291;0.023119505047215889448342096557;0.002930641484858352140835391353;0.006186909801367632827373554960;0.002605014653207424462494357087;0.004558775643112992700944907654;0.009768804949527840758571883839;0.001953760989905568238450550567;0.004884402474763920379285941920;0.000976880494952784119225275283;0.002930641484858352140835391353;0.012048192771084337976406075654;0.003907521979811136476901101133;0.000000000000000000000000000000;0.003256268316509280252857294613;0.045262129599478999331108042270;0.004233148811462064155242135399;0.005535656138065776603329748440;0.003907521979811136476901101133;0.004233148811462064155242135399;0.006838163464669489051417361480
-0.013338414634146341167242333370;0.064786585365853660567481142607;0.004954268292682926892733785706;0.222560975609756100945801904345;0.037728658536585364668969333479;0.017149390243902440378320761738;0.007240853658536585725491452337;0.021722560975609754574389143045;0.001143292682926829199538398818;0.003048780487804878154556309511;0.006859756097560975630911261902;0.014100609756097561356402714239;0.004192073170731707570935142826;0.006097560975609756309112619022;0.095655487804878050472900952172;0.009146341463414633596307190544;0.003048780487804878154556309511;0.022484756097560974763549523914;0.016768292682926830283740571303;0.001524390243902439077278154755;0.011051829268292682334484666740;0.003048780487804878154556309511;0.001905487804878048738177476196;0.002667682926829268493656988070;0.011432926829268292429064857174;0.009146341463414633596307190544;0.011432926829268292429064857174;0.195884146341463422080764189559;0.000000000000000000000000000000;0.023246951219512194952709904783;0.021341463414634147949255904564;0.004573170731707316798153595272;0.007621951219512194952709904783;0.003048780487804878154556309511;0.002286585365853658399076797636;0.003810975609756097476354952391;0.001524390243902439077278154755;0.006859756097560975630911261902;0.001524390243902439077278154755;0.004954268292682926892733785706;0.012957317073170731072662142935;0.011814024390243902523645047609;0.000000000000000000000000000000;0.004573170731707316798153595272;0.043826219512195119243358476524;0.004573170731707316798153595272;0.006097560975609756309112619022;0.005335365853658536987313976141;0.004954268292682926892733785706;0.004954268292682926892733785706
-0.011256354393609295863609709443;0.043209876543209874144579885069;0.007625272331154684182785707947;0.307915758896151026124954341867;0.072984749455337685764000354993;0.015976761074800290007846825802;0.004720406681190995011598854347;0.025417574437182281765768010473;0.002178649237472767095230574697;0.002904865649963689171186853599;0.008351488743645605825061117855;0.015250544662309368365571415893;0.008714596949891068380922298786;0.005083514887436455832736559302;0.064996368917937544229523894046;0.009803921568627450844335413649;0.003631082062454611680824001496;0.013435003631082062525159415145;0.025054466230936819209906829542;0.001452432824981844585593426800;0.007988380537400145003923412901;0.002904865649963689171186853599;0.002541757443718227916368279651;0.008714596949891068380922298786;0.014161220043572984167434825054;0.006899055918663761673148560050;0.011982570806100217505885119351;0.145243282498184467232960059846;0.000000000000000000000000000000;0.019244734931009439132809646367;0.012345679012345678327022824305;0.005083514887436455832736559302;0.007988380537400145003923412901;0.001452432824981844585593426800;0.005809731299927378342373707198;0.006172839506172839163511412153;0.002178649237472767095230574697;0.002904865649963689171186853599;0.000726216412490922292796713400;0.002541757443718227916368279651;0.006172839506172839163511412153;0.007625272331154684182785707947;0.000000000000000000000000000000;0.003631082062454611680824001496;0.037763253449527960092790834778;0.001815541031227305840412000748;0.009440813362381990023197708695;0.006535947712418300852010855095;0.003631082062454611680824001496;0.006535947712418300852010855095
-0.007954545454545453725403447720;0.034659090909090910226364457003;0.007954545454545453725403447720;0.268181818181818187873943770683;0.107954545454545455807071618892;0.016477272727272725821867638274;0.006818181818181817850643700041;0.026704545454545453031514057329;0.001136363636363636308440616673;0.001136363636363636308440616673;0.006818181818181817850643700041;0.018749999999999999306110609609;0.006250000000000000346944695195;0.005681818181818181975883952362;0.078409090909090914389700799347;0.007954545454545453725403447720;0.003977272727272726862701723860;0.013636363636363635701287400082;0.033522727272727273484242971335;0.001704545454545454462660925010;0.010227272727272727209646419055;0.000568181818181818154220308337;0.000568181818181818154220308337;0.006250000000000000346944695195;0.008522727272727272096464190554;0.005113636363636363604823209528;0.012500000000000000693889390391;0.114204545454545461358186742018;0.000000000000000000000000000000;0.040340909090909093936971885341;0.017045454545454544192928381108;0.004545454545454545233762466694;0.005681818181818181975883952362;0.000568181818181818154220308337;0.003409090909090908925321850020;0.005113636363636363604823209528;0.002272727272727272616881233347;0.004545454545454545233762466694;0.000000000000000000000000000000;0.001136363636363636308440616673;0.006250000000000000346944695195;0.005113636363636363604823209528;0.000000000000000000000000000000;0.003977272727272726862701723860;0.058522727272727274872021752117;0.006250000000000000346944695195;0.007386363636363636221704442875;0.006250000000000000346944695195;0.003977272727272726862701723860;0.003977272727272726862701723860
-0.036036036036036035723473247572;0.011183597390493942719258413376;0.037589313451382416753077109206;0.064616340478409445280405520862;0.021745883814849330945007110927;0.039453246349798076764159304730;0.003417210313762038004919974199;0.017707362534948742349705241850;0.012115563839701770990076035162;0.010872941907424665472503555463;0.018328673501087293373768005722;0.058092575333954642180511740435;0.019260639950295123379309103484;0.033550792171481824688328288175;0.020813917365641504408912965118;0.023299161230195711974610972561;0.010562286424355389960472173527;0.018328673501087293373768005722;0.023609816713264987486642354497;0.004970487729108418600842966839;0.012736874805840323748862275011;0.011183597390493942719258413376;0.006213109661385523251053708549;0.016154085119602361320101380215;0.049083566324945634984366904519;0.022056539297918609926485444817;0.020813917365641504408912965118;0.057160608884746819113864546580;0.000621310966138552325105370855;0.037589313451382416753077109206;0.039763901832867348806743734713;0.007766387076731904280657570183;0.009630319975147561689654551742;0.009319664492078284442899693829;0.018639328984156568885799387658;0.019571295433364398891340485420;0.011183597390493942719258413376;0.009009009009009008930868311893;0.000931966449207828487658056282;0.010872941907424665472503555463;0.005902454178316246871660588624;0.010251630941286114448440791591;0.000000000000000000000000000000;0.009009009009009008930868311893;0.015843429636533085808069998279;0.006834420627524076009839948398;0.026405716060888474033818695830;0.027337682510096304039359793592;0.023609816713264987486642354497;0.018949984467225847867277721548
-0.037130801687763712037870789118;0.013080168776371307176598079991;0.029957805907172996989773494647;0.100843881856540085184548161124;0.037130801687763712037870789118;0.050210970464135022683915821062;0.004641350210970464004733848640;0.015189873417721518403245006823;0.010970464135021097684674629136;0.009704641350210971295631168232;0.014345991561181435300365016872;0.055274261603375528240089664678;0.015611814345991561689408477775;0.024050632911392404861272709127;0.015611814345991561689408477775;0.025738396624472574536479640983;0.008438818565400843171864231351;0.012658227848101265625158085015;0.024894514767932487964152699078;0.005063291139240506423535581604;0.013502109704641350462761550943;0.013502109704641350462761550943;0.004641350210970464004733848640;0.012658227848101265625158085015;0.049367088607594936111588879157;0.020253164556962025694142326415;0.021097046413502108797022316367;0.053164556962025315278719261869;0.000421940928270042201961298467;0.056540084388185654629133125582;0.047257383966244723150218476349;0.007172995780590717650182508436;0.007594936708860759201622503411;0.008860759493670886458027702304;0.015189873417721518403245006823;0.013924050632911392014201545919;0.005485232067510548842337314568;0.008438818565400843171864231351;0.000421940928270042201961298467;0.007594936708860759201622503411;0.006751054852320675231380775472;0.007594936708860759201622503411;0.000000000000000000000000000000;0.005485232067510548842337314568;0.012236286919831224073718090040;0.007172995780590717650182508436;0.023206751054852321758392719175;0.024894514767932487964152699078;0.018143459915611812732771923606;0.016877637130801686343728462703
-0.030900967982129559641357730015;0.023827252419955324141964680962;0.021593447505584513479437447359;0.132539091586001495093327662289;0.027550260610573341912843403634;0.043186895011169026958874894717;0.003723008190618019505602198649;0.026433358153387938316303262809;0.011913626209977662070982340481;0.009307520476545047896643758634;0.015636634400595681576584539130;0.048026805658972451795740710168;0.014892032762472078022408794595;0.024571854058078927696140425496;0.035368577810871180966412197222;0.023082650781831720587788936427;0.006329113924050632812579042508;0.016753536857781088642571631908;0.037602382725241995098386382779;0.003350707371556217294833457387;0.012285927029039463848070212748;0.004467609828741623059777943183;0.005212211466865227481315425706;0.008190618019359642565380141832;0.038719285182427398694926523603;0.018242740134028295750923120977;0.023082650781831720587788936427;0.054355919583023083740958014687;0.001116902457185405764944485796;0.051005212211466866012443688305;0.039463886820551005718549220092;0.004095309009679821282690070916;0.007818317200297840788292269565;0.007818317200297840788292269565;0.010796723752792256739718723679;0.012658227848101265625158085015;0.004467609828741623059777943183;0.009679821295606849673731630901;0.002233804914370811529888971592;0.008190618019359642565380141832;0.007818317200297840788292269565;0.008190618019359642565380141832;0.000000000000000000000000000000;0.010424422933730454962630851412;0.023827252419955324141964680962;0.005584512285927029258403297973;0.017498138495904692196747376443;0.020476545048399106413450354580;0.011169024571854058516806595946;0.014519731943410276245320922328
-0.030645161290322579100697808485;0.014112903225806451221191473167;0.015725806451612901748493555942;0.054435483870967742159319158191;0.082258064516129034138280928801;0.066935483870967746322655500535;0.002419354838709677525676600141;0.015725806451612901748493555942;0.012500000000000000693889390391;0.003629032258064516288514900211;0.018145161290322581876255370048;0.085887096774193552595200173982;0.015322580645161289550348904243;0.018145161290322581876255370048;0.028629032258064516375251074010;0.022983870967741935192885094352;0.006048387096774193380510631357;0.014516129032258065154059600843;0.033870967741935487094195877944;0.002016129032258064460170210452;0.014919354838709677352204252543;0.004838709677419355051353200281;0.002822580645161290157502120834;0.008064516129032257840680841809;0.041532258064516131002008592077;0.012096774193548386761021262714;0.020967741935483872467438359877;0.023387096774193549125753222029;0.000000000000000000000000000000;0.112903225806451609769531785332;0.039112903225806454343693729925;0.002016129032258064460170210452;0.015322580645161289550348904243;0.004838709677419355051353200281;0.009274193548387096169838272885;0.010483870967741936233719179938;0.005645161290322580315004241669;0.008467741935483871773548969486;0.002419354838709677525676600141;0.004838709677419355051353200281;0.005241935483870968116859589969;0.012500000000000000693889390391;0.000000000000000000000000000000;0.004032258064516128920340420905;0.025000000000000001387778780781;0.005241935483870968116859589969;0.012500000000000000693889390391;0.012903225806451612892034042090;0.014516129032258065154059600843;0.020161290322580644601702104524
-0.016741527153940383848551576307;0.015924867292772561938596354025;0.020824826459779500337221591622;0.093507554103715806448349212587;0.136382196815026529579384373392;0.070641077991016737458451757448;0.000408329930583911822339349129;0.012658227848101265625158085015;0.010616578195181707380823077358;0.003266639444671294578714793033;0.011841567986933441980479386757;0.096774193548387094088170101713;0.013474887709269089269836783274;0.011433238056349531025501775616;0.020824826459779500337221591622;0.018783176806859942092886583964;0.004491629236423030045732840421;0.008983258472846060091465680841;0.025316455696202531250316170031;0.001224989791751735467018047387;0.004899959167006941868072189550;0.004491629236423030045732840421;0.001224989791751735467018047387;0.004491629236423030045732840421;0.036341363821968147851393382552;0.013066557778685178314859172133;0.014291547570436912914515481532;0.020824826459779500337221591622;0.000000000000000000000000000000;0.121682319314005721322402564510;0.057574520212331566082486489222;0.002858309514087382756375443904;0.008574928542262147401764593724;0.003266639444671294578714793033;0.008166598611678236446786982583;0.009391588403429971046443291982;0.002449979583503470934036094775;0.007758268681094324624447633454;0.001224989791751735467018047387;0.005716619028174765512750887808;0.003674969375255206401054142162;0.008574928542262147401764593724;0.000000000000000000000000000000;0.005308289097590853690411538679;0.013474887709269089269836783274;0.003674969375255206401054142162;0.011433238056349531025501775616;0.011841567986933441980479386757;0.009391588403429971046443291982;0.010208248264597794691121990240
-0.024443474465298997005957559736;0.011785246617197729646075998744;0.018769096464426014009285736961;0.178088171104321263404912656370;0.107376691401134871650668856091;0.043649061545176781606869553798;0.003055434308162374625744694967;0.009602793539938890565732521054;0.013967699694456568726419476434;0.004364906154517678160686955380;0.012221737232649498502978779868;0.082496726320384114461425895115;0.006110868616324749251489389934;0.011785246617197729646075998744;0.015277171540811871827680867852;0.020515058926233085967449909504;0.005674378000872981261948346798;0.011348756001745962523896693597;0.029244871235268442288823820263;0.003928415539065910171145912244;0.008729812309035356321373910760;0.010912265386294195401717388449;0.001745962461807071090802434554;0.007856831078131820342291824488;0.029244871235268442288823820263;0.012658227848101265625158085015;0.020078568310781318845270604356;0.028371890004364904575018258015;0.000436490615451767772700608639;0.081187254474028802686547123812;0.047140986468790918584303994976;0.003491924923614142181604869108;0.008729812309035356321373910760;0.007420340462680052352750781353;0.003491924923614142181604869108;0.009166302924487123443553215907;0.004364906154517678160686955380;0.006983849847228284363209738217;0.003491924923614142181604869108;0.004364906154517678160686955380;0.005674378000872981261948346798;0.004801396769969445282866260527;0.000000000000000000000000000000;0.004801396769969445282866260527;0.017896115233522479764927126666;0.003928415539065910171145912244;0.014404190309908337583322257558;0.011785246617197729646075998744;0.010475774770842426544814607325;0.012658227848101265625158085015
-0.022446689113355778461000866741;0.010101010101010101868701518413;0.028432472876917320309120285060;0.084175084175084180504455844130;0.082304526748971193472748097975;0.061354283576505797004330133859;0.002618780396558174124871376520;0.011971567527123081961515360661;0.017583239805462027444127315334;0.005611672278338944615250216685;0.013093901982790871058037751595;0.110362888140665915681637443413;0.012345679012345678327022824305;0.013842124953236063789052678885;0.019079685746352412906157169914;0.022820800598578376561231806363;0.005611672278338944615250216685;0.012345679012345678327022824305;0.017209128320239432813343327666;0.003367003367003366855886303810;0.008604564160119716406671663833;0.016086793864571641982097460755;0.000748222970445192622594710041;0.006359895248784137346265143975;0.042648709315375982198403903567;0.011597456041900485596007897016;0.019453797231575011006388109536;0.031051253273475496602396006551;0.000000000000000000000000000000;0.122334455667788999377876280050;0.036662925551814440350284485248;0.004489337822671156386089563739;0.005237560793116348249742753040;0.007856341189674523675656736543;0.009352787130564909137686591123;0.012345679012345678327022824305;0.005611672278338944615250216685;0.004863449307893752751597027384;0.002618780396558174124871376520;0.006734006734006733711772607620;0.005237560793116348249742753040;0.010849233071455292864992969726;0.000000000000000000000000000000;0.004115226337448560020582100094;0.015338570894126449251082533465;0.001122334455667789096522390935;0.014590347923681256520067606175;0.009726898615787505503194054768;0.009726898615787505503194054768;0.017957351290684625544358254956
-0.025396825396825396803368590781;0.016578483245149912284066573420;0.017989417989417989113265505807;0.091358024691358022395526461423;0.108289241622574958223701457882;0.057495590828924164616964276320;0.003880070546737213448701409035;0.009876543209876543008562954640;0.019753086419753086017125909279;0.004938271604938271504281477320;0.015167548500881833720144165056;0.091358024691358022395526461423;0.008465608465608466179364022253;0.011992945326278659987084829197;0.022222222222222223070309254922;0.011992945326278659987084829197;0.004938271604938271504281477320;0.016225749559082892209405102335;0.023985890652557319974169658394;0.003527336860670193807720806944;0.009876543209876543008562954640;0.009171075837742504593963488446;0.004232804232804233089682011126;0.006701940035273368408141880792;0.032804232804232801024024723802;0.008112874779541446104702551168;0.011287477954144621572485363004;0.033156966490299824568133146840;0.000352733686067019424140167594;0.135097001763668428386822029097;0.038095238095238098674499838125;0.004585537918871252296981744223;0.008465608465608466179364022253;0.004585537918871252296981744223;0.005291005291005290711581210417;0.007760141093474426897402818071;0.005291005291005290711581210417;0.003527336860670193807720806944;0.002116402116402116544841005563;0.005996472663139329993542414599;0.002469135802469135752140738660;0.016578483245149912284066573420;0.000000000000000000000000000000;0.004232804232804233089682011126;0.023633156966490299899508187309;0.005291005291005290711581210417;0.009523809523809524668624959531;0.010582010582010581423162420833;0.013051146384479718476345766476;0.012698412698412698401684295391
-0.026115859449192781877036040328;0.034188034188034191473981593390;0.011870845204178538320749503043;0.061728395061728391635114121527;0.072649572649572655147487409977;0.054131054131054130718059269611;0.010921177587844254838755908565;0.019943019943019942713524628175;0.010921177587844254838755908565;0.002374169040835707403941379212;0.009021842355175687874768719610;0.090693257359924020488683993335;0.015669515669515670514000404978;0.013770180436847103550013216022;0.040360873694207030637493005543;0.018518518518518517490534236458;0.004748338081671414807882758424;0.023266856600189934900502208848;0.028964862298195632323016823761;0.002374169040835707403941379212;0.015669515669515670514000404978;0.004273504273504273934247699174;0.002849002849002849144938176451;0.006172839506172839163511412153;0.037986704653371318463062067394;0.008547008547008547868495398347;0.016144349477682812254997202217;0.066001899335232663834638344724;0.000000000000000000000000000000;0.097340930674264011801533058588;0.025166191832858498395042445850;0.007122507122507122645505006631;0.007597340930674264386501803870;0.003323836657169990452254104696;0.008072174738841406127498601109;0.009971509971509971356762314088;0.005698005698005698289876352902;0.006647673314339980904508209392;0.001424501424501424572469088226;0.010446343779677113097759111326;0.011396011396011396579752705804;0.012820512820512820068019621544;0.000000000000000000000000000000;0.004748338081671414807882758424;0.028015194681861348841023229284;0.007597340930674264386501803870;0.010921177587844254838755908565;0.007597340930674264386501803870;0.013295346628679961809016418783;0.010921177587844254838755908565
-0.031550068587105621620292339458;0.021947873799725649973657581882;0.016460905349794240082328400376;0.071787837219935979327090080915;0.109739368998628253337734861361;0.045267489711934158491679625058;0.002286236854138088900323388941;0.015546410608139002787475568823;0.004572473708276177800646777882;0.004572473708276177800646777882;0.013260173754000913887152179882;0.081390032007315954443171790444;0.016003657978966620567540246611;0.016460905349794240082328400376;0.063557384545038869694266736587;0.017375400091449475642457755953;0.002286236854138088900323388941;0.012345679012345678327022824305;0.021947873799725649973657581882;0.003657978966620941806836553312;0.010973936899862824986828790941;0.004572473708276177800646777882;0.003200731595793324026771875523;0.005944215820759030273479073259;0.037494284407864654495856626681;0.015089163237311385007410891035;0.015546410608139002787475568823;0.059442158207590307938961160517;0.000914494741655235451709138328;0.090534979423868316983359250116;0.033836305441243712255339204376;0.003200731595793324026771875523;0.010973936899862824986828790941;0.005486968449931412493414395470;0.009602194787379973381358233553;0.007773205304069501393737784412;0.004115226337448560020582100094;0.002743484224965706246707197735;0.000457247370827617725854569164;0.006401463191586648053543751047;0.004572473708276177800646777882;0.002743484224965706246707197735;0.000000000000000000000000000000;0.005029721079103795580711455671;0.036579789666209422405174223059;0.004572473708276177800646777882;0.013260173754000913887152179882;0.010973936899862824986828790941;0.009602194787379973381358233553;0.012345679012345678327022824305
-0.013080168776371307176598079991;0.021097046413502108797022316367;0.008016877637130801620424236376;0.235443037974683549995447151559;0.094936708860759499994941279510;0.033333333333333332870740406406;0.004219409282700421585932115676;0.013924050632911392014201545919;0.009704641350210971295631168232;0.003797468354430379600811251706;0.009704641350210971295631168232;0.061181434599156120368590450198;0.008016877637130801620424236376;0.006329113924050632812579042508;0.041772151898734177777328113734;0.013502109704641350462761550943;0.002531645569620253211767790802;0.017721518987341772916055404608;0.023628691983122361575109238174;0.002109704641350210792966057838;0.008860759493670886458027702304;0.005907172995780590393777309544;0.002531645569620253211767790802;0.005063291139240506423535581604;0.020675105485232068980305797368;0.008016877637130801620424236376;0.010970464135021097684674629136;0.068354430379746838886134696622;0.000421940928270042201961298467;0.082700421940928275921223189471;0.027426160337552744211686572839;0.005063291139240506423535581604;0.009704641350210971295631168232;0.002531645569620253211767790802;0.012236286919831224073718090040;0.005485232067510548842337314568;0.002953586497890295196888654772;0.003375527426160337615690387736;0.003375527426160337615690387736;0.002109704641350210792966057838;0.008016877637130801620424236376;0.013924050632911392014201545919;0.000000000000000000000000000000;0.003375527426160337615690387736;0.030801687763713080092653484598;0.004641350210970464004733848640;0.008016877637130801620424236376;0.005485232067510548842337314568;0.007172995780590717650182508436;0.006751054852320675231380775472
-0.025892857142857144542302805235;0.016517857142857143154524024453;0.018303571428571429463572073360;0.109375000000000000000000000000;0.114732142857142851988250242812;0.037053571428571428769682682969;0.007589285714285714211368993887;0.016071428571428569842538536250;0.010714285714285714384841341484;0.004017857142857142460634634062;0.015178571428571428422737987773;0.066964285714285712303173170312;0.011160714285714285962103353711;0.012500000000000000693889390391;0.033482142857142856151586585156;0.020089285714285715772620122266;0.004017857142857142460634634062;0.012946428571428572271151402617;0.038392857142857145236192195625;0.003571428571428571317053490830;0.020089285714285715772620122266;0.006696428571428571056844969434;0.004910714285714285615158658516;0.006250000000000000346944695195;0.033482142857142856151586585156;0.015178571428571428422737987773;0.016517857142857143154524024453;0.033035714285714286309048048906;0.000446428571428571414631686354;0.085267857142857145236192195625;0.033482142857142856151586585156;0.003571428571428571317053490830;0.010267857142857142807579329258;0.004017857142857142460634634062;0.008482142857142856498531280351;0.008482142857142856498531280351;0.004017857142857142460634634062;0.008482142857142856498531280351;0.001339285714285714298105167686;0.004910714285714285615158658516;0.010267857142857142807579329258;0.014285714285714285268213963320;0.000000000000000000000000000000;0.004910714285714285615158658516;0.031696428571428569842538536250;0.004910714285714285615158658516;0.011160714285714285962103353711;0.010267857142857142807579329258;0.011160714285714285962103353711;0.013839285714285713690951951094
-0.031770833333333331482961625625;0.016666666666666666435370203203;0.031770833333333331482961625625;0.094791666666666662965923251249;0.038020833333333330095182844843;0.051041666666666665741480812812;0.004166666666666666608842550801;0.014583333333333333564629796797;0.027604166666666665741480812812;0.008333333333333333217685101602;0.016145833333333334952408577578;0.072916666666666671292595935938;0.013020833333333333911574491992;0.018749999999999999306110609609;0.016666666666666666435370203203;0.025520833333333332870740406406;0.009374999999999999653055304805;0.019270833333333334258519187188;0.012500000000000000693889390391;0.006770833333333333564629796797;0.014062500000000000346944695195;0.013020833333333333911574491992;0.002604166666666666522106377002;0.013020833333333333911574491992;0.038541666666666668517038374375;0.026041666666666667823148983985;0.017708333333333332870740406406;0.020312500000000000693889390391;0.001041666666666666652210637700;0.050520833333333334258519187188;0.055729166666666669904817155157;0.005208333333333333044212754004;0.006250000000000000346944695195;0.006770833333333333564629796797;0.009895833333333332870740406406;0.016666666666666666435370203203;0.006250000000000000346944695195;0.017187500000000001387778780781;0.003125000000000000173472347598;0.009374999999999999653055304805;0.005208333333333333044212754004;0.023958333333333334952408577578;0.000000000000000000000000000000;0.010937499999999999306110609609;0.018749999999999999306110609609;0.010416666666666666088425508008;0.016666666666666666435370203203;0.020312500000000000693889390391;0.014583333333333333564629796797;0.016145833333333334952408577578
-0.024537037037037037756626034479;0.018518518518518517490534236458;0.018055555555555553859381490156;0.111111111111111104943205418749;0.101388888888888889505679458125;0.049537037037037039144404815261;0.001851851851851851922525771243;0.011574074074074073431583897786;0.007870370370370369586532355299;0.004166666666666666608842550801;0.008796296296296296848837847904;0.085185185185185183232015049271;0.010648148148148147904001881159;0.014814814814814815380206169948;0.033333333333333332870740406406;0.024537037037037037756626034479;0.003703703703703703845051542487;0.017129629629629630066522949505;0.019444444444444444752839729063;0.002777777777777777883788656865;0.006944444444444444058950338672;0.007407407407407407690103084974;0.006481481481481481295159330358;0.009259259259259258745267118229;0.041666666666666664353702032031;0.018518518518518517490534236458;0.013425925925925926221471407018;0.040277777777777780399137697032;0.000462962962962962980631442811;0.098148148148148151026504137917;0.033796296296296296501893152708;0.006481481481481481295159330358;0.009259259259259258745267118229;0.005555555555555555767577313730;0.011111111111111111535154627461;0.007870370370370369586532355299;0.002314814814814814686316779557;0.006944444444444444058950338672;0.000925925925925925961262885622;0.007407407407407407690103084974;0.004629629629629629372633559115;0.009259259259259258745267118229;0.000000000000000000000000000000;0.004166666666666666608842550801;0.017592592592592593697675695807;0.002777777777777777883788656865;0.017129629629629630066522949505;0.016203703703703702804217456901;0.008333333333333333217685101602;0.016666666666666666435370203203
-0.024583333333333332038073137937;0.016666666666666666435370203203;0.014166666666666665949647629930;0.127083333333333325931846502499;0.051249999999999996946886682281;0.045416666666666667684371105906;0.002916666666666666799662133158;0.022916666666666665047591422422;0.012500000000000000693889390391;0.009583333333333332593184650250;0.016666666666666666435370203203;0.054583333333333330927850113312;0.019166666666666665186369300500;0.014166666666666665949647629930;0.032083333333333331760517381781;0.025833333333333333148296162562;0.008750000000000000832667268469;0.015416666666666667059870654555;0.040000000000000000832667268469;0.001666666666666666773641281019;0.016250000000000000555111512313;0.004583333333333333356462979680;0.003333333333333333547282562037;0.011666666666666667198648532633;0.042083333333333333703407674875;0.016666666666666666435370203203;0.022499999999999999167332731531;0.040000000000000000832667268469;0.001250000000000000026020852140;0.062916666666666662410811738937;0.034583333333333333980963431031;0.006666666666666667094565124074;0.013750000000000000069388939039;0.005833333333333333599324266316;0.011249999999999999583666365766;0.017083333333333332315628894094;0.005000000000000000104083408559;0.007916666666666667337426410711;0.000833333333333333386820640509;0.005833333333333333599324266316;0.005000000000000000104083408559;0.008750000000000000832667268469;0.000000000000000000000000000000;0.008333333333333333217685101602;0.026249999999999999028554853453;0.005833333333333333599324266316;0.014999999999999999444888487687;0.012500000000000000693889390391;0.015416666666666667059870654555;0.017500000000000001665334536938
-0.020174050632911392361146241115;0.009098101265822784722292482229;0.019778481012658229165612766565;0.155458860759493666670039146993;0.049050632911392402779604537955;0.044699367088607597220395462045;0.002768987341772151909713439721;0.009493670886075949652549432756;0.024525316455696201389802268977;0.005933544303797468749683829969;0.009889240506329114582806383282;0.079113924050632916662451066259;0.014240506329113923611462411145;0.019778481012658229165612766565;0.013844936708860758681205460618;0.022943037974683545138221418824;0.005933544303797468749683829969;0.013053797468354430555415035542;0.013844936708860758681205460618;0.006724683544303797742835993034;0.005537974683544303819426879443;0.007515822784810126735988156099;0.006329113924050632812579042508;0.012262658227848100694901134489;0.032436708860759493056047375603;0.011075949367088607638853758885;0.015822784810126583332490213252;0.049841772151898736109565390962;0.000791139240506329101572380313;0.089794303797468361105771350594;0.047468354430379749997470639755;0.006724683544303797742835993034;0.010284810126582277778339857832;0.005142405063291138889169928916;0.012262658227848100694901134489;0.010680379746835442708596808359;0.005933544303797468749683829969;0.005933544303797468749683829969;0.001977848101265822916561276656;0.008702531645569619792035531702;0.002373417721518987413137358189;0.037974683544303798610197731023;0.000000000000000000000000000000;0.003164556962025316406289521254;0.012658227848101265625158085015;0.008702531645569619792035531702;0.015822784810126583332490213252;0.010680379746835442708596808359;0.010284810126582277778339857832;0.011471518987341772569110709412
-0.023863636363636364645657295114;0.015530303030303029693248717535;0.020075757575757576661734660206;0.079924242424242425419933510966;0.057954545454545453031514057329;0.046212121212121211322187974702;0.001136363636363636308440616673;0.012121212121212121201607736509;0.038636363636363635354342704886;0.004166666666666666608842550801;0.012878787878787878451447568295;0.070833333333333331482961625625;0.017045454545454544192928381108;0.009090909090909090467524933388;0.017424242424242425419933510966;0.015151515151515151935690539631;0.006060606060606060600803868255;0.017045454545454544192928381108;0.025000000000000001387778780781;0.005303030303030303350964036468;0.009090909090909090467524933388;0.012121212121212121201607736509;0.007196969696969697342925353922;0.005681818181818181975883952362;0.032196969696969696128618920739;0.011742424242424241709326082628;0.015151515151515151935690539631;0.087121212121212127099667554830;0.000378787878787878787550241766;0.093939393939393933674608661022;0.034469696969696969612861892074;0.004545454545454545233762466694;0.006439393939393939225723784148;0.003409090909090908925321850020;0.013636363636363635701287400082;0.007575757575757575967845269815;0.004166666666666666608842550801;0.004545454545454545233762466694;0.000757575757575757575100483532;0.011742424242424241709326082628;0.003787878787878787983922634908;0.056818181818181816289392571662;0.000000000000000000000000000000;0.006439393939393939225723784148;0.017424242424242425419933510966;0.004924242424242423858682382587;0.010606060606060606701928072937;0.012878787878787878451447568295;0.011742424242424241709326082628;0.014015151515151515193569053963
-0.029276895943562610685750868811;0.021516754850088182920986312752;0.025396825396825396803368590781;0.086067019400352731683945251007;0.045855379188712519500370490277;0.047266313932980599799016374618;0.001763668430335096903860403472;0.016578483245149912284066573420;0.016578483245149912284066573420;0.008112874779541446104702551168;0.011287477954144621572485363004;0.095943562610229279896678633577;0.013051146384479718476345766476;0.016578483245149912284066573420;0.018694885361552029262588447978;0.021516754850088182920986312752;0.007054673721340387615441613889;0.016225749559082892209405102335;0.024338624338624340048831129479;0.002821869488536155393121340751;0.010229276895943563083224425725;0.010229276895943563083224425725;0.005643738977072310786242681502;0.011287477954144621572485363004;0.041622574955908292482220645070;0.016931216931216932358728044505;0.015167548500881833720144165056;0.023985890652557319974169658394;0.000352733686067019424140167594;0.098059964726631393405753556181;0.051146384479717810211951700694;0.009876543209876543008562954640;0.011640211640211639912423358112;0.009876543209876543008562954640;0.017283950617283948963942563637;0.015167548500881833720144165056;0.004938271604938271504281477320;0.011287477954144621572485363004;0.002821869488536155393121340751;0.011992945326278659987084829197;0.004585537918871252296981744223;0.010934744268077601497823891918;0.000000000000000000000000000000;0.004232804232804233089682011126;0.007054673721340387615441613889;0.003880070546737213448701409035;0.016225749559082892209405102335;0.016578483245149912284066573420;0.019047619047619049337249919063;0.011992945326278659987084829197
-0.025378787878787879145336958686;0.021969696969696968918972501683;0.020454545454545454419292838111;0.079166666666666662965923251249;0.043181818181818182322828647557;0.059848484848484845288751898806;0.005681818181818181975883952362;0.018560606060606062162054996634;0.014015151515151515193569053963;0.007196969696969697342925353922;0.009469696969696969959806587269;0.109090909090909085610299200653;0.015151515151515151935690539631;0.023106060606060605661093987351;0.026136363636363634660453314495;0.025757575757575756902895136591;0.006060606060606060600803868255;0.010227272727272727209646419055;0.018181818181818180935049866775;0.004166666666666666608842550801;0.013636363636363635701287400082;0.009469696969696969959806587269;0.003409090909090908925321850020;0.015151515151515151935690539631;0.032954545454545451643735276548;0.016666666666666666435370203203;0.020075757575757576661734660206;0.022727272727272727903535809446;0.000000000000000000000000000000;0.089015151515151519356905396307;0.062121212121212118772994870142;0.004545454545454545233762466694;0.002651515151515151675482018234;0.004924242424242423858682382587;0.014393939393939394685850707845;0.014393939393939394685850707845;0.003409090909090908925321850020;0.009090909090909090467524933388;0.003030303030303030300401934127;0.011363636363636363951767904723;0.009469696969696969959806587269;0.011742424242424241709326082628;0.000000000000000000000000000000;0.006439393939393939225723784148;0.011363636363636363951767904723;0.007575757575757575967845269815;0.015151515151515151935690539631;0.015151515151515151935690539631;0.012878787878787878451447568295;0.014393939393939394685850707845
-0.027777777777777776235801354687;0.025573192239858905105975850347;0.018959435626102291716499337326;0.035714285714285712303173170312;0.058201058201058197827393314583;0.055555555555555552471602709375;0.001322751322751322677895302604;0.015873015873015872134743631250;0.018077601410934743264569135590;0.011022927689594355649127521701;0.010141093474426807197197319965;0.110670194003527330717240317881;0.012345679012345678327022824305;0.014991181657848323682813429514;0.037477954144620809207033573784;0.019841269841269840168429539062;0.008818342151675484519302017361;0.023809523809523808202115446875;0.016754850088183420586673832986;0.007054673721340387615441613889;0.010141093474426807197197319965;0.007495590828924161841406714757;0.004409171075837742259651008681;0.010141093474426807197197319965;0.031746031746031744269487262500;0.017636684303350969038604034722;0.019400352733686065942464438194;0.062169312169312165861079222395;0.000000000000000000000000000000;0.097001763668430329712322190971;0.054673721340388004019672507638;0.006172839506172839163511412153;0.006172839506172839163511412153;0.003527336860670193807720806944;0.012345679012345678327022824305;0.010582010582010581423162420833;0.005731922398589064937546311285;0.007936507936507936067371815625;0.001322751322751322677895302604;0.004850088183421516485616109549;0.003527336860670193807720806944;0.016754850088183420586673832986;0.000000000000000000000000000000;0.007054673721340387615441613889;0.014991181657848323682813429514;0.005291005291005290711581210417;0.012345679012345678327022824305;0.010582010582010581423162420833;0.013227513227513226778953026042;0.012786596119929452552987925174
-0.035682023486901533193549340695;0.014001806684733513266860605029;0.030713640469738030108759474501;0.019873532068654019278053368680;0.044263775971093044514503844766;0.049232158988256551068740662913;0.001355013550135501353838263228;0.015808491418247517384942923968;0.028455284552845527129560920798;0.012195121951219512618225238043;0.016711833785004515107175393496;0.056007226738934053067442420115;0.014001806684733513266860605029;0.029810298102981028917080053020;0.019421860885275518682213657939;0.023035230352303523448931343864;0.008581752484191507851507552118;0.017615176151761516298854814977;0.028003613369467026533721210058;0.005420054200542005415353052911;0.015356820234869015054379737251;0.008581752484191507851507552118;0.010388437217705510234866395081;0.013550135501355014405744370265;0.046522131887985547493702398469;0.019873532068654019278053368680;0.027551942186088525937881499317;0.080397470641373078303892896201;0.000000000000000000000000000000;0.063685636856368563196717502706;0.027100271002710028811488740530;0.006323396567299006607032474392;0.012646793134598013214064948784;0.009485094850948509043186973599;0.019421860885275518682213657939;0.016260162601626017980782634709;0.006323396567299006607032474392;0.006775067750677507202872185132;0.000903342366757000866418769736;0.007226738934056006931350157885;0.008130081300813008990391317354;0.015356820234869015054379737251;0.000000000000000000000000000000;0.010388437217705510234866395081;0.018518518518518517490534236458;0.005871725383920506011192763651;0.015808491418247517384942923968;0.020776874435411020469732790161;0.020776874435411020469732790161;0.015808491418247517384942923968
-0.020310633213859018847413651088;0.044205495818399047347480035342;0.013142174432497013419895992570;0.072082835523695737434124453102;0.067702110712863403096939407533;0.021505376344086023221446879461;0.007964954201513340520390826782;0.036240541616885703357642256606;0.007964954201513340520390826782;0.010752688172043011610723439730;0.015531660692951015229068545409;0.025886101154918357558631925031;0.013142174432497013419895992570;0.014336917562724014324482268989;0.066905615292712064534619287315;0.017522899243329351226527990093;0.006371963361210672936729704219;0.021505376344086023221446879461;0.035842293906810034076482196497;0.001592990840302668234182426055;0.019115890083632017942827374668;0.000796495420151334117091213027;0.010354440461967344064286855598;0.007168458781362007162241134495;0.026284348864994026839791985140;0.015133412982875347682631961277;0.029072082835523694460677646134;0.121067303863002781461055690215;0.000000000000000000000000000000;0.026682596575069692651505093295;0.031063321385902030458137090818;0.004380724810832337806631997523;0.013938669852648346778045684857;0.003185981680605336468364852109;0.007964954201513340520390826782;0.011150935882118677422436547886;0.003982477100756670260195413391;0.008363201911589008066827410914;0.003982477100756670260195413391;0.007964954201513340520390826782;0.017124651533253685414814881938;0.015133412982875347682631961277;0.000000000000000000000000000000;0.005177220230983672032143427799;0.033054559936280362986149583548;0.007566706491437673841315980638;0.017921146953405017038241098248;0.008363201911589008066827410914;0.012345679012345678327022824305;0.011150935882118677422436547886
-0.021120689655172414367356736875;0.031034482758620689224482447344;0.012500000000000000693889390391;0.098706896551724140898009807188;0.045689655172413794204100412344;0.032327586206896553877587763282;0.007758620689655172306120611836;0.037068965517241377061186113906;0.005603448275862068887753775215;0.005603448275862068887753775215;0.017672413793103448897969798281;0.037499999999999998612221219219;0.010775862068965517959195921094;0.012931034482758620510201019727;0.058620689655172412979577956094;0.013362068965517242061236125039;0.004741379310344827520407040566;0.022413793103448275551015100859;0.056465517241379312163296333438;0.002155172413793103418366836621;0.021982758620689653999979995547;0.002586206896551724102040203945;0.006034482758620689571427142539;0.009482758620689655040814081133;0.018103448275862070449004903594;0.014655172413793103244894489023;0.024568965517241379836743675469;0.103879310344827585632643263125;0.000431034482758620683673367324;0.050431034482758617387698762968;0.034051724137931033142834280625;0.003448275862068965469386938594;0.021120689655172414367356736875;0.003879310344827586153060305918;0.008189655172413793857155717149;0.010775862068965517959195921094;0.007327586206896551622447244512;0.009051724137931035224502451797;0.000000000000000000000000000000;0.004741379310344827520407040566;0.009482758620689655040814081133;0.009051724137931035224502451797;0.000000000000000000000000000000;0.002586206896551724102040203945;0.039224137931034484816361640469;0.009051724137931035224502451797;0.008620689655172413673467346484;0.008620689655172413673467346484;0.017672413793103448897969798281;0.006896551724137930938773877187
-0.024596774193548387454910653105;0.007661290322580644775174452121;0.016935483870967743547097938972;0.122580645161290316402791233941;0.057661290322580646683370275696;0.074193548387096769358706183084;0.000806451612903225805752127631;0.015322580645161289550348904243;0.013306451612903225090178693790;0.010483870967741936233719179938;0.014516129032258065154059600843;0.072983870967741934498995703962;0.021370967741935482930859535600;0.016935483870967743547097938972;0.017338709677419354010519114695;0.017338709677419354010519114695;0.004435483870967741985846810593;0.020161290322580644601702104524;0.035483870967741935886774484743;0.004435483870967741985846810593;0.012096774193548386761021262714;0.005645161290322580315004241669;0.006451612903225806446017021045;0.012903225806451612892034042090;0.035080645161290321953906357066;0.011693548387096774562876611014;0.019758064516129030668833976847;0.033467741935483873161327750267;0.000806451612903225805752127631;0.102822580645161296142298112954;0.030645161290322579100697808485;0.006854838709677419511523410733;0.014516129032258065154059600843;0.006048387096774193380510631357;0.009677419354838710102706400562;0.013709677419354839023046821467;0.006048387096774193380510631357;0.006451612903225806446017021045;0.002822580645161290157502120834;0.008064516129032257840680841809;0.004838709677419355051353200281;0.011693548387096774562876611014;0.000000000000000000000000000000;0.004435483870967741985846810593;0.021370967741935482930859535600;0.005241935483870968116859589969;0.010080645161290322300851052262;0.009677419354838710102706400562;0.008870967741935483971693621186;0.009677419354838710102706400562
-0.029601029601029602011941221917;0.003539253539253539408704352098;0.018983268983268984653189903611;0.039575289575289572530092385705;0.071106821106821108124940167272;0.084298584298584292029410391933;0.001287001287001286959146839628;0.007722007722007722188561906762;0.009652509652509652302021514458;0.006113256113256112893317162360;0.014157014157014157634817408393;0.139317889317889326283861350930;0.013513513513513514263664205828;0.014157014157014157634817408393;0.005148005148005147836587358512;0.028635778635778635220487942092;0.002895752895752895603870280539;0.007078507078507078817408704197;0.023809523809523808202115446875;0.003861003861003861094280953381;0.009974259974259973987598115741;0.006435006435006434578893763643;0.003861003861003861094280953381;0.009330759330759330616444913176;0.052767052767052770312350418180;0.013191763191763192578087604545;0.009652509652509652302021514458;0.031209781209781208705100752354;0.000321750321750321739786709907;0.143822393822393812534699009120;0.057915057915057917281576038704;0.003539253539253539408704352098;0.005469755469755469522163959795;0.004504504504504504465434155946;0.006435006435006434578893763643;0.007400257400257400502985305479;0.001608751608751608644723440911;0.008365508365508365559715109327;0.002574002574002573918293679256;0.007400257400257400502985305479;0.002574002574002573918293679256;0.004826254826254826151010757229;0.000000000000000000000000000000;0.005791505791505791207740561077;0.007400257400257400502985305479;0.004826254826254826151010757229;0.017696267696267697910883498480;0.018661518661518661232889826351;0.012548262548262547472210926003;0.015444015444015444377123813524
-0.042328042328042325692649683333;0.016313932980599646360708732118;0.017195767195767194812638933854;0.007054673721340387615441613889;0.056878306878306875149498011979;0.072310405643738973058276542361;0.001322751322751322677895302604;0.007054673721340387615441613889;0.011904761904761904101057723437;0.005291005291005290711581210417;0.016313932980599646360708732118;0.132716049382716055893283169098;0.019841269841269840168429539062;0.017636684303350969038604034722;0.010582010582010581423162420833;0.037918871252204583432998674652;0.001322751322751322677895302604;0.010582010582010581423162420833;0.030864197530864195817557060764;0.002645502645502645355790605208;0.015873015873015872134743631250;0.003527336860670193807720806944;0.003968253968253968033685907812;0.006172839506172839163511412153;0.053791887125220455567742305902;0.017636684303350969038604034722;0.016313932980599646360708732118;0.026895943562610227783871152951;0.000440917107583774225965100868;0.108465608465608459587414813541;0.081128747795414457577578559722;0.003086419753086419581755706076;0.010141093474426807197197319965;0.003968253968253968033685907812;0.010141093474426807197197319965;0.004850088183421516485616109549;0.004850088183421516485616109549;0.023809523809523808202115446875;0.004850088183421516485616109549;0.006172839506172839163511412153;0.002204585537918871129825504340;0.008818342151675484519302017361;0.000000000000000000000000000000;0.003968253968253968033685907812;0.013227513227513226778953026042;0.004409171075837742259651008681;0.014109347442680775230883227778;0.010582010582010581423162420833;0.007054673721340387615441613889;0.011463844797178129875092622569
-0.039094650205761319328168212905;0.014814814814814815380206169948;0.027572016460905349882759551861;0.051028806584362138010213527650;0.020987654320987654543717582101;0.075308641975308648897069474515;0.004115226337448560020582100094;0.009053497942386830657501839426;0.014814814814814815380206169948;0.009053497942386830657501839426;0.020164609053497942192656466887;0.082304526748971193472748097975;0.012345679012345678327022824305;0.020164609053497942192656466887;0.005761316872427983855342592534;0.039506172839506172034251818559;0.008641975308641974481971281818;0.011111111111111111535154627461;0.027160493827160493707228994253;0.002880658436213991927671296267;0.011522633744855967710685185068;0.008641975308641974481971281818;0.002469135802469135752140738660;0.008230452674897120041164200188;0.062551440329218110925069140649;0.019341563786008229841595351672;0.017283950617283948963942563637;0.041152263374485596736374048987;0.000411522633744855958690123110;0.089711934156378597693404230995;0.066255144032921806096503303252;0.006584362139917695339041969760;0.010288065843621399184093512247;0.005349794238683127679812034927;0.013580246913580246853614497127;0.008230452674897120041164200188;0.003292181069958847669520984880;0.018518518518518517490534236458;0.002880658436213991927671296267;0.004115226337448560020582100094;0.004115226337448560020582100094;0.007407407407407407690103084974;0.000000000000000000000000000000;0.014403292181069959204675612341;0.005349794238683127679812034927;0.007818930041152263865633642581;0.019341563786008229841595351672;0.015226337448559671555736727555;0.016049382716049383906797842769;0.013991769547325103029145054734
-0.043595679012345678327022824305;0.006944444444444444058950338672;0.027777777777777776235801354687;0.083719135802469132889847003298;0.016975308641975307699656383420;0.068672839506172839163511412153;0.000771604938271604895438926519;0.009645061728395061192986581489;0.025077160493827160836488587847;0.005787037037037036715791948893;0.015817901234567902091221469618;0.094135802469135804182442939236;0.013888888888888888117900677344;0.020061728395061727281412089496;0.005401234567901234268072485634;0.030478395061728395104561073481;0.010030864197530863640706044748;0.013117283950617283222461750825;0.013117283950617283222461750825;0.006172839506172839163511412153;0.011959876543209875879303361046;0.015432098765432097908778530382;0.004243827160493826924914095855;0.015432098765432097908778530382;0.052469135802469132889847003298;0.016975308641975307699656383420;0.013888888888888888117900677344;0.019675925925925926568416102214;0.000000000000000000000000000000;0.073302469135802475475038875175;0.068672839506172839163511412153;0.005787037037037036715791948893;0.010802469135802468536144971267;0.008101851851851851402108728450;0.017746913580246912595095309939;0.012345679012345678327022824305;0.004629629629629629372633559115;0.009259259259259258745267118229;0.005015432098765431820353022374;0.011574074074074073431583897786;0.002314814814814814686316779557;0.013117283950617283222461750825;0.000000000000000000000000000000;0.005401234567901234268072485634;0.005787037037037036715791948893;0.005787037037037036715791948893;0.019675925925925926568416102214;0.020061728395061727281412089496;0.020447530864197531463855028733;0.018904320987654321672977175695
-0.033799533799533799938163980414;0.012237762237762237968463630011;0.025058275058275059771206727532;0.042832167832167832022260967051;0.060314685314685312356175472814;0.076923076923076927347011633174;0.006410256410256410034009810772;0.011655011655011655868907638478;0.016899766899766899969081990207;0.009032634032634032084096986637;0.016899766899766899969081990207;0.076048951048951055065039383862;0.022727272727272727903535809446;0.019522144522144523753892642048;0.013403263403263403902299089054;0.024766899766899767854066993777;0.007575757575757575967845269815;0.017482517482517483803361457717;0.021561771561771560234976874426;0.004953379953379953050396355962;0.007867132867132867884985003570;0.011655011655011655868907638478;0.008158508158508158067401261349;0.009324009324009324001236720392;0.041375291375291375906009250230;0.020979020979020979870144358870;0.017482517482517483803361457717;0.019813519813519812201585423850;0.001456876456876456983613454810;0.123834498834498832331441064980;0.037587412587412584452639663368;0.004079254079254079033700630674;0.010198135198135198017932445680;0.008741258741258741901680728859;0.012237762237762237968463630011;0.010198135198135198017932445680;0.004370629370629370950840364429;0.009615384615384615918376454147;0.002913752913752913967226909620;0.013111888111888111985159355299;0.002622377622377622483768044859;0.012820512820512820068019621544;0.000000000000000000000000000000;0.009615384615384615918376454147;0.013403263403263403902299089054;0.008741258741258741901680728859;0.016025641025641024217662788942;0.015151515151515151935690539631;0.014860139860139860018550805876;0.011655011655011655868907638478
-0.036666666666666666851703837438;0.003749999999999999861222121922;0.023750000000000000277555756156;0.039166666666666669072149886688;0.033750000000000002220446049250;0.066250000000000003330669073875;0.002083333333333333304421275400;0.011249999999999999583666365766;0.027500000000000000138777878078;0.008750000000000000832667268469;0.017500000000000001665334536938;0.113750000000000003885780586188;0.015416666666666667059870654555;0.024583333333333332038073137937;0.002500000000000000052041704279;0.026666666666666668378260496297;0.005000000000000000104083408559;0.012500000000000000693889390391;0.021250000000000001526556658860;0.002083333333333333304421275400;0.017500000000000001665334536938;0.009166666666666666712925959359;0.003749999999999999861222121922;0.017500000000000001665334536938;0.055416666666666669627261399000;0.023333333333333334397297065266;0.022083333333333333287074040641;0.003749999999999999861222121922;0.000416666666666666693410320255;0.097083333333333327042069527124;0.066250000000000003330669073875;0.005416666666666666851703837438;0.008750000000000000832667268469;0.006250000000000000346944695195;0.008750000000000000832667268469;0.012916666666666666574148081281;0.007083333333333332974823814965;0.019583333333333334536074943344;0.002083333333333333304421275400;0.007083333333333332974823814965;0.001666666666666666773641281019;0.013750000000000000069388939039;0.000000000000000000000000000000;0.008333333333333333217685101602;0.007083333333333332974823814965;0.006666666666666667094565124074;0.020416666666666666296592325125;0.017500000000000001665334536938;0.020416666666666666296592325125;0.015833333333333334674852821422
-0.041130037390943084696370846132;0.001246364769422517691788154792;0.035729123390112173253019278718;0.000000000000000000000000000000;0.029912754466140424602915715013;0.077274615704196095156142121141;0.001661819692563356850104061557;0.009555463232239302592829766070;0.024511840465309513159564147600;0.013710012463647693742307964726;0.017033651848774408743558694823;0.105525550477773163993155947082;0.025342750311591191042515092136;0.026173660157872872394912988625;0.003739094308267553075364464377;0.027420024927295387484615929452;0.006231823847112588458940773961;0.014125467386788532683783436994;0.019941836310760283068610476676;0.005400914000830909708628091437;0.009970918155380141534305238338;0.018695471541337764509460583895;0.007478188616535106150728928753;0.012463647694225176917881547922;0.057332779393435812087531644465;0.019110926464478605185659532140;0.016618196925633568067359746578;0.003739094308267553075364464377;0.001246364769422517691788154792;0.100955546323223926963308372251;0.066057332779393435062686990022;0.004985459077690070767152619169;0.009555463232239302592829766070;0.007893643539675945092204401021;0.025758205234732031718714040380;0.015787287079351890184408802043;0.007893643539675945092204401021;0.009140008309098463651354293802;0.004985459077690070767152619169;0.011217282924802658358731655142;0.000415454923140839212526015389;0.005400914000830909708628091437;0.000000000000000000000000000000;0.007893643539675945092204401021;0.006647278770253427400416246229;0.006231823847112588458940773961;0.023265475695886994600414254819;0.019110926464478605185659532140;0.019941836310760283068610476676;0.014540922309929373359982385239
-0.036185610898254574885335443923;0.013622818220519370205345843772;0.019157088122605362562334008203;0.074925500212856530057869974826;0.030651340996168580793623803515;0.065134099616858232018046237499;0.000851426138782460637834115236;0.008939974457215836209367232357;0.011919965942954448279156309809;0.009791400595998296305100261350;0.017879948914431672418734464713;0.132396764580672621214318951388;0.020008514261387826127513989150;0.020859940400170286223247018143;0.005108556832694764043845125912;0.025117071094082586701912163107;0.005108556832694764043845125912;0.011494252873563218231289795312;0.020008514261387826127513989150;0.005108556832694764043845125912;0.009365687526607066257233746853;0.004682843763303533128616873427;0.005534269902085994091711640408;0.018305661983822902466600979210;0.046402724563644102973025695746;0.015325670498084290396811901758;0.012771392081736910109612814779;0.011919965942954448279156309809;0.001702852277564921275668230471;0.108131119625372501547033721181;0.072371221796509149770670887847;0.005534269902085994091711640408;0.009365687526607066257233746853;0.003831417624521072599202975439;0.015325670498084290396811901758;0.011494252873563218231289795312;0.004257130693912303080750358930;0.012771392081736910109612814779;0.004682843763303533128616873427;0.005534269902085994091711640408;0.002979991485738612069789077452;0.009791400595998296305100261350;0.000000000000000000000000000000;0.008088548318433376113634203364;0.007662835249042145198405950879;0.006811409110259685102672921886;0.015751383567475522179401892231;0.012771392081736910109612814779;0.013622818220519370205345843772;0.008939974457215836209367232357
-0.045267489711934158491679625058;0.007887517146776405405073084864;0.025720164609053498827595518605;0.039780521262002745130903491599;0.019547325102880659664084106453;0.084362139917695477819847837964;0.001028806584362140005145525024;0.008916323731138545843899478882;0.014060356652949246303307972994;0.009259259259259258745267118229;0.020919067215363511269554663841;0.123799725651577499641042834355;0.023319615912208505048575091223;0.019890260631001372565451745800;0.002743484224965706246707197735;0.032921810699588480164656800753;0.005486968449931412493414395470;0.014746227709190672106043251688;0.015089163237311385007410891035;0.007544581618655692503705445517;0.009602194787379973381358233553;0.008916323731138545843899478882;0.006172839506172839163511412153;0.011659807956104252524287545612;0.054869684499314126668867430681;0.018175582990397804589166597111;0.017832647462277091687798957764;0.010973936899862824986828790941;0.000000000000000000000000000000;0.080589849108367625496462949286;0.066872427983539095563969567593;0.004115226337448560020582100094;0.008573388203017832942531839535;0.005144032921810699592046756123;0.015432098765432097908778530382;0.017146776406035665885063679070;0.008230452674897120041164200188;0.009602194787379973381358233553;0.003429355281207132916804214418;0.010288065843621399184093512247;0.001028806584362140005145525024;0.012002743484224965425655184958;0.000000000000000000000000000000;0.006515775034293552932240789488;0.007887517146776405405073084864;0.003429355281207132916804214418;0.018861454046639230391901875805;0.019890260631001372565451745800;0.019890260631001372565451745800;0.020576131687242798368187024494
-0.028598218471636193543927717542;0.017815283638068446503410768855;0.021097046413502108797022316367;0.165025785278949843615237114136;0.054852320675105488423373145679;0.049695264885138305810396985862;0.004688232536333802533135006740;0.022034692920768868956704622519;0.006094702297233942772658465969;0.007032348804500702932340772122;0.018284106891701828317975397908;0.046413502109704643516785438351;0.014533520862634785944522697321;0.016877637130801686343728462703;0.027660571964369433384245411389;0.024847632442569152905198492931;0.002812939521800281346408656447;0.018752930145335210132540026962;0.032817627754336615997221571206;0.002344116268166901266567503370;0.014533520862634785944522697321;0.005157055789967182612976159817;0.005625879043600562692817312893;0.010314111579934365225952319634;0.040318799812470697274680020428;0.012658227848101265625158085015;0.019221753398968588477657704061;0.040318799812470697274680020428;0.000000000000000000000000000000;0.062353492733239569700831594901;0.033755274261603372687456925405;0.006094702297233942772658465969;0.013595874355368025784840391168;0.002812939521800281346408656447;0.013127051101734645704999238092;0.010314111579934365225952319634;0.005157055789967182612976159817;0.009845288326300985146111166557;0.000000000000000000000000000000;0.003750586029067041939771831593;0.006563525550867322852499619046;0.008438818565400843171864231351;0.000000000000000000000000000000;0.009845288326300985146111166557;0.022503516174402250771269251572;0.004219409282700421585932115676;0.014064697609001405864681544244;0.016408813877168307998610785603;0.013595874355368025784840391168;0.013127051101734645704999238092
-0.020108695652173911444515752578;0.025000000000000001387778780781;0.006521739130434782254208680996;0.189673913043478248319217982498;0.107608695652173916301741485313;0.029891304347826087861594857031;0.004347826086956521791926366660;0.026086956521739129016834723984;0.002717391304347826011533761914;0.004891304347826087341177814238;0.013586956521739130057668809570;0.014130434782608695606920257148;0.011956521739130435144637942813;0.007065217391304347803460128574;0.047282608695652171559853371718;0.014130434782608695606920257148;0.003804347826086956676355788076;0.009782608695652174682355628477;0.065217391304347824276810285937;0.001630434782608695563552170249;0.026630434782608694566086171562;0.002717391304347826011533761914;0.002717391304347826011533761914;0.007065217391304347803460128574;0.017934782608695652716956914219;0.010869565217391304046135047656;0.015760869565217390519951123906;0.065760869565217386356614781562;0.000000000000000000000000000000;0.052717391304347827052367847500;0.034239130434782605316712533750;0.001086956521739130447981591665;0.019021739130434783815459809375;0.003260869565217391127104340498;0.006521739130434782254208680996;0.006521739130434782254208680996;0.003804347826086956676355788076;0.007065217391304347803460128574;0.003260869565217391127104340498;0.005434782608695652023067523828;0.009782608695652174682355628477;0.004891304347826087341177814238;0.000000000000000000000000000000;0.002173913043478260895963183330;0.050543478260869564855362057187;0.005434782608695652023067523828;0.004347826086956521791926366660;0.008695652173913043583852733320;0.013043478260869564508417361992;0.003260869565217391127104340498
-0.018548387096774192339676545771;0.033467741935483873161327750267;0.010483870967741936233719179938;0.229032258064516131002008592077;0.078629032258064515681361683619;0.017741935483870967943387242372;0.005645161290322580315004241669;0.029838709677419354704408505086;0.002016129032258064460170210452;0.002822580645161290157502120834;0.008467741935483871773548969486;0.013306451612903225090178693790;0.011693548387096774562876611014;0.006451612903225806446017021045;0.056854838709677418817634020343;0.010080645161290322300851052262;0.004838709677419355051353200281;0.010887096774193548431863831638;0.031854838709677417429855239561;0.001612903225806451611504255261;0.015322580645161289550348904243;0.004032258064516128920340420905;0.002419354838709677525676600141;0.008064516129032257840680841809;0.016532258064516129614229811295;0.010080645161290322300851052262;0.020161290322580644601702104524;0.117338709677419356092187285867;0.000000000000000000000000000000;0.027822580645161291978961770610;0.031451612903225803496987111885;0.002419354838709677525676600141;0.014919354838709677352204252543;0.003225806451612903223008510523;0.009274193548387096169838272885;0.006854838709677419511523410733;0.006854838709677419511523410733;0.007258064516129032577029800422;0.000403225806451612902876063815;0.001612903225806451611504255261;0.006048387096774193380510631357;0.002016129032258064460170210452;0.000000000000000000000000000000;0.005645161290322580315004241669;0.053629032258064514293582902837;0.002822580645161290157502120834;0.010080645161290322300851052262;0.008870967741935483971693621186;0.011290322580645160630008483338;0.009274193548387096169838272885
-0.013622818220519370205345843772;0.035334184759472114789602414930;0.008514261387824606161500717860;0.220945083014048526681705197916;0.089825457641549588672091886110;0.018305661983822902466600979210;0.006811409110259685102672921886;0.030651340996168580793623803515;0.003405704555129842551336460943;0.006385696040868455054806407389;0.009365687526607066257233746853;0.011919965942954448279156309809;0.007237122179650915150539436382;0.005959982971477224139578154904;0.058748403575989781300048520052;0.009365687526607066257233746853;0.001277139208173691010961281478;0.012345679012345678327022824305;0.033205619412515964550269842448;0.001277139208173691010961281478;0.011919965942954448279156309809;0.001702852277564921275668230471;0.002128565346956151540375179465;0.006385696040868455054806407389;0.015325670498084290396811901758;0.007237122179650915150539436382;0.019582801191996592610200522699;0.148148148148148139924273891666;0.000425713069391230318917057618;0.034057045551298424646002871441;0.025117071094082586701912163107;0.003831417624521072599202975439;0.008088548318433376113634203364;0.002554278416347382021922562956;0.003831417624521072599202975439;0.005108556832694764043845125912;0.005959982971477224139578154904;0.004682843763303533128616873427;0.000851426138782460637834115236;0.002128565346956151540375179465;0.011068539804171988183423280816;0.008088548318433376113634203364;0.000000000000000000000000000000;0.007237122179650915150539436382;0.047679863771817793116625239236;0.003831417624521072599202975439;0.008088548318433376113634203364;0.004682843763303533128616873427;0.010217113665389528087690251823;0.005534269902085994091711640408
-0.017094017094017095736990796695;0.026590693257359923618032837567;0.007597340930674264386501803870;0.129629629629629622433739655207;0.173789173789173800876994846476;0.019943019943019942713524628175;0.002849002849002849144938176451;0.023266856600189934900502208848;0.001899335232668566096625450967;0.002374169040835707403941379212;0.012820512820512820068019621544;0.012345679012345678327022824305;0.011396011396011396579752705804;0.006647673314339980904508209392;0.062203228869895536845557870720;0.011870845204178538320749503043;0.003323836657169990452254104696;0.009021842355175687874768719610;0.051282051282051280272078486178;0.000474833808167141524156362742;0.018518518518518517490534236458;0.002374169040835707403941379212;0.003798670465337132193250901935;0.005698005698005698289876352902;0.016144349477682812254997202217;0.006647673314339980904508209392;0.022317188983855651418508614370;0.080246913580246909125648357985;0.000474833808167141524156362742;0.063152896486229820327551465198;0.030389363722697057546007215478;0.001424501424501424572469088226;0.022792022792022793159505411609;0.002849002849002849144938176451;0.004273504273504273934247699174;0.005223171889838556548879555663;0.004273504273504273934247699174;0.005698005698005698289876352902;0.000000000000000000000000000000;0.001899335232668566096625450967;0.008547008547008547868495398347;0.012820512820512820068019621544;0.000000000000000000000000000000;0.004273504273504273934247699174;0.062203228869895536845557870720;0.004273504273504273934247699174;0.005698005698005698289876352902;0.003323836657169990452254104696;0.009971509971509971356762314088;0.004273504273504273934247699174
-0.019255455712451862576584105113;0.029204107830551988278511288399;0.011232349165596918968978989994;0.086970474967907579477710555693;0.082798459563543008732366956792;0.031129653401797175577003784497;0.005776636713735558426030536339;0.035622593068035945940152942057;0.005455712451861360542948453656;0.007060333761232349090997129082;0.018613607188703466810419939748;0.017008985879332479129733002310;0.018934531450577662958778546454;0.008664955070603337639045804508;0.047817715019255455088931228147;0.008344030808729139755963721825;0.005776636713735558426030536339;0.025032092426187421002614641452;0.050706033376123234301946496316;0.004492939666238767761063943595;0.025032092426187421002614641452;0.003209242618741977096097350852;0.011232349165596918968978989994;0.009627727856225931288292052557;0.020539152759948650639465483891;0.013157894736842104532748010115;0.034338896020539154407824611326;0.058087291399229780408663970093;0.000320924261874197666241648186;0.063222079589216939599083389112;0.017329910141206675278091609016;0.005134788189987162659866370973;0.027920410783055200215629909621;0.003209242618741977096097350852;0.013157894736842104532748010115;0.013478818998716302415830092798;0.012195121951219512618225238043;0.006097560975609756309112619022;0.000962772785622593107145161806;0.004492939666238767761063943595;0.011874197689345314735143155360;0.008344030808729139755963721825;0.000000000000000000000000000000;0.008023106546854941872881639142;0.051668806161745829685916220342;0.009306803594351733405209969874;0.008664955070603337639045804508;0.006739409499358151207915046399;0.021822849807445442171793814623;0.010911424903722721085896907312
-0.019396551724137931632663267578;0.034913793103448276244904491250;0.014655172413793103244894489023;0.045689655172413794204100412344;0.035775862068965519346974701875;0.031896551724137932326552657969;0.011206896551724137775507550430;0.042672413793103450285748579063;0.005603448275862068887753775215;0.004741379310344827520407040566;0.014224137931034483428582859688;0.015948275862068966163276328984;0.022844827586206897102050206172;0.012500000000000000693889390391;0.043103448275862071836783684375;0.009482758620689655040814081133;0.008189655172413793857155717149;0.040517241379310342530573052500;0.046120689655172415755135517657;0.002586206896551724102040203945;0.033620689655172411591799175312;0.002155172413793103418366836621;0.030172413793103449591859188672;0.010775862068965517959195921094;0.028448275862068966857165719375;0.016810344827586205795899587656;0.031465517241379310775517552656;0.057327586206896548326472640156;0.000000000000000000000000000000;0.042672413793103450285748579063;0.029741379310344828040824083359;0.002155172413793103418366836621;0.046120689655172415755135517657;0.006034482758620689571427142539;0.021551724137931035918391842188;0.015517241379310344612241223672;0.016379310344827587714311434297;0.005603448275862068887753775215;0.000000000000000000000000000000;0.009913793103448276591849186445;0.018965517241379310081628162266;0.009482758620689655040814081133;0.000000000000000000000000000000;0.005172413793103448204080407891;0.030603448275862067673447342031;0.013362068965517242061236125039;0.009051724137931035224502451797;0.010344827586206896408160815781;0.026724137931034484122472250078;0.007758620689655172306120611836
-0.019642857142857142460634634062;0.041517857142857141072855853281;0.015178571428571428422737987773;0.049107142857142856151586585156;0.040178571428571431545240244532;0.024553571428571428075793292578;0.011607142857142857539365365938;0.039732142857142854763807804375;0.005803571428571428769682682969;0.008035714285714284921269268125;0.016517857142857143154524024453;0.020089285714285715772620122266;0.018303571428571429463572073360;0.011607142857142857539365365938;0.064285714285714279370154144999;0.014732142857142856845475975547;0.007142857142857142634106981660;0.038392857142857145236192195625;0.055357142857142854763807804375;0.004464285714285714037896646289;0.040625000000000001387778780781;0.004017857142857142460634634062;0.025000000000000001387778780781;0.012500000000000000693889390391;0.020982142857142855457697194765;0.012946428571428572271151402617;0.028125000000000000693889390391;0.077678571428571430157461463750;0.000446428571428571414631686354;0.033928571428571425994125121406;0.031696428571428569842538536250;0.005357142857142857192420670742;0.020982142857142855457697194765;0.005803571428571428769682682969;0.019196428571428572618096097813;0.017410714285714286309048048906;0.007589285714285714211368993887;0.004017857142857142460634634062;0.000000000000000000000000000000;0.006250000000000000346944695195;0.025000000000000001387778780781;0.009374999999999999653055304805;0.000000000000000000000000000000;0.006250000000000000346944695195;0.031696428571428569842538536250;0.013392857142857142113689938867;0.007142857142857142634106981660;0.004464285714285714037896646289;0.014732142857142856845475975547;0.007142857142857142634106981660
-0.019512195121951219495270990478;0.036097560975609753464166118420;0.007804878048780487798108396191;0.089268292682926825287736960490;0.025365853658536587078575763599;0.025853658536585364530191455401;0.013170731707317072725627049579;0.040487804878048781753729912225;0.009756097560975609747635495239;0.008780487804878049640233683704;0.014146341463414634567752337091;0.016585365853658537438342079895;0.016097560975609756517279436139;0.009268292682926828826572851483;0.029756097560975608429245653497;0.008292682926829268719171039947;0.011707317073170731697162594287;0.030731707317073170271370941009;0.062439024390243902384867169530;0.002439024390243902436908873810;0.033170731707317074876684159790;0.005365853658536585794880391376;0.024390243902439025236450476086;0.015121951219512194675154148626;0.023902439024390244315387832330;0.015121951219512194675154148626;0.033170731707317074876684159790;0.061951219512195121463804525774;0.000487804878048780487381774762;0.042926829268292686359043131006;0.021463414634146343179521565503;0.006341463414634146769643940900;0.034146341463414636718809447302;0.008780487804878049640233683704;0.009756097560975609747635495239;0.016097560975609756517279436139;0.008292682926829268719171039947;0.009268292682926828826572851483;0.002439024390243902436908873810;0.008780487804878049640233683704;0.018048780487804876732083059210;0.014146341463414634567752337091;0.000000000000000000000000000000;0.007317073170731707744407490424;0.035121951219512198560934734815;0.015121951219512194675154148626;0.009756097560975609747635495239;0.007804878048780487798108396191;0.023902439024390244315387832330;0.010243902439024390668698138995
-0.017421602787456445110558789224;0.038675958188153308769940963430;0.016027874564459931167048623024;0.011149825783972125425869137416;0.063066202090592340945285343423;0.023344947735191638044094375459;0.008013937282229965583524311512;0.048083623693379790031698917119;0.003484320557491289195584105443;0.007317073170731707744407490424;0.013937282229965156782336421770;0.011149825783972125425869137416;0.017770034843205575331159806751;0.010801393728222996939991595866;0.097560975609756100945801904345;0.009059233449477352775880412139;0.008013937282229965583524311512;0.038327526132404178549339945903;0.041811846689895473816456217264;0.004181184668989547034700926531;0.029965156794425087949385044794;0.004181184668989547034700926531;0.027874564459930313564672843540;0.010104529616724738233513036789;0.021951219512195120631137257305;0.013937282229965156782336421770;0.033101045296167246057006394722;0.037630662020905925047031814756;0.000696864111498257839116821089;0.037630662020905925047031814756;0.013240418118466899810581338670;0.006968641114982578391168210885;0.036236933797909411103521648556;0.005923344947735192066173848247;0.014982578397212543974692522397;0.011846689895470384132347696493;0.007665505226480836230285031974;0.005923344947735192066173848247;0.001045296167247386758675231633;0.016724738675958188138803706124;0.021602787456445993879983191732;0.003135888501742160276025694898;0.000000000000000000000000000000;0.010452961672473868454114054316;0.077003484320557494258174813240;0.012891986062717769589980321143;0.007317073170731707744407490424;0.009059233449477352775880412139;0.024041811846689895015849458559;0.007665505226480836230285031974
-0.013710012463647693742307964726;0.064810968009970923442431001149;0.007062733693394266341891718497;0.115496468633153298588567281513;0.089738263398421266869853241133;0.014956377233070212301457857507;0.017864561695056086626509639359;0.035729123390112173253019278718;0.003323639385126713700208123115;0.004985459077690070767152619169;0.008724553385957622975155345557;0.013710012463647693742307964726;0.011217282924802658358731655142;0.004570004154549231825677146901;0.102201911092646452461352168939;0.013294557540506854800832492458;0.004154549231408392016839936645;0.020357291233901120275362472967;0.040299127544661403343972949642;0.000415454923140839212526015389;0.017033651848774408743558694823;0.001661819692563356850104061557;0.004570004154549231825677146901;0.005400914000830909708628091437;0.017033651848774408743558694823;0.008724553385957622975155345557;0.015787287079351890184408802043;0.117158288325716661293363074492;0.000830909846281678425052030779;0.026589115081013709601664984916;0.027835479850436228160814877697;0.003323639385126713700208123115;0.012463647694225176917881547922;0.001661819692563356850104061557;0.008309098462816784033679873289;0.005816368923971748650103563705;0.004570004154549231825677146901;0.012879102617366015859357020190;0.000830909846281678425052030779;0.002077274615704196008419968322;0.021188201080182801627760369456;0.006647278770253427400416246229;0.000000000000000000000000000000;0.004154549231408392016839936645;0.049023680930619026319128295199;0.005816368923971748650103563705;0.004570004154549231825677146901;0.008309098462816784033679873289;0.011217282924802658358731655142;0.007893643539675945092204401021
-0.014109347442680775230883227778;0.055114638447971778245637608507;0.007936507936507936067371815625;0.222663139329805997990163746181;0.059082892416225746279323516319;0.011463844797178129875092622569;0.008377425044091710293336916493;0.028218694885361550461766455555;0.003086419753086419581755706076;0.004850088183421516485616109549;0.007495590828924161841406714757;0.018518518518518517490534236458;0.005731922398589064937546311285;0.007495590828924161841406714757;0.085978835978835974063194669270;0.011022927689594355649127521701;0.002645502645502645355790605208;0.016313932980599646360708732118;0.033068783068783066947382565104;0.000881834215167548451930201736;0.014109347442680775230883227778;0.001763668430335096903860403472;0.001322751322751322677895302604;0.006613756613756613389476513021;0.017195767195767194812638933854;0.007495590828924161841406714757;0.013227513227513226778953026042;0.142416225749559088864515388195;0.001322751322751322677895302604;0.021164021164021162846324841667;0.037918871252204583432998674652;0.003527336860670193807720806944;0.006172839506172839163511412153;0.003968253968253968033685907812;0.007495590828924161841406714757;0.004409171075837742259651008681;0.004409171075837742259651008681;0.009259259259259258745267118229;0.000000000000000000000000000000;0.003527336860670193807720806944;0.014109347442680775230883227778;0.008818342151675484519302017361;0.000000000000000000000000000000;0.003527336860670193807720806944;0.033068783068783066947382565104;0.003968253968253968033685907812;0.006613756613756613389476513021;0.004850088183421516485616109549;0.006613756613756613389476513021;0.007054673721340387615441613889
-0.009485094850948509043186973599;0.056007226738934053067442420115;0.005420054200542005415353052911;0.245257452574525747213129989177;0.095754290876242098562443061383;0.014001806684733513266860605029;0.011743450767841012022385527303;0.025293586269196026428129897567;0.000903342366757000866418769736;0.004516711833785004223673631429;0.005420054200542005415353052911;0.023035230352303523448931343864;0.006323396567299006607032474392;0.006775067750677507202872185132;0.077687443541102074728854631758;0.007226738934056006931350157885;0.003161698283649503303516237196;0.016711833785004515107175393496;0.022583559168925022853091633124;0.000451671183378500433209384868;0.011291779584462511426545816562;0.003161698283649503303516237196;0.001806684733514001732837539471;0.002710027100271002707676526455;0.011743450767841012022385527303;0.007226738934056006931350157885;0.009936766034327009639026684340;0.136404697380307138310229220224;0.000451671183378500433209384868;0.026648599819331528215649029789;0.023035230352303523448931343864;0.004065040650406504495195658677;0.010388437217705510234866395081;0.003613369467028003465675078942;0.005871725383920506011192763651;0.007226738934056006931350157885;0.001806684733514001732837539471;0.004516711833785004223673631429;0.001355013550135501353838263228;0.001355013550135501353838263228;0.010388437217705510234866395081;0.003161698283649503303516237196;0.000000000000000000000000000000;0.001355013550135501353838263228;0.041102077687443540343625869582;0.005420054200542005415353052911;0.006323396567299006607032474392;0.005871725383920506011192763651;0.007226738934056006931350157885;0.006775067750677507202872185132
-0.012068965517241379142854285078;0.044396551724137929550995096406;0.008189655172413793857155717149;0.259913793103448254040443998747;0.086206896551724143673567368751;0.015086206896551724795929594336;0.005172413793103448204080407891;0.015948275862068966163276328984;0.002155172413793103418366836621;0.002586206896551724102040203945;0.007758620689655172306120611836;0.016379310344827587714311434297;0.010775862068965517959195921094;0.008189655172413793857155717149;0.071120689655172417142914298438;0.009482758620689655040814081133;0.003017241379310344785713571270;0.013362068965517242061236125039;0.015948275862068966163276328984;0.000862068965517241367346734648;0.008620689655172413673467346484;0.001724137931034482734693469297;0.001293103448275862051020101973;0.006465517241379310255100509863;0.015948275862068966163276328984;0.009051724137931035224502451797;0.012500000000000000693889390391;0.147844827586206900571497158126;0.000862068965517241367346734648;0.023706896551724136734673464844;0.022844827586206897102050206172;0.003017241379310344785713571270;0.010344827586206896408160815781;0.001724137931034482734693469297;0.008189655172413793857155717149;0.005603448275862068887753775215;0.006034482758620689571427142539;0.004310344827586206836733673242;0.000000000000000000000000000000;0.002155172413793103418366836621;0.013362068965517242061236125039;0.005603448275862068887753775215;0.000000000000000000000000000000;0.006034482758620689571427142539;0.043965517241379307999959991093;0.004310344827586206836733673242;0.006034482758620689571427142539;0.004741379310344827520407040566;0.007758620689655172306120611836;0.007327586206896551622447244512
-0.005555555555555555767577313730;0.029629629629629630760412339896;0.006944444444444444058950338672;0.238425925925925930037863054167;0.122685185185185188783130172396;0.014351851851851851749053423646;0.008333333333333333217685101602;0.022685185185185186701462001224;0.002314814814814814686316779557;0.005555555555555555767577313730;0.009722222222222222376419864531;0.019907407407407408383992475365;0.009259259259259258745267118229;0.005092592592592593003786305417;0.074074074074074069962136945833;0.009259259259259258745267118229;0.003703703703703703845051542487;0.011111111111111111535154627461;0.021296296296296295808003762318;0.001851851851851851922525771243;0.008333333333333333217685101602;0.002777777777777777883788656865;0.000925925925925925961262885622;0.010648148148148147904001881159;0.017129629629629630066522949505;0.006481481481481481295159330358;0.013888888888888888117900677344;0.108796296296296293726335591145;0.001851851851851851922525771243;0.034722222222222223764198645313;0.032407407407407405608434913802;0.003703703703703703845051542487;0.006018518518518518531368322044;0.002777777777777777883788656865;0.006944444444444444058950338672;0.007870370370370369586532355299;0.001388888888888888941894328433;0.007870370370370369586532355299;0.000000000000000000000000000000;0.001388888888888888941894328433;0.009722222222222222376419864531;0.005092592592592593003786305417;0.000000000000000000000000000000;0.003703703703703703845051542487;0.056018518518518516102755455677;0.002777777777777777883788656865;0.008333333333333333217685101602;0.006018518518518518531368322044;0.004629629629629629372633559115;0.006018518518518518531368322044
-0.014473684210526315679912201517;0.015789473684210526827076392919;0.013157894736842104532748010115;0.553947368421052632747603183816;0.038157894736842105920526790896;0.007894736842105263413538196460;0.004824561403508772182424646502;0.015789473684210526827076392919;0.006578947368421052266374005058;0.005701754385964912658080194774;0.004824561403508772182424646502;0.008333333333333333217685101602;0.000438596491228070183617665512;0.003070175438596491231113549958;0.040350877192982456675984792582;0.008333333333333333217685101602;0.005701754385964912658080194774;0.010087719298245614168996198146;0.014473684210526315679912201517;0.000438596491228070183617665512;0.012719298245614034728601104973;0.007017543859649122937882648188;0.000877192982456140367235331023;0.009649122807017544364849293004;0.014912280701754385484059106659;0.007456140350877192742029553330;0.012280701754385964924454199831;0.045175438596491229725771177073;0.001315789473684210496642887911;0.008333333333333333217685101602;0.018421052631578945651957823770;0.003947368421052631706769098230;0.003070175438596491231113549958;0.002192982456140350755458001686;0.004385964912280701510916003372;0.003070175438596491231113549958;0.001315789473684210496642887911;0.007894736842105263413538196460;0.000000000000000000000000000000;0.002631578947368420993285775822;0.006140350877192982462227099916;0.004385964912280701510916003372;0.000000000000000000000000000000;0.005701754385964912658080194774;0.021491228070175439485156587693;0.006140350877192982462227099916;0.006578947368421052266374005058;0.003947368421052631706769098230;0.004385964912280701510916003372;0.002192982456140350755458001686
-0.019148936170212765839337976104;0.025177304964539008735879832557;0.016312056737588651739168099652;0.163120567375886538208362708247;0.078014184397163122142160318617;0.019503546099290780535540079654;0.012056737588652482323636760952;0.031914893617021274085931992204;0.014539007092198581727604533853;0.011702127659574467627434657402;0.012056737588652482323636760952;0.018794326241134751143135872553;0.007446808510638298211903318702;0.013475177304964539373721699178;0.040070921985815605159686469960;0.010638297872340425273551822727;0.011702127659574467627434657402;0.026595744680851064051241294806;0.040070921985815605159686469960;0.003191489361702127495329373019;0.025886524822695034658837087704;0.006737588652482269686860849589;0.005673758865248227332978014914;0.014539007092198581727604533853;0.018794326241134751143135872553;0.021985815602836879939507852555;0.027304964539007093443645501907;0.046099290780141841117334422506;0.002127659574468085141446538344;0.046453900709219855813536526057;0.011347517730496454665956029828;0.012056737588652482323636760952;0.009929078014184397615871091602;0.003546099290780141757850607576;0.004609929078014184111733442251;0.017730496453900710523976513855;0.004609929078014184111733442251;0.004255319148936170282893076688;0.002127659574468085141446538344;0.007801418439716312040743684264;0.015248226950354609385285264977;0.028368794326241134062804860605;0.000000000000000000000000000000;0.010283687943262410577349719176;0.031205673758865248162974737056;0.012765957446808509981317492077;0.011347517730496454665956029828;0.006382978723404254990658746038;0.008865248226950355261988256927;0.006382978723404254990658746038
-0.025617283950617283916351141215;0.019753086419753086017125909279;0.039814814814814816767984950729;0.056790123456790124467641334149;0.034259259259259260133045899011;0.017283950617283948963942563637;0.006172839506172839163511412153;0.025617283950617283916351141215;0.017283950617283948963942563637;0.042592592592592591616007524635;0.015123456790123456644492350165;0.010802469135802468536144971267;0.004938271604938271504281477320;0.025617283950617283916351141215;0.026543209876543211178656633820;0.017592592592592593697675695807;0.011419753086419752799440807678;0.026543209876543211178656633820;0.016358024691358025171084022986;0.008950617283950617480980938012;0.016358024691358025171084022986;0.011728395061728395798450463872;0.009567901234567901744276774423;0.060802469135802471311702532830;0.022222222222222223070309254922;0.034876543209876542661618259444;0.028086419753086420969534486858;0.033950617283950615399312766840;0.004320987654320987240985640909;0.025308641975308642652064960998;0.005864197530864197899225231936;0.024382716049382715389759468394;0.008024691358024691953398921385;0.005246913580246913635929395525;0.011419753086419752799440807678;0.030246913580246913288984700330;0.008950617283950617480980938012;0.011728395061728395798450463872;0.003703703703703703845051542487;0.006172839506172839163511412153;0.010185185185185186007572610833;0.017592592592592593697675695807;0.000000000000000000000000000000;0.044444444444444446140618509844;0.015123456790123456644492350165;0.041358024691358026558862803768;0.021913580246913581806023074705;0.010493827160493827271858791050;0.016666666666666666435370203203;0.010185185185185186007572610833
-0.034591194968553458377602538576;0.011006289308176099919767132462;0.072641509433962261899075940619;0.016352201257861635058654670161;0.006918238993710692022465202911;0.011006289308176099919767132462;0.002830188679245282824120666376;0.020440251572327042955956599712;0.023584905660377360192558882090;0.042767295597484274172206397679;0.013207547169811321291499339736;0.007232704402515723399180735953;0.012264150943396227161352740609;0.052201257861635222412566292860;0.009748427672955974412905000293;0.014150943396226415421645938864;0.026729559748427673959714212515;0.037106918238993709391326802916;0.006289308176100629269034136826;0.012893081761006289914783806694;0.011949685534591195784637207566;0.016666666666666666435370203203;0.006918238993710692022465202911;0.055660377358490567556437156327;0.033333333333333332870740406406;0.047798742138364783138548830266;0.026100628930817611206283146430;0.006289308176100629269034136826;0.000628930817610062861851283333;0.006603773584905660645749669868;0.003773584905660377387948134498;0.024213836477987422945989948175;0.002201257861635220070689600291;0.007232704402515723399180735953;0.017610062893081760565516802330;0.060691823899371069583885685006;0.015723270440251572305223604076;0.012893081761006289914783806694;0.001886792452830188693974067249;0.012264150943396227161352740609;0.006289308176100629269034136826;0.013522012578616352668214872779;0.000000000000000000000000000000;0.029874213836477987726869542939;0.004716981132075471518094733625;0.023899371069182391569274415133;0.045597484276729556562646195061;0.027358490566037736713145278600;0.027987421383647799466576344685;0.016352201257861635058654670161
-0.005345911949685534271525799710;0.006603773584905660645749669868;0.033018867924528301494024873364;0.550943396226415083027916352876;0.047798742138364783138548830266;0.004088050314465408764663667540;0.003459119496855346011232601455;0.007547169811320754775896268995;0.008805031446540880282758401165;0.009433962264150943036189467250;0.005345911949685534271525799710;0.004402515723270440141379200583;0.007232704402515723399180735953;0.022012578616352199839534264925;0.011949685534591195784637207566;0.003773584905660377387948134498;0.014150943396226415421645938864;0.016666666666666666435370203203;0.006603773584905660645749669868;0.006289308176100629269034136826;0.003773584905660377387948134498;0.003459119496855346011232601455;0.004402515723270440141379200583;0.016666666666666666435370203203;0.005660377358490565648241332752;0.011635220125786162673198198547;0.011949685534591195784637207566;0.005345911949685534271525799710;0.000000000000000000000000000000;0.011949685534591195784637207566;0.004402515723270440141379200583;0.007861635220125786152611802038;0.004402515723270440141379200583;0.001886792452830188693974067249;0.008805031446540880282758401165;0.025471698113207548452852080345;0.009119496855345911659473934208;0.003144654088050314634517068413;0.002201257861635220070689600291;0.009748427672955974412905000293;0.001886792452830188693974067249;0.010691823899371068543051599420;0.000000000000000000000000000000;0.005974842767295597892318603783;0.009748427672955974412905000293;0.003144654088050314634517068413;0.017295597484276729188801269288;0.009748427672955974412905000293;0.010691823899371068543051599420;0.003459119496855346011232601455
-0.027777777777777776235801354687;0.017647058823529411519803744568;0.047385620915032677924472181985;0.175816993464052301332500860553;0.013725490196078431182069579108;0.004901960784313725422167706824;0.002614379084967320080595820642;0.018954248366013070475899482403;0.006209150326797385245625182648;0.041503267973856207417870933796;0.008823529411764705759901872284;0.003594771241830065165029362007;0.005228758169934640161191641283;0.041176470588235293546208737325;0.016666666666666666435370203203;0.015032679738562091872888792921;0.012745098039215686097636037744;0.015032679738562091872888792921;0.006209150326797385245625182648;0.005882352941176470506601248189;0.011437908496732025406816823931;0.009803921568627450844335413649;0.010130718954248366450721086096;0.053921568627450983113291727022;0.020915032679738560644766565133;0.048366013071895426478352675304;0.019607843137254901688670827298;0.012418300653594770491250365296;0.001307189542483660040297910321;0.006535947712418300852010855095;0.003594771241830065165029362007;0.016339869281045752563708006733;0.002614379084967320080595820642;0.007516339869281045936444396460;0.015686274509803921350936661838;0.044771241830065360012280706314;0.005882352941176470506601248189;0.011111111111111111535154627461;0.007843137254901960675468330919;0.017973856209150325391465941038;0.003921568627450980337734165460;0.008169934640522876281854003366;0.000000000000000000000000000000;0.034313725490196081424620899725;0.004901960784313725422167706824;0.022222222222222223070309254922;0.049019607843137254221677068244;0.035294117647058823039607489136;0.015686274509803921350936661838;0.011764705882352941013202496379
-0.019444444444444444752839729063;0.013888888888888888117900677344;0.049382716049382713308091297222;0.119135802469135798631327816111;0.012037037037037037062736644089;0.008950617283950617480980938012;0.006790123456790123426807248563;0.031172839506172840551290192934;0.008641975308641974481971281818;0.032098765432098767813595685539;0.011111111111111111535154627461;0.005864197530864197899225231936;0.010493827160493827271858791050;0.031481481481481478346129421197;0.025925925925925925180637321432;0.015123456790123456644492350165;0.014197530864197531116910333537;0.028086419753086420969534486858;0.017283950617283948963942563637;0.004938271604938271504281477320;0.018518518518518517490534236458;0.011728395061728395798450463872;0.016049382716049383906797842769;0.034259259259259260133045899011;0.025617283950617283916351141215;0.036419753086419752452496112483;0.036419753086419752452496112483;0.009259259259259258745267118229;0.001543209876543209790877853038;0.007716049382716048954389265191;0.010185185185185186007572610833;0.018209876543209876226248056241;0.007716049382716048954389265191;0.012037037037037037062736644089;0.025617283950617283916351141215;0.042283950617283953821168296372;0.014506172839506172381196513754;0.007407407407407407690103084974;0.001234567901234567876070369330;0.021296296296296295808003762318;0.012037037037037037062736644089;0.004320987654320987240985640909;0.000000000000000000000000000000;0.031790123456790123079862553368;0.010185185185185186007572610833;0.032716049382716050342168045972;0.030864197530864195817557060764;0.013888888888888888117900677344;0.025000000000000001387778780781;0.015123456790123456644492350165
-0.008169934640522876281854003366;0.022549019607843136941971451392;0.019281045751633987817008630827;0.445098039215686247516146067937;0.007516339869281045936444396460;0.009150326797385621366287544731;0.002614379084967320080595820642;0.023529411764705882026404992757;0.008169934640522876281854003366;0.016993464052287580307032399674;0.010784313725490195928768955014;0.004901960784313725422167706824;0.005555555555555555767577313730;0.014705882352941176266503120473;0.030065359477124183745777585841;0.008496732026143790153516199837;0.020915032679738560644766565133;0.019607843137254901688670827298;0.017647058823529411519803744568;0.003594771241830065165029362007;0.009477124183006535237949741202;0.006209150326797385245625182648;0.011437908496732025406816823931;0.018300653594771242732575089462;0.013398692810457515575683906661;0.011764705882352941013202496379;0.023856209150326795898067189228;0.011764705882352941013202496379;0.002287581699346405341571886183;0.013725490196078431182069579108;0.002614379084967320080595820642;0.012091503267973856619588168826;0.010457516339869280322383282567;0.007516339869281045936444396460;0.015359477124183005744550989391;0.017973856209150325391465941038;0.006535947712418300852010855095;0.003921568627450980337734165460;0.002287581699346405341571886183;0.010457516339869280322383282567;0.009150326797385621366287544731;0.009477124183006535237949741202;0.000000000000000000000000000000;0.005555555555555555767577313730;0.018954248366013070475899482403;0.007189542483660130330058724013;0.010784313725490195928768955014;0.006209150326797385245625182648;0.013398692810457515575683906661;0.008496732026143790153516199837
-0.007777777777777777554191196430;0.019166666666666665186369300500;0.015277777777777777276635440273;0.475277777777777798995373359503;0.012777777777777778525636342977;0.009722222222222222376419864531;0.008055555555555555385938149016;0.021111111111111111743321444578;0.012222222222222222862142437805;0.005555555555555555767577313730;0.004722222222222222272336455973;0.009722222222222222376419864531;0.007499999999999999722444243844;0.008055555555555555385938149016;0.034444444444444444197728216750;0.010833333333333333703407674875;0.009444444444444444544672911945;0.020833333333333332176851016015;0.011111111111111111535154627461;0.002777777777777777883788656865;0.010000000000000000208166817117;0.014444444444444443781394582516;0.006944444444444444058950338672;0.010555555555555555871660722289;0.009166666666666666712925959359;0.010277777777777778039913769703;0.016111111111111110771876298031;0.013055555555555556357383295563;0.002500000000000000052041704279;0.010000000000000000208166817117;0.023611111111111110494320541875;0.005833333333333333599324266316;0.003611111111111110945348645629;0.007499999999999999722444243844;0.006111111111111111431071218902;0.013055555555555556357383295563;0.001944444444444444388547799107;0.013055555555555556357383295563;0.002222222222222222220294751693;0.020277777777777776513357110844;0.011388888888888889366901580047;0.017222222222222222098864108375;0.000000000000000000000000000000;0.009722222222222222376419864531;0.017500000000000001665334536938;0.013055555555555556357383295563;0.010555555555555555871660722289;0.004444444444444444440589503387;0.005555555555555555767577313730;0.003888888888888888777095598215
-0.035493827160493825190190619878;0.017283950617283948963942563637;0.027777777777777776235801354687;0.084567901234567907642336592744;0.014814814814814815380206169948;0.039814814814814816767984950729;0.008641975308641974481971281818;0.026234567901234566444923501649;0.014814814814814815380206169948;0.010185185185185186007572610833;0.019444444444444444752839729063;0.025308641975308642652064960998;0.024691358024691356654045648611;0.014814814814814815380206169948;0.018827160493827162224267368629;0.020987654320987654543717582101;0.017901234567901234961961876024;0.026234567901234566444923501649;0.026234567901234566444923501649;0.006790123456790123426807248563;0.020679012345679013279431401884;0.020987654320987654543717582101;0.015123456790123456644492350165;0.024074074074074074125473288177;0.034259259259259260133045899011;0.024382716049382715389759468394;0.025617283950617283916351141215;0.014506172839506172381196513754;0.004320987654320987240985640909;0.040432098765432099296557311163;0.015740740740740739173064710599;0.011728395061728395798450463872;0.021604938271604937072289942535;0.006172839506172839163511412153;0.020987654320987654543717582101;0.022839506172839505598881615356;0.008333333333333333217685101602;0.018209876543209876226248056241;0.004012345679012345976699460692;0.024382716049382715389759468394;0.010493827160493827271858791050;0.015740740740740739173064710599;0.000000000000000000000000000000;0.014506172839506172381196513754;0.012654320987654321326032480499;0.020679012345679013279431401884;0.014506172839506172381196513754;0.015432098765432097908778530382;0.024074074074074074125473288177;0.012654320987654321326032480499
-0.020754716981132074332672132755;0.013207547169811321291499339736;0.028616352201257862220007410770;0.324213836477987404904865798017;0.016037735849056603681939137118;0.025157232704402517076136547303;0.009433962264150943036189467250;0.022641509433962262592965331010;0.038993710691823897651620001170;0.011006289308176099919767132462;0.011635220125786162673198198547;0.015408805031446540928508071033;0.007861635220125786152611802038;0.011006289308176099919767132462;0.019182389937106917449094467543;0.015723270440251572305223604076;0.012893081761006289914783806694;0.024528301886792454322705481218;0.020125786163522011579241066670;0.001886792452830188693974067249;0.018238993710691823318947868415;0.026729559748427673959714212515;0.005974842767295597892318603783;0.017924528301886791942232335373;0.016037735849056603681939137118;0.012264150943396227161352740609;0.022641509433962262592965331010;0.017295597484276729188801269288;0.001257861635220125723702566667;0.018553459119496854695663401458;0.012893081761006289914783806694;0.012893081761006289914783806694;0.007861635220125786152611802038;0.005031446540880502894810266667;0.006289308176100629269034136826;0.016981132075471697812085736246;0.004716981132075471518094733625;0.010062893081761005789620533335;0.004716981132075471518094733625;0.008805031446540880282758401165;0.007861635220125786152611802038;0.016666666666666666435370203203;0.000000000000000000000000000000;0.013836477987421384044930405821;0.013522012578616352668214872779;0.017610062893081760565516802330;0.009748427672955974412905000293;0.007861635220125786152611802038;0.008490566037735848906042868123;0.006918238993710692022465202911
-0.007482993197278911372272158786;0.013945578231292516530048786194;0.020408163265306120820463675614;0.497619047619047627506461140001;0.012585034013605441577388077690;0.007823129251700680977799073901;0.007142857142857142634106981660;0.015986394557823128959039848951;0.012244897959183672839222900564;0.016326530612244899431928502054;0.009183673469387755930459782405;0.005442176870748298943281096030;0.001700680272108843473985451134;0.015306122448979591482709494699;0.020748299319727891293352328717;0.007823129251700680977799073901;0.012585034013605441577388077690;0.013945578231292516530048786194;0.013605442176870747791883609068;0.001020408163265306214495531378;0.014625850340136054006379140446;0.007823129251700680977799073901;0.001700680272108843473985451134;0.024149659863945578675004099978;0.011564625850340135362892546311;0.016666666666666666435370203203;0.017346938775510203911700557455;0.012585034013605441577388077690;0.003061224489795918209805725141;0.009863945578231291672066660681;0.006122448979591836419611450282;0.016326530612244899431928502054;0.003061224489795918209805725141;0.008163265306122449715964251027;0.001700680272108843473985451134;0.024829931972789116151334454230;0.004761904761904762334312479766;0.006122448979591836419611450282;0.002040816326530612428991062757;0.004081632653061224857982125513;0.008163265306122449715964251027;0.005442176870748298943281096030;0.000000000000000000000000000000;0.012585034013605441577388077690;0.017346938775510203911700557455;0.011224489795918366624727369185;0.017346938775510203911700557455;0.005782312925170067681446273156;0.006122448979591836419611450282;0.006462585034013605157776627408
-0.025000000000000001387778780781;0.011858974358974358476181976130;0.059615384615384618693934015710;0.076602564102564107972881402020;0.003525641025641025692177743522;0.011217948717948717993198037846;0.005448717948717948442172165358;0.016346153846153847061239972049;0.017307692307692308653077617464;0.042948717948717948789116860553;0.013782051282051281659857266959;0.005448717948717948442172165358;0.008333333333333333217685101602;0.048717948717948718340142733041;0.010576923076923077510214099561;0.025000000000000001387778780781;0.020833333333333332176851016015;0.020192307692307693428590553708;0.007371794871794871625847456187;0.008653846153846154326538808732;0.010256410256410256401360392431;0.021794871794871793768688661430;0.006089743589743589792517841630;0.055128205128205126639429067836;0.032371794871794874748349712945;0.038141025641025644299375585433;0.027564102564102563319714533918;0.003205128205128205017004905386;0.002564102564102564100340098108;0.004807692307692307959188227073;0.006730769230769231142863517903;0.032051282051282048435325577884;0.002564102564102564100340098108;0.016666666666666666435370203203;0.021794871794871793768688661430;0.045833333333333330095182844843;0.009935897435897435292506685300;0.010897435897435896884344330715;0.002564102564102564100340098108;0.016025641025641024217662788942;0.004487179487179486850334519943;0.010256410256410256401360392431;0.000000000000000000000000000000;0.025320512820512820761909011935;0.007692307692307692734701163317;0.024679487179487178544201597674;0.044551282051282052598661920229;0.030769230769230770938804653269;0.026923076923076924571454071611;0.019551282051282051210883139447
-0.013793103448275861877547754375;0.010344827586206896408160815781;0.062356321839080457170023663593;0.106609195402298850829936327500;0.001436781609195402278911224414;0.007183908045977011394556122070;0.002586206896551724102040203945;0.019540229885057470993192652031;0.015229885057471264156458978789;0.068390804597701151945621234063;0.006609195402298850482991632305;0.001149425287356321823128979531;0.003448275862068965469386938594;0.038793103448275863265326535156;0.011206896551724137775507550430;0.012931034482758620510201019727;0.031896551724137932326552657969;0.025287356321839080108837549687;0.001149425287356321823128979531;0.006609195402298850482991632305;0.008908045977011494129249591367;0.013793103448275861877547754375;0.003160919540229885013604693711;0.103160919540229878421655484999;0.012068965517241379142854285078;0.043965517241379307999959991093;0.021551724137931035918391842188;0.007471264367816091850338366953;0.001724137931034482734693469297;0.001436781609195402278911224414;0.000574712643678160911564489766;0.051149425287356324598686541094;0.001436781609195402278911224414;0.004022988505747126380951428359;0.009482758620689655040814081133;0.079597701149425284516958356562;0.009195402298850574585031836250;0.006896551724137930938773877187;0.000574712643678160911564489766;0.010057471264367815952378570898;0.007471264367816091850338366953;0.004597701149425287292515918125;0.000000000000000000000000000000;0.038505747126436784544267766250;0.003448275862068965469386938594;0.018103448275862070449004903594;0.049137931034482759673487350938;0.019540229885057470993192652031;0.011494252873563218231289795312;0.010919540229885057319725305547
-0.027358490566037736713145278600;0.005660377358490565648241332752;0.040251572327044023158482133340;0.365408805031446515254600626577;0.003773584905660377387948134498;0.005031446540880502894810266667;0.007232704402515723399180735953;0.019182389937106917449094467543;0.032704402515723270117309340321;0.037421383647798740768042335958;0.013522012578616352668214872779;0.009748427672955974412905000293;0.000628930817610062861851283333;0.021698113207547168462818731882;0.016981132075471697812085736246;0.012893081761006289914783806694;0.011949685534591195784637207566;0.015094339622641509551792537991;0.007861635220125786152611802038;0.004088050314465408764663667540;0.012578616352201258538068273651;0.014465408805031446798361471906;0.000314465408805031430925641667;0.044339622641509431055784062892;0.014779874213836478175077004948;0.029559748427672956350154009897;0.018238993710691823318947868415;0.009119496855345911659473934208;0.002201257861635220070689600291;0.002830188679245282824120666376;0.003773584905660377387948134498;0.022955974842767293969680864052;0.000628930817610062861851283333;0.007547169811320754775896268995;0.001572327044025157317258534206;0.032389937106918238740593807279;0.007861635220125786152611802038;0.007232704402515723399180735953;0.001886792452830188693974067249;0.001257861635220125723702566667;0.010062893081761005789620533335;0.007861635220125786152611802038;0.000000000000000000000000000000;0.022012578616352199839534264925;0.007547169811320754775896268995;0.018553459119496854695663401458;0.026100628930817611206283146430;0.005345911949685534271525799710;0.002830188679245282824120666376;0.005660377358490565648241332752
-0.003459119496855346011232601455;0.006918238993710692022465202911;0.009119496855345911659473934208;0.679559748427672971615720598493;0.048742138364779877268695429393;0.004088050314465408764663667540;0.007232704402515723399180735953;0.010062893081761005789620533335;0.008805031446540880282758401165;0.007232704402515723399180735953;0.003144654088050314634517068413;0.003773584905660377387948134498;0.002515723270440251447405133334;0.004716981132075471518094733625;0.018867924528301886072378934500;0.004088050314465408764663667540;0.005031446540880502894810266667;0.010691823899371068543051599420;0.008490566037735848906042868123;0.000314465408805031430925641667;0.005974842767295597892318603783;0.005345911949685534271525799710;0.001572327044025157317258534206;0.010377358490566037166336066377;0.005345911949685534271525799710;0.008805031446540880282758401165;0.008805031446540880282758401165;0.006289308176100629269034136826;0.003773584905660377387948134498;0.013207547169811321291499339736;0.003773584905660377387948134498;0.005031446540880502894810266667;0.001886792452830188693974067249;0.003773584905660377387948134498;0.003459119496855346011232601455;0.004716981132075471518094733625;0.001886792452830188693974067249;0.002201257861635220070689600291;0.000943396226415094346987033624;0.004402515723270440141379200583;0.006289308176100629269034136826;0.005660377358490565648241332752;0.000000000000000000000000000000;0.007861635220125786152611802038;0.011949685534591195784637207566;0.006289308176100629269034136826;0.005974842767295597892318603783;0.002515723270440251447405133334;0.001886792452830188693974067249;0.003144654088050314634517068413
-0.017948717948717947401338079771;0.048397435897435898966012501887;0.039743589743589741170026741202;0.123717948717948722503479075385;0.018269230769230770244915262879;0.008012820512820512108831394471;0.004166666666666666608842550801;0.040384615384615386857181107416;0.041346153846153844979571800877;0.011858974358974358476181976130;0.010256410256410256401360392431;0.002243589743589743425167259971;0.008653846153846154326538808732;0.017628205128205128027207848618;0.028205128205128205537421948179;0.008333333333333333217685101602;0.027564102564102563319714533918;0.086858974358974355700624414567;0.017628205128205128027207848618;0.009294871794871794809522747016;0.018910256410256408993175725186;0.013782051282051281659857266959;0.016987179487179485809500434357;0.015705128205128204843532557788;0.019871794871794870585013370601;0.016666666666666666435370203203;0.031089743589743590312934884423;0.026282051282051282353746657350;0.001282051282051282050170049054;0.008333333333333333217685101602;0.001282051282051282050170049054;0.009294871794871794809522747016;0.009615384615384615918376454147;0.002564102564102564100340098108;0.013141025641025641176873328675;0.040705128205128206231311338570;0.021153846153846155020428199123;0.003525641025641025692177743522;0.001282051282051282050170049054;0.013782051282051281659857266959;0.013141025641025641176873328675;0.040384615384615386857181107416;0.000000000000000000000000000000;0.008333333333333333217685101602;0.011217948717948717993198037846;0.009935897435897435292506685300;0.014423076923076923877564681220;0.008333333333333333217685101602;0.031410256410256409687065115577;0.007051282051282051384355487045
-0.012411347517730497019838864503;0.012411347517730497019838864503;0.039361702127659575767282262859;0.332978723404255327888989768326;0.005319148936170212636775911363;0.013475177304964539373721699178;0.003900709219858156020371842132;0.020212765957446809927944286756;0.025886524822695034658837087704;0.024113475177304964647273521905;0.009574468085106382919668988052;0.017021276595744681131572306754;0.007801418439716312040743684264;0.021985815602836879939507852555;0.022695035460992909331912059656;0.010283687943262410577349719176;0.013829787234042552335200326752;0.031205673758865248162974737056;0.010283687943262410577349719176;0.004609929078014184111733442251;0.010638297872340425273551822727;0.020567375886524821154699438353;0.007446808510638298211903318702;0.027659574468085104670400653504;0.027659574468085104670400653504;0.022695035460992909331912059656;0.016312056737588651739168099652;0.010992907801418439969753926277;0.002482269503546099403967772901;0.011702127659574467627434657402;0.011347517730496454665956029828;0.014893617021276596423806637404;0.003900709219858156020371842132;0.006382978723404254990658746038;0.007446808510638298211903318702;0.028014184397163119366602757054;0.010283687943262410577349719176;0.004255319148936170282893076688;0.003191489361702127495329373019;0.008865248226950355261988256927;0.007801418439716312040743684264;0.018794326241134751143135872553;0.000000000000000000000000000000;0.011702127659574467627434657402;0.009219858156028368223466884501;0.009574468085106382919668988052;0.018794326241134751143135872553;0.010638297872340425273551822727;0.008865248226950355261988256927;0.008510638297872340565786153377
-0.018553459119496854695663401458;0.005345911949685534271525799710;0.029874213836477987726869542939;0.481132075471698117397068017453;0.003773584905660377387948134498;0.013207547169811321291499339736;0.004088050314465408764663667540;0.014150943396226415421645938864;0.005974842767295597892318603783;0.015094339622641509551792537991;0.015094339622641509551792537991;0.009748427672955974412905000293;0.006289308176100629269034136826;0.024528301886792454322705481218;0.016352201257861635058654670161;0.016666666666666666435370203203;0.009119496855345911659473934208;0.013522012578616352668214872779;0.009433962264150943036189467250;0.005031446540880502894810266667;0.009433962264150943036189467250;0.009433962264150943036189467250;0.003144654088050314634517068413;0.017295597484276729188801269288;0.023270440251572325346396397094;0.020754716981132074332672132755;0.017924528301886791942232335373;0.004402515723270440141379200583;0.001572327044025157317258534206;0.004402515723270440141379200583;0.003773584905660377387948134498;0.009433962264150943036189467250;0.002201257861635220070689600291;0.007861635220125786152611802038;0.009119496855345911659473934208;0.020440251572327042955956599712;0.004402515723270440141379200583;0.007232704402515723399180735953;0.000000000000000000000000000000;0.007232704402515723399180735953;0.003459119496855346011232601455;0.001572327044025157317258534206;0.000000000000000000000000000000;0.013836477987421384044930405821;0.005974842767295597892318603783;0.008805031446540880282758401165;0.023899371069182391569274415133;0.017924528301886791942232335373;0.009433962264150943036189467250;0.014779874213836478175077004948
-0.021568627450980391857537910028;0.009803921568627450844335413649;0.056862745098039214897145399163;0.088725490196078435345405921453;0.002450980392156862711083853412;0.009803921568627450844335413649;0.000490196078431372542216770682;0.022058823529411766134478156687;0.029411764705882352533006240947;0.056372549019607844089652104458;0.016176470588235295627876908497;0.005882352941176470506601248189;0.004901960784313725422167706824;0.037745098039215684015967866571;0.010294117647058823386552184331;0.020588235294117646773104368663;0.021078431372549021050044615322;0.033823529411764703678233701112;0.012745098039215686097636037744;0.007843137254901960675468330919;0.014705882352941176266503120473;0.016666666666666666435370203203;0.004411764705882352879950936142;0.076960784313725494332203425074;0.017647058823529411519803744568;0.048529411764705883414183773539;0.023529411764705882026404992757;0.005392156862745097964384477507;0.000980392156862745084433541365;0.012745098039215686097636037744;0.003431372549019607795517394777;0.023039215686274511218911698052;0.008333333333333333217685101602;0.008823529411764705759901872284;0.006862745098039215591034789554;0.045098039215686273883942902785;0.012254901960784313555419267061;0.006372549019607843048818018872;0.000490196078431372542216770682;0.004901960784313725422167706824;0.008333333333333333217685101602;0.021078431372549021050044615322;0.000000000000000000000000000000;0.033333333333333332870740406406;0.004901960784313725422167706824;0.022549019607843136941971451392;0.047058823529411764052809985515;0.020098039215686275965611073957;0.021078431372549021050044615322;0.011764705882352941013202496379
-0.020075757575757576661734660206;0.038257575757575754127337575028;0.028030303030303030387138107926;0.027272727272727271402574800163;0.026893939393939393645016622258;0.012500000000000000693889390391;0.008333333333333333217685101602;0.049621212121212121548552431705;0.014393939393939394685850707845;0.040909090909090908838585676222;0.012500000000000000693889390391;0.004924242424242423858682382587;0.003030303030303030300401934127;0.019318181818181817677171352443;0.044696969696969700291955263083;0.013257575757575757943729222177;0.017045454545454544192928381108;0.054924242424242424032154730185;0.036742424242424243097104863409;0.005303030303030303350964036468;0.023484848484848483418652165255;0.006439393939393939225723784148;0.004924242424242423858682382587;0.055303030303030305259159860043;0.020075757575757576661734660206;0.029166666666666667129259593594;0.048106060606060603579425816179;0.031818181818181814901613790880;0.001515151515151515150200967064;0.012878787878787878451447568295;0.002651515151515151675482018234;0.016287878787878788677812025298;0.013257575757575757943729222177;0.003409090909090908925321850020;0.007575757575757575967845269815;0.046590909090909092549193104560;0.015151515151515151935690539631;0.008712121212121212709966755483;0.001136363636363636308440616673;0.002651515151515151675482018234;0.015909090909090907450806895440;0.013257575757575757943729222177;0.000000000000000000000000000000;0.031818181818181814901613790880;0.022727272727272727903535809446;0.020075757575757576661734660206;0.029545454545454544886817771498;0.011742424242424241709326082628;0.019318181818181817677171352443;0.006439393939393939225723784148
-0.025531914893617019962634984154;0.023049645390070920558667211253;0.046099290780141841117334422506;0.032978723404255318174538302856;0.018085106382978721750731665452;0.013120567375886524677519595627;0.006028368794326241161818380476;0.036879432624113472893867538005;0.027304964539007093443645501907;0.046453900709219855813536526057;0.013829787234042552335200326752;0.014184397163120567031402430302;0.007092198581560283515701215151;0.031205673758865248162974737056;0.026595744680851064051241294806;0.016666666666666666435370203203;0.016666666666666666435370203203;0.036170212765957443501463330904;0.024468085106382979343475625456;0.007446808510638298211903318702;0.013829787234042552335200326752;0.012765957446808509981317492077;0.003546099290780141757850607576;0.053191489361702128102482589611;0.017375886524822695827774410304;0.032624113475177303478336199305;0.028368794326241134062804860605;0.014539007092198581727604533853;0.001418439716312056833244503729;0.029787234042553192847613274807;0.010992907801418439969753926277;0.023049645390070920558667211253;0.010992907801418439969753926277;0.007801418439716312040743684264;0.013120567375886524677519595627;0.049645390070921988079355458012;0.011347517730496454665956029828;0.006737588652482269686860849589;0.000709219858156028416622251864;0.006737588652482269686860849589;0.009219858156028368223466884501;0.014893617021276596423806637404;0.000000000000000000000000000000;0.027659574468085104670400653504;0.021276595744680850547103645454;0.018085106382978721750731665452;0.034751773049645391655548820609;0.020212765957446809927944286756;0.022340425531914894635709956106;0.013120567375886524677519595627
-0.030434782608695653410846304610;0.007246376811594202986543944434;0.062681159420289858652530767813;0.014492753623188405973087888867;0.026086956521739129016834723984;0.017753623188405797533873098359;0.002536231884057970828449946055;0.029710144927536232678511041172;0.019927536231884056261431936719;0.050724637681159423507892825000;0.015942028985507245703034939766;0.015217391304347826705423152305;0.005434782608695652023067523828;0.042391304347826085086037295468;0.011594202898550724778470311094;0.014492753623188405973087888867;0.026811594202898549749169987422;0.030797101449275363777013936328;0.010869565217391304046135047656;0.010507246376811593679967415937;0.019927536231884056261431936719;0.015217391304347826705423152305;0.003623188405797101493271972217;0.064855072463768120849536558126;0.027898550724637680847672882578;0.035869565217391305433913828438;0.031159420289855074143181568047;0.001811594202898550746635986108;0.003623188405797101493271972217;0.014130434782608695606920257148;0.010144927536231883313799784219;0.034782608695652174335410933281;0.005434782608695652023067523828;0.007608695652173913352711576152;0.006521739130434782254208680996;0.063405797101449279384866031251;0.013768115942028985240752625430;0.005797101449275362389235155547;0.001811594202898550746635986108;0.005434782608695652023067523828;0.007246376811594202986543944434;0.010507246376811593679967415937;0.000000000000000000000000000000;0.035507246376811595067746196719;0.011231884057971014412302679375;0.017753623188405797533873098359;0.051086956521739133874060456719;0.018478260869565218266208361797;0.015942028985507245703034939766;0.013768115942028985240752625430
-0.029444444444444443226283070203;0.015277777777777777276635440273;0.038888888888888889505679458125;0.006944444444444444058950338672;0.024166666666666666157814447047;0.023055555555555554830826636703;0.009166666666666666712925959359;0.031666666666666669349705642844;0.024444444444444445724284875610;0.027500000000000000138777878078;0.012777777777777778525636342977;0.018888888888888889089345823891;0.017222222222222222098864108375;0.021666666666666667406815349750;0.020555555555555556079827539406;0.015277777777777777276635440273;0.032777777777777780676693453188;0.039722222222222221266196839906;0.019722222222222220849863205672;0.006388888888888889262818171488;0.020000000000000000416333634234;0.023055555555555554830826636703;0.016944444444444446001840631766;0.041111111111111112159655078813;0.019166666666666665186369300500;0.030277777777777778456247403938;0.030833333333333334119741309109;0.005277777777777777935830361145;0.004444444444444444440589503387;0.028611111111111111465765688422;0.014166666666666665949647629930;0.028888888888888887562789165031;0.018055555555555553859381490156;0.011666666666666667198648532633;0.016944444444444446001840631766;0.037222222222222219045750790656;0.011111111111111111535154627461;0.019444444444444444752839729063;0.005833333333333333599324266316;0.019166666666666665186369300500;0.010555555555555555871660722289;0.016111111111111110771876298031;0.000000000000000000000000000000;0.035000000000000003330669073875;0.013055555555555556357383295563;0.023055555555555554830826636703;0.023333333333333334397297065266;0.012222222222222222862142437805;0.018055555555555553859381490156;0.010833333333333333703407674875
-0.018137254901960785796743991227;0.045588235294117644691436197490;0.036274509803921571593487982454;0.000000000000000000000000000000;0.006862745098039215591034789554;0.018137254901960785796743991227;0.009803921568627450844335413649;0.046078431372549022437823396103;0.045098039215686273883942902785;0.016176470588235295627876908497;0.013235294117647058639852808426;0.007352941176470588133251560237;0.014215686274509803724286349791;0.022058823529411766134478156687;0.019607843137254901688670827298;0.014215686274509803724286349791;0.026470588235294117279705616852;0.082352941176470587092417474651;0.032843137254901962063247111701;0.010784313725490195928768955014;0.025490196078431372195272075487;0.014215686274509803724286349791;0.039705882352941174184834949301;0.017156862745098040712310449862;0.025490196078431372195272075487;0.012745098039215686097636037744;0.032352941176470591255753816995;0.026960784313725491556645863511;0.001960784313725490168867082730;0.013235294117647058639852808426;0.007352941176470588133251560237;0.012254901960784313555419267061;0.013235294117647058639852808426;0.007352941176470588133251560237;0.016666666666666666435370203203;0.023529411764705882026404992757;0.018137254901960785796743991227;0.004411764705882352879950936142;0.004901960784313725422167706824;0.024509803921568627110838534122;0.029411764705882352533006240947;0.039215686274509803377341654596;0.000000000000000000000000000000;0.011274509803921568470985725696;0.014215686274509803724286349791;0.010294117647058823386552184331;0.015686274509803921350936661838;0.009313725490196078302118642966;0.030882352941176471894380028971;0.012745098039215686097636037744
-0.062698412698412697707794905000;0.006746031746031746351155433672;0.039682539682539680336859078125;0.000396825396825396825052634231;0.004365079365079365183999193789;0.034126984126984123701920026406;0.002777777777777777883788656865;0.019444444444444444752839729063;0.024603174603174602502742018828;0.025000000000000001387778780781;0.025396825396825396803368590781;0.024206349206349207087152208828;0.018253968253968255036623347110;0.034126984126984123701920026406;0.005158730158730158617264027754;0.031349206349206348853897452500;0.014285714285714285268213963320;0.029365079365079364837054498594;0.012698412698412698401684295391;0.009523809523809524668624959531;0.017857142857142856151586585156;0.012301587301587301251371009414;0.007539682539682539784420267637;0.041666666666666664353702032031;0.052380952380952382207990325469;0.039682539682539680336859078125;0.030158730158730159137681070547;0.023412698412698412786525636875;0.000396825396825396825052634231;0.020634920634920634469056111016;0.020238095238095239053466301016;0.013095238095238095551997581367;0.007936507936507936067371815625;0.009523809523809524668624959531;0.018650793650793650452213157109;0.034920634920634921471993550313;0.010714285714285714384841341484;0.018650793650793650452213157109;0.003174603174603174600421073848;0.005952380952380952050528861719;0.004761904761904762334312479766;0.015476190476190476719153821250;0.000000000000000000000000000000;0.015079365079365079568840535273;0.004365079365079365183999193789;0.015873015873015872134743631250;0.041269841269841268938112222031;0.038095238095238098674499838125;0.028968253968253969421464688594;0.023015873015873017370935826875
-0.028260869565217391213840514297;0.006159420289855072755402787266;0.079710144927536225045727746874;0.000000000000000000000000000000;0.000362318840579710149327197222;0.014130434782608695606920257148;0.003260869565217391127104340498;0.013768115942028985240752625430;0.057608695652173913526183923750;0.040217391304347822889031505156;0.015579710144927537071590784024;0.011231884057971014412302679375;0.002173913043478260895963183330;0.043115942028985505818372558906;0.003260869565217391127104340498;0.024275362318840580655443517344;0.034057971014492753603075669844;0.036956521739130436532416723594;0.006159420289855072755402787266;0.007971014492753622851517469883;0.010144927536231883313799784219;0.049637681159420292409389929844;0.003985507246376811425758734941;0.050362318840579713141725193282;0.036231884057971015800081460156;0.035144927536231884701578565000;0.019927536231884056261431936719;0.010144927536231883313799784219;0.000724637681159420298654394443;0.006884057971014492620376312715;0.012318840579710145510805574531;0.030797101449275363777013936328;0.001449275362318840597308788887;0.010869565217391304046135047656;0.009057971014492753950020365039;0.057246376811594203160016292031;0.011594202898550724778470311094;0.007608695652173913352711576152;0.009057971014492753950020365039;0.013405797101449274874584993711;0.005797101449275362389235155547;0.021376811594202897726102463594;0.000000000000000000000000000000;0.025000000000000001387778780781;0.001811594202898550746635986108;0.018115942028985507900040730078;0.045652173913043478381545980938;0.033333333333333332870740406406;0.011956521739130435144637942813;0.022101449275362318458437727031
-0.014999999999999999444888487687;0.021000000000000001304512053935;0.080666666666666664298190880800;0.004666666666666667052931760651;0.004666666666666667052931760651;0.011333333333333334147496884725;0.001666666666666666773641281019;0.020666666666666666518636930050;0.037666666666666667739882257138;0.041000000000000001720845688169;0.013666666666666667240281896056;0.007666666666666666248020067798;0.005666666666666667073748442363;0.045666666666666667906415710831;0.017666666666666667323548622903;0.017999999999999998639976794834;0.030333333333333333675652099259;0.050666666666666665408413905425;0.008666666666666666268836749509;0.011333333333333334147496884725;0.015666666666666665547191783503;0.036333333333333335535275665507;0.010000000000000000208166817117;0.055333333333333331593983928087;0.027666666666666665796991964044;0.035999999999999997279953589668;0.029000000000000001471045507628;0.025999999999999998806510248528;0.000333333333333333322202191029;0.007000000000000000145716771982;0.003000000000000000062450045135;0.022333333333333333509118645566;0.006333333333333333176051738178;0.007666666666666666248020067798;0.007666666666666666248020067798;0.056666666666666663798590519718;0.014000000000000000291433543964;0.003000000000000000062450045135;0.002666666666666666577617528233;0.010333333333333333259318465025;0.007000000000000000145716771982;0.024000000000000000499600361081;0.000000000000000000000000000000;0.022333333333333333509118645566;0.005666666666666667073748442363;0.011333333333333334147496884725;0.051666666666666666296592325125;0.017999999999999998639976794834;0.021999999999999998723243521681;0.013333333333333334189130248149
-0.033333333333333332870740406406;0.005238095238095237873854337352;0.061428571428571429602349951438;0.001428571428571428570189483231;0.018095238095238094788719251937;0.034761904761904764693536407094;0.005238095238095237873854337352;0.015714285714285715356286488031;0.035714285714285712303173170312;0.028095238095238096731609545031;0.014761904761904762542479296883;0.036190476190476189577438503875;0.018095238095238094788719251937;0.041904761904761902990834698812;0.006190476190476190687661528500;0.029047619047619047810693260203;0.026666666666666668378260496297;0.034285714285714287419271073531;0.010952380952380953021974008266;0.009523809523809524668624959531;0.014285714285714285268213963320;0.031904761904761907986838309625;0.007142857142857142634106981660;0.032857142857142855596475072844;0.040476190476190478106932602032;0.037619047619047621400234504563;0.020000000000000000416333634234;0.010476190476190475747708674703;0.000476190476190476190063161077;0.053333333333333336756520992594;0.015714285714285715356286488031;0.017619047619047617514453918375;0.008571428571428571854817768383;0.004761904761904762334312479766;0.013333333333333334189130248149;0.037619047619047621400234504563;0.010952380952380953021974008266;0.015238095238095238082021154469;0.000000000000000000000000000000;0.012380952380952381375323057000;0.004285714285714285927408884191;0.009523809523809524668624959531;0.000000000000000000000000000000;0.020000000000000000416333634234;0.006666666666666667094565124074;0.024761904761904762750646114000;0.035714285714285712303173170312;0.022380952380952379848766398140;0.010000000000000000208166817117;0.015238095238095238082021154469
-0.031111111111111110216764785719;0.011851851851851851263330850372;0.050000000000000002775557561563;0.000370370370370370351979089074;0.008888888888888888881179006773;0.016666666666666666435370203203;0.004074074074074073709139653943;0.020740740740740740144509857146;0.018148148148148149361169600979;0.067407407407407402000210083770;0.008148148148148147418279307885;0.014814814814814815380206169948;0.004814814814814815172039352831;0.023333333333333334397297065266;0.007777777777777777554191196430;0.024444444444444445724284875610;0.017777777777777777762358013547;0.021111111111111111743321444578;0.008518518518518519017090895318;0.004814814814814815172039352831;0.012222222222222222862142437805;0.013703703703703704053218359604;0.011481481481481481399242738917;0.104444444444444450859066364501;0.028518518518518519433424529552;0.046296296296296293726335591145;0.017407407407407406163546426114;0.008888888888888888881179006773;0.003333333333333333547282562037;0.024444444444444445724284875610;0.012592592592592592726230549260;0.045925925925925925596970955667;0.002592592592592592518063732143;0.005925925925925925631665425186;0.010370370370370370072254928573;0.056666666666666663798590519718;0.007407407407407407690103084974;0.013703703703703704053218359604;0.001111111111111111110147375847;0.010000000000000000208166817117;0.008518518518518519017090895318;0.015555555555555555108382392859;0.000000000000000000000000000000;0.060370370370370372847812490136;0.002592592592592592518063732143;0.031481481481481478346129421197;0.036666666666666666851703837438;0.020740740740740740144509857146;0.011111111111111111535154627461;0.011111111111111111535154627461
-0.028205128205128205537421948179;0.013675213675213675201813856575;0.051282051282051280272078486178;0.014102564102564102768710974090;0.005982905982905983334474431246;0.010683760683760683968257509946;0.002136752136752136967123849587;0.029059829059829060671216183209;0.011965811965811966668948862491;0.080341880341880347882188573294;0.011965811965811966668948862491;0.007264957264957265167804045802;0.005128205128205128200680196215;0.040170940170940173941094286647;0.013675213675213675201813856575;0.020512820512820512802720784862;0.021794871794871793768688661430;0.026068376068376069437659836581;0.007692307692307692734701163317;0.005982905982905983334474431246;0.011538461538461539102051744976;0.008974358974358973700669039886;0.002564102564102564100340098108;0.104700854700854703582812987861;0.021367521367521367936515019892;0.053846153846153849142908143222;0.028205128205128205537421948179;0.006410256410256410034009810772;0.000854700854700854700113366036;0.003418803418803418800453464144;0.008119658119658120301598280832;0.043589743589743587537377322860;0.003846153846153846367350581659;0.005555555555555555767577313730;0.004700854700854700633783078700;0.064529914529914536580612605121;0.009829059829059828834463274916;0.010683760683760683968257509946;0.000000000000000000000000000000;0.002136752136752136967123849587;0.012393162393162392501122504029;0.005982905982905983334474431246;0.000000000000000000000000000000;0.041880341880341877269788852800;0.005555555555555555767577313730;0.023931623931623933337897724982;0.057692307692307695510258724880;0.026923076923076924571454071611;0.011538461538461539102051744976;0.011538461538461539102051744976
-0.009722222222222222376419864531;0.011574074074074073431583897786;0.040277777777777780399137697032;0.337962962962962965018931527084;0.013888888888888888117900677344;0.009259259259259258745267118229;0.002314814814814814686316779557;0.016666666666666666435370203203;0.019444444444444444752839729063;0.033333333333333332870740406406;0.006944444444444444058950338672;0.003703703703703703845051542487;0.003240740740740740647579665179;0.031481481481481478346129421197;0.019907407407407408383992475365;0.011111111111111111535154627461;0.028240740740740739866954100989;0.022222222222222223070309254922;0.012962962962962962590318660716;0.006018518518518518531368322044;0.006018518518518518531368322044;0.012037037037037037062736644089;0.002777777777777777883788656865;0.035185185185185187395351391615;0.017129629629629630066522949505;0.029629629629629630760412339896;0.023148148148148146863167795573;0.007870370370370369586532355299;0.000925925925925925961262885622;0.010185185185185186007572610833;0.003240740740740740647579665179;0.025925925925925925180637321432;0.003703703703703703845051542487;0.006018518518518518531368322044;0.005092592592592593003786305417;0.039814814814814816767984950729;0.009259259259259258745267118229;0.005092592592592593003786305417;0.002777777777777777883788656865;0.007870370370370369586532355299;0.003703703703703703845051542487;0.007407407407407407690103084974;0.000000000000000000000000000000;0.017129629629629630066522949505;0.014814814814814815380206169948;0.011574074074074073431583897786;0.025925925925925925180637321432;0.011111111111111111535154627461;0.006018518518518518531368322044;0.008333333333333333217685101602
-0.033695652173913043236908038125;0.007608695652173913352711576152;0.051811594202898547667501816250;0.164492753623188409095590145625;0.006521739130434782254208680996;0.013768115942028985240752625430;0.002536231884057970828449946055;0.015217391304347826705423152305;0.015942028985507245703034939766;0.027898550724637680847672882578;0.014492753623188405973087888867;0.015217391304347826705423152305;0.007971014492753622851517469883;0.044202898550724636916875454062;0.015217391304347826705423152305;0.025362318840579711753946412500;0.017028985507246376801537834922;0.025000000000000001387778780781;0.007971014492753622851517469883;0.010507246376811593679967415937;0.014492753623188405973087888867;0.013043478260869564508417361992;0.006884057971014492620376312715;0.033695652173913043236908038125;0.033333333333333332870740406406;0.038405797101449277997087250469;0.022101449275362318458437727031;0.003985507246376811425758734941;0.000362318840579710149327197222;0.009057971014492753950020365039;0.024275362318840580655443517344;0.012681159420289855876973206250;0.002898550724637681194617577773;0.011231884057971014412302679375;0.017391304347826087167705466641;0.034420289855072463969243301563;0.008695652173913043583852733320;0.007971014492753622851517469883;0.001086956521739130447981591665;0.010144927536231883313799784219;0.004710144927536232158093998379;0.007246376811594202986543944434;0.000000000000000000000000000000;0.017753623188405797533873098359;0.009420289855072464316187996758;0.010869565217391304046135047656;0.048188405797101450944719402969;0.036594202898550726166249091875;0.019565217391304349364711256953;0.017028985507246376801537834922
-0.034814814814814812327092852229;0.014444444444444443781394582516;0.072592592592592597444678403917;0.000370370370370370351979089074;0.001481481481481481407916356297;0.025925925925925925180637321432;0.001851851851851851922525771243;0.021481481481481479872686080057;0.038148148148148146308056283260;0.022222222222222223070309254922;0.013703703703703704053218359604;0.015185185185185185244294281404;0.011481481481481481399242738917;0.032592592592592589673117231541;0.007777777777777777554191196430;0.018888888888888889089345823891;0.034074074074074076068363581271;0.058888888888888886452566140406;0.008888888888888888881179006773;0.015185185185185185244294281404;0.020000000000000000416333634234;0.028148148148148147834612942120;0.016666666666666666435370203203;0.028518518518518519433424529552;0.029999999999999998889776975375;0.034814814814814812327092852229;0.031851851851851853414387960584;0.005555555555555555767577313730;0.002222222222222222220294751693;0.011481481481481481399242738917;0.014074074074074073917306471060;0.014074074074074073917306471060;0.007407407407407407690103084974;0.009259259259259258745267118229;0.017407407407407406163546426114;0.053333333333333336756520992594;0.015555555555555555108382392859;0.015925925925925926707193980292;0.002962962962962962815832712593;0.022962962962962962798485477833;0.008518518518518519017090895318;0.024444444444444445724284875610;0.000000000000000000000000000000;0.014444444444444443781394582516;0.001851851851851851922525771243;0.015925925925925926707193980292;0.037037037037037034981068472916;0.026296296296296296779448908865;0.023703703703703702526661700745;0.015555555555555555108382392859
-0.024074074074074074125473288177;0.020000000000000000416333634234;0.059259259259259261520824679792;0.017777777777777777762358013547;0.028518518518518519433424529552;0.020740740740740740144509857146;0.003333333333333333547282562037;0.020370370370370372015145221667;0.052962962962962961688262453208;0.015555555555555555108382392859;0.014444444444444443781394582516;0.014444444444444443781394582516;0.010740740740740739936343040029;0.022222222222222223070309254922;0.021851851851851851471497667490;0.016666666666666666435370203203;0.035185185185185187395351391615;0.057037037037037038866849059104;0.021851851851851851471497667490;0.012962962962962962590318660716;0.012962962962962962590318660716;0.031111111111111110216764785719;0.011481481481481481399242738917;0.017407407407407406163546426114;0.023703703703703702526661700745;0.025185185185185185452461098521;0.025185185185185185452461098521;0.015555555555555555108382392859;0.001851851851851851922525771243;0.019629629629629628817522046802;0.026296296296296296779448908865;0.017777777777777777762358013547;0.009259259259259258745267118229;0.006296296296296296363115274630;0.014814814814814815380206169948;0.034074074074074076068363581271;0.009629629629629630344078705662;0.012592592592592592726230549260;0.018518518518518517490534236458;0.023703703703703702526661700745;0.009629629629629630344078705662;0.029259259259259259161600752464;0.000000000000000000000000000000;0.014814814814814815380206169948;0.011111111111111111535154627461;0.011481481481481481399242738917;0.024444444444444445724284875610;0.018148148148148149361169600979;0.024444444444444445724284875610;0.009629629629629630344078705662
-0.021111111111111111743321444578;0.026111111111111112714766591125;0.045833333333333330095182844843;0.049444444444444443642616704437;0.024444444444444445724284875610;0.023611111111111110494320541875;0.003333333333333333547282562037;0.025833333333333333148296162562;0.038888888888888889505679458125;0.010833333333333333703407674875;0.008333333333333333217685101602;0.026388888888888888811790067734;0.017222222222222222098864108375;0.029444444444444443226283070203;0.025277777777777777484802257391;0.020833333333333332176851016015;0.017500000000000001665334536938;0.050000000000000002775557561563;0.021388888888888887840344921187;0.009444444444444444544672911945;0.014999999999999999444888487687;0.028888888888888887562789165031;0.017777777777777777762358013547;0.013888888888888888117900677344;0.033888888888888892003681263532;0.022499999999999999167332731531;0.024444444444444445724284875610;0.020277777777777776513357110844;0.001388888888888888941894328433;0.021111111111111111743321444578;0.033333333333333332870740406406;0.008055555555555555385938149016;0.009722222222222222376419864531;0.010277777777777778039913769703;0.022777777777777778733803160094;0.026944444444444444475283972906;0.010000000000000000208166817117;0.006111111111111111431071218902;0.007499999999999999722444243844;0.024722222222222221821308352219;0.007777777777777777554191196430;0.025555555555555557051272685953;0.000000000000000000000000000000;0.009444444444444444544672911945;0.014444444444444443781394582516;0.011111111111111111535154627461;0.016388888888888890338346726594;0.020555555555555556079827539406;0.027222222222222220572307449515;0.013611111111111110286153724758
-0.031515151515151516858903590901;0.008181818181818182461606525635;0.038484848484848482863540652943;0.000000000000000000000000000000;0.120606060606060605522316109273;0.027272727272727271402574800163;0.000606060606060606060080386825;0.007878787878787879214725897725;0.043030303030303029832026595614;0.013333333333333334189130248149;0.020303030303030301928490786167;0.016666666666666666435370203203;0.011818181818181817954727108599;0.027878787878787877896336055983;0.004242424242424242854243576772;0.036969696969696971833307941324;0.018181818181818180935049866775;0.024848484848484848896976728838;0.029090909090909090883858567622;0.009090909090909090467524933388;0.009393939393939393714405561298;0.034848484848484850839867021932;0.008787878787878787220644305478;0.017272727272727272929131459023;0.043636363636363639795234803387;0.026060606060606061884499240477;0.020000000000000000416333634234;0.003636363636363636360482320953;0.000303030303030303030040193413;0.075151515151515149715244490380;0.014545454545454545441929283811;0.007575757575757575967845269815;0.017272727272727272929131459023;0.006666666666666667094565124074;0.015757575757575758429451795450;0.016666666666666666435370203203;0.006969696969696969474084013996;0.012424242424242424448488364419;0.012121212121212121201607736509;0.021212121212121213403856145874;0.001515151515151515150200967064;0.024242424242424242403215473018;0.000000000000000000000000000000;0.009393939393939393714405561298;0.012424242424242424448488364419;0.012121212121212121201607736509;0.025757575757575756902895136591;0.024242424242424242403215473018;0.016363636363636364923213051270;0.013636363636363635701287400082
-0.023333333333333334397297065266;0.001666666666666666773641281019;0.114722222222222225429533182250;0.000000000000000000000000000000;0.019166666666666665186369300500;0.026388888888888888811790067734;0.000277777777777777777536843962;0.014722222222222221613141535101;0.013888888888888888117900677344;0.043888888888888887007677652718;0.007222222222222221890697291258;0.014999999999999999444888487687;0.006666666666666667094565124074;0.066666666666666665741480812812;0.002500000000000000052041704279;0.023055555555555554830826636703;0.026944444444444444475283972906;0.033333333333333332870740406406;0.026111111111111112714766591125;0.019722222222222220849863205672;0.010000000000000000208166817117;0.016388888888888890338346726594;0.005833333333333333599324266316;0.045555555555555557467606320188;0.027222222222222220572307449515;0.028888888888888887562789165031;0.023611111111111110494320541875;0.004722222222222222272336455973;0.000000000000000000000000000000;0.024722222222222221821308352219;0.011666666666666667198648532633;0.028055555555555555802271783250;0.005000000000000000104083408559;0.008611111111111111049432054187;0.010833333333333333703407674875;0.065000000000000002220446049250;0.012222222222222222862142437805;0.005277777777777777935830361145;0.000277777777777777777536843962;0.018888888888888889089345823891;0.003055555555555555715535609451;0.006111111111111111431071218902;0.000000000000000000000000000000;0.016111111111111110771876298031;0.003611111111111110945348645629;0.006944444444444444058950338672;0.060277777777777777346024379312;0.029722222222222222792753498766;0.020277777777777776513357110844;0.015833333333333334674852821422
-0.024842767295597485699421014260;0.012893081761006289914783806694;0.064150943396226414727756548473;0.108805031446540884099150048314;0.007547169811320754775896268995;0.012893081761006289914783806694;0.014465408805031446798361471906;0.022012578616352199839534264925;0.027987421383647799466576344685;0.035534591194968552507749137703;0.011320754716981131296482665505;0.010691823899371068543051599420;0.006289308176100629269034136826;0.039937106918238991781766600297;0.025471698113207548452852080345;0.018553459119496854695663401458;0.025157232704402517076136547303;0.028301886792452830843291877727;0.009433962264150943036189467250;0.006289308176100629269034136826;0.019182389937106917449094467543;0.024213836477987422945989948175;0.004088050314465408764663667540;0.035534591194968552507749137703;0.023270440251572325346396397094;0.032075471698113207363878274236;0.030817610062893081857016142067;0.011320754716981131296482665505;0.004088050314465408764663667540;0.010062893081761005789620533335;0.009433962264150943036189467250;0.021698113207547168462818731882;0.004402515723270440141379200583;0.012893081761006289914783806694;0.008176100628930817529327335080;0.042767295597484274172206397679;0.008176100628930817529327335080;0.014465408805031446798361471906;0.005031446540880502894810266667;0.011320754716981131296482665505;0.009119496855345911659473934208;0.013522012578616352668214872779;0.000000000000000000000000000000;0.020125786163522011579241066670;0.012578616352201258538068273651;0.025157232704402517076136547303;0.032075471698113207363878274236;0.018238993710691823318947868415;0.009433962264150943036189467250;0.014150943396226415421645938864
-0.026744186046511627535826605140;0.013178294573643410669827602533;0.055038759689922479856338810578;0.032558139534883720478397606257;0.004651162790697674354056800894;0.009689922480620154904285001862;0.005813953488372092942571001117;0.022093023255813953181769804246;0.038759689922480619617140007449;0.037984496124031007224797207300;0.011627906976744185885142002235;0.008139534883720930119599401564;0.006976744186046511531085201341;0.044573643410852716029157960520;0.012015503875968992081313402309;0.020155038759689922200912803874;0.033720930232558142536358758434;0.035271317829457367321044358732;0.006589147286821705334913801266;0.009689922480620154904285001862;0.011627906976744185885142002235;0.021317829457364340789427004097;0.003875968992248061961714000745;0.056201550387596901914299962755;0.027906976744186046124340805363;0.043023255813953491244472360222;0.021705426356589146985598404171;0.012403100775193798277484802384;0.001937984496124030980857000372;0.005426356589147286746399601043;0.011240310077519379688970602160;0.035271317829457367321044358732;0.003875968992248061961714000745;0.008139534883720930119599401564;0.012790697674418604473656202458;0.053488372093023255071653210280;0.008914728682170542511942201713;0.007364341085271317727256601415;0.006201550387596899138742401192;0.009689922480620154904285001862;0.009302325581395348708113601788;0.031007751937984495693712005959;0.000000000000000000000000000000;0.029069767441860464712855005587;0.005038759689922480550228200968;0.017441860465116278827713003352;0.048449612403100777990871961265;0.029069767441860464712855005587;0.013953488372093023062170402682;0.018992248062015503612398603650
-0.016326530612244899431928502054;0.006462585034013605157776627408;0.117006802721088432051033123571;0.000000000000000000000000000000;0.000680272108843537367910137004;0.007142857142857142634106981660;0.002040816326530612428991062757;0.022448979591836733249454738370;0.008163265306122449715964251027;0.065986394557823124795703506607;0.006802721088435373895941804534;0.006462585034013605157776627408;0.003401360544217686947970902267;0.071428571428571424606346340624;0.001700680272108843473985451134;0.010884353741496597886562192059;0.018027210884353741388030911708;0.026530612244897958107436863884;0.003401360544217686947970902267;0.011904761904761904101057723437;0.011224489795918366624727369185;0.009863945578231291672066660681;0.000680272108843537367910137004;0.089455782312925169463824204286;0.014625850340136054006379140446;0.040136054421768707634043948929;0.026190476190476191103995162734;0.001020408163265306214495531378;0.001020408163265306214495531378;0.004421768707482993596147302640;0.004421768707482993596147302640;0.038775510204081632681383240424;0.001360544217687074735820274007;0.007823129251700680977799073901;0.008163265306122449715964251027;0.127891156462585031672318791607;0.011564625850340135362892546311;0.004761904761904762334312479766;0.000340136054421768683955068502;0.006122448979591836419611450282;0.005782312925170067681446273156;0.004421768707482993596147302640;0.000000000000000000000000000000;0.024829931972789116151334454230;0.000340136054421768683955068502;0.009863945578231291672066660681;0.087074829931972783092497536472;0.022789115646258503722343391473;0.014965986394557822744544317572;0.013265306122448979053718431942
-0.029583333333333333009518284484;0.017500000000000001665334536938;0.069166666666666667961926862063;0.003333333333333333547282562037;0.012083333333333333078907223523;0.013333333333333334189130248149;0.000833333333333333386820640509;0.027083333333333334258519187188;0.010416666666666666088425508008;0.032083333333333331760517381781;0.016250000000000000555111512313;0.003749999999999999861222121922;0.010000000000000000208166817117;0.065000000000000002220446049250;0.018333333333333333425851918719;0.013333333333333334189130248149;0.010416666666666666088425508008;0.037916666666666667961926862063;0.024583333333333332038073137937;0.011666666666666667198648532633;0.020416666666666666296592325125;0.014583333333333333564629796797;0.012500000000000000693889390391;0.052916666666666667406815349750;0.027083333333333334258519187188;0.043749999999999997224442438437;0.040000000000000000832667268469;0.008333333333333333217685101602;0.000833333333333333386820640509;0.011249999999999999583666365766;0.004166666666666666608842550801;0.021250000000000001526556658860;0.014999999999999999444888487687;0.008333333333333333217685101602;0.009166666666666666712925959359;0.061666666666666668239482618219;0.020833333333333332176851016015;0.005833333333333333599324266316;0.000416666666666666693410320255;0.009166666666666666712925959359;0.007916666666666667337426410711;0.004166666666666666608842550801;0.000000000000000000000000000000;0.017500000000000001665334536938;0.014583333333333333564629796797;0.010416666666666666088425508008;0.060416666666666667129259593594;0.023333333333333334397297065266;0.034166666666666664631257788187;0.013333333333333334189130248149
-0.036178861788617885930641193681;0.010975609756097560315568628653;0.041056910569105688202373727336;0.000000000000000000000000000000;0.005691056910569106119801574550;0.020325203252032519873893079421;0.005284552845528455063128792091;0.028861788617886179053595441246;0.017479674796747966813992292145;0.029674796747967479432217530189;0.019512195121951219495270990478;0.012195121951219512618225238043;0.016666666666666666435370203203;0.037398373983739838233297803072;0.014227642276422763564780460399;0.020325203252032519873893079421;0.026829268292682926372316742913;0.045528455284552848958412596403;0.015853658536585366056748114261;0.010569105691056910126257584182;0.018699186991869919116648901536;0.007723577235772357933718534895;0.023577235772357724857828387144;0.041056910569105688202373727336;0.036991869918699189778710234577;0.046747967479674794322175301886;0.033739837398373981325327974901;0.002439024390243902436908873810;0.002032520325203252247597829339;0.009756097560975609747635495239;0.009349593495934959558324450768;0.021544715447154472176549688811;0.015853658536585366056748114261;0.006504065040650406498423663493;0.017886178861788618738026812593;0.048373983739837395079419479771;0.018292682926829267192614381088;0.009756097560975609747635495239;0.000813008130081300812302957937;0.019918699186991871419305510926;0.006910569105691056687734707964;0.008130081300813008990391317354;0.000000000000000000000000000000;0.026829268292682926372316742913;0.010569105691056910126257584182;0.024796747967479673691038044581;0.036991869918699189778710234577;0.029268292682926830977629961694;0.038617886178861790535954412462;0.012195121951219512618225238043
-0.028333333333333331899295259859;0.025000000000000001387778780781;0.039583333333333331482961625625;0.105416666666666672402818960563;0.013750000000000000069388939039;0.012083333333333333078907223523;0.003749999999999999861222121922;0.034583333333333333980963431031;0.011666666666666667198648532633;0.018333333333333333425851918719;0.011666666666666667198648532633;0.007499999999999999722444243844;0.023333333333333334397297065266;0.030416666666666668239482618219;0.026666666666666668378260496297;0.014999999999999999444888487687;0.017916666666666667545593227828;0.044166666666666666574148081281;0.022083333333333333287074040641;0.003749999999999999861222121922;0.015416666666666667059870654555;0.009166666666666666712925959359;0.023750000000000000277555756156;0.018749999999999999306110609609;0.020833333333333332176851016015;0.027916666666666666019036568969;0.032083333333333331760517381781;0.018333333333333333425851918719;0.003749999999999999861222121922;0.017916666666666667545593227828;0.004583333333333333356462979680;0.015833333333333334674852821422;0.023750000000000000277555756156;0.009583333333333332593184650250;0.026249999999999999028554853453;0.032500000000000001110223024625;0.013333333333333334189130248149;0.011666666666666667198648532633;0.000833333333333333386820640509;0.011666666666666667198648532633;0.011249999999999999583666365766;0.014999999999999999444888487687;0.000000000000000000000000000000;0.018333333333333333425851918719;0.018333333333333333425851918719;0.010416666666666666088425508008;0.025000000000000001387778780781;0.020833333333333332176851016015;0.026666666666666668378260496297;0.021250000000000001526556658860
-0.026363636363636363396656392410;0.010909090909090909948808700847;0.053030303030303031774916888708;0.120606060606060605522316109273;0.006363636363636363847684496164;0.007272727272727272720964641906;0.003636363636363636360482320953;0.023333333333333334397297065266;0.011515151515151514707846480690;0.038484848484848482863540652943;0.012424242424242424448488364419;0.002121212121212121427121788386;0.018181818181818180935049866775;0.049090909090909087830745249903;0.018181818181818180935049866775;0.014848484848484848688809911721;0.012727272727272727695368992329;0.017575757575757574441288610956;0.012424242424242424448488364419;0.011212121212121211460965852780;0.016666666666666666435370203203;0.009393939393939393714405561298;0.010000000000000000208166817117;0.049393939393939392812349353790;0.025757575757575756902895136591;0.046363636363636363812990026645;0.026666666666666668378260496297;0.004848484848484848480643094604;0.000606060606060606060080386825;0.011818181818181817954727108599;0.002121212121212121427121788386;0.019090909090909092410415226482;0.009696969696969696961286189207;0.009696969696969696961286189207;0.029090909090909090883858567622;0.040303030303030305814271372356;0.012727272727272727695368992329;0.007575757575757575967845269815;0.000303030303030303030040193413;0.015151515151515151935690539631;0.006666666666666667094565124074;0.004848484848484848480643094604;0.000000000000000000000000000000;0.024545454545454543915372624951;0.013030303030303030942249620239;0.014545454545454545441929283811;0.044545454545454547801153211140;0.030909090909090910365142335081;0.026060606060606061884499240477;0.017272727272727272929131459023
-0.018794326241134751143135872553;0.015957446808510637042965996102;0.031914893617021274085931992204;0.207801418439716306663100908736;0.066666666666666665741480812812;0.009929078014184397615871091602;0.010638297872340425273551822727;0.023404255319148935254869314804;0.008156028368794325869584049826;0.023404255319148935254869314804;0.013120567375886524677519595627;0.005673758865248227332978014914;0.006382978723404254990658746038;0.025531914893617019962634984154;0.035815602836879435744155131260;0.007092198581560283515701215151;0.008156028368794325869584049826;0.012411347517730497019838864503;0.020567375886524821154699438353;0.004255319148936170282893076688;0.021631205673758865243305749004;0.009929078014184397615871091602;0.003900709219858156020371842132;0.030851063829787233466772633506;0.015957446808510637042965996102;0.025886524822695034658837087704;0.024468085106382979343475625456;0.057092198581560282821811824761;0.005319148936170212636775911363;0.031560283687943259389729888653;0.003546099290780141757850607576;0.016666666666666666435370203203;0.004609929078014184111733442251;0.007446808510638298211903318702;0.011702127659574467627434657402;0.025531914893617019962634984154;0.005319148936170212636775911363;0.008865248226950355261988256927;0.001418439716312056833244503729;0.009574468085106382919668988052;0.008865248226950355261988256927;0.007801418439716312040743684264;0.000000000000000000000000000000;0.016312056737588651739168099652;0.022340425531914894635709956106;0.010638297872340425273551822727;0.023758865248226949951071418354;0.013120567375886524677519595627;0.009574468085106382919668988052;0.010638297872340425273551822727
-0.013333333333333334189130248149;0.011851851851851851263330850372;0.025185185185185185452461098521;0.241111111111111109384097517250;0.048148148148148148250946576354;0.008888888888888888881179006773;0.007037037037037036958653235530;0.032962962962962964741375770927;0.005185185185185185036127464286;0.035555555555555555524716027094;0.012222222222222222862142437805;0.004444444444444444440589503387;0.005925925925925925631665425186;0.022962962962962962798485477833;0.022222222222222223070309254922;0.009259259259259258745267118229;0.011111111111111111535154627461;0.012222222222222222862142437805;0.018518518518518517490534236458;0.004444444444444444440589503387;0.021111111111111111743321444578;0.003703703703703703845051542487;0.002592592592592592518063732143;0.050740740740740739034286832521;0.016666666666666666435370203203;0.031851851851851853414387960584;0.022592592592592591199673890401;0.047777777777777780121581940875;0.001851851851851851922525771243;0.020740740740740740144509857146;0.001481481481481481407916356297;0.017777777777777777762358013547;0.009259259259259258745267118229;0.004814814814814815172039352831;0.005185185185185185036127464286;0.025555555555555557051272685953;0.007037037037037036958653235530;0.002592592592592592518063732143;0.000740740740740740703958178148;0.002962962962962962815832712593;0.012962962962962962590318660716;0.007037037037037036958653235530;0.000000000000000000000000000000;0.024444444444444445724284875610;0.020000000000000000416333634234;0.015925925925925926707193980292;0.033703703703703701000105041885;0.015555555555555555108382392859;0.005925925925925925631665425186;0.014814814814814815380206169948
-0.021794871794871793768688661430;0.013461538461538462285727035805;0.043269230769230768163247091707;0.313782051282051277496520924615;0.007051282051282051384355487045;0.004166666666666666608842550801;0.007051282051282051384355487045;0.033974358974358971619000868714;0.003846153846153846367350581659;0.026282051282051282353746657350;0.011217948717948717993198037846;0.001282051282051282050170049054;0.005448717948717948442172165358;0.031410256410256409687065115577;0.026282051282051282353746657350;0.011858974358974358476181976130;0.013461538461538462285727035805;0.020833333333333332176851016015;0.014423076923076923877564681220;0.004487179487179486850334519943;0.017307692307692308653077617464;0.006730769230769231142863517903;0.002884615384615384775512936244;0.041346153846153844979571800877;0.014743589743589743251694912374;0.025320512820512820761909011935;0.025000000000000001387778780781;0.017307692307692308653077617464;0.002243589743589743425167259971;0.006089743589743589792517841630;0.001602564102564102508502452693;0.014102564102564102768710974090;0.006730769230769231142863517903;0.010576923076923077510214099561;0.007051282051282051384355487045;0.030128205128205128721097239008;0.007371794871794871625847456187;0.004166666666666666608842550801;0.000320512820512820512542512263;0.008333333333333333217685101602;0.011858974358974358476181976130;0.001923076923076923183675290829;0.000000000000000000000000000000;0.019551282051282051210883139447;0.019230769230769231836752908293;0.012500000000000000693889390391;0.032051282051282048435325577884;0.017628205128205128027207848618;0.008012820512820512108831394471;0.012500000000000000693889390391
-0.008908045977011494129249591367;0.014080459770114942333329999258;0.078735632183908041414888145937;0.114080459770114939210827742500;0.002298850574712643646257959062;0.007471264367816091850338366953;0.002298850574712643646257959062;0.013793103448275861877547754375;0.117528735632183911619108585001;0.014367816091954022789112244141;0.005747126436781609115644897656;0.004022988505747126380951428359;0.008620689655172413673467346484;0.026149425287356323210907760313;0.013793103448275861877547754375;0.008908045977011494129249591367;0.055172413793103447510191017500;0.064367816091954022095222853750;0.001436781609195402278911224414;0.015517241379310344612241223672;0.004310344827586206836733673242;0.076724137931034483428582859688;0.010919540229885057319725305547;0.014080459770114942333329999258;0.014367816091954022789112244141;0.018103448275862070449004903594;0.016954022988505748625875924063;0.012356321839080459598636529961;0.000000000000000000000000000000;0.004022988505747126380951428359;0.004022988505747126380951428359;0.009770114942528735496596326016;0.002298850574712643646257959062;0.008045977011494252761902856719;0.011494252873563218231289795312;0.032758620689655175428622868594;0.007758620689655172306120611836;0.003735632183908045925169183477;0.008908045977011494129249591367;0.034482758620689654693869385937;0.003160919540229885013604693711;0.043678160919540229278901222187;0.000000000000000000000000000000;0.006321839080459770027209387422;0.004022988505747126380951428359;0.006034482758620689571427142539;0.024425287356321840476214291016;0.013505747126436781421765509492;0.018103448275862070449004903594;0.008333333333333333217685101602
-0.027210884353741495583767218136;0.019047619047619049337249919063;0.046938775510204082397347491451;0.060884353741496595457949325692;0.002721088435374149471640548015;0.018027210884353741388030911708;0.013265306122448979053718431942;0.036054421768707482776061823415;0.065306122448979597727714008215;0.017687074829931974384589210558;0.015646258503401361955598147802;0.008843537414965987192294605279;0.012585034013605441577388077690;0.016666666666666666435370203203;0.023469387755102041198673745726;0.015306122448979591482709494699;0.022448979591836733249454738370;0.049319727891156461829780255357;0.029931972789115645489088635145;0.010204081632653060410231837807;0.024149659863945578675004099978;0.041836734693877553059593310536;0.018367346938775511860919564811;0.021428571428571428769682682969;0.017006802721088436908258856306;0.017346938775510203911700557455;0.029931972789115645489088635145;0.017687074829931974384589210558;0.002380952380952381167156239883;0.016326530612244899431928502054;0.010884353741496597886562192059;0.015646258503401361955598147802;0.012244897959183672839222900564;0.005102040816326530205115918903;0.014965986394557822744544317572;0.029591836734693878485646933996;0.014285714285714285268213963320;0.013605442176870747791883609068;0.005782312925170067681446273156;0.027891156462585033060097572388;0.008503401360544218454129428153;0.024489795918367345678445801127;0.000000000000000000000000000000;0.010884353741496597886562192059;0.010884353741496597886562192059;0.025850340136054420631106509632;0.013265306122448979053718431942;0.008503401360544218454129428153;0.026190476190476191103995162734;0.003401360544217686947970902267
-0.019047619047619049337249919063;0.017460317460317460735996775156;0.037301587301587300904426314219;0.143650793650793640043872301248;0.005555555555555555767577313730;0.014285714285714285268213963320;0.008730158730158730367998387578;0.042063492063492066708185745938;0.015873015873015872134743631250;0.011111111111111111535154627461;0.019841269841269840168429539062;0.005555555555555555767577313730;0.029365079365079364837054498594;0.023015873015873017370935826875;0.033333333333333332870740406406;0.006349206349206349200842147695;0.013492063492063492702310867344;0.046825396825396825573051273750;0.036507936507936510073246694219;0.009523809523809524668624959531;0.022222222222222223070309254922;0.018253968253968255036623347110;0.023809523809523808202115446875;0.019047619047619049337249919063;0.019047619047619049337249919063;0.022222222222222223070309254922;0.037301587301587300904426314219;0.007936507936507936067371815625;0.000000000000000000000000000000;0.012698412698412698401684295391;0.012698412698412698401684295391;0.010317460317460317234528055508;0.015873015873015872134743631250;0.010317460317460317234528055508;0.026984126984126985404621734688;0.023809523809523808202115446875;0.011904761904761904101057723437;0.012698412698412698401684295391;0.000793650793650793650105268462;0.018253968253968255036623347110;0.011904761904761904101057723437;0.004761904761904762334312479766;0.000000000000000000000000000000;0.008730158730158730367998387578;0.016666666666666666435370203203;0.017460317460317460735996775156;0.021428571428571428769682682969;0.013492063492063492702310867344;0.031746031746031744269487262500;0.008730158730158730367998387578
-0.017592592592592593697675695807;0.047685185185185184619793830052;0.058796296296296297889671933490;0.006944444444444444058950338672;0.000925925925925925961262885622;0.011574074074074073431583897786;0.000925925925925925961262885622;0.021296296296296295808003762318;0.044444444444444446140618509844;0.018518518518518517490534236458;0.015740740740740739173064710599;0.002777777777777777883788656865;0.017129629629629630066522949505;0.036574074074074071349915726614;0.011111111111111111535154627461;0.012037037037037037062736644089;0.029629629629629630760412339896;0.078703703703703706273664408855;0.008796296296296296848837847904;0.010648148148148147904001881159;0.015277777777777777276635440273;0.032870370370370369239587660104;0.027314814814814816074095560339;0.017129629629629630066522949505;0.021296296296296295808003762318;0.028703703703703703498106847292;0.030092592592592590922118134245;0.032407407407407405608434913802;0.000462962962962962980631442811;0.004166666666666666608842550801;0.004166666666666666608842550801;0.011574074074074073431583897786;0.009722222222222222376419864531;0.008796296296296296848837847904;0.043055555555555555247160270937;0.034259259259259260133045899011;0.013425925925925926221471407018;0.004166666666666666608842550801;0.004629629629629629372633559115;0.031018518518518518184423626849;0.008796296296296296848837847904;0.044444444444444446140618509844;0.000000000000000000000000000000;0.012962962962962962590318660716;0.005555555555555555767577313730;0.005092592592592593003786305417;0.031018518518518518184423626849;0.018981481481481481121686982760;0.031481481481481478346129421197;0.015277777777777777276635440273
-0.025833333333333333148296162562;0.022083333333333333287074040641;0.068750000000000005551115123126;0.000833333333333333386820640509;0.004166666666666666608842550801;0.015416666666666667059870654555;0.001666666666666666773641281019;0.023750000000000000277555756156;0.027500000000000000138777878078;0.035833333333333335091186455656;0.012500000000000000693889390391;0.008750000000000000832667268469;0.018749999999999999306110609609;0.042500000000000003053113317719;0.014583333333333333564629796797;0.015416666666666667059870654555;0.029999999999999998889776975375;0.050416666666666665186369300500;0.010833333333333333703407674875;0.013333333333333334189130248149;0.010416666666666666088425508008;0.032500000000000001110223024625;0.017500000000000001665334536938;0.043749999999999997224442438437;0.032083333333333331760517381781;0.029999999999999998889776975375;0.032083333333333331760517381781;0.005833333333333333599324266316;0.002083333333333333304421275400;0.007499999999999999722444243844;0.005833333333333333599324266316;0.024166666666666666157814447047;0.007083333333333332974823814965;0.006250000000000000346944695195;0.016666666666666666435370203203;0.045833333333333330095182844843;0.016250000000000000555111512313;0.002500000000000000052041704279;0.003749999999999999861222121922;0.021250000000000001526556658860;0.010000000000000000208166817117;0.028750000000000001249000902703;0.000000000000000000000000000000;0.019166666666666665186369300500;0.007083333333333332974823814965;0.016250000000000000555111512313;0.042500000000000003053113317719;0.031250000000000000000000000000;0.021250000000000001526556658860;0.017500000000000001665334536938
-0.033333333333333332870740406406;0.005038759689922480550228200968;0.061240310077519378995081211770;0.000775193798449612392342800149;0.002325581395348837177028400447;0.016666666666666666435370203203;0.004651162790697674354056800894;0.021317829457364340789427004097;0.013953488372093023062170402682;0.035658914728682170047768806853;0.016666666666666666435370203203;0.004651162790697674354056800894;0.022093023255813953181769804246;0.046899224806201553206186360967;0.005038759689922480550228200968;0.018604651162790697416227203576;0.027131782945736433731998005214;0.037984496124031007224797207300;0.004651162790697674354056800894;0.011627906976744185885142002235;0.013178294573643410669827602533;0.013953488372093023062170402682;0.023255813953488371770284004469;0.060852713178294576268356763649;0.020930232558139534593255604022;0.039922480620155041675101159626;0.025581395348837208947312404916;0.001937984496124030980857000372;0.002325581395348837177028400447;0.008527131782945736315770801639;0.005426356589147286746399601043;0.042248062015503878852129560073;0.007364341085271317727256601415;0.008914728682170542511942201713;0.034496124031007754928701558583;0.050000000000000002775557561563;0.012790697674418604473656202458;0.016279069767441860239198803129;0.003488372093023255765542600670;0.028682170542635658516683605512;0.010077519379844961100456401937;0.005426356589147286746399601043;0.000000000000000000000000000000;0.034883720930232557655426006704;0.000387596899224806196171400074;0.021705426356589146985598404171;0.043410852713178293971196808343;0.029457364341085270909026405661;0.031007751937984495693712005959;0.013178294573643410669827602533
-0.023148148148148146863167795573;0.010185185185185186007572610833;0.027777777777777776235801354687;0.275462962962962965018931527084;0.010648148148148147904001881159;0.014351851851851851749053423646;0.008333333333333333217685101602;0.019444444444444444752839729063;0.013425925925925926221471407018;0.029166666666666667129259593594;0.009722222222222222376419864531;0.008333333333333333217685101602;0.013888888888888888117900677344;0.024074074074074074125473288177;0.021296296296296295808003762318;0.012962962962962962590318660716;0.013425925925925926221471407018;0.022222222222222223070309254922;0.013425925925925926221471407018;0.004166666666666666608842550801;0.017129629629629630066522949505;0.010185185185185186007572610833;0.020370370370370372015145221667;0.038425925925925925874526711823;0.018518518518518517490534236458;0.025462962962962961549484575130;0.018981481481481481121686982760;0.004629629629629629372633559115;0.001388888888888888941894328433;0.016203703703703702804217456901;0.006481481481481481295159330358;0.012037037037037037062736644089;0.006018518518518518531368322044;0.008333333333333333217685101602;0.018055555555555553859381490156;0.022685185185185186701462001224;0.006481481481481481295159330358;0.011111111111111111535154627461;0.002777777777777777883788656865;0.025000000000000001387778780781;0.006944444444444444058950338672;0.007870370370370369586532355299;0.000000000000000000000000000000;0.025462962962962961549484575130;0.014814814814814815380206169948;0.022222222222222223070309254922;0.018055555555555553859381490156;0.012037037037037037062736644089;0.014814814814814815380206169948;0.012037037037037037062736644089
-0.025757575757575756902895136591;0.010101010101010101868701518413;0.053030303030303031774916888708;0.217171717171717182370827003979;0.005050505050505050934350759206;0.006565656565656565434030422779;0.002525252525252525467175379603;0.015656565656565656768917094155;0.036363636363636361870099733551;0.034848484848484850839867021932;0.018181818181818180935049866775;0.005555555555555555767577313730;0.002525252525252525467175379603;0.037878787878787879839226349077;0.023737373737373737569988918494;0.026262626262626261736121691115;0.012121212121212121201607736509;0.016161616161616161602143648679;0.008080808080808080801071824339;0.002020202020202020200267956085;0.013131313131313130868060845557;0.017171717171717171268596757727;0.001010101010101010100133978042;0.054545454545454542805149600326;0.031818181818181814901613790880;0.052020202020202022108463779659;0.023232323232323232736762363970;0.020202020202020203737403036826;0.001010101010101010100133978042;0.003030303030303030300401934127;0.002525252525252525467175379603;0.020707070707070708570629591350;0.002020202020202020200267956085;0.011111111111111111535154627461;0.004040404040404040400535912170;0.026767676767676766569348245639;0.004040404040404040400535912170;0.004545454545454545233762466694;0.000505050505050505050066989021;0.001515151515151515150200967064;0.007070707070707071134618715291;0.004040404040404040400535912170;0.000000000000000000000000000000;0.023232323232323232736762363970;0.010101010101010101868701518413;0.012121212121212121201607736509;0.042929292929292928171491894318;0.015656565656565656768917094155;0.006060606060606060600803868255;0.024242424242424242403215473018
-0.036494252873563219619068576094;0.001436781609195402278911224414;0.070977011494252867374044058124;0.010919540229885057319725305547;0.001436781609195402278911224414;0.012356321839080459598636529961;0.006034482758620689571427142539;0.022988505747126436462579590625;0.021839080459770114639450611094;0.071264367816091953033996730937;0.017241379310344827346934692969;0.011206896551724137775507550430;0.002873563218390804557822448828;0.050574712643678160217675099375;0.005747126436781609115644897656;0.032183908045977011047611426875;0.014367816091954022789112244141;0.012356321839080459598636529961;0.006034482758620689571427142539;0.003160919540229885013604693711;0.014655172413793103244894489023;0.016091954022988505523805713437;0.001724137931034482734693469297;0.089942528735632187864013076251;0.026149425287356323210907760313;0.067816091954022994503503696251;0.022413793103448275551015100859;0.008333333333333333217685101602;0.000862068965517241367346734648;0.006321839080459770027209387422;0.011206896551724137775507550430;0.031896551724137932326552657969;0.000574712643678160911564489766;0.007758620689655172306120611836;0.002586206896551724102040203945;0.051724137931034482040804078906;0.007471264367816091850338366953;0.009482758620689655040814081133;0.001149425287356321823128979531;0.002298850574712643646257959062;0.007471264367816091850338366953;0.002586206896551724102040203945;0.000000000000000000000000000000;0.039655172413793106367396745782;0.005459770114942528659862652773;0.022413793103448275551015100859;0.070689655172413795591879193125;0.033045977011494254149681637500;0.006609195402298850482991632305;0.020114942528735631904757141797
-0.020138888888888890199568848516;0.013888888888888888117900677344;0.052430555555555556634939051719;0.023263888888888889505679458125;0.010069444444444445099784424258;0.005208333333333333044212754004;0.007638888888888888638317720137;0.039930555555555552471602709375;0.023611111111111110494320541875;0.041666666666666664353702032031;0.016319444444444445446729119453;0.012500000000000000693889390391;0.007638888888888888638317720137;0.042361111111111113269878103438;0.036458333333333335646297967969;0.011805555555555555247160270937;0.025000000000000001387778780781;0.033333333333333332870740406406;0.019791666666666665741480812812;0.007986111111111110494320541875;0.018055555555555553859381490156;0.013194444444444444405895033867;0.003819444444444444319158860068;0.073958333333333334258519187188;0.022569444444444444058950338672;0.037152777777777777623580135469;0.036805555555555556634939051719;0.010069444444444445099784424258;0.003472222222222222029475169336;0.012500000000000000693889390391;0.004513888888888888464845372539;0.035763888888888886730121896562;0.007638888888888888638317720137;0.007638888888888888638317720137;0.005902777777777777623580135469;0.052430555555555556634939051719;0.012847222222222221682530474141;0.005555555555555555767577313730;0.001736111111111111014737584668;0.007986111111111110494320541875;0.010069444444444445099784424258;0.004861111111111111188209932266;0.000000000000000000000000000000;0.033680555555555553859381490156;0.017013888888888887424011286953;0.023263888888888889505679458125;0.033333333333333332870740406406;0.022916666666666665047591422422;0.019097222222222223764198645313;0.011111111111111111535154627461
-0.013207547169811321291499339736;0.021698113207547168462818731882;0.044025157232704399679068529849;0.227358490566037740876481620944;0.007232704402515723399180735953;0.006918238993710692022465202911;0.004716981132075471518094733625;0.029559748427672956350154009897;0.041509433962264148665344265510;0.021383647798742137086103198840;0.009748427672955974412905000293;0.003144654088050314634517068413;0.001257861635220125723702566667;0.022012578616352199839534264925;0.035849056603773583884464670746;0.010691823899371068543051599420;0.024213836477987422945989948175;0.035534591194968552507749137703;0.014465408805031446798361471906;0.004716981132075471518094733625;0.018238993710691823318947868415;0.019811320754716980202525533628;0.002830188679245282824120666376;0.032389937106918238740593807279;0.011949685534591195784637207566;0.023270440251572325346396397094;0.034591194968553458377602538576;0.021383647798742137086103198840;0.004402515723270440141379200583;0.006918238993710692022465202911;0.002830188679245282824120666376;0.025471698113207548452852080345;0.007232704402515723399180735953;0.012893081761006289914783806694;0.005345911949685534271525799710;0.032075471698113207363878274236;0.009119496855345911659473934208;0.003459119496855346011232601455;0.004402515723270440141379200583;0.005974842767295597892318603783;0.011635220125786162673198198547;0.012264150943396227161352740609;0.000000000000000000000000000000;0.017610062893081760565516802330;0.016352201257861635058654670161;0.015723270440251572305223604076;0.027358490566037736713145278600;0.008490566037735848906042868123;0.014465408805031446798361471906;0.012264150943396227161352740609
-0.012083333333333333078907223523;0.023750000000000000277555756156;0.029583333333333333009518284484;0.380833333333333357018091192003;0.011666666666666667198648532633;0.005833333333333333599324266316;0.006250000000000000346944695195;0.027916666666666666019036568969;0.021250000000000001526556658860;0.013333333333333334189130248149;0.011666666666666667198648532633;0.004583333333333333356462979680;0.004166666666666666608842550801;0.017500000000000001665334536938;0.034583333333333333980963431031;0.007916666666666667337426410711;0.018333333333333333425851918719;0.027500000000000000138777878078;0.012083333333333333078907223523;0.004166666666666666608842550801;0.013750000000000000069388939039;0.014999999999999999444888487687;0.000833333333333333386820640509;0.024583333333333332038073137937;0.011666666666666667198648532633;0.018333333333333333425851918719;0.027500000000000000138777878078;0.016666666666666666435370203203;0.003333333333333333547282562037;0.006666666666666667094565124074;0.002916666666666666799662133158;0.020000000000000000416333634234;0.002083333333333333304421275400;0.007083333333333332974823814965;0.005000000000000000104083408559;0.022916666666666665047591422422;0.003333333333333333547282562037;0.005833333333333333599324266316;0.001666666666666666773641281019;0.005416666666666666851703837438;0.012083333333333333078907223523;0.006666666666666667094565124074;0.000000000000000000000000000000;0.017916666666666667545593227828;0.017083333333333332315628894094;0.013333333333333334189130248149;0.018749999999999999306110609609;0.009583333333333332593184650250;0.007083333333333332974823814965;0.007916666666666667337426410711
-0.024390243902439025236450476086;0.006910569105691056687734707964;0.043495934959349592807686946117;0.228048780487804886307756646602;0.003658536585365853872203745212;0.008130081300813008990391317354;0.003252032520325203249211831746;0.017073170731707318359404723651;0.008130081300813008990391317354;0.033333333333333332870740406406;0.014634146341463415488814980847;0.006504065040650406498423663493;0.003252032520325203249211831746;0.035365853658536582082572152785;0.013414634146341463186158371457;0.021544715447154472176549688811;0.014634146341463415488814980847;0.024390243902439025236450476086;0.008130081300813008990391317354;0.003658536585365853872203745212;0.011382113821138212239603149101;0.011382113821138212239603149101;0.003658536585365853872203745212;0.046341463414634145867587733392;0.029268292682926830977629961694;0.051626016260162603532801739448;0.024796747967479673691038044581;0.020325203252032519873893079421;0.002439024390243902436908873810;0.005691056910569106119801574550;0.005284552845528455063128792091;0.020325203252032519873893079421;0.004471544715447154684506703148;0.004878048780487804873817747620;0.011788617886178862428914193572;0.040243902439024391293198590347;0.010162601626016259936946539710;0.006097560975609756309112619022;0.000813008130081300812302957937;0.004471544715447154684506703148;0.004065040650406504495195658677;0.002032520325203252247597829339;0.000000000000000000000000000000;0.028048780487804878674973352304;0.009349593495934959558324450768;0.021951219512195120631137257305;0.037398373983739838233297803072;0.029268292682926830977629961694;0.014227642276422763564780460399;0.016260162601626017980782634709
-0.024074074074074074125473288177;0.014074074074074073917306471060;0.060740740740740740977177125615;0.065925925925925929482751541855;0.024074074074074074125473288177;0.010000000000000000208166817117;0.004444444444444444440589503387;0.017777777777777777762358013547;0.025185185185185185452461098521;0.028518518518518519433424529552;0.011481481481481481399242738917;0.003333333333333333547282562037;0.012962962962962962590318660716;0.036666666666666666851703837438;0.011111111111111111535154627461;0.016296296296296294836558615771;0.027407407407407408106436719208;0.028518518518518519433424529552;0.013703703703703704053218359604;0.010000000000000000208166817117;0.012222222222222222862142437805;0.020000000000000000416333634234;0.017777777777777777762358013547;0.041851851851851848418384349770;0.022592592592592591199673890401;0.033703703703703701000105041885;0.024814814814814813853649511088;0.029999999999999998889776975375;0.003703703703703703845051542487;0.010000000000000000208166817117;0.005185185185185185036127464286;0.029629629629629630760412339896;0.009259259259259258745267118229;0.011851851851851851263330850372;0.016666666666666666435370203203;0.037037037037037034981068472916;0.010370370370370370072254928573;0.010370370370370370072254928573;0.005185185185185185036127464286;0.032592592592592589673117231541;0.004444444444444444440589503387;0.013333333333333334189130248149;0.000000000000000000000000000000;0.022962962962962962798485477833;0.010740740740740739936343040029;0.011481481481481481399242738917;0.040370370370370368962031903948;0.028888888888888887562789165031;0.020000000000000000416333634234;0.016666666666666666435370203203
-0.014327485380116959656771058462;0.015204678362573099265064868746;0.035087719298245612087328026973;0.230994152046783612908242844242;0.020760233918128655900003920465;0.009356725146198830583843530917;0.012865497076023392486465724005;0.020760233918128655900003920465;0.028070175438596491751530592751;0.024269005847953217802626113553;0.007894736842105263413538196460;0.005263157894736841986571551644;0.009356725146198830583843530917;0.022514619883040935116591541032;0.025146198830409357410919923836;0.009064327485380116802837768830;0.024561403508771929848908399663;0.024269005847953217802626113553;0.015204678362573099265064868746;0.004093567251461988597271979273;0.010526315789473683973143103287;0.021052631578947367946286206575;0.017836257309941521559393251550;0.037134502923976610289091837558;0.011988304093567251143448437745;0.017251461988304093997381727377;0.028362573099415203797812878861;0.019883040935672516291710110181;0.006432748538011696243232862003;0.013450292397660818313753772202;0.006140350877192982462227099916;0.024853801169590641895190685773;0.008479532163742689240826244657;0.010233918128654970192137341201;0.014912280701754385484059106659;0.031286549707602341607870499729;0.007017543859649122937882648188;0.007017543859649122937882648188;0.004970760233918129072927527545;0.016374269005847954389087917093;0.007894736842105263413538196460;0.014327485380116959656771058462;0.000000000000000000000000000000;0.024853801169590641895190685773;0.016959064327485378481652489313;0.009941520467836258145855055091;0.019883040935672516291710110181;0.011695906432748537362442675658;0.012573099415204678705459961918;0.007602339181286549632532434373
-0.026754385964912280604366401349;0.012719298245614034728601104973;0.036403508771929826703939170329;0.169298245614035086648030414835;0.007017543859649122937882648188;0.027192982456140352143236782467;0.014912280701754385484059106659;0.019736842105263156799122015173;0.023245614035087718701744208261;0.016228070175438594896499822084;0.012280701754385964924454199831;0.019736842105263156799122015173;0.017543859649122806043664013487;0.020614035087719299876862777410;0.017105263157894737974240584322;0.014912280701754385484059106659;0.012280701754385964924454199831;0.025877192982456140996072591065;0.021929824561403507554580016858;0.008333333333333333217685101602;0.016666666666666666435370203203;0.024561403508771929848908399663;0.015789473684210526827076392919;0.021929824561403507554580016858;0.025877192982456140996072591065;0.018859649122807017190828204889;0.025438596491228069457202209946;0.002631578947368420993285775822;0.003947368421052631706769098230;0.028070175438596491751530592751;0.010087719298245614168996198146;0.015350877192982455288206011801;0.010526315789473683973143103287;0.012280701754385964924454199831;0.018859649122807017190828204889;0.027631578947368420212660211632;0.007894736842105263413538196460;0.007894736842105263413538196460;0.007894736842105263413538196460;0.026754385964912280604366401349;0.005263157894736841986571551644;0.013157894736842104532748010115;0.000000000000000000000000000000;0.020614035087719299876862777410;0.014912280701754385484059106659;0.021491228070175439485156587693;0.027631578947368420212660211632;0.012719298245614034728601104973;0.020175438596491228337992396291;0.010964912280701753777290008429
-0.023550724637681159923108253906;0.004347826086956521791926366660;0.040579710144927533255199136875;0.290579710144927561010774752503;0.002536231884057970828449946055;0.019565217391304349364711256953;0.006884057971014492620376312715;0.029347826086956522312343409453;0.013405797101449274874584993711;0.019565217391304349364711256953;0.015217391304347826705423152305;0.009057971014492753950020365039;0.007971014492753622851517469883;0.021014492753623187359934831875;0.021376811594202897726102463594;0.015942028985507245703034939766;0.014492753623188405973087888867;0.019565217391304349364711256953;0.017391304347826087167705466641;0.003260869565217391127104340498;0.023188405797101449556940622188;0.017391304347826087167705466641;0.006159420289855072755402787266;0.028260869565217391213840514297;0.032971014492753622504572774687;0.018115942028985507900040730078;0.031521739130434781039902247812;0.002536231884057970828449946055;0.002173913043478260895963183330;0.012318840579710145510805574531;0.003985507246376811425758734941;0.014855072463768116339255520586;0.004347826086956521791926366660;0.011956521739130435144637942813;0.015579710144927537071590784024;0.018115942028985507900040730078;0.009057971014492753950020365039;0.007246376811594202986543944434;0.001811594202898550746635986108;0.009057971014492753950020365039;0.010144927536231883313799784219;0.010144927536231883313799784219;0.000000000000000000000000000000;0.014855072463768116339255520586;0.010869565217391304046135047656;0.019202898550724638998543625235;0.025724637681159418650667092265;0.013405797101449274874584993711;0.015942028985507245703034939766;0.013405797101449274874584993711
-0.022121212121212121409774553626;0.020000000000000000416333634234;0.044545454545454547801153211140;0.127272727272727259606455163521;0.001212121212121212120160773651;0.010606060606060606701928072937;0.005757575757575757353923240345;0.032424242424242424864821998653;0.023939393939393940891058321085;0.021515151515151514916013297807;0.016060606060606059941608947383;0.002727272727272727487202175212;0.015151515151515151935690539631;0.030303030303030303871381079261;0.016666666666666666435370203203;0.010303030303030303455047445027;0.025757575757575756902895136591;0.056666666666666663798590519718;0.013636363636363635701287400082;0.011515151515151514707846480690;0.019696969696969695434729530348;0.020000000000000000416333634234;0.025151515151515150409133880771;0.024242424242424242403215473018;0.021515151515151514916013297807;0.025454545454545455390737984658;0.032727272727272729846426102540;0.009090909090909090467524933388;0.002121212121212121427121788386;0.009090909090909090467524933388;0.001515151515151515150200967064;0.014848484848484848688809911721;0.012424242424242424448488364419;0.013636363636363635701287400082;0.023030303030303029415692961379;0.039090909090909092826748860716;0.015757575757575758429451795450;0.003636363636363636360482320953;0.001515151515151515150200967064;0.025151515151515150409133880771;0.012727272727272727695368992329;0.019393939393939393922572378415;0.000000000000000000000000000000;0.012727272727272727695368992329;0.005151515151515151727523722514;0.019696969696969695434729530348;0.020909090909090908422252041987;0.011515151515151514707846480690;0.033030303030303027889136302520;0.016969696969696971416974307090
-0.028378378378378379953694832238;0.041441441441441441428938929903;0.028828828828828829272667988448;0.089189189189189194140183758464;0.010810810810810811410931364662;0.015765765765765764327976938830;0.009009009009009008930868311893;0.040540540540540542790992617483;0.009459459459459459984564944079;0.011711711711711711783601153058;0.014864864864864865690030626411;0.011261261261261260729904520872;0.013513513513513514263664205828;0.017567567567567568542763467576;0.032882882882882880082320298243;0.010360360360360360357234732476;0.013063063063063063209967573641;0.061711711711711712824435238645;0.024324324324324325674595570490;0.006306306306306306078135470727;0.018468468468468467180709779996;0.009909909909909909303538100289;0.028378378378378379953694832238;0.020720720720720720714469464951;0.016666666666666666435370203203;0.027927927927927927165274724075;0.030180180180180180699034409031;0.038288288288288285787785980574;0.000900900900900900914770874639;0.018018018018018017861736623786;0.009909909909909909303538100289;0.010360360360360360357234732476;0.014414414414414414636333994224;0.008558558558558557877171679706;0.020720720720720720714469464951;0.025675675675675677100961991073;0.013963963963963963582637362038;0.014864864864864865690030626411;0.005405405405405405705465682331;0.024324324324324325674595570490;0.014414414414414414636333994224;0.014414414414414414636333994224;0.000000000000000000000000000000;0.014864864864864865690030626411;0.024324324324324325674595570490;0.023873873873873872886175462327;0.013063063063063063209967573641;0.009909909909909909303538100289;0.030180180180180180699034409031;0.006306306306306306078135470727
-0.058571428571428572895651853969;0.007142857142857142634106981660;0.041904761904761902990834698812;0.083333333333333328707404064062;0.008095238095238094580552434820;0.020000000000000000416333634234;0.010000000000000000208166817117;0.014285714285714285268213963320;0.017142857142857143709635536766;0.025238095238095236555464495609;0.012380952380952381375323057000;0.013333333333333334189130248149;0.009523809523809524668624959531;0.030952380952380953438307642500;0.018095238095238094788719251937;0.034285714285714287419271073531;0.024761904761904762750646114000;0.028571428571428570536427926640;0.012857142857142856914864914586;0.007619047619047619041010577234;0.018571428571428572062984585500;0.014761904761904762542479296883;0.007619047619047619041010577234;0.026190476190476191103995162734;0.040000000000000000832667268469;0.046666666666666668794594130532;0.020000000000000000416333634234;0.006666666666666667094565124074;0.001904761904761904760252644309;0.010000000000000000208166817117;0.021904761904761906043948016531;0.020000000000000000416333634234;0.007619047619047619041010577234;0.006666666666666667094565124074;0.017619047619047617514453918375;0.024761904761904762750646114000;0.011428571428571428561515865852;0.016666666666666666435370203203;0.001904761904761904760252644309;0.010952380952380953021974008266;0.006666666666666667094565124074;0.011428571428571428561515865852;0.000000000000000000000000000000;0.023333333333333334397297065266;0.011904761904761904101057723437;0.021904761904761906043948016531;0.042380952380952380265100032375;0.036666666666666666851703837438;0.016666666666666666435370203203;0.019047619047619049337249919063
-0.040686274509803922738715442620;0.008333333333333333217685101602;0.047549019607843134860303280220;0.019607843137254901688670827298;0.000980392156862745084433541365;0.021078431372549021050044615322;0.002450980392156862711083853412;0.029411764705882352533006240947;0.012254901960784313555419267061;0.055882352941176473282158809752;0.019607843137254901688670827298;0.015686274509803921350936661838;0.014215686274509803724286349791;0.049019607843137254221677068244;0.014705882352941176266503120473;0.030882352941176471894380028971;0.011764705882352941013202496379;0.020588235294117646773104368663;0.007352941176470588133251560237;0.005882352941176470506601248189;0.023039215686274511218911698052;0.013725490196078431182069579108;0.002941176470588235253300624095;0.058823529411764705066012481893;0.049019607843137254221677068244;0.052450980392156863751917938998;0.032352941176470591255753816995;0.002450980392156862711083853412;0.002941176470588235253300624095;0.004901960784313725422167706824;0.008823529411764705759901872284;0.025000000000000001387778780781;0.000980392156862745084433541365;0.008823529411764705759901872284;0.010294117647058823386552184331;0.048039215686274512606690478833;0.013235294117647058639852808426;0.008823529411764705759901872284;0.002450980392156862711083853412;0.005392156862745097964384477507;0.009313725490196078302118642966;0.006862745098039215591034789554;0.000000000000000000000000000000;0.031862745098039213509366618382;0.005392156862745097964384477507;0.030392156862745097617439782312;0.053431372549019605366904528410;0.028921568627450981725512946241;0.013235294117647058639852808426;0.018137254901960785796743991227
-0.024786324786324785002245008059;0.011965811965811966668948862491;0.052564102564102564707493314700;0.017521367521367521569164438233;0.003418803418803418800453464144;0.016239316239316240603196561665;0.006837606837606837600906928287;0.026923076923076924571454071611;0.017948717948717947401338079771;0.048290598290598292507969091503;0.014102564102564102768710974090;0.007692307692307692734701163317;0.011965811965811966668948862491;0.049145299145299144172316374579;0.012393162393162392501122504029;0.016239316239316240603196561665;0.020085470085470086970547143324;0.036324786324786327573743704988;0.019230769230769231836752908293;0.007692307692307692734701163317;0.017948717948717947401338079771;0.016666666666666666435370203203;0.011111111111111111535154627461;0.075641025641025635972702900744;0.020085470085470086970547143324;0.044444444444444446140618509844;0.026068376068376069437659836581;0.005128205128205128200680196215;0.003846153846153846367350581659;0.011538461538461539102051744976;0.010256410256410256401360392431;0.032905982905982907038566764868;0.011111111111111111535154627461;0.006837606837606837600906928287;0.018376068376068376702958673263;0.045299145299145297804965792920;0.011538461538461539102051744976;0.012820512820512820068019621544;0.002136752136752136967123849587;0.013247863247863247634916739059;0.009401709401709401267566157401;0.009401709401709401267566157401;0.000000000000000000000000000000;0.032478632478632481206393123330;0.008119658119658120301598280832;0.027350427350427350403627713149;0.044444444444444446140618509844;0.022222222222222223070309254922;0.013675213675213675201813856575;0.014529914529914530335608091605
-0.019191919191919190601502975824;0.033838383838383841173413912884;0.044444444444444446140618509844;0.003535353535353535567309357646;0.009595959595959595300751487912;0.019191919191919190601502975824;0.006565656565656565434030422779;0.038888888888888889505679458125;0.017676767676767676101823312251;0.024242424242424242403215473018;0.014646464646464647102463985107;0.009595959595959595300751487912;0.011111111111111111535154627461;0.025757575757575756902895136591;0.025252525252525252069668582067;0.011616161616161616368381181985;0.026262626262626261736121691115;0.069696969696969701679734043864;0.023232323232323232736762363970;0.010606060606060606701928072937;0.024242424242424242403215473018;0.015656565656565656768917094155;0.029292929292929294204927970213;0.032323232323232323204287297358;0.023737373737373737569988918494;0.023232323232323232736762363970;0.037373737373737371536552842599;0.017676767676767676101823312251;0.001010101010101010100133978042;0.020707070707070708570629591350;0.007070707070707071134618715291;0.023232323232323232736762363970;0.017676767676767676101823312251;0.006060606060606060600803868255;0.024242424242424242403215473018;0.048484848484848484806430946037;0.016666666666666666435370203203;0.008585858585858585634298378864;0.002525252525252525467175379603;0.024747474747474747236442027543;0.013636363636363635701287400082;0.014141414141414142269237430583;0.000000000000000000000000000000;0.013636363636363635701287400082;0.012626262626262626034834291033;0.020707070707070708570629591350;0.027272727272727271402574800163;0.012121212121212121201607736509;0.025252525252525252069668582067;0.011111111111111111535154627461
-0.020909090909090908422252041987;0.023333333333333334397297065266;0.057272727272727273761798727492;0.001515151515151515150200967064;0.003939393939393939607362948863;0.021818181818181819897617401693;0.004242424242424242854243576772;0.027272727272727271402574800163;0.027272727272727271402574800163;0.022727272727272727903535809446;0.016969696969696971416974307090;0.009696969696969696961286189207;0.015151515151515151935690539631;0.033939393939393942833948614179;0.015454545454545455182571167541;0.021212121212121213403856145874;0.025151515151515150409133880771;0.050909090909090910781475969316;0.021818181818181819897617401693;0.009696969696969696961286189207;0.017575757575757574441288610956;0.022121212121212121409774553626;0.031818181818181814901613790880;0.030606060606060605383538231195;0.030303030303030303871381079261;0.026060606060606061884499240477;0.029999999999999998889776975375;0.007878787878787879214725897725;0.001515151515151515150200967064;0.019393939393939393922572378415;0.008787878787878787220644305478;0.018484848484848485916653970662;0.021212121212121213403856145874;0.009090909090909090467524933388;0.031212121212121211877299487014;0.037272727272727269876018141304;0.014242424242424242195048655901;0.009090909090909090467524933388;0.005757575757575757353923240345;0.031818181818181814901613790880;0.008181818181818182461606525635;0.020606060606060606910094890054;0.000000000000000000000000000000;0.015454545454545455182571167541;0.012424242424242424448488364419;0.015151515151515151935690539631;0.029696969696969697377619823442;0.014848484848484848688809911721;0.034848484848484850839867021932;0.014242424242424242195048655901
-0.029583333333333333009518284484;0.008750000000000000832667268469;0.082916666666666666296592325125;0.000000000000000000000000000000;0.000000000000000000000000000000;0.012500000000000000693889390391;0.000416666666666666693410320255;0.026666666666666668378260496297;0.020416666666666666296592325125;0.034166666666666664631257788187;0.022916666666666665047591422422;0.003333333333333333547282562037;0.009583333333333332593184650250;0.063750000000000001110223024625;0.007083333333333332974823814965;0.027083333333333334258519187188;0.018333333333333333425851918719;0.054166666666666668517038374375;0.008750000000000000832667268469;0.006250000000000000346944695195;0.016250000000000000555111512313;0.014166666666666665949647629930;0.010000000000000000208166817117;0.041666666666666664353702032031;0.035000000000000003330669073875;0.051666666666666666296592325125;0.044583333333333335923853724125;0.001250000000000000026020852140;0.001666666666666666773641281019;0.005416666666666666851703837438;0.002083333333333333304421275400;0.014583333333333333564629796797;0.009166666666666666712925959359;0.014166666666666665949647629930;0.017916666666666667545593227828;0.044166666666666666574148081281;0.018749999999999999306110609609;0.003749999999999999861222121922;0.000000000000000000000000000000;0.012500000000000000693889390391;0.008333333333333333217685101602;0.007499999999999999722444243844;0.000000000000000000000000000000;0.025416666666666667268037471672;0.003749999999999999861222121922;0.010833333333333333703407674875;0.049166666666666664076146275875;0.034166666666666664631257788187;0.036666666666666666851703837438;0.028750000000000001249000902703
-0.020707070707070708570629591350;0.009090909090909090467524933388;0.035858585858585860506320130980;0.257070707070707060726277859430;0.000000000000000000000000000000;0.004545454545454545233762466694;0.008585858585858585634298378864;0.034343434343434342537193515454;0.011616161616161616368381181985;0.035858585858585860506320130980;0.013636363636363635701287400082;0.000505050505050505050066989021;0.005555555555555555767577313730;0.030808080808080808704607633786;0.027777777777777776235801354687;0.008080808080808080801071824339;0.011616161616161616368381181985;0.029797979797979799038154524737;0.015151515151515151935690539631;0.002525252525252525467175379603;0.020202020202020203737403036826;0.005555555555555555767577313730;0.008585858585858585634298378864;0.049494949494949494472884055085;0.021717171717171718237082700398;0.032828282828282831506960803836;0.037373737373737371536552842599;0.004040404040404040400535912170;0.002020202020202020200267956085;0.007575757575757575967845269815;0.001515151515151515150200967064;0.021717171717171718237082700398;0.008585858585858585634298378864;0.007070707070707071134618715291;0.007575757575757575967845269815;0.041919191919191918505038785270;0.008585858585858585634298378864;0.004040404040404040400535912170;0.000505050505050505050066989021;0.003030303030303030300401934127;0.013636363636363635701287400082;0.006565656565656565434030422779;0.000000000000000000000000000000;0.024747474747474747236442027543;0.010606060606060606701928072937;0.020707070707070708570629591350;0.027272727272727271402574800163;0.011111111111111111535154627461;0.018686868686868685768276421300;0.009595959595959595300751487912
-0.029069767441860464712855005587;0.007751937984496123923428001490;0.047674418604651165598529161116;0.197674418604651153108520134083;0.004263565891472868157885400819;0.016666666666666666435370203203;0.004651162790697674354056800894;0.027519379844961239928169405289;0.012015503875968992081313402309;0.018604651162790697416227203576;0.012403100775193798277484802384;0.009689922480620154904285001862;0.015116279069767441650684602905;0.029844961240310077105197805736;0.017441860465116278827713003352;0.011240310077519379688970602160;0.014728682170542635454513202831;0.030620155038759689497540605885;0.015503875968992247846856002980;0.007751937984496123923428001490;0.019379844961240309808570003725;0.011627906976744185885142002235;0.016666666666666666435370203203;0.025581395348837208947312404916;0.021317829457364340789427004097;0.036434108527131782440111607002;0.040697674418604654067443959775;0.003100775193798449569371200596;0.005038759689922480550228200968;0.006976744186046511531085201341;0.006201550387596899138742401192;0.015503875968992247846856002980;0.007364341085271317727256601415;0.007751937984496123923428001490;0.027519379844961239928169405289;0.037596899224806204498072759179;0.013565891472868216865999002607;0.009689922480620154904285001862;0.004651162790697674354056800894;0.016279069767441860239198803129;0.006976744186046511531085201341;0.005426356589147286746399601043;0.000000000000000000000000000000;0.017441860465116278827713003352;0.010852713178294573492799202086;0.016666666666666666435370203203;0.024418604651162790358798204693;0.013565891472868216865999002607;0.025193798449612402751141004842;0.016279069767441860239198803129
-0.023717948717948716952363952259;0.003205128205128205017004905386;0.085256410256410258829973258798;0.000000000000000000000000000000;0.000000000000000000000000000000;0.012179487179487179585035683260;0.003846153846153846367350581659;0.023717948717948716952363952259;0.019871794871794870585013370601;0.032051282051282048435325577884;0.016666666666666666435370203203;0.001923076923076923183675290829;0.021794871794871793768688661430;0.056410256410256411074843896358;0.005128205128205128200680196215;0.017948717948717947401338079771;0.041666666666666664353702032031;0.048076923076923079591882270734;0.006410256410256410034009810772;0.012179487179487179585035683260;0.014102564102564102768710974090;0.021153846153846155020428199123;0.017948717948717947401338079771;0.038461538461538463673505816587;0.023717948717948716952363952259;0.038461538461538463673505816587;0.028846153846153847755129362440;0.000641025641025641025085024527;0.001923076923076923183675290829;0.006410256410256410034009810772;0.004487179487179486850334519943;0.029487179487179486503389824748;0.007692307692307692734701163317;0.014102564102564102768710974090;0.039102564102564102421766278894;0.056410256410256411074843896358;0.020512820512820512802720784862;0.007692307692307692734701163317;0.001282051282051282050170049054;0.023076923076923078204103489952;0.005769230769230769551025872488;0.010897435897435896884344330715;0.000000000000000000000000000000;0.015384615384615385469402326635;0.003846153846153846367350581659;0.011538461538461539102051744976;0.042307692307692310040856398246;0.024358974358974359170071366520;0.044871794871794871972792151382;0.013461538461538462285727035805
-0.030370370370370370488588562807;0.002222222222222222220294751693;0.061851851851851852304164935958;0.050370370370370370904922197042;0.000370370370370370351979089074;0.010000000000000000208166817117;0.001481481481481481407916356297;0.017777777777777777762358013547;0.009259259259259258745267118229;0.041111111111111112159655078813;0.015555555555555555108382392859;0.008888888888888888881179006773;0.009629629629629630344078705662;0.057777777777777775125578330062;0.008888888888888888881179006773;0.024814814814814813853649511088;0.028888888888888887562789165031;0.029629629629629630760412339896;0.005185185185185185036127464286;0.011111111111111111535154627461;0.013333333333333334189130248149;0.016296296296296294836558615771;0.006296296296296296363115274630;0.056296296296296295669225884239;0.030740740740740742087400150240;0.053333333333333336756520992594;0.032592592592592589673117231541;0.001111111111111111110147375847;0.001851851851851851922525771243;0.002962962962962962815832712593;0.002962962962962962815832712593;0.029259259259259259161600752464;0.004074074074074073709139653943;0.011851851851851851263330850372;0.018148148148148149361169600979;0.071111111111111111049432054187;0.012962962962962962590318660716;0.007777777777777777554191196430;0.000370370370370370351979089074;0.010370370370370370072254928573;0.007407407407407407690103084974;0.004444444444444444440589503387;0.000000000000000000000000000000;0.032592592592592589673117231541;0.003333333333333333547282562037;0.024814814814814813853649511088;0.048518518518518516380311211833;0.034074074074074076068363581271;0.020000000000000000416333634234;0.015925925925925926707193980292
-0.030272108843537415961977288248;0.006122448979591836419611450282;0.041836734693877553059593310536;0.115306122448979586625483761964;0.005442176870748298943281096030;0.011904761904761904101057723437;0.004081632653061224857982125513;0.034013605442176873816517712612;0.009183673469387755930459782405;0.034353741496598637350512461808;0.021088435374149658296794029866;0.004761904761904762334312479766;0.012244897959183672839222900564;0.038435374149659862208494587321;0.030612244897959182965418989397;0.020068027210884353817021974464;0.017346938775510203911700557455;0.030272108843537415961977288248;0.027210884353741495583767218136;0.007142857142857142634106981660;0.017346938775510203911700557455;0.006122448979591836419611450282;0.006802721088435373895941804534;0.043197278911564628012254019040;0.028231292517006803532986225491;0.038435374149659862208494587321;0.038435374149659862208494587321;0.006122448979591836419611450282;0.003401360544217686947970902267;0.012925170068027210315553254816;0.004081632653061224857982125513;0.025510204081632653627664808482;0.014285714285714285268213963320;0.008503401360544218454129428153;0.012244897959183672839222900564;0.041836734693877553059593310536;0.014285714285714285268213963320;0.005102040816326530205115918903;0.000680272108843537367910137004;0.004081632653061224857982125513;0.010544217687074829148397014933;0.004081632653061224857982125513;0.000000000000000000000000000000;0.024149659863945578675004099978;0.014625850340136054006379140446;0.014965986394557822744544317572;0.038775510204081632681383240424;0.024489795918367345678445801127;0.022108843537414966246013037221;0.012925170068027210315553254816
-0.021527777777777777623580135469;0.010416666666666666088425508008;0.023611111111111110494320541875;0.417013888888888906159024827502;0.005902777777777777623580135469;0.006250000000000000346944695195;0.007291666666666666782314898398;0.022569444444444444058950338672;0.005555555555555555767577313730;0.024652777777777776929690745078;0.010069444444444445099784424258;0.003472222222222222029475169336;0.005208333333333333044212754004;0.019444444444444444752839729063;0.022916666666666665047591422422;0.010416666666666666088425508008;0.016666666666666666435370203203;0.020138888888888890199568848516;0.012500000000000000693889390391;0.004513888888888888464845372539;0.015972222222222220988641083750;0.004513888888888888464845372539;0.001736111111111111014737584668;0.036805555555555556634939051719;0.013194444444444444405895033867;0.020833333333333332176851016015;0.020138888888888890199568848516;0.006250000000000000346944695195;0.003819444444444444319158860068;0.004861111111111111188209932266;0.003819444444444444319158860068;0.017361111111111111882099322656;0.005902777777777777623580135469;0.007291666666666666782314898398;0.009027777777777776929690745078;0.020486111111111111188209932266;0.007638888888888888638317720137;0.007291666666666666782314898398;0.000000000000000000000000000000;0.004861111111111111188209932266;0.007638888888888888638317720137;0.006597222222222222202947516934;0.000000000000000000000000000000;0.021527777777777777623580135469;0.010763888888888888811790067734;0.015625000000000000000000000000;0.022222222222222223070309254922;0.015972222222222220988641083750;0.011458333333333332523795711211;0.006250000000000000346944695195
-0.006372549019607843048818018872;0.006862745098039215591034789554;0.037745098039215684015967866571;0.421568627450980393245316690809;0.005882352941176470506601248189;0.007843137254901960675468330919;0.004901960784313725422167706824;0.028431372549019607448572699582;0.034313725490196081424620899725;0.020098039215686275965611073957;0.017647058823529411519803744568;0.002941176470588235253300624095;0.001470588235294117626650312047;0.018137254901960785796743991227;0.030392156862745097617439782312;0.006862745098039215591034789554;0.014215686274509803724286349791;0.013725490196078431182069579108;0.008823529411764705759901872284;0.002941176470588235253300624095;0.016666666666666666435370203203;0.019117647058823530881177532592;0.001960784313725490168867082730;0.022549019607843136941971451392;0.015686274509803921350936661838;0.013235294117647058639852808426;0.022058823529411766134478156687;0.002450980392156862711083853412;0.003921568627450980337734165460;0.006862745098039215591034789554;0.000000000000000000000000000000;0.016176470588235295627876908497;0.003431372549019607795517394777;0.013235294117647058639852808426;0.001470588235294117626650312047;0.025000000000000001387778780781;0.004901960784313725422167706824;0.002941176470588235253300624095;0.002450980392156862711083853412;0.004901960784313725422167706824;0.011764705882352941013202496379;0.007843137254901960675468330919;0.000000000000000000000000000000;0.014215686274509803724286349791;0.013725490196078431182069579108;0.017647058823529411519803744568;0.024509803921568627110838534122;0.001960784313725490168867082730;0.005392156862745097964384477507;0.012745098039215686097636037744
-0.013953488372093023062170402682;0.015116279069767441650684602905;0.023255813953488371770284004469;0.425581395348837210335091185698;0.012403100775193798277484802384;0.006201550387596899138742401192;0.010852713178294573492799202086;0.024806201550387596554969604767;0.013953488372093023062170402682;0.016279069767441860239198803129;0.007364341085271317727256601415;0.005813953488372092942571001117;0.004651162790697674354056800894;0.012015503875968992081313402309;0.032170542635658917751673158136;0.006589147286821705334913801266;0.013953488372093023062170402682;0.019379844961240309808570003725;0.014728682170542635454513202831;0.003488372093023255765542600670;0.014728682170542635454513202831;0.016666666666666666435370203203;0.003488372093023255765542600670;0.018604651162790697416227203576;0.012015503875968992081313402309;0.018992248062015503612398603650;0.023255813953488371770284004469;0.009689922480620154904285001862;0.002325581395348837177028400447;0.007364341085271317727256601415;0.005426356589147286746399601043;0.018217054263565891220055803501;0.002713178294573643373199800521;0.006201550387596899138742401192;0.006976744186046511531085201341;0.020542635658914728397084203948;0.003488372093023255765542600670;0.008527131782945736315770801639;0.001937984496124030980857000372;0.009302325581395348708113601788;0.012403100775193798277484802384;0.006589147286821705334913801266;0.000000000000000000000000000000;0.015891472868217054043027403054;0.020542635658914728397084203948;0.011627906976744185885142002235;0.018604651162790697416227203576;0.003875968992248061961714000745;0.006201550387596899138742401192;0.011240310077519379688970602160
-0.015151515151515151935690539631;0.027651515151515152629579930021;0.047727272727272729291314590228;0.052272727272727269320906628991;0.004166666666666666608842550801;0.014015151515151515193569053963;0.004924242424242423858682382587;0.032196969696969696128618920739;0.034469696969696969612861892074;0.020454545454545454419292838111;0.014772727272727272443408885749;0.004545454545454545233762466694;0.016287878787878788677812025298;0.023106060606060605661093987351;0.021969696969696968918972501683;0.012500000000000000693889390391;0.029166666666666667129259593594;0.065909090909090903287470553096;0.019318181818181817677171352443;0.010984848484848484459486250842;0.017424242424242425419933510966;0.030303030303030303871381079261;0.026515151515151515887458444354;0.020833333333333332176851016015;0.025757575757575756902895136591;0.028409090909090908144696285831;0.036363636363636361870099733551;0.008712121212121212709966755483;0.001136363636363636308440616673;0.007196969696969697342925353922;0.004545454545454545233762466694;0.015151515151515151935690539631;0.012878787878787878451447568295;0.016666666666666666435370203203;0.020454545454545454419292838111;0.041287878787878790065590806080;0.016287878787878788677812025298;0.010227272727272727209646419055;0.004545454545454545233762466694;0.021590909090909091161414323778;0.013257575757575757943729222177;0.027272727272727271402574800163;0.000000000000000000000000000000;0.009848484848484847717364765174;0.007954545454545453725403447720;0.018181818181818180935049866775;0.021590909090909091161414323778;0.014772727272727272443408885749;0.034848484848484850839867021932;0.014393939393939394685850707845
-0.029487179487179486503389824748;0.019658119658119657668926549832;0.044017094017094020308444868306;0.007692307692307692734701163317;0.006410256410256410034009810772;0.029487179487179486503389824748;0.008547008547008547868495398347;0.035042735042735043138328876466;0.026923076923076924571454071611;0.013247863247863247634916739059;0.015811965811965811301575968173;0.015811965811965811301575968173;0.020512820512820512802720784862;0.026923076923076924571454071611;0.017094017094017095736990796695;0.016666666666666666435370203203;0.020512820512820512802720784862;0.041025641025641025605441569724;0.033760683760683758702914047944;0.009401709401709401267566157401;0.024786324786324785002245008059;0.022222222222222223070309254922;0.028205128205128205537421948179;0.023931623931623933337897724982;0.035042735042735043138328876466;0.028205128205128205537421948179;0.026495726495726495269833478119;0.006410256410256410034009810772;0.003418803418803418800453464144;0.019230769230769231836752908293;0.020085470085470086970547143324;0.015384615384615385469402326635;0.011965811965811966668948862491;0.008547008547008547868495398347;0.023504273504273504036277131490;0.032478632478632481206393123330;0.016239316239316240603196561665;0.012393162393162392501122504029;0.006837606837606837600906928287;0.027350427350427350403627713149;0.010683760683760683968257509946;0.014957264957264957902505209120;0.000000000000000000000000000000;0.018803418803418802535132314802;0.009829059829059828834463274916;0.023076923076923078204103489952;0.021794871794871793768688661430;0.014957264957264957902505209120;0.040598290598290599773267928185;0.014529914529914530335608091605
-0.020370370370370372015145221667;0.029166666666666667129259593594;0.032407407407407405608434913802;0.136111111111111099392090295623;0.043518518518518518878313017240;0.014814814814814815380206169948;0.008796296296296296848837847904;0.030092592592592590922118134245;0.012500000000000000693889390391;0.019444444444444444752839729063;0.014814814814814815380206169948;0.008333333333333333217685101602;0.015740740740740739173064710599;0.020833333333333332176851016015;0.037499999999999998612221219219;0.012500000000000000693889390391;0.019444444444444444752839729063;0.026388888888888888811790067734;0.020370370370370372015145221667;0.005555555555555555767577313730;0.018518518518518517490534236458;0.013425925925925926221471407018;0.016203703703703702804217456901;0.018055555555555553859381490156;0.019444444444444444752839729063;0.021759259259259259439156508620;0.025462962962962961549484575130;0.032407407407407405608434913802;0.004166666666666666608842550801;0.014814814814814815380206169948;0.015740740740740739173064710599;0.017592592592592593697675695807;0.007870370370370369586532355299;0.008796296296296296848837847904;0.025925925925925925180637321432;0.032407407407407405608434913802;0.011574074074074073431583897786;0.012962962962962962590318660716;0.002314814814814814686316779557;0.017129629629629630066522949505;0.012037037037037037062736644089;0.016666666666666666435370203203;0.000000000000000000000000000000;0.013425925925925926221471407018;0.016666666666666666435370203203;0.012037037037037037062736644089;0.018055555555555553859381490156;0.016666666666666666435370203203;0.015740740740740739173064710599;0.013425925925925926221471407018
-0.008323424494649227234344124327;0.040428061831153390415227733001;0.016646848989298454468688248653;0.234244946492271094440340561960;0.064209274673008326361767217350;0.003567181926278240305244748853;0.011890606420927467973269742174;0.022592152199762186720599643763;0.030915576694411413954943768090;0.008323424494649227234344124327;0.013079667063020213729762630805;0.002378121284185493247709253239;0.003567181926278240305244748853;0.015457788347205706977471884045;0.049940546967895363406064745959;0.013079667063020213729762630805;0.027348394768133173216018150242;0.027348394768133173216018150242;0.032104637336504163180883608675;0.002378121284185493247709253239;0.019024970273483945981674025916;0.011890606420927467973269742174;0.002378121284185493247709253239;0.013079667063020213729762630805;0.013079667063020213729762630805;0.008323424494649227234344124327;0.020214030915576695207613866501;0.079667063020214035073962577371;0.005945303210463733986634871087;0.009512485136741972990837012958;0.004756242568370986495418506479;0.014268727705112961220978995414;0.002378121284185493247709253239;0.000000000000000000000000000000;0.004756242568370986495418506479;0.020214030915576695207613866501;0.003567181926278240305244748853;0.010701545778834720482053377566;0.001189060642092746623854626620;0.004756242568370986495418506479;0.015457788347205706977471884045;0.027348394768133173216018150242;0.000000000000000000000000000000;0.008323424494649227234344124327;0.026159334126040427459525261611;0.009512485136741972990837012958;0.017835909631391200225181137284;0.009512485136741972990837012958;0.004756242568370986495418506479;0.003567181926278240305244748853
-0.030915576694411413954943768090;0.009512485136741972990837012958;0.046373365041617119197692176158;0.067776456599286563631245883244;0.033293697978596908937376497306;0.022592152199762186720599643763;0.013079667063020213729762630805;0.022592152199762186720599643763;0.047562425683709871893078968696;0.019024970273483945981674025916;0.015457788347205706977471884045;0.020214030915576695207613866501;0.014268727705112961220978995414;0.024970273483947681703032372980;0.013079667063020213729762630805;0.022592152199762186720599643763;0.020214030915576695207613866501;0.027348394768133173216018150242;0.014268727705112961220978995414;0.002378121284185493247709253239;0.013079667063020213729762630805;0.034482758620689654693869385937;0.004756242568370986495418506479;0.023781212841854935946539484348;0.026159334126040427459525261611;0.019024970273483945981674025916;0.024970273483947681703032372980;0.034482758620689654693869385937;0.002378121284185493247709253239;0.027348394768133173216018150242;0.023781212841854935946539484348;0.014268727705112961220978995414;0.004756242568370986495418506479;0.022592152199762186720599643763;0.010701545778834720482053377566;0.029726516052318668198450879459;0.005945303210463733986634871087;0.013079667063020213729762630805;0.014268727705112961220978995414;0.008323424494649227234344124327;0.008323424494649227234344124327;0.015457788347205706977471884045;0.000000000000000000000000000000;0.023781212841854935946539484348;0.020214030915576695207613866501;0.014268727705112961220978995414;0.022592152199762186720599643763;0.014268727705112961220978995414;0.015457788347205706977471884045;0.020214030915576695207613866501
-0.005635624538063562123657579406;0.009931633407243163277899888897;0.022634885439763489933806539511;0.522450110864745020933241903549;0.018523651145602365586384507878;0.005450849963045085316837301548;0.010901699926090170633674603096;0.022865853658536584858129714348;0.019678492239467850616341237924;0.013303769401330376928593857144;0.007206208425720620619481238123;0.006929046563192904975569952342;0.000230968218773096821676976687;0.008268662232076865944985222256;0.031688839615668887295107936097;0.009700665188470066618853238083;0.008869179600886917952395904763;0.006467110125646710790114912726;0.008176274944567627975255952322;0.000138580931263858093006186012;0.013627124907612713292093253870;0.011640798226164079595679190504;0.000230968218773096821676976687;0.018939393939393939919613174538;0.007529563932002956115618896860;0.012426090169992609277271888857;0.016491130820399112905105809546;0.033259423503325939719399428895;0.005635624538063562123657579406;0.005219881744271987790428912746;0.001478196600147819658732650794;0.013580931263858092572505142925;0.000970066518847006705253410708;0.011964153732446415959178587229;0.000092387287509238728670790675;0.011825572801182557269861206350;0.001339615668883961619936573406;0.002263488543976348906644480152;0.001432002956393200240187146832;0.000092387287509238728670790675;0.016167775314116776541606412820;0.009793052475979304588582508018;0.000000000000000000000000000000;0.015936807095343681617283237983;0.012426090169992609277271888857;0.016352549889135255950511904643;0.008407243163340724634302603135;0.001432002956393200240187146832;0.001108647450110864744049488095;0.009284922394678492285624571423
-0.015625000000000000000000000000;0.003749999999999999861222121922;0.022499999999999999167332731531;0.600624999999999964472863211995;0.004375000000000000416333634234;0.007499999999999999722444243844;0.002500000000000000052041704279;0.006875000000000000034694469520;0.018124999999999998750999097297;0.014375000000000000624500451352;0.009374999999999999653055304805;0.003749999999999999861222121922;0.001874999999999999930611060961;0.028125000000000000693889390391;0.005000000000000000104083408559;0.006250000000000000346944695195;0.004375000000000000416333634234;0.005000000000000000104083408559;0.001874999999999999930611060961;0.004375000000000000416333634234;0.006875000000000000034694469520;0.014375000000000000624500451352;0.000000000000000000000000000000;0.021874999999999998612221219219;0.013750000000000000069388939039;0.021874999999999998612221219219;0.007499999999999999722444243844;0.001874999999999999930611060961;0.002500000000000000052041704279;0.002500000000000000052041704279;0.005000000000000000104083408559;0.008750000000000000832667268469;0.000625000000000000013010426070;0.003749999999999999861222121922;0.005000000000000000104083408559;0.014375000000000000624500451352;0.004375000000000000416333634234;0.001874999999999999930611060961;0.002500000000000000052041704279;0.005000000000000000104083408559;0.004375000000000000416333634234;0.009374999999999999653055304805;0.000000000000000000000000000000;0.011875000000000000138777878078;0.001250000000000000026020852140;0.006250000000000000346944695195;0.018749999999999999306110609609;0.018749999999999999306110609609;0.007499999999999999722444243844;0.011249999999999999583666365766
-0.013194444444444444405895033867;0.015972222222222220988641083750;0.038194444444444447528397290625;0.304861111111111138249896157504;0.025000000000000001387778780781;0.016666666666666666435370203203;0.001388888888888888941894328433;0.009027777777777776929690745078;0.030555555555555554553270880547;0.013888888888888888117900677344;0.007638888888888888638317720137;0.027083333333333334258519187188;0.009722222222222222376419864531;0.024305555555555555941049661328;0.015277777777777777276635440273;0.018055555555555553859381490156;0.013194444444444444405895033867;0.016666666666666666435370203203;0.011805555555555555247160270937;0.011805555555555555247160270937;0.009027777777777776929690745078;0.014583333333333333564629796797;0.004861111111111111188209932266;0.029166666666666667129259593594;0.023611111111111110494320541875;0.022222222222222223070309254922;0.007638888888888888638317720137;0.027777777777777776235801354687;0.000000000000000000000000000000;0.025000000000000001387778780781;0.016666666666666666435370203203;0.015277777777777777276635440273;0.002777777777777777883788656865;0.004861111111111111188209932266;0.010416666666666666088425508008;0.017361111111111111882099322656;0.007638888888888888638317720137;0.007638888888888888638317720137;0.002083333333333333304421275400;0.011111111111111111535154627461;0.004861111111111111188209932266;0.012500000000000000693889390391;0.000000000000000000000000000000;0.009722222222222222376419864531;0.012500000000000000693889390391;0.007638888888888888638317720137;0.027777777777777776235801354687;0.020138888888888890199568848516;0.011805555555555555247160270937;0.009027777777777776929690745078
-0.024074074074074074125473288177;0.020370370370370372015145221667;0.049074074074074075513252068959;0.016666666666666666435370203203;0.062037037037037036368847253698;0.025000000000000001387778780781;0.010185185185185186007572610833;0.020370370370370372015145221667;0.039814814814814816767984950729;0.012962962962962962590318660716;0.011111111111111111535154627461;0.026851851851851852442942814037;0.012037037037037037062736644089;0.020370370370370372015145221667;0.009259259259259258745267118229;0.024074074074074074125473288177;0.042592592592592591616007524635;0.026851851851851852442942814037;0.014814814814814815380206169948;0.007407407407407407690103084974;0.010185185185185186007572610833;0.030555555555555554553270880547;0.008333333333333333217685101602;0.015740740740740739173064710599;0.030555555555555554553270880547;0.015740740740740739173064710599;0.016666666666666666435370203203;0.017592592592592593697675695807;0.001851851851851851922525771243;0.034259259259259260133045899011;0.045370370370370373402924002448;0.021296296296296295808003762318;0.004629629629629629372633559115;0.014814814814814815380206169948;0.009259259259259258745267118229;0.023148148148148146863167795573;0.006481481481481481295159330358;0.049074074074074075513252068959;0.009259259259259258745267118229;0.017592592592592593697675695807;0.007407407407407407690103084974;0.027777777777777776235801354687;0.000000000000000000000000000000;0.012037037037037037062736644089;0.011111111111111111535154627461;0.012962962962962962590318660716;0.018518518518518517490534236458;0.019444444444444444752839729063;0.016666666666666666435370203203;0.015740740740740739173064710599
-0.009871589085072230568274065376;0.004614767255216693786490367302;0.058025682182985552359788528065;0.405698234349919750751922720156;0.004975922953451043621864169353;0.004173354735152488143024029910;0.008828250401284109399879795888;0.029614767255216691704822196129;0.022431781701444622467711553782;0.018739967897271267438519259940;0.008988764044943821016064866569;0.004895666131621187813771634012;0.001725521669341894019297778406;0.026404494382022473258908590310;0.023595505617977529516648971253;0.005778491171749599100704308796;0.014165329052969502857117767292;0.017495987158908508918297997070;0.005818619582664526571069707472;0.003210272873194221481679688779;0.017696629213483146270124990451;0.015088282504012841614415840752;0.000882825040128410961672023038;0.026645264847512038081100982367;0.008627608346709470313329326530;0.026926163723916533843105725055;0.032945425361155696031278949931;0.004895666131621187813771634012;0.002247191011235955254016216642;0.004494382022471910508032433285;0.001805778491171749610549879250;0.012921348314606740867449552468;0.001926163723916532889007813267;0.008587479935794542842963927853;0.002166934189406099445923681301;0.023033707865168537992639485878;0.006540930979133226241817311575;0.004373996789727127229574499268;0.001083467094703049722961840651;0.003210272873194221481679688779;0.010112359550561797125189933411;0.006260032102728732214536044864;0.000000000000000000000000000000;0.019502407704654896314355738696;0.008266452648475119610593786490;0.020585874799357944953115406861;0.022351524879614767526980756429;0.007022471910112359355649047643;0.005256821829855537649145436063;0.015489566613162118052793303491
-0.011953955135773318418923594209;0.021989374262101533952229459601;0.014905548996458087285255089682;0.277302243211334120687183713017;0.092089728453364813609560712848;0.010330578512396694501607186112;0.007969303423848878367707904147;0.016528925619834711202571497779;0.034976387249114525290760724374;0.016086186540731996219566468653;0.009740259740259740034451496626;0.023907910271546636837847188417;0.001475796930342384866846616731;0.008412042502951593350712933272;0.031139315230224319519525266742;0.013134592680047225618511497203;0.006788665879574970300758263164;0.012249114521841793917777962974;0.010773317591499409484612215238;0.000885478158205430941792013488;0.011806375442739078934772933849;0.007231404958677686151125030278;0.000590318772136953925054603243;0.021841794569067297937525751195;0.012249114521841793917777962974;0.015495867768595041752410779168;0.019480519480519480068902993253;0.072018890200708382542948982064;0.003099173553719008350482155834;0.029811097992916174570510179365;0.025383707201889021271012936154;0.013429752066115702852089341945;0.003099173553719008350482155834;0.007526564344746162517341137033;0.000885478158205430941792013488;0.015053128689492325034682274065;0.002361275088547815700218412971;0.004279811097992916417431796816;0.003541912632821723767168053953;0.000147579693034238481263650811;0.010182998819362455017456525752;0.020070838252656434536058682738;0.000000000000000000000000000000;0.018152302243211335119887905876;0.016824085005903186701425866545;0.014315230224321132818099400197;0.016233766233766232234270177059;0.004574970484061392783647903570;0.002656434474616292933796257714;0.005017709563164108634014670685
-0.021999999999999998723243521681;0.012000000000000000249800180541;0.041500000000000002164934898019;0.101833333333333331260917020700;0.016500000000000000777156117238;0.026499999999999999250599458378;0.004333333333333333134418374755;0.022833333333333333953207855416;0.037999999999999999056310429069;0.019333333333333334314030338419;0.012999999999999999403255124264;0.040833333333333332593184650250;0.010500000000000000652256026967;0.023333333333333334397297065266;0.014000000000000000291433543964;0.017833333333333332981762708869;0.025666666666666667490082076597;0.040333333333333332149095440400;0.012000000000000000249800180541;0.006833333333333333620140948028;0.010166666666666665866380903083;0.026999999999999999694688668228;0.007666666666666666248020067798;0.026999999999999999694688668228;0.024000000000000000499600361081;0.025499999999999998362421038678;0.022333333333333333509118645566;0.036999999999999998168132009368;0.003833333333333333124010033899;0.026499999999999999250599458378;0.019833333333333334758119548269;0.020666666666666666518636930050;0.008999999999999999319988397417;0.011333333333333334147496884725;0.010666666666666666310470112933;0.029166666666666667129259593594;0.010000000000000000208166817117;0.008833333333333333661774311452;0.008500000000000000610622663544;0.011499999999999999805710970691;0.007333333333333333196868419890;0.023333333333333334397297065266;0.000000000000000000000000000000;0.017166666666666666879459413053;0.008166666666666665824747539659;0.013333333333333334189130248149;0.025166666666666667045992866747;0.016333333333333331649495079319;0.016666666666666666435370203203;0.012833333333333333745041038298
-0.012200000000000000774380559676;0.043299999999999998212540930353;0.015699999999999998678834600696;0.015699999999999998678834600696;0.034700000000000001676436767184;0.009199999999999999844568776552;0.026499999999999999250599458378;0.015800000000000001543210004229;0.016500000000000000777156117238;0.014099999999999999686361995543;0.005700000000000000205391259556;0.010300000000000000127675647832;0.024199999999999999289457264240;0.015599999999999999283906149117;0.031699999999999999011901508084;0.005000000000000000104083408559;0.023099999999999999006350392960;0.039600000000000003252953462152;0.020799999999999999045208198822;0.003899999999999999820976537279;0.021499999999999998279154311831;0.009900000000000000813238365538;0.073700000000000001620925615953;0.022900000000000000216493489802;0.006400000000000000306699110553;0.011599999999999999200639422270;0.017399999999999998800959133405;0.063500000000000000888178419700;0.005799999999999999600319711135;0.044699999999999996680433156371;0.010899999999999999966693309261;0.019599999999999999367172875964;0.029000000000000001471045507628;0.005700000000000000205391259556;0.027500000000000000138777878078;0.020899999999999998440136650402;0.005400000000000000285882428841;0.010399999999999999522604099411;0.009100000000000000449640324973;0.028899999999999998606670104095;0.023400000000000000660582699652;0.032099999999999996591615314401;0.000000000000000000000000000000;0.018399999999999999689137553105;0.021399999999999998884225860252;0.033500000000000001998401444325;0.014900000000000000049960036108;0.008000000000000000166533453694;0.012300000000000000169309011255;0.007599999999999999984734433411
-0.020833333333333332176851016015;0.036742424242424243097104863409;0.018560606060606062162054996634;0.073106060606060604967204596960;0.034848484848484850839867021932;0.017803030303030303177491688871;0.023484848484848483418652165255;0.029166666666666667129259593594;0.016287878787878788677812025298;0.014772727272727272443408885749;0.005681818181818181975883952362;0.012878787878787878451447568295;0.023484848484848483418652165255;0.009848484848484847717364765174;0.040151515151515153323469320412;0.005303030303030303350964036468;0.029166666666666667129259593594;0.039393939393939390869459060696;0.024621212121212120160773650923;0.002651515151515151675482018234;0.025757575757575756902895136591;0.012121212121212121201607736509;0.042045454545454545580707161889;0.020454545454545454419292838111;0.006060606060606060600803868255;0.011363636363636363951767904723;0.024621212121212120160773650923;0.034469696969696969612861892074;0.009090909090909090467524933388;0.039393939393939390869459060696;0.008712121212121212709966755483;0.029166666666666667129259593594;0.018939393939393939919613174538;0.008712121212121212709966755483;0.015151515151515151935690539631;0.031060606060606059386497435071;0.006439393939393939225723784148;0.010984848484848484459486250842;0.001136363636363636308440616673;0.023106060606060605661093987351;0.020454545454545454419292838111;0.025757575757575756902895136591;0.000000000000000000000000000000;0.013636363636363635701287400082;0.018939393939393939919613174538;0.035984848484848487581988507600;0.008333333333333333217685101602;0.003409090909090908925321850020;0.006818181818181817850643700041;0.009090909090909090467524933388
-0.010742187500000000000000000000;0.046875000000000000000000000000;0.013671875000000000000000000000;0.065429687500000000000000000000;0.041992187500000000000000000000;0.005859375000000000000000000000;0.015625000000000000000000000000;0.027343750000000000000000000000;0.018554687500000000000000000000;0.016601562500000000000000000000;0.008789062500000000000000000000;0.000976562500000000000000000000;0.015625000000000000000000000000;0.004882812500000000000000000000;0.071289062500000000000000000000;0.001953125000000000000000000000;0.016601562500000000000000000000;0.049804687500000000000000000000;0.033203125000000000000000000000;0.002929687500000000000000000000;0.024414062500000000000000000000;0.011718750000000000000000000000;0.039062500000000000000000000000;0.023437500000000000000000000000;0.002929687500000000000000000000;0.004882812500000000000000000000;0.023437500000000000000000000000;0.120117187500000000000000000000;0.003906250000000000000000000000;0.024414062500000000000000000000;0.000000000000000000000000000000;0.006835937500000000000000000000;0.036132812500000000000000000000;0.003906250000000000000000000000;0.020507812500000000000000000000;0.030273437500000000000000000000;0.006835937500000000000000000000;0.000976562500000000000000000000;0.002929687500000000000000000000;0.035156250000000000000000000000;0.015625000000000000000000000000;0.014648437500000000000000000000;0.000000000000000000000000000000;0.006835937500000000000000000000;0.035156250000000000000000000000;0.011718750000000000000000000000;0.006835937500000000000000000000;0.001953125000000000000000000000;0.011718750000000000000000000000;0.004882812500000000000000000000
-0.026342975206611569244374848608;0.008780991735537190326366108195;0.056301652892561983299035688333;0.024276859504132230344053411386;0.009814049586776859776526826806;0.005165289256198347250803593056;0.010847107438016529226687545417;0.016528925619834711202571497779;0.036673553719008267215428986674;0.041322314049586778006428744447;0.007747933884297520876205389584;0.010847107438016529226687545417;0.009814049586776859776526826806;0.033057851239669422405142995558;0.011363636363636363951767904723;0.022210743801652891443731974164;0.022727272727272727903535809446;0.032024793388429749485535324993;0.006714876033057851426044670973;0.009297520661157025051446467501;0.008780991735537190326366108195;0.033574380165289255395499878887;0.010330578512396694501607186112;0.069214876033057856630215098903;0.018595041322314050102892935001;0.037190082644628100205785870003;0.025826446280991736254017965280;0.030991735537190083504821558336;0.003099173553719008350482155834;0.016528925619834711202571497779;0.012396694214876033401928623334;0.039772727272727272096464190554;0.005165289256198347250803593056;0.012396694214876033401928623334;0.016012396694214874742767662497;0.041322314049586778006428744447;0.005165289256198347250803593056;0.017561983471074380652732216390;0.020661157024793389003214372224;0.020144628099173552543410536941;0.007747933884297520876205389584;0.013946280991735537577169701251;0.000000000000000000000000000000;0.029442148760330577594857004442;0.008780991735537190326366108195;0.025309917355371899794214129997;0.035123966942148761305464432780;0.013429752066115702852089341945;0.010847107438016529226687545417;0.008780991735537190326366108195
-0.028029725609756098170244342782;0.018997713414634145867587733392;0.048685213414634144479808952610;0.020464939024390244731721466565;0.025438262195121949527099047828;0.018940548780487804353400704827;0.006345274390243902870589742804;0.028944359756097562397236799825;0.025285823170731708958713923607;0.023437500000000000000000000000;0.013795731707317073280738561891;0.014977134146341462839213676261;0.013224085365853658138868276239;0.030887957317073170410148819087;0.026848323170731706877045752435;0.017225609756097562397236799825;0.023570884146341463533103066652;0.043616615853658537160786323739;0.023094512195121950914877828609;0.008917682926829267539559076283;0.019588414634146341514187028565;0.020884146341463415835759676042;0.011775914634146341514187028565;0.032374237804878046309564609828;0.026429115853658535773007542957;0.028448932926829269274282552260;0.031459603658536582082572152785;0.017530487804878050472900952172;0.002820121951219512097808195250;0.020179115853658537160786323739;0.016768292682926830283740571303;0.020655487804878049779011561782;0.011032774390243901829755657218;0.007107469512195122192388385685;0.017987804878048779116950228740;0.038757621951219511924335847652;0.013376524390243902176700352413;0.013262195121951219148326295283;0.007355182926829267886503771479;0.018807164634146340820297638174;0.008993902439024389558475114370;0.017682926829268291041286076393;0.000000000000000000000000000000;0.018635670731707316277736552479;0.016596798780487805741179485608;0.018673780487804877287194571522;0.027038871951219511924335847652;0.016310975609756098170244342782;0.026981707317073170410148819087;0.011756859756097561009458019043
-0.007031250000000000173472347598;0.006927083333333333703407674875;0.013072916666666666712925959359;0.630208333333333370340767487505;0.011562499999999999861222121922;0.005260416666666666712925959359;0.005729166666666666261897855605;0.014583333333333333564629796797;0.009479166666666666990481715516;0.012031250000000000277555756156;0.005729166666666666261897855605;0.012760416666666666435370203203;0.001093750000000000104083408559;0.008177083333333333078907223523;0.019374999999999999861222121922;0.008072916666666667476204288789;0.006145833333333333009518284484;0.010833333333333333703407674875;0.007708333333333333529935327277;0.001406249999999999947958295721;0.010572916666666666227203386086;0.004687499999999999826527652402;0.000312500000000000006505213035;0.017604166666666667268037471672;0.010989583333333333842185552953;0.013229166666666666851703837438;0.011875000000000000138777878078;0.012135416666666665880258690891;0.001822916666666666695578724600;0.011197916666666666782314898398;0.004427083333333333217685101602;0.009218749999999999514277426726;0.000989583333333333417178301339;0.003906250000000000000000000000;0.000833333333333333386820640509;0.011614583333333332662573589289;0.002656250000000000190819582357;0.002760416666666666660884255080;0.001302083333333333261053188501;0.000885416666666666621852976871;0.005364583333333333182990632082;0.010885416666666666504759142242;0.000000000000000000000000000000;0.012395833333333333356462979680;0.010260416666666665949647629930;0.009427083333333334189130248149;0.011197916666666666782314898398;0.003333333333333333547282562037;0.001510416666666666634863402940;0.005416666666666666851703837438
-0.014927905004240881944865826370;0.006700593723494486890490673403;0.018490245971162000415688453359;0.552417302798982157163720785320;0.040542832909245124506369961637;0.008396946564885496636088113576;0.002459711620016963393858810960;0.007379134860050890615257301874;0.008736217133163698064790558817;0.008651399491094146840253209518;0.007039864291772688319193118645;0.007209499575911789900906079254;0.005004240882103477144893233231;0.019083969465648855518002946496;0.009923664122137404799972593139;0.009754028837998304085621370518;0.006870229007633587604841896024;0.007718405428329092043959747116;0.009584393553859203371270147898;0.003392705682782018623833142357;0.006276505513146734237250878863;0.008227311280746395921736890955;0.002544529262086514184715291265;0.012977099236641221127741552266;0.013994910941475827148572363967;0.013401187446988973780981346806;0.008905852417302798779141781438;0.024681933842239184295763720911;0.000678541136556403724766628471;0.017811704834605597558283562876;0.006615776081424936533315062093;0.007209499575911789900906079254;0.002120441051738761531475496724;0.007888040712468192758310969737;0.009669211195928752861084021220;0.012044105173876166331448089863;0.003138252756573367118625439431;0.005428329092451229798133027771;0.000254452926208651396787485677;0.006106870229007633522899656242;0.002883799830364716047098605500;0.004664970313825275716190787989;0.000000000000000000000000000000;0.007633587786259541686784135806;0.006700593723494486890490673403;0.006106870229007633522899656242;0.017387616624257844905043768335;0.012807463952502120413390329645;0.008312128922815945411550764277;0.009245122985581000207844226679
-0.021057347670250897014865287815;0.015681003584229389474780091973;0.015905017921146954312794363773;0.077732974910394270207092404235;0.111783154121863792518354330241;0.059139784946236562124255442541;0.004704301075268817362851070385;0.011872759856630823657730466891;0.014784946236559140531063860635;0.008064516129032257840680841809;0.010304659498207885404141848085;0.079301075268817203256510595111;0.015232974910394265002921976304;0.012320788530465949864312058537;0.012992831541218637439460970029;0.019041218637992830819971601386;0.012544802867383512967602854360;0.016353046594982080519375955419;0.019265232974910395657985873186;0.001120071684587813564890068641;0.012544802867383512967602854360;0.005824372759856631144581573523;0.003136200716845878241900713590;0.009856630824372759197560256439;0.025313620071684587303773028566;0.010528673835125448507432643908;0.016129032258064515681361683619;0.056003584229390682147631252974;0.000448028673835125447640070906;0.113127240143369181546439961039;0.047267025089605736731801499673;0.007168458781362007162241134495;0.009184587813620071622411344947;0.006944444444444444058950338672;0.005824372759856631144581573523;0.011424731182795699185872351222;0.004704301075268817362851070385;0.012992831541218637439460970029;0.004256272401433692023631216728;0.004256272401433692023631216728;0.004256272401433692023631216728;0.023521505376344085946893613936;0.000000000000000000000000000000;0.008288530465949820943971637632;0.016577060931899641887943275265;0.007168458781362007162241134495;0.008512544802867384047262433455;0.008288530465949820943971637632;0.007392473118279570265531930318;0.009856630824372759197560256439
-0.045731707317073169716259428697;0.009146341463414633596307190544;0.044090056285178237660549172006;0.010318949343339586799395135586;0.009380863039399625624703560334;0.024390243902439025236450476086;0.003283302063789868881910072318;0.009146341463414633596307190544;0.038930581613508444260851604213;0.037523452157598502498814241335;0.015243902439024389905419809566;0.033067542213883679980135354981;0.012898686679174483499243919482;0.043386491557223266779530490567;0.003986866791744840196609622751;0.033536585365853660567481142607;0.014071294559099436702331864524;0.022279549718574109123947479816;0.009380863039399625624703560334;0.006332082551594746602785512835;0.015243902439024389905419809566;0.024155722326454034942777582273;0.006566604127579737763820144636;0.038930581613508444260851604213;0.043855534709193247366876278193;0.045966228893058160009932322509;0.020872420262664163892463164984;0.024390243902439025236450476086;0.000469043151969981237867091117;0.022983114446529080004966161255;0.027908067542213883110990835235;0.015712945590994370492765597191;0.003986866791744840196609622751;0.008208255159474672421615615292;0.014071294559099436702331864524;0.029080675422138838048802256253;0.008208255159474672421615615292;0.016885553470919325430577018210;0.009380863039399625624703560334;0.013836772983114446408658970711;0.004455909943714821651317148365;0.022748592870544089711293267442;0.000000000000000000000000000000;0.026266416510318951055280578544;0.003048780487804878154556309511;0.015243902439024389905419809566;0.037523452157598502498814241335;0.033302063789868670273808248794;0.021106941838649154186136058797;0.019465290806754222130425802106
-0.044722222222222218768195034500;0.007916666666666667337426410711;0.062500000000000000000000000000;0.000833333333333333386820640509;0.001250000000000000026020852140;0.021527777777777777623580135469;0.003194444444444444631409085744;0.024166666666666666157814447047;0.014722222222222221613141535101;0.031111111111111110216764785719;0.021388888888888887840344921187;0.011249999999999999583666365766;0.014861111111111111396376749383;0.053333333333333336756520992594;0.007916666666666667337426410711;0.024305555555555555941049661328;0.019722222222222220849863205672;0.036944444444444446418174266000;0.015555555555555555108382392859;0.010555555555555555871660722289;0.018611111111111109522875395328;0.012222222222222222862142437805;0.008333333333333333217685101602;0.039583333333333331482961625625;0.050555555555555554969604514781;0.052638888888888887840344921187;0.040833333333333332593184650250;0.006805555555555555143076862379;0.000555555555555555555073687923;0.007222222222222221890697291258;0.010138888888888888256678555422;0.015833333333333334674852821422;0.008611111111111111049432054187;0.005416666666666666851703837438;0.019166666666666665186369300500;0.047361111111111110771876298031;0.017222222222222222098864108375;0.013750000000000000069388939039;0.000277777777777777777536843962;0.015694444444444444891617607141;0.005000000000000000104083408559;0.004305555555555555524716027094;0.000000000000000000000000000000;0.017916666666666667545593227828;0.002916666666666666799662133158;0.018055555555555553859381490156;0.046111111111111109661653273406;0.031111111111111110216764785719;0.035555555555555555524716027094;0.020416666666666666296592325125
-0.005165755554441045331592885503;0.002006118661918852505432475652;0.010632428908169918799209163751;0.755905511811023611556947798817;0.004012237323837705010864951305;0.004614072922413360415549998805;0.008425698380059180869761092936;0.014293595466171824318046823521;0.007222027182907869193029259947;0.008475851346607152225764991726;0.004263002156577561790884445259;0.004363308089673504502892242840;0.000601835598575655729945699246;0.005516826320276843956258439050;0.018055067957269670814168804895;0.003861778424193790942853254933;0.003360248758714077816495136020;0.003861778424193790942853254933;0.004563919955865389059546100015;0.001053212297507397608720136617;0.009378604744470634899111693983;0.003209789859070164182164308642;0.000451376698931741824564328747;0.009930287376498319815154580681;0.004814684788605245839565593968;0.009328451777922663543107795192;0.010632428908169918799209163751;0.004062390290385676366868850096;0.002256883494658708851771100612;0.002658107227042479699802290938;0.000601835598575655729945699246;0.004212849190029590434880546468;0.000501529665479713126358118913;0.005165755554441045331592885503;0.000852600431315512293124758703;0.006720497517428155632990272039;0.001905812728822909793424678071;0.000852600431315512293124758703;0.000451376698931741824564328747;0.000752294498219569689537178370;0.008626310246251066293776688099;0.003661166558001905952518528764;0.000000000000000000000000000000;0.008174933547319324089741598982;0.006218967851948442940313022120;0.011485029339485430116551967217;0.004263002156577561790884445259;0.001303977130247254171899196074;0.002206730528110737929448070815;0.005065449621345102619585087922
-0.003367003367003366855886303810;0.001683501683501683427943151905;0.010101010101010101868701518413;0.797138047138047145523387371213;0.005892255892255892323061683413;0.001683501683501683427943151905;0.003367003367003366855886303810;0.005050505050505050934350759206;0.016835016835016834713112388044;0.004208754208754208678278097011;0.002525252525252525467175379603;0.007575757575757575967845269815;0.002525252525252525467175379603;0.011784511784511784646123366826;0.003367003367003366855886303810;0.003367003367003366855886303810;0.005050505050505050934350759206;0.005050505050505050934350759206;0.000841750841750841713971575953;0.000841750841750841713971575953;0.005050505050505050934350759206;0.008417508417508417356556194022;0.001683501683501683427943151905;0.004208754208754208678278097011;0.002525252525252525467175379603;0.004208754208754208678278097011;0.004208754208754208678278097011;0.000841750841750841713971575953;0.000000000000000000000000000000;0.002525252525252525467175379603;0.002525252525252525467175379603;0.004208754208754208678278097011;0.000841750841750841713971575953;0.002525252525252525467175379603;0.004208754208754208678278097011;0.005892255892255892323061683413;0.000841750841750841713971575953;0.000841750841750841713971575953;0.003367003367003366855886303810;0.004208754208754208678278097011;0.001683501683501683427943151905;0.011784511784511784646123366826;0.000000000000000000000000000000;0.005892255892255892323061683413;0.002525252525252525467175379603;0.006734006734006733711772607620;0.007575757575757575967845269815;0.005050505050505050934350759206;0.002525252525252525467175379603;0.000841750841750841713971575953
-0.033448673587081888258776274370;0.010957324106113034214993184889;0.037485582468281430923440211700;0.004613610149942330013184133009;0.044982698961937718495907034821;0.033448673587081888258776274370;0.012110726643598615850927480153;0.019607843137254901688670827298;0.023644752018454440883887812674;0.019031141868512110870703679666;0.014994232987312571675486694289;0.037485582468281430923440211700;0.019031141868512110870703679666;0.025951557093425604155756403202;0.013264129181084199221585251394;0.021337946943483274142572270193;0.020184544405997692506637974930;0.021337946943483274142572270193;0.020184544405997692506637974930;0.009803921568627450844335413649;0.012687427912341406668894627785;0.023068050749711650065920665043;0.021914648212226068429986369779;0.037485582468281430923440211700;0.032295271049596306622841979106;0.027681660899653980079104798051;0.020184544405997692506637974930;0.006343713956170703334447313892;0.004036908881199538327855247388;0.032871972318339097440809126738;0.027681660899653980079104798051;0.021914648212226068429986369779;0.014417531718569780857519546657;0.014417531718569780857519546657;0.029988465974625143350973388578;0.022491349480968859247953517411;0.009803921568627450844335413649;0.020184544405997692506637974930;0.008073817762399076655710494776;0.016147635524798153311420989553;0.005190311418685120831151280640;0.010380622837370241662302561281;0.000000000000000000000000000000;0.028258362168396770897071945683;0.008650519031141869208401118385;0.025951557093425604155756403202;0.021337946943483274142572270193;0.019031141868512110870703679666;0.017301038062283738416802236770;0.017301038062283738416802236770
-0.008879459374508879773713054817;0.016501650165016500115822140060;0.013437057991513437840702671622;0.292629262926292654789506286761;0.115118654722615121333006982240;0.014222850856514222817050807635;0.004871915763004872057528871210;0.006757818639006757735487873617;0.017130284457017131566347600824;0.003693226465503693291964060208;0.008958038661008957403986130430;0.015008643721515007793398943647;0.007700770077007700574467374821;0.005579129341505579403603931610;0.020037718057520036846197442060;0.008486562942008486418177248822;0.011393996542511393432750566035;0.015008643721515007793398943647;0.012179789407512180143822178024;0.003378909319503378867743936809;0.004793336476504793559894057609;0.010215307245010215100866624027;0.011629734402011629793016744827;0.007936507936507936067371815625;0.008958038661008957403986130430;0.006207763633506207384682440420;0.009586672953009587119788115217;0.124548169102624547988078518301;0.003457488606003457365378750410;0.040389753261040391152381090478;0.010765362250510765451672057225;0.008093666509508093062641442827;0.008879459374508879773713054817;0.005343391482005343043337752817;0.009586672953009587119788115217;0.009665252239509664750061190830;0.002907433600502907448254186207;0.005343391482005343043337752817;0.007072135785007071726027128022;0.013829954424013829461515001640;0.005657708628005657901238745211;0.028681439572528680259644318085;0.000000000000000000000000000000;0.006914977212006914730757500820;0.019173345906019174239576230434;0.007465032217507465081562934017;0.005500550055005500905969118008;0.005107653622505107550433312014;0.006364922206506365247313805611;0.004950495049504950555163684811
-0.000612745098039215677770963353;0.004901960784313725422167706824;0.009803921568627450844335413649;0.511029411764705843168599130877;0.050245098039215688179304208916;0.000612745098039215677770963353;0.004289215686274510178077612466;0.014705882352941176266503120473;0.014705882352941176266503120473;0.004289215686274510178077612466;0.001838235294117647033312890059;0.000000000000000000000000000000;0.000612745098039215677770963353;0.003676470588235294066625780118;0.034313725490196081424620899725;0.000612745098039215677770963353;0.003676470588235294066625780118;0.004901960784313725422167706824;0.004289215686274510178077612466;0.000612745098039215677770963353;0.007965686274509803377341654596;0.004289215686274510178077612466;0.001225490196078431355541926706;0.011029411764705883067239078343;0.001225490196078431355541926706;0.007352941176470588133251560237;0.010416666666666666088425508008;0.172181372549019606754683309191;0.003063725490196078388854816765;0.004901960784313725422167706824;0.000612745098039215677770963353;0.000612745098039215677770963353;0.003676470588235294066625780118;0.003063725490196078388854816765;0.000612745098039215677770963353;0.009191176470588235600245319290;0.002450980392156862711083853412;0.000000000000000000000000000000;0.000612745098039215677770963353;0.000000000000000000000000000000;0.008578431372549020356155224931;0.028799019607843135554192670611;0.000000000000000000000000000000;0.006740196078431372889161465878;0.020833333333333332176851016015;0.012867647058823528799509361420;0.002450980392156862711083853412;0.000000000000000000000000000000;0.004289215686274510178077612466;0.001225490196078431355541926706
-0.017482517482517483803361457717;0.046911421911421911923323335714;0.030885780885780884236213594818;0.091783216783216783896115487096;0.027680652680652680086570427420;0.015442890442890442118106797409;0.010780885780885780117488437213;0.050990675990675991824385704376;0.032925407925407927656191731103;0.025058275058275059771206727532;0.018356643356643356085333707028;0.011655011655011655868907638478;0.006701631701631701951149544527;0.013111888111888111985159355299;0.050116550116550119542413455065;0.005536130536130536017314085484;0.021853146853146852152116608181;0.043414918414918415856540434561;0.029720279720279720037101611751;0.002039627039627039516850315337;0.020979020979020979870144358870;0.015734265734265735769970007141;0.002331002331002331000309180098;0.025349650349650348218899509334;0.014568764568764568101411072121;0.024475524475524475936927260022;0.035839160839160839888695164746;0.049242424242424240321547301846;0.002622377622377622483768044859;0.025349650349650348218899509334;0.004079254079254079033700630674;0.018065268065268064168193973273;0.008449883449883449984540995104;0.008449883449883449984540995104;0.002913752913752913967226909620;0.028554778554778555837989628685;0.007867132867132867884985003570;0.002331002331002331000309180098;0.004662004662004662000618360196;0.004370629370629370950840364429;0.020396270396270396035864891360;0.022435897435897435986396075691;0.000000000000000000000000000000;0.013694638694638694084715346833;0.026223776223776223970318710599;0.016899766899766899969081990207;0.012529137529137529885603363766;0.003787878787878787983922634908;0.010780885780885780117488437213;0.014568764568764568101411072121
-0.013390722142515543505170150240;0.041606886657101861681784527036;0.022477283596365374429559835789;0.010043041606886656327835005698;0.017216642754662839914781002904;0.007651841224294596288668657280;0.005260640841702534514778832886;0.036346245815399330636452646104;0.005738880918220947216501492960;0.085604973696795788606905830420;0.008130081300813008990391317354;0.000956480153036824536083582160;0.002391200382592061340208955400;0.019129603060736490721671643200;0.032998565279770443459117501561;0.006695361071257771752585075120;0.012434241989478718101724830092;0.021999043519846963462560651692;0.016738402678144428947781818806;0.004782400765184122680417910800;0.014347202295552367173891994412;0.007651841224294596288668657280;0.000000000000000000000000000000;0.131037780966044958841365541957;0.007173601147776183586945997206;0.033476805356288857895563637612;0.024868483978957436203449660184;0.049258727881396457970453184316;0.003825920612147298144334328640;0.018173122907699665318226323052;0.000956480153036824536083582160;0.045911047345767577732011943681;0.004782400765184122680417910800;0.001912960306073649072167164320;0.001912960306073649072167164320;0.057388809182209468695567977647;0.006695361071257771752585075120;0.003347680535628885876292537560;0.001434720229555236804125373240;0.005738880918220947216501492960;0.011477761836441894433002985920;0.012434241989478718101724830092;0.000000000000000000000000000000;0.081300813008130079495572317683;0.019129603060736490721671643200;0.034433285509325679829562005807;0.028216164514586323380784804726;0.010043041606886656327835005698;0.007173601147776183586945997206;0.004304160688665709978695250726
-0.012564671101256467966589269736;0.010347376201034737611128555557;0.025129342202512935933178539472;0.008869179600886917952395904763;0.031042128603104214568109142647;0.006651884700665188464296928572;0.006651884700665188464296928572;0.022912047302291203842994349316;0.003695491500369549146831626985;0.093865484109386554401055491326;0.008869179600886917952395904763;0.001478196600147819658732650794;0.005173688100517368805564277778;0.033998521803399850416127492281;0.011086474501108648307856618942;0.006651884700665188464296928572;0.023651145602365114539722412701;0.014781966001478196587326507938;0.008869179600886917952395904763;0.002217294900221729488098976191;0.011825572801182557269861206350;0.002217294900221729488098976191;0.003695491500369549146831626985;0.145602365114560233783080889225;0.009608277900960828649123968148;0.039172209903917218354330032071;0.024390243902439025236450476086;0.009608277900960828649123968148;0.005173688100517368805564277778;0.034737620103473761112855555666;0.004434589800443458976197952381;0.048780487804878050472900952172;0.005173688100517368805564277778;0.006651884700665188464296928572;0.008130081300813008990391317354;0.062823355506282332894052444772;0.008130081300813008990391317354;0.001478196600147819658732650794;0.002217294900221729488098976191;0.005912786400591278634930603175;0.009608277900960828649123968148;0.005912786400591278634930603175;0.000000000000000000000000000000;0.088691796008869186462852951536;0.007390983000739098293663253969;0.046563192904656318382716762017;0.036954915003695493203039745822;0.014781966001478196587326507938;0.006651884700665188464296928572;0.005173688100517368805564277778
-0.016369047619047619873677845703;0.037202380952380952050528861719;0.037202380952380952050528861719;0.104954481792717088661781588144;0.039478291316526609167070205331;0.010241596638655462228606474184;0.005602240896358543463529056083;0.030987394957983194210271449265;0.040091036414565829615330727620;0.015668767507002800964954758456;0.012955182072829132464142354308;0.005689775910364145393438572995;0.005777310924369748190709827895;0.017244397759103642642219966774;0.044117647058823532268956313374;0.010329131652661064158515991096;0.031337535014005601929909516912;0.046043417366946781665859589339;0.022846638655462183503663808892;0.007002801120448179546251754601;0.012605042016806723009780810685;0.027573529411764705066012481893;0.006127450980392156777709633531;0.022846638655462183503663808892;0.014618347338935574336593603562;0.014968487394957983790955147185;0.027048319327731093486555380423;0.051733193277310920987765996415;0.003588935574229691703035394212;0.018382352941176471200490638580;0.006039915966386554847800116619;0.019782913165266105548489861121;0.007090336134453781476161271513;0.007265406162464986203342043325;0.008140756302521008971884164396;0.034488795518207285284439933548;0.010416666666666666088425508008;0.005777310924369748190709827895;0.011817226890756302171148206526;0.011379551820728290786877145990;0.011379551820728290786877145990;0.029061624649859944813368173300;0.000000000000000000000000000000;0.013480392156862745778322931756;0.025735294117647057599018722840;0.010416666666666666088425508008;0.017244397759103642642219966774;0.008578431372549020356155224931;0.014268207282913164882232059938;0.007002801120448179546251754601
-0.008373205741626794582077586426;0.038277511961722486544257293417;0.017344497607655502691148541317;0.208732057416267935412435008402;0.062200956937799041501779839791;0.016746411483253589164155172853;0.002990430622009569369690318297;0.037679425837320576486710876907;0.007775119617224880187722479974;0.010167464114832535163057691818;0.013157894736842104532748010115;0.013157894736842104532748010115;0.004784688995215310818032161677;0.013157894736842104532748010115;0.062799043062200951559326256302;0.008373205741626794582077586426;0.010167464114832535163057691818;0.031698564593301434277883288360;0.040071770334928230594684350763;0.002392344497607655409016080839;0.021531100478468900849549072518;0.006578947368421052266374005058;0.002990430622009569369690318297;0.005980861244019138739380636594;0.021531100478468900849549072518;0.008971291866028708109070954890;0.033492822966507178328310345705;0.046052631578947365864618035403;0.000598086124401913852254020210;0.058612440191387560339819629007;0.008373205741626794582077586426;0.010167464114832535163057691818;0.006578947368421052266374005058;0.007177033492822966660729111510;0.005980861244019138739380636594;0.019138755980861243272128646709;0.005382775119617225212387268130;0.002990430622009569369690318297;0.000000000000000000000000000000;0.004784688995215310818032161677;0.005382775119617225212387268130;0.004186602870813397291038793213;0.000000000000000000000000000000;0.006578947368421052266374005058;0.055023923444976079177859418223;0.005980861244019138739380636594;0.013157894736842104532748010115;0.005382775119617225212387268130;0.007775119617224880187722479974;0.009569377990430621636064323354
-0.001944444444444444388547799107;0.011111111111111111535154627461;0.005277777777777777935830361145;0.555555555555555580227178325003;0.137500000000000011102230246252;0.007499999999999999722444243844;0.002500000000000000052041704279;0.005833333333333333599324266316;0.002222222222222222220294751693;0.000833333333333333386820640509;0.004444444444444444440589503387;0.009166666666666666712925959359;0.003055555555555555715535609451;0.003888888888888888777095598215;0.008888888888888888881179006773;0.003888888888888888777095598215;0.002777777777777777883788656865;0.004166666666666666608842550801;0.014444444444444443781394582516;0.001388888888888888941894328433;0.007777777777777777554191196430;0.001666666666666666773641281019;0.001111111111111111110147375847;0.003055555555555555715535609451;0.005277777777777777935830361145;0.003333333333333333547282562037;0.011111111111111111535154627461;0.087222222222222228760202256126;0.001111111111111111110147375847;0.030555555555555554553270880547;0.005555555555555555767577313730;0.001388888888888888941894328433;0.003888888888888888777095598215;0.002222222222222222220294751693;0.002500000000000000052041704279;0.002500000000000000052041704279;0.000000000000000000000000000000;0.002777777777777777883788656865;0.000277777777777777777536843962;0.001944444444444444388547799107;0.001944444444444444388547799107;0.004722222222222222272336455973;0.000000000000000000000000000000;0.003611111111111110945348645629;0.014999999999999999444888487687;0.002222222222222222220294751693;0.004444444444444444440589503387;0.001388888888888888941894328433;0.001944444444444444388547799107;0.003055555555555555715535609451
-0.006018035121025154011997759795;0.008315140009492169581584164462;0.008220218319886094665571718565;0.619895586141433363458475014340;0.063293782629330802569356251297;0.006188894162316088860820162409;0.003682961556715709343368114759;0.010099667774086378002618147320;0.009587090650213573456150939478;0.003075462743236829447207592025;0.003588039867109634427355668862;0.005201708590412909734290725083;0.002885619364024679615182700232;0.004992880873279544051701606122;0.012244897959183672839222900564;0.003796867584242999676263918829;0.005182724252491694751088235904;0.007365923113431418686736229517;0.016288561936402469465523523695;0.001139060275272899859511088749;0.010346464167062174518973982629;0.006739439962031324241054086599;0.001158044613194114842713577929;0.004594209776934029404449333356;0.006056003796867583978402738154;0.005695301376364499297555443746;0.007650688182249644302135305196;0.070469862363550073158791064998;0.001309919316563834925173925861;0.008960607498813479010468796560;0.003815851922164214659466408008;0.003777883246321784693061429650;0.002221167536782154769414709961;0.004746084480303749270069246791;0.002904603701945894598385189411;0.004973896535358329068499116943;0.003246321784527764729710863634;0.002885619364024679615182700232;0.002543901281442809483857026009;0.002980541053630754531195146129;0.003170384432842904796900906916;0.009036544850498338943278753277;0.000000000000000000000000000000;0.003455149501661129544938244607;0.007138111058376838888306359365;0.003872804935927859609073875546;0.003986710963455149074607941628;0.003056478405315614464005102846;0.003379212149976269612128287889;0.004765068818224964253271735970
-0.004891304347826087341177814238;0.002717391304347826011533761914;0.007065217391304347803460128574;0.846195652173913015481332422496;0.009239130434782609133104180898;0.001086956521739130447981591665;0.001630434782608695563552170249;0.005978260869565217572318971406;0.010869565217391304046135047656;0.003804347826086956676355788076;0.001086956521739130447981591665;0.004891304347826087341177814238;0.001086956521739130447981591665;0.003260869565217391127104340498;0.005434782608695652023067523828;0.002717391304347826011533761914;0.002717391304347826011533761914;0.003260869565217391127104340498;0.005434782608695652023067523828;0.000000000000000000000000000000;0.006521739130434782254208680996;0.007065217391304347803460128574;0.000000000000000000000000000000;0.003260869565217391127104340498;0.001630434782608695563552170249;0.004347826086956521791926366660;0.006521739130434782254208680996;0.002173913043478260895963183330;0.000000000000000000000000000000;0.003804347826086956676355788076;0.001086956521739130447981591665;0.001086956521739130447981591665;0.001086956521739130447981591665;0.002173913043478260895963183330;0.000543478260869565223990795833;0.003804347826086956676355788076;0.001630434782608695563552170249;0.002717391304347826011533761914;0.000000000000000000000000000000;0.000000000000000000000000000000;0.003804347826086956676355788076;0.005978260869565217572318971406;0.000000000000000000000000000000;0.002173913043478260895963183330;0.003260869565217391127104340498;0.005434782608695652023067523828;0.001630434782608695563552170249;0.000000000000000000000000000000;0.000543478260869565223990795833;0.004347826086956521791926366660
-0.007017543859649122937882648188;0.005701754385964912658080194774;0.005701754385964912658080194774;0.763596491228070162193830583419;0.004385964912280701510916003372;0.001754385964912280734470662047;0.006140350877192982462227099916;0.009210526315789472825978911885;0.004824561403508772182424646502;0.003508771929824561468941324094;0.003947368421052631706769098230;0.002192982456140350755458001686;0.000877192982456140367235331023;0.003508771929824561468941324094;0.016228070175438594896499822084;0.004824561403508772182424646502;0.010526315789473683973143103287;0.009210526315789472825978911885;0.008771929824561403021832006743;0.000438596491228070183617665512;0.007456140350877192742029553330;0.000438596491228070183617665512;0.000438596491228070183617665512;0.006578947368421052266374005058;0.005263157894736841986571551644;0.006578947368421052266374005058;0.010526315789473683973143103287;0.004824561403508772182424646502;0.005701754385964912658080194774;0.002192982456140350755458001686;0.000000000000000000000000000000;0.010526315789473683973143103287;0.002192982456140350755458001686;0.003070175438596491231113549958;0.001754385964912280734470662047;0.006140350877192982462227099916;0.003070175438596491231113549958;0.005701754385964912658080194774;0.001315789473684210496642887911;0.001315789473684210496642887911;0.005701754385964912658080194774;0.012280701754385964924454199831;0.000000000000000000000000000000;0.003070175438596491231113549958;0.003947368421052631706769098230;0.009210526315789472825978911885;0.003508771929824561468941324094;0.001315789473684210496642887911;0.001754385964912280734470662047;0.001754385964912280734470662047
-0.023967363590005098805679750740;0.001019887812340642590028250147;0.026517083120856706907053634836;0.393676695563487999418583740407;0.022437531871494133944855420282;0.012748597654258031833252040599;0.007649158592554819099951224359;0.009178990311065782226052078840;0.020397756246812850933203264958;0.017338092809790924681001555996;0.006629270780214176726763408709;0.012238653748087710212977263780;0.005609382967873533486213855070;0.021417644059153494173752818597;0.005609382967873533486213855070;0.015808261091279959820177225538;0.011728709841917388592702486960;0.013258541560428353453526817418;0.003059663437021927553244315945;0.004589495155532891113026039420;0.010708822029576747086876409298;0.020397756246812850933203264958;0.006119326874043855106488631890;0.020907700152983172553478041777;0.021927587965323815794027595416;0.024477307496175420425954527559;0.016318204997450281440452002357;0.003059663437021927553244315945;0.007649158592554819099951224359;0.007139214686384497479676447540;0.008669046404895462340500777998;0.016318204997450281440452002357;0.000000000000000000000000000000;0.004589495155532891113026039420;0.009688934217236103846326855660;0.024477307496175420425954527559;0.004079551249362570360113000589;0.010198878123406425466601632479;0.004589495155532891113026039420;0.023457419683834777185404973920;0.003569607343192248739838223770;0.006629270780214176726763408709;0.000000000000000000000000000000;0.023457419683834777185404973920;0.003059663437021927553244315945;0.021417644059153494173752818597;0.027027027027027028527328411656;0.015298317185109638199902448719;0.007649158592554819099951224359;0.012238653748087710212977263780
-0.015301724137931033836723671016;0.017456896551724138122452245625;0.019181034482758620857145714922;0.148706896551724143673567368751;0.143318965517241381224522456250;0.016379310344827587714311434297;0.004525862068965517612251225898;0.011637931034482759326542655742;0.036206896551724140898009807188;0.010344827586206896408160815781;0.009698275862068965816331633789;0.018749999999999999306110609609;0.008189655172413793857155717149;0.012500000000000000693889390391;0.022413793103448275551015100859;0.009482758620689655040814081133;0.018103448275862070449004903594;0.027155172413793102204060403437;0.014224137931034483428582859688;0.003232758620689655127550254932;0.010344827586206896408160815781;0.014008620689655172653065307031;0.005603448275862068887753775215;0.014655172413793103244894489023;0.012931034482758620510201019727;0.012284482758620689918371837734;0.012284482758620689918371837734;0.065301724137931033142834280625;0.001508620689655172392856785635;0.042887931034482761061266131719;0.016810344827586205795899587656;0.010560344827586207183678368438;0.010344827586206896408160815781;0.009482758620689655040814081133;0.004741379310344827520407040566;0.015301724137931033836723671016;0.006896551724137930938773877187;0.005172413793103448204080407891;0.023060344827586207877567758828;0.006034482758620689571427142539;0.012931034482758620510201019727;0.042672413793103450285748579063;0.000000000000000000000000000000;0.009267241379310344265296528476;0.024784482758620690612261228125;0.006250000000000000346944695195;0.013146551724137931285718572383;0.007327586206896551622447244512;0.009482758620689655040814081133;0.007112068965517241714291429844
-0.018296973961998592994593337835;0.013370865587614355618484296429;0.057002111189303310279097303237;0.109781843771991557967560027009;0.033427163969035889046210741071;0.008444757213230119977098730999;0.003166783954961294774571589627;0.016889514426460239954197461998;0.029204785362420829925023113560;0.023926812104152005156176841183;0.011259676284306826057890482673;0.010555946516537649537692544754;0.007741027445460942589539055092;0.041871921182266007288585996093;0.014778325123152708658880172266;0.009148486980999296497296668917;0.017241379310344827346934692969;0.023574947220267417763439610212;0.005981703026038001289044210296;0.012315270935960591705549127539;0.008796622097114707369835961970;0.035538353272343420341528030804;0.005981703026038001289044210296;0.034130893736805063831685203013;0.018296973961998592994593337835;0.028501055594651655139548651618;0.023223082336382830370702379241;0.064039408866995078950523634376;0.001055594651653764997137341375;0.008796622097114707369835961970;0.007741027445460942589539055092;0.016537649542575652561460231027;0.004574243490499648248648334459;0.015130190007037297786340879213;0.013019000703729768225747065458;0.037649542575650951636845320536;0.013722730471498944745945003376;0.004574243490499648248648334459;0.008444757213230119977098730999;0.028501055594651655139548651618;0.002814919071076706514472620668;0.014426460239268121266142941295;0.000000000000000000000000000000;0.016185784658691061699276048103;0.010555946516537649537692544754;0.010204081632653060410231837807;0.037649542575650951636845320536;0.026038001407459536451494130915;0.021463757916959886468122320480;0.014426460239268121266142941295
-0.024637681159420291021611149063;0.030434782608695653410846304610;0.059420289855072465357022082344;0.005797101449275362389235155547;0.005797101449275362389235155547;0.020289855072463766627599568437;0.002173913043478260895963183330;0.015217391304347826705423152305;0.039130434782608698729422513907;0.023188405797101449556940622188;0.010869565217391304046135047656;0.013768115942028985240752625430;0.010869565217391304046135047656;0.033333333333333332870740406406;0.019565217391304349364711256953;0.012318840579710145510805574531;0.035507246376811595067746196719;0.044202898550724636916875454062;0.015217391304347826705423152305;0.011594202898550724778470311094;0.010144927536231883313799784219;0.028985507246376811946175777734;0.007246376811594202986543944434;0.037681159420289857264751987032;0.021739130434782608092270095312;0.031159420289855074143181568047;0.020289855072463766627599568437;0.058695652173913044624686818906;0.002898550724637681194617577773;0.018840579710144928632375993516;0.010144927536231883313799784219;0.019565217391304349364711256953;0.004347826086956521791926366660;0.010869565217391304046135047656;0.011594202898550724778470311094;0.033333333333333332870740406406;0.015942028985507245703034939766;0.012318840579710145510805574531;0.003623188405797101493271972217;0.021739130434782608092270095312;0.008695652173913043583852733320;0.035507246376811595067746196719;0.000000000000000000000000000000;0.015942028985507245703034939766;0.010144927536231883313799784219;0.007971014492753622851517469883;0.034782608695652174335410933281;0.025362318840579711753946412500;0.029710144927536232678511041172;0.017391304347826087167705466641
-0.011311848958333333911574491992;0.028727213541666667823148983985;0.015299479166666666088425508008;0.036295572916666664353702032031;0.317789713541666685170383743753;0.010823567708333333911574491992;0.012288411458333333911574491992;0.014404296875000000000000000000;0.017008463541666667823148983985;0.006347656250000000000000000000;0.007161458333333333044212754004;0.006510416666666666955787245996;0.009358723958333333911574491992;0.006103515625000000000000000000;0.026123046875000000000000000000;0.006429036458333333044212754004;0.016194661458333332176851016015;0.027587890625000000000000000000;0.032958984375000000000000000000;0.003336588541666666522106377002;0.024332682291666667823148983985;0.014078776041666666088425508008;0.018147786458333332176851016015;0.011067708333333333911574491992;0.009602864583333333911574491992;0.009358723958333333911574491992;0.014648437500000000000000000000;0.030517578125000000000000000000;0.003824869791666666522106377002;0.028238932291666667823148983985;0.013427734375000000000000000000;0.012125651041666666088425508008;0.017252604166666667823148983985;0.005371093750000000000000000000;0.007731119791666666955787245996;0.014078776041666666088425508008;0.003011067708333333477893622998;0.010498046875000000000000000000;0.015462239583333333911574491992;0.009440104166666666088425508008;0.015380859375000000000000000000;0.024739583333333332176851016015;0.000000000000000000000000000000;0.008626302083333333911574491992;0.026285807291666667823148983985;0.012939453125000000000000000000;0.007080078125000000000000000000;0.004394531250000000000000000000;0.010498046875000000000000000000;0.005777994791666666955787245996
-0.010904255319148936295703400390;0.020744680851063828502800490128;0.013829787234042552335200326752;0.333510638297872363811080731466;0.090159574468085104670400653504;0.014361702127659574379503482078;0.005851063829787233813717328701;0.019414893617021276861489553767;0.007446808510638298211903318702;0.005851063829787233813717328701;0.008244680851063829543634575714;0.006914893617021276167600163376;0.010372340425531914251400245064;0.009042553191489360875365832726;0.032446808510638296130235147530;0.006648936170212766012810323701;0.009308510638297871897517410389;0.027925531914893615692552231167;0.022606382978723405657861533768;0.003457446808510638083800081688;0.014627659574468085401655059741;0.012500000000000000693889390391;0.022606382978723405657861533768;0.010904255319148936295703400390;0.011702127659574467627434657402;0.013297872340425532025620647403;0.018351063829787232772883243115;0.012234042553191489671737812728;0.003457446808510638083800081688;0.028457446808510637736855386493;0.021542553191489361569255223117;0.006382978723404254990658746038;0.012765957446808509981317492077;0.005319148936170212636775911363;0.005053191489361702481986071689;0.013563829787234043047772225066;0.004787234042553191459834494026;0.008776595744680851587937731040;0.007180851063829787189751741039;0.007180851063829787189751741039;0.009574468085106382919668988052;0.010372340425531914251400245064;0.000000000000000000000000000000;0.006914893617021276167600163376;0.025000000000000001387778780781;0.010904255319148936295703400390;0.012765957446808509981317492077;0.006648936170212766012810323701;0.013563829787234043047772225066;0.004521276595744680437682916363
-0.010681818181818181212605622932;0.016666666666666666435370203203;0.020303030303030301928490786167;0.497424242424242435411940732592;0.013409090909090908699807798143;0.012651515151515151449967966357;0.002954545454545454488681777150;0.015151515151515151935690539631;0.007954545454545453725403447720;0.006287878787878787602283470193;0.006818181818181817850643700041;0.007272727272727272720964641906;0.007727272727272727591285583770;0.015530303030303029693248717535;0.019015151515151516165014200510;0.006439393939393939225723784148;0.010000000000000000208166817117;0.019848484848484847925531582291;0.018939393939393939919613174538;0.004015151515151514985402236846;0.010454545454545454211126020994;0.007499999999999999722444243844;0.005833333333333333599324266316;0.008939393939393939711446357421;0.013939393939393938948168027991;0.011136363636363636950288302785;0.016060606060606059941608947383;0.012954545454545454696848594267;0.001590909090909090961921124041;0.022272727272727273900576605570;0.012196969696969697447008762481;0.006818181818181817850643700041;0.006590909090909090849164098103;0.005378787878787878729003324452;0.007121212121212121097524327951;0.013484848484848484945208824115;0.004848484848484848480643094604;0.007954545454545453725403447720;0.005303030303030303350964036468;0.008106060606060606216205499663;0.005530303030303030352443638407;0.014469696969696969196528257839;0.000000000000000000000000000000;0.005681818181818181975883952362;0.014015151515151515193569053963;0.005000000000000000104083408559;0.012803030303030302206046542324;0.012954545454545454696848594267;0.014393939393939394685850707845;0.007575757575757575967845269815
-0.009876543209876543008562954640;0.027160493827160493707228994253;0.014814814814814815380206169948;0.583950617283950590419294712774;0.006172839506172839163511412153;0.001234567901234567876070369330;0.003703703703703703845051542487;0.008641975308641974481971281818;0.007407407407407407690103084974;0.007407407407407407690103084974;0.001234567901234567876070369330;0.002469135802469135752140738660;0.002469135802469135752140738660;0.011111111111111111535154627461;0.011111111111111111535154627461;0.007407407407407407690103084974;0.016049382716049383906797842769;0.012345679012345678327022824305;0.002469135802469135752140738660;0.003703703703703703845051542487;0.003703703703703703845051542487;0.006172839506172839163511412153;0.000000000000000000000000000000;0.009876543209876543008562954640;0.008641975308641974481971281818;0.003703703703703703845051542487;0.007407407407407407690103084974;0.037037037037037034981068472916;0.002469135802469135752140738660;0.009876543209876543008562954640;0.001234567901234567876070369330;0.011111111111111111535154627461;0.001234567901234567876070369330;0.008641975308641974481971281818;0.007407407407407407690103084974;0.012345679012345678327022824305;0.003703703703703703845051542487;0.007407407407407407690103084974;0.000000000000000000000000000000;0.008641975308641974481971281818;0.012345679012345678327022824305;0.030864197530864195817557060764;0.000000000000000000000000000000;0.011111111111111111535154627461;0.006172839506172839163511412153;0.004938271604938271504281477320;0.008641975308641974481971281818;0.013580246913580246853614497127;0.008641975308641974481971281818;0.012345679012345678327022824305
-0.026369168356997971236488353952;0.010141987829614604321726289982;0.056795131845841784201667223897;0.105983772819472618631486682261;0.006085192697768762593035773989;0.024340770791075050372143095956;0.003549695740365111512604201494;0.022819472616632859723884152459;0.047667342799188640312113562914;0.024847870182555780588229410455;0.012170385395537525186071547978;0.021298174442190669075625208961;0.011156186612576064753898918980;0.033468559837728194261696756939;0.015212981744421906482589434972;0.018762677484787017995193636466;0.015720081135902636698675749471;0.029918864097363082749092555446;0.016227180527383366914762063971;0.008620689655172413673467346484;0.015212981744421906482589434972;0.023326572008113589939970466958;0.003042596348884381296517886994;0.030933062880324543181265184444;0.031440162271805273397351498943;0.042089249492900611404611055377;0.023833671399594320156056781457;0.018762677484787017995193636466;0.000507099391480730216086314499;0.016227180527383366914762063971;0.014705882352941176266503120473;0.009127789046653143889553660983;0.003042596348884381296517886994;0.008113590263691683457381031985;0.013691683569979715834330491475;0.030425963488843812965178869945;0.006592292089249492809122088488;0.010141987829614604321726289982;0.004056795131845841728690515993;0.005070993914807302160863144991;0.004056795131845841728690515993;0.040060851926977690540265797381;0.000000000000000000000000000000;0.012677484787018255402157862477;0.008620689655172413673467346484;0.021805273833671399291711523460;0.034482758620689654693869385937;0.021298174442190669075625208961;0.016227180527383366914762063971;0.019269776876267748211279950965
-0.032667876588021775574599558922;0.018148820326678766906569606476;0.034482758620689654693869385937;0.017241379310344827346934692969;0.018148820326678766906569606476;0.020871143375680582116027395045;0.008166969147005443893649889731;0.029945553539019963834588722307;0.037205081669691469903327174507;0.017241379310344827346934692969;0.013611615245009074312565466869;0.012704174228675136487654029338;0.015426497277676951697111817907;0.023593466424682397325485183615;0.019056261343012702996757568030;0.017241379310344827346934692969;0.009981851179673321278196240769;0.041742286751361164232054790091;0.033575317604355718603681424383;0.000907441016333938258592306525;0.019963702359346642556392481538;0.018148820326678766906569606476;0.012704174228675136487654029338;0.023593466424682397325485183615;0.025408348457350272975308058676;0.027223230490018148625130933738;0.047186932849364794650970367229;0.073502722323048996777572483552;0.000907441016333938258592306525;0.024500907441016333415673145169;0.015426497277676951697111817907;0.011796733212341198662742591807;0.008166969147005443893649889731;0.006352087114337568243827014669;0.011796733212341198662742591807;0.037205081669691469903327174507;0.013611615245009074312565466869;0.010889292196007259103107678300;0.020871143375680582116027395045;0.007259528130671506068738452200;0.008166969147005443893649889731;0.042649727767695100322242751645;0.000000000000000000000000000000;0.019056261343012702996757568030;0.010889292196007259103107678300;0.017241379310344827346934692969;0.015426497277676951697111817907;0.012704174228675136487654029338;0.023593466424682397325485183615;0.011796733212341198662742591807
-0.031428571428571430712572976063;0.025714285714285713829729829172;0.035999999999999997279953589668;0.031428571428571430712572976063;0.098285714285714281812644799174;0.019428571428571426993325843569;0.004571428571428571771551041536;0.021142857142857143792902263613;0.030285714285714287336004346685;0.014285714285714285268213963320;0.009142857142857143543102083072;0.033714285714285717465710234819;0.009142857142857143543102083072;0.020000000000000000416333634234;0.012000000000000000249800180541;0.020571428571428570369894472947;0.013714285714285713579929648631;0.038285714285714284033090848425;0.014285714285714285268213963320;0.008571428571428571854817768383;0.009714285714285713496662921784;0.015428571428571428644782592698;0.012000000000000000249800180541;0.021142857142857143792902263613;0.025142857142857143876168990460;0.020571428571428570369894472947;0.022285714285714287169470892991;0.085714285714285715078730731875;0.001142857142857142942887760384;0.049714285714285710859883238300;0.016571428571428570286627746100;0.008571428571428571854817768383;0.008000000000000000166533453694;0.008000000000000000166533453694;0.013714285714285713579929648631;0.030857142857142857289565185397;0.009142857142857143543102083072;0.010285714285714285184947236473;0.004571428571428571771551041536;0.008000000000000000166533453694;0.006857142857142856789964824316;0.046857142857142854153185140831;0.000000000000000000000000000000;0.012000000000000000249800180541;0.006285714285714285969042247615;0.013714285714285713579929648631;0.011428571428571428561515865852;0.008000000000000000166533453694;0.013714285714285713579929648631;0.008571428571428571854817768383
-0.018696581196581196077088904417;0.014957264957264957902505209120;0.036324786324786327573743704988;0.080128205128205134966101752525;0.034722222222222223764198645313;0.045940170940170943492120159135;0.001068376068376068483561924793;0.008012820512820512108831394471;0.052350427350427351791406493930;0.008547008547008547868495398347;0.016025641025641024217662788942;0.036858974358974359863960756911;0.028311965811965811995465358564;0.024572649572649572086158187290;0.008547008547008547868495398347;0.010683760683760683968257509946;0.017094017094017095736990796695;0.037393162393162392154177808834;0.026175213675213675895703246965;0.010149572649572649943316982046;0.010149572649572649943316982046;0.025106837606837607845822191166;0.009615384615384615918376454147;0.013354700854700854092960149444;0.028846153846153847755129362440;0.012820512820512820068019621544;0.018162393162393163786871852494;0.047008547008547008072554262981;0.000534188034188034241780962397;0.067841880341880336779958327043;0.013354700854700854092960149444;0.004807692307692307959188227073;0.021901709401709400226732071815;0.005876068376068376009069282873;0.013354700854700854092960149444;0.018162393162393163786871852494;0.011217948717948717993198037846;0.003205128205128205017004905386;0.004273504273504273934247699174;0.013354700854700854092960149444;0.003739316239316239475626302280;0.044871794871794871972792151382;0.000000000000000000000000000000;0.006944444444444444058950338672;0.018696581196581196077088904417;0.009081196581196581893435926247;0.013354700854700854092960149444;0.016559829059829059977326792819;0.016559829059829059977326792819;0.010683760683760683968257509946
-0.020427350427350426248507275773;0.025897435897435896329232818402;0.027094017094017094210434137835;0.056153846153846151412203369091;0.044871794871794871972792151382;0.023504273504273504036277131490;0.009829059829059828834463274916;0.019572649572649571114713040743;0.028119658119658118983208439090;0.012820512820512820068019621544;0.016581196581196579881156694114;0.015897435897435897855789477262;0.029572649572649573057603333837;0.015042735042735042721995242232;0.029145299145299143755982740345;0.015641025641025641662595901948;0.019572649572649571114713040743;0.037350427350427352346518006243;0.018205128205128203594531655085;0.006581196581196581407713352974;0.016837606837606836074350269428;0.020512820512820512802720784862;0.023247863247863247843083556177;0.017350427350427351930184372009;0.018547008547008546341938739488;0.015555555555555555108382392859;0.025641025641025640136039243089;0.041880341880341877269788852800;0.005726495726495726273919117943;0.031623931623931622603151936346;0.023076923076923078204103489952;0.017179487179487178821757353830;0.018803418803418802535132314802;0.007521367521367521360997621116;0.032649572649572647375926237601;0.020512820512820512802720784862;0.008717948717948717507475464572;0.014444444444444443781394582516;0.008547008547008547868495398347;0.024786324786324785002245008059;0.007350427350427350854655816903;0.023760683760683760229470706804;0.000000000000000000000000000000;0.013846153846153846575517398776;0.021452991452991454490728528981;0.016923076923076922628563778517;0.011709401709401708741031811201;0.010000000000000000208166817117;0.022136752136752136516095745833;0.007777777777777777554191196430
-0.036057692307692304489741275120;0.015625000000000000000000000000;0.035817307692307689959143601754;0.003365384615384615571431758951;0.016346153846153847061239972049;0.017788461538461537714272964195;0.008173076923076923530619986025;0.025961538461538462979616426196;0.010096153846153846714295276854;0.026923076923076924571454071611;0.015384615384615385469402326635;0.013701923076923076816324709171;0.018749999999999999306110609609;0.033413461538461537714272964195;0.011057692307692308306132922269;0.021394230769230769551025872488;0.021394230769230769551025872488;0.031250000000000000000000000000;0.013942307692307693081645858513;0.009615384615384615918376454147;0.018509615384615384775512936244;0.011778846153846153632649418341;0.010336538461538461244892950219;0.036298076923076925959232852392;0.026923076923076924571454071611;0.038701923076923078204103489952;0.029086538461538462285727035805;0.008173076923076923530619986025;0.004807692307692307959188227073;0.020673076923076922489785900439;0.025000000000000001387778780781;0.026442307692307692040811772927;0.013461538461538462285727035805;0.013701923076923076816324709171;0.048798076923076923183675290829;0.043749999999999997224442438437;0.009615384615384615918376454147;0.017548076923076923183675290829;0.005048076923076923357147638427;0.014663461538461538408162354585;0.006490384615384615744904106549;0.014423076923076923877564681220;0.000000000000000000000000000000;0.025961538461538462979616426196;0.007932692307692307265298836683;0.028605769230769229755084737121;0.031490384615384614530597673365;0.025480769230769230448974127512;0.034375000000000002775557561563;0.015865384615384614530597673365
-0.050811022083251902725642423775;0.005471956224350205122419765758;0.065077193668164945439258417537;0.000000000000000000000000000000;0.000683994528043775640302470720;0.018321282001172563280722016543;0.001172562048075043985781440448;0.017051006449091264671746870363;0.015585303888997458984788657688;0.034541723666210673304721723298;0.019054133281219465256839384892;0.013240179792847372314268383775;0.015145593120969318493007627069;0.069376587844440104624332832373;0.003224545632206371123529287104;0.029704905217901114017342578677;0.016709009185069376851595635003;0.021301543873363297521006387569;0.009673636896619113370587861311;0.012214188000781708853814677695;0.014803595856947430672856391709;0.013435606800859879392251450270;0.007279656048465897762167475804;0.047293335939026771852500274917;0.047000195427008013837610889141;0.051397303107289425694315099236;0.025063513777604063542669976528;0.000732851280046902518218454592;0.001172562048075043985781440448;0.006058237248387727223730703230;0.013435606800859879392251450270;0.018809849521203830108317944791;0.005129958960328317302268530398;0.009185069376587844808268457086;0.025161227281610319683746723740;0.043824506546804767315173023690;0.014754739104944302602318018103;0.012751612272816103751948979550;0.001025991792065663460453706080;0.014363885088919288446351885113;0.002833691616181356100201416126;0.004787961696306429482117295038;0.000000000000000000000000000000;0.022620676177447722465796431379;0.001709986320109439100756176799;0.012507328512800468603427539449;0.058286105139730308433154704062;0.047293335939026771852500274917;0.032196599570060581430031021455;0.026724643345710376307611255697
-0.057074910820451844883915981654;0.009512485136741972990837012958;0.060642092746730082153394647548;0.013079667063020213729762630805;0.000000000000000000000000000000;0.015457788347205706977471884045;0.003567181926278240305244748853;0.020214030915576695207613866501;0.009512485136741972990837012958;0.020214030915576695207613866501;0.039239001189060644658734844370;0.011890606420927467973269742174;0.022592152199762186720599643763;0.054696789536266346432036300484;0.013079667063020213729762630805;0.039239001189060644658734844370;0.004756242568370986495418506479;0.022592152199762186720599643763;0.011890606420927467973269742174;0.008323424494649227234344124327;0.019024970273483945981674025916;0.013079667063020213729762630805;0.007134363852556480610489497707;0.030915576694411413954943768090;0.052318668252080854919050523222;0.052318668252080854919050523222;0.032104637336504163180883608675;0.001189060642092746623854626620;0.001189060642092746623854626620;0.008323424494649227234344124327;0.013079667063020213729762630805;0.013079667063020213729762630805;0.007134363852556480610489497707;0.013079667063020213729762630805;0.029726516052318668198450879459;0.027348394768133173216018150242;0.010701545778834720482053377566;0.007134363852556480610489497707;0.001189060642092746623854626620;0.011890606420927467973269742174;0.002378121284185493247709253239;0.003567181926278240305244748853;0.000000000000000000000000000000;0.029726516052318668198450879459;0.009512485136741972990837012958;0.005945303210463733986634871087;0.051129607609988109162557634590;0.045184304399524373441199287527;0.040428061831153390415227733001;0.022592152199762186720599643763
-0.019390581717451522286710385856;0.008079409048938133997008748111;0.070406278855032311536632505522;0.005771006463527239560562520637;0.008310249307479224828432151639;0.014773776546629731679094454933;0.003462603878116343389392817187;0.015235457063711911607217786013;0.057479224376731301304754850889;0.036703601108033244437844899721;0.012696214219759926339348155011;0.007848568790397044900308820559;0.014542936288088642582394527381;0.033933518005540168338551865190;0.003231763619575253859012020641;0.017313019390581718681687561912;0.052631578947368418130992040460;0.047322253000923360233276326881;0.007156048014773776742847299914;0.015466297322253000703917713565;0.013157894736842104532748010115;0.028855032317636194333365651232;0.007156048014773776742847299914;0.042936288088642658722360323509;0.024238227146814405460473196285;0.031855955678670361264082089292;0.021006463527239151167780306650;0.006232686980609418621324113730;0.001385041551246537399125213774;0.026777469990766390728342827288;0.007386888273314865839547227466;0.034856879039704524725351575398;0.006694367497691597682085706822;0.007848568790397044900308820559;0.022391505078485689217426823916;0.059325946445060021017248175212;0.012234533702677746411224823930;0.006694367497691597682085706822;0.003462603878116343389392817187;0.017082179132040627850264158383;0.004616805170821791474977668912;0.033240997229916899313728606558;0.000000000000000000000000000000;0.017313019390581718681687561912;0.005078485687903970535739262004;0.014081255771006464388994672277;0.037626962142197600824644609929;0.022622345337026776579403275491;0.020083102493074791311533644489;0.012003693444136657314524896378
-0.017600000000000001060262988517;0.019466666666666666840601607191;0.060533333333333334824732929746;0.054133333333333331915948605229;0.036799999999999999378275106210;0.010133333333333332734738085890;0.003200000000000000153349555276;0.022666666666666668294993769450;0.031733333333333335612991277230;0.030666666666666664992080271190;0.009333333333333334105863521302;0.005333333333333333155235056466;0.006666666666666667094565124074;0.029866666666666666363205706602;0.024000000000000000499600361081;0.013599999999999999242272785693;0.029066666666666667734331142015;0.045066666666666664597951097448;0.018666666666666668211727042603;0.009066666666666667317997507780;0.014399999999999999605870826258;0.026133333333333334802528469254;0.011466666666666666674068153498;0.044533333333333334491666022359;0.025066666666666667651064415168;0.028799999999999999211741652516;0.028266666666666665636009625473;0.018133333333333334635995015560;0.001600000000000000076674777638;0.012533333333333333825532207584;0.005066666666666666367369042945;0.034400000000000000022204460493;0.007733333333333333378667440172;0.008266666666666666954399467215;0.012800000000000000613398221105;0.061333333333333329984160542381;0.011733333333333333461934167019;0.009599999999999999159006058846;0.004799999999999999579503029423;0.009333333333333334105863521302;0.008533333333333333742265480737;0.015466666666666666757334880344;0.000000000000000000000000000000;0.019466666666666666840601607191;0.011733333333333333461934167019;0.013066666666666667401264234627;0.031199999999999998567812298234;0.015466666666666666757334880344;0.018666666666666668211727042603;0.012800000000000000613398221105
-0.025000000000000001387778780781;0.019827586206896553183698372891;0.037931034482758620163256324531;0.093103448275862074612341245938;0.044827586206896551102030201719;0.010344827586206896408160815781;0.005172413793103448204080407891;0.038793103448275863265326535156;0.014655172413793103244894489023;0.018103448275862070449004903594;0.012068965517241379142854285078;0.003448275862068965469386938594;0.006896551724137930938773877187;0.039655172413793106367396745782;0.041379310344827585632643263125;0.012931034482758620510201019727;0.011206896551724137775507550430;0.045689655172413794204100412344;0.027586206896551723755095508750;0.008620689655172413673467346484;0.025000000000000001387778780781;0.008620689655172413673467346484;0.009482758620689655040814081133;0.034482758620689654693869385937;0.022413793103448275551015100859;0.025000000000000001387778780781;0.040517241379310342530573052500;0.018103448275862070449004903594;0.000862068965517241367346734648;0.011206896551724137775507550430;0.000862068965517241367346734648;0.017241379310344827346934692969;0.009482758620689655040814081133;0.006896551724137930938773877187;0.023275862068965518653085311485;0.026724137931034484122472250078;0.013793103448275861877547754375;0.004310344827586206836733673242;0.006034482758620689571427142539;0.012068965517241379142854285078;0.012068965517241379142854285078;0.010344827586206896408160815781;0.000000000000000000000000000000;0.018965517241379310081628162266;0.032758620689655175428622868594;0.018103448275862070449004903594;0.018103448275862070449004903594;0.015517241379310344612241223672;0.029310344827586206489788978047;0.011206896551724137775507550430
-0.020769230769230768995914360175;0.007948717948717948927894738631;0.089230769230769224620303248230;0.032820512820512820484353255779;0.013076923076923076261213196858;0.012051282051282051488438895603;0.002051282051282051280272078486;0.016923076923076922628563778517;0.035897435897435894802676159543;0.031794871794871795711578954524;0.012307692307692307681632470917;0.014358974358974358961904549403;0.009743589743589744014973241804;0.047948717948717946291115055146;0.014871794871794871348291700031;0.015384615384615385469402326635;0.031538461538461536048938427257;0.038205128205128204010865289320;0.013589743589743590382323823462;0.006666666666666667094565124074;0.011794871794871795295245320290;0.033333333333333332870740406406;0.008205128205128205121088313945;0.036923076923076926514344364705;0.022820512820512822010909914638;0.040000000000000000832667268469;0.028717948717948717923809098806;0.014871794871794871348291700031;0.003333333333333333547282562037;0.010769230769230768787747543058;0.013333333333333334189130248149;0.029999999999999998889776975375;0.004871794871794872007486620902;0.013846153846153846575517398776;0.011025641025641024980941118372;0.041794871794871797654469247618;0.010000000000000000208166817117;0.004871794871794872007486620902;0.004102564102564102560544156972;0.016410256410256410242176627889;0.007435897435897435674145850015;0.016666666666666666435370203203;0.000000000000000000000000000000;0.022820512820512822010909914638;0.007435897435897435674145850015;0.015897435897435897855789477262;0.048974358974358971063889356401;0.021794871794871793768688661430;0.017948717948717947401338079771;0.012820512820512820068019621544
-0.019342359767891684207974378751;0.017408123791102514399398160094;0.034332688588007739816099217478;0.339700193423597696096294384915;0.005077369439071566410703884031;0.007736943907156673162772708707;0.005802707930367505088919966028;0.020551257253384913603611039434;0.017891682785299806851542214758;0.019100580270793036247178875442;0.009912959381044486595335740731;0.004593810444874274825921567356;0.004352030947775628599849540024;0.022243713733075435451391754782;0.015232108317214700099473390082;0.014506769825918761421257308086;0.013539651837524178251692674735;0.026595744680851064051241294806;0.012330754352030947121332538075;0.007011605415860735351918364699;0.013056092843326885799548620071;0.011605415860735010177839932055;0.005319148936170212636775911363;0.030947775628626692651090834829;0.018858800773694391755830324087;0.024419729206963249751316524794;0.018375241779497099303686269423;0.038442940038684716985706302239;0.002417794970986460525996797344;0.009429400386847195877915162043;0.005077369439071566410703884031;0.019584139264990328699322930106;0.002901353965183752544459983014;0.007736943907156673162772708707;0.008704061895551257199699080047;0.026595744680851064051241294806;0.008704061895551257199699080047;0.008945841392649903425771107379;0.001450676982591876272229991507;0.007978723404255318521482998051;0.006528046421663442899774310035;0.010396518375241779047479795395;0.000000000000000000000000000000;0.014264990328820115195185280754;0.011847195357833656403911959387;0.013297872340425532025620647403;0.020551257253384913603611039434;0.013056092843326885799548620071;0.008945841392649903425771107379;0.013297872340425532025620647403
-0.012345679012345678327022824305;0.017636684303350969038604034722;0.022486772486772485524220144271;0.485449735449735464420939479169;0.008377425044091710293336916493;0.007054673721340387615441613889;0.013668430335097001004918126910;0.015432098765432097908778530382;0.018077601410934743264569135590;0.015432098765432097908778530382;0.008818342151675484519302017361;0.008818342151675484519302017361;0.001322751322751322677895302604;0.013227513227513226778953026042;0.033068783068783066947382565104;0.009259259259259258745267118229;0.013668430335097001004918126910;0.012345679012345678327022824305;0.010141093474426807197197319965;0.000881834215167548451930201736;0.020723104056437388620359740798;0.011022927689594355649127521701;0.002645502645502645355790605208;0.023809523809523808202115446875;0.016313932980599646360708732118;0.011022927689594355649127521701;0.020282186948853614394394639930;0.005731922398589064937546311285;0.005291005291005290711581210417;0.006172839506172839163511412153;0.001763668430335096903860403472;0.012786596119929452552987925174;0.001763668430335096903860403472;0.008818342151675484519302017361;0.004409171075837742259651008681;0.017195767195767194812638933854;0.002645502645502645355790605208;0.007054673721340387615441613889;0.000000000000000000000000000000;0.000881834215167548451930201736;0.006613756613756613389476513021;0.006613756613756613389476513021;0.000000000000000000000000000000;0.013227513227513226778953026042;0.013227513227513226778953026042;0.013668430335097001004918126910;0.016313932980599646360708732118;0.004409171075837742259651008681;0.006172839506172839163511412153;0.011904761904761904101057723437
-0.009821428571428571230317317031;0.009821428571428571230317317031;0.036607142857142858927144146719;0.397321428571428547638078043747;0.006250000000000000346944695195;0.007142857142857142634106981660;0.011607142857142857539365365938;0.022321428571428571924206707422;0.041071428571428571230317317031;0.022321428571428571924206707422;0.006250000000000000346944695195;0.012500000000000000693889390391;0.000000000000000000000000000000;0.016964285714285712997062560703;0.023214285714285715078730731875;0.016964285714285712997062560703;0.019642857142857142460634634062;0.008928571428571428075793292578;0.008035714285714284921269268125;0.000892857142857142829263372708;0.013392857142857142113689938867;0.025000000000000001387778780781;0.000000000000000000000000000000;0.031250000000000000000000000000;0.015178571428571428422737987773;0.015178571428571428422737987773;0.031250000000000000000000000000;0.011607142857142857539365365938;0.006250000000000000346944695195;0.005357142857142857192420670742;0.007142857142857142634106981660;0.016071428571428569842538536250;0.000000000000000000000000000000;0.012500000000000000693889390391;0.000000000000000000000000000000;0.012500000000000000693889390391;0.000892857142857142829263372708;0.004464285714285714037896646289;0.001785714285714285658526745415;0.000000000000000000000000000000;0.020535714285714285615158658516;0.008035714285714284921269268125;0.000000000000000000000000000000;0.025000000000000001387778780781;0.010714285714285714384841341484;0.016964285714285712997062560703;0.014285714285714285268213963320;0.001785714285714285658526745415;0.001785714285714285658526745415;0.013392857142857142113689938867
-0.020123839009287925599922530751;0.017801857585139319734013341190;0.031733746130030958398915430507;0.160990712074303404799380246004;0.021671826625386997333677641109;0.023993808049535603199586830669;0.023219814241486069067432751467;0.037151702786377707732334840784;0.057275541795665636801704323489;0.028637770897832818400852161744;0.013931888544891640399625565294;0.017801857585139319734013341190;0.000000000000000000000000000000;0.013931888544891640399625565294;0.032507739938080496000516461663;0.013931888544891640399625565294;0.017801857585139319734013341190;0.011609907120743034533716375734;0.013931888544891640399625565294;0.000773993808049535650037120682;0.021671826625386997333677641109;0.030959752321981424266761351305;0.000000000000000000000000000000;0.022445820433436531465831720311;0.016253869969040248000258230832;0.019349845201238391467768451548;0.028637770897832818400852161744;0.030959752321981424266761351305;0.003095975232198142600148482728;0.015479876160990712133380675652;0.006191950464396285200296965456;0.012383900928792570400593930913;0.000000000000000000000000000000;0.023219814241486069067432751467;0.000000000000000000000000000000;0.017801857585139319734013341190;0.003095975232198142600148482728;0.003095975232198142600148482728;0.006191950464396285200296965456;0.001547987616099071300074241364;0.029411764705882352533006240947;0.038699690402476782935536903096;0.000000000000000000000000000000;0.028637770897832818400852161744;0.021671826625386997333677641109;0.037151702786377707732334840784;0.010061919504643962799961265375;0.000000000000000000000000000000;0.000773993808049535650037120682;0.012383900928792570400593930913
-0.011088011088011088048355112790;0.008316008316008316469947203586;0.042273042273042273075933650262;0.142758142758142747563709917813;0.000000000000000000000000000000;0.013860013860013859626763021993;0.007623007623007623141664357291;0.020790020790020791174868008966;0.045738045738045740584709619725;0.038808038808038805567157680798;0.006237006237006237352460402690;0.014553014553014553822407606276;0.002772002772002772012088778197;0.033264033264033265879788814345;0.021483021483021481901065641296;0.015939015939015938744249822889;0.020097020097020096979223424682;0.020097020097020096979223424682;0.005544005544005544024177556395;0.004851004851004850695894710100;0.011781011781011780509276221096;0.036729036729036726449670879902;0.002079002079002079117486800897;0.054747054747054747780854455641;0.012474012474012474704920805380;0.038115038115038114840960048468;0.025641025641025640136039243089;0.006930006930006929813381510996;0.004158004158004158234973601793;0.005544005544005544024177556395;0.014553014553014553822407606276;0.031185031185031186762302013449;0.002772002772002772012088778197;0.015939015939015938744249822889;0.001386001386001386006044389099;0.049896049896049898819683221518;0.009009009009009008930868311893;0.014553014553014553822407606276;0.014553014553014553822407606276;0.004158004158004158234973601793;0.007623007623007623141664357291;0.026334026334026334331683827372;0.000000000000000000000000000000;0.031878031878031877488499645779;0.006930006930006929813381510996;0.024255024255024255214197026476;0.029106029106029107644815212552;0.015939015939015938744249822889;0.011781011781011780509276221096;0.013860013860013859626763021993
-0.010891089108910890353998368596;0.012566641279512565793075040688;0.023914699162223915923641825998;0.303655750190403639354741471834;0.086519421172886523674350200963;0.007920792079207920888261895698;0.011652703731911653178832111166;0.033282559025133280627972709453;0.025818735719725819516279230470;0.022162985529322162120413608477;0.011500380807311499919975972261;0.010434120335110434046876903835;0.000380807311500380816105676418;0.015156130997715155581118118278;0.034501142421934499759927916784;0.010357958872810357417448834383;0.009063214013709063390789033576;0.009672505712109672956766637242;0.012185833968012186115381645379;0.000837776085300837827958553294;0.025742574257425741152127685041;0.012185833968012186115381645379;0.000076161462300076155089618990;0.029626808834729626701554039414;0.010510281797410510676304973288;0.017593297791317592110305056963;0.018354912414318354935138799533;0.050266565118050263172300162751;0.004417364813404417618614150598;0.012109672505712109485953575927;0.003884234577303884248383747391;0.014166031987814166337447119304;0.001370906321401370872928304756;0.010738766184310738829865705668;0.000761614623000761632211352836;0.016831683168316832754918266346;0.002589489718202589354362208596;0.004188880426504188597691680229;0.002589489718202589354362208596;0.000456968773800456957642768252;0.013709063214013708295602178566;0.011119573495811120242282576953;0.000000000000000000000000000000;0.020868240670220868093753807671;0.017517136329017517215600463487;0.017897943640517898628017334772;0.015613099771515613622963059015;0.002970297029702970333098210887;0.000837776085300837827958553294;0.008530083777608530454239499363
-0.013017356475300400492356445170;0.017022696929238984725474281845;0.055574098798397864040765625759;0.130841121495327089574445267317;0.009345794392523363788849444234;0.004672897196261681894424722117;0.004506008010680908129619304248;0.033377837116154870922279940260;0.014352469959946595814970216054;0.031542056074766351703164701803;0.011014686248331108375797526833;0.002336448598130840947212361058;0.003337783711615487439172689221;0.029372496662216286689162103585;0.045226969292389854193636722357;0.006675567423230974878345378443;0.016188251001335113299361978534;0.024365821094793058132488283718;0.013184245660881175124523601028;0.002837116154873164410032959637;0.013184245660881175124523601028;0.018524699599465954680255208586;0.002336448598130840947212361058;0.050066755674232306383419910389;0.010180240320427236949685223522;0.034212283044058745817839195524;0.036715620827770363565623057411;0.098130841121495324119727854395;0.003838451268357810468312418806;0.004005340453938585100479574663;0.000166889185580774361116612736;0.024532710280373831029931963599;0.006174899866488651849205648858;0.007176234979973297907485108027;0.003004005340453938608519246500;0.036715620827770363565623057411;0.011181575433911883007964682690;0.004839786381842456526591877974;0.000500667556742323137559946833;0.001835781041388517918072631474;0.010013351134846462317518067664;0.011348464619492657640131838548;0.000000000000000000000000000000;0.034712950600801067979617187120;0.017189586114819761092364913679;0.014686248331108143344581051792;0.036715620827770363565623057411;0.011181575433911883007964682690;0.009846461949265687685350911806;0.018190921228304405415920896871
-0.017412935323383085112203261247;0.032338308457711441301629662348;0.024461028192371475631361477099;0.172885572139303472782856374579;0.041873963515754557274117786392;0.017412935323383085112203261247;0.010364842454394692858321569418;0.032338308457711441301629662348;0.012852404643449420046374953586;0.010364842454394692858321569418;0.015339966832504145499704861777;0.011608623548922055584986523513;0.009950248756218905282766584719;0.013681592039800995197484922983;0.049336650082918737103554462919;0.005389718076285240216938277058;0.014925373134328357924149877078;0.047263681592039800960503015403;0.028606965174129354856358276038;0.002487562189054726320691646180;0.023217247097844111169973047026;0.014925373134328357924149877078;0.009535655058043117707211600020;0.021144278606965175026921599510;0.011194029850746268009431538815;0.014096185737976782773039907681;0.044361525704809286196894646537;0.035240464344941956065238031215;0.001658374792703150952741242286;0.029850746268656715848299754157;0.006633499170812603810964969142;0.008291873963515754980546645925;0.013266998341625207621929938284;0.006633499170812603810964969142;0.009121061359867330131656615322;0.020315091210613599875811630113;0.014096185737976782773039907681;0.004975124378109452641383292359;0.002902155887230513896246630878;0.008706467661691542556101630623;0.014510779436152570348594892380;0.017827529021558870953034769968;0.000000000000000000000000000000;0.009121061359867330131656615322;0.033167495854063019922186583699;0.009950248756218905282766584719;0.011194029850746268009431538815;0.007877280265339967404991661226;0.019071310116086235414423200041;0.006218905472636816235409984444
-0.031032986111111111882099322656;0.018192997685185185313683220443;0.047489872685185181844236268489;0.041992187500000000000000000000;0.007631655092592592656841610221;0.018301504629629629372633559115;0.004774305555555555941049661328;0.023799189814814814686316779557;0.027850115740740741254732881771;0.022533275462962961549484575130;0.013780381944444444058950338672;0.009331597222222222029475169336;0.020471643518518517490534236458;0.024197048611111111882099322656;0.014286747685185185313683220443;0.017252604166666667823148983985;0.032407407407407405608434913802;0.055013020833333335646297967969;0.017252604166666667823148983985;0.010127314814814814686316779557;0.018192997685185185313683220443;0.021737557870370370627366440885;0.033600983796296293726335591145;0.029260706018518517490534236458;0.029116030092592590922118134245;0.026909722222222223764198645313;0.026909722222222223764198645313;0.007450810185185185313683220443;0.002170138888888888985262415332;0.010850694444444444058950338672;0.011103877314814814686316779557;0.019929108796296297195782543099;0.016059027777777776235801354687;0.007233796296296296328420805111;0.031032986111111111882099322656;0.037073206018518517490534236458;0.014033564814814814686316779557;0.014576099537037036715791948893;0.003146701388888888985262415332;0.031394675925925923098969150260;0.009295428240740741254732881771;0.015154803240740741254732881771;0.000000000000000000000000000000;0.016384548611111111882099322656;0.008427372685185185313683220443;0.019784432870370370627366440885;0.017975983796296297195782543099;0.017144097222222223764198645313;0.036132812500000000000000000000;0.010199652777777777970524830664
-0.024631076388888888117900677344;0.027886284722222223764198645313;0.029405381944444444058950338672;0.101273148148148153802061699480;0.072482638888888895056794581251;0.011537905092592592656841610221;0.004774305555555555941049661328;0.030056423611111111882099322656;0.009982638888888888117900677344;0.016167534722222223764198645313;0.016167534722222223764198645313;0.004340277777777777970524830664;0.012695312500000000000000000000;0.024522569444444444058950338672;0.053313078703703706273664408855;0.018482349537037038450515424870;0.013382523148148148597891271550;0.024414062500000000000000000000;0.030490451388888888117900677344;0.005353009259259259612628856217;0.018012152777777776235801354687;0.010344328703703704538940932878;0.008825231481481480774742287565;0.021231192129629629372633559115;0.022207754629629629372633559115;0.022967303240740741254732881771;0.029405381944444444058950338672;0.040219907407407405608434913802;0.001374421296296296328420805111;0.021556712962962961549484575130;0.013093171296296295461059067122;0.010886863425925926568416102214;0.013997395833333333911574491992;0.007703993055555555941049661328;0.013418692129629629372633559115;0.021954571759259258745267118229;0.009657118055555555941049661328;0.020037615740740741254732881771;0.002061631944444444492631207666;0.012586805555555555941049661328;0.010127314814814814686316779557;0.006257233796296296328420805111;0.000000000000000000000000000000;0.012731481481481480774742287565;0.037362557870370370627366440885;0.010923032407407407343158389779;0.022352430555555555941049661328;0.016782407407407409077881865755;0.018518518518518517490534236458;0.012044270833333333911574491992
-0.027027027027027028527328411656;0.015015015015015014884780519822;0.039039039039039040435152827513;0.033033033033033031011793667631;0.045545545545545546017862648114;0.024524524524524523444446444387;0.003503503503503503473115454625;0.034534534534534533367633457601;0.021521521521521522202213816399;0.015515515515515516248301608471;0.018518518518518517490534236458;0.011511511511511512279026803185;0.022022022022022021831011429072;0.021521521521521522202213816399;0.035535535535535532625228682946;0.024524524524524523444446444387;0.021021021021021022573416203727;0.022022022022022021831011429072;0.041541541541541542048587842828;0.004004004004004003969274805286;0.018518518518518517490534236458;0.020520520520520519475171639101;0.004504504504504504465434155946;0.019519519519519520217576413756;0.024024024024024023815648831714;0.023523523523523524186851219042;0.032532532532532534852443006912;0.017017017017017018604141398441;0.001001001001001000992318701321;0.040040040040040039692748052857;0.017517517517517518232939011114;0.014514514514514515255982907149;0.024024024024024023815648831714;0.006006006006006005953912207929;0.020520520520520519475171639101;0.021521521521521522202213816399;0.009509509509509510294389400542;0.021021021021021022573416203727;0.002002002002002001984637402643;0.018018018018018017861736623786;0.007507507507507507442390259911;0.013013013013013012900143117179;0.000000000000000000000000000000;0.016016016016016015877099221143;0.036036036036036035723473247572;0.012012012012012011907824415857;0.027027027027027028527328411656;0.020020020020020019846374026429;0.020020020020020019846374026429;0.011011011011011010915505714536
-0.026190476190476191103995162734;0.009706959706959707168127948762;0.060073260073260074942691488786;0.068864468864468869613304491395;0.002564102564102564100340098108;0.017032967032967031434376181664;0.004578754578754578967447752547;0.018864468864468863368299977878;0.032051282051282048435325577884;0.030402930402930402470351722855;0.011355311355311354867825279769;0.010805860805860805634592836100;0.007326007326007326000971708879;0.042857142857142857539365365938;0.016117216117216118936861235511;0.022527472527472527236147570306;0.026556776556776556103001141196;0.034432234432234434806652245697;0.009340659340659340434398494324;0.011172161172161172368322290538;0.012637362637362637568516632314;0.036813186813186814239085009604;0.006776556776556776767739265210;0.038827838827838828672511795048;0.032783882783882785372231438714;0.032783882783882785372231438714;0.029120879120879121504383846286;0.009890109890109889667630937993;0.003113553113553113767253410771;0.005860805860805860800777367103;0.013003663003663004302246086752;0.026923076923076924571454071611;0.006043956043956044167642094322;0.011355311355311354867825279769;0.014285714285714285268213963320;0.038095238095238098674499838125;0.011538461538461539102051744976;0.011172161172161172368322290538;0.005494505494505494934409650654;0.019413919413919414336255897524;0.004395604395604395600583025328;0.010439560439560438900863381662;0.000000000000000000000000000000;0.023260073260073260703606479183;0.008974358974358973700669039886;0.020512820512820512802720784862;0.039194139194139193671517773510;0.024725274725274724169077344982;0.021062271062271063770676704507;0.018681318681318680868796988648
-0.025245441795231415849087852621;0.011921458625525946373180374849;0.049088359046283308595448602318;0.098877980364656378742260756098;0.006311360448807853962271963155;0.020336605890603084989542992389;0.010518934081346423270453271925;0.024544179523141654297724301159;0.027349228611500700503178507006;0.023141654978962131194997198236;0.011220196353436184821816823387;0.006311360448807853962271963155;0.007012622720897615513635514617;0.041374474053295931530449536240;0.012622720897615707924543926310;0.012622720897615707924543926310;0.022440392706872369643633646774;0.038569424964936885324995330393;0.011921458625525946373180374849;0.014025245441795231027271029234;0.014025245441795231027271029234;0.018232819074333800335452338004;0.009116409537166900167726169002;0.035063113604488077568177573085;0.030855539971949508259996264314;0.030154277699859746708632712853;0.035063113604488077568177573085;0.014025245441795231027271029234;0.008415147265077138616362617540;0.007713884992987377064999066079;0.007012622720897615513635514617;0.034361851332398316016814021623;0.002805049088359046205454205847;0.009817671809256661719089720464;0.012622720897615707924543926310;0.044880785413744739287267293548;0.011220196353436184821816823387;0.010518934081346423270453271925;0.004908835904628330859544860232;0.018934081346423561886815889466;0.006311360448807853962271963155;0.015427769985974754129998132157;0.000000000000000000000000000000;0.024544179523141654297724301159;0.009817671809256661719089720464;0.018934081346423561886815889466;0.037868162692847123773631778931;0.020336605890603084989542992389;0.016830294530154277232725235081;0.014726507713884992578634580696
-0.021351351351351351842700054817;0.014864864864864865690030626411;0.062972972972972968142002514469;0.053783783783783782606047196850;0.026756756756756757548165737148;0.006756756756756757131832102914;0.006486486486486486152669428407;0.027837837837837837995369483224;0.017027027027027026584438118562;0.031081081081081082806427673404;0.012432432432432432081736983775;0.002702702702702702852732841166;0.005675675675675675817266618850;0.052432432432432431179680776268;0.027837837837837837995369483224;0.009729729729729729229004142610;0.022162162162162161310741126385;0.027837837837837837995369483224;0.020540540540540538905212031295;0.010270270270270269452606015648;0.015945945945945946137234372486;0.013783783783783783508103404358;0.005675675675675675817266618850;0.050540540540540537794989006670;0.017027027027027026584438118562;0.035945945945945946553568006721;0.035135135135135137085526935152;0.014594594594594594710867951903;0.003243243243243243076334714203;0.010540540540540540431768690155;0.004594594594594594502701134786;0.027027027027027028527328411656;0.007837837837837837579035848989;0.012972972972972972305338856813;0.014864864864864865690030626411;0.042702702702702703685400109634;0.011081081081081080655370563193;0.004594594594594594502701134786;0.004324324324324324390900198267;0.014594594594594594710867951903;0.009189189189189189005402269572;0.012702702702702703060899658283;0.000000000000000000000000000000;0.019189189189189187478845610713;0.018648648648648648989967213652;0.012972972972972972305338856813;0.050810810810810812243598633131;0.030540540540540540848102324389;0.021081081081081080863537380310;0.017297297297297297563600793069
-0.020576131687242798368187024494;0.029835390946502057113454142723;0.026748971193415637531698436646;0.037037037037037034981068472916;0.042695473251028806527251902025;0.019032921810699588577309171455;0.006172839506172839163511412153;0.037037037037037034981068472916;0.007716049382716048954389265191;0.030864197530864195817557060764;0.022633744855967079245839812529;0.005144032921810699592046756123;0.016975308641975307699656383420;0.034979423868312757572862636835;0.039094650205761319328168212905;0.011316872427983539622919906265;0.007716049382716048954389265191;0.036522633744855967363740489873;0.053497942386831275063396873293;0.004629629629629629372633559115;0.027777777777777776235801354687;0.008230452674897120041164200188;0.008230452674897120041164200188;0.034979423868312757572862636835;0.018004115226337449873206253415;0.040637860082304529119046065944;0.032921810699588480164656800753;0.025205761316872427740820583608;0.000514403292181070002572762512;0.025720164609053498827595518605;0.008230452674897120041164200188;0.006172839506172839163511412153;0.020576131687242798368187024494;0.006687242798353909382924609162;0.015946502057613168995553465379;0.026234567901234566444923501649;0.015946502057613168995553465379;0.005658436213991769811459953132;0.001543209876543209790877853038;0.010802469135802468536144971267;0.008230452674897120041164200188;0.004629629629629629372633559115;0.000000000000000000000000000000;0.012860082304526749413797759303;0.030349794238683128200229077720;0.017489711934156378786431318417;0.028806584362139918409351224682;0.021604938271604937072289942535;0.031378600823045270373778947715;0.014403292181069959204675612341
-0.018845228548516439193161176036;0.019647153167602245116274417569;0.041299117882919005040331938972;0.038492381716118684309435593605;0.018845228548516439193161176036;0.026864474739374498424293591370;0.004811547714514835538679449201;0.031676022453889333962973040570;0.024057738572574177693397246003;0.014434643143544506616038347602;0.022453889334402565847170762936;0.010825982357658379962028760701;0.032878909382518042847642902871;0.022854851643945468808727383703;0.033279871692060945809199523637;0.013231756214915797731368485302;0.017642341619887730308491313735;0.051724137931034482040804078906;0.028468323977546110270520074437;0.010024057738572574038915519168;0.014835605453087409577594968368;0.022854851643945468808727383703;0.019647153167602245116274417569;0.018444266238973536231604555269;0.022453889334402565847170762936;0.024057738572574177693397246003;0.038492381716118684309435593605;0.022854851643945468808727383703;0.000801924619085805923113241533;0.023656776263031274731840625236;0.009222133119486768115802277634;0.012028869286287088846698623001;0.025661587810745789539623729070;0.008821170809943865154245656868;0.029270248596631916193633315970;0.022052927024859662885614142169;0.016840417000801924385378072202;0.007217321571772253308019173801;0.007618283881315156269575794568;0.019647153167602245116274417569;0.010024057738572574038915519168;0.018043303929430633270047934502;0.000000000000000000000000000000;0.010425020048115477000472139935;0.016439454691259021423821451435;0.012028869286287088846698623001;0.018444266238973536231604555269;0.012028869286287088846698623001;0.038492381716118684309435593605;0.015236567762630312539151589135
-0.016812865497076022458511346258;0.016228070175438594896499822084;0.075438596491228068763312819556;0.014619883040935671703053344572;0.005190058479532163975000980116;0.015204678362573099265064868746;0.001754385964912280734470662047;0.041959064327485383338878222048;0.036622807017543862473374360889;0.023172514619883042424897112710;0.016812865497076022458511346258;0.025730994152046784972931448010;0.008918128654970760779696625775;0.036622807017543862473374360889;0.015058479532163743241923725691;0.010014619883040936157425626618;0.027119883040935672396942734963;0.072660818713450286976396341743;0.015131578947368421253494297218;0.010233918128654970192137341201;0.016812865497076022458511346258;0.025511695906432749203496257451;0.015862573099415203103923488470;0.025877192982456140996072591065;0.022076023391812867047168111867;0.027997076023391812005236545247;0.045979532163742689587770939852;0.001754385964912280734470662047;0.001535087719298245615556774979;0.010891812865497075765719436902;0.010087719298245614168996198146;0.016008771929824562596511583479;0.012500000000000000693889390391;0.011257309941520467558295770516;0.014619883040935671703053344572;0.055263157894736840425320423265;0.024488304093567250102614352159;0.003581871345029239914192764616;0.003654970760233917925763336143;0.014839181286549707472488535132;0.008918128654970760779696625775;0.014619883040935671703053344572;0.000000000000000000000000000000;0.014692982456140351449347392077;0.004824561403508772182424646502;0.009429824561403508595414102444;0.028362573099415203797812878861;0.013377192982456140302183200674;0.046271929824561401634053225962;0.013596491228070176071618391234
-0.020956607495069033003654013214;0.026627218934911243281016268725;0.029585798816568045777053441725;0.014176528599605522223958686823;0.060650887573964494536848945927;0.021079881656804733830457010413;0.014053254437869823131879165601;0.030571992110453648922030467361;0.018491124260355030345381877055;0.016888560157790926535836817379;0.015039447731755424542132715260;0.022435897435897435986396075691;0.026873767258382641465175311168;0.020833333333333332176851016015;0.026010848126232742616448234685;0.010478303747534516501827006607;0.017628205128205128027207848618;0.044871794871794871972792151382;0.021449704142011832841419050055;0.007273175542406311484822101221;0.018491124260355030345381877055;0.009615384615384615918376454147;0.033284023668639056703355549871;0.021942800788954636148631038850;0.017135108481262328189442811777;0.017998027613412230507616840214;0.033160749506903355876552552672;0.029955621301775148257462433321;0.005547337278106508583197520323;0.036735700197238659037157759712;0.015779092702169626033503746498;0.014176528599605522223958686823;0.014423076923076923877564681220;0.004930966469428007918629486284;0.038338264299802762846702819388;0.025271203155818541125077203446;0.010971400394477318074315519425;0.011217948717948717993198037846;0.002342209072978303566192614937;0.018121301775147927864972885459;0.009615384615384615918376454147;0.029092702169625245939288404884;0.000000000000000000000000000000;0.018860946745562129356343916697;0.012450690335305719322334105925;0.024531558185404339633706172208;0.013683431952662722386193649982;0.009985207100591716664061969766;0.027859960552268244610152336804;0.008505917159763313681319907289
-0.059999999999999997779553950750;0.008690476190476191173384101774;0.028690476190476189854994260031;0.002976190476190476025264430859;0.012023809523809523419624056828;0.050595238095238095898942276563;0.001666666666666666773641281019;0.014166666666666665949647629930;0.012380952380952381375323057000;0.016190476190476189161104869640;0.027500000000000000138777878078;0.035000000000000003330669073875;0.028928571428571428492126926812;0.029523809523809525084958593766;0.009285714285714286031492292750;0.040238095238095239469799935250;0.010000000000000000208166817117;0.022976190476190476441598065094;0.020952380952380951495417349406;0.007261904761904761952673315051;0.014642857142857143223912963492;0.007619047619047619041010577234;0.017023809523809524391069203375;0.020714285714285712858284682625;0.073333333333333333703407674875;0.034285714285714287419271073531;0.026547619047619049059694162906;0.032380952380952378322209739281;0.000357142857142857142547370808;0.027619047619047619457344211469;0.031190476190476192075440309281;0.005833333333333333599324266316;0.010952380952380953021974008266;0.006547619047619047775998790684;0.025952380952380952466862495953;0.018214285714285714107285585328;0.010833333333333333703407674875;0.014761904761904762542479296883;0.002857142857142857140378966463;0.015238095238095238082021154469;0.002380952380952381167156239883;0.020119047619047619734899967625;0.000000000000000000000000000000;0.011190476190476189924383199070;0.008452380952380952536251434992;0.010000000000000000208166817117;0.025714285714285713829729829172;0.034404761904761903268390454969;0.027261904761904761501645211297;0.024523809523809524113513447219
-0.035884874464176361175127283332;0.002327005511328842594226395946;0.045437844458052663310088092885;0.116840171463563999298962414741;0.002204531537048377148879652054;0.015431720759338640042157564380;0.003184323331292100277972734190;0.021922841396203308211854121623;0.016901408450704223651595015099;0.056460502143294552523933305110;0.011145131659522350756064135169;0.015186772810777710018825814586;0.006491120636864666434973081266;0.045192896509491729817309391137;0.011022657685241885744398260272;0.034047764849969380795968731945;0.016533986527862830351320866384;0.011879975505205144295506336505;0.006613594611145131446638956163;0.003674219228413962059359709755;0.014819350887936313249104713918;0.011512553582363747525785235837;0.000979791794243723129093082136;0.076668707899571336694677370360;0.040048989589712188919001789600;0.055603184323331292238101752901;0.023882424984690751867955071930;0.001469687691365584910480057701;0.003061849357011634832625990299;0.005021432945499081090812154571;0.013104715248009797881612037429;0.027556644213104716095719126656;0.001469687691365584910480057701;0.005633802816901408751226743021;0.005388854868340477860533255239;0.043968156766687076231203690213;0.006246172688303735544279593483;0.010532761788120023963011284707;0.000734843845682792455240028850;0.001837109614206981029679854878;0.004531537048377220176786916994;0.004654011022657685188452791891;0.000000000000000000000000000000;0.037354562155541948254011686004;0.007225964482547458239691806625;0.016533986527862830351320866384;0.054255970606246171905606701102;0.025842008573178198993502974190;0.006368646662584200555945468381;0.015309246785058175030491689483
-0.012310606060606060080386825462;0.000946969696969696995980658727;0.028409090909090908144696285831;0.464962121212121215485524317046;0.000946969696969696995980658727;0.001893939393939393991961317454;0.007575757575757575967845269815;0.021780303030303031774916888708;0.001893939393939393991961317454;0.030303030303030303871381079261;0.004734848484848484979903293635;0.000000000000000000000000000000;0.000000000000000000000000000000;0.033143939393939392257237841477;0.009469696969696969959806587269;0.009469696969696969959806587269;0.011363636363636363951767904723;0.007575757575757575967845269815;0.007575757575757575967845269815;0.000946969696969696995980658727;0.013257575757575757943729222177;0.000946969696969696995980658727;0.000946969696969696995980658727;0.059659090909090911614143237784;0.008522727272727272096464190554;0.038825757575757575967845269815;0.008522727272727272096464190554;0.001893939393939393991961317454;0.006628787878787878971864611088;0.002840909090909090987941976181;0.000000000000000000000000000000;0.020833333333333332176851016015;0.000000000000000000000000000000;0.000946969696969696995980658727;0.001893939393939393991961317454;0.035984848484848487581988507600;0.008522727272727272096464190554;0.004734848484848484979903293635;0.000000000000000000000000000000;0.001893939393939393991961317454;0.003787878787878787983922634908;0.005681818181818181975883952362;0.000000000000000000000000000000;0.043560606060606063549833777415;0.006628787878787878971864611088;0.011363636363636363951767904723;0.035984848484848487581988507600;0.007575757575757575967845269815;0.001893939393939393991961317454;0.011363636363636363951767904723
-0.036425449247207385139457613832;0.004209163024121742070760010535;0.052776428687064919076377123019;0.009875344018131778506264240036;0.024607414602557876187605145901;0.021369596891694996737554035349;0.005666180994010037302865967490;0.014246397927796665069943848891;0.034320867735146511068311525605;0.036749231018293672390573334496;0.013436943500080945207431071253;0.024283632831471588936489425237;0.011494252873563218231289795312;0.040148939614699695466182305381;0.005342399222923749184388508837;0.032216286223085636997165437378;0.021855269548324427614227616345;0.022988505747126436462579590625;0.008094544277157196890404300404;0.007932653391614051530122964095;0.013760725271167232458546791918;0.023797960174842158059815844240;0.004209163024121742070760010535;0.055366682855755224024196792243;0.042415412012303706223992350033;0.037234903674923103267246915493;0.019265015379634126135854899076;0.015541525012141815809130207526;0.003885381253035453952282551882;0.023312287518212723713695311289;0.023312287518212723713695311289;0.030921159138740487992702554720;0.004209163024121742070760010535;0.008742107819329771392635741734;0.013113161728994657956315350589;0.035130322162862229196100827266;0.007770762506070907904565103763;0.018293670066375264382507737082;0.004371053909664885696317870867;0.010846689331390641994334878007;0.005666180994010037302865967490;0.021531487777238140363111895681;0.000000000000000000000000000000;0.026550105229075603163746421842;0.005504290108466893677308107158;0.024931196373644163438720866566;0.037720576331552534143920496490;0.025093087259187307064278726898;0.011818034644649505482405515977;0.017646106524202686410829343799
-0.034193548387096775464932818522;0.012903225806451612892034042090;0.050967741935483867887768383298;0.054838709677419356092187285867;0.037419354838709679988983936028;0.014838709677419355259520017398;0.007096774193548387524299592144;0.020000000000000000416333634234;0.028387096774193550097198368576;0.026451612903225805994988917291;0.013548387096774193102954875201;0.018064516129032259783571134903;0.007096774193548387524299592144;0.038064516129032256730457817184;0.016774193548387095892282516729;0.012903225806451612892034042090;0.026451612903225805994988917291;0.029677419354838710519040034796;0.011612903225806452470192375870;0.011612903225806452470192375870;0.012903225806451612892034042090;0.019354838709677420205412801124;0.010967741935483870524548066783;0.039354838709677417152299483405;0.030967741935483870940881701017;0.024516129032258065362226417960;0.014838709677419355259520017398;0.040645161290322577574141149626;0.002580645161290322578406808418;0.030322580645161290729960867907;0.016129032258064515681361683619;0.018709677419354839994491968014;0.003870967741935483867610212627;0.009677419354838710102706400562;0.012258064516129032681113208980;0.031612903225806454621249486081;0.007096774193548387524299592144;0.010967741935483870524548066783;0.013548387096774193102954875201;0.012258064516129032681113208980;0.009032258064516129891785567452;0.020645161290322580627254467345;0.000000000000000000000000000000;0.017419354838709676103203349840;0.009032258064516129891785567452;0.016129032258064515681361683619;0.026451612903225805994988917291;0.027096774193548386205909750402;0.016774193548387095892282516729;0.021935483870967741049096133565
-0.026225490196078431875958969499;0.010539215686274510525022307661;0.039460784313725488781088301948;0.258823529411764730046030535959;0.009803921568627450844335413649;0.015686274509803921350936661838;0.007352941176470588133251560237;0.020833333333333332176851016015;0.025980392156862746472212322146;0.020343137254901961369357721310;0.012009803921568628151672619708;0.021813725490196077261284557380;0.007598039215686274404359945578;0.028431372549019607448572699582;0.018627450980392156604237285933;0.020833333333333332176851016015;0.025000000000000001387778780781;0.017156862745098040712310449862;0.009068627450980392898371995614;0.002696078431372548982192238753;0.012990196078431373236106161073;0.016421568627450981031623555850;0.001470588235294117626650312047;0.034558823529411766828367547078;0.023284313725490196622658345404;0.026715686274509802683452264205;0.023774509803921567430151640110;0.004411764705882352879950936142;0.004656862745098039151059321483;0.014950980392156863404973243803;0.012500000000000000693889390391;0.022303921568627451538224804040;0.005392156862745097964384477507;0.009068627450980392898371995614;0.007843137254901960675468330919;0.026960784313725491556645863511;0.006372549019607843048818018872;0.008088235294117647813938454249;0.003921568627450980337734165460;0.006127450980392156777709633531;0.008333333333333333217685101602;0.009558823529411765440588766296;0.000000000000000000000000000000;0.023529411764705882026404992757;0.008088235294117647813938454249;0.018137254901960785796743991227;0.025000000000000001387778780781;0.016421568627450981031623555850;0.010294117647058823386552184331;0.010539215686274510525022307661
-0.010955569080949483298792479502;0.004260499087035909786258525145;0.020693852708460132999723768421;0.620206938527084639112274544459;0.001217285453438831429456845612;0.004260499087035909786258525145;0.006695069993913572645172216369;0.013390139987827145290344432738;0.008520998174071819572517050290;0.010955569080949483298792479502;0.006695069993913572645172216369;0.003651856360316494288370536836;0.007303712720632988576741073672;0.011564211807668898362999598817;0.017041996348143639145034100579;0.006695069993913572645172216369;0.008520998174071819572517050290;0.005477784540474741649396239751;0.013390139987827145290344432738;0.003651856360316494288370536836;0.013390139987827145290344432738;0.007303712720632988576741073672;0.001217285453438831429456845612;0.021911138161898966597584959004;0.011564211807668898362999598817;0.014607425441265977153482147344;0.012172854534388313427206718131;0.000608642726719415714728422806;0.005477784540474741649396239751;0.005477784540474741649396239751;0.003651856360316494288370536836;0.010346926354230066499861884211;0.003043213633597078356801679533;0.007912355447352404508309930975;0.002434570906877662858913691224;0.015824710894704809016619861950;0.001825928180158247144185268418;0.004869141813755325717827382448;0.001217285453438831429456845612;0.007912355447352404508309930975;0.005477784540474741649396239751;0.003043213633597078356801679533;0.000000000000000000000000000000;0.006695069993913572645172216369;0.013390139987827145290344432738;0.007303712720632988576741073672;0.010346926354230066499861884211;0.004260499087035909786258525145;0.005477784540474741649396239751;0.006086427267194156713603359066
-0.023041159578832216825450274200;0.006153425406809790408624305513;0.036715438260631748368378879377;0.270955832079857794614241583986;0.000683713934089976772302821306;0.006700396554081772607092126748;0.001982770408860932542099986264;0.020237932449063310985648556084;0.028100642691098045439224151210;0.054013400793108165554023969435;0.011828251059756598670413829666;0.005401340079310816728874744541;0.003486941063858881636322584185;0.031108984001093943627669347052;0.010871051552030630907297314991;0.013469164501572542663732079404;0.015383563517024476455241632777;0.016956105565431422999012056607;0.008409681389306714049958202395;0.003760426637494872301875625809;0.013127307534527553681269473884;0.010460823191576644475286883562;0.001846027622042937209323465453;0.068849993162860653739265615059;0.018050047859975385661224223099;0.043757691781758513427380563598;0.015862163270887460336799890115;0.007315739094762751387746035903;0.001777656228633939542935205047;0.004239026391357855749753014152;0.004307397784766853199300840060;0.021810474497470259264142455891;0.001504170654997948877382163424;0.003623683850676876969099104997;0.003486941063858881636322584185;0.035894981539723778973804968473;0.006563653767263776840634736942;0.004854368932038834530406923307;0.003555312457267879085870410094;0.002666484342950909205982590322;0.009366880897032681813074717070;0.012717079174073567249259042455;0.000000000000000000000000000000;0.038219608915629699197324953275;0.004307397784766853199300840060;0.023929987693149187139018962966;0.033638725557226856199832809580;0.016340763024750445953081623429;0.007999453028852727617947770966;0.010665937371803636823930361288
-0.007836990595611284526889050994;0.003918495297805642263444525497;0.025974025974025975738168625639;0.436669652186893575418480395456;0.102664576802507831465582910369;0.004105090311986863901849709180;0.008695327660844902328829419957;0.016009852216748769737630908594;0.027877295118674427776284119318;0.011009105836692043706159793715;0.008695327660844902328829419957;0.007948947604120017509932161204;0.000522466039707419069651472832;0.011382295865054485248246685103;0.022279444693237795971363368608;0.008359456635318705114423565306;0.007762352589938796738888715510;0.006642782504851470377904565368;0.006754739513360203360947675577;0.000373190028362442138398086255;0.015039558143006418952647429421;0.019555157486191968724265066726;0.000223914017017465288459862616;0.013434841021047918066533277681;0.009553664726078518396046312944;0.014405135094790267116793280877;0.016159128228093747048355055540;0.058926705478429618201285933310;0.001567398119122256992113983998;0.007277205553067622213758713912;0.002425735184355873926692614972;0.006680101507687714705585602104;0.000709061053888640057535353023;0.009180474697716076853959421555;0.000522466039707419069651472832;0.009143155694879832526278384819;0.002239140170174652721968300284;0.003806538289296910147763153276;0.002388416181519629599011578236;0.001007613076578593811621908927;0.011158381848037021016883940661;0.010038811762949694655899790519;0.000000000000000000000000000000;0.009926854754440961672856680309;0.010934467831019555050797720241;0.013658755038065382297896022123;0.010374682788475891870305645170;0.003209434243917002639590041468;0.001306165099268547565708464830;0.009665621734587251379089423153
-0.014043455219925808294401115006;0.001854795972443031275983527095;0.033386327503974563835065225703;0.438791732909379950111627977094;0.003179650238473768087549276018;0.003709591944886062551967054191;0.004239533651298357450065701357;0.010333863275039744875072322827;0.022257551669316373577078849166;0.020402755696873345336861405031;0.008214096449390567017401210137;0.003709591944886062551967054191;0.001589825119236884043774638009;0.018018018018018017861736623786;0.013778484366719660411670922429;0.011923688394276630436730002316;0.018547959724430313627197008941;0.012453630100688924467466911494;0.002119766825649178725032850679;0.002119766825649178725032850679;0.006359300476947536175098552036;0.015103338632750398090598409340;0.001324854266030736594725314426;0.033121356650768415952335033126;0.012983571807101218498203820673;0.023847376788553260873460004632;0.016428192898781134034802420274;0.067567567567567571318321029139;0.003444621091679915102917730607;0.001589825119236884043774638009;0.005299417064122946378901257702;0.022257551669316373577078849166;0.000264970853206147340629106335;0.009273979862215156813598504471;0.002914679385267620638499952435;0.021197668256491785515605030810;0.002119766825649178725032850679;0.009273979862215156813598504471;0.000529941706412294681258212670;0.004504504504504504465434155946;0.007949125596184419134671017559;0.005034446210916799363532803113;0.000000000000000000000000000000;0.018812930577636461509927201519;0.005829358770535241276999904869;0.015103338632750398090598409340;0.020402755696873345336861405031;0.009538950715421302961605221071;0.003444621091679915102917730607;0.009803921568627450844335413649
-0.013059701492537312966790707947;0.017101990049751242262132677752;0.027363184079601990394969845966;0.360074626865671654218914454759;0.030161691542288558698370337652;0.006529850746268656483395353973;0.010883084577114428628807907273;0.032960199004975127001770829338;0.019745024875621890875221353667;0.020677860696517412486539200245;0.009172885572139303361760553912;0.012282338308457711045784677140;0.000466417910447761185129683659;0.013992537313432836312832030501;0.042288557213930350053843199021;0.013681592039800995197484922983;0.018034825870646767342897476283;0.010105721393034826707801876466;0.016013681592039800960503015403;0.000466417910447761185129683659;0.012126865671641791355472861369;0.010105721393034826707801876466;0.000155472636815920395043227886;0.031560945273631839380623631541;0.014458955223880597118490953790;0.017101990049751242262132677752;0.018190298507462687033209292053;0.019900497512437810565533169438;0.007773631840796020077422046057;0.011349502487562189434466830562;0.005130597014925373199056846119;0.021766169154228857257615814547;0.001710199004975124399685615373;0.009950248756218905282766584719;0.000932835820895522370259367317;0.018501243781094526413832923595;0.003264925373134328241697676987;0.005597014925373134004715769407;0.001088308457711442819512703828;0.000777363184079602029426248055;0.014925373134328357924149877078;0.007462686567164178962074938539;0.000000000000000000000000000000;0.023787313432835820170563323472;0.019434079601990048025150770172;0.015236318407960199039496984597;0.019278606965174128334838954402;0.003264925373134328241697676987;0.002643034825870646878365199939;0.007462686567164178962074938539
-0.013370865587614355618484296429;0.016185784658691061699276048103;0.035186488388458829479343847879;0.453905700211118923181885520535;0.011259676284306826057890482673;0.006333567909922589549143179255;0.005629838142153413028945241336;0.017593244194229414739671923940;0.024630541871921183411098255078;0.021815622800844477330306503404;0.008444757213230119977098730999;0.004222378606615059988549365499;0.002814919071076706514472620668;0.014074595355383532138682234347;0.016185784658691061699276048103;0.011259676284306826057890482673;0.014778325123152708658880172266;0.016185784658691061699276048103;0.009852216748768473017494606836;0.003518648838845883034670558587;0.010555946516537649537692544754;0.013370865587614355618484296429;0.002111189303307529994274682750;0.023926812104152005156176841183;0.003518648838845883034670558587;0.014778325123152708658880172266;0.025334271639690358196572717020;0.026741731175228711236968592857;0.003518648838845883034670558587;0.008444757213230119977098730999;0.000703729767769176628618155167;0.021111893033075299075385089509;0.003518648838845883034670558587;0.011963406052076002578088420591;0.004222378606615059988549365499;0.016185784658691061699276048103;0.004926108374384236508747303418;0.004926108374384236508747303418;0.002111189303307529994274682750;0.004926108374384236508747303418;0.011963406052076002578088420591;0.009852216748768473017494606836;0.000000000000000000000000000000;0.014778325123152708658880172266;0.006333567909922589549143179255;0.011963406052076002578088420591;0.014778325123152708658880172266;0.003518648838845883034670558587;0.004926108374384236508747303418;0.007741027445460942589539055092
-0.018703703703703705024663506151;0.024814814814814813853649511088;0.050000000000000002775557561563;0.013703703703703704053218359604;0.018888888888888889089345823891;0.020185185185185184481015951974;0.006296296296296296363115274630;0.034074074074074076068363581271;0.032592592592592589673117231541;0.017407407407407406163546426114;0.014444444444444443781394582516;0.014999999999999999444888487687;0.012962962962962962590318660716;0.029814814814814814825094657635;0.027222222222222220572307449515;0.015555555555555555108382392859;0.024259259259259258190155605917;0.055740740740740743475178931021;0.021666666666666667406815349750;0.005740740740740740699621369458;0.012592592592592592726230549260;0.026296296296296296779448908865;0.010370370370370370072254928573;0.024814814814814813853649511088;0.022777777777777778733803160094;0.026851851851851852442942814037;0.040185185185185184897349586208;0.023333333333333334397297065266;0.005000000000000000104083408559;0.020185185185185184481015951974;0.017592592592592593697675695807;0.020000000000000000416333634234;0.013518518518518518253812565888;0.013333333333333334189130248149;0.014814814814814815380206169948;0.042777777777777775680689842375;0.012777777777777778525636342977;0.010185185185185186007572610833;0.007222222222222221890697291258;0.014074074074074073917306471060;0.010370370370370370072254928573;0.025185185185185185452461098521;0.000000000000000000000000000000;0.015925925925925926707193980292;0.014999999999999999444888487687;0.010740740740740739936343040029;0.025740740740740741115955003693;0.016666666666666666435370203203;0.027592592592592592171119036948;0.014999999999999999444888487687
-0.009774436090225564061073626476;0.020300751879699249768940205740;0.042105263157894735892572413150;0.057894736842105262719648806069;0.016541353383458645004422393754;0.014285714285714285268213963320;0.015037593984962405180283440131;0.034586466165413533302430693084;0.036090225563909776596016598660;0.032330827067669175300945738627;0.008270676691729322502211196877;0.006015037593984962766002766443;0.008270676691729322502211196877;0.017293233082706766651215346542;0.044360902255639100832951271514;0.009022556390977444149004149665;0.034586466165413533302430693084;0.054887218045112783071370898824;0.019548872180451128122147252952;0.006766917293233082678072243255;0.015037593984962405180283440131;0.030827067669172932007359833051;0.009774436090225564061073626476;0.023308270676691729417218112985;0.012781954887218045444075009698;0.021052631578947367946286206575;0.039849624060150377891087458693;0.020300751879699249768940205740;0.015037593984962405180283440131;0.016541353383458645004422393754;0.009022556390977444149004149665;0.027819548872180452359081925806;0.007518796992481202590141720066;0.012781954887218045444075009698;0.006766917293233082678072243255;0.037593984962406012950708600329;0.009774436090225564061073626476;0.006766917293233082678072243255;0.014285714285714285268213963320;0.020300751879699249768940205740;0.015789473684210526827076392919;0.030827067669172932007359833051;0.000000000000000000000000000000;0.015789473684210526827076392919;0.021804511278195489593079159363;0.018045112781954888298008299330;0.015037593984962405180283440131;0.006766917293233082678072243255;0.016541353383458645004422393754;0.014285714285714285268213963320
-0.021666666666666667406815349750;0.010000000000000000208166817117;0.041666666666666664353702032031;0.221666666666666678509045596002;0.002500000000000000052041704279;0.014166666666666665949647629930;0.006666666666666667094565124074;0.014999999999999999444888487687;0.043333333333333334813630699500;0.012500000000000000693889390391;0.011666666666666667198648532633;0.030833333333333334119741309109;0.005833333333333333599324266316;0.031666666666666669349705642844;0.016666666666666666435370203203;0.024166666666666666157814447047;0.031666666666666669349705642844;0.027500000000000000138777878078;0.005833333333333333599324266316;0.005000000000000000104083408559;0.006666666666666667094565124074;0.035833333333333335091186455656;0.005000000000000000104083408559;0.024166666666666666157814447047;0.015833333333333334674852821422;0.020000000000000000416333634234;0.020000000000000000416333634234;0.006666666666666667094565124074;0.009166666666666666712925959359;0.005000000000000000104083408559;0.031666666666666669349705642844;0.025000000000000001387778780781;0.004166666666666666608842550801;0.012500000000000000693889390391;0.012500000000000000693889390391;0.032500000000000001110223024625;0.006666666666666667094565124074;0.004166666666666666608842550801;0.013333333333333334189130248149;0.009166666666666666712925959359;0.004166666666666666608842550801;0.029166666666666667129259593594;0.000000000000000000000000000000;0.014999999999999999444888487687;0.001666666666666666773641281019;0.012500000000000000693889390391;0.019166666666666665186369300500;0.013333333333333334189130248149;0.013333333333333334189130248149;0.011666666666666667198648532633
-0.018229166666666667823148983985;0.012152777777777777970524830664;0.039930555555555552471602709375;0.213107638888888895056794581251;0.006510416666666666955787245996;0.009548611111111111882099322656;0.014756944444444444058950338672;0.023871527777777776235801354687;0.032986111111111111882099322656;0.024305555555555555941049661328;0.005642361111111111014737584668;0.002604166666666666522106377002;0.006510416666666666955787245996;0.024305555555555555941049661328;0.028211805555555555941049661328;0.018229166666666667823148983985;0.022135416666666667823148983985;0.024305555555555555941049661328;0.015190972222222222029475169336;0.001302083333333333261053188501;0.018663194444444444058950338672;0.016059027777777776235801354687;0.000868055555555555507368792334;0.036024305555555552471602709375;0.016493055555555555941049661328;0.029079861111111111882099322656;0.031684027777777776235801354687;0.013020833333333333911574491992;0.009548611111111111882099322656;0.009982638888888888117900677344;0.013020833333333333911574491992;0.029513888888888888117900677344;0.002604166666666666522106377002;0.011718750000000000000000000000;0.003472222222222222029475169336;0.030815972222222223764198645313;0.004340277777777777970524830664;0.014756944444444444058950338672;0.004340277777777777970524830664;0.005208333333333333044212754004;0.008246527777777777970524830664;0.033420138888888888117900677344;0.000000000000000000000000000000;0.025607638888888888117900677344;0.013888888888888888117900677344;0.019965277777777776235801354687;0.024739583333333332176851016015;0.009982638888888888117900677344;0.006076388888888888985262415332;0.013020833333333333911574491992
-0.011981566820276498552821919930;0.023041474654377881031708241721;0.020276497695852536279348399262;0.236866359447004598548502940503;0.045161290322580642520033933351;0.009216589861751152065738601493;0.021198156682027648883837045446;0.026728110599078341858003682319;0.035023041474654376115083209697;0.010138248847926268139674199631;0.011981566820276498552821919930;0.011059907834101382478886321792;0.006451612903225806446017021045;0.005529953917050691239443160896;0.025806451612903225784068084181;0.012903225806451612892034042090;0.029493087557603686610363524778;0.026728110599078341858003682319;0.024884792626728109710132486043;0.003686635944700460826295440597;0.013824884792626728965969640228;0.016589861751152075453052958665;0.000921658986175115206573860149;0.027649769585253457931939280456;0.021198156682027648883837045446;0.016589861751152075453052958665;0.039631336405529953015314248432;0.011059907834101382478886321792;0.011981566820276498552821919930;0.024884792626728109710132486043;0.009216589861751152065738601493;0.016589861751152075453052958665;0.009216589861751152065738601493;0.011059907834101382478886321792;0.004608294930875576032869300747;0.013824884792626728965969640228;0.004608294930875576032869300747;0.019354838709677420205412801124;0.003686635944700460826295440597;0.008294930875576037726526479332;0.007373271889400921652590881195;0.024884792626728109710132486043;0.000000000000000000000000000000;0.007373271889400921652590881195;0.017511520737327188057541604849;0.013824884792626728965969640228;0.015668202764976959379117360527;0.006451612903225806446017021045;0.011059907834101382478886321792;0.012903225806451612892034042090
-0.013425925925925926221471407018;0.011574074074074073431583897786;0.035879629629629629372633559115;0.198611111111111099392090295623;0.028935185185185185313683220443;0.010416666666666666088425508008;0.016898148148148148250946576354;0.022685185185185186701462001224;0.021990740740740741254732881771;0.017361111111111111882099322656;0.012500000000000000693889390391;0.006481481481481481295159330358;0.008101851851851851402108728450;0.018055555555555553859381490156;0.024074074074074074125473288177;0.011805555555555555247160270937;0.024074074074074074125473288177;0.025462962962962961549484575130;0.028009259259259258051377727838;0.003009259259259259265684161022;0.018055555555555553859381490156;0.015277777777777777276635440273;0.007870370370370369586532355299;0.018287037037037035674957863307;0.013657407407407408037047780169;0.020370370370370372015145221667;0.023379629629629628678744168724;0.016203703703703702804217456901;0.006712962962962963110735703509;0.029166666666666667129259593594;0.007175925925925925874526711823;0.021759259259259259439156508620;0.030324074074074072737694507396;0.006944444444444444058950338672;0.008101851851851851402108728450;0.026388888888888888811790067734;0.005555555555555555767577313730;0.014120370370370369933477050495;0.006018518518518518531368322044;0.005787037037037036715791948893;0.005787037037037036715791948893;0.024074074074074074125473288177;0.000000000000000000000000000000;0.019444444444444444752839729063;0.035185185185185187395351391615;0.019212962962962962937263355911;0.019675925925925926568416102214;0.009953703703703704191996237682;0.015509259259259259092211813424;0.010648148148148147904001881159
-0.032566554665288190151262170957;0.008012406306539156600199369507;0.042000516929439131452728162230;0.044972861204445595262324530950;0.018609459808736107666593539989;0.020289480485913672508369032244;0.002584647195657792731471324998;0.024812613078314810222124719985;0.018867924528301886072378934500;0.055699147066425432062164446734;0.016283277332644095075631085479;0.020289480485913672508369032244;0.009175497544585164630404072739;0.031920392866373742402075208702;0.011889377100025846564768094993;0.019126389247867664478164329012;0.017834065650038768979790404501;0.022098733522874128287760697731;0.017187903851124321230603442245;0.006461617989144481828678312496;0.018350995089170329260808145477;0.014732489015249417702024814503;0.004781597311966916119541082253;0.066683897647971057676130612890;0.029464978030498835404049629005;0.045360558283794261136279146740;0.029852675109847504747451196749;0.005556991470664253938982479752;0.001550788317394675638882794999;0.014861721375032308639640987735;0.014603256655466528499132117247;0.027268027914189713750703347728;0.006978547428276040374972577496;0.008787800465236495287002504995;0.009046265184802273692787899506;0.051046782114241406880239537713;0.011113982941328507877964959505;0.009950891703282501582483732250;0.005169294391315585462942649997;0.008529335745670715146493634506;0.007107779788058929577865274752;0.008529335745670715146493634506;0.000000000000000000000000000000;0.036960454897906433457954733512;0.009304729904368053833296769994;0.024037218919617471535321584497;0.039415869733781340455980313209;0.019514086327216333821565896756;0.015766347893512534794613344502;0.014990953734815197842533684991
-0.021750524109014676005235955358;0.008516771488469600942528003884;0.053066037735849058698534008727;0.194706498951781964423801696284;0.009040880503144653815295050947;0.010220125786163521477978299856;0.002489517819706498977239128578;0.016771488469601678050757698202;0.039308176100628929028335534213;0.029219077568134171202229865116;0.009171907756813417467167681707;0.012185534591194969317173857348;0.007861635220125786152611802038;0.036556603773584904482074620091;0.010351153039832285129850930616;0.012316561844863731234323012131;0.030005241090146749644018697722;0.035770440251572326040285787485;0.009040880503144653815295050947;0.010613207547169810698872716159;0.010351153039832285129850930616;0.019654088050314464514167767106;0.005372117400419287175372673460;0.039046121593291405194037224646;0.019523060796645702597018612323;0.026336477987421384738819796212;0.020047169811320753735062183409;0.014150943396226415421645938864;0.002620545073375262195430890344;0.012316561844863731234323012131;0.008516771488469600942528003884;0.021619496855345910618639848622;0.003930817610062893076305901019;0.005241090146750524390861780688;0.011268343815513627223512393982;0.040225366876310272856720473555;0.008909853249475890163422420187;0.005896226415094340048139720523;0.006813417190775681274439445900;0.013626834381551362548878891801;0.006551362683438154838055922369;0.020702306079664570259701861232;0.000000000000000000000000000000;0.023584905660377360192558882090;0.006027253668763102832650613294;0.012447589098532494886195642891;0.035377358490566036819391371182;0.015068134171907757515307402230;0.014675052410901468294412985927;0.011137316561844863571639763222
-0.029702970297029701596258632890;0.010881286148416822665008218962;0.049799039309871583058875188499;0.148808940299970604570489740581;0.007058131555729830683421077708;0.012057641407705127489791152584;0.006175865111263601631153008498;0.018135476914028034883807904976;0.034408391334182920895390367377;0.027350259778453091946692765646;0.013135967062052739812161306077;0.012155671012645818257480456737;0.006371924321144985768616830768;0.032937947260072542032816045321;0.022742868346240563415250335311;0.023625134790706794202241880498;0.026566022938927555396837476565;0.024311342025291636514960913473;0.009704930889128516105501809363;0.006469953926085678271029610897;0.013724144691696893091914510876;0.025193608469757867301952458661;0.004411332222331144393978608065;0.039898049210861680213824342900;0.031761592000784238942756587676;0.028624644642682089273888479397;0.024409371630232330752097169579;0.016272914420154886011582462402;0.003038917753161454564370114184;0.008920694049602979555646520282;0.017057151259680422561437751483;0.026369963729046170392011916306;0.002548769728457994220710558508;0.009704930889128516105501809363;0.006764042740907754043544475309;0.034212332124301539360011759072;0.008038427605136750503378451072;0.009508871679247132835399725082;0.004999509851975296806370074876;0.008920694049602979555646520282;0.009410842074306440332986944952;0.016370944025095580248718718508;0.000000000000000000000000000000;0.024017253210469560742446049062;0.009802960494069208607914589493;0.018135476914028034883807904976;0.033428095284775999340709518037;0.017351240074502498333952615894;0.010293108518772669385255014163;0.014410351926281737139357019828
-0.015067911714770797909634936218;0.015067911714770797909634936218;0.061757215619694397212846581624;0.188879456706281839695193980333;0.016341256366723261317375204271;0.009974533106960951217567767912;0.002758913412563667247323628828;0.018251273344651951224815178421;0.023981324278438031355475956730;0.024405772495755519158056046081;0.006366723259762309232445698370;0.006366723259762309232445698370;0.010398981324278437285424381287;0.030348047538200337985836441135;0.015280135823429541810924980894;0.008276740237691001741970886485;0.037139219015280132418777014891;0.036502546689303902449630356841;0.004881154499151103658138861618;0.015067911714770797909634936218;0.009974533106960951217567767912;0.025679117147707979096349362180;0.010611205432937181186714425962;0.035229202037351442511337040742;0.013157894736842104532748010115;0.018039049235993209058248609722;0.016977928692699491286521862321;0.021010186757215620206862283226;0.004244482173174872821630465580;0.010611205432937181186714425962;0.004032258064516128920340420905;0.033106960950764006967883545940;0.005517826825127334494647257657;0.005517826825127334494647257657;0.016977928692699491286521862321;0.042869269949066216018884745154;0.008913412563667233445841020512;0.004668930390492359756848816943;0.003820033955857385452731245223;0.018675721561969439027395267772;0.006578947368421052266374005058;0.024405772495755519158056046081;0.000000000000000000000000000000;0.020797962648556874570848762573;0.009125636672325975612407589210;0.011247877758913412890584559989;0.029923599320882853652703303737;0.015704584040747027878781594268;0.015916808149405773514795114920;0.009550084889643463414987678561
-0.021859083191850595812022461928;0.013370118845500848434038054791;0.035653650254668933783364082046;0.142190152801358243861429286881;0.049872665534804752618391887609;0.029286926994906620214109693734;0.006154499151103565331155653695;0.015492359932088285712215025569;0.015280135823429541810924980894;0.012945670628183362366181441416;0.015067911714770797909634936218;0.033106960950764006967883545940;0.013794567062818336236618144142;0.023769100169779285719462436077;0.019524617996604414632555446474;0.017614601018675721255668520371;0.019312393887945668996541925821;0.027164685908319184670656198932;0.020161290322580644601702104524;0.007852292020373513939390797134;0.011672325976230900693164649340;0.024830220713073003491189183478;0.013582342954159592335328099466;0.018675721561969439027395267772;0.028013582342954160275816377634;0.019949066213921902435135535825;0.020585738539898132404282193875;0.013582342954159592335328099466;0.002971137521222410714932804510;0.032470288624787776998736887890;0.026103565365025466898929451531;0.014219015280135824039198233493;0.013370118845500848434038054791;0.008701188455008489544550975836;0.018463497453310696860828699073;0.024405772495755519158056046081;0.007003395585738540068954094409;0.011247877758913412890584559989;0.002971137521222410714932804510;0.021222410865874362373428851924;0.005942275042444821429865609019;0.011460101867572156791874604664;0.000000000000000000000000000000;0.013157894736842104532748010115;0.018463497453310696860828699073;0.015067911714770797909634936218;0.016977928692699491286521862321;0.014643463497453310107054846867;0.018039049235993209058248609722;0.012733446519524618464891396741
-0.017104846373139057785772720877;0.025340513145391194149702585037;0.022901488755147293013836318210;0.112923661704149511098016489541;0.058473234082990183102523928937;0.012511878365536901677734782368;0.011973392461197340103096209418;0.031010452961672475141741145421;0.006493506493506493934542156410;0.013082039911308204413464828519;0.020177383592017737040658076353;0.004719670573329110344062975457;0.012606905289832119956838774044;0.019892302819132089142240005231;0.048051948051948054074777871847;0.008108964206525182127904827212;0.010167880899588217086249031240;0.039024390243902438990541980957;0.024073487488121634442217455785;0.005733291099144758110051078859;0.020525815647766867261259093880;0.006240101362052581993045130559;0.031834019638897689818968217423;0.017833386126069054183895801202;0.015140956604371239371809032548;0.020019005384859043378265042179;0.038137472283813748930025866457;0.040924928729806776817046198857;0.003357617991764333224835592517;0.019385492556224265259245953530;0.004339562876148242431817436682;0.009977827050997782262764523864;0.018783655369021223097147910153;0.009724421919543870321267498014;0.024897054165346849119444527787;0.021856192587899905821480217583;0.012701932214127336501219289744;0.007665505226480836230285031974;0.000665188470066518846429692857;0.023693379790940768264695392986;0.011054798859676908881488621716;0.005923344947735192066173848247;0.000000000000000000000000000000;0.012226797592651252044593235269;0.034621476084890717705988549824;0.016946468165980360653932734749;0.013462147608489072325710367295;0.010928096293949952910740108791;0.032530883750395943321276348570;0.010231232182451694204261549714
-0.007369614512471655415337679074;0.030612244897959182965418989397;0.023809523809523808202115446875;0.243764172335600909358177545982;0.063492063492063488538974525000;0.006802721088435373895941804534;0.004535147392290249553081782352;0.024376417233560092323596535380;0.023242630385487527550081310324;0.006235827664399093243907667983;0.015873015873015872134743631250;0.006235827664399093243907667983;0.008503401360544218454129428153;0.012471655328798186487815335965;0.056689342403628120714564886384;0.003968253968253968033685907812;0.009637188208616779758197701256;0.034013605442176873816517712612;0.020408163265306120820463675614;0.001700680272108843473985451134;0.019274376417233559516395402511;0.029478458049886621661350716295;0.023242630385487527550081310324;0.012471655328798186487815335965;0.009070294784580499106163564704;0.010770975056689342796989450335;0.022108843537414966246013037221;0.045351473922902493796094347545;0.001133786848072562388270445588;0.024376417233560092323596535380;0.003968253968253968033685907812;0.006802721088435373895941804534;0.013605442176870747791883609068;0.009070294784580499106163564704;0.009637188208616779758197701256;0.018140589569160998212327129409;0.006235827664399093243907667983;0.005102040816326530205115918903;0.009637188208616779758197701256;0.007936507936507936067371815625;0.008503401360544218454129428153;0.015873015873015872134743631250;0.000000000000000000000000000000;0.007936507936507936067371815625;0.034580498866213150999104897210;0.006802721088435373895941804534;0.007369614512471655415337679074;0.005102040816326530205115918903;0.013605442176870747791883609068;0.009070294784580499106163564704
-0.017241379310344827346934692969;0.015325670498084290396811901758;0.011494252873563218231289795312;0.528735632183908066394906200003;0.030651340996168580793623803515;0.011494252873563218231289795312;0.018199233716475096689357826563;0.020114942528735631904757141797;0.002873563218390804557822448828;0.013409961685823755181412586523;0.007662835249042145198405950879;0.011494252873563218231289795312;0.001915708812260536299601487720;0.004789272030651340640583502051;0.036398467432950193378715653125;0.005747126436781609115644897656;0.002873563218390804557822448828;0.010536398467432950623590137695;0.018199233716475096689357826563;0.001915708812260536299601487720;0.014367816091954022789112244141;0.005747126436781609115644897656;0.000957854406130268149800743860;0.005747126436781609115644897656;0.008620689655172413673467346484;0.014367816091954022789112244141;0.018199233716475096689357826563;0.004789272030651340640583502051;0.002873563218390804557822448828;0.014367816091954022789112244141;0.011494252873563218231289795312;0.006704980842911877590706293262;0.000957854406130268149800743860;0.000957854406130268149800743860;0.001915708812260536299601487720;0.004789272030651340640583502051;0.003831417624521072599202975439;0.013409961685823755181412586523;0.000000000000000000000000000000;0.001915708812260536299601487720;0.012452107279693485838989452930;0.000000000000000000000000000000;0.000000000000000000000000000000;0.009578544061302681281167004101;0.028735632183908045578224488281;0.021072796934865901247180275391;0.006704980842911877590706293262;0.004789272030651340640583502051;0.004789272030651340640583502051;0.004789272030651340640583502051
-0.008552631578947368987120292161;0.010000000000000000208166817117;0.015789473684210526827076392919;0.485921052631578920255606135470;0.098157894736842110638974645553;0.009473684210526316443190530947;0.009736842105263158325678674032;0.011973684210526315194189628244;0.016842105263157894357028965260;0.008815789473684210869608435246;0.007105263157894736898712029216;0.012368421052631578885283580860;0.001973684210526315853384549115;0.008552631578947368987120292161;0.022631578947368422710662017039;0.007236842105263157839956100759;0.008289473684210527104632149076;0.005789473684210526618909575802;0.013421052631578948149959629177;0.000526315789473684198657155164;0.013947368421052631914935915347;0.011184210526315789546725198988;0.000526315789473684198657155164;0.011710526315789473311701485159;0.007105263157894736898712029216;0.008684210526315789061002625715;0.010000000000000000208166817117;0.036315789473684211008386313324;0.003552631578947368449356014608;0.024473684210526314153355542658;0.003684210526315789390600086151;0.008815789473684210869608435246;0.001578947368421052595971465493;0.005394736842105262927815623186;0.000394736842105263148992866373;0.008684210526315789061002625715;0.001447368421052631654727393951;0.004078947368421052648013169772;0.001315789473684210496642887911;0.001710526315789473754055971533;0.008289473684210527104632149076;0.009342105263157894634584721416;0.000000000000000000000000000000;0.012763157894736842576377533476;0.012105263157894737002795437775;0.012500000000000000693889390391;0.007894736842105263413538196460;0.002368421052631579110797632737;0.002368421052631579110797632737;0.004605263157894736412989455943
-0.010319917440660474755587117102;0.005263157894736841986571551644;0.028482972136222910186642565122;0.519401444788441746247542596393;0.013622291021671827440653324004;0.006398348813209494417852951642;0.012590299277605779618149917098;0.021155830753353973422425937656;0.028895768833849328621754537494;0.015067079463364293698268703281;0.004540763673890608857763862005;0.006191950464396285200296965456;0.001444788441692466474455813774;0.009081527347781217715527724010;0.026212590299277607058803241102;0.003921568627450980337734165460;0.017337461300309598560831503278;0.009391124871001032409223441277;0.005985552115583075115379241282;0.000825593395252837954426117228;0.019504643962848296212531096216;0.011971104231166150230758482564;0.000206398348813209488606529307;0.021052631578947367946286206575;0.007017543859649122937882648188;0.012177502579979359448314468750;0.018163054695562435431055448021;0.018369453044375646383334910183;0.003508771929824561468941324094;0.004747162022703818075319848191;0.002683178534571723297674772368;0.010835913312693498666838820554;0.001341589267285861648837386184;0.008049535603715169893024317105;0.000825593395252837954426117228;0.012899896800825592577122158389;0.002786377708978328340133634455;0.001960784313725490168867082730;0.000515995872033023694411268956;0.004024767801857584946512158552;0.014447884416924664310877268747;0.011764705882352941013202496379;0.000000000000000000000000000000;0.017956656346749224478775985858;0.007430340557275541372994620559;0.022807017543859650632320779096;0.007017543859649122937882648188;0.002373581011351909037659924095;0.001547987616099071300074241364;0.005882352941176470506601248189
-0.006666666666666667094565124074;0.003333333333333333547282562037;0.010000000000000000208166817117;0.414444444444444448638620315251;0.000000000000000000000000000000;0.003333333333333333547282562037;0.022222222222222223070309254922;0.042222222222222223486642889156;0.041111111111111112159655078813;0.022222222222222223070309254922;0.004444444444444444440589503387;0.008888888888888888881179006773;0.000000000000000000000000000000;0.011111111111111111535154627461;0.018888888888888889089345823891;0.005555555555555555767577313730;0.032222222222222221543752596062;0.012222222222222222862142437805;0.002222222222222222220294751693;0.002222222222222222220294751693;0.024444444444444445724284875610;0.006666666666666667094565124074;0.000000000000000000000000000000;0.017777777777777777762358013547;0.002222222222222222220294751693;0.005555555555555555767577313730;0.016666666666666666435370203203;0.087777777777777774015355305437;0.002222222222222222220294751693;0.002222222222222222220294751693;0.000000000000000000000000000000;0.005555555555555555767577313730;0.001111111111111111110147375847;0.002222222222222222220294751693;0.000000000000000000000000000000;0.005555555555555555767577313730;0.000000000000000000000000000000;0.002222222222222222220294751693;0.000000000000000000000000000000;0.001111111111111111110147375847;0.013333333333333334189130248149;0.068888888888888888395456433500;0.000000000000000000000000000000;0.011111111111111111535154627461;0.008888888888888888881179006773;0.038888888888888889505679458125;0.007777777777777777554191196430;0.001111111111111111110147375847;0.001111111111111111110147375847;0.002222222222222222220294751693
-0.018913429804518912258348706246;0.008631632394008631470327941315;0.030718456461030718696036956317;0.274181264280274172850937475232;0.078192434628078191782840633550;0.011805026656511804702964774094;0.004188880426504188597691680229;0.013582127443513582892853364115;0.021325209444021324400875272431;0.016628585935516627253294430488;0.009266311246509267157689393457;0.016247778624016249310324511157;0.009266311246509267157689393457;0.020563594821020565045488481815;0.012566641279512565793075040688;0.011678090886011677565492483666;0.014089870525514089708019049851;0.014851485148514850798129316445;0.015613099771515613622963059015;0.004950495049504950555163684811;0.010789540492510789337909926644;0.017136329017517135803183592202;0.006346788525006346465273665558;0.020055851739020056495599320101;0.018659558263518657983404125389;0.019421172886519420808237867959;0.020055851739020056495599320101;0.042650418888042648801750544862;0.002284843869002285005054275757;0.019294237116019293670765577531;0.008377760853008377195383360458;0.013709063214013708295602178566;0.005458238131505458237691108536;0.008885503935008885745272522172;0.013709063214013708295602178566;0.019040365575019039395820996674;0.005458238131505458237691108536;0.007996953541507997517689965150;0.002792586951002792687581699482;0.012820512820512820068019621544;0.004061944656004062327581127789;0.017644072099517644353072753916;0.000000000000000000000000000000;0.015359228230515359348018478158;0.009647118558009646835382788765;0.014216806296014216845491340280;0.020817466362020815850986110718;0.011424219345011425025271378786;0.011931962427011931840437064523;0.012693577050012692930547331116
-0.011859086152772932779009273929;0.010812696198116497278696179762;0.030694105336588770049921492955;0.343564701778862946479620177342;0.073944890129054766103600115912;0.011510289501220788768720559858;0.002790373212417160755927092453;0.011859086152772932779009273929;0.027206138821067316069246544430;0.010463899546564353268407465691;0.007324729682595046767468183191;0.013254272758981514024334558144;0.005929543076386466389504636965;0.013254272758981514024334558144;0.013951866062085803779635462263;0.011161492849668643023708369810;0.008022322985699336522769087310;0.010115102895012207523395275643;0.005231949773282176634203732846;0.004883153121730031756553280786;0.007673526334147192512480373239;0.013254272758981514024334558144;0.004185559818625741133890638679;0.017091035926055108545851268786;0.016044645971398673045538174620;0.016393442622950820525273840644;0.014300662713637949524647652311;0.099058249040809204233326568101;0.003139169863969306067258413506;0.013254272758981514024334558144;0.009068712940355772023082181477;0.009766306243460063513106561572;0.001743983257760725472454432783;0.004534356470177886011541090738;0.008022322985699336522769087310;0.013254272758981514024334558144;0.003139169863969306067258413506;0.006975933031042901889817731131;0.003836763167073596256240186619;0.006975933031042901889817731131;0.004534356470177886011541090738;0.020579002441576562526526217312;0.000000000000000000000000000000;0.011161492849668643023708369810;0.004185559818625741133890638679;0.010115102895012207523395275643;0.018486222532263691525900028978;0.012207882804325078524021463977;0.008022322985699336522769087310;0.011161492849668643023708369810
-0.015050167224080267941443977975;0.035674470457079152097001895072;0.032329988851727983756312312380;0.173355629877368994096187293508;0.054626532887402455551661972777;0.010033444816053511960962651983;0.005016722408026755980481325992;0.014492753623188405973087888867;0.033444816053511704223577538642;0.013377926421404682036375710652;0.007803790412486064954900033541;0.022853957636566332028982273528;0.009476031215161649992606562876;0.020624303232998884155557917097;0.018952062430323299985213125751;0.015607580824972129909800067082;0.011148272017837235897674830198;0.032329988851727983756312312380;0.012820512820512820068019621544;0.006688963210702341018187855326;0.013377926421404682036375710652;0.019509476031215160218845738882;0.012820512820512820068019621544;0.020066889632107023921925303966;0.020066889632107023921925303966;0.021739130434782608092270095312;0.021739130434782608092270095312;0.083612040133779264028390798558;0.003901895206243032477450016771;0.021181716833890747858637482182;0.016722408026755852111788769321;0.011705685618729096131307443329;0.007246376811594202986543944434;0.006131549609810479049831766218;0.010590858416945373929318741091;0.020624303232998884155557917097;0.005016722408026755980481325992;0.013935340022296544004731799760;0.008361204013377926055894384660;0.009476031215161649992606562876;0.010033444816053511960962651983;0.025641025641025640136039243089;0.000000000000000000000000000000;0.010033444816053511960962651983;0.014492753623188405973087888867;0.007803790412486064954900033541;0.017279821627647715814868334405;0.008361204013377926055894384660;0.008361204013377926055894384660;0.004459308807134894012125236884
-0.026190476190476191103995162734;0.024603174603174602502742018828;0.020634920634920634469056111016;0.130158730158730168158243145626;0.013492063492063492702310867344;0.031746031746031744269487262500;0.004761904761904762334312479766;0.011111111111111111535154627461;0.044444444444444446140618509844;0.011904761904761904101057723437;0.011111111111111111535154627461;0.039682539682539680336859078125;0.012698412698412698401684295391;0.011111111111111111535154627461;0.018253968253968255036623347110;0.014285714285714285268213963320;0.010317460317460317234528055508;0.024603174603174602502742018828;0.014285714285714285268213963320;0.004761904761904762334312479766;0.011111111111111111535154627461;0.026190476190476191103995162734;0.007142857142857142634106981660;0.015079365079365079568840535273;0.031746031746031744269487262500;0.011111111111111111535154627461;0.014285714285714285268213963320;0.083333333333333328707404064062;0.002380952380952381167156239883;0.030952380952380953438307642500;0.034920634920634921471993550313;0.011904761904761904101057723437;0.006349206349206349200842147695;0.010317460317460317234528055508;0.012698412698412698401684295391;0.019047619047619049337249919063;0.005555555555555555767577313730;0.019841269841269840168429539062;0.017460317460317460735996775156;0.017460317460317460735996775156;0.008730158730158730367998387578;0.048412698412698414174304417656;0.000000000000000000000000000000;0.006349206349206349200842147695;0.016666666666666666435370203203;0.014285714285714285268213963320;0.008730158730158730367998387578;0.011904761904761904101057723437;0.007936507936507936067371815625;0.007936507936507936067371815625
-0.028571428571428570536427926640;0.008730158730158730367998387578;0.024603174603174602502742018828;0.192857142857142865866038050626;0.011111111111111111535154627461;0.028571428571428570536427926640;0.017460317460317460735996775156;0.022222222222222223070309254922;0.018253968253968255036623347110;0.007936507936507936067371815625;0.017460317460317460735996775156;0.038095238095238098674499838125;0.022222222222222223070309254922;0.014285714285714285268213963320;0.019047619047619049337249919063;0.020634920634920634469056111016;0.019047619047619049337249919063;0.013492063492063492702310867344;0.015873015873015872134743631250;0.004761904761904762334312479766;0.024603174603174602502742018828;0.015079365079365079568840535273;0.004761904761904762334312479766;0.020634920634920634469056111016;0.032539682539682542039560786407;0.022222222222222223070309254922;0.030952380952380953438307642500;0.023015873015873017370935826875;0.007936507936507936067371815625;0.039682539682539680336859078125;0.027777777777777776235801354687;0.014285714285714285268213963320;0.006349206349206349200842147695;0.009523809523809524668624959531;0.016666666666666666435370203203;0.014285714285714285268213963320;0.010317460317460317234528055508;0.012698412698412698401684295391;0.003968253968253968033685907812;0.009523809523809524668624959531;0.003968253968253968033685907812;0.026190476190476191103995162734;0.000000000000000000000000000000;0.013492063492063492702310867344;0.007142857142857142634106981660;0.009523809523809524668624959531;0.011904761904761904101057723437;0.010317460317460317234528055508;0.013492063492063492702310867344;0.011904761904761904101057723437
-0.014814814814814815380206169948;0.006296296296296296363115274630;0.076296296296296292616112566520;0.065555555555555561353386906376;0.014814814814814815380206169948;0.017407407407407406163546426114;0.008888888888888888881179006773;0.014074074074074073917306471060;0.029629629629629630760412339896;0.024444444444444445724284875610;0.010000000000000000208166817117;0.006666666666666667094565124074;0.015555555555555555108382392859;0.043703703703703702942995334979;0.008888888888888888881179006773;0.011111111111111111535154627461;0.027777777777777776235801354687;0.032222222222222221543752596062;0.004074074074074073709139653943;0.017037037037037038034181790636;0.009629629629629630344078705662;0.038148148148148146308056283260;0.015185185185185185244294281404;0.031851851851851853414387960584;0.025555555555555557051272685953;0.025925925925925925180637321432;0.020740740740740740144509857146;0.012222222222222222862142437805;0.004444444444444444440589503387;0.014444444444444443781394582516;0.007777777777777777554191196430;0.027037037037037036507625131776;0.007777777777777777554191196430;0.014444444444444443781394582516;0.028888888888888887562789165031;0.033703703703703701000105041885;0.008518518518518519017090895318;0.011481481481481481399242738917;0.006666666666666667094565124074;0.044814814814814814269983145323;0.004074074074074073709139653943;0.013333333333333334189130248149;0.000000000000000000000000000000;0.012592592592592592726230549260;0.008888888888888888881179006773;0.011481481481481481399242738917;0.039259259259259257635044093604;0.029629629629629630760412339896;0.025185185185185185452461098521;0.017037037037037038034181790636
-0.025833333333333333148296162562;0.007499999999999999722444243844;0.070000000000000006661338147751;0.008333333333333333217685101602;0.051666666666666666296592325125;0.010000000000000000208166817117;0.010833333333333333703407674875;0.018333333333333333425851918719;0.014999999999999999444888487687;0.028333333333333331899295259859;0.023333333333333334397297065266;0.007499999999999999722444243844;0.012500000000000000693889390391;0.040000000000000000832667268469;0.008333333333333333217685101602;0.015833333333333334674852821422;0.016666666666666666435370203203;0.025833333333333333148296162562;0.028333333333333331899295259859;0.010000000000000000208166817117;0.020000000000000000416333634234;0.017500000000000001665334536938;0.018333333333333333425851918719;0.036666666666666666851703837438;0.021666666666666667406815349750;0.035833333333333335091186455656;0.030833333333333334119741309109;0.009166666666666666712925959359;0.001666666666666666773641281019;0.031666666666666669349705642844;0.010000000000000000208166817117;0.011666666666666667198648532633;0.010833333333333333703407674875;0.010000000000000000208166817117;0.020000000000000000416333634234;0.044999999999999998334665463062;0.012500000000000000693889390391;0.012500000000000000693889390391;0.000000000000000000000000000000;0.029999999999999998889776975375;0.006666666666666667094565124074;0.003333333333333333547282562037;0.000000000000000000000000000000;0.020833333333333332176851016015;0.016666666666666666435370203203;0.014166666666666665949647629930;0.042500000000000003053113317719;0.027500000000000000138777878078;0.030833333333333334119741309109;0.017500000000000001665334536938
-0.025669642857142856151586585156;0.012276785714285714037896646289;0.023437500000000000000000000000;0.001116071428571428509474161572;0.155133928571428575393653659376;0.055803571428571431545240244532;0.003348214285714285528422484717;0.007812500000000000000000000000;0.026785714285714284227379877734;0.004464285714285714037896646289;0.013392857142857142113689938867;0.073660714285714287696826829688;0.021205357142857143848413414844;0.004464285714285714037896646289;0.010044642857142857886310061133;0.015625000000000000000000000000;0.007812500000000000000000000000;0.014508928571428571924206707422;0.041294642857142856151586585156;0.007812500000000000000000000000;0.007812500000000000000000000000;0.013392857142857142113689938867;0.008928571428571428075793292578;0.008928571428571428075793292578;0.037946428571428568454759755468;0.007812500000000000000000000000;0.011160714285714285962103353711;0.003348214285714285528422484717;0.001116071428571428509474161572;0.125000000000000000000000000000;0.069196428571428575393653659376;0.010044642857142857886310061133;0.007812500000000000000000000000;0.008928571428571428075793292578;0.015625000000000000000000000000;0.012276785714285714037896646289;0.003348214285714285528422484717;0.012276785714285714037896646289;0.006696428571428571056844969434;0.020089285714285715772620122266;0.001116071428571428509474161572;0.020089285714285715772620122266;0.000000000000000000000000000000;0.005580357142857142981051676855;0.014508928571428571924206707422;0.007812500000000000000000000000;0.007812500000000000000000000000;0.005580357142857142981051676855;0.013392857142857142113689938867;0.006696428571428571056844969434
-0.033020019531250000000000000000;0.018941243489583332176851016015;0.037353515625000000000000000000;0.004842122395833333044212754004;0.020833333333333332176851016015;0.027852376302083332176851016015;0.005533854166666666955787245996;0.016866048177083332176851016015;0.027526855468750000000000000000;0.020975748697916667823148983985;0.016540527343750000000000000000;0.036071777343750000000000000000;0.018656412760416667823148983985;0.030171712239583332176851016015;0.014139811197916666088425508008;0.025675455729166667823148983985;0.017822265625000000000000000000;0.033406575520833335646297967969;0.014546712239583333911574491992;0.007792154947916666955787245996;0.012674967447916666088425508008;0.017354329427083332176851016015;0.013895670572916666088425508008;0.026184082031250000000000000000;0.034383138020833335646297967969;0.030090332031250000000000000000;0.025187174479166667823148983985;0.024414062500000000000000000000;0.001525878906250000000000000000;0.032430013020833335646297967969;0.034179687500000000000000000000;0.014546712239583333911574491992;0.010518391927083333911574491992;0.011047363281250000000000000000;0.026713053385416667823148983985;0.027282714843750000000000000000;0.009256998697916666088425508008;0.014628092447916666088425508008;0.013305664062500000000000000000;0.019348144531250000000000000000;0.006632486979166666955787245996;0.026000976562500000000000000000;0.000000000000000000000000000000;0.020955403645833332176851016015;0.008666992187500000000000000000;0.018554687500000000000000000000;0.025817871093750000000000000000;0.024963378906250000000000000000;0.024597167968750000000000000000;0.016276041666666667823148983985
-0.033333333333333332870740406406;0.018703703703703705024663506151;0.053148148148148145752944770948;0.005000000000000000104083408559;0.009259259259259258745267118229;0.024629629629629629788967193349;0.003148148148148148181557637315;0.018518518518518517490534236458;0.046296296296296293726335591145;0.028703703703703703498106847292;0.014814814814814815380206169948;0.020555555555555556079827539406;0.012037037037037037062736644089;0.036666666666666666851703837438;0.011666666666666667198648532633;0.022777777777777778733803160094;0.027222222222222220572307449515;0.039259259259259257635044093604;0.011851851851851851263330850372;0.010370370370370370072254928573;0.013333333333333334189130248149;0.025185185185185185452461098521;0.008703703703703703081773213057;0.031851851851851853414387960584;0.034444444444444444197728216750;0.033703703703703701000105041885;0.026666666666666668378260496297;0.012592592592592592726230549260;0.002407407407407407586019676415;0.018333333333333333425851918719;0.024074074074074074125473288177;0.022222222222222223070309254922;0.007962962962962963353596990146;0.010740740740740739936343040029;0.015740740740740739173064710599;0.044074074074074071072359970458;0.011111111111111111535154627461;0.011296296296296295599836945200;0.007407407407407407690103084974;0.014074074074074073917306471060;0.005740740740740740699621369458;0.028518518518518519433424529552;0.000000000000000000000000000000;0.019629629629629628817522046802;0.007037037037037036958653235530;0.012962962962962962590318660716;0.043518518518518518878313017240;0.021296296296296295808003762318;0.021481481481481479872686080057;0.015925925925925926707193980292
-0.034179687500000000000000000000;0.008463541666666666088425508008;0.067708333333333328707404064062;0.003906250000000000000000000000;0.001953125000000000000000000000;0.018229166666666667823148983985;0.002929687500000000000000000000;0.017252604166666667823148983985;0.059244791666666664353702032031;0.024088541666666667823148983985;0.012369791666666666088425508008;0.014322916666666666088425508008;0.007161458333333333044212754004;0.033528645833333335646297967969;0.005859375000000000000000000000;0.015950520833333332176851016015;0.032552083333333335646297967969;0.045572916666666664353702032031;0.007161458333333333044212754004;0.019205729166666667823148983985;0.013997395833333333911574491992;0.049479166666666664353702032031;0.027018229166666667823148983985;0.028320312500000000000000000000;0.022135416666666667823148983985;0.030924479166666667823148983985;0.027343750000000000000000000000;0.005208333333333333044212754004;0.000651041666666666630526594250;0.007486979166666666955787245996;0.017903645833333332176851016015;0.016927083333333332176851016015;0.005859375000000000000000000000;0.009114583333333333911574491992;0.026367187500000000000000000000;0.044270833333333335646297967969;0.014322916666666666088425508008;0.007486979166666666955787245996;0.026041666666666667823148983985;0.047851562500000000000000000000;0.002604166666666666522106377002;0.023763020833333332176851016015;0.000000000000000000000000000000;0.015625000000000000000000000000;0.001953125000000000000000000000;0.014973958333333333911574491992;0.024739583333333332176851016015;0.020507812500000000000000000000;0.025065104166666667823148983985;0.010416666666666666088425508008
-0.022689075630252100029826678451;0.008963585434173668847757099343;0.058543417366946778890302027776;0.122969187675070021348311399834;0.007002801120448179546251754601;0.021288515406162465681827455910;0.008963585434173668847757099343;0.017647058823529411519803744568;0.035574229691876749215317943253;0.021288515406162465681827455910;0.011764705882352941013202496379;0.017927170868347337695514198685;0.014005602240896359092503509203;0.030252100840336134529584555253;0.011764705882352941013202496379;0.016806722689075629523225430262;0.022128851540616247678405770216;0.035574229691876749215317943253;0.014285714285714285268213963320;0.010084033613445378754769343743;0.012324929971988795099346880590;0.022689075630252100029826678451;0.007282913165266106589323946707;0.029691876750700278708716695064;0.028851540616246500181585332712;0.027731092436974788539849612334;0.024929971988795519843851167252;0.005322128851540616420456863978;0.005042016806722689377384671872;0.020448179271708683685249141604;0.022689075630252100029826678451;0.020168067226890757509538687486;0.007843137254901960675468330919;0.010084033613445378754769343743;0.013445378151260505006359124991;0.032212885154061621229004686029;0.011764705882352941013202496379;0.019327731092436975512960373180;0.003081232492997198774836720148;0.014565826330532213178647893415;0.003921568627450980337734165460;0.016806722689075629523225430262;0.000000000000000000000000000000;0.017927170868347337695514198685;0.007843137254901960675468330919;0.017927170868347337695514198685;0.032492997198879554343609044054;0.018487394957983193516382058874;0.019607843137254901688670827298;0.015966386554621847526647115956
-0.022321428571428571924206707422;0.006696428571428571056844969434;0.026785714285714284227379877734;0.364583333333333314829616256247;0.040922619047619047949471138281;0.019345238095238095898942276563;0.008184523809523809936838922852;0.010416666666666666088425508008;0.011160714285714285962103353711;0.021577380952380952050528861719;0.017113095238095239747355691406;0.029017857142857143848413414844;0.008184523809523809936838922852;0.015625000000000000000000000000;0.017113095238095239747355691406;0.019345238095238095898942276563;0.011904761904761904101057723437;0.007440476190476190063161077148;0.010416666666666666088425508008;0.002976190476190476025264430859;0.006696428571428571056844969434;0.005952380952380952050528861719;0.003720238095238095031580538574;0.012648809523809523974735569141;0.034226190476190479494711382813;0.014136904761904761987367784570;0.011904761904761904101057723437;0.046130952380952383595769106250;0.004464285714285714037896646289;0.015625000000000000000000000000;0.014880952380952380126322154297;0.011904761904761904101057723437;0.002976190476190476025264430859;0.003720238095238095031580538574;0.008928571428571428075793292578;0.014136904761904761987367784570;0.005952380952380952050528861719;0.014136904761904761987367784570;0.002232142857142857018948323145;0.004464285714285714037896646289;0.004464285714285714037896646289;0.005952380952380952050528861719;0.000000000000000000000000000000;0.012648809523809523974735569141;0.003720238095238095031580538574;0.013392857142857142113689938867;0.015625000000000000000000000000;0.014136904761904761987367784570;0.010416666666666666088425508008;0.009672619047619047949471138281
-0.040039062500000000000000000000;0.007568359375000000000000000000;0.041992187500000000000000000000;0.005452473958333333044212754004;0.008300781250000000000000000000;0.029378255208333332176851016015;0.003662109375000000000000000000;0.033284505208333335646297967969;0.013183593750000000000000000000;0.026855468750000000000000000000;0.025878906250000000000000000000;0.011311848958333333911574491992;0.022623697916666667823148983985;0.037679036458333335646297967969;0.013264973958333333911574491992;0.019938151041666667823148983985;0.014241536458333333911574491992;0.039062500000000000000000000000;0.031738281250000000000000000000;0.009114583333333333911574491992;0.024169921875000000000000000000;0.008951822916666666088425508008;0.013753255208333333911574491992;0.034830729166666664353702032031;0.040445963541666664353702032031;0.039306640625000000000000000000;0.043538411458333335646297967969;0.010253906250000000000000000000;0.001383463541666666738946811499;0.015136718750000000000000000000;0.011230468750000000000000000000;0.017252604166666667823148983985;0.019938151041666667823148983985;0.007649739583333333044212754004;0.024332682291666667823148983985;0.042480468750000000000000000000;0.018798828125000000000000000000;0.011881510416666666088425508008;0.001302083333333333261053188501;0.010904947916666666088425508008;0.007649739583333333044212754004;0.007486979166666666955787245996;0.000000000000000000000000000000;0.018554687500000000000000000000;0.011067708333333333911574491992;0.013916015625000000000000000000;0.032063802083333335646297967969;0.020263671875000000000000000000;0.042399088541666664353702032031;0.014485677083333333911574491992
-0.012916666666666666574148081281;0.009583333333333332593184650250;0.040416666666666663243479007406;0.311041666666666660745477201999;0.035208333333333334536074943344;0.017500000000000001665334536938;0.003541666666666666487411907482;0.032708333333333332315628894094;0.013541666666666667129259593594;0.017916666666666667545593227828;0.013541666666666667129259593594;0.004583333333333333356462979680;0.009583333333333332593184650250;0.017500000000000001665334536938;0.032083333333333331760517381781;0.006666666666666667094565124074;0.029374999999999998334665463062;0.024166666666666666157814447047;0.014791666666666666504759142242;0.002083333333333333304421275400;0.019583333333333334536074943344;0.008541666666666666157814447047;0.003749999999999999861222121922;0.023958333333333334952408577578;0.016041666666666665880258690891;0.016666666666666666435370203203;0.039583333333333331482961625625;0.023124999999999999722444243844;0.003125000000000000173472347598;0.011875000000000000138777878078;0.002083333333333333304421275400;0.013541666666666667129259593594;0.008125000000000000277555756156;0.005833333333333333599324266316;0.005000000000000000104083408559;0.026874999999999999583666365766;0.006458333333333333287074040641;0.005208333333333333044212754004;0.000416666666666666693410320255;0.003958333333333333668713205356;0.007708333333333333529935327277;0.013750000000000000069388939039;0.000000000000000000000000000000;0.016875000000000001110223024625;0.011041666666666666643537020320;0.014999999999999999444888487687;0.017500000000000001665334536938;0.005624999999999999791833182883;0.010000000000000000208166817117;0.010000000000000000208166817117
-0.010964912280701753777290008429;0.051315789473684210453274801012;0.034868421052631576317892836414;0.229166666666666657414808128124;0.029385964912280702898694784153;0.006359649122807017364300552487;0.001973684210526315853384549115;0.033552631578947368640175596965;0.021271929824561403715721397134;0.015131578947368421253494297218;0.010087719298245614168996198146;0.011403508771929825316160389548;0.001754385964912280734470662047;0.012938596491228070498036295533;0.053289473684210525439297612138;0.008552631578947368987120292161;0.016666666666666666435370203203;0.057894736842105262719648806069;0.022149122807017543324015207418;0.003070175438596491231113549958;0.012500000000000000693889390391;0.008771929824561403021832006743;0.004166666666666666608842550801;0.023245614035087718701744208261;0.009868421052631578399561007586;0.015350877192982455288206011801;0.032017543859649125193023166958;0.059649122807017541936236426636;0.003947368421052631706769098230;0.010087719298245614168996198146;0.003289473684210526133187002529;0.016228070175438594896499822084;0.005701754385964912658080194774;0.004166666666666666608842550801;0.001973684210526315853384549115;0.032894736842105261331870025288;0.008333333333333333217685101602;0.002631578947368420993285775822;0.000219298245614035091808832756;0.001973684210526315853384549115;0.013815789473684210106330105816;0.020833333333333332176851016015;0.000000000000000000000000000000;0.012280701754385964924454199831;0.016447368421052630665935012644;0.009429824561403508595414102444;0.016666666666666666435370203203;0.003508771929824561468941324094;0.010745614035087719742578293847;0.007456140350877192742029553330
-0.006644518272425249325041640702;0.043743078626799554442516893005;0.023255813953488371770284004469;0.291805094130675513053319036771;0.057585825027685492993878568768;0.003322259136212624662520820351;0.003322259136212624662520820351;0.037652270210409746753477122638;0.022148394241417498906621119659;0.017718715393133997043628724555;0.007751937984496123923428001490;0.004429678848283499260907181139;0.001107419712070874815226795285;0.009413067552602436688369280660;0.060354374307862682091929684702;0.001661129568106312331260410176;0.014950166112956811415024560574;0.069213732004429678879020571003;0.015503875968992247846856002980;0.003875968992248061961714000745;0.005537098560354374726655279915;0.004429678848283499260907181139;0.001661129568106312331260410176;0.012735326688815060483528363022;0.005537098560354374726655279915;0.008305647840531562089982919872;0.028239202657807310065107841979;0.075858250276854929938785687682;0.005537098560354374726655279915;0.005537098560354374726655279915;0.001661129568106312331260410176;0.009413067552602436688369280660;0.003322259136212624662520820351;0.001661129568106312331260410176;0.000553709856035437407613397642;0.033776301218161684791763121893;0.008859357696566998521814362277;0.000000000000000000000000000000;0.000000000000000000000000000000;0.001661129568106312331260410176;0.014396456256921373248469642192;0.018826135105204873376738561319;0.000000000000000000000000000000;0.006090808416389812025848460308;0.018826135105204873376738561319;0.009966777408637873120200723065;0.007198228128460686624234821096;0.003322259136212624662520820351;0.010520487264673311286755641447;0.001107419712070874815226795285
-0.015648286140089420065413250427;0.024143070044709388083381540469;0.023248882265275709613217003380;0.254843517138599096050199932506;0.021907600596125186703799769816;0.009687034277198211182358100757;0.013859910581222056186190272342;0.034724292101341279470627654291;0.028763040238450075791742932552;0.016095380029806261035218994948;0.012965722801788375981302259277;0.007600596125186289547803752953;0.002235469448584202680624377635;0.015946348733233979555468096123;0.038748137108792844729432403028;0.009687034277198211182358100757;0.019374068554396422364716201514;0.021758569299552905224048870991;0.019970193740685544814272844860;0.002235469448584202680624377635;0.024590163934426229053187284990;0.019970193740685544814272844860;0.001043219076005961250958042896;0.025931445603576751962604518553;0.014157973174366617410968594015;0.021162444113263786243939179599;0.030998509687034277171324703204;0.019374068554396422364716201514;0.005812220566318927403304250845;0.012369597615499255266469091907;0.010432190760059613376942166951;0.019523099850968703844467100339;0.003427719821162444110290712374;0.018032786885245902924745919904;0.002980625931445603574165836847;0.018777943368107303384606510122;0.004918032786885246331054499791;0.011177347242921013836802757169;0.003278688524590163931582420531;0.006259314456035767505748257378;0.013114754098360655726329682125;0.018032786885245902924745919904;0.000000000000000000000000000000;0.019076005961251862874661355818;0.018777943368107303384606510122;0.021162444113263786243939179599;0.017287630402384502464885329687;0.005216095380029806688471083476;0.006557377049180327863164841062;0.013114754098360655726329682125
-0.017857142857142856151586585156;0.016071428571428569842538536250;0.026785714285714284227379877734;0.437500000000000000000000000000;0.006250000000000000346944695195;0.011607142857142857539365365938;0.007142857142857142634106981660;0.011607142857142857539365365938;0.028571428571428570536427926640;0.016071428571428569842538536250;0.013392857142857142113689938867;0.013392857142857142113689938867;0.001785714285714285658526745415;0.008928571428571428075793292578;0.017857142857142856151586585156;0.013392857142857142113689938867;0.009821428571428571230317317031;0.014285714285714285268213963320;0.014285714285714285268213963320;0.002678571428571428596210335371;0.015178571428571428422737987773;0.016071428571428569842538536250;0.001785714285714285658526745415;0.021428571428571428769682682969;0.015178571428571428422737987773;0.010714285714285714384841341484;0.023214285714285715078730731875;0.006250000000000000346944695195;0.004464285714285714037896646289;0.009821428571428571230317317031;0.028571428571428570536427926640;0.011607142857142857539365365938;0.001785714285714285658526745415;0.009821428571428571230317317031;0.004464285714285714037896646289;0.013392857142857142113689938867;0.002678571428571428596210335371;0.011607142857142857539365365938;0.005357142857142857192420670742;0.008928571428571428075793292578;0.009821428571428571230317317031;0.015178571428571428422737987773;0.000000000000000000000000000000;0.009821428571428571230317317031;0.008035714285714284921269268125;0.012500000000000000693889390391;0.011607142857142857539365365938;0.003571428571428571317053490830;0.008035714285714284921269268125;0.009821428571428571230317317031
-0.029691876750700278708716695064;0.012324929971988795099346880590;0.059383753501400557417433390128;0.000560224089635854302984818709;0.005602240896358543463529056083;0.025770308123249298370982529605;0.003361344537815126251589781248;0.017927170868347337695514198685;0.047058823529411764052809985515;0.019607843137254901688670827298;0.019047619047619049337249919063;0.044257703081232495356811540432;0.018487394957983193516382058874;0.032492997198879554343609044054;0.017366946778711485344093290450;0.019047619047619049337249919063;0.021848739495798318033248364145;0.030812324929971990350452415441;0.008403361344537814761612715131;0.009523809523809524668624959531;0.015126050420168067264792277626;0.033613445378151259046450860524;0.010084033613445378754769343743;0.027450980392156862364139158217;0.026330532212885154191850389793;0.033053221288515406695029952289;0.027450980392156862364139158217;0.003921568627450980337734165460;0.001120448179271708605969637418;0.030252100840336134529584555253;0.025210084033613446019561621370;0.023529411764705882026404992757;0.007282913165266106589323946707;0.012885154061624649185491264802;0.023529411764705882026404992757;0.034733893557422970688186580901;0.007843137254901960675468330919;0.011204481792717086927058112167;0.008963585434173668847757099343;0.019607843137254901688670827298;0.005602240896358543463529056083;0.025210084033613446019561621370;0.000000000000000000000000000000;0.023529411764705882026404992757;0.009523809523809524668624959531;0.017927170868347337695514198685;0.026890756302521010012718249982;0.025770308123249298370982529605;0.022408963585434173854116224334;0.017366946778711485344093290450
-0.015311653116531164647851070981;0.011111111111111111535154627461;0.029403794037940380462492484526;0.062872628726287266287542365717;0.013008130081300812996847326986;0.023441734417344171903518912359;0.027642276422764226750938831856;0.036314363143631435415503716513;0.026964769647696475857179265745;0.015176151761517615162988548150;0.015040650406504065678126025318;0.025067750677506776130210042197;0.018292682926829267192614381088;0.018699186991869919116648901536;0.035907859078590786960916148018;0.011517615176151761724465671932;0.026422764227642277917729174419;0.024254742547425475751587953255;0.011788617886178862428914193572;0.003387533875338753601436092566;0.021680216802168021661412211643;0.027913279132791329190110829472;0.003929539295392954142971397857;0.024932249322493226645347519366;0.016802168021680215920232726035;0.016260162601626017980782634709;0.041869918699186992050442768232;0.015447154471544715867437069790;0.024796747967479673691038044581;0.031300813008130083658908660027;0.030894308943089431734874139579;0.024390243902439025236450476086;0.008265582655826558475253840186;0.026558265582655827402591697251;0.014092140921409214079917937568;0.027100271002710028811488740530;0.003252032520325203249211831746;0.013685636856368563890606893096;0.011653116531165311209328194764;0.016124661246612465026473159924;0.014498644986449864269228982039;0.027371273712737127781213786193;0.000000000000000000000000000000;0.015989159891598915541610637092;0.017073170731707318359404723651;0.028319783197831977644698397967;0.014092140921409214079917937568;0.007317073170731707744407490424;0.010840108401084010830706105821;0.011924119241192411913776716403
-0.010432190760059613376942166951;0.029806259314456035741658368465;0.022354694485842027673605514337;0.230998509687034281334661045548;0.005961251862891207148331673693;0.013412816691505216951108003798;0.028812717337307502951659898827;0.034773969200198706630544620566;0.028812717337307502951659898827;0.009935419771485345247219456155;0.010432190760059613376942166951;0.010928961748633879771941401771;0.006954793840039741673053619309;0.014406358668653751475829949413;0.031296572280178840130826500854;0.004967709885742672623609728078;0.017883755588673621444995021079;0.028315946348733234821937188030;0.012419274714356682426386058182;0.001987083954297069049443891231;0.019374068554396422364716201514;0.019374068554396422364716201514;0.002483854942871336311804864039;0.019870839542970690494438912310;0.010928961748633879771941401771;0.015399900645802286000551895029;0.030799801291604572001103790058;0.052160953800298059945816930849;0.014406358668653751475829949413;0.013412816691505216951108003798;0.013909587680079483346107238617;0.017386984600099353315272310283;0.003477396920019870836526809654;0.015896671634376552395551129848;0.007948335817188276197775564924;0.020367610531544958624161623106;0.002483854942871336311804864039;0.007451564828614008935414592116;0.017883755588673621444995021079;0.007948335817188276197775564924;0.020367610531544958624161623106;0.020864381520119226753884333903;0.000000000000000000000000000000;0.017883755588673621444995021079;0.017883755588673621444995021079;0.029309488325881767611935657669;0.006458022851465474410692646501;0.002483854942871336311804864039;0.009438648782911078852220221336;0.007451564828614008935414592116
-0.018181818181818180935049866775;0.022727272727272727903535809446;0.013636363636363635701287400082;0.488636363636363646456572951138;0.002272727272727272616881233347;0.010606060606060606701928072937;0.009848484848484847717364765174;0.019696969696969695434729530348;0.012878787878787878451447568295;0.012878787878787878451447568295;0.003030303030303030300401934127;0.012878787878787878451447568295;0.002272727272727272616881233347;0.004545454545454545233762466694;0.025757575757575756902895136591;0.018939393939393939919613174538;0.015151515151515151935690539631;0.020454545454545454419292838111;0.009090909090909090467524933388;0.003030303030303030300401934127;0.012121212121212121201607736509;0.013636363636363635701287400082;0.000757575757575757575100483532;0.015909090909090907450806895440;0.009848484848484847717364765174;0.009848484848484847717364765174;0.012121212121212121201607736509;0.012878787878787878451447568295;0.005303030303030303350964036468;0.010606060606060606701928072937;0.013636363636363635701287400082;0.012878787878787878451447568295;0.001515151515151515150200967064;0.012121212121212121201607736509;0.003787878787878787983922634908;0.014393939393939394685850707845;0.003030303030303030300401934127;0.007575757575757575967845269815;0.010606060606060606701928072937;0.002272727272727272616881233347;0.010606060606060606701928072937;0.022727272727272727903535809446;0.000000000000000000000000000000;0.013636363636363635701287400082;0.009848484848484847717364765174;0.015151515151515151935690539631;0.007575757575757575967845269815;0.002272727272727272616881233347;0.002272727272727272616881233347;0.004545454545454545233762466694
-0.050000000000000002775557561563;0.008333333333333333217685101602;0.078125000000000000000000000000;0.002083333333333333304421275400;0.000000000000000000000000000000;0.021874999999999998612221219219;0.007291666666666666782314898398;0.013541666666666667129259593594;0.020833333333333332176851016015;0.066666666666666665741480812812;0.015625000000000000000000000000;0.020833333333333332176851016015;0.006250000000000000346944695195;0.041666666666666664353702032031;0.004166666666666666608842550801;0.047916666666666669904817155157;0.032291666666666669904817155157;0.010416666666666666088425508008;0.006250000000000000346944695195;0.004166666666666666608842550801;0.019791666666666665741480812812;0.014583333333333333564629796797;0.001041666666666666652210637700;0.060416666666666667129259593594;0.046875000000000000000000000000;0.055208333333333331482961625625;0.022916666666666665047591422422;0.008333333333333333217685101602;0.005208333333333333044212754004;0.003125000000000000173472347598;0.013541666666666667129259593594;0.025000000000000001387778780781;0.002083333333333333304421275400;0.010416666666666666088425508008;0.003125000000000000173472347598;0.043749999999999997224442438437;0.009374999999999999653055304805;0.018749999999999999306110609609;0.002083333333333333304421275400;0.000000000000000000000000000000;0.005208333333333333044212754004;0.016666666666666666435370203203;0.000000000000000000000000000000;0.038541666666666668517038374375;0.001041666666666666652210637700;0.035416666666666665741480812812;0.037499999999999998612221219219;0.016666666666666666435370203203;0.010416666666666666088425508008;0.014583333333333333564629796797
-0.007447916666666666921092776477;0.005208333333333333044212754004;0.013333333333333334189130248149;0.638541666666666674068153497501;0.016145833333333334952408577578;0.007552083333333333391157449199;0.008750000000000000832667268469;0.017916666666666667545593227828;0.018802083333333333842185552953;0.008645833333333333495240857758;0.007083333333333332974823814965;0.004479166666666666886398306957;0.000416666666666666693410320255;0.006718749999999999895916591441;0.021250000000000001526556658860;0.005885416666666666400675733684;0.004479166666666666886398306957;0.004062500000000000138777878078;0.011979166666666667476204288789;0.000260416666666666663052659425;0.012239583333333333217685101602;0.007708333333333333529935327277;0.000312500000000000006505213035;0.013177083333333334050352370070;0.006875000000000000034694469520;0.011770833333333332801351467367;0.012656250000000000832667268469;0.014999999999999999444888487687;0.002604166666666666522106377002;0.001874999999999999930611060961;0.001458333333333333399831066579;0.006250000000000000346944695195;0.000572916666666666669557872460;0.007812500000000000000000000000;0.001354166666666666712925959359;0.008489583333333333356462979680;0.001354166666666666712925959359;0.002083333333333333304421275400;0.002395833333333333148296162562;0.000520833333333333326105318850;0.011249999999999999583666365766;0.008697916666666666296592325125;0.000000000000000000000000000000;0.012187500000000000416333634234;0.007291666666666666782314898398;0.016510416666666666296592325125;0.007187500000000000312250225676;0.002239583333333333443199153479;0.001093750000000000104083408559;0.008072916666666667476204288789
-0.003551136363636363518087035729;0.009232954545454545927651857085;0.004971590909090909012058023819;0.816761363636363646456572951138;0.004971590909090909012058023819;0.009232954545454545927651857085;0.001420454545454545493970988090;0.009232954545454545927651857085;0.003551136363636363518087035729;0.000000000000000000000000000000;0.001420454545454545493970988090;0.003551136363636363518087035729;0.004971590909090909012058023819;0.003551136363636363518087035729;0.009943181818181818024116047638;0.003551136363636363518087035729;0.003551136363636363518087035729;0.008522727272727272096464190554;0.004261363636363636048232095277;0.000000000000000000000000000000;0.002130681818181818024116047638;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005681818181818181975883952362;0.003551136363636363518087035729;0.007812500000000000000000000000;0.003551136363636363518087035729;0.008522727272727272096464190554;0.000000000000000000000000000000;0.013494318181818181975883952362;0.000000000000000000000000000000;0.004261363636363636048232095277;0.003551136363636363518087035729;0.000710227272727272746985494045;0.001420454545454545493970988090;0.006392045454545454939709880904;0.000710227272727272746985494045;0.000000000000000000000000000000;0.000710227272727272746985494045;0.000710227272727272746985494045;0.001420454545454545493970988090;0.008522727272727272096464190554;0.000000000000000000000000000000;0.004261363636363636048232095277;0.003551136363636363518087035729;0.000000000000000000000000000000;0.002840909090909090987941976181;0.000710227272727272746985494045;0.002840909090909090987941976181;0.006392045454545454939709880904
-0.009867683337071091881353979147;0.009867683337071091881353979147;0.018838304552590265372735700566;0.364767885176048467510412365300;0.090379008746355682379913787372;0.011325409284592958397697159967;0.005270239964117515336916586222;0.012446736936532854650439006150;0.021865889212827987336806856433;0.014016595649248710098166981197;0.007512895267997308709762016576;0.015810719892352546878111496653;0.003588248486207670090442078958;0.011549674814980937995190224399;0.018838304552590265372735700566;0.009307019511101143754983056056;0.010428347163041040007724902239;0.008634222919937204962503862760;0.003924646781789638619319937618;0.002018389773491814209033234917;0.002354788069073783171591962571;0.009643417806683112283860914715;0.001009194886745907104516617459;0.025678403229423638759465475800;0.012895267997308813845425135014;0.014465126710024669293153110061;0.016259250953128502603650673564;0.072101368019735365133549009897;0.010652612693429019605217966671;0.018389773491814309647196523656;0.004709576138147566343183925142;0.020744561560888091084065010250;0.003139717425431711329136819089;0.006727965911639380985898029053;0.003251850190625700694202482310;0.015362188831576585948401891812;0.002691186364655752567831559219;0.003251850190625700694202482310;0.002466920834267772970338494787;0.001681991477909845246474507263;0.004709576138147566343183925142;0.020296030500112131889078881386;0.000000000000000000000000000000;0.017044180309486432062238137064;0.009643417806683112283860914715;0.010989010989010989868819301307;0.012671002466920834247932070582;0.008634222919937204962503862760;0.004148912312177618216813002050;0.014128728414442700764275251402
-0.008841732979664014557830142849;0.003978779840848806377551216684;0.019893899204244031020394345433;0.191423519009725900952290089663;0.024093722369584437414946620493;0.007294429708222811836737520252;0.003978779840848806377551216684;0.010610079575596816428562085832;0.018567639257294429183664519201;0.009504862953138815476195055965;0.010389036251105217278922765445;0.007073386383731210952374723888;0.004641909814323607295916129800;0.009283819628647214591832259600;0.023651635720601239115667979718;0.006189213085764810017008752396;0.007515473032714411853738578628;0.005747126436781609115644897656;0.032272325375773652789135326202;0.001768346595932802738093680972;0.007073386383731210952374723888;0.009725906277630416360557852329;0.000000000000000000000000000000;0.014588859416445623673475040505;0.009504862953138815476195055965;0.011273209549071617346926998948;0.024756852343059240068035009585;0.052608311229000885578255264363;0.002210433244916003639457535712;0.074049513704686112380848328485;0.002873563218390804557822448828;0.010389036251105217278922765445;0.061671087533156497551001251622;0.006189213085764810017008752396;0.002652519893899204107140521458;0.011052166224580018197287678561;0.002210433244916003639457535712;0.005305039787798408214281042916;0.000884173297966401369046840486;0.001326259946949602053570260729;0.002652519893899204107140521458;0.006410256410256410034009810772;0.000000000000000000000000000000;0.012599469496021220918380301157;0.225022104332449152108708290143;0.009062776304155613707469463236;0.008620689655172413673467346484;0.005747126436781609115644897656;0.003757736516357205926869289314;0.009062776304155613707469463236
-0.013873473917869034999217348059;0.018590455049944505649950343695;0.031908990011098779804310510144;0.132075471698113205976099493455;0.054106548279689234415279486257;0.016370699223085462270521617256;0.008324084350721421346475104031;0.019422863485016646917236116110;0.021087680355160932921254612893;0.014983351831298556688931711278;0.010821309655937846883055897251;0.022752497225305215455826157722;0.007491675915649278344465855639;0.015260821309655937111360302083;0.027192008879023309153577514508;0.010821309655937846883055897251;0.014428412874583795844074529668;0.012208657047724750729922327253;0.019977802441731411231540249673;0.002497225305216426403942531209;0.023307436182019976300683339332;0.016925638179800223115378798866;0.001387347391786903413185561007;0.024972253052164262304701836115;0.012486126526082131152350918057;0.017758046614872364382664571281;0.020255271920088791653968840478;0.043285238623751387532223589005;0.006936736958934517499608674029;0.055771365149833516949851031086;0.013041065482796891997208099667;0.018312985571587125227521752890;0.016648168701442842692950208061;0.011376248612652607727913078861;0.005826859045504994075170834833;0.019700332963374027339664706915;0.004716981132075471518094733625;0.007769145394006659634256184432;0.003329633740288568104909172618;0.004439511653718091095666142820;0.012208657047724750729922327253;0.018590455049944505649950343695;0.000000000000000000000000000000;0.013041065482796891997208099667;0.102941176470588230396074891360;0.013041065482796891997208099667;0.013596004439511654576788757254;0.008046614872364039189323037249;0.006936736958934517499608674029;0.009156492785793562613760876445
-0.015833333333333334674852821422;0.023333333333333334397297065266;0.030833333333333334119741309109;0.110000000000000000555111512313;0.023333333333333334397297065266;0.022499999999999999167332731531;0.014999999999999999444888487687;0.035833333333333335091186455656;0.031666666666666669349705642844;0.010000000000000000208166817117;0.008333333333333333217685101602;0.016666666666666666435370203203;0.009166666666666666712925959359;0.015833333333333334674852821422;0.036666666666666666851703837438;0.006666666666666667094565124074;0.016666666666666666435370203203;0.025833333333333333148296162562;0.021666666666666667406815349750;0.003333333333333333547282562037;0.029166666666666667129259593594;0.018333333333333333425851918719;0.001666666666666666773641281019;0.029166666666666667129259593594;0.012500000000000000693889390391;0.025000000000000001387778780781;0.025833333333333333148296162562;0.120833333333333334258519187188;0.006666666666666667094565124074;0.018333333333333333425851918719;0.012500000000000000693889390391;0.017500000000000001665334536938;0.005833333333333333599324266316;0.010833333333333333703407674875;0.009166666666666666712925959359;0.013333333333333334189130248149;0.006666666666666667094565124074;0.005833333333333333599324266316;0.005833333333333333599324266316;0.007499999999999999722444243844;0.017500000000000001665334536938;0.021666666666666667406815349750;0.000000000000000000000000000000;0.014999999999999999444888487687;0.020000000000000000416333634234;0.017500000000000001665334536938;0.016666666666666666435370203203;0.011666666666666667198648532633;0.007499999999999999722444243844;0.010833333333333333703407674875
-0.022045454545454545164373527655;0.004621212121212121479163492666;0.024621212121212120160773650923;0.008787878787878787220644305478;0.027651515151515152629579930021;0.028409090909090908144696285831;0.010303030303030303455047445027;0.029015151515151514638457541650;0.015378787878787878937170141569;0.063333333333333338699411285688;0.015757575757575758429451795450;0.027954545454545454141737081954;0.005757575757575757353923240345;0.022651515151515151658134783474;0.007954545454545453725403447720;0.011893939393939394200128134571;0.008257575757575756972284075630;0.013409090909090908699807798143;0.013257575757575757943729222177;0.002878787878787878676961620172;0.015227272727272726446368089626;0.006136363636363635978843156238;0.002575757575757575863761861257;0.113560606060606056333384117352;0.023712121212121212154855243170;0.040606060606060603856981572335;0.027272727272727271402574800163;0.007196969696969697342925353922;0.012803030303030302206046542324;0.029166666666666667129259593594;0.012348484848484848203087338447;0.038106060606060608575429426992;0.003030303030303030300401934127;0.004090909090909091230803262818;0.004772727272727273102603806620;0.036363636363636361870099733551;0.006590909090909090849164098103;0.006439393939393939225723784148;0.001439393939393939338480810086;0.003484848484848484737042006998;0.009090909090909090467524933388;0.008333333333333333217685101602;0.000000000000000000000000000000;0.092954545454545456362183131205;0.008030303030303029970804473692;0.056969696969696968780194623605;0.031136363636363635631898461043;0.013409090909090908699807798143;0.008484848484848485708487153545;0.012727272727272727695368992329
-0.029286858974358974394558430276;0.011698717948717948789116860553;0.059415064102564099646208717331;0.001802884615384615484695585153;0.012980769230769231489808213098;0.017628205128205128027207848618;0.004967948717948717646253342650;0.030328525641025640829928633480;0.036418269230769233224531689075;0.025160256410256411074843896358;0.018749999999999999306110609609;0.017387820512820513496610175252;0.012139423076923077163269404366;0.042948717948717948789116860553;0.012339743589743589272100798837;0.014142628205128205190477252984;0.020633012820512820068019621544;0.040504807692307694122479944099;0.017147435897435898966012501887;0.009174679487179487544223910334;0.017988782051282049823104358666;0.024639423076923076122435318780;0.012419871794871794115633356625;0.034014423076923074040767147608;0.028886217948717950176895641334;0.032572115384615386857181107416;0.039503205128205126639429067836;0.012179487179487179585035683260;0.003205128205128205017004905386;0.013501602564102564707493314700;0.011177884615384615571431758951;0.017868589743589742557805521983;0.013341346153846153285704723146;0.010056089743589744292528997960;0.020432692307692307959188227073;0.038982371794871795156467442212;0.018108974358974360557850147302;0.007251602564102564360548619504;0.003245192307692307872452053275;0.018149038461538462979616426196;0.007171474358974358649654323727;0.023317307692307692734701163317;0.000000000000000000000000000000;0.022636217948717948095227470162;0.006610576923076923010202943232;0.018389423076923077510214099561;0.032011217948717946013559298990;0.023397435897435897578233721106;0.035616987179487177850312207283;0.018469551282051282353746657350
-0.017045454545454544192928381108;0.017045454545454544192928381108;0.053202479338842978418000484453;0.002582644628099173625401796528;0.011880165289256198676848264029;0.014462809917355372302250060557;0.007231404958677686151125030278;0.023243801652892560893892692775;0.105888429752066109967856277763;0.014979338842975207027330419862;0.010847107438016529226687545417;0.008264462809917355601285748889;0.012913223140495868127008982640;0.025309917355371899794214129997;0.015495867768595041752410779168;0.005165289256198347250803593056;0.030475206611570247045017723053;0.059400826446280995118964796120;0.005681818181818181975883952362;0.004648760330578512525723233750;0.013429752066115702852089341945;0.039256198347107439106107307225;0.014979338842975207027330419862;0.026342975206611569244374848608;0.019111570247933883093249818330;0.019628099173553719553053653613;0.028409090909090908144696285831;0.018595041322314050102892935001;0.001033057851239669450160718611;0.020144628099173552543410536941;0.004132231404958677800642874445;0.013429752066115702852089341945;0.008780991735537190326366108195;0.009814049586776859776526826806;0.015495867768595041752410779168;0.028925619834710744604500121113;0.011880165289256198676848264029;0.009814049586776859776526826806;0.033057851239669422405142995558;0.026859504132231405704178683891;0.002582644628099173625401796528;0.086260330578512400823143480011;0.000000000000000000000000000000;0.018595041322314050102892935001;0.004648760330578512525723233750;0.018078512396694213643089099719;0.016012396694214874742767662497;0.009297520661157025051446467501;0.027376033057851238694535567220;0.008264462809917355601285748889
-0.023152965660770030015269682622;0.010665972944849114872889472849;0.056971904266389178372875790046;0.015348595213319458918643789502;0.059833506763787722149139369776;0.020291363163371489708453054845;0.001560874089490114392797526222;0.013007284079084286895766631176;0.040062434963579605928796212311;0.022112382934443286508496839815;0.016909469302809572444079577735;0.038501560874089492403360424078;0.007544224765868886954656158395;0.034599375650364201650877049588;0.011966701352757543388993788369;0.020291363163371489708453054845;0.024713839750260147010152422808;0.036160249739854315176312837821;0.007284079084287201077962947693;0.006763787721123829324576526290;0.007284079084287201077962947693;0.033818938605619144888159155471;0.007544224765868886954656158395;0.028355879292403747549133896655;0.030697190426638917837287579005;0.030697190426638917837287579005;0.024713839750260147010152422808;0.055150884495317374633938101169;0.004682622268470343178392578665;0.029396462018730487586459787508;0.015608740894901143927975262216;0.022372528616024973252551788505;0.005983350676378771694496894185;0.015088449531737773909312316789;0.008584807492195629594067263213;0.029656607700312174330514736198;0.006763787721123829324576526290;0.008064516129032257840680841809;0.006503642039542143447883315588;0.022892819979188346740661685885;0.005202913631633714931779000068;0.018470343392299689438962317922;0.000000000000000000000000000000;0.016389177939646202425416632309;0.005463059313215400808472210770;0.010926118626430801616944421539;0.029656607700312174330514736198;0.015608740894901143927975262216;0.016129032258064515681361683619;0.020551508844953172983061051582
-0.026153846153846152522426393716;0.015384615384615385469402326635;0.092307692307692312816413959808;0.000000000000000000000000000000;0.032307692307692308097966105151;0.008717948717948717507475464572;0.001538461538461538460204058865;0.024102564102564102976877791207;0.037435897435897438900731515332;0.029230769230769230310196249434;0.009230769230769231628586091176;0.007692307692307692734701163317;0.005641025641025641454429084831;0.042564102564102562764603021606;0.006153846153846153840816235459;0.018461538461538463257172182352;0.046666666666666668794594130532;0.042051282051282050378215870978;0.005128205128205128200680196215;0.014358974358974358961904549403;0.011794871794871795295245320290;0.032820512820512820484353255779;0.008717948717948717507475464572;0.050769230769230767885691335550;0.021025641025641025189107935489;0.034871794871794870029901858288;0.025641025641025640136039243089;0.001538461538461538460204058865;0.002051282051282051280272078486;0.005641025641025641454429084831;0.007179487179487179480952274702;0.029743589743589742696583400061;0.003589743589743589740476137351;0.010256410256410256401360392431;0.013333333333333334189130248149;0.053333333333333336756520992594;0.011794871794871795295245320290;0.010769230769230768787747543058;0.001025641025641025640136039243;0.023076923076923078204103489952;0.005641025641025641454429084831;0.018461538461538463257172182352;0.000000000000000000000000000000;0.025641025641025640136039243089;0.001025641025641025640136039243;0.020000000000000000416333634234;0.042564102564102562764603021606;0.028205128205128205537421948179;0.021025641025641025189107935489;0.013333333333333334189130248149
-0.014557670772676372522580479085;0.009891750653228816025919201138;0.045352743561030237073872228848;0.339305711086226202688465036772;0.023516237402015676555278034243;0.021276595744680850547103645454;0.005785740948114968633386734354;0.009145203434117208513010055526;0.019783501306457632051838402276;0.016983949234789099541620416289;0.008212019410227696519788409546;0.024822695035460994039677729006;0.010265024262784621517097249921;0.018663680477790219047751207881;0.016610675625233297519889319460;0.011571481896229937266773468707;0.024449421425905188548499680223;0.022956326987681970053234437046;0.004479283314669652883710515567;0.006345651362448675135430331551;0.008585293019783502010966458329;0.015677491601343785526667673480;0.003732736095558044069758762973;0.024822695035460994039677729006;0.024076147816349383057321631441;0.017357222844344905032798465072;0.013811123553564763274947857496;0.009891750653228816025919201138;0.004292646509891751005483229164;0.025382605449794700541721326204;0.008585293019783502010966458329;0.016237402015677492028711270677;0.001306457633445315315995349792;0.009518477043673012269464628332;0.008025382605449795508922861131;0.027062336692795820047852117796;0.007465472191116088139517525946;0.007465472191116088139517525946;0.003359462486002239445942452178;0.010078387458006718771508225529;0.002612915266890630631990699584;0.013811123553564763274947857496;0.000000000000000000000000000000;0.008771929824561403021832006743;0.008398656215005599265377433937;0.006905561776782381637473928748;0.023329600597237775544412485829;0.011944755505785741023228041513;0.009331840238895109523875603941;0.014184397163120567031402430302
-0.035117056856187288393922329988;0.013377926421404682036375710652;0.026198439241917503839118808173;0.087513935340022303011053850241;0.022853957636566332028982273528;0.045707915273132664057964547055;0.002787068004459308974418707550;0.010590858416945373929318741091;0.031215161649944259819600134165;0.017837235228539576048500947536;0.020624303232998884155557917097;0.035117056856187288393922329988;0.018394648829431439751580512620;0.030657748049052396116520569080;0.008361204013377926055894384660;0.023968784838350055965694451743;0.022853957636566332028982273528;0.020624303232998884155557917097;0.008918617614269788024250473768;0.004459308807134894012125236884;0.008361204013377926055894384660;0.010033444816053511960962651983;0.004459308807134894012125236884;0.029542920847268672179808390865;0.052396878483835007678237616346;0.025641025641025640136039243089;0.027313266443701227775830986388;0.065217391304347824276810285937;0.003344481605351170509093927663;0.021181716833890747858637482182;0.015050167224080267941443977975;0.011148272017837235897674830198;0.005574136008918617948837415099;0.007803790412486064954900033541;0.022296544035674471795349660397;0.016722408026755852111788769321;0.008361204013377926055894384660;0.005574136008918617948837415099;0.003344481605351170509093927663;0.008918617614269788024250473768;0.002787068004459308974418707550;0.040691192865105911546930173017;0.000000000000000000000000000000;0.007246376811594202986543944434;0.004459308807134894012125236884;0.007803790412486064954900033541;0.022853957636566332028982273528;0.031772575250836120053232747296;0.018952062430323299985213125751;0.023968784838350055965694451743
-0.058585858585858588409855940426;0.001010101010101010100133978042;0.047474747474747475139977836989;0.153535353535353524812023806589;0.004040404040404040400535912170;0.022222222222222223070309254922;0.002020202020202020200267956085;0.021212121212121213403856145874;0.007070707070707071134618715291;0.018181818181818180935049866775;0.025252525252525252069668582067;0.049494949494949494472884055085;0.008080808080808080801071824339;0.036363636363636361870099733551;0.004040404040404040400535912170;0.017171717171717171268596757727;0.011111111111111111535154627461;0.019191919191919190601502975824;0.011111111111111111535154627461;0.009090909090909090467524933388;0.014141414141414142269237430583;0.004040404040404040400535912170;0.003030303030303030300401934127;0.036363636363636361870099733551;0.048484848484848484806430946037;0.039393939393939390869459060696;0.030303030303030303871381079261;0.006060606060606060600803868255;0.001010101010101010100133978042;0.022222222222222223070309254922;0.018181818181818180935049866775;0.013131313131313130868060845557;0.006060606060606060600803868255;0.001010101010101010100133978042;0.013131313131313130868060845557;0.040404040404040407474806073651;0.012121212121212121201607736509;0.010101010101010101868701518413;0.011111111111111111535154627461;0.004040404040404040400535912170;0.003030303030303030300401934127;0.013131313131313130868060845557;0.000000000000000000000000000000;0.015151515151515151935690539631;0.002020202020202020200267956085;0.009090909090909090467524933388;0.031313131313131313537834188310;0.020202020202020203737403036826;0.028282828282828284538474861165;0.017171717171717171268596757727
-0.023333333333333334397297065266;0.008333333333333333217685101602;0.025000000000000001387778780781;0.440000000000000002220446049250;0.005000000000000000104083408559;0.009166666666666666712925959359;0.019166666666666665186369300500;0.028333333333333331899295259859;0.016666666666666666435370203203;0.018333333333333333425851918719;0.011666666666666667198648532633;0.004166666666666666608842550801;0.000833333333333333386820640509;0.011666666666666667198648532633;0.034166666666666664631257788187;0.011666666666666667198648532633;0.006666666666666667094565124074;0.014166666666666665949647629930;0.008333333333333333217685101602;0.000000000000000000000000000000;0.018333333333333333425851918719;0.006666666666666667094565124074;0.000000000000000000000000000000;0.023333333333333334397297065266;0.006666666666666667094565124074;0.021666666666666667406815349750;0.020833333333333332176851016015;0.012500000000000000693889390391;0.005833333333333333599324266316;0.005000000000000000104083408559;0.003333333333333333547282562037;0.010833333333333333703407674875;0.002500000000000000052041704279;0.012500000000000000693889390391;0.000000000000000000000000000000;0.019166666666666665186369300500;0.001666666666666666773641281019;0.005000000000000000104083408559;0.000000000000000000000000000000;0.000000000000000000000000000000;0.020000000000000000416333634234;0.019166666666666665186369300500;0.000000000000000000000000000000;0.019166666666666665186369300500;0.010833333333333333703407674875;0.028333333333333331899295259859;0.016666666666666666435370203203;0.003333333333333333547282562037;0.002500000000000000052041704279;0.007499999999999999722444243844
-0.018379281537176272998124204605;0.005430242272347535203991242270;0.033834586466165411655637740296;0.293650793650793662248332793752;0.046365914786967415972540607072;0.021720969089390140815964969079;0.008771929824561403021832006743;0.016708437761069339089203822368;0.025062656641604008633805733552;0.012113617376775270839672771217;0.011278195488721803885212580099;0.011278195488721803885212580099;0.010442773600668336930752388980;0.013784461152882204748593153454;0.012531328320802004316902866776;0.016290726817042605611973726809;0.027151211361737676019956211348;0.027568922305764409497186306908;0.009189640768588136499062102303;0.003759398496240601295070860033;0.015873015873015872134743631250;0.018796992481203006475354300164;0.006683375104427735635681528947;0.019214703425229739952584395724;0.018796992481203006475354300164;0.019632414369256473429814491283;0.022138680033416874293195064638;0.010025062656641603453522293421;0.008771929824561403021832006743;0.015873015873015872134743631250;0.006683375104427735635681528947;0.015037593984962405180283440131;0.005012531328320801726761146710;0.007518796992481202590141720066;0.011278195488721803885212580099;0.018379281537176272998124204605;0.008771929824561403021832006743;0.009607351712614869976292197862;0.005847953216374268681221337829;0.009607351712614869976292197862;0.002923976608187134340610668914;0.024227234753550541679345542434;0.000000000000000000000000000000;0.018379281537176272998124204605;0.013366750208855471271363057895;0.015037593984962405180283440131;0.015873015873015872134743631250;0.009607351712614869976292197862;0.015455304928989138657513535691;0.006265664160401002158451433388
-0.028273809523809523974735569141;0.014880952380952380126322154297;0.049851190476190479494711382813;0.022321428571428571924206707422;0.025297619047619047949471138281;0.039434523809523808202115446875;0.002976190476190476025264430859;0.035714285714285712303173170312;0.048363095238095239747355691406;0.012648809523809523974735569141;0.017113095238095239747355691406;0.024553571428571428075793292578;0.014136904761904761987367784570;0.017857142857142856151586585156;0.017113095238095239747355691406;0.005952380952380952050528861719;0.023065476190476191797884553125;0.027529761904761904101057723437;0.029017857142857143848413414844;0.005208333333333333044212754004;0.017857142857142856151586585156;0.019345238095238095898942276563;0.006696428571428571056844969434;0.023809523809523808202115446875;0.039434523809523808202115446875;0.021577380952380952050528861719;0.043898809523809520505288617187;0.029017857142857143848413414844;0.000000000000000000000000000000;0.044642857142857143848413414844;0.014136904761904761987367784570;0.005952380952380952050528861719;0.016369047619047619873677845703;0.009672619047619047949471138281;0.010416666666666666088425508008;0.020833333333333332176851016015;0.017857142857142856151586585156;0.005952380952380952050528861719;0.008184523809523809936838922852;0.011160714285714285962103353711;0.005952380952380952050528861719;0.050595238095238095898942276563;0.000000000000000000000000000000;0.008928571428571428075793292578;0.023065476190476191797884553125;0.013392857142857142113689938867;0.021577380952380952050528861719;0.011160714285714285962103353711;0.026041666666666667823148983985;0.011160714285714285962103353711
-0.006876361655773420046566801744;0.001633986928104575213002713774;0.018382352941176471200490638580;0.566312636165577365510159779660;0.092047930283224402292496790778;0.004153050108932462153310538611;0.007012527233115468071333875599;0.016952614379084966073074625115;0.015727124183006535584894436397;0.010416666666666666088425508008;0.007352941176470588133251560237;0.017020697167755990952819900031;0.000272331154684095886903821837;0.010416666666666666088425508008;0.013684640522875816948111804550;0.003267973856209150426005427548;0.004016884531590414128543464756;0.005582788671023965546003076099;0.006604030501089324864394392023;0.000340413943355119845077250140;0.012118736383442265530652193206;0.005923202614379084740559022748;0.000000000000000000000000000000;0.011301742919389977382049750076;0.006331699346405228814860244313;0.013208061002178649728788784046;0.011914488017429194360863320412;0.036628540305010892641490727328;0.001157407407407407343158389779;0.009259259259259258745267118229;0.003336056644880174438388964475;0.006195533769063180790093170458;0.000204248366013071901625339222;0.005310457516339869496468928389;0.000068082788671023971725955459;0.005446623093681917521236002244;0.001565904139433551200619176846;0.001906318082788671045696426987;0.000885076252723311510464676566;0.000204248366013071901625339222;0.008374183006535947451642876160;0.007148692810457516096100949454;0.000000000000000000000000000000;0.008510348583877995476409950015;0.007693355119825708195169244874;0.011029411764705883067239078343;0.008986928104575162695732970519;0.001702069716775599225386250701;0.000068082788671023971725955459;0.005446623093681917521236002244
-0.006034482758620689571427142539;0.001724137931034482734693469297;0.002586206896551724102040203945;0.537068965517241370122292209999;0.141379310344827591183758386251;0.002586206896551724102040203945;0.006896551724137930938773877187;0.013793103448275861877547754375;0.011206896551724137775507550430;0.002586206896551724102040203945;0.006034482758620689571427142539;0.007758620689655172306120611836;0.000000000000000000000000000000;0.005172413793103448204080407891;0.014655172413793103244894489023;0.001724137931034482734693469297;0.004310344827586206836733673242;0.000862068965517241367346734648;0.006896551724137930938773877187;0.000000000000000000000000000000;0.008620689655172413673467346484;0.001724137931034482734693469297;0.000000000000000000000000000000;0.005172413793103448204080407891;0.000862068965517241367346734648;0.003448275862068965469386938594;0.009482758620689655040814081133;0.145689655172413806694109439377;0.003448275862068965469386938594;0.004310344827586206836733673242;0.000000000000000000000000000000;0.000862068965517241367346734648;0.000862068965517241367346734648;0.000862068965517241367346734648;0.000000000000000000000000000000;0.002586206896551724102040203945;0.000000000000000000000000000000;0.000862068965517241367346734648;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006034482758620689571427142539;0.012068965517241379142854285078;0.000000000000000000000000000000;0.002586206896551724102040203945;0.000862068965517241367346734648;0.013793103448275861877547754375;0.000862068965517241367346734648;0.000000000000000000000000000000;0.000862068965517241367346734648;0.000862068965517241367346734648
-0.035208333333333334536074943344;0.006250000000000000346944695195;0.063541666666666662965923251249;0.037499999999999998612221219219;0.039791666666666669627261399000;0.015833333333333334674852821422;0.006458333333333333287074040641;0.023541666666666665602702934734;0.020000000000000000416333634234;0.030833333333333334119741309109;0.016875000000000001110223024625;0.011041666666666666643537020320;0.015625000000000000000000000000;0.042916666666666665463925056656;0.009583333333333332593184650250;0.018541666666666668100704740141;0.023541666666666665602702934734;0.029166666666666667129259593594;0.009166666666666666712925959359;0.011875000000000000138777878078;0.018749999999999999306110609609;0.023541666666666665602702934734;0.014375000000000000624500451352;0.034583333333333333980963431031;0.024166666666666666157814447047;0.037499999999999998612221219219;0.026249999999999999028554853453;0.001041666666666666652210637700;0.004375000000000000416333634234;0.015833333333333334674852821422;0.012500000000000000693889390391;0.016875000000000001110223024625;0.007291666666666666782314898398;0.008125000000000000277555756156;0.022291666666666667961926862063;0.041250000000000001942890293094;0.013541666666666667129259593594;0.011666666666666667198648532633;0.005416666666666666851703837438;0.029374999999999998334665463062;0.005208333333333333044212754004;0.008958333333333333772796613914;0.000000000000000000000000000000;0.020416666666666666296592325125;0.005833333333333333599324266316;0.020625000000000000971445146547;0.040833333333333332593184650250;0.021041666666666666851703837438;0.026874999999999999583666365766;0.014166666666666665949647629930
-0.036666666666666666851703837438;0.008333333333333333217685101602;0.056458333333333332593184650250;0.012291666666666666019036568969;0.007291666666666666782314898398;0.022083333333333333287074040641;0.005833333333333333599324266316;0.029583333333333333009518284484;0.022291666666666667961926862063;0.025416666666666667268037471672;0.018958333333333333980963431031;0.009791666666666667268037471672;0.017500000000000001665334536938;0.043124999999999996669330926125;0.011458333333333332523795711211;0.014375000000000000624500451352;0.016458333333333331760517381781;0.042708333333333334258519187188;0.018124999999999998750999097297;0.010833333333333333703407674875;0.027083333333333334258519187188;0.018958333333333333980963431031;0.016666666666666666435370203203;0.030416666666666668239482618219;0.031250000000000000000000000000;0.046666666666666668794594130532;0.041250000000000001942890293094;0.005833333333333333599324266316;0.001250000000000000026020852140;0.011875000000000000138777878078;0.009374999999999999653055304805;0.013124999999999999514277426726;0.010208333333333333148296162562;0.005833333333333333599324266316;0.029999999999999998889776975375;0.041250000000000001942890293094;0.017291666666666666990481715516;0.013541666666666667129259593594;0.004791666666666666296592325125;0.022291666666666667961926862063;0.005000000000000000104083408559;0.015625000000000000000000000000;0.000000000000000000000000000000;0.020416666666666666296592325125;0.005833333333333333599324266316;0.022916666666666665047591422422;0.030833333333333334119741309109;0.020416666666666666296592325125;0.039166666666666669072149886688;0.011249999999999999583666365766
-0.015816326530612243722595522399;0.003826530612244897870677373675;0.041326530612244900819707282835;0.328571428571428569842538536250;0.042602040816326527949975400134;0.006122448979591836419611450282;0.010204081632653060410231837807;0.032908163265306121514353066004;0.020663265306122450409853641418;0.021683673469387754889625696819;0.013775510204081633028327935619;0.003571428571428571317053490830;0.004336734693877550977925139364;0.022193877551020407129511724520;0.029591836734693878485646933996;0.007142857142857142634106981660;0.013010204081632652933775418091;0.014540816326530611388156977171;0.013010204081632652933775418091;0.003061224489795918209805725141;0.020153061224489794700520661763;0.010204081632653060410231837807;0.005102040816326530205115918903;0.023214285714285715078730731875;0.012755102040816326813832404241;0.029846938775510204605589947846;0.025765306122448979747607822333;0.002040816326530612428991062757;0.001530612244897959104902862570;0.006632653061224489526859215971;0.001785714285714285658526745415;0.015051020408163265362766480848;0.006377551020408163406916202121;0.008163265306122449715964251027;0.005357142857142857192420670742;0.028061224489795918296541898940;0.011479591836734694479393859012;0.005867346938775510299668436431;0.000510204081632653107247765689;0.004336734693877550977925139364;0.012244897959183672839222900564;0.005867346938775510299668436431;0.000000000000000000000000000000;0.023214285714285715078730731875;0.016836734693877551671814529755;0.019132653061224490220748606362;0.020408163265306120820463675614;0.007142857142857142634106981660;0.012500000000000000693889390391;0.010459183673469388264898327634
-0.013817730166123273413680827559;0.045955596956994256008233179500;0.025306629405371837415739122434;0.066526936811054190878955694188;0.020726595249184909253159503351;0.007995652848936499884624495849;0.021347616829684831069036121676;0.045877969259431765347567733215;0.011178388448998603094119985712;0.011333643844123582680727402305;0.012420431609998446725873222363;0.003803757180562024591691239195;0.010402111473373699956912474818;0.011721782331936034249331157753;0.054882782176680640351396078813;0.006986492780624126500144122076;0.017155721161310356209783734016;0.061015370284117374788390719687;0.026703927961496662368823251654;0.006753609687936655385509521210;0.023055426176059618664782036035;0.011100760751436112433454539428;0.044092532215494487091156372571;0.019096413600372612318079035276;0.009315323707498835911766654760;0.014594007141748176550888338454;0.036019251668995500015313382391;0.029343269678621330953660617524;0.005045800341561869524487082828;0.015292656419810589027430403064;0.006132588107436733569632902885;0.013041453190498370276473316665;0.016922838068622884227787395162;0.007297003570874088275444169227;0.014594007141748176550888338454;0.023754075454122031141324100645;0.014516379444185685890222892169;0.010402111473373699956912474818;0.004036640273249495272644971067;0.041608445893494799827649899271;0.018785902810122653144864202091;0.015680794907623040596034158511;0.000000000000000000000000000000;0.015836050302748021917365051081;0.025151374010246856094408229865;0.034699580810433165722894699456;0.009315323707498835911766654760;0.005666821922061791340363701153;0.028489365005433937155787660345;0.005201055736686849978456237409
-0.033530571992110451418067640361;0.015121630506245891181760221400;0.022353714661406967612045093574;0.026955950032873109839526293285;0.011176857330703483806022546787;0.015779092702169626033503746498;0.045364891518737675280004140177;0.027613412228796842956546342407;0.023668639053254437315532143771;0.018408941485864561971030894938;0.007889546351084813016751873249;0.013149243918474688361253122082;0.007232084155161078165008348151;0.011176857330703483806022546787;0.013806706114398421478273171203;0.035502958579881657708021691633;0.016436554898093359150523795620;0.019066403681788298557497896013;0.017751479289940828854010845816;0.003287310979618672090313280520;0.015779092702169626033503746498;0.005917159763313609328883035943;0.027613412228796842956546342407;0.023668639053254437315532143771;0.017094017094017095736990796695;0.016436554898093359150523795620;0.014464168310322156330016696302;0.022353714661406967612045093574;0.003944773175542406508375936625;0.057856673241288625320066785207;0.065088757396449703485075133358;0.011834319526627218657766071885;0.007889546351084813016751873249;0.010519395134779750689002497666;0.005259697567389875344501248833;0.017094017094017095736990796695;0.005259697567389875344501248833;0.066403681788297169719115231601;0.005917159763313609328883035943;0.036817882971729123942061789876;0.006574621959237344180626561041;0.017751479289940828854010845816;0.000000000000000000000000000000;0.017094017094017095736990796695;0.010519395134779750689002497666;0.088099934253780404214140276054;0.014464168310322156330016696302;0.007232084155161078165008348151;0.011834319526627218657766071885;0.003944773175542406508375936625
-0.053240740740740741254732881771;0.003472222222222222029475169336;0.035300925925925923098969150260;0.033564814814814818155763731511;0.019965277777777776235801354687;0.054687500000000000000000000000;0.004918981481481481642104025553;0.014467592592592592656841610221;0.014756944444444444058950338672;0.016493055555555555941049661328;0.024016203703703702804217456901;0.046006944444444447528397290625;0.022280092592592590922118134245;0.037326388888888888117900677344;0.010706018518518519225257712435;0.050925925925925923098969150260;0.011863425925925926568416102214;0.013888888888888888117900677344;0.014756944444444444058950338672;0.005787037037037036715791948893;0.015914351851851853136832204427;0.009548611111111111882099322656;0.004629629629629629372633559115;0.019675925925925926568416102214;0.078993055555555552471602709375;0.033564814814814818155763731511;0.024305555555555555941049661328;0.006655092592592592656841610221;0.002025462962962962850527182113;0.025462962962962961549484575130;0.041956018518518517490534236458;0.010127314814814814686316779557;0.006365740740740740387371143783;0.007812500000000000000000000000;0.017071759259259258745267118229;0.020833333333333332176851016015;0.006655092592592592656841610221;0.017361111111111111882099322656;0.004629629629629629372633559115;0.004629629629629629372633559115;0.004050925925925925701054364225;0.010127314814814814686316779557;0.000000000000000000000000000000;0.019386574074074073431583897786;0.014178240740740741254732881771;0.016203703703703702804217456901;0.024016203703703702804217456901;0.028356481481481482509465763542;0.014178240740740741254732881771;0.022858796296296297195782543099
-0.008242529410263607983488931552;0.005537550718350473313855708568;0.009492944088600812138634132964;0.685303799729502172155548578303;0.003036721361676065870927043733;0.005358920050016586882069002939;0.012223441447418787603185208468;0.011738586776226810765022534611;0.007017633398831244623261582660;0.005512032051445632518937856048;0.004465766708347155590497212785;0.003393982698343838734500454990;0.003317426697629315916066028436;0.005792737387398882130395971757;0.018756220175058055388284117271;0.003955393370250337957416686407;0.010743358766938014559055858399;0.010054354760507311361550364381;0.005920330721923086972346972345;0.001352489345956567334816611492;0.007553525403832903918621699546;0.004746472044300406069317066482;0.002194605353816316602871827612;0.010590246765508969789548743279;0.006762446729782835806721319472;0.007528006736928063123703847026;0.012044810779084900304036764851;0.005358920050016586882069002939;0.007579044070737744713539552066;0.004108505371679383594285539516;0.003802281368821292754228702293;0.011024064102891265037875712096;0.002041493352387271399683843498;0.004797509378110087659152771522;0.004720953377395565274399213962;0.009416388087886288019157099427;0.002296680021435680216224106687;0.005205808048587542112561887819;0.001531120014290453549762882623;0.005409957383826269339266445968;0.004848546711919769248988476562;0.006941077398116722238508025100;0.000000000000000000000000000000;0.011406844106463878696366975873;0.008574272080026540052144490289;0.011330288105749356311613418313;0.005001658713348814885857329671;0.003266389363819633892549454401;0.004338173373822951615907950185;0.004363692040727792410825802705
-0.011067708333333333911574491992;0.025634765625000000000000000000;0.031656901041666664353702032031;0.255452473958333314829616256247;0.096272786458333328707404064062;0.006266276041666666955787245996;0.005696614583333333044212754004;0.021809895833333332176851016015;0.015543619791666666088425508008;0.009033203125000000000000000000;0.008463541666666666088425508008;0.003580729166666666522106377002;0.008870442708333333911574491992;0.014485677083333333911574491992;0.057373046875000000000000000000;0.008219401041666666088425508008;0.016113281250000000000000000000;0.025472005208333332176851016015;0.020914713541666667823148983985;0.005940755208333333044212754004;0.010986328125000000000000000000;0.017252604166666667823148983985;0.006510416666666666955787245996;0.012532552083333333911574491992;0.010335286458333333911574491992;0.009195963541666666088425508008;0.018229166666666667823148983985;0.053466796875000000000000000000;0.002766927083333333477893622998;0.015543619791666666088425508008;0.002929687500000000000000000000;0.010416666666666666088425508008;0.008382161458333333911574491992;0.005289713541666666955787245996;0.008789062500000000000000000000;0.019042968750000000000000000000;0.004313151041666666955787245996;0.007486979166666666955787245996;0.010335286458333333911574491992;0.013916015625000000000000000000;0.007649739583333333044212754004;0.010009765625000000000000000000;0.000000000000000000000000000000;0.007975260416666666088425508008;0.035481770833333335646297967969;0.006673177083333333044212754004;0.011881510416666666088425508008;0.007649739583333333044212754004;0.011637369791666666088425508008;0.005452473958333333044212754004
-0.004761904761904762334312479766;0.030952380952380953438307642500;0.032142857142857139685077072500;0.308333333333333348136306995002;0.165476190476190471168038698124;0.002380952380952381167156239883;0.001190476190476190583578119941;0.016666666666666666435370203203;0.011904761904761904101057723437;0.008333333333333333217685101602;0.003571428571428571317053490830;0.001190476190476190583578119941;0.001190476190476190583578119941;0.010714285714285714384841341484;0.070238095238095238359576910625;0.000000000000000000000000000000;0.019047619047619049337249919063;0.036904761904761905488836504219;0.019047619047619049337249919063;0.004761904761904762334312479766;0.001190476190476190583578119941;0.017857142857142856151586585156;0.004761904761904762334312479766;0.010714285714285714384841341484;0.001190476190476190583578119941;0.004761904761904762334312479766;0.011904761904761904101057723437;0.055952380952380954826086423282;0.000000000000000000000000000000;0.009523809523809524668624959531;0.000000000000000000000000000000;0.014285714285714285268213963320;0.003571428571428571317053490830;0.001190476190476190583578119941;0.001190476190476190583578119941;0.015476190476190476719153821250;0.004761904761904762334312479766;0.001190476190476190583578119941;0.000000000000000000000000000000;0.016666666666666666435370203203;0.009523809523809524668624959531;0.005952380952380952050528861719;0.000000000000000000000000000000;0.002380952380952381167156239883;0.027380952380952380820211544687;0.004761904761904762334312479766;0.014285714285714285268213963320;0.003571428571428571317053490830;0.004761904761904762334312479766;0.002380952380952381167156239883
-0.011706102117061021813948507031;0.005977584059775840723272022359;0.027397260273972601218872569007;0.399003735990037355918502726126;0.145703611457036114051888375798;0.003985056039850560193060768910;0.004234122042341220693018044585;0.011955168119551681446544044718;0.013449564134495640976840746816;0.014943960149439602241860924892;0.005479452054794520590719208997;0.012951432129514321711649671443;0.000996264009962640048265192227;0.015193026151930261874456462579;0.019178082191780822934878969477;0.006475716064757160855824835721;0.009962640099626400916332791269;0.010211706102117060548928328956;0.004483188044831880325613582272;0.001245330012453300114541598909;0.007721046077210460753526000133;0.010709838107098381548842880306;0.000747198007471980090409002795;0.022166874221668741995472373674;0.008219178082191780018717075507;0.021419676214196763097685760613;0.016936488169364882772072178341;0.023910336239103362893088089436;0.002739726027397260295359604498;0.022665006226650061260663449048;0.003486924034869240494188824542;0.012951432129514321711649671443;0.000249066002490660012066298057;0.001992528019925280096530384455;0.000747198007471980090409002795;0.012453300124533000711735120092;0.003735990037359900560465231223;0.005230386052303860090761933321;0.001245330012453300114541598909;0.001992528019925280096530384455;0.005479452054794520590719208997;0.009215442092154420283822702231;0.000000000000000000000000000000;0.018181818181818180935049866775;0.011955168119551681446544044718;0.014196762141967621609350835854;0.015442092154420921507052000266;0.008966376089663760651227164544;0.002490660024906600229083197817;0.008219178082191780018717075507
-0.005208333333333333044212754004;0.015625000000000000000000000000;0.009765625000000000000000000000;0.542968750000000000000000000000;0.098958333333333328707404064062;0.003906250000000000000000000000;0.003255208333333333477893622998;0.005208333333333333044212754004;0.013020833333333333911574491992;0.010416666666666666088425508008;0.002604166666666666522106377002;0.017578125000000000000000000000;0.000651041666666666630526594250;0.004557291666666666955787245996;0.010416666666666666088425508008;0.001953125000000000000000000000;0.006510416666666666955787245996;0.008463541666666666088425508008;0.006510416666666666955787245996;0.001302083333333333261053188501;0.003255208333333333477893622998;0.001953125000000000000000000000;0.000651041666666666630526594250;0.012369791666666666088425508008;0.006510416666666666955787245996;0.009765625000000000000000000000;0.007812500000000000000000000000;0.065104166666666671292595935938;0.001302083333333333261053188501;0.020182291666666667823148983985;0.010416666666666666088425508008;0.009114583333333333911574491992;0.001953125000000000000000000000;0.003906250000000000000000000000;0.001953125000000000000000000000;0.009114583333333333911574491992;0.001302083333333333261053188501;0.001953125000000000000000000000;0.000651041666666666630526594250;0.000651041666666666630526594250;0.001953125000000000000000000000;0.018229166666666667823148983985;0.000000000000000000000000000000;0.011067708333333333911574491992;0.006510416666666666955787245996;0.005208333333333333044212754004;0.009114583333333333911574491992;0.004557291666666666955787245996;0.001302083333333333261053188501;0.003255208333333333477893622998
-0.017988165680473372498582307344;0.016568047337278107161706586226;0.070295857988165677543435094776;0.152189349112426042243129131748;0.015384615384615385469402326635;0.008757396449704142604719692144;0.002366863905325443818289388176;0.016331360946745563517135124698;0.043550295857988162440133095288;0.020591715976331359527762288053;0.012544378698224851326203932445;0.009704142011834318917729014231;0.007337278106508875533120495049;0.031715976331360945517090499379;0.028165680473372780440177720607;0.011834319526627218657766071885;0.036686390532544375930878999270;0.038816568047337275670916056924;0.009940828402366864297023951735;0.016804733727810650806278047753;0.006390532544378698352749434974;0.035502958579881657708021691633;0.011360946745562129633899672854;0.031715976331360945517090499379;0.021065088757396450286352163062;0.021538461538461537575495086116;0.018698224852071006901743643880;0.014201183431952662042374591067;0.001420118343195266204237459107;0.007573964497041420045053694565;0.009940828402366864297023951735;0.019171597633136094190886566935;0.004733727810650887636578776352;0.006153846153846153840816235459;0.014201183431952662042374591067;0.034082840236686388901699018561;0.009704142011834318917729014231;0.004260355029585798612712377320;0.004260355029585798612712377320;0.016804733727810650806278047753;0.007337278106508875533120495049;0.010414201183431953320890350767;0.000000000000000000000000000000;0.013964497041420118397803129540;0.011360946745562129633899672854;0.010887573964497040610033273822;0.032189349112426032806233422434;0.019644970414201184949476441943;0.022248520710059171978656422652;0.011597633136094675013194610358
-0.016666666666666666435370203203;0.029310344827586206489788978047;0.035057471264367819074880827657;0.200574712643678154666559976249;0.036781609195402298340127345000;0.015517241379310344612241223672;0.000000000000000000000000000000;0.021839080459770114639450611094;0.023563218390804597374144080391;0.008620689655172413673467346484;0.017241379310344827346934692969;0.025862068965517241020402039453;0.008045977011494252761902856719;0.024712643678160919197273059922;0.040229885057471263809514283594;0.010919540229885057319725305547;0.012068965517241379142854285078;0.057471264367816091156448976562;0.011494252873563218231289795312;0.012643678160919540054418774844;0.013218390804597700965983264609;0.015517241379310344612241223672;0.027586206896551723755095508750;0.016666666666666666435370203203;0.018390804597701149170063672500;0.017241379310344827346934692969;0.034482758620689654693869385937;0.031034482758620689224482447344;0.000000000000000000000000000000;0.010919540229885057319725305547;0.005747126436781609115644897656;0.003448275862068965469386938594;0.013793103448275861877547754375;0.005747126436781609115644897656;0.016666666666666666435370203203;0.024137931034482758285708570156;0.012643678160919540054418774844;0.003448275862068965469386938594;0.003448275862068965469386938594;0.010344827586206896408160815781;0.002873563218390804557822448828;0.012643678160919540054418774844;0.000000000000000000000000000000;0.008620689655172413673467346484;0.013218390804597700965983264609;0.002873563218390804557822448828;0.019540229885057470993192652031;0.008620689655172413673467346484;0.030459770114942528312917957578;0.008045977011494252761902856719
-0.033846153846153845257127557034;0.011794871794871795295245320290;0.040512820512820513219054419096;0.009230769230769231628586091176;0.024102564102564102976877791207;0.052307692307692305044852787432;0.003076923076923076920408117729;0.017435897435897435014950929144;0.022564102564102565817716339325;0.017948717948717947401338079771;0.022051282051282049961882236744;0.027179487179487180764647646924;0.031282051282051283325191803897;0.029743589743589742696583400061;0.011282051282051282908858169662;0.022051282051282049961882236744;0.015384615384615385469402326635;0.038461538461538463673505816587;0.021025641025641025189107935489;0.007179487179487179480952274702;0.012820512820512820068019621544;0.021025641025641025189107935489;0.024102564102564102976877791207;0.018461538461538463257172182352;0.043589743589743587537377322860;0.029230769230769230310196249434;0.023589743589743590590490640579;0.019487179487179488029946483607;0.003076923076923076920408117729;0.037435897435897438900731515332;0.016410256410256410242176627889;0.011794871794871795295245320290;0.013846153846153846575517398776;0.012307692307692307681632470917;0.030769230769230770938804653269;0.029743589743589742696583400061;0.008717948717948717507475464572;0.016410256410256410242176627889;0.003076923076923076920408117729;0.032307692307692308097966105151;0.002564102564102564100340098108;0.010256410256410256401360392431;0.000000000000000000000000000000;0.013333333333333334189130248149;0.011282051282051282908858169662;0.007692307692307692734701163317;0.023589743589743590590490640579;0.017435897435897435014950929144;0.028717948717948717923809098806;0.018461538461538463257172182352
-0.016006097560975610094580190434;0.019054878048780487381774761957;0.023628048780487805047290095217;0.064786585365853660567481142607;0.032774390243902440378320761738;0.021341463414634147949255904564;0.009146341463414633596307190544;0.008384146341463415141870285652;0.021341463414634147949255904564;0.016006097560975610094580190434;0.007621951219512194952709904783;0.014481707317073171450982904673;0.025914634146341462145324285871;0.014481707317073171450982904673;0.019054878048780487381774761957;0.013719512195121951261822523804;0.015243902439024389905419809566;0.023628048780487805047290095217;0.009908536585365853785467571413;0.008384146341463415141870285652;0.008384146341463415141870285652;0.012957317073170731072662142935;0.025914634146341462145324285871;0.022865853658536584858129714348;0.019817073170731707570935142826;0.012957317073170731072662142935;0.014481707317073171450982904673;0.116615853658536591797023618255;0.004573170731707316798153595272;0.035823170731707314196068381307;0.020579268292682927760095523695;0.022865853658536584858129714348;0.009146341463414633596307190544;0.013719512195121951261822523804;0.048780487804878050472900952172;0.020579268292682927760095523695;0.005335365853658536987313976141;0.014481707317073171450982904673;0.013719512195121951261822523804;0.032012195121951220189160380869;0.005335365853658536987313976141;0.025152439024390245425610856955;0.000000000000000000000000000000;0.014481707317073171450982904673;0.008384146341463415141870285652;0.025914634146341462145324285871;0.015243902439024389905419809566;0.019054878048780487381774761957;0.013719512195121951261822523804;0.012195121951219512618225238043
-0.009127789046653143889553660983;0.013184584178498985618244176976;0.036511156186612575558214643934;0.059837728194726165498185110891;0.273833671399594302808822021689;0.002028397565922920864345257996;0.009127789046653143889553660983;0.024340770791075050372143095956;0.023326572008113589939970466958;0.020283975659229208643452579963;0.009127789046653143889553660983;0.008113590263691683457381031985;0.000000000000000000000000000000;0.010141987829614604321726289982;0.045638945233265719447768304917;0.018255578093306287779107321967;0.008113590263691683457381031985;0.005070993914807302160863144991;0.007099391480730223025208402987;0.000000000000000000000000000000;0.025354969574036510804315724954;0.019269776876267748211279950965;0.001014198782961460432172628998;0.027383367139959431668660982950;0.003042596348884381296517886994;0.022312373225152129507797837960;0.019269776876267748211279950965;0.110547667342799194045710464707;0.006085192697768762593035773989;0.004056795131845841728690515993;0.000000000000000000000000000000;0.023326572008113589939970466958;0.006085192697768762593035773989;0.015212981744421906482589434972;0.000000000000000000000000000000;0.007099391480730223025208402987;0.000000000000000000000000000000;0.006085192697768762593035773989;0.004056795131845841728690515993;0.000000000000000000000000000000;0.010141987829614604321726289982;0.016227180527383366914762063971;0.000000000000000000000000000000;0.018255578093306287779107321967;0.018255578093306287779107321967;0.014198782961460446050416805974;0.024340770791075050372143095956;0.000000000000000000000000000000;0.000000000000000000000000000000;0.015212981744421906482589434972
-0.019444444444444444752839729063;0.012654320987654321326032480499;0.053086419753086422357313267639;0.125925925925925913384517684790;0.024074074074074074125473288177;0.011728395061728395798450463872;0.006172839506172839163511412153;0.021913580246913581806023074705;0.015740740740740739173064710599;0.027160493827160493707228994253;0.012962962962962962590318660716;0.009876543209876543008562954640;0.011419753086419752799440807678;0.044135802469135801406885377673;0.018827160493827162224267368629;0.012962962962962962590318660716;0.019753086419753086017125909279;0.033641975308641977604473538577;0.010493827160493827271858791050;0.011419753086419752799440807678;0.020679012345679013279431401884;0.017283950617283948963942563637;0.012654320987654321326032480499;0.037962962962962962243373965521;0.015432098765432097908778530382;0.024074074074074074125473288177;0.027469135802469134971515174470;0.020679012345679013279431401884;0.006481481481481481295159330358;0.005555555555555555767577313730;0.005555555555555555767577313730;0.021913580246913581806023074705;0.006481481481481481295159330358;0.010185185185185186007572610833;0.023148148148148146863167795573;0.047222222222222220988641083750;0.011419753086419752799440807678;0.005864197530864197899225231936;0.002777777777777777883788656865;0.019753086419753086017125909279;0.012345679012345678327022824305;0.011419753086419752799440807678;0.000000000000000000000000000000;0.019753086419753086017125909279;0.008950617283950617480980938012;0.014814814814814815380206169948;0.030246913580246913288984700330;0.016666666666666666435370203203;0.028395061728395062233820667075;0.011419753086419752799440807678
-0.032271297689046900269982387499;0.014768220976343497674587723623;0.046082319157664433650900548400;0.007657596061807739502846903434;0.019417475728155338121627693226;0.013264050321345548580365125702;0.002598112949541911756434764413;0.038014494735402706848681475549;0.013127307534527553681269473884;0.028715985231779022485154584388;0.018323533433611375459415526734;0.004649254751811842181763445581;0.009025023929987692830612111550;0.036920552440858747655916261010;0.039792150964036647475818853081;0.017639819499521400963937267647;0.020921646383153288950573767124;0.043073977847668538931902304512;0.025023929987693149801231129459;0.010665937371803636823930361288;0.022425817038151236310072889069;0.010392451798167647025739057653;0.012990564747709558782173822067;0.043620948994940518528284911781;0.036373581293586761120639749834;0.042800492274032542194817096970;0.046355804731300423449091852035;0.007110624914535758171740820188;0.000820456720907972105079342118;0.011486394092711609687951224146;0.004785997538629837080859097398;0.017776562286339395863032919465;0.014357992615889511242577292194;0.006426910980445781074177347136;0.011896622453165596119961655575;0.044441405715848487922858822685;0.019964446875427321187457252449;0.010392451798167647025739057653;0.001093942294543962879052600989;0.010939422945439628356845140900;0.009571995077259674161718194796;0.006973882127717763272645168371;0.000000000000000000000000000000;0.023383016545877204073189403744;0.020511418022699304253286811672;0.016272391631341445034086845567;0.033775468344044851098928461397;0.024750444414057160003039825824;0.029673184739504990248271099063;0.016682619991795433200820752973
-0.023343744862732204725652707111;0.004438599375308236415216267545;0.064935064935064928937080708238;0.001479533125102745327178466184;0.017096827223409501173012614572;0.006904487917146144571045596194;0.001315140555646884855736655773;0.032385336182804536075963142139;0.007562058194969587324174575826;0.050304126253493341991429588234;0.010356731875719216856568394292;0.001643925694558606015460711092;0.007890843333881307833377327654;0.061647213545947723845053189962;0.009370376458984053594236662832;0.013480190695380568632888440561;0.020384678612526713203934036756;0.030083840210422489042096927392;0.006575702778234424061842844367;0.010849909584086799355095998010;0.012493835278645405370556709101;0.010192339306263356601967018378;0.008548413611704750586506307286;0.076935722505342751809109813621;0.026467203682393556501972753381;0.048660200558934739445415829096;0.035015617294098307088479060667;0.001808318264014466486902521503;0.002465888541837909023191066638;0.001808318264014466486902521503;0.001808318264014466486902521503;0.040604964655597569622713649551;0.005753739930955121054112488821;0.013644583264836428887489816475;0.020384678612526713203934036756;0.065757027782344240618428443668;0.013315798125924708378287064647;0.005589347361499259932149374919;0.000164392569455860606967081972;0.009534769028439913848838038746;0.007068880486602005693008710097;0.003781029097484793662087287913;0.000000000000000000000000000000;0.036495150419201052849338395845;0.003616636528028932973805043005;0.014466546112115731895220172021;0.062633568962682892311555349352;0.039783001808318264880259818028;0.030741410488245930060502431047;0.018411967779056386679270573836
-0.013766699250570217649691784345;0.016536331052460086221689294916;0.028510915607689802514501664632;0.209595959595959585586300022442;0.085043988269794715262328566041;0.012626262626262626034834291033;0.007086999022482893227647959833;0.020039100684261974133493211525;0.036575431736722056885735554488;0.013033561420658194840438426354;0.010263929618768328003164391760;0.027207559465623983030457821997;0.004154447702834799388549313903;0.017106549364613879427032827607;0.023623330074942976847252040784;0.009204952753339849455538335121;0.019061583577712610387822067537;0.023134571521668294974416468790;0.012707722385141740836789203684;0.003502769631801890080208261580;0.011404366243075921352745361048;0.015966112740306289546898810272;0.001710654936461388072807543459;0.018980123818833495585867154887;0.015232974910394265002921976304;0.016699250570218312356152168263;0.023216031280547409776371381440;0.060198761811665037202434547225;0.003828608667318344951219222239;0.033072662104920172443378589833;0.011159986966438578681604099074;0.015477354187031605939339762301;0.003828608667318344951219222239;0.010834147930922124677954876404;0.005457803844900618872593156539;0.019631801889866407062612552181;0.004072987943955686321317877230;0.005620723362658846741779505862;0.007412838057999348098658920492;0.005620723362658846741779505862;0.007657217334636689902438444477;0.032420984033887260966633192538;0.000000000000000000000000000000;0.012707722385141740836789203684;0.011811665037471488423626020392;0.013359400456174650578811125001;0.015395894428152492872108325628;0.008064516129032257840680841809;0.007331378299120235031427483818;0.009042033235581623321075461774
-0.013685152057245080978176154929;0.025491949910554562164222147658;0.027996422182468692907431062622;0.235420393559928442517303892600;0.020930232558139534593255604022;0.014132379248658318363074393176;0.012164579606440071787853973717;0.017889087656529516212611241599;0.033452593917710195248194082751;0.010196779964221825212633554258;0.007781753130590339517791420576;0.018515205724508050633136946317;0.007692307692307692734701163317;0.012075134168157423270040240482;0.038103756708407869602250883645;0.010912343470483004681526040258;0.019588550983899822438560889282;0.024418604651162790358798204693;0.011538461538461539102051744976;0.003309481216457960464638610176;0.009749552772808586093011840035;0.018694096601073344199317460834;0.002236135957066189526576405200;0.013953488372093023062170402682;0.017531305903398925610803260611;0.014490161001788908964882374164;0.021556350626118069013781308740;0.097853309481216455001373333289;0.007334525939177102132893182329;0.014132379248658318363074393176;0.013864042933810376279080145423;0.017084078711985688225905022364;0.004025044722719141668254572153;0.010644007155635062597531792505;0.006976744186046511531085201341;0.016726296958855097624097041376;0.003756708407871198716898586412;0.010465116279069767296627802011;0.005635062611806797641667010623;0.011091234347048299982430030752;0.009481216457960644009017592282;0.030590339892665473903177186799;0.000000000000000000000000000000;0.010554561717352415814441535247;0.013059033989266546557650450211;0.011270125223613595283334021246;0.014132379248658318363074393176;0.008855098389982111323215363541;0.007066189624329159181537196588;0.011896243291592127969136249988
-0.009047619047619047394359625969;0.023809523809523808202115446875;0.026190476190476191103995162734;0.255238095238095263894706477004;0.013333333333333334189130248149;0.010952380952380953021974008266;0.008571428571428571854817768383;0.025714285714285713829729829172;0.026666666666666668378260496297;0.012857142857142856914864914586;0.009047619047619047394359625969;0.010952380952380953021974008266;0.007142857142857142634106981660;0.010952380952380953021974008266;0.033809523809523810145005739969;0.012857142857142856914864914586;0.029523809523809525084958593766;0.024761904761904762750646114000;0.012857142857142856914864914586;0.003809523809523809520505288617;0.009523809523809524668624959531;0.026666666666666668378260496297;0.007619047619047619041010577234;0.016666666666666666435370203203;0.011428571428571428561515865852;0.013809523809523809728672105734;0.020476190476190477690598967797;0.063333333333333338699411285688;0.012380952380952381375323057000;0.012380952380952381375323057000;0.012857142857142856914864914586;0.026666666666666668378260496297;0.003809523809523809520505288617;0.010476190476190475747708674703;0.008095238095238094580552434820;0.019523809523809523142068300672;0.005238095238095237873854337352;0.009523809523809524668624959531;0.007142857142857142634106981660;0.018095238095238094788719251937;0.011904761904761904101057723437;0.028095238095238096731609545031;0.000000000000000000000000000000;0.012857142857142856914864914586;0.018095238095238094788719251937;0.013809523809523809728672105734;0.011904761904761904101057723437;0.005238095238095237873854337352;0.006190476190476190687661528500;0.008095238095238094580552434820
-0.029430379746835443749430893945;0.018512658227848102776569305661;0.048734177215189876386514100659;0.058227848101265820834893105484;0.007278481012658227604361638186;0.025632911392405064582300511233;0.005854430379746835416687744669;0.031803797468354433330972597105;0.012658227848101265625158085015;0.028797468354430380554909163493;0.020727848101265822222671886266;0.006329113924050632812579042508;0.021202531645569618751201446116;0.032436708860759493056047375603;0.013291139240506328819679815467;0.015189873417721518403245006823;0.019936708860759492362157985212;0.035917721518987338891193417112;0.026582278481012657639359630934;0.009177215189873418055288567530;0.023892405063291138195280538525;0.013291139240506328819679815467;0.013765822784810127082932851295;0.040189873417721518056300311628;0.030063291139240506943952624397;0.034810126582278479168142126809;0.036550632911392405555162099517;0.013449367088607595485671986069;0.002373417721518987413137358189;0.012658227848101265625158085015;0.001740506329113924001775193240;0.022468354430379745140244907020;0.016139240506329113195027602501;0.005221518987341772222166014217;0.013924050632911392014201545919;0.045569620253164556944458496446;0.017563291139240506250063234006;0.006329113924050632812579042508;0.002373417721518987413137358189;0.008386075949367088194774666476;0.007436708860759493402992070799;0.011075949367088607638853758885;0.000000000000000000000000000000;0.023892405063291138195280538525;0.010126582278481012847071163208;0.019936708860759492362157985212;0.028639240506329113888916992892;0.021044303797468355554656227469;0.034810126582278479168142126809;0.014556962025316455208723276371
-0.013559322033898304690757719015;0.042615012106537529523730967185;0.026392251815980628804059193726;0.097094430992736083241290145907;0.098789346246973372411837033269;0.021307506053268764761865483592;0.002905569007263922309824977219;0.034140435835351090609890434280;0.011138014527845036677478063325;0.009685230024213075522565574715;0.023002421307506053932412370955;0.015496368038740920142215529154;0.007748184019370460071107764577;0.015496368038740920142215529154;0.052784503631961257608118387452;0.008474576271186440648564008882;0.011138014527845036677478063325;0.027360774818401937397149836784;0.043825665859564162663009057042;0.003874092009685230035553882288;0.022276029055690073354956126650;0.001937046004842615017776941144;0.007748184019370460071107764577;0.016707021791767553281493619011;0.017917675544794189890218660821;0.014285714285714285268213963320;0.027602905569007265412784235536;0.077723970944309925257265092569;0.000000000000000000000000000000;0.048668280871670702159015320376;0.004600484261501210613010126593;0.004842615012106537761282787358;0.014285714285714285268213963320;0.001210653753026634440320696839;0.008474576271186440648564008882;0.022760290556900725916777972202;0.012348668280871671551479629159;0.001937046004842615017776941144;0.001210653753026634440320696839;0.002179176755447941732368732914;0.007506053268765132922835103813;0.020338983050847456168774840535;0.000000000000000000000000000000;0.007263922518159806641924181037;0.036077481840193707796071720395;0.006779661016949152345378859508;0.013075060532687652128935873463;0.006537530266343826064467936732;0.019370460048426151045131149431;0.007506053268765132922835103813
-0.006666666666666667094565124074;0.061111111111111109106541761093;0.005555555555555555767577313730;0.141111111111111103832982394124;0.104444444444444450859066364501;0.008888888888888888881179006773;0.006666666666666667094565124074;0.023333333333333334397297065266;0.023333333333333334397297065266;0.001111111111111111110147375847;0.005555555555555555767577313730;0.004444444444444444440589503387;0.002222222222222222220294751693;0.002222222222222222220294751693;0.073333333333333333703407674875;0.003333333333333333547282562037;0.006666666666666667094565124074;0.021111111111111111743321444578;0.026666666666666668378260496297;0.000000000000000000000000000000;0.006666666666666667094565124074;0.002222222222222222220294751693;0.001111111111111111110147375847;0.004444444444444444440589503387;0.002222222222222222220294751693;0.001111111111111111110147375847;0.012222222222222222862142437805;0.213333333333333347026083970377;0.000000000000000000000000000000;0.042222222222222223486642889156;0.005555555555555555767577313730;0.003333333333333333547282562037;0.005555555555555555767577313730;0.001111111111111111110147375847;0.001111111111111111110147375847;0.004444444444444444440589503387;0.004444444444444444440589503387;0.003333333333333333547282562037;0.002222222222222222220294751693;0.001111111111111111110147375847;0.006666666666666667094565124074;0.080000000000000001665334536938;0.000000000000000000000000000000;0.002222222222222222220294751693;0.053333333333333336756520992594;0.001111111111111111110147375847;0.002222222222222222220294751693;0.000000000000000000000000000000;0.003333333333333333547282562037;0.005555555555555555767577313730
-0.020161290322580644601702104524;0.025806451612903225784068084181;0.055645161290322583957923541220;0.041935483870967744934876719753;0.017741935483870967943387242372;0.012096774193548386761021262714;0.004032258064516128920340420905;0.014516129032258065154059600843;0.104838709677419358867744847430;0.013709677419354839023046821467;0.010483870967741936233719179938;0.005645161290322580315004241669;0.005645161290322580315004241669;0.026612903225806450180357387580;0.041935483870967744934876719753;0.011290322580645160630008483338;0.024193548387096773522042525428;0.037903225806451612545089346895;0.014516129032258065154059600843;0.016129032258064515681361683619;0.008064516129032257840680841809;0.051612903225806451568136168362;0.004838709677419355051353200281;0.018548387096774192339676545771;0.024193548387096773522042525428;0.015322580645161289550348904243;0.037903225806451612545089346895;0.041935483870967744934876719753;0.000806451612903225805752127631;0.011290322580645160630008483338;0.004032258064516128920340420905;0.008064516129032257840680841809;0.004838709677419355051353200281;0.011290322580645160630008483338;0.008064516129032257840680841809;0.025000000000000001387778780781;0.012096774193548386761021262714;0.004838709677419355051353200281;0.022580645161290321260016966676;0.012096774193548386761021262714;0.006451612903225806446017021045;0.062096774193548386067131872323;0.000000000000000000000000000000;0.010483870967741936233719179938;0.014516129032258065154059600843;0.011290322580645160630008483338;0.022580645161290321260016966676;0.019354838709677420205412801124;0.012096774193548386761021262714;0.008870967741935483971693621186
-0.034337544541626172089898716422;0.005506964690638159985736077573;0.083576287657920314555504148757;0.005183025591188856508184645833;0.003239390994493035209195186397;0.010042112082928409538817859925;0.005183025591188856508184645833;0.013605442176870747791883609068;0.018140589569160998212327129409;0.037252996436669905122585078061;0.015873015873015872134743631250;0.011013929381276319971472155146;0.008098477486232588673509269483;0.053773890508584387681878524745;0.005506964690638159985736077573;0.021056041464204731245013491048;0.021703919663103338200116354528;0.031098153547133137314384399019;0.005830903790087463463287509313;0.017492711370262391257224265928;0.010042112082928409538817859925;0.029802397149335923404178672058;0.009394233884029802583714996445;0.043407839326206676400232709057;0.031746031746031744269487262500;0.043731778425655974673613712866;0.029802397149335923404178672058;0.000323939099449303531761540365;0.003239390994493035209195186397;0.005830903790087463463287509313;0.007450599287333980851044668015;0.023647554259799159065424944970;0.000971817298347910541074512469;0.013929381276320051269435040808;0.019112406867508906910257948653;0.048590864917395532041055616901;0.011985746679624230404126450367;0.016520894071914479089846494730;0.001619695497246517604597593198;0.031422092646582439057212354783;0.004859086491739553030633214092;0.005830903790087463463287509313;0.000000000000000000000000000000;0.023971493359248460808252900733;0.000647878198898607063523080729;0.021056041464204731245013491048;0.057985098801425334624770613345;0.040816326530612241640927351227;0.033365727243278263391967897178;0.021379980563654032987841446811
-0.023628552544613351527047484524;0.017680105750165233530202257839;0.057171183079973562912723394902;0.005122273628552544318115469224;0.016688697951090548932118196035;0.014871116986120291522666114759;0.008426966292134831226778857172;0.030403172504957040600537254704;0.023298083278255121014721495953;0.023959021810971578569926521141;0.019332452081956379152938296784;0.011401189689358890225201470514;0.009087904824851288781983882359;0.035690680766688701042177456202;0.024785194976867149646571064636;0.020489094514210177272461876896;0.022967614011896893971842459337;0.040152015862524786937726162250;0.019497686715135492674377815092;0.009748843357567746337188907546;0.017845340383344350521088728101;0.018836748182419035119172789905;0.013384005287508261156093070099;0.034203569068076665471433983612;0.025280898876404493680336571515;0.036186384666226041606496011127;0.039821546596166559894847125634;0.012062128222075347780406495701;0.005287508261731658706916725521;0.019497686715135492674377815092;0.013218770654329147634653551791;0.023132848645076007493281977645;0.011401189689358890225201470514;0.014540647719762062745063602165;0.014540647719762062745063602165;0.034699272967614012974646442444;0.014540647719762062745063602165;0.016027759418374091376913170848;0.006444150693985459428525519598;0.019662921348314606195817333401;0.007105089226701916983730544786;0.017680105750165233530202257839;0.000000000000000000000000000000;0.018175809649702577563967764718;0.014375413086582947488900607880;0.020158625247851950229582840279;0.032881692002643757299917837145;0.021810971579643092382871927271;0.027098479841374752824512128768;0.015697290152015860864587182277
-0.012052730696798493251198358678;0.018455743879472692736687378101;0.017325800376647833289656119860;0.321657250470809785714010331503;0.018079096045197740744159276005;0.009416195856873822364607740099;0.014312617702448210410537399184;0.031261770244821095177112368901;0.022598870056497175062837357018;0.009792843691148776091859318171;0.011676082862523541258670256582;0.007909604519774010925048379761;0.006403013182674199485489019423;0.013182674199623352698229616919;0.036534839924670430011399702153;0.006026365348399246625599179339;0.012429378531073446978449936751;0.027871939736346516836018594176;0.021092278719397363623277996680;0.002636534839924670452909749585;0.015819209039548021850096759522;0.012429378531073446978449936751;0.008286252354048964652299957834;0.013935969868173258418009297088;0.013935969868173258418009297088;0.015065913370998116130317079353;0.029001883239171376283049852418;0.033898305084745762594256035527;0.007532956685499058065158539677;0.014312617702448210410537399184;0.009039548022598870372079638003;0.011676082862523541258670256582;0.007156308851224105205268699592;0.011676082862523541258670256582;0.005273069679849340905819499170;0.021468926553672315615806098776;0.007156308851224105205268699592;0.007532956685499058065158539677;0.002636534839924670452909749585;0.006026365348399246625599179339;0.009039548022598870372079638003;0.017325800376647833289656119860;0.000000000000000000000000000000;0.011676082862523541258670256582;0.022598870056497175062837357018;0.021092278719397363623277996680;0.017702448210922788751631173909;0.005649717514124293765709339254;0.011676082862523541258670256582;0.008662900188323916644828059930
-0.016908212560386472189666307031;0.004378019323671497944894248633;0.029136473429951691843653449610;0.245621980676328510728723131251;0.030193236714975844187103248828;0.011775362318840579961554126953;0.016908212560386472189666307031;0.025664251207729468079454804297;0.014492753623188405973087888867;0.032608695652173912138405142969;0.011473429951690821901322259180;0.006642512077294685998718470898;0.004076086956521739017300642871;0.023550724637681159923108253906;0.026871980676328503789829227344;0.014643719806763285870565560742;0.015700483091787439948738835938;0.015851449275362319846216507813;0.004076086956521739017300642871;0.001509661835748792252723249341;0.013586956521739130057668809570;0.014190821256038647912856021094;0.001509661835748792252723249341;0.060537439613526568271684169531;0.014945652173913043930797428516;0.026721014492753623892351555469;0.027475845410628019910292962891;0.010265700483091787925671312109;0.012681159420289855876973206250;0.007397342995169082016659878320;0.005887681159420289980777063477;0.032306763285024152343449799218;0.002264492753623188487505091260;0.010416666666666666088425508008;0.004227053140096618047416576758;0.030646135265700483879536264453;0.004227053140096618047416576758;0.011473429951690821901322259180;0.002264492753623188487505091260;0.003774154589371980523387906103;0.015549516908212560051261164062;0.007246376811594202986543944434;0.000000000000000000000000000000;0.046648550724637680153783492187;0.010718599033816425883380851758;0.026419082125603864097396211719;0.023097826086956520230675238281;0.007095410628019323956428010547;0.003019323671497584505446498682;0.011322463768115942003844587305
-0.026540710751237067688279580580;0.004948268106162842863704476315;0.044084570400359873731943594066;0.143049932523616724067139216459;0.051282051282051280272078486178;0.015294646873594242367233597690;0.008547008547008547868495398347;0.017993702204228519819784182232;0.017543859649122806043664013487;0.023841655420602788501005520061;0.011246063877642825321045982889;0.017094017094017095736990796695;0.014394961763382816549716736176;0.023391812865497074724885351316;0.013045434098065676956079705917;0.015744489428699954408630290459;0.017094017094017095736990796695;0.027440395861448491771072966117;0.005847953216374268681221337829;0.004948268106162842863704476315;0.011246063877642825321045982889;0.012595591542959963179959537172;0.013945119208277102773596567431;0.032388663967611336369500918408;0.031039136302294198510587364126;0.033288349077822763921741255899;0.022941970310391364418212134524;0.022941970310391364418212134524;0.001799370220422852068714592022;0.020692757534862799007058242751;0.009446693657219973686012259861;0.014844804318488528591113428945;0.008097165991902834092375229602;0.011246063877642825321045982889;0.019343229869545657678697736515;0.029689608636977057182226857890;0.011246063877642825321045982889;0.009446693657219973686012259861;0.001349527665317138943115726768;0.017543859649122806043664013487;0.006297795771479981589979768586;0.014394961763382816549716736176;0.000000000000000000000000000000;0.025641025641025640136039243089;0.007197480881691408274858368088;0.020692757534862799007058242751;0.032388663967611336369500918408;0.018893387314439947372024519723;0.023391812865497074724885351316;0.012595591542959963179959537172
-0.027281746031746031966314092188;0.014384920634920634122111415820;0.059523809523809520505288617187;0.001984126984126984016842953906;0.013888888888888888117900677344;0.019345238095238095898942276563;0.003968253968253968033685907812;0.023313492063492063932628184375;0.044146825396825399578926152344;0.017361111111111111882099322656;0.016369047619047619873677845703;0.032738095238095239747355691406;0.008432539682539682071582554101;0.037202380952380952050528861719;0.015376984126984126130532892773;0.017857142857142856151586585156;0.021825396825396824185272492969;0.037698412698412696320016124218;0.013392857142857142113689938867;0.009920634920634920084214769531;0.013392857142857142113689938867;0.018849206349206348160008062109;0.017857142857142856151586585156;0.029761904761904760252644308594;0.035714285714285712303173170312;0.026785714285714284227379877734;0.034226190476190479494711382813;0.014880952380952380126322154297;0.001984126984126984016842953906;0.017857142857142856151586585156;0.013888888888888888117900677344;0.019345238095238095898942276563;0.008432539682539682071582554101;0.015376984126984126130532892773;0.020337301587301587907363753516;0.043650793650793648370544985937;0.013888888888888888117900677344;0.007936507936507936067371815625;0.016369047619047619873677845703;0.016865079365079364143165108203;0.008432539682539682071582554101;0.020833333333333332176851016015;0.000000000000000000000000000000;0.017361111111111111882099322656;0.005456349206349206046318123242;0.013392857142857142113689938867;0.037202380952380952050528861719;0.027281746031746031966314092188;0.031746031746031744269487262500;0.014880952380952380126322154297
-0.029549319727891158043897590346;0.012967687074829932492026074442;0.053996598639455779811147095870;0.002976190476190476025264430859;0.004251700680272109227064714077;0.020833333333333332176851016015;0.005527210884353741561503259305;0.027636054421768706940154558538;0.025935374149659864984052148884;0.026147959183673470662245819085;0.015731292517006802839096835100;0.010841836734693877444812848410;0.010416666666666666088425508008;0.036777210884353740694141521317;0.019345238095238095898942276563;0.020620748299319726498657345815;0.025510204081632653627664808482;0.042304421768707481388283042634;0.019557823129251701577135946764;0.009778911564625850788567973382;0.019770408163265307255329616964;0.021896258503401360567819367020;0.012117346938775509779251393638;0.031675170068027211356387340402;0.035714285714285712303173170312;0.034013605442176873816517712612;0.038477891156462586119690882924;0.007440476190476190063161077148;0.002338435374149659858045158245;0.014668367346938776182851960073;0.019982993197278912933523287165;0.017644557823129250473392914955;0.011479591836734694479393859012;0.012329931972789115457445063839;0.018069727891156461829780255357;0.042942176870748298422864053236;0.015943877551020408517290505301;0.015518707482993197160903164900;0.008503401360544218454129428153;0.018494897959183673186167595759;0.009991496598639456466761643583;0.020620748299319726498657345815;0.000000000000000000000000000000;0.019770408163265307255329616964;0.007440476190476190063161077148;0.016156462585034014195484175502;0.035501700680272106624979500111;0.021471088435374149211432026618;0.029761904761904760252644308594;0.019557823129251701577135946764
-0.020689655172413792816321631562;0.027586206896551723755095508750;0.049425287356321838394546119844;0.002298850574712643646257959062;0.006896551724137930938773877187;0.010344827586206896408160815781;0.004597701149425287292515918125;0.050574712643678160217675099375;0.021839080459770114639450611094;0.024137931034482758285708570156;0.014942528735632183700676733906;0.002298850574712643646257959062;0.010344827586206896408160815781;0.032183908045977011047611426875;0.036781609195402298340127345000;0.013793103448275861877547754375;0.037931034482758620163256324531;0.059770114942528734802706935625;0.021839080459770114639450611094;0.010344827586206896408160815781;0.021839080459770114639450611094;0.012643678160919540054418774844;0.014942528735632183700676733906;0.036781609195402298340127345000;0.025287356321839080108837549687;0.028735632183908045578224488281;0.049425287356321838394546119844;0.004597701149425287292515918125;0.006896551724137930938773877187;0.006896551724137930938773877187;0.004597701149425287292515918125;0.022988505747126436462579590625;0.012643678160919540054418774844;0.008045977011494252761902856719;0.009195402298850574585031836250;0.056321839080459769333319997031;0.012643678160919540054418774844;0.006896551724137930938773877187;0.003448275862068965469386938594;0.016091954022988505523805713437;0.014942528735632183700676733906;0.018390804597701149170063672500;0.000000000000000000000000000000;0.018390804597701149170063672500;0.014942528735632183700676733906;0.017241379310344827346934692969;0.039080459770114941986385304062;0.013793103448275861877547754375;0.031034482758620689224482447344;0.012643678160919540054418774844
-0.018226600985221674128267110859;0.010344827586206896408160815781;0.072906403940886696513068443437;0.099507389162561576956278486250;0.000985221674876847215013286885;0.008866995073891626236162188945;0.006403940886699507548107668242;0.018226600985221674128267110859;0.030049261083743842443150029453;0.025123152709359605067040988047;0.012807881773399015096215336484;0.020197044334975371160378898594;0.002955665024630542078720729648;0.035960591133004926600591488750;0.016256157635467980565602275078;0.019704433497536946034989213672;0.024630541871921183411098255078;0.034975369458128076349812118906;0.007881773399014777720106295078;0.004926108374384236508747303418;0.012315270935960591705549127539;0.034975369458128076349812118906;0.005418719211822659899413512363;0.029064039408866995661817611563;0.027093596059113302099152775781;0.039408866995073892069978427344;0.036945812807881776851370858594;0.003940886699507388860053147539;0.002955665024630542078720729648;0.016256157635467980565602275078;0.014778325123152708658880172266;0.027586206896551723755095508750;0.004433497536945813118081094473;0.020689655172413792816321631562;0.010837438423645319798827024727;0.035467980295566504944648755782;0.011330049261083743189493233672;0.006403940886699507548107668242;0.003940886699507388860053147539;0.014778325123152708658880172266;0.010344827586206896408160815781;0.009359605911330049626828397891;0.000000000000000000000000000000;0.020689655172413792816321631562;0.013300492610837438486881545430;0.017241379310344827346934692969;0.040394088669950742320757797188;0.017733990147783252472324377891;0.015763546798029555440212590156;0.025615763546798030192430672969
-0.022869022869022870292354809862;0.011434511434511435146177404931;0.061850311850311853745232326673;0.093555093555093560286906040346;0.004677754677754678014345302017;0.007796257796257796690575503362;0.005197505197505197793717002241;0.038461538461538463673505816587;0.024428274428274429630469910535;0.047297297297297299922824720397;0.017671517671517672498637807621;0.013513513513513514263664205828;0.003638253638253638455601901569;0.030665280665280666982930313225;0.023908523908523909851098210311;0.015072765072765073601779306500;0.028586278586278587865443512328;0.022349272349272350512983109638;0.006756756756756757131832102914;0.003118503118503118676230201345;0.012474012474012474704920805380;0.015592515592515593381151006724;0.003118503118503118676230201345;0.061850311850311853745232326673;0.017671517671517672498637807621;0.043659043659043661467222818828;0.028586278586278587865443512328;0.009875259875259875808062304259;0.004158004158004158234973601793;0.001559251559251559338115100672;0.018191268191268192278009507845;0.034303534303534305438532214794;0.000519750519750519779371700224;0.007276507276507276911203803138;0.008316008316008316469947203586;0.047297297297297299922824720397;0.012474012474012474704920805380;0.005717255717255717573088702466;0.000519750519750519779371700224;0.004158004158004158234973601793;0.009355509355509356028690604035;0.004158004158004158234973601793;0.000000000000000000000000000000;0.034303534303534305438532214794;0.007796257796257796690575503362;0.031185031185031186762302013449;0.043139293139293141687851118604;0.019230769230769231836752908293;0.011954261954261954925549105155;0.018711018711018712057381208069
-0.020234937476316786075791753774;0.006820765441455096771139476886;0.052368321333838577236186040409;0.145661235316407733364485466154;0.001894657067070860262392173468;0.005987116331943918325075859599;0.003865100416824554692418747237;0.022432739674118983008721528449;0.013338385752178855137017876586;0.058279651383099657924180547752;0.007957559681697612755102433368;0.003561955286093217154519408041;0.003334596438044713784254469147;0.036528988253126185026253835986;0.012580522925350511725950397590;0.009624857900719969647229667942;0.027737779461917393825087785331;0.022735884804850323148706081611;0.005683971201212580787176520403;0.007199696854869268476673216384;0.012201591511936340020416658092;0.011140583554376658204088101911;0.003107237589996210847670399247;0.083516483516483511206907053293;0.014475179992421371988342571058;0.033497536945812804443090016093;0.020083364910951119475246429147;0.008715422508525956166169912365;0.009928003031451308052490745126;0.002425161045850701170556451558;0.002349374763167866569241182262;0.051231527093596060384861345938;0.002046229632436529031341843066;0.005380826070481243249277181206;0.006441834028040924198243999399;0.070405456612353159440154115600;0.009397499052671466276964729047;0.006366047745358090030609599097;0.001061007957559681599488121684;0.008639636225843122865897250051;0.008791208791208791201166050655;0.005835543766578249122445321007;0.000000000000000000000000000000;0.040242516104585068781318568654;0.004926108374384236508747303418;0.022129594543387646338183927242;0.046684350132625992979562568053;0.018416066691928762583119194574;0.012732095490716180061219198194;0.010003789314134141352763407440
-0.014999999999999999444888487687;0.011111111111111111535154627461;0.036111111111111107718762980312;0.452222222222222247633993674754;0.003333333333333333547282562037;0.001666666666666666773641281019;0.005000000000000000104083408559;0.021666666666666667406815349750;0.006111111111111111431071218902;0.025555555555555557051272685953;0.004444444444444444440589503387;0.007777777777777777554191196430;0.001111111111111111110147375847;0.023888888888888890060790970438;0.018888888888888889089345823891;0.010000000000000000208166817117;0.008888888888888888881179006773;0.013333333333333334189130248149;0.006111111111111111431071218902;0.001666666666666666773641281019;0.009444444444444444544672911945;0.011111111111111111535154627461;0.002222222222222222220294751693;0.040555555555555553026714221687;0.008888888888888888881179006773;0.021666666666666667406815349750;0.028333333333333331899295259859;0.007777777777777777554191196430;0.002777777777777777883788656865;0.006111111111111111431071218902;0.004444444444444444440589503387;0.029444444444444443226283070203;0.000555555555555555555073687923;0.011111111111111111535154627461;0.002777777777777777883788656865;0.029999999999999998889776975375;0.002222222222222222220294751693;0.003333333333333333547282562037;0.001666666666666666773641281019;0.001111111111111111110147375847;0.010555555555555555871660722289;0.001111111111111111110147375847;0.000000000000000000000000000000;0.018888888888888889089345823891;0.010555555555555555871660722289;0.016111111111111110771876298031;0.022777777777777778733803160094;0.003333333333333333547282562037;0.005000000000000000104083408559;0.012222222222222222862142437805
-0.022083333333333333287074040641;0.013750000000000000069388939039;0.037083333333333336201409480282;0.059166666666666666019036568969;0.042500000000000003053113317719;0.013333333333333334189130248149;0.011666666666666667198648532633;0.037916666666666667961926862063;0.015833333333333334674852821422;0.037083333333333336201409480282;0.018749999999999999306110609609;0.011666666666666667198648532633;0.007083333333333332974823814965;0.033750000000000002220446049250;0.027916666666666666019036568969;0.014583333333333333564629796797;0.012916666666666666574148081281;0.012916666666666666574148081281;0.036249999999999997501998194593;0.004166666666666666608842550801;0.023750000000000000277555756156;0.007499999999999999722444243844;0.000833333333333333386820640509;0.047916666666666669904817155157;0.023750000000000000277555756156;0.034583333333333333980963431031;0.029583333333333333009518284484;0.023333333333333334397297065266;0.004583333333333333356462979680;0.029999999999999998889776975375;0.017916666666666667545593227828;0.025000000000000001387778780781;0.005833333333333333599324266316;0.009583333333333332593184650250;0.005833333333333333599324266316;0.028333333333333331899295259859;0.009583333333333332593184650250;0.015833333333333334674852821422;0.005416666666666666851703837438;0.000416666666666666693410320255;0.012083333333333333078907223523;0.007916666666666667337426410711;0.000000000000000000000000000000;0.022083333333333333287074040641;0.022083333333333333287074040641;0.018333333333333333425851918719;0.043333333333333334813630699500;0.020416666666666666296592325125;0.013333333333333334189130248149;0.020416666666666666296592325125
-0.011471861471861471634681173271;0.046103896103896105373998182131;0.008225108225108225534771833054;0.139610389610389601378059865056;0.085714285714285715078730731875;0.021428571428571428769682682969;0.006926406926406926400918706577;0.026623376623376621835648236924;0.008658008658008658001148383221;0.005411255411255411033877305016;0.011688311688311688735231186342;0.020562770562770563836929582635;0.009740259740259740034451496626;0.006060606060606060600803868255;0.077922077922077920275611973011;0.010173160173160172500828046793;0.006060606060606060600803868255;0.024242424242424242403215473018;0.037445887445887449107573274887;0.000865800865800865800114838322;0.015151515151515151935690539631;0.008874458874458875101698396293;0.006493506493506493934542156410;0.005194805194805194800689029933;0.012770562770562770768534299748;0.010173160173160172500828046793;0.025324675324675326171242062401;0.102597402597402603818821376080;0.003679653679653679867328497366;0.049134199134199134373357509276;0.014069264069264069902387426225;0.005844155844155844367615593171;0.013852813852813852801837413153;0.003679653679653679867328497366;0.007575757575757575967845269815;0.011904761904761904101057723437;0.005411255411255411033877305016;0.009090909090909090467524933388;0.004329004329004329000574191610;0.002164502164502164500287095805;0.012554112554112553667984286676;0.007359307359307359734656994732;0.000000000000000000000000000000;0.005627705627705628134427318088;0.052164502164502163372716836420;0.010173160173160172500828046793;0.006277056277056276833992143338;0.006493506493506493934542156410;0.010606060606060606701928072937;0.006493506493506493934542156410
-0.017241379310344827346934692969;0.036853448275862066285668561250;0.016810344827586205795899587656;0.257543103448275856326432631249;0.050646551724137928163216315625;0.021767241379310343224462442890;0.012284482758620689918371837734;0.020258620689655171265286526250;0.011206896551724137775507550430;0.009698275862068965816331633789;0.010991379310344826999989997773;0.013577586206896551102030201719;0.009051724137931035224502451797;0.007758620689655172306120611836;0.043965517241379307999959991093;0.014008620689655172653065307031;0.012715517241379309734683467070;0.026508620689655173346954697422;0.019396551724137931632663267578;0.001293103448275862051020101973;0.011206896551724137775507550430;0.007758620689655172306120611836;0.012284482758620689918371837734;0.011206896551724137775507550430;0.017887931034482759673487350938;0.013362068965517242061236125039;0.021767241379310343224462442890;0.057327586206896548326472640156;0.002155172413793103418366836621;0.033836206896551722367316727969;0.017025862068965516571417140312;0.009698275862068965816331633789;0.012931034482758620510201019727;0.004310344827586206836733673242;0.008620689655172413673467346484;0.012931034482758620510201019727;0.005172413793103448204080407891;0.013793103448275861877547754375;0.001939655172413793076530152959;0.009482758620689655040814081133;0.006034482758620689571427142539;0.010129310344827585632643263125;0.000000000000000000000000000000;0.009051724137931035224502451797;0.032543103448275864653105315938;0.013793103448275861877547754375;0.009051724137931035224502451797;0.004525862068965517612251225898;0.009051724137931035224502451797;0.007543103448275862397964797168
-0.021045918367346937855044686216;0.021896258503401360567819367020;0.048894557823129250473392914955;0.120323129251700675079739255580;0.019982993197278912933523287165;0.026998299319727889905573547935;0.003401360544217686947970902267;0.012967687074829932492026074442;0.050595238095238095898942276563;0.010416666666666666088425508008;0.012117346938775509779251393638;0.020833333333333332176851016015;0.016794217687074831230065186105;0.020833333333333332176851016015;0.018069727891156461829780255357;0.014030612244897959148270949470;0.024447278911564625236696457478;0.036139455782312923659560510714;0.015731292517006802839096835100;0.008715986394557822397599622377;0.009141156462585033753986962779;0.040391156462585037223433914733;0.016156462585034014195484175502;0.011479591836734694479393859012;0.022959183673469388958787718025;0.013605442176870747791883609068;0.022108843537414966246013037221;0.032312925170068028390968351005;0.001062925170068027306766178519;0.031887755102040817034581010603;0.016794217687074831230065186105;0.012542517006802721135638734040;0.014243197278911564826464619671;0.010416666666666666088425508008;0.018707482993197278864361265960;0.022746598639455783280594047824;0.007865646258503401419548417550;0.009566326530612245110374303181;0.012117346938775509779251393638;0.021045918367346937855044686216;0.003613945578231292626164572468;0.037414965986394557728722531920;0.000000000000000000000000000000;0.007440476190476190063161077148;0.013605442176870747791883609068;0.007653061224489795741354747349;0.018069727891156461829780255357;0.009991496598639456466761643583;0.021258503401360543533238356417;0.009566326530612245110374303181
-0.021129326047358835960476852733;0.014936247723132969889014987075;0.069945355191256830540424971332;0.001821493624772313295323566962;0.023315118397085610180141657111;0.025865209471766847926232912869;0.005828779599271402545035414278;0.017850637522768671161532694214;0.073588342440801451926901677325;0.014571948998178506362588535694;0.011293260473588343298367853151;0.017850637522768671161532694214;0.009836065573770492662108999582;0.029143897996357012725177071388;0.011293260473588343298367853151;0.019672131147540985324217999164;0.035701275045537342323065388427;0.044080145719489982614192058463;0.008378870673952642025850146013;0.012021857923497268616497279936;0.011293260473588343298367853151;0.045173041894353373193471412606;0.012750455373406193934626706721;0.019307832422586521797791547783;0.033879781420765024690933131524;0.021493624772313296017456352160;0.023679417122040073706568108491;0.013843351548269581044459108909;0.001821493624772313295323566962;0.016393442622950820525273840644;0.017850637522768671161532694214;0.016029143897996356998847389264;0.005828779599271402545035414278;0.011657559198542805090070828555;0.019307832422586521797791547783;0.024043715846994537232994559872;0.011293260473588343298367853151;0.012750455373406193934626706721;0.012750455373406193934626706721;0.021129326047358835960476852733;0.007285974499089253181294267847;0.052459016393442622905318728499;0.000000000000000000000000000000;0.010928961748633879771941401771;0.005828779599271402545035414278;0.012386156648451730408200255340;0.029143897996357012725177071388;0.022222222222222223070309254922;0.021493624772313296017456352160;0.017850637522768671161532694214
-0.026842948717948716258474561869;0.012019230769230769897970567683;0.071714743589743584761819761297;0.001602564102564102508502452693;0.016025641025641024217662788942;0.026442307692307692040811772927;0.001602564102564102508502452693;0.015625000000000000000000000000;0.063701923076923072652988366826;0.014022435897435897925178416301;0.017227564102564103809545059676;0.020032051282051283741525438131;0.014423076923076923877564681220;0.026041666666666667823148983985;0.009615384615384615918376454147;0.027243589743589743945584302764;0.020833333333333332176851016015;0.043669871794871792380909880649;0.010416666666666666088425508008;0.015625000000000000000000000000;0.010416666666666666088425508008;0.042067307692307695510258724880;0.014022435897435897925178416301;0.018830128205128204149643167398;0.037660256410256408299286334795;0.025240384615384615918376454147;0.026442307692307692040811772927;0.012820512820512820068019621544;0.000000000000000000000000000000;0.027644230769230768163247091707;0.029647435897435896190454940324;0.016025641025641024217662788942;0.006810897435897435986396075691;0.013221153846153846020405886463;0.022435897435897435986396075691;0.033253205128205128027207848618;0.006810897435897435986396075691;0.012820512820512820068019621544;0.008012820512820512108831394471;0.024839743589743588231266713251;0.003205128205128205017004905386;0.029647435897435896190454940324;0.000000000000000000000000000000;0.013221153846153846020405886463;0.008012820512820512108831394471;0.010416666666666666088425508008;0.028044871794871795850356832602;0.024839743589743588231266713251;0.021233974358974359863960756911;0.017628205128205128027207848618
-0.023148148148148146863167795573;0.012500000000000000693889390391;0.068981481481481476958350640416;0.020833333333333332176851016015;0.002314814814814814686316779557;0.019907407407407408383992475365;0.001851851851851851922525771243;0.009722222222222222376419864531;0.079629629629629633535969901459;0.021759259259259259439156508620;0.014814814814814815380206169948;0.017592592592592593697675695807;0.012037037037037037062736644089;0.031944444444444441977282167500;0.006481481481481481295159330358;0.027314814814814816074095560339;0.026851851851851852442942814037;0.034722222222222223764198645313;0.007870370370370369586532355299;0.015740740740740739173064710599;0.010648148148148147904001881159;0.044444444444444446140618509844;0.006944444444444444058950338672;0.027777777777777776235801354687;0.027777777777777776235801354687;0.027314814814814816074095560339;0.018518518518518517490534236458;0.031481481481481478346129421197;0.000000000000000000000000000000;0.013888888888888888117900677344;0.023148148148148146863167795573;0.015277777777777777276635440273;0.005092592592592593003786305417;0.011574074074074073431583897786;0.014814814814814815380206169948;0.031018518518518518184423626849;0.008796296296296296848837847904;0.016666666666666666435370203203;0.026851851851851852442942814037;0.015740740740740739173064710599;0.004166666666666666608842550801;0.049537037037037039144404815261;0.000000000000000000000000000000;0.018055555555555553859381490156;0.000925925925925925961262885622;0.009259259259259258745267118229;0.030555555555555554553270880547;0.021296296296296295808003762318;0.016203703703703702804217456901;0.016203703703703702804217456901
-0.023625134790706794202241880498;0.027448289383393786183829021752;0.027938437408097246961169446422;0.004509361827271836029029650206;0.035094598568767766677556352306;0.031761592000784238942756587676;0.006273894716204293266204050639;0.032839917655131847795679789215;0.018919713753553574903110146010;0.010979315753357513432697523115;0.015684736790510734466552733579;0.039701990000980298678445734595;0.021174394667189490315539757148;0.020096069012841877993169603656;0.034996568963827072440420096200;0.013822174296637583859603815029;0.016567003234976961784097326813;0.035878835408293306696858593341;0.051563572198804037693964374967;0.005195569061856680943833897146;0.027742378198215861956343886163;0.013233996666993432314574086206;0.015096559160866581186799528780;0.018135476914028034883807904976;0.023821194000588179207067440757;0.019703950593079111452965435092;0.031957651210665620478135195981;0.025487697284579943074467323072;0.004313302617390451891565827935;0.064993628075678849809193593501;0.027938437408097246961169446422;0.012155671012645818257480456737;0.024409371630232330752097169579;0.006469953926085678271029610897;0.014018233506518968864429375287;0.023723164395647484969931184651;0.012449759827467895764718797125;0.009704930889128516105501809363;0.005097539456915988441421117017;0.010979315753357513432697523115;0.012743848642289971537233661536;0.017057151259680422561437751483;0.000000000000000000000000000000;0.009410842074306440332986944952;0.020978335457308108780161148843;0.012449759827467895764718797125;0.019507891383197726448139874833;0.010195078913831976882842234033;0.023625134790706794202241880498;0.008528575629840211280718875742
-0.024109589041095891293053909976;0.039178082191780823351212603711;0.025205479452054795758142446971;0.012054794520547945646526954988;0.024383561643835614807240830260;0.042191780821917809762844342458;0.007123287671232876420990276500;0.032876712328767120074868302027;0.015342465753424657307069089995;0.013972602739726027593070156740;0.019452054794520546449065889760;0.028493150684931505683961106001;0.018630136986301368967611225003;0.017260273972602740988335767724;0.031780821917808219079226716985;0.017808219178082191486156560245;0.013424657534246575360525888243;0.041095890410958901828308853510;0.027671232876712328202506441244;0.003013698630136986411631738747;0.022465753424657532860697628507;0.008219178082191780018717075507;0.011506849315068493413982686491;0.018904109589041095951245097240;0.032054794520547942593413637269;0.026849315068493150721051776486;0.033150684931506850527949126217;0.049315068493150683581749404993;0.007671232876712328653534544998;0.063013698630136991130079593404;0.024383561643835614807240830260;0.014794520547945205074524821498;0.017260273972602740988335767724;0.008219178082191780018717075507;0.010684931506849315932528021733;0.025205479452054795758142446971;0.009315068493150684483805612501;0.010684931506849315932528021733;0.004931506849315068358174940499;0.007123287671232876420990276500;0.015890410958904109539613358493;0.020273972602739727399967506472;0.000000000000000000000000000000;0.011780821917808218662893082751;0.016712328767123287021068023250;0.016438356164383560037434151013;0.018630136986301368967611225003;0.009863013698630136716349880999;0.016164383561643836523247230730;0.013424657534246575360525888243
-0.020703124999999999306110609609;0.022265625000000000693889390391;0.037890624999999997224442438437;0.051562499999999997224442438437;0.044531250000000001387778780781;0.026562499999999999306110609609;0.005078125000000000173472347598;0.011718750000000000000000000000;0.056640625000000000000000000000;0.012109375000000000346944695195;0.012500000000000000693889390391;0.012890624999999999306110609609;0.021093750000000001387778780781;0.019140625000000001387778780781;0.022265625000000000693889390391;0.015625000000000000000000000000;0.028906250000000001387778780781;0.037109375000000000000000000000;0.018749999999999999306110609609;0.005078125000000000173472347598;0.011328124999999999653055304805;0.024609374999999999306110609609;0.010937499999999999306110609609;0.019531250000000000000000000000;0.026171875000000000693889390391;0.018749999999999999306110609609;0.020312500000000000693889390391;0.050390625000000001387778780781;0.003125000000000000173472347598;0.039453124999999998612221219219;0.012109375000000000346944695195;0.017187500000000001387778780781;0.012890624999999999306110609609;0.008593750000000000693889390391;0.014843749999999999306110609609;0.026562499999999999306110609609;0.003125000000000000173472347598;0.007421874999999999653055304805;0.019140625000000001387778780781;0.014843749999999999306110609609;0.004687499999999999826527652402;0.053124999999999998612221219219;0.000000000000000000000000000000;0.010546875000000000693889390391;0.016796874999999999306110609609;0.009374999999999999653055304805;0.019921874999999998612221219219;0.012500000000000000693889390391;0.017187500000000001387778780781;0.012109375000000000346944695195
-0.017301038062283738416802236770;0.018166089965397924643752958218;0.039792387543252594195308802227;0.072664359861591698575011832872;0.042387543252595152876160966571;0.025086505190311417928805681754;0.003460207612456747509888099756;0.011245674740484429623976758705;0.098615916955017299261321284121;0.009515570934256055435351839833;0.008650519031141869208401118385;0.011245674740484429623976758705;0.006920415224913495019776199513;0.012110726643598615850927480153;0.012110726643598615850927480153;0.012110726643598615850927480153;0.037197231833910035514456637884;0.034602076124567476833604473541;0.017301038062283738416802236770;0.010380622837370241662302561281;0.008650519031141869208401118385;0.047577854671280277176759199165;0.000865051903114186877472024939;0.019031141868512110870703679666;0.014705882352941176266503120473;0.016435986159169548720404563369;0.018166089965397924643752958218;0.051038062283737022084562084956;0.005190311418685120831151280640;0.032006920415224911213858405290;0.016435986159169548720404563369;0.008650519031141869208401118385;0.008650519031141869208401118385;0.003460207612456747509888099756;0.008650519031141869208401118385;0.022491349480968859247953517411;0.005190311418685120831151280640;0.006055363321799307925463740077;0.029411764705882352533006240947;0.012975778546712802077878201601;0.005190311418685120831151280640;0.081314878892733560844519047350;0.000000000000000000000000000000;0.008650519031141869208401118385;0.020761245674740483324605122561;0.003460207612456747509888099756;0.012975778546712802077878201601;0.014705882352941176266503120473;0.012110726643598615850927480153;0.004325259515570934604200559193
-0.026724137931034484122472250078;0.001724137931034482734693469297;0.053448275862068968244944500157;0.000000000000000000000000000000;0.033620689655172411591799175312;0.074137931034482754122372227812;0.001724137931034482734693469297;0.004310344827586206836733673242;0.038793103448275863265326535156;0.012068965517241379142854285078;0.012931034482758620510201019727;0.081034482758620685061146104999;0.027586206896551723755095508750;0.018965517241379310081628162266;0.003448275862068965469386938594;0.031034482758620689224482447344;0.021551724137931035918391842188;0.013793103448275861877547754375;0.016379310344827587714311434297;0.007758620689655172306120611836;0.004310344827586206836733673242;0.023275862068965518653085311485;0.002586206896551724102040203945;0.025862068965517241020402039453;0.036206896551724140898009807188;0.019827586206896553183698372891;0.012931034482758620510201019727;0.006034482758620689571427142539;0.000862068965517241367346734648;0.124137931034482756897929789375;0.032758620689655175428622868594;0.026724137931034484122472250078;0.008620689655172413673467346484;0.006034482758620689571427142539;0.013793103448275861877547754375;0.028448275862068966857165719375;0.005172413793103448204080407891;0.009482758620689655040814081133;0.007758620689655172306120611836;0.012931034482758620510201019727;0.000862068965517241367346734648;0.021551724137931035918391842188;0.000000000000000000000000000000;0.009482758620689655040814081133;0.006034482758620689571427142539;0.006034482758620689571427142539;0.011206896551724137775507550430;0.030172413793103449591859188672;0.012068965517241379142854285078;0.013793103448275861877547754375
-0.033026113671274962002577524345;0.001536098310291858677623100249;0.065284178187403993365300891583;0.009216589861751152065738601493;0.038402457757296469542662720187;0.025345622119815669481823761089;0.000768049155145929338811550124;0.007680491551459293388115501244;0.066052227342549924005155048690;0.012288786482334869420984801991;0.014592933947772657871100321358;0.076036866359447008445471283267;0.004608294930875576032869300747;0.043778801843317970143854012122;0.014592933947772657871100321358;0.036098310291858677623100248866;0.020737327188940092581592722354;0.020737327188940092581592722354;0.007680491551459293388115501244;0.005376344086021505805361719865;0.009216589861751152065738601493;0.029953917050691242912607847870;0.000768049155145929338811550124;0.031490015360983100722869210131;0.044546850998463900783708169229;0.023041474654377881031708241721;0.027649769585253457931939280456;0.006144393241167434710492400995;0.002304147465437788016434650373;0.046850998463901692703270640550;0.029185867895545315742200642717;0.023809523809523808202115446875;0.001536098310291858677623100249;0.026881720430107527292085123349;0.006912442396313364482984820114;0.022273425499231950391854084614;0.006144393241167434710492400995;0.006912442396313364482984820114;0.002304147465437788016434650373;0.003840245775729646694057750622;0.001536098310291858677623100249;0.030721966205837173552462004977;0.000000000000000000000000000000;0.023809523809523808202115446875;0.003840245775729646694057750622;0.011520737327188940515854120861;0.028417818740399385102346485610;0.010752688172043011610723439730;0.008448540706605223160607920363;0.025345622119815669481823761089
-0.019672131147540985324217999164;0.010382513661202186217025200676;0.054098360655737705304790807759;0.090346083788706746386942825211;0.009289617486338797372469322511;0.017304189435336975871893017143;0.010200364298724954453811974986;0.023132969034608378416928431420;0.075409836065573776497927838136;0.013661202185792349281245883219;0.015118397085610199917504736788;0.011839708561020036853284054246;0.011475409836065573326857602865;0.022768670309653914890501980040;0.020582877959927140670837175662;0.017486338797814207635106242833;0.018761384335154826508151870712;0.031511839708561022177502053410;0.015300546448087431680717962479;0.007103825136612022285442780145;0.019489981785063753561004773474;0.048633879781420766286181844862;0.010382513661202186217025200676;0.020947176684881604197263627043;0.022222222222222223070309254922;0.023861566484517305469781334182;0.019307832422586521797791547783;0.026775956284153006742299041321;0.002003642987249544624855923658;0.011293260473588343298367853151;0.017850637522768671161532694214;0.016393442622950820525273840644;0.005464480874316939885970700885;0.007103825136612022285442780145;0.012932604735883423963116456434;0.026047358834244079689446138559;0.008743169398907103817553121416;0.011475409836065573326857602865;0.034972677595628415270212485666;0.011839708561020036853284054246;0.006921675774134790522229554455;0.038979963570127507122009546947;0.000000000000000000000000000000;0.012750455373406193934626706721;0.006557377049180327863164841062;0.015118397085610199917504736788;0.021675774134790527780669577851;0.012204007285974498644987029650;0.018032786885245902924745919904;0.014571948998178506362588535694
-0.035042735042735043138328876466;0.035042735042735043138328876466;0.011111111111111111535154627461;0.039316239316239315337853099663;0.016239316239316240603196561665;0.055555555555555552471602709375;0.004273504273504273934247699174;0.039316239316239315337853099663;0.017094017094017095736990796695;0.010256410256410256401360392431;0.022222222222222223070309254922;0.016239316239316240603196561665;0.039316239316239315337853099663;0.012820512820512820068019621544;0.042735042735042735873030039784;0.020512820512820512802720784862;0.009401709401709401267566157401;0.041025641025641025605441569724;0.029059829059829060671216183209;0.002564102564102564100340098108;0.031623931623931622603151936346;0.005128205128205128200680196215;0.003418803418803418800453464144;0.019658119658119657668926549832;0.043589743589743587537377322860;0.029059829059829060671216183209;0.027350427350427350403627713149;0.058119658119658121342432366419;0.003418803418803418800453464144;0.026495726495726495269833478119;0.023931623931623933337897724982;0.007692307692307692734701163317;0.013675213675213675201813856575;0.001709401709401709400226732072;0.008547008547008547868495398347;0.022222222222222223070309254922;0.015384615384615385469402326635;0.005982905982905983334474431246;0.005982905982905983334474431246;0.003418803418803418800453464144;0.017094017094017095736990796695;0.017094017094017095736990796695;0.000000000000000000000000000000;0.011965811965811966668948862491;0.022222222222222223070309254922;0.019658119658119657668926549832;0.007692307692307692734701163317;0.014529914529914530335608091605;0.026495726495726495269833478119;0.007692307692307692734701163317
-0.016018306636155606875737689165;0.013729977116704804654401250730;0.040045766590389018924067698890;0.351258581235697919797900112826;0.005148741418764301962240903521;0.012013729977116704289441528886;0.009153318077803203681175325812;0.017162471395881007119044170395;0.021167048054919909705340330675;0.016018306636155606875737689165;0.009153318077803203681175325812;0.008009153318077803437868844583;0.001716247139588100581800156341;0.021167048054919909705340330675;0.022883295194508008335576576542;0.008581235697940503559522085197;0.012013729977116704289441528886;0.026887871853546910921872736822;0.016590389016018305262667453803;0.004004576659038901718934422291;0.011441647597254004167788288271;0.022883295194508008335576576542;0.005148741418764301962240903521;0.021739130434782608092270095312;0.017734553775743705505973935033;0.019450800915331807605657132854;0.021167048054919909705340330675;0.020022883295194509462033849445;0.004576659038901601840587662906;0.009153318077803203681175325812;0.005720823798627002083894144135;0.016018306636155606875737689165;0.001716247139588100581800156341;0.012585812356979404411094769500;0.008581235697940503559522085197;0.018306636155606407362350651624;0.006864988558352402327200625365;0.006292906178489702205547384750;0.001716247139588100581800156341;0.012013729977116704289441528886;0.009153318077803203681175325812;0.010869565217391304046135047656;0.000000000000000000000000000000;0.009153318077803203681175325812;0.016590389016018305262667453803;0.012585812356979404411094769500;0.024599542334096110435259774363;0.014302059496567506510777967321;0.011441647597254004167788288271;0.015446224256292906754084448551
-0.035671819262782400450362274569;0.004756242568370986495418506479;0.049940546967895363406064745959;0.001189060642092746623854626620;0.000000000000000000000000000000;0.030915576694411413954943768090;0.009512485136741972990837012958;0.013079667063020213729762630805;0.023781212841854935946539484348;0.032104637336504163180883608675;0.009512485136741972990837012958;0.019024970273483945981674025916;0.017835909631391200225181137284;0.036860879904875146206855163200;0.011890606420927467973269742174;0.032104637336504163180883608675;0.023781212841854935946539484348;0.022592152199762186720599643763;0.007134363852556480610489497707;0.008323424494649227234344124327;0.014268727705112961220978995414;0.035671819262782400450362274569;0.005945303210463733986634871087;0.045184304399524373441199287527;0.038049940546967891963348051831;0.043995243757431627684706398895;0.028537455410225922441957990827;0.002378121284185493247709253239;0.010701545778834720482053377566;0.010701545778834720482053377566;0.008323424494649227234344124327;0.036860879904875146206855163200;0.009512485136741972990837012958;0.023781212841854935946539484348;0.014268727705112961220978995414;0.040428061831153390415227733001;0.001189060642092746623854626620;0.016646848989298454468688248653;0.004756242568370986495418506479;0.019024970273483945981674025916;0.008323424494649227234344124327;0.021403091557669440964106755132;0.000000000000000000000000000000;0.023781212841854935946539484348;0.001189060642092746623854626620;0.033293697978596908937376497306;0.027348394768133173216018150242;0.039239001189060644658734844370;0.027348394768133173216018150242;0.017835909631391200225181137284
-0.029726516052318668198450879459;0.010701545778834720482053377566;0.053507728894173600675543411853;0.040428061831153390415227733001;0.021403091557669440964106755132;0.017835909631391200225181137284;0.002378121284185493247709253239;0.019024970273483945981674025916;0.034482758620689654693869385937;0.030915576694411413954943768090;0.015457788347205706977471884045;0.022592152199762186720599643763;0.009512485136741972990837012958;0.027348394768133173216018150242;0.033293697978596908937376497306;0.015457788347205706977471884045;0.021403091557669440964106755132;0.026159334126040427459525261611;0.021403091557669440964106755132;0.003567181926278240305244748853;0.011890606420927467973269742174;0.009512485136741972990837012958;0.000000000000000000000000000000;0.057074910820451844883915981654;0.028537455410225922441957990827;0.028537455410225922441957990827;0.026159334126040427459525261611;0.030915576694411413954943768090;0.002378121284185493247709253239;0.021403091557669440964106755132;0.017835909631391200225181137284;0.028537455410225922441957990827;0.009512485136741972990837012958;0.003567181926278240305244748853;0.003567181926278240305244748853;0.038049940546967891963348051831;0.008323424494649227234344124327;0.011890606420927467973269742174;0.005945303210463733986634871087;0.001189060642092746623854626620;0.010701545778834720482053377566;0.041617122473246136171720621633;0.000000000000000000000000000000;0.032104637336504163180883608675;0.024970273483947681703032372980;0.026159334126040427459525261611;0.027348394768133173216018150242;0.014268727705112961220978995414;0.007134363852556480610489497707;0.014268727705112961220978995414
-0.013656565656565656727283730731;0.003070707070707070617671119450;0.013898989898989898630898842669;0.528646464646464697700878332398;0.004686868686868687211566353312;0.013414141414141414823668618794;0.013979797979797979265437213314;0.025454545454545455390737984658;0.004525252525252525075127874032;0.011959595959595959932530995218;0.010020202020202019499439671790;0.017535353535353535858742901610;0.003797979797979798063239931238;0.010505050505050505041393371641;0.032727272727272729846426102540;0.008484848484848485708487153545;0.007111111111111111451887900614;0.010666666666666666310470112933;0.010262626262626263137778259704;0.001939393939393939348889150942;0.019555555555555555191649119706;0.003313131313131312954967100382;0.001050505050505050417403163365;0.018989898989898990749880525186;0.014141414141414142269237430583;0.015676767676767677794913424805;0.023353535353535351953846443962;0.002181818181818181903025566371;0.003313131313131312954967100382;0.008000000000000000166533453694;0.009454545454545455057671077270;0.010505050505050505041393371641;0.002666666666666666577617528233;0.007515151515151515491941491831;0.003232323232323232320428729736;0.014707070707070706711006025103;0.004282828282828283171512762095;0.004040404040404040400535912170;0.000404040404040404040053591217;0.002505050505050504874859917948;0.010343434343434343772316630350;0.005494949494949495291673535746;0.000000000000000000000000000000;0.012929292929292929281714918943;0.012686868686868687378099807006;0.017050505050505052051512677735;0.009292929292929293788594335979;0.003878787878787878697778301884;0.004848484848484848480643094604;0.008242424242424242070148565631
-0.022823656411442669322831022782;0.002236101472742694270395835687;0.087670599120980796659097222800;0.217287377592721098196193452168;0.000462641684015729817269074742;0.005011951576837072631909197895;0.007710694733595496556943782451;0.030919885881717942832658252428;0.018197239571285373643805272081;0.024828437042177499416428787526;0.016500886729894363030846093920;0.003624026524789883667992951288;0.001079497262703369483277660024;0.044490708612846020797437773808;0.028221142724959517172900191895;0.014496106099159534671971805153;0.016809314519238182511484680504;0.018968309044644922345401738539;0.007864908628267407164624813731;0.002544529262086514184715291265;0.021975479990747167485798385655;0.015575603361862904588930334171;0.000385534736679774838689210847;0.032384917881101087100415014675;0.021898373043411210880915263033;0.043411211350142649145755768814;0.045955740612229165065194536055;0.000077106947335954965027336738;0.001773459788726964398916652321;0.001156604210039324570277741167;0.002390315367414604010715128979;0.016963528413910092251803973795;0.001927673683398874139235945613;0.015035854730511218763089331674;0.001927673683398874139235945613;0.030071709461022437526178663347;0.007402266944251677076305195868;0.005397486313516847850069169112;0.000231320842007864908634537371;0.003238491788110108883513849065;0.008790191996298867341264049458;0.001773459788726964398916652321;0.000000000000000000000000000000;0.023980260621481994109949198446;0.009946796206338190393658749144;0.019585164623332561306678911706;0.046109954506901071336066877393;0.011488935153057291266298634014;0.005089058524173028369430582529;0.032307810933765133964978844006
-0.026936517181129878556467005524;0.022277227722772276197193974667;0.014560279557367501734876924502;0.200203843913803136711493380062;0.014997087944088527064478988393;0.024024461269656377515602230233;0.008736167734420501387870849896;0.046156086196854982650616960882;0.005678509027373325815379878634;0.010483401281304600971555629485;0.014851485148514850798129316445;0.023150844496214326856398102450;0.017472335468841002775741699793;0.011648223645894000694012149211;0.026499708794408851492141465656;0.011065812463599300832783889348;0.008881770529994175919497045868;0.041933605125218403886222517940;0.042224810716365752949474909883;0.004222481071636575294947490988;0.036109493302271401804492967358;0.003931275480489225364333361057;0.017909143855562026370620287707;0.011357018054746651630759757268;0.023878858474082702983976034261;0.016744321490972626648163767982;0.039458357600465926440236330563;0.006115317414094350277620204537;0.000728013977868375043375759326;0.028974956319161328938127653032;0.030722189866045426787088956644;0.004076878276062900763321295017;0.021549213744903903539062994810;0.003203261502620850104117167234;0.011793826441467676960361821159;0.024315666860803726578854622176;0.018345952242283053434945827576;0.008008153756552125260292918085;0.000291205591147350039034347180;0.005824111822947000347006074605;0.015433896330809552394081052284;0.006697728596389051006210202388;0.000000000000000000000000000000;0.008444962143273150589894981977;0.013249854397204425746070732828;0.013104251601630751214444536856;0.008590564938846825121521177948;0.005969714618520675745994008565;0.034216656959813629423905467775;0.004950495049504950555163684811
-0.018486222532263691525900028978;0.028950122078828043059584018692;0.028601325427275899049295304621;0.110568538542029998206217555889;0.071154516916637600143502595529;0.014300662713637949524647652311;0.016742239274502964535562554715;0.040460411580048830093581102574;0.023718172305545865558018547858;0.011859086152772932779009273929;0.015347052668294385024960746478;0.017091035926055108545851268786;0.007673526334147192512480373239;0.014998256016742239279948556430;0.054063480990582488128204374789;0.013254272758981514024334558144;0.009766306243460063513106561572;0.024415765608650157048042927954;0.041158004883153125053052434623;0.001395186606208580377963546226;0.029996512033484478559897112859;0.014998256016742239279948556430;0.003836763167073596256240186619;0.020230205790024415046790551287;0.022671782350889430057705453692;0.023020579002441577537441119716;0.030694105336588770049921492955;0.035926055109870944082040011835;0.001743983257760725472454432783;0.020579002441576562526526217312;0.016393442622950820525273840644;0.010463899546564353268407465691;0.008371119637251482267781277358;0.011859086152772932779009273929;0.005580746424834321511854184905;0.015347052668294385024960746478;0.005231949773282176634203732846;0.010463899546564353268407465691;0.002441576560865015878276640393;0.001743983257760725472454432783;0.017091035926055108545851268786;0.012905476107429368279322368096;0.000000000000000000000000000000;0.015695849319846529035249460549;0.032089291942797346091076349239;0.016742239274502964535562554715;0.021276595744680850547103645454;0.008022322985699336522769087310;0.011510289501220788768720559858;0.009068712940355772023082181477
-0.020952380952380951495417349406;0.006666666666666667094565124074;0.023809523809523808202115446875;0.327619047619047643049583484753;0.099047619047619051002584456000;0.007619047619047619041010577234;0.008571428571428571854817768383;0.026666666666666668378260496297;0.020000000000000000416333634234;0.013333333333333334189130248149;0.013333333333333334189130248149;0.014285714285714285268213963320;0.001904761904761904760252644309;0.020000000000000000416333634234;0.019047619047619049337249919063;0.013333333333333334189130248149;0.015238095238095238082021154469;0.010476190476190475747708674703;0.041904761904761902990834698812;0.002857142857142857140378966463;0.020000000000000000416333634234;0.009523809523809524668624959531;0.000952380952380952380126322154;0.016190476190476189161104869640;0.024761904761904762750646114000;0.021904761904761906043948016531;0.022857142857142857123031731703;0.004761904761904762334312479766;0.001904761904761904760252644309;0.017142857142857143709635536766;0.002857142857142857140378966463;0.006666666666666667094565124074;0.011428571428571428561515865852;0.000952380952380952380126322154;0.001904761904761904760252644309;0.015238095238095238082021154469;0.003809523809523809520505288617;0.002857142857142857140378966463;0.000952380952380952380126322154;0.001904761904761904760252644309;0.007619047619047619041010577234;0.005714285714285714280757932926;0.000000000000000000000000000000;0.009523809523809524668624959531;0.019047619047619049337249919063;0.013333333333333334189130248149;0.019047619047619049337249919063;0.008571428571428571854817768383;0.007619047619047619041010577234;0.014285714285714285268213963320
-0.012398921832884097007920765066;0.008625336927223720487334368556;0.045283018867924525185930662019;0.216172506738544462079332220128;0.046900269541778977222534763314;0.009703504043126684464048992140;0.002695417789757412543871772925;0.014016172506738543840354438430;0.036118598382749327047047671613;0.015633423180592992407511587771;0.011859838274932614152201715285;0.011320754716981131296482665505;0.007008086253369271920177219215;0.018328840970350403216659884720;0.030188679245283019103585075982;0.010781671159029650175487091701;0.025336927223719676871560579912;0.029110512129380053392146976421;0.009164420485175201608329942360;0.007547169811320754775896268995;0.008086253369272237631615318776;0.029110512129380053392146976421;0.004312668463611860243667184278;0.026415094339622642582998679472;0.015094339622641509551792537991;0.015094339622641509551792537991;0.019407008086253368928097984281;0.046361185983827490897368761580;0.006469002695417789931819907423;0.020485175202156334639536083841;0.008086253369272237631615318776;0.017250673854447440974668737113;0.001617250673854447482954976856;0.008086253369272237631615318776;0.010781671159029650175487091701;0.025876010781671159727279629692;0.005929919137466307076100857643;0.004851752021563342232024496070;0.012938005390835579863639814846;0.019407008086253368928097984281;0.003773584905660377387948134498;0.027493261455525604824989827080;0.000000000000000000000000000000;0.014016172506738543840354438430;0.011320754716981131296482665505;0.014555256064690026696073488210;0.024797843665768194015841530131;0.010242587601078167319768041921;0.011320754716981131296482665505;0.008625336927223720487334368556
-0.026611328125000000000000000000;0.012207031250000000000000000000;0.052978515625000000000000000000;0.094726562500000000000000000000;0.034667968750000000000000000000;0.017008463541666667823148983985;0.005615234375000000000000000000;0.019124348958333332176851016015;0.019368489583333332176851016015;0.026123046875000000000000000000;0.019368489583333332176851016015;0.008870442708333333911574491992;0.012044270833333333911574491992;0.037109375000000000000000000000;0.022867838541666667823148983985;0.017578125000000000000000000000;0.017252604166666667823148983985;0.026774088541666667823148983985;0.015218098958333333911574491992;0.008463541666666666088425508008;0.016194661458333332176851016015;0.015625000000000000000000000000;0.013346354166666666088425508008;0.035237630208333335646297967969;0.028727213541666667823148983985;0.037760416666666664353702032031;0.031819661458333335646297967969;0.016194661458333332176851016015;0.003011067708333333477893622998;0.018066406250000000000000000000;0.006591796875000000000000000000;0.019612630208333332176851016015;0.009928385416666666088425508008;0.011800130208333333911574491992;0.017985026041666667823148983985;0.032307942708333335646297967969;0.009277343750000000000000000000;0.007486979166666666955787245996;0.001220703125000000000000000000;0.012288411458333333911574491992;0.006591796875000000000000000000;0.005533854166666666955787245996;0.000000000000000000000000000000;0.018066406250000000000000000000;0.018066406250000000000000000000;0.014973958333333333911574491992;0.038330078125000000000000000000;0.023274739583333332176851016015;0.021891276041666667823148983985;0.014811197916666666088425508008
-0.012763353439986012752282995564;0.004021330535886004017842587643;0.023734592184631524147686576498;0.018358248098610020077048332610;0.007474429583005507901627417766;0.003933910306845003930498183564;0.003147128245476003144398546851;0.018576798671212518127004997837;0.010883818515604510440697438867;0.124661246612466122818396740968;0.003933910306845003930498183564;0.006206836261911006201452689623;0.000437101145205000436722020396;0.026444619284902527722724840942;0.002797447329312002795020930535;0.009834775767112509392564589916;0.008173791415333508600382650400;0.004414721566570504844573274994;0.001092752863012501091805050990;0.000874202290410000873444040792;0.009353964507387010213212974463;0.005376344086021505805361719865;0.000305970801643500305705414277;0.230352303523035234489313438644;0.010883818515604510440697438867;0.036847626540781538984070664355;0.011364629775330011354772530296;0.001748404580820001746888081584;0.004371011452050004367220203960;0.003540519276160503537448365208;0.004414721566570504844573274994;0.059445755747880059394194773859;0.000262260687123000262033212238;0.001879534924381501877904687703;0.000874202290410000873444040792;0.046114170819127546507854020774;0.004720692368214004716597820277;0.003409388932599003406431759089;0.000131130343561500131016606119;0.000524521374246000524066424475;0.009747355538071510172581923825;0.002753737214791502751348728495;0.000000000000000000000000000000;0.143106914940117152523768595529;0.001529854008217501528527071386;0.066745344872803563651686431513;0.032782585890375033621513267690;0.009616225194510009607884448712;0.001529854008217501528527071386;0.004502141795611504931917679073
-0.031428571428571430712572976063;0.002857142857142857140378966463;0.021269841269841268521778587797;0.002222222222222222220294751693;0.004444444444444444440589503387;0.016507936507936509656913059985;0.000952380952380952380126322154;0.019047619047619049337249919063;0.001904761904761904760252644309;0.092380952380952383040657593938;0.026031746031746030856091067562;0.007619047619047619041010577234;0.006984126984126984120926362465;0.038095238095238098674499838125;0.005079365079365079360673718156;0.016507936507936509656913059985;0.009206349206349205907540245164;0.005079365079365079360673718156;0.012698412698412698401684295391;0.003174603174603174600421073848;0.014920634920634921055659916078;0.003174603174603174600421073848;0.000634920634920634920084214770;0.169841269841269848495102223751;0.025079365079365079777007352391;0.043174603174603178035173556282;0.018730158730158728841441728719;0.000000000000000000000000000000;0.004126984126984127414228264996;0.007301587301587302014649338844;0.006349206349206349200842147695;0.048888888888888891448569751219;0.001269841269841269840168429539;0.003809523809523809520505288617;0.008888888888888888881179006773;0.054603174603174604861965946156;0.007301587301587302014649338844;0.007936507936507936067371815625;0.000317460317460317460042107385;0.001904761904761904760252644309;0.007936507936507936067371815625;0.001269841269841269840168429539;0.000000000000000000000000000000;0.095555555555555560243163881751;0.002222222222222222220294751693;0.054285714285714284366157755812;0.046349206349206348298785940187;0.024761904761904762750646114000;0.005714285714285714280757932926;0.010158730158730158721347436312
-0.020000000000000000416333634234;0.004444444444444444440589503387;0.020000000000000000416333634234;0.495555555555555582447624374254;0.004444444444444444440589503387;0.005555555555555555767577313730;0.000000000000000000000000000000;0.013333333333333334189130248149;0.007777777777777777554191196430;0.025555555555555557051272685953;0.010000000000000000208166817117;0.003333333333333333547282562037;0.002222222222222222220294751693;0.029999999999999998889776975375;0.012222222222222222862142437805;0.007777777777777777554191196430;0.008888888888888888881179006773;0.008888888888888888881179006773;0.015555555555555555108382392859;0.004444444444444444440589503387;0.020000000000000000416333634234;0.005555555555555555767577313730;0.002222222222222222220294751693;0.048888888888888891448569751219;0.010000000000000000208166817117;0.015555555555555555108382392859;0.015555555555555555108382392859;0.002222222222222222220294751693;0.007777777777777777554191196430;0.006666666666666667094565124074;0.002222222222222222220294751693;0.017777777777777777762358013547;0.003333333333333333547282562037;0.004444444444444444440589503387;0.001111111111111111110147375847;0.021111111111111111743321444578;0.001111111111111111110147375847;0.003333333333333333547282562037;0.000000000000000000000000000000;0.003333333333333333547282562037;0.004444444444444444440589503387;0.000000000000000000000000000000;0.000000000000000000000000000000;0.023333333333333334397297065266;0.006666666666666667094565124074;0.013333333333333334189130248149;0.022222222222222223070309254922;0.015555555555555555108382392859;0.005555555555555555767577313730;0.016666666666666666435370203203
-0.009798432250839865520486426931;0.010078387458006718771508225529;0.027115661494160933631114573927;0.510518317069268867669507017126;0.004479283314669652883710515567;0.005519116941289393778180549788;0.007038873780195169065077021031;0.017357222844344905032798465072;0.013997760358342666020536881888;0.017397216445368741954968783148;0.005359142537194048691584491451;0.006159014557670772389841307159;0.003559430491121420587347090603;0.019276915693489042602504213164;0.021036634138537832483528688954;0.006318988961766117476437365497;0.015637498000319948604497355404;0.015277555591105423243858396631;0.009038553831386977877038191309;0.003719404895216765240262279946;0.010078387458006718771508225529;0.014957606782914733070666279957;0.001639737641977283668162646002;0.026195808670612701768432017957;0.009598464245720684379081788506;0.014517677171652535600410161010;0.016077427611582147809476950329;0.005199168133098704472350171102;0.004999200127979523330945532678;0.004639257718764997970306573905;0.003919372900335946381666918370;0.020876659734442488264294368605;0.002319628859382498985153286952;0.007798752199648056708525256653;0.004039353703407454546092658632;0.023156294992801151194639075470;0.004399296112621980774093355393;0.003839385698288273838368889201;0.002159654455287153898557228615;0.007198848184290513284311341380;0.006718924972004478891884904357;0.005079187330027195440562692852;0.000000000000000000000000000000;0.013637817949128138925174447138;0.009238521836506159018442829733;0.011398176291793312917000058349;0.018277075667893136895481021043;0.008038713805791073904738475164;0.005919052951527755193628088648;0.005399136138217884746393071538
-0.015639481000926783171856015997;0.012279888785912882603890139421;0.030236329935125115520033745042;0.208989805375347531546381674161;0.037998146431881374418537689053;0.018188137164040777543627669388;0.014481000926784060034435697162;0.015060240963855421603145856579;0.022011121408711770836008625452;0.015176088971269693916887888463;0.009731232622798888232118486030;0.013670064874884152103517998000;0.023748841519925855542139103704;0.020505097312326227287915259012;0.013785912882298424417260029884;0.009847080630213160545860517914;0.016218721037998144740566175415;0.020736793327154771915399322779;0.011121408711770157731746344609;0.003475440222428174182750515442;0.013438368860055607476033934233;0.011932344763670065662664043771;0.026992585727525487265809900350;0.022242817423540315463492689219;0.019462465245597776464236972060;0.017261353104726599033691414320;0.015407784986098238544371952230;0.013090824837812788800084362606;0.002548656163113994371771653391;0.030815569972196477088743904460;0.019230769230769231836752908293;0.012511584800741427231374203188;0.012164040778498610290148107538;0.010773864689527340790520248959;0.039504170528266914497184103539;0.022358665430954587777234721102;0.005329008341056534238389108538;0.011121408711770157731746344609;0.007066728452270620679243062767;0.023632993512511583228397071821;0.006024096385542168988203037827;0.017261353104726599033691414320;0.000000000000000000000000000000;0.011005560704355885418004312726;0.009615384615384615918376454147;0.020620945319740499601657290896;0.018767377201112142581784780759;0.015639481000926783171856015997;0.019114921223354959523010876410;0.012164040778498610290148107538
-0.007428571428571428478249139005;0.022285714285714287169470892991;0.035999999999999997279953589668;0.289714285714285701978099041298;0.024000000000000000499600361081;0.003428571428571428394982412158;0.006857142857142856789964824316;0.010285714285714285184947236473;0.021142857142857143792902263613;0.016571428571428570286627746100;0.005714285714285714280757932926;0.002857142857142857140378966463;0.003428571428571428394982412158;0.018285714285714287086204166144;0.025142857142857143876168990460;0.008571428571428571854817768383;0.029714285714285713912996556019;0.025142857142857143876168990460;0.005142857142857142592473618237;0.003428571428571428394982412158;0.003428571428571428394982412158;0.013142857142857143626368809919;0.044571428571428574338941785982;0.031428571428571430712572976063;0.009142857142857143543102083072;0.016571428571428570286627746100;0.012000000000000000249800180541;0.043999999999999997446487043362;0.021714285714285713746463102325;0.005142857142857142592473618237;0.006285714285714285969042247615;0.022285714285714287169470892991;0.002285714285714285885775520768;0.004571428571428571771551041536;0.006285714285714285969042247615;0.030857142857142857289565185397;0.004571428571428571771551041536;0.004571428571428571771551041536;0.025714285714285713829729829172;0.018857142857142857039765004856;0.008571428571428571854817768383;0.026857142857142857206298458550;0.000000000000000000000000000000;0.015428571428571428644782592698;0.005142857142857142592473618237;0.014285714285714285268213963320;0.014857142857142856956498278009;0.007428571428571428478249139005;0.008000000000000000166533453694;0.006857142857142856789964824316
-0.008463541666666666088425508008;0.006184895833333333044212754004;0.013671875000000000000000000000;0.532145182291666629659232512495;0.069091796875000000000000000000;0.005533854166666666955787245996;0.007649739583333333044212754004;0.013346354166666666088425508008;0.008138020833333333911574491992;0.007812500000000000000000000000;0.006103515625000000000000000000;0.007405598958333333044212754004;0.001464843750000000000000000000;0.007975260416666666088425508008;0.015136718750000000000000000000;0.006347656250000000000000000000;0.006429036458333333044212754004;0.006266276041666666955787245996;0.010172526041666666088425508008;0.000895182291666666630526594250;0.010253906250000000000000000000;0.003580729166666666522106377002;0.000488281250000000000000000000;0.014078776041666666088425508008;0.009195963541666666088425508008;0.009602864583333333911574491992;0.011718750000000000000000000000;0.088460286458333328707404064062;0.002278645833333333477893622998;0.008870442708333333911574491992;0.003011067708333333477893622998;0.007324218750000000000000000000;0.001627604166666666738946811499;0.002604166666666666522106377002;0.001302083333333333261053188501;0.008789062500000000000000000000;0.001790364583333333261053188501;0.003987630208333333044212754004;0.001057942708333333261053188501;0.001057942708333333261053188501;0.006591796875000000000000000000;0.007731119791666666955787245996;0.000000000000000000000000000000;0.013509114583333333911574491992;0.010335286458333333911574491992;0.011149088541666666088425508008;0.008056640625000000000000000000;0.002604166666666666522106377002;0.002685546875000000000000000000;0.006022135416666666955787245996
-0.010769230769230768787747543058;0.002051282051282051280272078486;0.018974358974358975643559332980;0.580512820512820493235039975843;0.018461538461538463257172182352;0.008717948717948717507475464572;0.005641025641025641454429084831;0.013333333333333334189130248149;0.010256410256410256401360392431;0.017435897435897435014950929144;0.008717948717948717507475464572;0.010256410256410256401360392431;0.000512820512820512820068019622;0.015384615384615385469402326635;0.012820512820512820068019621544;0.008717948717948717507475464572;0.011794871794871795295245320290;0.004615384615384615814293045588;0.011794871794871795295245320290;0.001025641025641025640136039243;0.008205128205128205121088313945;0.006153846153846153840816235459;0.002051282051282051280272078486;0.028717948717948717923809098806;0.008717948717948717507475464572;0.012820512820512820068019621544;0.020000000000000000416333634234;0.001025641025641025640136039243;0.003589743589743589740476137351;0.009743589743589744014973241804;0.004615384615384615814293045588;0.013846153846153846575517398776;0.000512820512820512820068019622;0.009743589743589744014973241804;0.003076923076923076920408117729;0.009230769230769231628586091176;0.002051282051282051280272078486;0.007692307692307692734701163317;0.001025641025641025640136039243;0.004102564102564102560544156972;0.002051282051282051280272078486;0.002051282051282051280272078486;0.000000000000000000000000000000;0.015897435897435897855789477262;0.006666666666666667094565124074;0.016923076923076922628563778517;0.012820512820512820068019621544;0.003076923076923076920408117729;0.003589743589743589740476137351;0.008205128205128205121088313945
-0.014782561952373273611582860099;0.018921679299037791333049085551;0.021985701230984248943922665376;0.330323066172122759009965875521;0.031392786109767242819224009054;0.013492447454711606336097418080;0.007740686985970004520274390103;0.019136698381981401967388833896;0.012847390205880772698354697070;0.010965973230124173576349733139;0.011019728000860077102296408214;0.010320915981293339938607012130;0.012041068644842230217495426814;0.013492447454711606336097418080;0.027791216470461753418330630439;0.009407084878782992140577867701;0.012309842498521744377781850233;0.024458420684835779912447151219;0.017147771864752997528213995793;0.002902757619738751803523113537;0.013384937913239799284204067931;0.010105896898349729304267263785;0.013546202225447508127320617177;0.016825243240337579841980897299;0.015965166908563133835174951969;0.013438692683975702810150743005;0.022146965543191957787039214622;0.030371445465785087969301514477;0.003010267161210557554373856703;0.023329570499381821480078258446;0.008654518088480353185665272520;0.011288501854539589527859355655;0.013492447454711606336097418080;0.009944632586142020461150714539;0.012309842498521744377781850233;0.018061602967263345326243140221;0.005644250927269794763929677828;0.008547008547008547868495398347;0.003332795785625974373245217208;0.014083749932806536447893464015;0.007418158361554587701403029598;0.013976240391334731130723589843;0.000000000000000000000000000000;0.011611030478955007214092454149;0.018330376820942857751806087663;0.014298769015750147082233212359;0.012363597269257646169005049330;0.007901951298177712496029201361;0.015427619201204107249325581108;0.008708272859216254976888471617
-0.011853448275862068367336732422;0.009159482758620688877537752148;0.014008620689655172653065307031;0.655172413793103425305730524997;0.006465517241379310255100509863;0.011853448275862068367336732422;0.005387931034482758979597960547;0.008620689655172413673467346484;0.007004310344827586326532653516;0.006465517241379310255100509863;0.004849137931034482908165816895;0.013469827586206895714271425391;0.002693965517241379489798980273;0.005387931034482758979597960547;0.010775862068965517959195921094;0.004310344827586206836733673242;0.004849137931034482908165816895;0.006465517241379310255100509863;0.007543103448275862397964797168;0.002155172413793103418366836621;0.007004310344827586326532653516;0.009159482758620688877537752148;0.002693965517241379489798980273;0.008081896551724138469396940820;0.009159482758620688877537752148;0.010775862068965517959195921094;0.013469827586206895714271425391;0.007543103448275862397964797168;0.003771551724137931198982398584;0.008081896551724138469396940820;0.008620689655172413673467346484;0.005387931034482758979597960547;0.003771551724137931198982398584;0.005387931034482758979597960547;0.004849137931034482908165816895;0.004849137931034482908165816895;0.000538793103448275854591709155;0.004310344827586206836733673242;0.002693965517241379489798980273;0.004310344827586206836733673242;0.006465517241379310255100509863;0.010775862068965517959195921094;0.000000000000000000000000000000;0.007543103448275862397964797168;0.008081896551724138469396940820;0.012392241379310345306130614063;0.010775862068965517959195921094;0.006465517241379310255100509863;0.005387931034482758979597960547;0.009159482758620688877537752148
-0.012252286585365854132412266608;0.005887957317073170757093514283;0.016406250000000000693889390391;0.370445884146341442022531964540;0.154706554878048768708609372879;0.016768292682926830283740571303;0.005392530487804877634139266718;0.012042682926829268580393161869;0.018616615853658535773007542957;0.009527439024390243690887380978;0.008879573170731706530101057240;0.023018292682926828895961790522;0.003830030487804877981083961913;0.008479420731707317665515333260;0.011261432926829267886503771479;0.009108231707317072586849171500;0.006840701219512195126182252380;0.008860518292682926025372047718;0.018921493902439023848671695305;0.001143292682926829199538398818;0.011089939024390243343942685783;0.007221798780487805220762442815;0.001638719512195121888811777389;0.014596036585365854479356961804;0.013605182926829268233448466674;0.012423780487804878674973352304;0.011280487804878048391232781000;0.041711128048780486687885371566;0.003048780487804878154556309511;0.039119664634146338044740076612;0.008974847560975609053746104848;0.008041158536585366056748114261;0.005011432926829268406920814272;0.002915396341463414621453242859;0.002286585365853658399076797636;0.009489329268292682681429361935;0.002953506097560975630911261902;0.003258384146341463272894545256;0.001714939024390243907727815476;0.001028963414634146388004776185;0.006192835365853658832757666630;0.012709603658536584511185019153;0.000000000000000000000000000000;0.010060975609756097823299647587;0.013852896341463414794925590456;0.008955792682926828549017095327;0.010537347560975610441524885630;0.003620426829268292862745726168;0.004687499999999999826527652402;0.005583079268292682681429361935
-0.027329192546583849776631325312;0.012422360248447204128519061328;0.013043478260869564508417361992;0.120496894409937882475247761249;0.106211180124223605880651177813;0.044099378881987574829715015312;0.011180124223602485103445935977;0.019254658385093166572676892656;0.004968944099378882171824667324;0.009316770186335403963751033984;0.023602484472049690966688473281;0.021739130434782608092270095312;0.013664596273291924888315662656;0.013043478260869564508417361992;0.037267080745341615855004135938;0.019254658385093166572676892656;0.005590062111801242551722967988;0.014906832298136645648112263984;0.043478260869565216184540190625;0.003726708074534161412028065996;0.015527950310559006028010564648;0.008695652173913043583852733320;0.006211180124223602064259530664;0.018633540372670807927502067969;0.027950310559006211891253101953;0.017391304347826087167705466641;0.018012422360248445812880291328;0.032919254658385091460992555312;0.008074534161490683203954432656;0.061490683229813665466867433906;0.018012422360248445812880291328;0.007453416149068322824056131992;0.022981366459627328852066696641;0.004968944099378882171824667324;0.008695652173913043583852733320;0.008695652173913043583852733320;0.006211180124223602064259530664;0.004968944099378882171824667324;0.000621118012422360271478083416;0.006211180124223602064259530664;0.007453416149068322824056131992;0.009937888198757764343649334648;0.000000000000000000000000000000;0.009316770186335403963751033984;0.042236024844720498894190541250;0.005590062111801242551722967988;0.012422360248447204128519061328;0.018012422360248445812880291328;0.014285714285714285268213963320;0.012422360248447204128519061328
-0.039743589743589741170026741202;0.002991452991452991667237215623;0.048290598290598292507969091503;0.062820512820512819374130231154;0.119658119658119663220041672957;0.020512820512820512802720784862;0.010256410256410256401360392431;0.016239316239316240603196561665;0.012820512820512820068019621544;0.023931623931623933337897724982;0.013675213675213675201813856575;0.012393162393162392501122504029;0.013675213675213675201813856575;0.030341880341880341637184059778;0.019658119658119657668926549832;0.030769230769230770938804653269;0.021367521367521367936515019892;0.018376068376068376702958673263;0.011111111111111111535154627461;0.003846153846153846367350581659;0.013675213675213675201813856575;0.013675213675213675201813856575;0.003846153846153846367350581659;0.038888888888888889505679458125;0.032905982905982907038566764868;0.033760683760683758702914047944;0.020512820512820512802720784862;0.006410256410256410034009810772;0.001282051282051282050170049054;0.011538461538461539102051744976;0.019658119658119657668926549832;0.019230769230769231836752908293;0.005555555555555555767577313730;0.015811965811965811301575968173;0.014529914529914530335608091605;0.024358974358974359170071366520;0.006410256410256410034009810772;0.019658119658119657668926549832;0.002991452991452991667237215623;0.008547008547008547868495398347;0.007264957264957265167804045802;0.008547008547008547868495398347;0.000000000000000000000000000000;0.021367521367521367936515019892;0.013675213675213675201813856575;0.014102564102564102768710974090;0.029914529914529915805010418239;0.026923076923076924571454071611;0.014529914529914530335608091605;0.017948717948717947401338079771
-0.030788177339901478396511080859;0.001231527093596059127186825854;0.041871921182266007288585996093;0.115763546798029554052433809375;0.299261083743842359883302606249;0.008620689655172413673467346484;0.013546798029556651049576387891;0.013546798029556651049576387891;0.006157635467980295852774563770;0.027093596059113302099152775781;0.008620689655172413673467346484;0.001231527093596059127186825854;0.002463054187192118254373651709;0.017241379310344827346934692969;0.039408866995073892069978427344;0.008620689655172413673467346484;0.009852216748768473017494606836;0.012315270935960591705549127539;0.017241379310344827346934692969;0.003694581280788177164720043066;0.018472906403940888425685429297;0.011083743842364532361521867188;0.001231527093596059127186825854;0.030788177339901478396511080859;0.016009852216748769737630908594;0.019704433497536946034989213672;0.009852216748768473017494606836;0.000000000000000000000000000000;0.001231527093596059127186825854;0.011083743842364532361521867188;0.001231527093596059127186825854;0.007389162561576354329440086133;0.007389162561576354329440086133;0.012315270935960591705549127539;0.011083743842364532361521867188;0.023399014778325122332347518750;0.002463054187192118254373651709;0.020935960591133003644292998047;0.000000000000000000000000000000;0.002463054187192118254373651709;0.002463054187192118254373651709;0.000000000000000000000000000000;0.000000000000000000000000000000;0.020935960591133003644292998047;0.028325123152709359708456560156;0.020935960591133003644292998047;0.018472906403940888425685429297;0.009852216748768473017494606836;0.007389162561576354329440086133;0.004926108374384236508747303418
-0.029999999999999998889776975375;0.003333333333333333547282562037;0.055000000000000000277555756156;0.035555555555555555524716027094;0.077777777777777779011358916250;0.022222222222222223070309254922;0.002222222222222222220294751693;0.008888888888888888881179006773;0.027777777777777776235801354687;0.029444444444444443226283070203;0.010555555555555555871660722289;0.011111111111111111535154627461;0.009444444444444444544672911945;0.042777777777777775680689842375;0.010000000000000000208166817117;0.022222222222222223070309254922;0.027222222222222220572307449515;0.023333333333333334397297065266;0.005555555555555555767577313730;0.008888888888888888881179006773;0.019444444444444444752839729063;0.027222222222222220572307449515;0.003333333333333333547282562037;0.033333333333333332870740406406;0.035000000000000003330669073875;0.035000000000000003330669073875;0.023888888888888890060790970438;0.049444444444444443642616704437;0.002777777777777777883788656865;0.008888888888888888881179006773;0.012222222222222222862142437805;0.025000000000000001387778780781;0.005555555555555555767577313730;0.011111111111111111535154627461;0.014999999999999999444888487687;0.034444444444444444197728216750;0.005000000000000000104083408559;0.012222222222222222862142437805;0.002777777777777777883788656865;0.013333333333333334189130248149;0.005000000000000000104083408559;0.013333333333333334189130248149;0.000000000000000000000000000000;0.014999999999999999444888487687;0.005555555555555555767577313730;0.020555555555555556079827539406;0.032777777777777780676693453188;0.023888888888888890060790970438;0.018888888888888889089345823891;0.026666666666666668378260496297
-0.026014568158168573791533262352;0.012486992715920915142380209772;0.060353798126951095637249267156;0.000000000000000000000000000000;0.007284079084287201077962947693;0.027055150884495317298306105158;0.009365244536940686356785157329;0.016649323621227889169471580999;0.023933402705515086777987576738;0.021852237252861603233888843079;0.014568158168574402155925895386;0.035379812695109258413594943704;0.012486992715920915142380209772;0.036420395421436005389814738464;0.007284079084287201077962947693;0.036420395421436005389814738464;0.016649323621227889169471580999;0.033298647242455778338943161998;0.013527575442247658649153052579;0.006243496357960457571190104886;0.011446409989594173370330842943;0.029136316337148804311851790771;0.014568158168574402155925895386;0.028095733610822060805078947965;0.049947970863683660569520839090;0.033298647242455778338943161998;0.033298647242455778338943161998;0.006243496357960457571190104886;0.005202913631633714931779000068;0.026014568158168573791533262352;0.034339229968782518376269052851;0.024973985431841830284760419545;0.007284079084287201077962947693;0.022892819979188346740661685885;0.018730489073881372713570314659;0.023933402705515086777987576738;0.010405827263267429863558000136;0.017689906347554629206797471852;0.005202913631633714931779000068;0.023933402705515086777987576738;0.001040582726326743073091973812;0.008324661810613944584735790500;0.000000000000000000000000000000;0.030176899063475547818624633578;0.008324661810613944584735790500;0.012486992715920915142380209772;0.027055150884495317298306105158;0.021852237252861603233888843079;0.021852237252861603233888843079;0.024973985431841830284760419545
-0.010014213722703191669638478345;0.004070293319550329774747510214;0.029913425507171468448186502087;0.542318128957229639297565881861;0.000839901796097687006886767236;0.006460783046905284668359747968;0.012017056467243830350510869209;0.026747641814187879394371094577;0.031270189947021576060137704189;0.012210879958650989324242530643;0.007429900503941077802294579158;0.007559116164879183495661774117;0.000904509626566739853570364716;0.011306370332084248603310427939;0.029073523711073783609704079822;0.007688331825817289189028969076;0.007559116164879183495661774117;0.006396175216436232255357019483;0.005362449928931386708419459808;0.000710686135159581313519572277;0.016604212430546581164003683284;0.015376663651634578378057938153;0.000452254813283369926785182358;0.015505879312572683204063395124;0.008786664943791187148969257237;0.015699702803979843912518532534;0.015376663651634578378057938153;0.004974802946117069628317874930;0.002132058405478743940558716830;0.003876469828143170801015848781;0.004264116810957487881117433659;0.007688331825817289189028969076;0.000258431321876211386734389919;0.011241762501615196190307699453;0.001098333117973898393621157155;0.008657449282853082322963800266;0.001938234914071585400507924390;0.002002842744540638247191521870;0.002455097557824008173976704228;0.001356764439850109780355547073;0.016216565447732266685987312371;0.015312055821165525965055209667;0.000000000000000000000000000000;0.012663134771934357949985106018;0.011241762501615196190307699453;0.020674505750096910938751193498;0.010466468535986562030104529697;0.001615195761726321167089936992;0.001227548778912004086988352114;0.010983331179738984803573309534
-0.016983695652173912138405142969;0.015285326086956521965398714258;0.031589673913043479769324761719;0.390964673913043458952643049997;0.011548913043478260115337619141;0.018682065217391304046135047656;0.002717391304347826011533761914;0.010869565217391304046135047656;0.033967391304347824276810285937;0.009171195652173913873128618945;0.012567934782608695953864952344;0.011209239130434782080736333398;0.014605978260869565896196142774;0.027853260869565216184540190625;0.011548913043478260115337619141;0.009171195652173913873128618945;0.013586956521739130057668809570;0.015285326086956521965398714258;0.007133152173913043063435690527;0.004076086956521739017300642871;0.008491847826086956069202571484;0.018682065217391304046135047656;0.004076086956521739017300642871;0.012567934782608695953864952344;0.027173913043478260115337619141;0.019701086956521739884662380859;0.016983695652173912138405142969;0.013926630434782608092270095312;0.001019021739130434754325160718;0.018002717391304347976932476172;0.009850543478260869942331190430;0.008152173913043478034601285742;0.006453804347826086994233119043;0.006793478260869565028834404785;0.015285326086956521965398714258;0.013586956521739130057668809570;0.005774456521739130057668809570;0.002377717391304347976932476172;0.008152173913043478034601285742;0.010190217391304347976932476172;0.003396739130434782514417202393;0.017323369565217391907729904688;0.000000000000000000000000000000;0.004755434782608695953864952344;0.009171195652173913873128618945;0.004415760869565217051901928613;0.019021739130434783815459809375;0.017663043478260868207607714453;0.019701086956521739884662380859;0.008491847826086956069202571484
-0.032258064516129031362723367238;0.030107526881720431816136240855;0.043010752688172046442893758922;0.019354838709677420205412801124;0.063440860215053768156323599214;0.037634408602150538902808563080;0.005376344086021505805361719865;0.027956989247311828800102162518;0.032258064516129031362723367238;0.006451612903225806446017021045;0.013978494623655914400051081259;0.033333333333333332870740406406;0.010752688172043011610723439730;0.017204301075268817189378722787;0.040860215053763443426859680585;0.018279569892473118697395761956;0.020430107526881721713429840293;0.036559139784946237394791523911;0.021505376344086023221446879461;0.007526881720430107954034060214;0.016129032258064515681361683619;0.027956989247311828800102162518;0.005376344086021505805361719865;0.015053763440860215908068120427;0.024731182795698924276051045013;0.021505376344086023221446879461;0.022580645161290321260016966676;0.040860215053763443426859680585;0.000000000000000000000000000000;0.038709677419354840410825602248;0.029032258064516130308119201686;0.009677419354838710102706400562;0.015053763440860215908068120427;0.010752688172043011610723439730;0.004301075268817204297344680697;0.013978494623655914400051081259;0.002150537634408602148672340348;0.007526881720430107954034060214;0.017204301075268817189378722787;0.018279569892473118697395761956;0.015053763440860215908068120427;0.041935483870967744934876719753;0.000000000000000000000000000000;0.007526881720430107954034060214;0.019354838709677420205412801124;0.007526881720430107954034060214;0.012903225806451612892034042090;0.016129032258064515681361683619;0.011827956989247311384017002922;0.008602150537634408594689361394
-0.015602836879432624081487368528;0.017021276595744681131572306754;0.053900709219858157494886796712;0.065248226950354606956672398610;0.056028368794326238733205514109;0.010992907801418439969753926277;0.008156028368794325869584049826;0.020212765957446809927944286756;0.053191489361702128102482589611;0.014184397163120567031402430302;0.013120567375886524677519595627;0.006028368794326241161818380476;0.006028368794326241161818380476;0.025177304964539008735879832557;0.019503546099290780535540079654;0.009574468085106382919668988052;0.035460992907801421047953027710;0.046099290780141841117334422506;0.018439716312056736446933769002;0.011702127659574467627434657402;0.013475177304964539373721699178;0.040070921985815605159686469960;0.008865248226950355261988256927;0.026241134751773049355039191255;0.015957446808510637042965996102;0.025886524822695034658837087704;0.022340425531914894635709956106;0.022695035460992909331912059656;0.003191489361702127495329373019;0.018439716312056736446933769002;0.006382978723404254990658746038;0.021631205673758865243305749004;0.006028368794326241161818380476;0.006382978723404254990658746038;0.012765957446808509981317492077;0.035106382978723406351750924159;0.007092198581560283515701215151;0.006737588652482269686860849589;0.012765957446808509981317492077;0.017730496453900710523976513855;0.007801418439716312040743684264;0.048226950354609929294547043810;0.000000000000000000000000000000;0.017375886524822695827774410304;0.012056737588652482323636760952;0.012765957446808509981317492077;0.023758865248226949951071418354;0.014539007092198581727604533853;0.018439716312056736446933769002;0.009574468085106382919668988052
-0.038840579710144929048709627750;0.005217391304347826497256335188;0.047536231884057970897838885094;0.009275362318840579475831553680;0.005217391304347826497256335188;0.009565217391304347421820963859;0.005217391304347826497256335188;0.033913043478260872232166178719;0.012753623188405796562427951812;0.044057971014492755545965962938;0.021449275362318841881004161110;0.002898550724637681194617577773;0.010724637681159420940502080555;0.051014492753623186249711807250;0.013913043478260870081109068508;0.017101449275362317486992580484;0.023478260869565215768206556390;0.033043478260869563190027520250;0.018550724637681158951663107359;0.010434782608695652994512670375;0.020869565217391305989025340750;0.010434782608695652994512670375;0.004927536231884057683905187019;0.052753623188405797395095220281;0.029275362318840578157441711937;0.056521739130434782427681028594;0.042898550724637683762008322219;0.001739130434782608760138633563;0.002028985507246376922968478240;0.005507246376811594443245745367;0.004637681159420289737915776840;0.024347826086956521340898262906;0.010144927536231883313799784219;0.008695652173913043583852733320;0.015942028985507245703034939766;0.064927536231884061534991303688;0.017971014492753623059684287000;0.014492753623188405973087888867;0.000000000000000000000000000000;0.007826086956521739745884502781;0.008115942028985507691873912961;0.006086956521739130335224565727;0.000000000000000000000000000000;0.031594202898550721725356993375;0.008985507246376811529842143500;0.026086956521739129016834723984;0.040289855072463770513380154625;0.028985507246376811946175777734;0.024347826086956521340898262906;0.015362318840579709811056119406
-0.012006861063464836433811733230;0.007718696397941681060228535927;0.037640556508481033681778882283;0.312702496664760798417148635053;0.049409186201639032631760528602;0.002858776443682104016069667196;0.008528683056984943250400377224;0.038021726700971980594800925246;0.019010863350485990297400462623;0.024585477415666093237156530904;0.011816275967219362977300711748;0.002715837621497998923686401085;0.000809986659043262840693144788;0.026777206022489039721756753920;0.030398322851153038864913114026;0.009767486182580522452445492831;0.012864493996569468722834805874;0.008862206975414522666656402805;0.022298456260720411759024273124;0.000809986659043262840693144788;0.024204307223175146324134487941;0.015294453973699256160712067754;0.000524109014675052439086178069;0.039594053744997144417272494366;0.010720411663807889735000600240;0.029302458547741567357336478494;0.033924147131694303014537439367;0.002572898799313893831303134974;0.005384028968934629483245046799;0.007432818753573470875462003704;0.000762340384981894368145172169;0.021345530779493044476469165716;0.000905279207165999568948655529;0.012197446159710309890322754711;0.001143510577472841606427866878;0.018772631980179151078846899736;0.002096436058700209756344712275;0.005241090146750524390861780688;0.000714694110920526004017416799;0.001953497236516104230280577170;0.016342672003049361906246161880;0.004335810939584524605072690662;0.000000000000000000000000000000;0.025014293882218409381668067226;0.018772631980179151078846899736;0.018200876691442730709313835291;0.026396035829998092808734710957;0.003049361539927577472580688678;0.004145225843339051148561669180;0.010053363826948732637212025054
-0.008936575526669654490063976482;0.007451815329448678061619038004;0.017060735096369340074717868561;0.385673464813984734345098104313;0.168226131779471099747524931445;0.009076647243388615005077468822;0.005686911698789780603147114846;0.017396907216494846004639640569;0.032524652622142539992733389909;0.007759973106230389806869940372;0.007591887046167637709270792357;0.017004706409681758644270033187;0.000980502017032720786168797922;0.009664948453608247780355355872;0.014595472882115642643263697664;0.006191169878978036895944558893;0.007003585835948005801354643296;0.006695428059166293188742002940;0.014119229045271179667775385269;0.000364186463469296265674929325;0.012802554908112953602206118831;0.013811071268489466187801006924;0.000196100403406544140970726997;0.010533393097265799850936751625;0.010841550874047511596187653993;0.011065665620797847726319851347;0.011878081577767816631729935750;0.052919094576423131304210301096;0.001344688480502016997633618622;0.029078888390856118956184772628;0.005042581801882563795336178458;0.005854997758852532700746262861;0.001036530703720304818701847260;0.007703944419542805774336891034;0.000672344240251008498816809311;0.006303227252353204961010657570;0.001344688480502016997633618622;0.002857463021066786092866385260;0.002437247870909905848868515221;0.000672344240251008498816809311;0.008432317346481399064628270423;0.015099731062303899803422879700;0.000000000000000000000000000000;0.007731958762886598224284284697;0.009384805020170326750328371190;0.010589421783953384750831538952;0.008292245629762438549614778083;0.001064545047064096834968371930;0.001848946660690273507271497166;0.005154639175257731860402277135
-0.010625000000000000763278329430;0.004375000000000000416333634234;0.012500000000000000693889390391;0.237499999999999988897769753748;0.040625000000000001387778780781;0.009374999999999999653055304805;0.006875000000000000034694469520;0.010000000000000000208166817117;0.028750000000000001249000902703;0.008750000000000000832667268469;0.006250000000000000346944695195;0.018124999999999998750999097297;0.003125000000000000173472347598;0.006250000000000000346944695195;0.010000000000000000208166817117;0.005624999999999999791833182883;0.008125000000000000277555756156;0.008125000000000000277555756156;0.004375000000000000416333634234;0.000625000000000000013010426070;0.005000000000000000104083408559;0.008750000000000000832667268469;0.000625000000000000013010426070;0.013124999999999999514277426726;0.009374999999999999653055304805;0.005000000000000000104083408559;0.008750000000000000832667268469;0.338125000000000008881784197001;0.003749999999999999861222121922;0.010000000000000000208166817117;0.015625000000000000000000000000;0.008750000000000000832667268469;0.001874999999999999930611060961;0.005000000000000000104083408559;0.003125000000000000173472347598;0.008125000000000000277555756156;0.000625000000000000013010426070;0.005624999999999999791833182883;0.003749999999999999861222121922;0.006875000000000000034694469520;0.003125000000000000173472347598;0.021874999999999998612221219219;0.000000000000000000000000000000;0.013124999999999999514277426726;0.017500000000000001665334536938;0.023124999999999999722444243844;0.006250000000000000346944695195;0.005000000000000000104083408559;0.001874999999999999930611060961;0.006250000000000000346944695195
-0.036985018726591760429567301571;0.009971910112359550978911038044;0.054166666666666668517038374375;0.009597378277153557207812539787;0.006320224719101123420084142879;0.018539325842696630086692266559;0.003183520599250936212315510332;0.043445692883895131730653815794;0.011844569288389512895509625423;0.025093632958801497662149060375;0.024157303370786517571211504674;0.005056179775280898562594966705;0.018258426966292134324687523872;0.045271535580524345510067263376;0.019616104868913856323908717627;0.012219101123595504931884647704;0.013202247191011236629454295155;0.040683520599250934390855860556;0.030852059925093631292947193856;0.012827715355805242858355796898;0.026170411985018727368812463396;0.008099250936329587327588974688;0.015402621722846442445242765018;0.029213483146067417001168209367;0.032584269662921348797990361845;0.040683520599250934390855860556;0.045926966292134829839000076390;0.009878277153558052969817282474;0.000795880149812734053078877583;0.012546816479400748831074530187;0.004541198501872659512579311070;0.010674157303370786914475942808;0.018117977528089888178408628505;0.005945692883895131383709120598;0.025093632958801497662149060375;0.044897003745318353473692241096;0.026685393258426965551466381044;0.006647940074906367319274025363;0.000327715355805243465509013490;0.012921348314606740867449552468;0.008614232209737827244966368312;0.004166666666666666608842550801;0.000000000000000000000000000000;0.016900749063670412325466330117;0.013202247191011236629454295155;0.014372659176029962610487977770;0.033380149812734079273202070226;0.022612359550561796084355847825;0.053043071161048692407913307534;0.015262172284644194564240393674
-0.031372549019607842701873323676;0.008963585434173668847757099343;0.052661064425770308383700779586;0.014565826330532213178647893415;0.004481792717086834423878549671;0.017927170868347337695514198685;0.002240896358543417211939274836;0.040896358543417367370498283208;0.012885154061624649185491264802;0.026890756302521010012718249982;0.024089635854341737847272852946;0.009523809523809524668624959531;0.011764705882352941013202496379;0.042577030812324931363654911820;0.019047619047619049337249919063;0.014005602240896359092503509203;0.010644257703081232840913727955;0.040336134453781515019077374973;0.024649859943977590198693761181;0.013445378151260505006359124991;0.029131652661064426357295786829;0.014565826330532213178647893415;0.014005602240896359092503509203;0.043137254901960783715075820055;0.026890756302521010012718249982;0.047058823529411764052809985515;0.045938375350140059349968169045;0.008963585434173668847757099343;0.000560224089635854302984818709;0.009523809523809524668624959531;0.004481792717086834423878549671;0.010084033613445378754769343743;0.020168067226890757509538687486;0.004481792717086834423878549671;0.018487394957983193516382058874;0.054901960784313724728278316434;0.022408963585434173854116224334;0.006162464985994397549673440295;0.000560224089635854302984818709;0.014005602240896359092503509203;0.007843137254901960675468330919;0.002240896358543417211939274836;0.000000000000000000000000000000;0.015126050420168067264792277626;0.010644257703081232840913727955;0.014565826330532213178647893415;0.044257703081232495356811540432;0.026330532212885154191850389793;0.044257703081232495356811540432;0.016246498599439777171804522027
-0.011169431686818508814296180276;0.023213672009247978550439128753;0.038038554066297997069412417659;0.207548348798700293960095564216;0.078170400224950795098344258349;0.009904083481738368971436514698;0.006154903614834255319576694632;0.023822913737619896834551980191;0.023104320929796605399442199769;0.012559752554128784940434826467;0.012075483487987002939600955642;0.010981972693473302654654233379;0.003530477708001374722440734999;0.015449745368200706874262095880;0.059986877870465832307544928881;0.009685381322835629608336560636;0.015949636017121255476824970287;0.023713562658168527153002003161;0.022198269128628111274137424402;0.003827287780797950563632658927;0.010403974130658917573999389106;0.015449745368200706874262095880;0.001702752522885618785900008199;0.018855250413971944012381243283;0.012466023057456181860613853019;0.015246664792076732378167669424;0.026822257631143188449929226636;0.058049801605898711243103349489;0.003655450370231511873081453601;0.022604430280876056796879325361;0.007295279157684256277072165631;0.015934014434342488875095966705;0.006498578435967131833317367295;0.006935982753772612294240751396;0.002608804324054113128045218062;0.018370981347830162011547372458;0.005108257568656856574540459093;0.006014309369825350699845234459;0.002686912237947948738775449939;0.003639828787452744837671581024;0.007967007217171244437547983352;0.015434123785421938537809616321;0.000000000000000000000000000000;0.012403536726341113718974362712;0.039710063423626082435013984195;0.008170087793295217198918933832;0.019042709407317150172023190180;0.008388789952197956562018887894;0.006795388508763707674509291223;0.010653919455119191875280826309
-0.006289308176100629269034136826;0.015199161425576519432456557013;0.011530398322851152792534179525;0.618972746331236889361093744810;0.020440251572327042955956599712;0.012578616352201258538068273651;0.002620545073375262195430890344;0.015723270440251572305223604076;0.014150943396226415421645938864;0.002620545073375262195430890344;0.005765199161425576396267089763;0.019392033542976940679869457540;0.004716981132075471518094733625;0.005241090146750524390861780688;0.019392033542976940679869457540;0.005765199161425576396267089763;0.007861635220125786152611802038;0.013626834381551362548878891801;0.013626834381551362548878891801;0.001572327044025157317258534206;0.007337526205450734147206492963;0.013102725366876309676111844738;0.004716981132075471518094733625;0.002620545073375262195430890344;0.006813417190775681274439445900;0.004716981132075471518094733625;0.009433962264150943036189467250;0.014150943396226415421645938864;0.000524109014675052439086178069;0.026205450733752619352223689475;0.007337526205450734147206492963;0.002096436058700209756344712275;0.005241090146750524390861780688;0.006289308176100629269034136826;0.004192872117400419512689424550;0.005765199161425576396267089763;0.003144654088050314634517068413;0.002620545073375262195430890344;0.005765199161425576396267089763;0.003144654088050314634517068413;0.002096436058700209756344712275;0.014675052410901468294412985927;0.000000000000000000000000000000;0.002096436058700209756344712275;0.008909853249475890163422420187;0.001572327044025157317258534206;0.006289308176100629269034136826;0.003668763102725367073603246482;0.004192872117400419512689424550;0.004192872117400419512689424550
-0.017142857142857143709635536766;0.024761904761904762750646114000;0.031428571428571430712572976063;0.004761904761904762334312479766;0.058095238095238095621386520406;0.046666666666666668794594130532;0.007619047619047619041010577234;0.020952380952380951495417349406;0.034285714285714287419271073531;0.011428571428571428561515865852;0.020000000000000000416333634234;0.035238095238095235028907836750;0.018095238095238094788719251937;0.012380952380952381375323057000;0.023809523809523808202115446875;0.008571428571428571854817768383;0.015238095238095238082021154469;0.039047619047619046284136601344;0.042857142857142857539365365938;0.004761904761904762334312479766;0.018095238095238094788719251937;0.029523809523809525084958593766;0.004761904761904762334312479766;0.012380952380952381375323057000;0.019047619047619049337249919063;0.011428571428571428561515865852;0.028571428571428570536427926640;0.025714285714285713829729829172;0.000000000000000000000000000000;0.085714285714285715078730731875;0.017142857142857143709635536766;0.007619047619047619041010577234;0.028571428571428570536427926640;0.009523809523809524668624959531;0.024761904761904762750646114000;0.011428571428571428561515865852;0.009523809523809524668624959531;0.006666666666666667094565124074;0.019047619047619049337249919063;0.010476190476190475747708674703;0.009523809523809524668624959531;0.030476190476190476164042308937;0.000000000000000000000000000000;0.002857142857142857140378966463;0.028571428571428570536427926640;0.009523809523809524668624959531;0.017142857142857143709635536766;0.015238095238095238082021154469;0.020000000000000000416333634234;0.009523809523809524668624959531
-0.018730158730158728841441728719;0.020158730158730157194790777453;0.017777777777777777762358013547;0.091428571428571428492126926812;0.160952380952380957879199741001;0.023968253968253968450019542047;0.007301587301587302014649338844;0.021587301587301589017586778141;0.029206349206349208058597355375;0.013492063492063492702310867344;0.009523809523809524668624959531;0.032222222222222221543752596062;0.006984126984126984120926362465;0.010317460317460317234528055508;0.028730158730158730784332021813;0.014761904761904762542479296883;0.014920634920634921055659916078;0.022222222222222223070309254922;0.025079365079365079777007352391;0.002539682539682539680336859078;0.012698412698412698401684295391;0.012222222222222222862142437805;0.005873015873015872793938552121;0.016190476190476189161104869640;0.017619047619047617514453918375;0.012063492063492064348961818609;0.017460317460317460735996775156;0.036666666666666666851703837438;0.003492063492063492060463181232;0.065555555555555561353386906376;0.023015873015873017370935826875;0.012063492063492064348961818609;0.009682539682539683181805578727;0.005079365079365079360673718156;0.004444444444444444440589503387;0.019047619047619049337249919063;0.003492063492063492060463181232;0.010952380952380953021974008266;0.010476190476190475747708674703;0.007460317460317460527829958039;0.008095238095238094580552434820;0.030952380952380953438307642500;0.000000000000000000000000000000;0.012380952380952381375323057000;0.023492063492063491175754208484;0.012539682539682539888503676195;0.012222222222222222862142437805;0.007460317460317460527829958039;0.006825396825396825607745743270;0.008571428571428571854817768383
-0.021587301587301589017586778141;0.017142857142857143709635536766;0.015396825396825396595201773664;0.024126984126984128697923637219;0.160317460317460330765371168127;0.041587301587301589433920412375;0.013809523809523809728672105734;0.023174603174603174149392970094;0.006984126984126984120926362465;0.009206349206349205907540245164;0.012380952380952381375323057000;0.025079365079365079777007352391;0.018412698412698411815080490328;0.008095238095238094580552434820;0.037619047619047621400234504563;0.018253968253968255036623347110;0.010317460317460317234528055508;0.016984126984126983461731441594;0.044444444444444446140618509844;0.002698412698412698627198347268;0.019841269841269840168429539062;0.006349206349206349200842147695;0.006031746031746032174480909305;0.019047619047619049337249919063;0.023174603174603174149392970094;0.015238095238095238082021154469;0.015555555555555555108382392859;0.015555555555555555108382392859;0.002380952380952381167156239883;0.100952380952380946221857982437;0.019206349206349206115707062281;0.011587301587301587074696485047;0.031111111111111110216764785719;0.003809523809523809520505288617;0.007619047619047619041010577234;0.014920634920634921055659916078;0.003650793650793651007324669422;0.012380952380952381375323057000;0.001428571428571428570189483231;0.007142857142857142634106981660;0.016825396825396826683274298375;0.011111111111111111535154627461;0.000000000000000000000000000000;0.012857142857142856914864914586;0.042222222222222223486642889156;0.017777777777777777762358013547;0.012063492063492064348961818609;0.006825396825396825607745743270;0.007619047619047619041010577234;0.008095238095238094580552434820
-0.020254629629629629372633559115;0.026041666666666667823148983985;0.042245370370370370627366440885;0.021122685185185185313683220443;0.040219907407407405608434913802;0.020254629629629629372633559115;0.013888888888888888117900677344;0.040798611111111111882099322656;0.009837962962962963284208051107;0.019386574074074073431583897786;0.016203703703703702804217456901;0.006365740740740740387371143783;0.017939814814814814686316779557;0.022858796296296297195782543099;0.035300925925925923098969150260;0.008969907407407407343158389779;0.022280092592592590922118134245;0.039641203703703706273664408855;0.042245370370370370627366440885;0.007812500000000000000000000000;0.033275462962962965018931527084;0.013310185185185185313683220443;0.021122685185185185313683220443;0.027777777777777776235801354687;0.016493055555555555941049661328;0.022569444444444444058950338672;0.029803240740740741254732881771;0.015046296296296295461059067122;0.002604166666666666522106377002;0.055844907407407405608434913802;0.004050925925925925701054364225;0.022858796296296297195782543099;0.028935185185185185313683220443;0.003472222222222222029475169336;0.015335648148148148597891271550;0.035011574074074076901030849740;0.014178240740740741254732881771;0.003472222222222222029475169336;0.000868055555555555507368792334;0.012152777777777777970524830664;0.013020833333333333911574491992;0.006076388888888888985262415332;0.000000000000000000000000000000;0.017071759259259258745267118229;0.026909722222222223764198645313;0.017071759259259258745267118229;0.020833333333333332176851016015;0.012152777777777777970524830664;0.026041666666666667823148983985;0.008969907407407407343158389779
-0.012820512820512820068019621544;0.014423076923076923877564681220;0.072115384615384608979482550239;0.015224358974358974047613735081;0.000000000000000000000000000000;0.004006410256410256054415697236;0.004807692307692307959188227073;0.028846153846153847755129362440;0.024038461538461539795941135367;0.050480769230769231836752908293;0.009615384615384615918376454147;0.000000000000000000000000000000;0.001602564102564102508502452693;0.033653846153846152244870637560;0.012820512820512820068019621544;0.015224358974358974047613735081;0.059294871794871792380909880649;0.055288461538461536326494183413;0.003205128205128205017004905386;0.022435897435897435986396075691;0.012019230769230769897970567683;0.021634615384615384081623545853;0.003205128205128205017004905386;0.076121794871794865033898247475;0.007211538461538461938782340610;0.035256410256410256054415697236;0.023237179487179487891168605529;0.005608974358974358996599018923;0.005608974358974358996599018923;0.000000000000000000000000000000;0.000000000000000000000000000000;0.064903846153846159183764541467;0.000801282051282051254251226347;0.004006410256410256054415697236;0.004807692307692307959188227073;0.065705128205128207619090119351;0.011217948717948717993198037846;0.008814102564102564013603924309;0.001602564102564102508502452693;0.010416666666666666088425508008;0.005608974358974358996599018923;0.020032051282051283741525438131;0.000000000000000000000000000000;0.046474358974358975782337211058;0.000801282051282051254251226347;0.030448717948717948095227470162;0.052083333333333335646297967969;0.017628205128205128027207848618;0.012820512820512820068019621544;0.012019230769230769897970567683
-0.007516571969696969959806587269;0.007220643939393939052251436550;0.015684185606060607742762158523;0.636186079545454585826291804551;0.021602746212121212016077365092;0.005977746212121212016077365092;0.005918560606060606008038682546;0.012073863636363636048232095277;0.012133049242424242056270777823;0.009410511363636363951767904723;0.006747159090909090987941976181;0.006806344696969696995980658727;0.000769412878787878755024176591;0.007398200757575757943729222177;0.024325284090909091855303714169;0.008700284090909090120580238192;0.006569602272727272963825928542;0.004320549242424242056270777823;0.007634943181818181975883952362;0.000473484848484848497990329363;0.007457386363636363951767904723;0.007930871212121212016077365092;0.000532670454545454506029011910;0.015151515151515151935690539631;0.008877840909090909879419761808;0.010475852272727272096464190554;0.011777935606060606008038682546;0.008581912878787878104502873100;0.004971590909090909012058023819;0.008996212121212121895497126900;0.002663352272727272530145059548;0.010535037878787878104502873100;0.001420454545454545493970988090;0.008049242424242424032154730185;0.001006155303030303004019341273;0.008877840909090909879419761808;0.001657196969696969742966152772;0.003255208333333333477893622998;0.000769412878787878755024176591;0.001242897727272727253014505955;0.009114583333333333911574491992;0.004498106060606060947748563450;0.000000000000000000000000000000;0.012784090909090909879419761808;0.013020833333333333911574491992;0.008641098484848484112541555646;0.008581912878787878104502873100;0.002367424242424242489951646817;0.001479640151515151502009670637;0.007812500000000000000000000000
-0.003125000000000000173472347598;0.003055555555555555715535609451;0.005000000000000000104083408559;0.726736111111111138249896157504;0.020902777777777777068468623156;0.004652777777777777380718848832;0.006111111111111111431071218902;0.008541666666666666157814447047;0.011805555555555555247160270937;0.006944444444444444058950338672;0.002638888888888888967915180572;0.015138888888888889228123701969;0.000208333333333333346705160127;0.003680555555555555403285383775;0.015138888888888889228123701969;0.004791666666666666296592325125;0.003194444444444444631409085744;0.001597222222222222315704542872;0.003680555555555555403285383775;0.000000000000000000000000000000;0.005069444444444444128339277711;0.005972222222222222515197742609;0.000000000000000000000000000000;0.008541666666666666157814447047;0.004513888888888888464845372539;0.005763888888888888707706659176;0.006805555555555555143076862379;0.042361111111111113269878103438;0.002291666666666666678231489840;0.014652777777777778456247403938;0.001388888888888888941894328433;0.004513888888888888464845372539;0.000625000000000000013010426070;0.002708333333333333425851918719;0.000000000000000000000000000000;0.003263888888888889089345823891;0.000694444444444444470947164216;0.001388888888888888941894328433;0.000694444444444444470947164216;0.000000000000000000000000000000;0.004861111111111111188209932266;0.006250000000000000346944695195;0.000000000000000000000000000000;0.007777777777777777554191196430;0.007013888888888888950567945813;0.007430555555555555698188374691;0.005000000000000000104083408559;0.000208333333333333346705160127;0.000416666666666666693410320255;0.002847222222222222341725395012
-0.005952380952380952050528861719;0.009740259740259740034451496626;0.020021645021645020218192811967;0.648809523809523835957691062504;0.022186147186147187754245990732;0.004870129870129870017225748313;0.001082251082251082250143547903;0.008658008658008658001148383221;0.002164502164502164500287095805;0.013528138528138528018374131534;0.001623376623376623483635539102;0.002164502164502164500287095805;0.004329004329004329000574191610;0.010281385281385281918464791318;0.012445887445887445985071018129;0.005411255411255411033877305016;0.006493506493506493934542156410;0.007034632034632034951193713113;0.004870129870129870017225748313;0.001623376623376623483635539102;0.007575757575757575967845269815;0.004870129870129870017225748313;0.002164502164502164500287095805;0.017316017316017316002296766442;0.008116883116883116117135088530;0.006493506493506493934542156410;0.009740259740259740034451496626;0.056277056277056279609549704901;0.000541125541125541125071773951;0.003787878787878787983922634908;0.001082251082251082250143547903;0.009199134199134199885161677912;0.002164502164502164500287095805;0.001623376623376623483635539102;0.004870129870129870017225748313;0.013528138528138528018374131534;0.004870129870129870017225748313;0.001623376623376623483635539102;0.000541125541125541125071773951;0.002705627705627705516938652508;0.001623376623376623483635539102;0.004329004329004329000574191610;0.000000000000000000000000000000;0.008116883116883116117135088530;0.003246753246753246967271078205;0.007034632034632034951193713113;0.009740259740259740034451496626;0.004870129870129870017225748313;0.004870129870129870017225748313;0.003787878787878787983922634908
-0.019298245614035088729698586008;0.014035087719298245875765296375;0.035087719298245612087328026973;0.201754385964912269502136155097;0.086842105263157901018367113011;0.004385964912280701510916003372;0.004385964912280701510916003372;0.018421052631578945651957823770;0.008771929824561403021832006743;0.034210526315789475948481168643;0.009649122807017544364849293004;0.003508771929824561468941324094;0.003508771929824561468941324094;0.034210526315789475948481168643;0.010526315789473683973143103287;0.009649122807017544364849293004;0.010526315789473683973143103287;0.010526315789473683973143103287;0.013157894736842104532748010115;0.002631578947368420993285775822;0.014035087719298245875765296375;0.007017543859649122937882648188;0.002631578947368420993285775822;0.042105263157894735892572413150;0.010526315789473683973143103287;0.026315789473684209065496020230;0.014035087719298245875765296375;0.114912280701754382361556849901;0.004385964912280701510916003372;0.018421052631578945651957823770;0.001754385964912280734470662047;0.021052631578947367946286206575;0.004385964912280701510916003372;0.000000000000000000000000000000;0.005263157894736841986571551644;0.028947368421052631359824403035;0.009649122807017544364849293004;0.006140350877192982462227099916;0.001754385964912280734470662047;0.012280701754385964924454199831;0.005263157894736841986571551644;0.004385964912280701510916003372;0.000000000000000000000000000000;0.034210526315789475948481168643;0.009649122807017544364849293004;0.014035087719298245875765296375;0.024561403508771929848908399663;0.012280701754385964924454199831;0.008771929824561403021832006743;0.006140350877192982462227099916
-0.012166236003445305216552618788;0.009474590869939706824776060046;0.029608096468561585778989098117;0.367248062015503862198784190696;0.062123169681309216294540220815;0.006352282515073213141343355659;0.007105943152454780552262914028;0.014534883720930232356427502793;0.031438415159345395322176841546;0.010658914728682170394713502048;0.007536606373815675843919059673;0.013027562446167097534588386054;0.002153316106804479060365942189;0.013350559862187768786490060791;0.023471145564168821584516422263;0.011627906976744185885142002235;0.015180878552971576594954328243;0.012704565030146426282686711318;0.006459948320413436313736088579;0.002153316106804479060365942189;0.010012919896640826156186676599;0.018841515934539188742435911195;0.001291989664082687392851478414;0.015719207579672697661088420773;0.012919896640826872627472177157;0.013350559862187768786490060791;0.022932816537467700518382329733;0.053402239448751075145960243162;0.006782945736434108432999501304;0.009366925064599483652383327126;0.004414298018949182160486355286;0.015073212747631351687838119346;0.002260981912144702666439544103;0.012919896640826872627472177157;0.002153316106804479060365942189;0.014319552110249784276918560977;0.002260981912144702666439544103;0.007859603789836348830544210387;0.005383290267011197650914855473;0.005060292850990525531651442748;0.005383290267011197650914855473;0.026593453919035312665863912684;0.000000000000000000000000000000;0.013350559862187768786490060791;0.012489233419465978203177769501;0.013242894056847545614097327871;0.013565891472868216865999002607;0.005813953488372092942571001117;0.003875968992248061961714000745;0.010981912144702841646615176785
-0.035630498533724339060846375560;0.004936461388074291078975619484;0.071554252199413484469836532753;0.038318670576735096300335925434;0.003616813294232649068221663313;0.013196480938416422709624775678;0.002394916911045943518770995340;0.016422287390029325498952417206;0.027370478983382209164920695343;0.035337243401759532712702593926;0.013538611925708699673664980878;0.010068426197458455947919553353;0.013636363636363635701287400082;0.058651026392961880251419870547;0.002394916911045943518770995340;0.019599217986314761141830587121;0.026637341153470186355667337352;0.026490713587487779712148494582;0.004496578690127077219951257092;0.015786901270772236982598002442;0.011583577712609970447599216925;0.020869990224828934705092464696;0.010019550342130987066746605763;0.043890518084066472426219007730;0.032697947214076247823832943595;0.043450635386119255965109431372;0.025464320625610947085304403004;0.005620723362658846741779505862;0.001368523949169110458246034767;0.004936461388074291078975619484;0.009139784946236559348697880978;0.020234604105571846188738049932;0.003958944281524926465942737508;0.008797653958944282384657675777;0.028787878787878789371701415689;0.051270772238514172869372487185;0.013782991202346040610082766875;0.009677419354838710102706400562;0.001515151515151515150200967064;0.021016617790811337879164355513;0.002443792766373411532582204941;0.010459433040078201793132706143;0.000000000000000000000000000000;0.020332355816226783951083945112;0.000684261974584555229123017384;0.016911045943304007371787989200;0.051368523949169110631718382365;0.037878787878787879839226349077;0.031573802541544473965196004883;0.020185728250244380777012054295
-0.019647696476964768980133513310;0.006775067750677507202872185132;0.081978319783197833858778835747;0.027100271002710028811488740530;0.000000000000000000000000000000;0.021680216802168021661412211643;0.002710027100271002707676526455;0.018292682926829267192614381088;0.031842818428184281598358751353;0.032520325203252035961565269417;0.012195121951219512618225238043;0.014905149051490514458540026510;0.011517615176151761724465671932;0.048102981029810296109694434108;0.016260162601626017980782634709;0.008130081300813008990391317354;0.034552845528455285173397015797;0.035907859078590786960916148018;0.014227642276422763564780460399;0.018292682926829267192614381088;0.013550135501355014405744370265;0.035907859078590786960916148018;0.006097560975609756309112619022;0.040650406504065039747786158841;0.021680216802168021661412211643;0.022357723577235772555171777753;0.029132791327913278023320486909;0.005420054200542005415353052911;0.002032520325203252247597829339;0.014905149051490514458540026510;0.004065040650406504495195658677;0.018292682926829267192614381088;0.012195121951219512618225238043;0.010162601626016259936946539710;0.017615176151761516298854814977;0.057588075880758808622328359661;0.018970189701897018086373947199;0.006097560975609756309112619022;0.002710027100271002707676526455;0.024390243902439025236450476086;0.003387533875338753601436092566;0.015582655826558265352299592621;0.000000000000000000000000000000;0.028455284552845527129560920798;0.008807588075880758149427407488;0.018292682926829267192614381088;0.039295392953929537960267026619;0.018292682926829267192614381088;0.034552845528455285173397015797;0.012872628726287263511984804154
-0.017941701368233194807677577387;0.006591314693634740817795858447;0.049185008923259963820040496785;0.155240928019036300566924069244;0.012849494348602021748240176180;0.004069006543723973842729968453;0.004402141582391433730081509168;0.021344437834622247140980988434;0.005211183819155264761169288334;0.069054134443783457553145410657;0.011136228435455086671623803340;0.003117192147531231555257491550;0.003807257584770969583570776607;0.045782272456870908017290133785;0.009089827483640689972932413809;0.013610945865556216272107548093;0.013563355145746578897525402851;0.012873289708506841302892986789;0.008042831647828672936295646423;0.005758477096966091966778744649;0.011897679952409279460767699277;0.006020226055919095792257067501;0.002117787031528851893202869405;0.089541939321832242359988640601;0.016418798334324805759942833561;0.052682926829268290902508198315;0.023914336704342651490629023669;0.006924449732302200705147399162;0.001689470553242117690367907201;0.002665080309339678665131456725;0.002760261748958952980614878214;0.038453301606186790495556238056;0.002974419988102319865191924819;0.007091017251635930648823169520;0.007447947650208209223465782856;0.056442593694229624412539436662;0.009708506841165972373053349997;0.005163593099345627386587143093;0.000333135038667459833141432091;0.003878643664485425211763125475;0.006329565734681736992317535595;0.001641879833432480749466630954;0.000000000000000000000000000000;0.040214158239143364681478232114;0.003259964306960142811642189287;0.022177275431290898594083316198;0.058488994646044019376507350216;0.022819750148721000548857062995;0.009375371802498512485701809283;0.014895895300416418446931565711
-0.014354395604395603705527584282;0.011744505494505494413992607861;0.021153846153846155020428199123;0.342032967032967039067159475962;0.018131868131868133370288020956;0.009958791208791208104944558954;0.013392857142857142113689938867;0.036332417582417585177889662873;0.018681318681318680868796988648;0.021016483516483518145800957200;0.009478021978021977309025736247;0.015659340659340659218656810481;0.001167582417582417554299811790;0.010714285714285714384841341484;0.037774725274725272361475703065;0.016002747252747251405224915288;0.008859890109890109638479671617;0.008653846153846154326538808732;0.016689560439560439247808076857;0.000480769230769230795918822707;0.018749999999999999306110609609;0.010989010989010989868819301307;0.000068681318681318681259109771;0.033379120879120878495616153714;0.012637362637362637568516632314;0.021359890109890110332369062007;0.019986263736263734647202738870;0.034409340659340661994214372044;0.006524725274725274963560917030;0.025000000000000001387778780781;0.005357142857142857192420670742;0.020810439560439559364413142362;0.001785714285714285658526745415;0.006250000000000000346944695195;0.000206043956043956043777329312;0.018269230769230770244915262879;0.002609890109890109725215845415;0.006593406593406593400874537991;0.000686813186813186866801206332;0.000343406593406593433400603166;0.016208791208791210186612730126;0.009271978021978021997084873362;0.000000000000000000000000000000;0.022458791208791208798833949345;0.025206043956043956699719643666;0.019505494505494505586007392139;0.019711538461538460897948255024;0.002884615384615384775512936244;0.001510989010989011041910523581;0.004945054945054944833815468996
-0.020491803278688523054507086840;0.010245901639344261527253543420;0.025000000000000001387778780781;0.279098360655737731672587642606;0.011065573770491802726989583050;0.018032786885245902924745919904;0.011065573770491802726989583050;0.015983606557377048190682344853;0.029508196721311476251603522769;0.011475409836065573326857602865;0.011065573770491802726989583050;0.018032786885245902924745919904;0.010245901639344261527253543420;0.018032786885245902924745919904;0.016393442622950820525273840644;0.014344262295081967525933741570;0.009426229508196722062240979767;0.014344262295081967525933741570;0.009016393442622951462372959952;0.006557377049180327863164841062;0.013524590163934426326197701940;0.013934426229508196926065721755;0.013934426229508196926065721755;0.016393442622950820525273840644;0.021311475409836064254243126470;0.010655737704918032127121563235;0.016393442622950820525273840644;0.082786885245901636887211338944;0.001229508196721311582763624948;0.019262295081967212989626503372;0.016393442622950820525273840644;0.008196721311475410262636920322;0.006967213114754098463032860877;0.010245901639344261527253543420;0.022131147540983605453979166100;0.012704918032786885126461662310;0.006557377049180327863164841062;0.009836065573770492662108999582;0.004098360655737705131318460161;0.010655737704918032127121563235;0.004098360655737705131318460161;0.029098360655737703917012026977;0.000000000000000000000000000000;0.013934426229508196926065721755;0.005327868852459016063560781618;0.010245901639344261527253543420;0.017622950819672130590154424112;0.009426229508196722062240979767;0.020901639344262295389098582632;0.012704918032786885126461662310
-0.029545454545454544886817771498;0.007575757575757575967845269815;0.053787878787878787290033244517;0.028030303030303030387138107926;0.004545454545454545233762466694;0.025757575757575756902895136591;0.003030303030303030300401934127;0.020454545454545454419292838111;0.022727272727272727903535809446;0.014393939393939394685850707845;0.015909090909090907450806895440;0.022727272727272727903535809446;0.031060606060606059386497435071;0.031818181818181814901613790880;0.017424242424242425419933510966;0.028030303030303030387138107926;0.016666666666666666435370203203;0.031818181818181814901613790880;0.009848484848484847717364765174;0.012121212121212121201607736509;0.013636363636363635701287400082;0.018939393939393939919613174538;0.012878787878787878451447568295;0.028787878787878789371701415689;0.040151515151515153323469320412;0.021969696969696968918972501683;0.012121212121212121201607736509;0.063636363636363629803227581760;0.001515151515151515150200967064;0.018181818181818180935049866775;0.043939393939393937837945003366;0.018939393939393939919613174538;0.009090909090909090467524933388;0.011363636363636363951767904723;0.028030303030303030387138107926;0.026515151515151515887458444354;0.010606060606060606701928072937;0.014393939393939394685850707845;0.004545454545454545233762466694;0.010606060606060606701928072937;0.003030303030303030300401934127;0.017424242424242425419933510966;0.000000000000000000000000000000;0.018181818181818180935049866775;0.006818181818181817850643700041;0.021969696969696968918972501683;0.031060606060606059386497435071;0.018181818181818180935049866775;0.028030303030303030387138107926;0.018181818181818180935049866775
-0.005084745762711864042193710134;0.009604519774011300095595267123;0.014689265536723164137788977257;0.524011299435028221616050814191;0.059039548022598871412913723589;0.003954802259887005462524189880;0.011016949152542372669660863949;0.021186440677966100754048284216;0.019491525423728815052948348807;0.007909604519774010925048379761;0.007627118644067796930652303189;0.011581920903954802393176493069;0.000564971751412429398254977375;0.009039548022598870372079638003;0.027966101694915253966788881712;0.003107344632768361744612484188;0.004519774011299435186039819001;0.007344632768361582068894488629;0.009887005649717514957353081684;0.000282485875706214699127488688;0.012146892655367232116692122190;0.011299435028248587531418678509;0.000282485875706214699127488688;0.009604519774011300095595267123;0.005084745762711864042193710134;0.011299435028248587531418678509;0.014124293785310734414273348136;0.058192090395480226827640279907;0.001694915254237288086344714877;0.008757062146892655510321823442;0.002542372881355932021096855067;0.003954802259887005462524189880;0.000282485875706214699127488688;0.004802259887005650047797633562;0.000000000000000000000000000000;0.007062146892655367207136674068;0.004802259887005650047797633562;0.003389830508474576172689429754;0.000282485875706214699127488688;0.001129943502824858796509954750;0.015254237288135593861304606378;0.007909604519774010925048379761;0.000000000000000000000000000000;0.011581920903954802393176493069;0.016101694915254236711854574082;0.014971751412429378999546791817;0.007062146892655367207136674068;0.001129943502824858796509954750;0.000000000000000000000000000000;0.007344632768361582068894488629
-0.031063988095238095898942276563;0.002790178571428571490525838428;0.057663690476190479494711382813;0.141741071428571424606346340624;0.018973214285714284227379877734;0.013764880952380952050528861719;0.004836309523809523974735569141;0.013392857142857142113689938867;0.018973214285714284227379877734;0.025483630952380952050528861719;0.014880952380952380126322154297;0.007254464285714285962103353711;0.015066964285714285962103353711;0.042596726190476191797884553125;0.005022321428571428943155030566;0.017671130952380952050528861719;0.025855654761904760252644308594;0.021391369047619047949471138281;0.004092261904761904968419461426;0.010416666666666666088425508008;0.009858630952380952050528861719;0.021949404761904760252644308594;0.007812500000000000000000000000;0.034784226190476191797884553125;0.026227678571428571924206707422;0.032738095238095239747355691406;0.017671130952380952050528861719;0.011904761904761904101057723437;0.002604166666666666522106377002;0.006138392857142857018948323145;0.008742559523809523974735569141;0.026227678571428571924206707422;0.003720238095238095031580538574;0.009858630952380952050528861719;0.027529761904761904101057723437;0.038690476190476191797884553125;0.008928571428571428075793292578;0.013578869047619047949471138281;0.002046130952380952484209730713;0.027343750000000000000000000000;0.006324404761904761987367784570;0.007440476190476190063161077148;0.000000000000000000000000000000;0.021763392857142856151586585156;0.003720238095238095031580538574;0.015811011904761904101057723437;0.043154761904761904101057723437;0.027529761904761904101057723437;0.023437500000000000000000000000;0.019531250000000000000000000000
-0.038903625110521665442231409315;0.007957559681697612755102433368;0.040671971706454465578239876322;0.005305039787798408214281042916;0.009725906277630416360557852329;0.025641025641025640136039243089;0.001768346595932802738093680972;0.015030946065428823707477157257;0.011494252873563218231289795312;0.023872679045092836530583824128;0.011494252873563218231289795312;0.025641025641025640136039243089;0.022104332449160036394575357122;0.052166224580017683809529671635;0.009725906277630416360557852329;0.030061892130857647414954314513;0.017683465959328029115660285697;0.029177718832891247346950081010;0.014146772767462421904749447776;0.012378426171529620034017504793;0.009725906277630416360557852329;0.011494252873563218231289795312;0.011494252873563218231289795312;0.035366931918656058231320571394;0.043324491600353669251699528786;0.048629531388152076598618833714;0.022104332449160036394575357122;0.000884173297966401369046840486;0.005305039787798408214281042916;0.028293545534924843809498895553;0.023872679045092836530583824128;0.021220159151193632857124171665;0.012378426171529620034017504793;0.015030946065428823707477157257;0.024756852343059240068035009585;0.042440318302387265714248343329;0.012378426171529620034017504793;0.017683465959328029115660285697;0.000884173297966401369046840486;0.015915119363395225510204866737;0.005305039787798408214281042916;0.004420866489832007278915071424;0.000000000000000000000000000000;0.015915119363395225510204866737;0.008841732979664014557830142849;0.015915119363395225510204866737;0.037135278514588858367329038401;0.048629531388152076598618833714;0.032714412024756854557860918931;0.022988505747126436462579590625
-0.007557354925775978081448069901;0.010796221322537111544925814144;0.012325686009896535608176826315;0.564012595591542931217077239126;0.040755735492577598033658858867;0.011426000899685109790659964801;0.003148897885739990794989884293;0.013135402609086820058248434862;0.021322537112010795518068917431;0.003418803418803418800453464144;0.006207827260458839355172777630;0.015474583895636526836847579602;0.003508771929824561468941324094;0.006207827260458839355172777630;0.024201529464687360909680435839;0.007017543859649122937882648188;0.005038236617183985965873205259;0.008007197480881690990206500658;0.007917228969860549622761247690;0.000629779577147998245734150657;0.008996851102114259909892091116;0.007107512370670265172689639144;0.002249212775528564977473022779;0.006027890238416554018197057729;0.013045434098065676956079705917;0.008636977058029689235940651315;0.013225371120107961425693687829;0.025730994152046784972931448010;0.001889338731443994520362017475;0.022762033288349078213874676635;0.005757984705353126446414346873;0.002789023841655420554719313486;0.003778677462887989040724034950;0.009806567701304542625240223686;0.001709401709401709400226732072;0.006117858749437697120365786674;0.001349527665317138943115726768;0.003148897885739990794989884293;0.009806567701304542625240223686;0.002519118308591992982936602630;0.005668016194331984211607355917;0.017633828160143950880556218408;0.000000000000000000000000000000;0.006477732793522266926955488486;0.014215024741340530345379278288;0.007377417903733693611834087989;0.006567701304543410029124217431;0.003868645973909131709211894901;0.003598740440845704137429184044;0.006027890238416554018197057729
-0.034134615384615381306065984290;0.001442307692307692387756468122;0.024038461538461539795941135367;0.255048076923076905142551140671;0.055769230769230772326583434051;0.022836538461538460204058864633;0.001923076923076923183675290829;0.008413461538461538061217659390;0.002163461538461538581634702183;0.027884615384615386163291717025;0.011778846153846153632649418341;0.019711538461538460897948255024;0.004807692307692307959188227073;0.047115384615384614530597673365;0.007692307692307692734701163317;0.030528846153846152938760027951;0.004807692307692307959188227073;0.004807692307692307959188227073;0.009855769230769230448974127512;0.003125000000000000173472347598;0.010576923076923077510214099561;0.002884615384615384775512936244;0.001682692307692307785715879476;0.036298076923076925959232852392;0.038461538461538463673505816587;0.047115384615384614530597673365;0.013701923076923076816324709171;0.006009615384615384948985283842;0.000480769230769230795918822707;0.031250000000000000000000000000;0.014903846153846154673483503927;0.010336538461538461244892950219;0.004807692307692307959188227073;0.004807692307692307959188227073;0.006490384615384615744904106549;0.018990384615384613836708282975;0.005048076923076923357147638427;0.010096153846153846714295276854;0.000000000000000000000000000000;0.002644230769230769377553524890;0.001201923076923076989797056768;0.001201923076923076989797056768;0.000000000000000000000000000000;0.021394230769230769551025872488;0.012500000000000000693889390391;0.009374999999999999653055304805;0.048557692307692308653077617464;0.030769230769230770938804653269;0.009374999999999999653055304805;0.021153846153846155020428199123
-0.045833333333333330095182844843;0.000000000000000000000000000000;0.035833333333333335091186455656;0.004166666666666666608842550801;0.029166666666666667129259593594;0.033333333333333332870740406406;0.000000000000000000000000000000;0.009166666666666666712925959359;0.003333333333333333547282562037;0.031666666666666669349705642844;0.021666666666666667406815349750;0.027500000000000000138777878078;0.018333333333333333425851918719;0.059166666666666666019036568969;0.005833333333333333599324266316;0.031666666666666669349705642844;0.008333333333333333217685101602;0.013333333333333334189130248149;0.013333333333333334189130248149;0.005000000000000000104083408559;0.016666666666666666435370203203;0.004166666666666666608842550801;0.007499999999999999722444243844;0.057500000000000002498001805407;0.052499999999999998057109706906;0.048333333333333332315628894094;0.028333333333333331899295259859;0.003333333333333333547282562037;0.002500000000000000052041704279;0.029166666666666667129259593594;0.033333333333333332870740406406;0.022499999999999999167332731531;0.011666666666666667198648532633;0.010833333333333333703407674875;0.013333333333333334189130248149;0.041666666666666664353702032031;0.012500000000000000693889390391;0.021666666666666667406815349750;0.000000000000000000000000000000;0.000833333333333333386820640509;0.003333333333333333547282562037;0.001666666666666666773641281019;0.000000000000000000000000000000;0.020000000000000000416333634234;0.007499999999999999722444243844;0.011666666666666667198648532633;0.056666666666666663798590519718;0.036666666666666666851703837438;0.018333333333333333425851918719;0.029166666666666667129259593594
-0.018747088961341407814531478948;0.008500232883092687444226420723;0.025500698649278064067402738146;0.127154168607359119302913086358;0.304145319049836992952862146922;0.020027945971122496776617438741;0.004191895668374475726614125648;0.012342803912435957799931252055;0.027829529576152770009578318877;0.010130414531904984379306888798;0.008500232883092687444226420723;0.037261294829995343647066619042;0.006287843502561714023602057466;0.013274336283185840523746179542;0.013856544014904518744013550702;0.014788076385654401467828478189;0.008383791336748951453228251296;0.014904517931998137458826647617;0.009431765253842570168041348211;0.003376804843968327692754760605;0.007918025151374010958682525541;0.013507219375873310771019042420;0.003143921751280857011801028733;0.013157894736842104532748010115;0.017233348858872846870449180301;0.014671634839310665476830308762;0.012109920819748485817934913200;0.036911970190964135674072110760;0.001164415463437354488970831845;0.045062878435025620349474451132;0.011061946902654867103121816285;0.007335817419655332738415154381;0.003609687936655798807389361471;0.004308337214718211717612295075;0.003842571029343269488343093343;0.010945505356311131112123646858;0.004191895668374475726614125648;0.009664648346530042150037687065;0.004890544946436889070517928246;0.003027480204937121454483728300;0.004890544946436889070517928246;0.015952491849091754438916268555;0.000000000000000000000000000000;0.009431765253842570168041348211;0.006986492780624126500144122076;0.008500232883092687444226420723;0.014322310200279459238559276457;0.008034466697717745214957218991;0.006287843502561714023602057466;0.009198882161155099920768485333
-0.010843079922027289846431230558;0.004629629629629629372633559115;0.018274853801169589628816680715;0.195419103313840158975267513597;0.327729044834307980949006378069;0.013157894736842104532748010115;0.003776803118908381856622114014;0.006700779727095516197232782929;0.033016569200779728732175755113;0.006335282651072124404656449315;0.005116959064327485096068670600;0.046418128654970761126641320971;0.001461988304093567170305334457;0.008040935672514619436679339515;0.010843079922027289846431230558;0.008040935672514619436679339515;0.006700779727095516197232782929;0.011208576998050681639007564172;0.006213450292397660473797671443;0.001096491228070175377729000843;0.004995126705653021165209892729;0.009624756335282650537843451843;0.002071150097465886824599223814;0.008528265107212475160114451000;0.010233918128654970192137341201;0.007431773879142299782385450158;0.009868421052631578399561007586;0.064814814814814811216869827604;0.000365497076023391792576333614;0.046174463937621833264923765228;0.015107212475633527426488456058;0.005360623781676412957786226343;0.001461988304093567170305334457;0.006700779727095516197232782929;0.001827485380116958962881668072;0.008162768031189083367538117386;0.001827485380116958962881668072;0.002680311890838206478893113172;0.002923976608187134340610668914;0.001949317738791422893740445943;0.002680311890838206478893113172;0.023269980506822610794026573444;0.000000000000000000000000000000;0.007797270955165691574961783772;0.004873294346978557234351114857;0.004995126705653021165209892729;0.007431773879142299782385450158;0.004264132553606237580057225500;0.003289473684210526133187002529;0.004264132553606237580057225500
-0.009166666666666666712925959359;0.045833333333333330095182844843;0.019166666666666665186369300500;0.084791666666666667961926862063;0.066458333333333327597181039437;0.010625000000000000763278329430;0.012083333333333333078907223523;0.048750000000000001665334536938;0.021250000000000001526556658860;0.008750000000000000832667268469;0.009166666666666666712925959359;0.009166666666666666712925959359;0.006666666666666667094565124074;0.009374999999999999653055304805;0.050833333333333334536074943344;0.003958333333333333668713205356;0.015625000000000000000000000000;0.062291666666666668794594130532;0.036458333333333335646297967969;0.002500000000000000052041704279;0.023750000000000000277555756156;0.012500000000000000693889390391;0.024375000000000000832667268469;0.013750000000000000069388939039;0.009374999999999999653055304805;0.012708333333333333634018735836;0.031666666666666669349705642844;0.072916666666666671292595935938;0.002916666666666666799662133158;0.025624999999999998473443341140;0.003958333333333333668713205356;0.009374999999999999653055304805;0.020000000000000000416333634234;0.003749999999999999861222121922;0.013750000000000000069388939039;0.023541666666666665602702934734;0.008541666666666666157814447047;0.002500000000000000052041704279;0.003333333333333333547282562037;0.018124999999999998750999097297;0.023124999999999999722444243844;0.026458333333333333703407674875;0.000000000000000000000000000000;0.006666666666666667094565124074;0.025208333333333332593184650250;0.012916666666666666574148081281;0.004375000000000000416333634234;0.003333333333333333547282562037;0.022916666666666665047591422422;0.005624999999999999791833182883
-0.010098146901463345495586487743;0.010239875279027742596693606458;0.028097650852141869276534791311;0.377741558303511304472976917168;0.103709740282748111295241244534;0.006732097934308896997057658496;0.003082592212025652995271984835;0.011976047904191617493596666577;0.021046664068313077067262639730;0.020089997519753391430619160474;0.007157283067002090902464228606;0.011373702299542926344444460085;0.002090493569074868083351725900;0.013783084718137689206329810077;0.017219997874074337990135674659;0.006058888140878007297351892646;0.014952343833043970494633967405;0.016511355986252349015153129130;0.006554937462353399753312022114;0.003578641533501045451232114303;0.006696665839917797721780878817;0.008503702653863869434514022316;0.001452715870035077875763174227;0.029514934627785847226499882368;0.009176912447294759134219788166;0.014952343833043970494633967405;0.013428763774226694718838537312;0.050809623356836620955423455825;0.002515678701768061555077427016;0.015342096871346065992125495825;0.004464443893278532103641165207;0.017574318817985330742903471446;0.001948765191510470114882869197;0.003011728023243454011037556484;0.003118024306416752270548764514;0.026715799170888992336569955910;0.004854196931580625866409217650;0.003224320589590050530059972544;0.001948765191510470114882869197;0.002905431740070155751526348453;0.007157283067002090902464228606;0.009106048258512560583666228808;0.000000000000000000000000000000;0.016369627608687948444599058462;0.007582468199695283940509060727;0.010239875279027742596693606458;0.018743577932891612031207628775;0.005385678347447117597646126796;0.004995925309145023834878074354;0.006165184424051305990543969671
-0.000892857142857142829263372708;0.000000000000000000000000000000;0.006250000000000000346944695195;0.715178571428571441259691710002;0.027678571428571427381903902187;0.000892857142857142829263372708;0.003571428571428571317053490830;0.004464285714285714037896646289;0.033035714285714286309048048906;0.000892857142857142829263372708;0.000000000000000000000000000000;0.001785714285714285658526745415;0.000000000000000000000000000000;0.000892857142857142829263372708;0.003571428571428571317053490830;0.003571428571428571317053490830;0.001785714285714285658526745415;0.000892857142857142829263372708;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008928571428571428075793292578;0.000000000000000000000000000000;0.001785714285714285658526745415;0.000000000000000000000000000000;0.003571428571428571317053490830;0.001785714285714285658526745415;0.127678571428571419055231217499;0.000000000000000000000000000000;0.003571428571428571317053490830;0.000892857142857142829263372708;0.002678571428571428596210335371;0.000892857142857142829263372708;0.000000000000000000000000000000;0.000000000000000000000000000000;0.001785714285714285658526745415;0.000000000000000000000000000000;0.000892857142857142829263372708;0.005357142857142857192420670742;0.000000000000000000000000000000;0.000000000000000000000000000000;0.025892857142857144542302805235;0.000000000000000000000000000000;0.003571428571428571317053490830;0.002678571428571428596210335371;0.000892857142857142829263372708;0.000892857142857142829263372708;0.000892857142857142829263372708;0.000000000000000000000000000000;0.000000000000000000000000000000
-0.004464285714285714037896646289;0.021428571428571428769682682969;0.110714285714285709527615608749;0.091071428571428567066980974687;0.007142857142857142634106981660;0.010714285714285714384841341484;0.000892857142857142829263372708;0.017857142857142856151586585156;0.089285714285714287696826829688;0.011607142857142857539365365938;0.000892857142857142829263372708;0.033035714285714286309048048906;0.005357142857142857192420670742;0.021428571428571428769682682969;0.010714285714285714384841341484;0.008035714285714284921269268125;0.038392857142857145236192195625;0.071428571428571424606346340624;0.002678571428571428596210335371;0.018749999999999999306110609609;0.008928571428571428075793292578;0.032142857142857139685077072500;0.015178571428571428422737987773;0.017857142857142856151586585156;0.010714285714285714384841341484;0.016964285714285712997062560703;0.016071428571428569842538536250;0.019642857142857142460634634062;0.000892857142857142829263372708;0.006250000000000000346944695195;0.008035714285714284921269268125;0.022321428571428571924206707422;0.003571428571428571317053490830;0.010714285714285714384841341484;0.010714285714285714384841341484;0.048214285714285716466509512657;0.011607142857142857539365365938;0.001785714285714285658526745415;0.013392857142857142113689938867;0.016964285714285712997062560703;0.004464285714285714037896646289;0.057142857142857141072855853281;0.000000000000000000000000000000;0.006250000000000000346944695195;0.002678571428571428596210335371;0.013392857142857142113689938867;0.021428571428571428769682682969;0.005357142857142857192420670742;0.011607142857142857539365365938;0.009821428571428571230317317031
-0.019166666666666665186369300500;0.019166666666666665186369300500;0.027500000000000000138777878078;0.260000000000000008881784197001;0.003333333333333333547282562037;0.011666666666666667198648532633;0.014999999999999999444888487687;0.022499999999999999167332731531;0.012500000000000000693889390391;0.023333333333333334397297065266;0.006666666666666667094565124074;0.006666666666666667094565124074;0.011666666666666667198648532633;0.024166666666666666157814447047;0.022499999999999999167332731531;0.007499999999999999722444243844;0.014166666666666665949647629930;0.020833333333333332176851016015;0.014999999999999999444888487687;0.007499999999999999722444243844;0.013333333333333334189130248149;0.017500000000000001665334536938;0.005000000000000000104083408559;0.029166666666666667129259593594;0.017500000000000001665334536938;0.018333333333333333425851918719;0.029166666666666667129259593594;0.041666666666666664353702032031;0.009166666666666666712925959359;0.008333333333333333217685101602;0.010000000000000000208166817117;0.019166666666666665186369300500;0.006666666666666667094565124074;0.014999999999999999444888487687;0.012500000000000000693889390391;0.022499999999999999167332731531;0.006666666666666667094565124074;0.013333333333333334189130248149;0.002500000000000000052041704279;0.018333333333333333425851918719;0.010833333333333333703407674875;0.011666666666666667198648532633;0.000000000000000000000000000000;0.017500000000000001665334536938;0.005833333333333333599324266316;0.022499999999999999167332731531;0.022499999999999999167332731531;0.011666666666666667198648532633;0.016666666666666666435370203203;0.014166666666666665949647629930
-0.041114982578397213375254182210;0.009977827050997782262764523864;0.033037694013303767204270400271;0.004751346214760848903069234694;0.030186886284447260464514073419;0.074025974025974022874052593579;0.001932214127336078553914822109;0.018973709217611656185908941552;0.039721254355400699431744016010;0.009692746278112132629622976765;0.025277161862527715296966590586;0.049128919860627180693501969699;0.019987329743427303951897044954;0.023186569528032944381701341285;0.007887234716503009612775798587;0.016217928413050364255809654424;0.015394361735825151313306058398;0.036110231232182453398049659654;0.035033259423503326779325561802;0.008425720620842572922137847513;0.018751979727589483670779912927;0.022711434906556856455628334857;0.010643015521064301542875085715;0.014539119417168197209710989171;0.051789673740893250875050313198;0.020874247703515997481860111407;0.026417484954070320768426682889;0.005606588533417802139302565934;0.001425403864428254670920770408;0.084225530566993986325563525952;0.014380741210009503547317954997;0.008615774469433006010898878912;0.014634146341463415488814980847;0.003199239784605638261399951361;0.016407982261640797344570685823;0.023820082356667722500720429935;0.016914792524548621227564737524;0.005448210326259106742186055783;0.008362369337979094069401853062;0.011244852708267341970249653116;0.002502375673107380422283130272;0.019987329743427303951897044954;0.000000000000000000000000000000;0.008552423186569528892886360438;0.009154260373772569320260927839;0.006113398796325626022296617634;0.016756414317389927565171703350;0.013335445042762116354961854370;0.032182451694646820039569234950;0.011339879632562560249353644792
-0.014285714285714285268213963320;0.052328159645232817653859314078;0.011371555273994297940998166041;0.036712068419385492090700751078;0.047893569844789360412384837673;0.029426670890085524640022995868;0.005321507760532150771437542858;0.048146974976243268884434911570;0.014792524548622109151208015021;0.003674374406081723151706874830;0.018878682293316441376251901829;0.012416851441241685133354266668;0.016534684827367755050042674725;0.006461830852074754508174159184;0.071777003484320561765841262059;0.005416534684827368183179796546;0.007823883433639530760039804136;0.045296167247386762144678584718;0.062115932847640165093139330565;0.002850807728856509341841540817;0.027747861894203359328647806592;0.006936965473550839832161951648;0.020399113082039913025234056931;0.006588533417801710478922672110;0.015204307887234716489821551022;0.008932530883750396805131899214;0.041843522331327209773377262536;0.057301235350015834735248887455;0.000570161545771301868368308163;0.059075071270193221795175020361;0.018055115616091226699024829827;0.002248970541653468480786104422;0.031738992714602468070417273793;0.002502375673107380422283130272;0.011276528349699081396617650341;0.014602470700031676062446983622;0.012385175799809945706986269442;0.004687994931897370917694978232;0.004814697497624326888443491157;0.008900855242318657378763901988;0.014063984795692112753084934695;0.021539436173582515027247197281;0.000000000000000000000000000000;0.003674374406081723151706874830;0.047735191637630659811097899592;0.005701615457713018683683081633;0.005479885967690846168554053008;0.003959455178967374519571897906;0.022869813113715553587468320984;0.005638264174849540698308825171
-0.014416058394160583336351955097;0.006021897810218977860341471597;0.030839416058394159003697154731;0.301581508515815110982316582522;0.006082725060827250986028591484;0.005109489051094890516013791171;0.002737226277372262900344779268;0.022688564476885643428349936812;0.006021897810218977860341471597;0.054866180048661797319375921234;0.008698296836982968502360868968;0.001094890510948905203505998607;0.003649635036496350244672459695;0.034124087591240873096332109071;0.013990267639902676660712543821;0.006690997566909975304005886443;0.012043795620437955720682943195;0.016240875912408758025007315950;0.009975669099756690264002578772;0.004805352798053528357025143691;0.012043795620437955720682943195;0.004075425790754257787673608959;0.001763990267639902647170413452;0.077858880778588809845608409432;0.010948905109489051601379117074;0.040206812652068123214998962567;0.019647201946472018369016510064;0.003832116788321167887010343378;0.001581508515815085221672964266;0.006265206812652067761004737179;0.000304136253041362538459407849;0.025486618004866179454381835967;0.004014598540145985529348227061;0.002919708029197080109001793957;0.005535279805352798059014940435;0.050304136253041364934546209042;0.009975669099756690264002578772;0.003041362530413625493014295742;0.000729927007299270027250448489;0.003467153284671533036015445006;0.006812652068126520688018388228;0.003710462287104622936678710587;0.000000000000000000000000000000;0.037165450121654501625112487773;0.009184914841849148303687400130;0.021654501216545010700009754601;0.041970802919708026512690679510;0.018004866180048661322699032894;0.009428223844282239071712403700;0.006386861313868613145017238963
-0.011666666666666667198648532633;0.003000000000000000062450045135;0.055833333333333332038073137937;0.421666666666666689611275842253;0.001333333333333333288808764117;0.003500000000000000072858385991;0.002166666666666666567209187377;0.008999999999999999319988397417;0.018666666666666668211727042603;0.025499999999999998362421038678;0.003333333333333333547282562037;0.005333333333333333155235056466;0.003333333333333333547282562037;0.026833333333333334036474582263;0.003000000000000000062450045135;0.005666666666666667073748442363;0.029666666666666667573348803444;0.025833333333333333148296162562;0.003666666666666666598434209945;0.011166666666666666754559322783;0.008333333333333333217685101602;0.014666666666666666393736839780;0.003500000000000000072858385991;0.039833333333333331705006230550;0.007333333333333333196868419890;0.017500000000000001665334536938;0.012666666666666666352103476356;0.000833333333333333386820640509;0.000833333333333333386820640509;0.002833333333333333536874221181;0.002333333333333333526465880325;0.029999999999999998889776975375;0.000500000000000000010408340856;0.003333333333333333547282562037;0.007666666666666666248020067798;0.050166666666666664964324695575;0.007000000000000000145716771982;0.003666666666666666598434209945;0.000666666666666666644404382058;0.011833333333333332856862618598;0.004833333333333333578507584605;0.005333333333333333155235056466;0.000000000000000000000000000000;0.019333333333333334314030338419;0.003333333333333333547282562037;0.008833333333333333661774311452;0.032000000000000000666133814775;0.013499999999999999847344334114;0.010000000000000000208166817117;0.007166666666666666671292595936
-0.016842578037278239933005608009;0.020884796766225018072038466244;0.036379968560520996312401820205;0.227711655064001788906224987841;0.008084437457893554543342240493;0.010105546822366943612858669610;0.004491354143274197546764625599;0.026498989445317762403409034278;0.030990343588591959950173659877;0.017965416573096790187058502397;0.009207275993712104797395134881;0.002919380193128228318660832841;0.009880979115203233908992785928;0.020211093644733887225717339220;0.028520098809791151472925463395;0.009207275993712104797395134881;0.019761958230406467817985571855;0.036604536267684707750991179864;0.014596900965641141159623295209;0.008533572872220973951074007857;0.014147765551313721751891527845;0.018863687401751629002522037126;0.013249494722658881201704517139;0.024028744666516953926160837796;0.015944307208623401117542073280;0.021333932180552437479770233608;0.031214911295755671388763019536;0.033460588367392768427421856359;0.002694812485964518181114080164;0.008758140579384683654939891539;0.002919380193128228318660832841;0.021333932180552437479770233608;0.009207275993712104797395134881;0.006287895800583876045053433046;0.019088255108915336971664444832;0.038850213339321808259096968641;0.011902088479676622978509215045;0.005389624971929036362228160328;0.007859869750729844839476356810;0.016393442622950820525273840644;0.007635302043566135135610473128;0.017516281158769367309879783079;0.000000000000000000000000000000;0.012575791601167752090106866092;0.011228385358185492132188088021;0.009656411408039524205126902245;0.022232203009207276295233768337;0.009431843700875814501261018563;0.019312822816079048410253804491;0.008084437457893554543342240493
-0.019172932330827067298750776558;0.012781954887218045444075009698;0.024436090225563908417960590214;0.276315789473684236821071635859;0.048872180451127816835921180427;0.019548872180451128122147252952;0.006390977443609022722037504849;0.021428571428571428769682682969;0.015413533834586466003679916525;0.010150375939849624884470102870;0.012781954887218045444075009698;0.027819548872180452359081925806;0.007518796992481202590141720066;0.016165413533834587650472869313;0.024060150375939851064011065773;0.012030075187969925532005532887;0.006015037593984962766002766443;0.025939849624060151711546495790;0.024812030075187969241357066608;0.004887218045112782030536813238;0.014285714285714285268213963320;0.015037593984962405180283440131;0.004887218045112782030536813238;0.017293233082706766651215346542;0.022556390977443607770425160197;0.016165413533834587650472869313;0.029699248120300753006617355823;0.019924812030075188945543729346;0.002631578947368420993285775822;0.051503759398496239130249563232;0.009774436090225564061073626476;0.009398496240601503237677150082;0.012030075187969925532005532887;0.007894736842105263413538196460;0.009022556390977444149004149665;0.019924812030075188945543729346;0.006015037593984962766002766443;0.007894736842105263413538196460;0.005639097744360901942606290049;0.009398496240601503237677150082;0.006766917293233082678072243255;0.010902255639097744796539579681;0.000000000000000000000000000000;0.008270676691729322502211196877;0.019924812030075188945543729346;0.007142857142857142634106981660;0.012781954887218045444075009698;0.007142857142857142634106981660;0.012781954887218045444075009698;0.006766917293233082678072243255
-0.013157894736842104532748010115;0.013335704125177809398206107971;0.033072546230440966197328123144;0.282539118065433858539847733482;0.049075391180654341638511795054;0.016358463726884778233205963716;0.008712660028449501978253799450;0.017247510668563299091049501044;0.035384068278805122509389491370;0.015647226173541962240820524244;0.008179231863442389116602981858;0.017780938833570413687423794613;0.005156472261735419414241388125;0.012446657183499288540362570643;0.029338549075391181369942827928;0.010846372688477951690133593843;0.018314366998577524814351136229;0.016536273115220483098664061572;0.013513513513513514263664205828;0.003022759601706970136042462727;0.012980085348506401402013388235;0.023293029871977240230496164486;0.000711237553342816534486525715;0.023648648648648649961412360199;0.014224751066856330256049645300;0.019736842105263156799122015173;0.017603129445234708821965696757;0.033783783783783785659160514570;0.005156472261735419414241388125;0.029516358463726886235400925784;0.009601706970128022836097336778;0.018314366998577524814351136229;0.003911806543385490560205131061;0.009957325746799430832290056514;0.002311522048364153709976154261;0.018492176386913229679809234085;0.002844950213371266137946102859;0.007112375533428165128024822650;0.007823613086770981120410262122;0.003733997155049786562108771193;0.007467994310099573124217542386;0.019203413940256045672194673557;0.000000000000000000000000000000;0.015291607396870554244627804508;0.014224751066856330256049645300;0.015113798008534851113893182628;0.019559032716927455403110869270;0.008179231863442389116602981858;0.003556187766714082564012411325;0.012980085348506401402013388235
-0.023412698412698412786525636875;0.010714285714285714384841341484;0.036904761904761905488836504219;0.306349206349206371058357945003;0.011904761904761904101057723437;0.009920634920634920084214769531;0.004761904761904762334312479766;0.018650793650793650452213157109;0.022619047619047618485899064922;0.034126984126984123701920026406;0.006746031746031746351155433672;0.029761904761904760252644308594;0.003571428571428571317053490830;0.030952380952380953438307642500;0.009920634920634920084214769531;0.015476190476190476719153821250;0.011507936507936508685467913438;0.019444444444444444752839729063;0.005952380952380952050528861719;0.006746031746031746351155433672;0.012698412698412698401684295391;0.013492063492063492702310867344;0.000793650793650793650105268462;0.048809523809523809589894227656;0.024206349206349207087152208828;0.028571428571428570536427926640;0.018650793650793650452213157109;0.002380952380952381167156239883;0.003571428571428571317053490830;0.007142857142857142634106981660;0.008730158730158730367998387578;0.021428571428571428769682682969;0.000793650793650793650105268462;0.006746031746031746351155433672;0.003174603174603174600421073848;0.036111111111111107718762980312;0.003571428571428571317053490830;0.005952380952380952050528861719;0.001587301587301587300210536924;0.004365079365079365183999193789;0.007936507936507936067371815625;0.004761904761904762334312479766;0.000000000000000000000000000000;0.026587301587301586519584972734;0.003174603174603174600421073848;0.017857142857142856151586585156;0.036507936507936510073246694219;0.013095238095238095551997581367;0.007936507936507936067371815625;0.009920634920634920084214769531
-0.011021142600089968432985898517;0.020917678812415654160394851147;0.020017993702204230077601465609;0.360548807917228986141822133504;0.077822762033288347960358066757;0.007872244714349977204315145229;0.002249212775528564977473022779;0.015294646873594242367233597690;0.037336932073774177498481918747;0.013945119208277102773596567431;0.007422402159244264295556714472;0.031938821412505626062827701617;0.000674763832658569471557863384;0.010571300044984254656865729771;0.019793072424651371454817905260;0.009671614934772828839348868257;0.014170040485829959661656651804;0.015519568151147099255293682063;0.005398110661268555772462907072;0.004723346828609986843006129931;0.008547008547008547868495398347;0.017768780926675664666447573836;0.000449842555105713017178648006;0.021817363922627081712635188637;0.012595591542959963179959537172;0.011920827710301394250502760030;0.010121457489878542615469037003;0.053081421502474135376559161159;0.004048582995951417046187614801;0.018218623481781374973120790628;0.008996851102114259909892091116;0.015069725596041385479173513318;0.001124606387764282488736511390;0.005173189383715699751764560688;0.003373819163292847683049968666;0.013270355375618533844139790290;0.002474134053081421431852238157;0.004723346828609986843006129931;0.006297795771479981589979768586;0.002249212775528564977473022779;0.003598740440845704137429184044;0.030589293747188484734467195381;0.000000000000000000000000000000;0.011695906432748537362442675658;0.006747638326585695366099937331;0.006522717049032838478039852959;0.015969410706252813031413850808;0.005398110661268555772462907072;0.002699055330634277886231453536;0.008547008547008547868495398347
-0.031901041666666664353702032031;0.002278645833333333477893622998;0.038411458333333335646297967969;0.207031250000000000000000000000;0.064127604166666671292595935938;0.012695312500000000000000000000;0.000651041666666666630526594250;0.013346354166666666088425508008;0.013020833333333333911574491992;0.029296875000000000000000000000;0.012695312500000000000000000000;0.024414062500000000000000000000;0.003580729166666666522106377002;0.033854166666666664353702032031;0.006184895833333333044212754004;0.022460937500000000000000000000;0.009765625000000000000000000000;0.013997395833333333911574491992;0.008463541666666666088425508008;0.006835937500000000000000000000;0.011718750000000000000000000000;0.009765625000000000000000000000;0.002929687500000000000000000000;0.054036458333333335646297967969;0.034505208333333335646297967969;0.033203125000000000000000000000;0.016276041666666667823148983985;0.032552083333333335646297967969;0.000651041666666666630526594250;0.010091145833333333911574491992;0.016276041666666667823148983985;0.016927083333333332176851016015;0.002278645833333333477893622998;0.008138020833333333911574491992;0.005208333333333333044212754004;0.030598958333333332176851016015;0.012695312500000000000000000000;0.004557291666666666955787245996;0.003580729166666666522106377002;0.003906250000000000000000000000;0.002604166666666666522106377002;0.012695312500000000000000000000;0.000000000000000000000000000000;0.017903645833333332176851016015;0.001953125000000000000000000000;0.007812500000000000000000000000;0.040364583333333335646297967969;0.026692708333333332176851016015;0.010416666666666666088425508008;0.014648437500000000000000000000
-0.020328844673934944736748420269;0.030942375712201434373449515647;0.064887710686602234622100127126;0.001607080866269994419426314636;0.004605184899266132059203471272;0.019527731855401565114194184503;0.004719282785542098374031994013;0.024183896661301638314478523739;0.040344527064261385962407047145;0.019187865811175281588463192861;0.013181947286776541164443621312;0.028291420567236429117752294360;0.010858720113029735401810604856;0.030471418479487869662714061292;0.023637683375937967866775579751;0.014361767983162064890589881827;0.031017631764851540110417005280;0.074051955807703795375829258774;0.009479835019311674479403073690;0.011060212124963889751549928064;0.010268809764836973538737474598;0.027793759573905084392375641755;0.018452298586885539088964236498;0.024494631330308526406813740550;0.024919463885591377344530528148;0.024154765286082242881082748909;0.036574441587951263266109691585;0.017845394936481462355715166268;0.003058794398036545226365889860;0.013910231667261432203508420002;0.013623773144270708707059824860;0.019190293425776897007217769442;0.008394691292389185044431343385;0.010754332685160234231447340392;0.017758000810823276055527841777;0.040577578066016549429573245789;0.014458872567226718069965940572;0.006848300791159598645274630968;0.005498547072660932288901136644;0.024361112527219629803054701256;0.008486940647250605651574772992;0.030114559133050274736254081631;0.000000000000000000000000000000;0.014975954477370991349549633753;0.006918701614606471810009491463;0.011883173474911816816512732942;0.026048304675342959929595920698;0.019200003884183362151683027719;0.027339795643402834551816127373;0.015347379511418285727430976806
-0.009460635058721182655272485817;0.010765550239234450424774536259;0.018703784254023487348961296561;0.433993040452370582027441514583;0.059047411918225316262986979154;0.008155719878207916620493911353;0.004023488473249238819851036908;0.008264462809917355601285748889;0.043823401478903872829917531817;0.008481948673336233562869423963;0.005545889517181382816213286446;0.015224010439321443433069447337;0.003479773814702044349572718218;0.011091779034362765632426572893;0.017942583732057416218141909781;0.008699434536755111524453099037;0.012940408873423228305887811018;0.012940408873423228305887811018;0.011418007829491082574802085503;0.003044802087864288860086237065;0.010765550239234450424774536259;0.014680295780774250263833735630;0.002283601565898216428224243302;0.012287951283166594421136785797;0.009460635058721182655272485817;0.009243149195302304693688810744;0.011961722488038277478761273187;0.041104828186167896575398117420;0.000978686385384949959764799843;0.016963897346672467125738847926;0.006742061765985210737561761363;0.008699434536755111524453099037;0.003153545019573727840878074602;0.006415832970856894662547986741;0.003914745541539799839059199371;0.012396694214876033401928623334;0.004240974336668116781434711982;0.004458460200086994743018387055;0.015006524575902565471485772264;0.004458460200086994743018387055;0.003914745541539799839059199371;0.037190082644628100205785870003;0.000000000000000000000000000000;0.007612005219660721716534723669;0.012396694214876033401928623334;0.006633318834275771756769923826;0.009460635058721182655272485817;0.005219660722053066741199511824;0.004349717268377555762226549518;0.006959547629404088699145436436
-0.024771689497716894989842728592;0.031621004566210045294560870843;0.028710045662100457802834441168;0.032876712328767120074868302027;0.012043378995433789632740761988;0.029452054794520548391956182854;0.007420091324200912830111320773;0.034931506849315070717398867828;0.028367579908675798205930362883;0.012442922374429224094405377343;0.020091324200913241587729274329;0.013926940639269407007372336693;0.025000000000000001387778780781;0.016495433789954338371641640038;0.025399543378995432379996444183;0.016666666666666666435370203203;0.017636986301369863422427997079;0.050228310502283102234599709845;0.031164383561643835968135718417;0.006792237442922374572595867193;0.022203196347031963625573425247;0.018264840182648400812581712671;0.021461187214611873036451683561;0.015753424657534247782519898351;0.028710045662100457802834441168;0.020319634703196347985665326519;0.032134703196347029485746560340;0.030022831050228310917349361375;0.002568493150684931364269303344;0.028424657534246576540137851907;0.022374429223744291689301988413;0.009246575342465753605258882430;0.021803652968036529163908809892;0.006278538812785387779324963731;0.021004566210045663710026531135;0.025057077625570776252539317852;0.012842465753424656821346516722;0.018721461187214610139006865097;0.006221461187214612047202688672;0.019235159817351597799639506547;0.010216894977168950592316676307;0.034246575342465751523590711258;0.000000000000000000000000000000;0.009988584474885844194380624117;0.018550228310502282075278301932;0.015239726027397260121887256901;0.013070776255707763219282568912;0.011073059360730594380406444088;0.028139269406392695277441262647;0.010787671232876713117709854828
-0.021492537313432834300552798368;0.020000000000000000416333634234;0.037014925373134326125335036295;0.004179104477611939906511739906;0.044477611940298505954771712823;0.027462686567164180245770310762;0.004179104477611939906511739906;0.025671641791044776809149752239;0.057014925373134330011115622483;0.010447761194029851067321956748;0.018507462686567163062667518147;0.028955223880597014129989474895;0.014626865671641791841195434642;0.022089552238805969935908635193;0.017313432835820895261402796450;0.015522388059701491824782237927;0.010447761194029851067321956748;0.044776119402985072037726155258;0.030149253731343281931254196593;0.007462686567164178962074938539;0.020000000000000000416333634234;0.029253731343283583682390869285;0.024776119402985075090839472978;0.016716417910447759626046959625;0.029253731343283583682390869285;0.016119402985074627460138074753;0.027164179104477610693368916372;0.034029850746268658356896708028;0.000597014925373134334313229843;0.029552238805970149765345311721;0.024477611940298509007885030542;0.008955223880597015448379316638;0.018805970149253732615068912537;0.007761194029850745912391118964;0.017313432835820895261402796450;0.018805970149253732615068912537;0.014925373134328357924149877078;0.007164179104477612011758758115;0.026268656716417908975058637111;0.016716417910447759626046959625;0.009552238805970149349011677486;0.047164179104477614579149502561;0.000000000000000000000000000000;0.006567164179104477243764659278;0.011343283582089552785632236009;0.013731343283582090122885155381;0.013731343283582090122885155381;0.011044776119402984967954317597;0.028358208955223881964080590024;0.008059701492537313730069037376
-0.036764705882352942400981277160;0.009252450980392156951181981128;0.052144607843137256997234629807;0.010600490196078431875958969499;0.007965686274509803377341654596;0.011274509803921568470985725696;0.007536764705882353053423283740;0.019852941176470587092417474651;0.016544117647058823733496879527;0.039767156862745095535771611139;0.015441176470588235947190014485;0.005024509803921568991402768489;0.014215686274509803724286349791;0.050306372549019609530240870754;0.011580882352941176960392510864;0.022303921568627451538224804040;0.017585784313725490168867082730;0.027634803921568626416949143731;0.010355392156862744737488846170;0.009436274509803921003991966643;0.019362745098039216284924179945;0.017218137254901962063247111701;0.015931372549019606754683309191;0.049080882352941175572613730083;0.025796568627450978949955384678;0.048529411764705883414183773539;0.029166666666666667129259593594;0.009252450980392156951181981128;0.002634803921568627631255576915;0.010416666666666666088425508008;0.005269607843137255262511153830;0.018627450980392156604237285933;0.009191176470588235600245319290;0.008272058823529411866748439763;0.026470588235294117279705616852;0.045894607843137251446119506681;0.014399509803921567777096335305;0.018382352941176471200490638580;0.005575980392156862884556201010;0.021262254901960785102854600837;0.005330882352941176613447815669;0.009803921568627450844335413649;0.000000000000000000000000000000;0.030882352941176471894380028971;0.006127450980392156777709633531;0.024754901960784312514585181475;0.046691176470588235947190014485;0.032598039215686276659500464348;0.028982843137254903076449608079;0.018504901960784313902363962256
-0.032352941176470591255753816995;0.014270152505446623281137874528;0.054411764705882353920785021728;0.003758169934640522968222198230;0.008006535947712417611299429154;0.014215686274509803724286349791;0.002015250544662309292037738473;0.017701525054466229341931793329;0.058442265795206969902775284709;0.024455337690631809288710485362;0.019607843137254901688670827298;0.005555555555555555767577313730;0.014705882352941176266503120473;0.043899782135076254041550214424;0.012091503267973856619588168826;0.020315904139433550723570220953;0.021350762527233117099578763032;0.036928104575163399336812375395;0.011601307189542484077371398143;0.011492374727668844963668348669;0.013289760348583878196704333163;0.031699346405228756573535520147;0.015359477124183005744550989391;0.029847494553376905518371486892;0.032897603485838783354822112415;0.036601307189542485465150178925;0.031154684095860567943914176681;0.017973856209150325391465941038;0.000326797385620915010074477580;0.008551198257080609710367724574;0.004466230936819172436802460879;0.012363834422657952669122316536;0.010294117647058823386552184331;0.008769063180827886203050347547;0.025490196078431372195272075487;0.035729847494553379494419687035;0.013235294117647058639852808426;0.008660130718954248824070774049;0.017265795206971676356566547383;0.017919389978213507569337892278;0.004956427015250544979019231562;0.040032679738562088056497145772;0.000000000000000000000000000000;0.014869281045751633202334218709;0.006263616557734204802476707385;0.011873638344226580126905545853;0.039869281045751631120666047536;0.035348583877995644331182489850;0.028540305010893246562275749056;0.019172113289760348703305581353
-0.012846246487354476620290633093;0.004315535929345644394761194462;0.024287434765154557875233010122;0.341830590124447997180112679416;0.211461260537936568404404624744;0.006122039341629867750804727677;0.007727820152549177111500622317;0.014552388598956241677617740038;0.022782015254917704211168327788;0.011742272179847450946921227910;0.008631071858691288789522388925;0.010036130068245684154870644988;0.003211561621838619155072658273;0.015254917703733441095015344047;0.020975511842633479120401318596;0.009333600963468486472196516957;0.006122039341629867750804727677;0.008530710558008832225529438631;0.007326374949819349988167083154;0.001003613006824568458855151398;0.011441188277800079520218901052;0.008329987956643917362820062067;0.001605780810919309577536329137;0.015857085507828182213696521785;0.014251304696908871985638889157;0.015154556403050982796298917776;0.011541549578482537818935327323;0.019971898835808913480471815660;0.000903251706142111569601549359;0.014050582095543958857652988570;0.003211561621838619155072658273;0.006824568446407065433478855709;0.002007226013649136917710302797;0.009534323564833399600182417544;0.002609393817743878036391480535;0.008631071858691288789522388925;0.005018065034122842077435322494;0.005018065034122842077435322494;0.001405058209554395799029125058;0.002509032517061421038717661247;0.009032517061421116780217666076;0.013348052990766761174978860538;0.000000000000000000000000000000;0.009935768767563227590877694695;0.014050582095543958857652988570;0.012645523885989561757581256529;0.011942994781212364074907128497;0.006423123243677238310145316547;0.004114813327980730399413555887;0.010537936571657968709558872433
-0.010399999999999999522604099411;0.008399999999999999480970735988;0.028600000000000000421884749358;0.425300000000000011368683772162;0.023300000000000001265654248073;0.007700000000000000247024622979;0.008399999999999999480970735988;0.010200000000000000732747196253;0.022200000000000000982547376793;0.012900000000000000008326672685;0.006199999999999999782118731417;0.012099999999999999644728632120;0.002200000000000000132532873565;0.011100000000000000491273688397;0.020099999999999999811262085814;0.011400000000000000410782519111;0.017700000000000000455191440096;0.015199999999999999969468866823;0.003200000000000000153349555276;0.001299999999999999940325512426;0.004899999999999999841793218991;0.014300000000000000210942374679;0.001699999999999999905284098212;0.020299999999999998601118988972;0.014099999999999999686361995543;0.013799999999999999766853164829;0.018399999999999999689137553105;0.073800000000000004485301019486;0.006599999999999999963917751700;0.006300000000000000044408920985;0.008000000000000000166533453694;0.017399999999999998800959133405;0.001000000000000000020816681712;0.007100000000000000408006961550;0.004100000000000000345556916415;0.017100000000000000616173778667;0.002799999999999999971550534994;0.007199999999999999802935413129;0.004599999999999999922284388276;0.005300000000000000023592239273;0.006799999999999999621136392847;0.011900000000000000854871728961;0.000000000000000000000000000000;0.015400000000000000494049245958;0.009900000000000000813238365538;0.014699999999999999525379656973;0.015100000000000000574540415244;0.007300000000000000065225602697;0.004199999999999999740485367994;0.008000000000000000166533453694
-0.011326074275714564237871329055;0.008117830060276103043559459138;0.033103247132024109233849884504;0.252916585650398595408461233092;0.111996888975306241320595290745;0.017256465098191717255637911421;0.005249854170717480061902904254;0.025617343962667703249902473317;0.022020221660509431416130610160;0.014534318491153023697459722996;0.013756562317713397214369308585;0.039130857476181217513566679145;0.000826365934279603355123999808;0.013902391600233326637847675045;0.027804783200466653275695350089;0.015312074664592650180550137406;0.009819171689675287167942130395;0.008117830060276103043559459138;0.017013416293991834304932808664;0.000583317130079719970738028056;0.012492708535874003095145212683;0.016138440598872254294615657955;0.000145829282519929992684507014;0.023527124246548708486059808820;0.018082831032471321369703431969;0.019541123857670619073934048515;0.019686953140190550232135890951;0.042290491930779702811626918901;0.003208244215438459893269262935;0.038353101302741589295752788757;0.013805172078553373110620938746;0.013659342796033443687142572287;0.001798561151079136784247669567;0.010548318102274936020057438668;0.000486097608399766660351726255;0.011812171884114330139281534571;0.001409683064359323325862027865;0.004326268714757923287972385396;0.001215244020999416705089424262;0.000631926890919696625931178957;0.009284464320435543635556818742;0.009235854559595566004581712605;0.000000000000000000000000000000;0.013416293991833560736437469529;0.020124440987750340237294466306;0.011569123079914447188576431813;0.020270270270270271395496308742;0.002479097802838810173792216673;0.001604122107719229946634631467;0.010451098580594984227554178347
-0.059621710526315790934503979770;0.002261513157894736933406498736;0.032277960526315790934503979770;0.053248355263157895467251989885;0.013260690789473684667032493678;0.061369243421052634135381964597;0.001541940789473684233351624684;0.011513157894736841466154508851;0.021689967105263156799122015173;0.014288651315789473866812997471;0.024979440789473682932309017701;0.039062500000000000000000000000;0.019736842105263156799122015173;0.032072368421052634135381964597;0.002878289473684210366538627213;0.035464638157894738668129974712;0.009971217105263158533845491149;0.013569078947368421600438992414;0.026829769736842104532748010115;0.011410361842105263066593501264;0.020970394736842104532748010115;0.013157894736842104532748010115;0.007195723684210526133187002529;0.018914473684210526133187002529;0.063939144736842104532748010115;0.029810855263157895467251989885;0.018297697368421052266374005058;0.048725328947368418130992040460;0.000411184210526315766648375316;0.037931743421052634135381964597;0.025185032894736843200877984827;0.006476151315789473866812997471;0.010279605263157895467251989885;0.006681743421052631533296750632;0.017269736842105264801316977241;0.016652960526315790934503979770;0.010074013157894736933406498736;0.009354440789473684667032493678;0.000925164473684210474958844461;0.012952302631578947733625994942;0.001644736842105263066593501264;0.003700657894736841899835377845;0.000000000000000000000000000000;0.018811677631578947733625994942;0.006578947368421052266374005058;0.010176809210526315332967506322;0.028268914473684209065496020230;0.027343750000000000000000000000;0.024876644736842104532748010115;0.016344572368421052266374005058
-0.036500664991872322495680691645;0.007093246638096645066695611348;0.034579577360721147627486971032;0.176444510122654052430846149946;0.019506428254765773716572496710;0.037387320821634401069033515341;0.003398847347421309148668422395;0.019949756169646816472695860512;0.032362937786315944255211007885;0.014038717304566277616073577406;0.021427515885916948584766217323;0.020984187971035909298089805475;0.014777597162701345406832231788;0.023348603517068123452959937936;0.014038717304566277616073577406;0.016994236737106545309661242982;0.014038717304566277616073577406;0.024974139204965273286518367968;0.025565243091473326825235901083;0.010492093985517954649044902737;0.017585340623614598848378776097;0.018028668538495641604502139899;0.012560957588296143769279744618;0.016255356878971477518902588599;0.037978424708142458077198000410;0.024087483375203191243718592318;0.022461947687306044879607114240;0.011822077730161075978521090235;0.001477759716270134497315136279;0.028668538495640608770864687926;0.014482045219447318637473465230;0.007832126496231711990092527742;0.008866558297620806550209948682;0.007832126496231711990092527742;0.017289788680360573813743485516;0.021279739914289937802172048009;0.006649918723215604912657461512;0.009162110240874833319568715240;0.002807743460913255609950889280;0.018176444510122652387096309212;0.006058814836707551373939928396;0.014777597162701345406832231788;0.000000000000000000000000000000;0.010048766070636913627645014913;0.013299837446431209825314923023;0.012413181616669129517238623350;0.016846460765479534527067073668;0.015073149105955372176190998346;0.027190778779370473189347379162;0.011083197872026008187762435853
-0.026829268292682926372316742913;0.011382113821138212239603149101;0.034146341463414636718809447302;0.086585365853658530221892419831;0.007317073170731707744407490424;0.026829268292682926372316742913;0.004878048780487804873817747620;0.034959349593495933627984584291;0.007317073170731707744407490424;0.051626016260162603532801739448;0.023577235772357724857828387144;0.009756097560975609747635495239;0.017886178861788618738026812593;0.031300813008130083658908660027;0.022357723577235772555171777753;0.010162601626016259936946539710;0.011382113821138212239603149101;0.027642276422764226750938831856;0.015447154471544715867437069790;0.007317073170731707744407490424;0.020731707317073171797927599869;0.008130081300813008990391317354;0.008536585365853659179702361826;0.076016260162601628769252215534;0.025609756097560974069660133523;0.035772357723577237476053625187;0.024390243902439025236450476086;0.023577235772357724857828387144;0.001219512195121951218454436905;0.020731707317073171797927599869;0.005691056910569106119801574550;0.021138211382113820252515168363;0.012601626016260162807536282514;0.005691056910569106119801574550;0.015447154471544715867437069790;0.032926829268292684416152837912;0.016666666666666666435370203203;0.004471544715447154684506703148;0.002032520325203252247597829339;0.005691056910569106119801574550;0.010569105691056910126257584182;0.004878048780487804873817747620;0.000000000000000000000000000000;0.035772357723577237476053625187;0.006910569105691056687734707964;0.016260162601626017980782634709;0.032113821138211380568083797016;0.018699186991869919116648901536;0.025203252032520325615072565029;0.013821138211382113375469415928
-0.016525423728813559004491295923;0.010169491525423728084387420267;0.035805084745762709441674331856;0.147457627118644074570852353645;0.014194915254237288129712801776;0.018644067796610170467674905126;0.006991525423728813491697220428;0.016101694915254236711854574082;0.026694915254237287088878716190;0.040889830508474576953314993943;0.010805084745762711523342503028;0.023093220338983051070913532499;0.010593220338983050377024142108;0.029025423728813559698380686314;0.015677966101694914419217852242;0.015889830508474575565536213162;0.021822033898305084193003366977;0.019703389830508476199266709727;0.010169491525423728084387420267;0.005720338983050847481148792895;0.011652542372881356108615946710;0.015466101694915255007622967298;0.003177966101694915460051937828;0.067161016949152538280110036339;0.026483050847457625942560355270;0.029661016949152543137335769075;0.015889830508474575565536213162;0.015677966101694914419217852242;0.004237288135593220324282004441;0.017796610169491525882401461445;0.015042372881355932714986245458;0.023728813559322034509868615260;0.004237288135593220324282004441;0.009957627118644066938069059347;0.011440677966101694962297585789;0.026271186440677964796241994350;0.006355932203389830920103875656;0.013135593220338982398120997175;0.001483050847457627156866788454;0.006567796610169491199060498587;0.005932203389830508627467153815;0.009745762711864407526474174404;0.000000000000000000000000000000;0.045338983050847457556553621316;0.010381355932203389230705781188;0.025423728813559323680415502622;0.033686440677966104917384626560;0.023305084745762712217231893419;0.010805084745762711523342503028;0.013983050847457626983394440856
-0.020689655172413792816321631562;0.009404388714733542820045641975;0.031347962382445138107556203977;0.438871473354231989016938086934;0.013166144200626958907229813178;0.008150470219435736879409759581;0.010031347962382445790363583171;0.016300940438871473758819519162;0.013793103448275861877547754375;0.008150470219435736879409759581;0.006269592476489027968455935991;0.013166144200626958907229813178;0.010658307210031348760681524368;0.017554858934169279699455401555;0.013166144200626958907229813178;0.017554858934169279699455401555;0.013166144200626958907229813178;0.015673981191222569053778101988;0.012539184952978055936911871981;0.003134796238244513984227967995;0.010031347962382445790363583171;0.012539184952978055936911871981;0.001880877742946708477272954596;0.011912225705329152966593930785;0.017554858934169279699455401555;0.016300940438871473758819519162;0.011912225705329152966593930785;0.005015673981191222895181791586;0.006896551724137930938773877187;0.017554858934169279699455401555;0.019435736677115986875685749169;0.018808777429467085640091283949;0.001880877742946708477272954596;0.005015673981191222895181791586;0.007523510971786833909091818384;0.018181818181818180935049866775;0.006896551724137930938773877187;0.013166144200626958907229813178;0.001880877742946708477272954596;0.006896551724137930938773877187;0.006269592476489027968455935991;0.003761755485893416954545909192;0.000000000000000000000000000000;0.016300940438871473758819519162;0.008150470219435736879409759581;0.019435736677115986875685749169;0.013793103448275861877547754375;0.013166144200626958907229813178;0.007523510971786833909091818384;0.007523510971786833909091818384
-0.010101010101010101868701518413;0.012626262626262626034834291033;0.034722222222222223764198645313;0.385732323232323259798448589208;0.001893939393939393991961317454;0.009469696969696969959806587269;0.013257575757575757943729222177;0.018939393939393939919613174538;0.016414141414141415753480401918;0.016414141414141415753480401918;0.006313131313131313017417145517;0.006313131313131313017417145517;0.010101010101010101868701518413;0.013257575757575757943729222177;0.033459595959595959946408783026;0.006944444444444444058950338672;0.016414141414141415753480401918;0.023358585858585859812430740590;0.014520202020202020026795608487;0.004419191919191919025455828063;0.015151515151515151935690539631;0.017045454545454544192928381108;0.002525252525252525467175379603;0.023989898989898988251878719780;0.008207070707070707876740200959;0.013257575757575757943729222177;0.022095959595959595994640878303;0.003156565656565656508708572758;0.008207070707070707876740200959;0.006944444444444444058950338672;0.006313131313131313017417145517;0.014520202020202020026795608487;0.007575757575757575967845269815;0.012626262626262626034834291033;0.016414141414141415753480401918;0.022727272727272727903535809446;0.005681818181818181975883952362;0.009469696969696969959806587269;0.006313131313131313017417145517;0.013257575757575757943729222177;0.011363636363636363951767904723;0.015151515151515151935690539631;0.000000000000000000000000000000;0.008838383838383838050911656126;0.020833333333333332176851016015;0.013257575757575757943729222177;0.015151515151515151935690539631;0.006944444444444444058950338672;0.010732323232323232042872973580;0.007575757575757575967845269815
-0.032748538011695908778175834186;0.009356725146198830583843530917;0.068226120857699801280915608004;0.049512670565302147052122450077;0.021052631578947367946286206575;0.020272904483430800176568808979;0.003508771929824561468941324094;0.019103313840155945052545760632;0.037037037037037034981068472916;0.026900584795321636627507544404;0.016764132553606238273946615891;0.016374269005847954389087917093;0.005847953216374268681221337829;0.038596491228070177459397172015;0.021832358674463939185450556124;0.026510721247563352742648845606;0.018713450292397661167687061834;0.025341130604288497618625797259;0.013645224171539960256183121601;0.009356725146198830583843530917;0.008576998050682261079402657344;0.027680311890838207866671893953;0.004678362573099415291921765458;0.033138401559454189193587581030;0.023391812865497074724885351316;0.035087719298245612087328026973;0.024951267056530213733767098461;0.018323586744639377282828363036;0.003118908382066276716720887308;0.014035087719298245875765296375;0.026120857699805068857790146808;0.031189083820662766299847135087;0.004288499025341130539701328672;0.010526315789473683973143103287;0.008187134502923977194543958547;0.040155945419103312998831967207;0.009356725146198830583843530917;0.012865497076023392486465724005;0.007407407407407407690103084974;0.014814814814814815380206169948;0.009356725146198830583843530917;0.010136452241715400088284404490;0.000000000000000000000000000000;0.017153996101364522158805314689;0.010526315789473683973143103287;0.015594541910331383149923567544;0.041715399610136455477160666305;0.023391812865497074724885351316;0.012475633528265106866883549230;0.021052631578947367946286206575
-0.021999999999999998723243521681;0.004333333333333333134418374755;0.048666666666666663632057066025;0.230666666666666658747075757674;0.036999999999999998168132009368;0.017333333333333332537673499019;0.003666666666666666598434209945;0.014333333333333333342585191872;0.020666666666666666518636930050;0.025999999999999998806510248528;0.013666666666666667240281896056;0.014000000000000000291433543964;0.005666666666666667073748442363;0.025333333333333332704206952712;0.021666666666666667406815349750;0.028000000000000000582867087928;0.024000000000000000499600361081;0.014000000000000000291433543964;0.004000000000000000083266726847;0.005000000000000000104083408559;0.007000000000000000145716771982;0.018999999999999999528155214534;0.002000000000000000041633363423;0.040666666666666663465523612331;0.025333333333333332704206952712;0.030666666666666664992080271190;0.016333333333333331649495079319;0.004666666666666667052931760651;0.006000000000000000124900090270;0.014000000000000000291433543964;0.015666666666666665547191783503;0.032000000000000000666133814775;0.002333333333333333526465880325;0.008999999999999999319988397417;0.003333333333333333547282562037;0.037666666666666667739882257138;0.006000000000000000124900090270;0.011666666666666667198648532633;0.000333333333333333322202191029;0.004000000000000000083266726847;0.003000000000000000062450045135;0.004000000000000000083266726847;0.000000000000000000000000000000;0.026999999999999999694688668228;0.014666666666666666393736839780;0.012333333333333333300951828448;0.034000000000000002442490654175;0.016666666666666666435370203203;0.003666666666666666598434209945;0.017000000000000001221245327088
-0.016503267973856209499539104968;0.026307189542483660343874518617;0.028921568627450981725512946241;0.136764705882352954890990304193;0.041339869281045750482039835560;0.017647058823529411519803744568;0.004901960784313725422167706824;0.034313725490196081424620899725;0.025326797385620915259440977252;0.012091503267973856619588168826;0.015686274509803921350936661838;0.027124183006535948492476961746;0.008660130718954248824070774049;0.019771241830065358624501925533;0.044934640522875816948111804550;0.010784313725490195928768955014;0.013562091503267974246238480873;0.037581699346405227080136768336;0.029084967320261438661344044476;0.004738562091503267618974870601;0.015522875816993464415105563603;0.009313725490196078302118642966;0.009150326797385621366287544731;0.015686274509803921350936661838;0.021568627450980391857537910028;0.015359477124183005744550989391;0.033823529411764703678233701112;0.030882352941176471894380028971;0.002941176470588235253300624095;0.031862745098039213509366618382;0.013888888888888888117900677344;0.013398692810457515575683906661;0.012908496732026143033467135979;0.009477124183006535237949741202;0.014869281045751633202334218709;0.021405228758169934921706811792;0.012254901960784313555419267061;0.005065359477124183225360543048;0.003104575163398692622812591324;0.011928104575163397949033594614;0.010784313725490195928768955014;0.018137254901960785796743991227;0.000000000000000000000000000000;0.010294117647058823386552184331;0.023856209150326795898067189228;0.008006535947712417611299429154;0.018627450980392156604237285933;0.017156862745098040712310449862;0.021241830065359477985875713557;0.011437908496732025406816823931
-0.021390374331550800895973551974;0.024598930481283420856897237172;0.031550802139037430193990729776;0.072727272727272723740199467102;0.064171122994652413096261511782;0.024598930481283420856897237172;0.003208556149732620394604554193;0.027272727272727271402574800163;0.019786096256684492650235185351;0.011229946524064171597956374171;0.012834224598930481578418216770;0.036898395721925131285345855758;0.013368983957219250993664338978;0.030481283422459891363498485362;0.038502673796791446469978126288;0.014438502673796791558880059370;0.011764705882352941013202496379;0.028342245989304813702513996532;0.027272727272727271402574800163;0.008556149732620321052278811180;0.022459893048128343195912748342;0.010160427807486631032740653779;0.011764705882352941013202496379;0.019786096256684492650235185351;0.026203208556149732572082555748;0.019786096256684492650235185351;0.026203208556149732572082555748;0.027272727272727271402574800163;0.001604278074866310197302277096;0.042245989304812832376700981740;0.016577540106951872689311500153;0.011764705882352941013202496379;0.011764705882352941013202496379;0.013368983957219250993664338978;0.013368983957219250993664338978;0.019251336898395723234989063144;0.006951871657754011071816968581;0.005882352941176470506601248189;0.024064171122994651441651114965;0.012834224598930481578418216770;0.008556149732620321052278811180;0.007486631016042780487063090789;0.000000000000000000000000000000;0.011229946524064171597956374171;0.028342245989304813702513996532;0.004278074866310160526139405590;0.020855614973262031480727429766;0.020855614973262031480727429766;0.019786096256684492650235185351;0.012299465240641710428448618586
-0.012148337595907927541349913270;0.003836317135549872220368072817;0.164109121909633420832719252758;0.000000000000000000000000000000;0.020460358056265986331778705676;0.007459505541346973279959176040;0.000639386189258312072868084552;0.006180733162830349784744310426;0.140238704177323092459062081616;0.010230179028132993165889352838;0.007885763000852514734151377240;0.007246376811594202986543944434;0.005541346973572037169775139631;0.035166240409207162598281826149;0.006393861892583120078159542032;0.007246376811594202986543944434;0.076513213981244665440328844852;0.071184995737425399431330674815;0.003410059676044330766175871616;0.024296675191815855082699826539;0.002770673486786018584887569816;0.081628303495311166360082211213;0.005754475703324808330552109226;0.014705882352941176266503120473;0.009590792838874680550920182043;0.013213981244671782477873023254;0.015984654731457801496441462064;0.001491901108269394655991835208;0.000000000000000000000000000000;0.009590792838874680550920182043;0.006180733162830349784744310426;0.017902813299232735871902022495;0.004688832054560955128752475218;0.008098891730605285027566608846;0.011295822676896846367688986845;0.033461210571184993312066069393;0.005328218243819266876359908025;0.003623188405797101493271972217;0.001705029838022165383087935808;0.025788576300085252340776875712;0.001278772378516624145736169105;0.019394714407502129660532119715;0.000000000000000000000000000000;0.006606990622335891238936511627;0.004262574595055413674560274018;0.003410059676044330766175871616;0.040494458653026428607279996186;0.015771526001705029468302754481;0.013000852514919010449734315671;0.012787723785166240156319084065
-0.020070733863837311033995192133;0.003978779840848806377551216684;0.062068965517241378448964894687;0.314588859416445598693456986439;0.001414677276746242277211118576;0.005923961096374889129245744357;0.005128205128205128200680196215;0.014588859416445623673475040505;0.036781609195402298340127345000;0.028116710875331563795898048852;0.007515473032714411853738578628;0.003978779840848806377551216684;0.002652519893899204107140521458;0.023872679045092836530583824128;0.012732095490716180061219198194;0.014765694076038903687075887206;0.030327144120247569170079060541;0.024137931034482758285708570156;0.003359858532272325462586515243;0.007515473032714411853738578628;0.008399646330680812789104550120;0.027320954907161801999970762722;0.001237842617152962046769837379;0.043589743589743587537377322860;0.018656056587091070925188418528;0.023695844385499556516982977428;0.019982316534040672761918244760;0.000884173297966401369046840486;0.004951370468611848187079349515;0.001856763925729442961734538819;0.002652519893899204107140521458;0.029796640141467729129276520439;0.001414677276746242277211118576;0.016003536693191867251728766064;0.003978779840848806377551216684;0.032095490716180369306087527548;0.003448275862068965469386938594;0.006896551724137930938773877187;0.001061007957559681599488121684;0.005835543766578249122445321007;0.007427055702917771846938155278;0.005393457117595048221081466266;0.000000000000000000000000000000;0.029619805481874449115675673738;0.003625110521662245916668654289;0.017152961980548189074857745595;0.027409372236958443741494662049;0.011140583554376658204088101911;0.006012378426171530003407905696;0.014942528735632183700676733906
-0.013492063492063492702310867344;0.006349206349206349200842147695;0.027380952380952380820211544687;0.465873015873015883236973877501;0.004365079365079365183999193789;0.013492063492063492702310867344;0.005158730158730158617264027754;0.008730158730158730367998387578;0.021428571428571428769682682969;0.011904761904761904101057723437;0.007142857142857142634106981660;0.010714285714285714384841341484;0.007539682539682539784420267637;0.013095238095238095551997581367;0.012301587301587301251371009414;0.009920634920634920084214769531;0.016269841269841271019780393203;0.017063492063492061850960013203;0.005555555555555555767577313730;0.002777777777777777883788656865;0.009126984126984127518311673555;0.023412698412698412786525636875;0.003968253968253968033685907812;0.015873015873015872134743631250;0.016269841269841271019780393203;0.016269841269841271019780393203;0.013095238095238095551997581367;0.011507936507936508685467913438;0.001587301587301587300210536924;0.017063492063492061850960013203;0.004365079365079365183999193789;0.012301587301587301251371009414;0.004761904761904762334312479766;0.007936507936507936067371815625;0.006349206349206349200842147695;0.016269841269841271019780393203;0.002777777777777777883788656865;0.005555555555555555767577313730;0.026190476190476191103995162734;0.015079365079365079568840535273;0.004365079365079365183999193789;0.013095238095238095551997581367;0.000000000000000000000000000000;0.009126984126984127518311673555;0.003571428571428571317053490830;0.009126984126984127518311673555;0.014285714285714285268213963320;0.013095238095238095551997581367;0.008730158730158730367998387578;0.014285714285714285268213963320
-0.018796992481203006475354300164;0.016290726817042605611973726809;0.032163742690058477746717358059;0.255639097744360888064818482235;0.027568922305764409497186306908;0.014619883040935671703053344572;0.006265664160401002158451433388;0.020050125313283206907044586842;0.025062656641604008633805733552;0.011695906432748537362442675658;0.010860484544695070407982484539;0.011278195488721803885212580099;0.011695906432748537362442675658;0.022974101921470341247655255756;0.026315789473684209065496020230;0.006683375104427735635681528947;0.020467836257309940384274682401;0.036340852130325812519018313651;0.010442773600668336930752388980;0.007101086048454469112911624507;0.009189640768588136499062102303;0.018796992481203006475354300164;0.007518796992481202590141720066;0.015455304928989138657513535691;0.022138680033416874293195064638;0.020050125313283206907044586842;0.019214703425229739952584395724;0.025898078529657475588265924671;0.003759398496240601295070860033;0.020885547201336673861504777960;0.007518796992481202590141720066;0.013784461152882204748593153454;0.007518796992481202590141720066;0.008354218880534669544601911184;0.012531328320802004316902866776;0.023809523809523808202115446875;0.006683375104427735635681528947;0.005430242272347535203991242270;0.007518796992481202590141720066;0.018379281537176272998124204605;0.006683375104427735635681528947;0.041353383458646614245779460362;0.000000000000000000000000000000;0.011695906432748537362442675658;0.013784461152882204748593153454;0.012949039264828737794132962335;0.013366750208855471271363057895;0.008354218880534669544601911184;0.018379281537176272998124204605;0.006683375104427735635681528947
-0.025462962962962961549484575130;0.015046296296296295461059067122;0.023148148148148146863167795573;0.288194444444444419772821674997;0.028356481481481482509465763542;0.015046296296296295461059067122;0.008680555555555555941049661328;0.015046296296296295461059067122;0.012731481481481480774742287565;0.010416666666666666088425508008;0.005787037037037036715791948893;0.026620370370370370627366440885;0.008680555555555555941049661328;0.032986111111111111882099322656;0.016203703703703702804217456901;0.017939814814814814686316779557;0.013310185185185185313683220443;0.020254629629629629372633559115;0.015046296296296295461059067122;0.009259259259259258745267118229;0.009837962962962963284208051107;0.013888888888888888117900677344;0.005208333333333333044212754004;0.020833333333333332176851016015;0.028356481481481482509465763542;0.020254629629629629372633559115;0.021990740740740741254732881771;0.019675925925925926568416102214;0.004050925925925925701054364225;0.019675925925925926568416102214;0.013310185185185185313683220443;0.013888888888888888117900677344;0.005787037037037036715791948893;0.008101851851851851402108728450;0.013310185185185185313683220443;0.022569444444444444058950338672;0.011574074074074073431583897786;0.009837962962962963284208051107;0.005787037037037036715791948893;0.009259259259259258745267118229;0.005787037037037036715791948893;0.012152777777777777970524830664;0.000000000000000000000000000000;0.011574074074074073431583897786;0.012152777777777777970524830664;0.006944444444444444058950338672;0.022569444444444444058950338672;0.015625000000000000000000000000;0.015625000000000000000000000000;0.012152777777777777970524830664
-0.034626038781163437363375123823;0.004847645429362880571677596464;0.018005540166204987706510820544;0.092797783933518007692953233345;0.177285318559556787088027363097;0.051939058171745149106168781827;0.002770083102493074798250427548;0.013850415512465373557571268748;0.005540166204986149596500855097;0.009695290858725761143355192928;0.026315789473684209065496020230;0.075484764542936289011265671434;0.006232686980609418621324113730;0.026315789473684209065496020230;0.009002770083102493853255410272;0.028393351800554016139965796128;0.006925207756232686778785634374;0.009695290858725761143355192928;0.013157894736842104532748010115;0.000000000000000000000000000000;0.009002770083102493853255410272;0.006232686980609418621324113730;0.002077562326869806207108037910;0.018698060941828253261887127223;0.054016620498614956180638557726;0.013157894736842104532748010115;0.020083102493074791311533644489;0.030470914127423823214435572027;0.002770083102493074798250427548;0.049861495844875348970592909836;0.019390581717451522286710385856;0.006925207756232686778785634374;0.002770083102493074798250427548;0.006232686980609418621324113730;0.006232686980609418621324113730;0.008310249307479224828432151639;0.000692520775623268699562606887;0.009002770083102493853255410272;0.000000000000000000000000000000;0.000692520775623268699562606887;0.002770083102493074798250427548;0.008310249307479224828432151639;0.000000000000000000000000000000;0.016620498614958449656864303279;0.013157894736842104532748010115;0.009002770083102493853255410272;0.029778393351800554189612313394;0.013157894736842104532748010115;0.006925207756232686778785634374;0.020775623268698060336356903122
-0.013364055299539170929001841159;0.004301075268817204297344680697;0.037327188940092168034645681018;0.350921658986175111216709865403;0.037634408602150538902808563080;0.008218125960061443274762282840;0.006912442396313364482984820114;0.016513056835637481001288762172;0.010599078341013824441918522723;0.021735791090629799637845565030;0.010906298003072197044804880761;0.006451612903225806446017021045;0.003840245775729646694057750622;0.026881720430107527292085123349;0.025576036866359445898222446658;0.010983102918586789761845601276;0.009677419354838710102706400562;0.015053763440860215908068120427;0.006835637480798770898582361610;0.005606758832565283956483881411;0.007757296466973886105156221760;0.010445468509984639007837081692;0.003686635944700460826295440597;0.037634408602150538902808563080;0.014208909370199692551173242805;0.022273425499231950391854084614;0.027803379416282643366020721487;0.017204301075268817189378722787;0.007066052227342549917066261145;0.005453149001536098522402440381;0.005222734254992319503918540846;0.022043010752688170506008447092;0.002457757296466973884196960398;0.014439324116743472437018880328;0.009523809523809524668624959531;0.023886328725038402653879643367;0.006528417818740399163057741561;0.006451612903225806446017021045;0.000691244239631336404930395112;0.007834101382488479689558680263;0.007373271889400921652590881195;0.004070660522273425278860781162;0.000000000000000000000000000000;0.019431643625192011187730045663;0.011520737327188940515854120861;0.010522273425499231724877802208;0.025038402457757295144213927074;0.014516129032258065154059600843;0.013287250384024578211961120644;0.012288786482334869420984801991
-0.015321825237521744314528326925;0.020875150541951024291131844279;0.014452027298273785113624789744;0.071591061153485888168823692013;0.174963200856416423167871698752;0.023885989562424728149814256994;0.007828181453231634542855310599;0.027365181319416564953428405715;0.010236852669610599017580021552;0.007694366385655024634382392890;0.014518934832062090067861248599;0.011909541014318212465150637058;0.012980061554931084794040074826;0.011039743075070253264247099878;0.055399437976716175979774448024;0.008430349257326375661536488337;0.008095811588384852625077670041;0.024354342298942861094745993000;0.049578482537133677920948571227;0.002810116419108791598058250116;0.017998126589053926871475397320;0.005820955439582497191464138808;0.011708818412953299337164736471;0.011374280744011776300705918175;0.012980061554931084794040074826;0.011708818412953299337164736471;0.027498996386993174861901323425;0.031513448414291447829960191029;0.006155493108524020227922957105;0.055867790713234312394153135983;0.009768499933092466072648285547;0.009367054730362638081953008395;0.030777465542620098537529571558;0.005553325304429279109241779366;0.009969222534457379200634186134;0.015254917703733441095015344047;0.006490030777465542397020037413;0.007694366385655024634382392890;0.002141041081225745958821482517;0.009634684865515857898898843814;0.008965609527632811825981207221;0.015656362906463269085710621198;0.000000000000000000000000000000;0.008296534189749765753063570628;0.044225879834069316276501382390;0.011708818412953299337164736471;0.007292921182925197511048853727;0.006490030777465542397020037413;0.018600294393148669724880051035;0.006155493108524020227922957105
-0.010579427083333333911574491992;0.018147786458333332176851016015;0.031494140625000000000000000000;0.393147786458333314829616256247;0.021565755208333332176851016015;0.009195963541666666088425508008;0.004638671875000000000000000000;0.022460937500000000000000000000;0.016113281250000000000000000000;0.016357421875000000000000000000;0.009847005208333333911574491992;0.006103515625000000000000000000;0.003743489583333333477893622998;0.016113281250000000000000000000;0.031168619791666667823148983985;0.007731119791666666955787245996;0.013590494791666666088425508008;0.020589192708333332176851016015;0.018880208333333332176851016015;0.004069010416666666955787245996;0.011230468750000000000000000000;0.011474609375000000000000000000;0.002360026041666666522106377002;0.026692708333333332176851016015;0.011149088541666666088425508008;0.015869140625000000000000000000;0.020507812500000000000000000000;0.036214192708333335646297967969;0.002685546875000000000000000000;0.013509114583333333911574491992;0.005615234375000000000000000000;0.018066406250000000000000000000;0.004557291666666666955787245996;0.005045572916666666955787245996;0.003743489583333333477893622998;0.023030598958333332176851016015;0.005371093750000000000000000000;0.004882812500000000000000000000;0.002522786458333333477893622998;0.003824869791666666522106377002;0.007731119791666666955787245996;0.010009765625000000000000000000;0.000000000000000000000000000000;0.012451171875000000000000000000;0.018880208333333332176851016015;0.009928385416666666088425508008;0.015055338541666666088425508008;0.006429036458333333044212754004;0.009195963541666666088425508008;0.006429036458333333044212754004
-0.013703703703703704053218359604;0.010000000000000000208166817117;0.036666666666666666851703837438;0.463703703703703729033236413670;0.010370370370370370072254928573;0.010740740740740739936343040029;0.002962962962962962815832712593;0.011111111111111111535154627461;0.030740740740740742087400150240;0.010000000000000000208166817117;0.005925925925925925631665425186;0.011481481481481481399242738917;0.007407407407407407690103084974;0.022222222222222223070309254922;0.003333333333333333547282562037;0.012962962962962962590318660716;0.014074074074074073917306471060;0.018888888888888889089345823891;0.004444444444444444440589503387;0.003703703703703703845051542487;0.006666666666666667094565124074;0.017407407407407406163546426114;0.005185185185185185036127464286;0.013703703703703704053218359604;0.018518518518518517490534236458;0.014444444444444443781394582516;0.015925925925925926707193980292;0.020740740740740740144509857146;0.001481481481481481407916356297;0.011481481481481481399242738917;0.017777777777777777762358013547;0.010000000000000000208166817117;0.003703703703703703845051542487;0.007407407407407407690103084974;0.008148148148148147418279307885;0.014074074074074073917306471060;0.007777777777777777554191196430;0.005925925925925925631665425186;0.008888888888888888881179006773;0.009629629629629630344078705662;0.003333333333333333547282562037;0.015925925925925926707193980292;0.000000000000000000000000000000;0.011111111111111111535154627461;0.002222222222222222220294751693;0.005185185185185185036127464286;0.015185185185185185244294281404;0.007037037037037036958653235530;0.008518518518518519017090895318;0.008148148148148147418279307885
-0.007902735562310031144916955270;0.007902735562310031144916955270;0.078419452887537988150512546781;0.110030395136778119669074271769;0.016413373860182371710703108647;0.009726443768996961142248025567;0.003647416413373859994662140593;0.011550151975683891139579095864;0.058358662613981759914594249494;0.021884498480243159967972843560;0.013981762917933130557779364267;0.010942249240121579983986421780;0.006686930091185410568455083080;0.032218844984802430531090067234;0.007902735562310031144916955270;0.010334346504559270563117223674;0.021276595744680850547103645454;0.041337386018237082252468894694;0.003039513677811550140112073493;0.015805471124620062289833910540;0.003647416413373859994662140593;0.041337386018237082252468894694;0.005471124620060789991993210890;0.029179331306990879957297124747;0.020668693009118541126234447347;0.024316109422492401120896587940;0.018237082066869299973310702967;0.060790273556231004536964945828;0.001215805471124620142781003196;0.013981762917933130557779364267;0.011550151975683891139579095864;0.016413373860182371710703108647;0.003039513677811550140112073493;0.014589665653495439978648562374;0.013981762917933130557779364267;0.036474164133738599946621405934;0.010942249240121579983986421780;0.003647416413373859994662140593;0.012158054711246200560448293970;0.024316109422492401120896587940;0.001823708206686929997331070297;0.034042553191489362263144613507;0.000000000000000000000000000000;0.006686930091185410568455083080;0.006079027355623100280224146985;0.006686930091185410568455083080;0.033434650455927049372828463447;0.020060790273556231705365249240;0.021276595744680850547103645454;0.014589665653495439978648562374
-0.009615384615384615918376454147;0.009571074087203120320244131847;0.030574264445232188225354263977;0.152118043247075507284904460903;0.005716058135412973792433000142;0.002702942219071251435391634033;0.005981921304501949983312147907;0.027073732718894009952048662626;0.010191421481744062163543596000;0.091900035448422540129698177225;0.006203473945409429708697235384;0.001329315845444877701789221369;0.001107763204537398193244568390;0.024548032612548741776548055782;0.016527827011697977799276060296;0.004829847571783055758254388223;0.012982984757178305662561612621;0.014976958525345621456303923935;0.007488479262672810728151961968;0.003987947536334633322208098605;0.012805742644452321535308847444;0.007931584544487771046283874909;0.001063452676355902161431377095;0.140552995391705071170918017742;0.006823821339950372419358437526;0.030840127614321161814148197777;0.021712158808933002679397716861;0.007311237149946827468260934779;0.004165189649060616582099125793;0.002038284296348812692917240597;0.001373626373626373733602412663;0.048431407302375044376940849133;0.001595179014533853242147065643;0.004076568592697625385834481193;0.001683800070896845088933013734;0.062034739454094295352248877862;0.007842963488124778115295754333;0.004209500177242113047593186081;0.000708968450903934774287584730;0.002525700106345267741819737850;0.014179369018078695485751694605;0.004120879120879120983966803493;0.000000000000000000000000000000;0.074131513647642685582717092529;0.007444168734491315130019639668;0.038062743707905001555591439910;0.034429280397022331283718443729;0.008064516129032257840680841809;0.005184331797235023145398180588;0.005228642325416518743530502888
-0.014166666666666665949647629930;0.009166666666666666712925959359;0.056666666666666663798590519718;0.213333333333333347026083970377;0.009305555555555554761437697664;0.006805555555555555143076862379;0.004166666666666666608842550801;0.015555555555555555108382392859;0.036527777777777777068468623156;0.034027777777777774848022573906;0.012500000000000000693889390391;0.011944444444444445030395485219;0.005972222222222222515197742609;0.035416666666666665741480812812;0.007777777777777777554191196430;0.006527777777777778178691647781;0.027638888888888889922013092360;0.031944444444444441977282167500;0.012361111111111110910654176109;0.015833333333333334674852821422;0.010277777777777778039913769703;0.013611111111111110286153724758;0.009305555555555554761437697664;0.043888888888888887007677652718;0.013750000000000000069388939039;0.021944444444444443503838826359;0.019861111111111110633098419953;0.012083333333333333078907223523;0.001388888888888888941894328433;0.012500000000000000693889390391;0.005972222222222222515197742609;0.017222222222222222098864108375;0.002361111111111111136168227986;0.007916666666666667337426410711;0.013333333333333334189130248149;0.045416666666666667684371105906;0.012777777777777778525636342977;0.004305555555555555524716027094;0.002777777777777777883788656865;0.014999999999999999444888487687;0.006805555555555555143076862379;0.014861111111111111396376749383;0.000000000000000000000000000000;0.023194444444444444614061850984;0.005972222222222222515197742609;0.014722222222222221613141535101;0.035833333333333335091186455656;0.014583333333333333564629796797;0.021805555555555557190050564031;0.008888888888888888881179006773
-0.027160493827160493707228994253;0.004585537918871252296981744223;0.027160493827160493707228994253;0.142857142857142849212692681249;0.084303350970017634780084847534;0.027689594356261022084497724904;0.004761904761904762334312479766;0.012522045855379188364353559848;0.011111111111111111535154627461;0.023633156966490299899508187309;0.009700176366843032971232219097;0.026102292768959436952691532952;0.016754850088183420586673832986;0.025573192239858905105975850347;0.007583774250440916860072082528;0.020105820105820106091787380365;0.013756613756613756890945232669;0.014991181657848323682813429514;0.019929453262786597789180120799;0.002821869488536155393121340751;0.015343915343915343757474900599;0.008289241622574956142033286710;0.007407407407407407690103084974;0.035273368606701938077208069444;0.025044091710758376728707119696;0.033156966490299824568133146840;0.015520282186948853794805636142;0.010934744268077601497823891918;0.002821869488536155393121340751;0.053262786596119930659920527205;0.022574955908289243144970726007;0.018871252204585537565195707543;0.010758377425044091460493156376;0.007054673721340387615441613889;0.015167548500881833720144165056;0.022927689594356259750185245139;0.004938271604938271504281477320;0.016225749559082892209405102335;0.000352733686067019424140167594;0.008465608465608466179364022253;0.003174603174603174600421073848;0.003350970017636684204070940396;0.000000000000000000000000000000;0.024867724867724868426099860130;0.013051146384479718476345766476;0.020987654320987654543717582101;0.026807760141093473632567523168;0.024514991181657848351438389045;0.011287477954144621572485363004;0.014462081128747795305544698863
-0.002843867660017623810730924561;0.002363213971000560631452458438;0.006088280060882800270860570890;0.781783225186253316607576380193;0.060121765601217652674748137542;0.001722342385644476392414503607;0.001962669230153007982053736669;0.004005447408475526493987217691;0.004165665304814547553746706399;0.002883922134102379075670796738;0.001642233437474965862534759253;0.001882560281983497452173992315;0.000680926059440839503977827007;0.002964031082271889605550541091;0.006528879275815108185199164836;0.001241688696627413213136037484;0.002042778178322518511933481022;0.003564848193543218579648623745;0.003364575823119442254949262860;0.000400544740847552649398721769;0.007850676920612031928214946674;0.002563486341424336956151819322;0.001241688696627413213136037484;0.004806536890170631792784661229;0.001882560281983497452173992315;0.002603540815509092221091691499;0.003044140030441400135430285445;0.039173275654890649111194989018;0.001241688696627413213136037484;0.004125610830729792288806834222;0.001321797644796923743015781838;0.003364575823119442254949262860;0.001401906592966434272895526192;0.001842505807898742187234120138;0.000720980533525594768917699184;0.002923976608187134340610668914;0.001081470800288392153376548777;0.001441961067051189537835398369;0.000280381318593286854579105238;0.001441961067051189537835398369;0.001962669230153007982053736669;0.001922614756068252717113864492;0.000000000000000000000000000000;0.003204357926780421195189774153;0.005447408475526716031822616060;0.003244412400865176460129646330;0.003124248978610910665310029799;0.001522070015220700067715142723;0.000881198429864615828677187892;0.002082832652407273776873353199
-0.013499999999999999847344334114;0.005624999999999999791833182883;0.040375000000000001165734175856;0.196624999999999994226840271949;0.124624999999999999666933092612;0.013499999999999999847344334114;0.004250000000000000305311331772;0.008375000000000000499600361081;0.051499999999999997168931287206;0.007125000000000000256739074445;0.014625000000000000846545056277;0.022874999999999999500399638919;0.004125000000000000194289029309;0.018499999999999999084066004684;0.017874999999999998528954492372;0.007749999999999999944488848769;0.016125000000000000444089209850;0.014250000000000000513478148889;0.009749999999999999986122212192;0.003249999999999999850813781066;0.007125000000000000256739074445;0.033750000000000002220446049250;0.000500000000000000010408340856;0.011750000000000000027755575616;0.014749999999999999222843882762;0.011750000000000000027755575616;0.020375000000000000749400541622;0.087374999999999994337862574412;0.002374999999999999941019401817;0.039375000000000000277555756156;0.016375000000000000666133814775;0.010125000000000000319189119580;0.002374999999999999941019401817;0.010125000000000000319189119580;0.003625000000000000183880688454;0.010999999999999999361621760841;0.002874999999999999951427742673;0.006125000000000000235922392733;0.005624999999999999791833182883;0.006374999999999999590605259669;0.003374999999999999961836083529;0.027750000000000000360822483003;0.000000000000000000000000000000;0.007000000000000000145716771982;0.014250000000000000513478148889;0.006250000000000000346944695195;0.016375000000000000666133814775;0.005250000000000000326128013484;0.005624999999999999791833182883;0.015750000000000000111022302463
-0.023771564544913741101606063921;0.023057703747769185687044313227;0.023200475907198096076067272975;0.106793575252825692634139898018;0.017965496728138012627606912019;0.018346222486615111624264073953;0.006234384295062463110514983100;0.054372397382510408159195236522;0.008471148126115407572811477621;0.013706127305175491021271838576;0.020844735276621059044677153338;0.005163593099345627386587143093;0.018655562165377750222239328082;0.016323616894705531010778543077;0.030577037477691849237659837968;0.006115407495538369674059619996;0.012778108268887566553728696306;0.055324211778703155650838141355;0.044735276621058896184823794329;0.006734086853063652941542294172;0.033194527067221889227166542469;0.004663890541344437555559832020;0.030362879238548481919401922369;0.018845925044616299720567909048;0.018560380725758475473075037598;0.022343842950624626803035610578;0.049137418203450328180181827520;0.010113027959547887454916370586;0.000856632956573468188829489911;0.021011302795954787253629447719;0.002831647828673408608807227083;0.007543129089827483972630073339;0.029863176680547293823098087273;0.004187983343248066411823593569;0.019393218322427126926177365362;0.031909577632361692256512952781;0.021891731112433074346590444748;0.004544913741820344986466206905;0.000571088637715645459219659941;0.014562760261748958559580024996;0.015466983938132063472470356658;0.007305175490779297967081085119;0.000000000000000000000000000000;0.011612135633551456947998303804;0.018750743604997024971403618565;0.018822129684711481900638574416;0.010826888756692444604201597258;0.007400356930398571848883637614;0.042284354550862580934822432255;0.007971445568114217741784166549
-0.012500000000000000693889390391;0.032638888888888890893458238907;0.019444444444444444752839729063;0.434027777777777790113589162502;0.008333333333333333217685101602;0.006944444444444444058950338672;0.003472222222222222029475169336;0.039583333333333331482961625625;0.015277777777777777276635440273;0.002777777777777777883788656865;0.010416666666666666088425508008;0.001388888888888888941894328433;0.002083333333333333304421275400;0.006250000000000000346944695195;0.027777777777777776235801354687;0.001388888888888888941894328433;0.013888888888888888117900677344;0.046527777777777779011358916250;0.026388888888888888811790067734;0.002777777777777777883788656865;0.013194444444444444405895033867;0.004166666666666666608842550801;0.011111111111111111535154627461;0.010416666666666666088425508008;0.006250000000000000346944695195;0.014583333333333333564629796797;0.031944444444444441977282167500;0.025694444444444443365060948281;0.000000000000000000000000000000;0.013194444444444444405895033867;0.000000000000000000000000000000;0.004166666666666666608842550801;0.014583333333333333564629796797;0.004861111111111111188209932266;0.004861111111111111188209932266;0.014583333333333333564629796797;0.013194444444444444405895033867;0.000000000000000000000000000000;0.000000000000000000000000000000;0.002083333333333333304421275400;0.009722222222222222376419864531;0.022916666666666665047591422422;0.000000000000000000000000000000;0.005555555555555555767577313730;0.015972222222222220988641083750;0.006250000000000000346944695195;0.006944444444444444058950338672;0.005555555555555555767577313730;0.020138888888888890199568848516;0.004166666666666666608842550801
-0.014819427148194270690839680071;0.013325031133250311160542977973;0.019053549190535493118581200633;0.428268991282689914790182683646;0.029140722291407222116488284769;0.012951432129514321711649671443;0.009713574097135741283737253582;0.017808219178082191486156560245;0.017434620174346202037263253715;0.010834371108343711365140649150;0.006724782067247820488420373408;0.013075965130759651527947440286;0.006102117061021170539569791202;0.009464508094645081651141715895;0.030386052303860523748912925157;0.008841843088418430834929395701;0.014819427148194270690839680071;0.015566625155666251323349769109;0.013075965130759651527947440286;0.001743462017434620247094412271;0.011457036114570360446629493367;0.012204234122042341079139582405;0.003486924034869240494188824542;0.015068493150684932058158693735;0.011457036114570360446629493367;0.013823163138231632160457529324;0.015691158156911581139647537952;0.036363636363636361870099733551;0.003362391033623910244210186704;0.015193026151930261874456462579;0.011457036114570360446629493367;0.012826899128268991895351902599;0.003611457036114570310486593385;0.007471980074719801120930462446;0.006226650062266500355867560046;0.013075965130759651527947440286;0.004607721046077210141911351116;0.009215442092154420283822702231;0.001867995018679950280232615611;0.007845579078455790569823768976;0.008343711083437111569738320327;0.012204234122042341079139582405;0.000000000000000000000000000000;0.015068493150684932058158693735;0.015442092154420921507052000266;0.012577833125778330528032888935;0.010336239103362390365226097799;0.004483188044831880325613582272;0.006351183063511831039527066878;0.005728518057285180223314746684
-0.021621621621621622821862729324;0.018918918918918919969129888159;0.031531531531531528655953877660;0.256756756756756743254044295099;0.005405405405405405705465682331;0.008108108108108108558198523497;0.022522522522522521459809041744;0.031531531531531528655953877660;0.023423423423423423567202306117;0.020720720720720720714469464951;0.006306306306306306078135470727;0.004504504504504504465434155946;0.008108108108108108558198523497;0.010810810810810811410931364662;0.018018018018018017861736623786;0.012612612612612612156270941455;0.021621621621621622821862729324;0.018918918918918919969129888159;0.018918918918918919969129888159;0.005405405405405405705465682331;0.013513513513513514263664205828;0.018018018018018017861736623786;0.009009009009009008930868311893;0.037837837837837839938259776318;0.017117117117117115754343359413;0.013513513513513514263664205828;0.021621621621621622821862729324;0.012612612612612612156270941455;0.009009009009009008930868311893;0.021621621621621622821862729324;0.010810810810810811410931364662;0.027927927927927927165274724075;0.004504504504504504465434155946;0.009909909909909909303538100289;0.016216216216216217116397046993;0.029729729729729731380061252821;0.004504504504504504465434155946;0.018018018018018017861736623786;0.004504504504504504465434155946;0.012612612612612612156270941455;0.010810810810810811410931364662;0.017117117117117115754343359413;0.000000000000000000000000000000;0.021621621621621622821862729324;0.013513513513513514263664205828;0.020720720720720720714469464951;0.018918918918918919969129888159;0.005405405405405405705465682331;0.006306306306306306078135470727;0.007207207207207207318166997112
-0.028537455410225922441957990827;0.020214030915576695207613866501;0.024970273483947681703032372980;0.263971462544589752230450585557;0.039239001189060644658734844370;0.033293697978596908937376497306;0.003567181926278240305244748853;0.022592152199762186720599643763;0.007134363852556480610489497707;0.003567181926278240305244748853;0.005945303210463733986634871087;0.030915576694411413954943768090;0.005945303210463733986634871087;0.014268727705112961220978995414;0.034482758620689654693869385937;0.026159334126040427459525261611;0.008323424494649227234344124327;0.022592152199762186720599643763;0.010701545778834720482053377566;0.003567181926278240305244748853;0.011890606420927467973269742174;0.010701545778834720482053377566;0.007134363852556480610489497707;0.011890606420927467973269742174;0.052318668252080854919050523222;0.022592152199762186720599643763;0.015457788347205706977471884045;0.033293697978596908937376497306;0.001189060642092746623854626620;0.035671819262782400450362274569;0.013079667063020213729762630805;0.008323424494649227234344124327;0.008323424494649227234344124327;0.013079667063020213729762630805;0.007134363852556480610489497707;0.011890606420927467973269742174;0.004756242568370986495418506479;0.009512485136741972990837012958;0.011890606420927467973269742174;0.005945303210463733986634871087;0.005945303210463733986634871087;0.008323424494649227234344124327;0.000000000000000000000000000000;0.003567181926278240305244748853;0.013079667063020213729762630805;0.003567181926278240305244748853;0.011890606420927467973269742174;0.021403091557669440964106755132;0.011890606420927467973269742174;0.014268727705112961220978995414
-0.021240234375000000000000000000;0.013997395833333333911574491992;0.018554687500000000000000000000;0.392822265625000000000000000000;0.017578125000000000000000000000;0.019205729166666667823148983985;0.005533854166666666955787245996;0.024007161458333332176851016015;0.010986328125000000000000000000;0.011800130208333333911574491992;0.013916015625000000000000000000;0.014160156250000000000000000000;0.008707682291666666088425508008;0.012858072916666666088425508008;0.023274739583333332176851016015;0.011393229166666666088425508008;0.005533854166666666955787245996;0.020833333333333332176851016015;0.025797526041666667823148983985;0.002522786458333333477893622998;0.016927083333333332176851016015;0.003417968750000000000000000000;0.005289713541666666955787245996;0.015055338541666666088425508008;0.018473307291666667823148983985;0.015462239583333333911574491992;0.025309244791666667823148983985;0.035563151041666664353702032031;0.001057942708333333261053188501;0.026204427083333332176851016015;0.005777994791666666955787245996;0.008219401041666666088425508008;0.013183593750000000000000000000;0.002441406250000000000000000000;0.005940755208333333044212754004;0.018554687500000000000000000000;0.007812500000000000000000000000;0.006673177083333333044212754004;0.001302083333333333261053188501;0.001546223958333333261053188501;0.005940755208333333044212754004;0.011555989583333333911574491992;0.000000000000000000000000000000;0.007731119791666666955787245996;0.013997395833333333911574491992;0.008626302083333333911574491992;0.011962890625000000000000000000;0.008219401041666666088425508008;0.014811197916666666088425508008;0.008219401041666666088425508008
-0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;1.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000
-0.029581529581529580202881035689;0.011121062845200776689202903924;0.038587848932676520330442571094;0.065731203662238141260942825284;0.064910185599840769521406969034;0.027989252127183162494050705504;0.003284072249589490861271245947;0.025153007911628600529185817436;0.025476439269542718035754802486;0.017589690003483107738624369176;0.020002985520226900656437507564;0.033661740558292282954333529688;0.017788724685276410819589898438;0.030526944320047769837467299681;0.010772752152062496297513227717;0.012489426282529730166670489666;0.013186047668806289215326366104;0.036771657461312633186079068537;0.017365775986465641772538148757;0.008284818629646216459061491832;0.015723739861670894824019484304;0.012564064288202218822032563139;0.015798377867343383479381557777;0.023063143752798925117941664098;0.032343135791411653512383850284;0.027292630740906601710671353089;0.033388067870826494687452878907;0.019878588844106086230834051776;0.001418122107777280115070706046;0.031074289694979349840675553196;0.012539184952978055936911871981;0.010623476140717520721512556747;0.012141115589391451509704289435;0.006344230482161516623818009464;0.022441160372194856459371337110;0.032517291137980790238781736434;0.016619395929740758688364365980;0.005473453749315818246679032910;0.002363536846295467147571756072;0.014355376424341941346551898562;0.006170075135592377295334909348;0.019381002139622828528420228622;0.000000000000000000000000000000;0.012638702293874707477394636612;0.006991093197989749902232503587;0.011568890879235706886651868786;0.023784644474299645316994755717;0.015151515151515151935690539631;0.034408120615017169507954264418;0.011668408220132358427134633416
-0.010000000000000000208166817117;0.009166666666666666712925959359;0.020000000000000000416333634234;0.065000000000000002220446049250;0.065833333333333327042069527124;0.025000000000000001387778780781;0.003333333333333333547282562037;0.007499999999999999722444243844;0.050833333333333334536074943344;0.008333333333333333217685101602;0.014999999999999999444888487687;0.031666666666666669349705642844;0.005833333333333333599324266316;0.014166666666666665949647629930;0.008333333333333333217685101602;0.008333333333333333217685101602;0.006666666666666667094565124074;0.008333333333333333217685101602;0.006666666666666667094565124074;0.003333333333333333547282562037;0.004166666666666666608842550801;0.023333333333333334397297065266;0.003333333333333333547282562037;0.014166666666666665949647629930;0.019166666666666665186369300500;0.010833333333333333703407674875;0.009166666666666666712925959359;0.260000000000000008881784197001;0.003333333333333333547282562037;0.081666666666666665186369300500;0.008333333333333333217685101602;0.010833333333333333703407674875;0.007499999999999999722444243844;0.008333333333333333217685101602;0.010000000000000000208166817117;0.009166666666666666712925959359;0.002500000000000000052041704279;0.003333333333333333547282562037;0.007499999999999999722444243844;0.006666666666666667094565124074;0.005833333333333333599324266316;0.046666666666666668794594130532;0.000000000000000000000000000000;0.009166666666666666712925959359;0.018333333333333333425851918719;0.007499999999999999722444243844;0.010833333333333333703407674875;0.005833333333333333599324266316;0.009166666666666666712925959359;0.010000000000000000208166817117
-0.016666666666666666435370203203;0.000000000000000000000000000000;0.031111111111111110216764785719;0.306666666666666642981908807997;0.011111111111111111535154627461;0.014444444444444443781394582516;0.003333333333333333547282562037;0.032222222222222221543752596062;0.016666666666666666435370203203;0.038888888888888889505679458125;0.007777777777777777554191196430;0.008888888888888888881179006773;0.000000000000000000000000000000;0.017777777777777777762358013547;0.021111111111111111743321444578;0.013333333333333334189130248149;0.013333333333333334189130248149;0.005555555555555555767577313730;0.007777777777777777554191196430;0.000000000000000000000000000000;0.023333333333333334397297065266;0.008888888888888888881179006773;0.000000000000000000000000000000;0.052222222222222225429533182250;0.013333333333333334189130248149;0.022222222222222223070309254922;0.040000000000000000832667268469;0.006666666666666667094565124074;0.007777777777777777554191196430;0.041111111111111112159655078813;0.001111111111111111110147375847;0.037777777777777778178691647781;0.001111111111111111110147375847;0.007777777777777777554191196430;0.000000000000000000000000000000;0.013333333333333334189130248149;0.003333333333333333547282562037;0.012222222222222222862142437805;0.001111111111111111110147375847;0.000000000000000000000000000000;0.012222222222222222862142437805;0.005555555555555555767577313730;0.000000000000000000000000000000;0.040000000000000000832667268469;0.012222222222222222862142437805;0.029999999999999998889776975375;0.032222222222222221543752596062;0.001111111111111111110147375847;0.000000000000000000000000000000;0.006666666666666667094565124074
-0.010912698412698412092636246484;0.022817460317460316193693969922;0.029100529100529098913696657291;0.193121693121693110972714180207;0.022817460317460316193693969922;0.012566137566137565440005374739;0.006613756613756613389476513021;0.024470899470899469541063098177;0.041666666666666664353702032031;0.014550264550264549456848328646;0.010582010582010581423162420833;0.020171957671957670837903364713;0.007936507936507936067371815625;0.015542328042328041465269805599;0.026785714285714284227379877734;0.013558201058201057448426851693;0.019841269841269840168429539062;0.025462962962962961549484575130;0.019179894179894178829481887760;0.004298941798941798703159733464;0.013227513227513226778953026042;0.029431216931216929583170482942;0.002314814814814814686316779557;0.020171957671957670837903364713;0.015211640211640210795795979948;0.015211640211640210795795979948;0.022817460317460316193693969922;0.048941798941798939082126196354;0.006944444444444444058950338672;0.029100529100529098913696657291;0.014219576719576718787374502995;0.015873015873015872134743631250;0.005621693121693121381055036068;0.011574074074074073431583897786;0.005291005291005290711581210417;0.017857142857142856151586585156;0.003306878306878306694738256510;0.007936507936507936067371815625;0.029761904761904760252644308594;0.008928571428571428075793292578;0.008267195767195766736845641276;0.044642857142857143848413414844;0.000000000000000000000000000000;0.019841269841269840168429539062;0.016203703703703702804217456901;0.013227513227513226778953026042;0.011574074074074073431583897786;0.005952380952380952050528861719;0.006613756613756613389476513021;0.007936507936507936067371815625
-0.018518518518518517490534236458;0.004050925925925925701054364225;0.069155092592592587452671182291;0.110243055555555552471602709375;0.001446759259259259178947987223;0.007812500000000000000000000000;0.003182870370370370193685571891;0.021990740740740741254732881771;0.026909722222222223764198645313;0.047164351851851853136832204427;0.011284722222222222029475169336;0.013020833333333333911574491992;0.005787037037037036715791948893;0.044560185185185181844236268489;0.006944444444444444058950338672;0.015046296296296295461059067122;0.022569444444444444058950338672;0.029513888888888888117900677344;0.011863425925925926568416102214;0.010416666666666666088425508008;0.008680555555555555941049661328;0.014756944444444444058950338672;0.003472222222222222029475169336;0.058159722222222223764198645313;0.020543981481481482509465763542;0.035590277777777776235801354687;0.022280092592592590922118134245;0.003761574074074073865264766781;0.001157407407407407343158389779;0.008969907407407407343158389779;0.005787037037037036715791948893;0.031828703703703706273664408855;0.004918981481481481642104025553;0.009548611111111111882099322656;0.011284722222222222029475169336;0.065393518518518517490534236458;0.010127314814814814686316779557;0.004050925925925925701054364225;0.007233796296296296328420805111;0.011284722222222222029475169336;0.007523148148148147730529533561;0.015625000000000000000000000000;0.000000000000000000000000000000;0.027199074074074073431583897786;0.007233796296296296328420805111;0.013020833333333333911574491992;0.053530092592592594391565086198;0.026909722222222223764198645313;0.013599537037037036715791948893;0.015046296296296295461059067122
-0.026296296296296296779448908865;0.002222222222222222220294751693;0.088333333333333333148296162562;0.000185185185185185175989544537;0.001296296296296296259031866072;0.015185185185185185244294281404;0.000370370370370370351979089074;0.015925925925925926707193980292;0.027777777777777776235801354687;0.035370370370370371460033709354;0.019074074074074073154028141630;0.008703703703703703081773213057;0.016296296296296294836558615771;0.053333333333333336756520992594;0.004259259259259259508545447659;0.019259259259259260688157411323;0.036296296296296298722339201959;0.040000000000000000832667268469;0.005370370370370369968171520014;0.015925925925925926707193980292;0.009259259259259258745267118229;0.022777777777777778733803160094;0.013333333333333334189130248149;0.046111111111111109661653273406;0.029814814814814814825094657635;0.042037037037037039421960571417;0.026111111111111112714766591125;0.000555555555555555555073687923;0.000370370370370370351979089074;0.005925925925925925631665425186;0.005740740740740740699621369458;0.024814814814814813853649511088;0.005555555555555555767577313730;0.010185185185185186007572610833;0.029814814814814814825094657635;0.058333333333333334258519187188;0.014259259259259259716712264776;0.006481481481481481295159330358;0.001666666666666666773641281019;0.027222222222222220572307449515;0.003703703703703703845051542487;0.011111111111111111535154627461;0.000000000000000000000000000000;0.022592592592592591199673890401;0.001111111111111111110147375847;0.012037037037037037062736644089;0.057037037037037038866849059104;0.028148148148148147834612942120;0.031481481481481478346129421197;0.020925925925925924209192174885
-0.037407407407407410049327012302;0.008148148148148147418279307885;0.062962962962962956692258842395;0.005555555555555555767577313730;0.011111111111111111535154627461;0.021481481481481479872686080057;0.006296296296296296363115274630;0.025925925925925925180637321432;0.021111111111111111743321444578;0.026296296296296296779448908865;0.019259259259259260688157411323;0.007407407407407407690103084974;0.021481481481481479872686080057;0.045925925925925925596970955667;0.013703703703703704053218359604;0.019629629629629628817522046802;0.021481481481481479872686080057;0.031851851851851853414387960584;0.020000000000000000416333634234;0.014074074074074073917306471060;0.018148148148148149361169600979;0.017037037037037038034181790636;0.014814814814814815380206169948;0.031481481481481478346129421197;0.031111111111111110216764785719;0.043333333333333334813630699500;0.030740740740740742087400150240;0.012592592592592592726230549260;0.002592592592592592518063732143;0.018518518518518517490534236458;0.011851851851851851263330850372;0.014444444444444443781394582516;0.012222222222222222862142437805;0.012222222222222222862142437805;0.023703703703703702526661700745;0.034444444444444444197728216750;0.014444444444444443781394582516;0.011111111111111111535154627461;0.002962962962962962815832712593;0.015555555555555555108382392859;0.009259259259259258745267118229;0.008518518518518519017090895318;0.000000000000000000000000000000;0.018148148148148149361169600979;0.014074074074074073917306471060;0.014444444444444443781394582516;0.038888888888888889505679458125;0.026296296296296296779448908865;0.036666666666666666851703837438;0.019259259259259260688157411323
-0.036666666666666666851703837438;0.031666666666666669349705642844;0.035000000000000003330669073875;0.005000000000000000104083408559;0.010833333333333333703407674875;0.021666666666666667406815349750;0.002500000000000000052041704279;0.034166666666666664631257788187;0.025833333333333333148296162562;0.014999999999999999444888487687;0.013333333333333334189130248149;0.014999999999999999444888487687;0.017500000000000001665334536938;0.025000000000000001387778780781;0.025833333333333333148296162562;0.021666666666666667406815349750;0.032500000000000001110223024625;0.047500000000000000555111512313;0.025833333333333333148296162562;0.010000000000000000208166817117;0.021666666666666667406815349750;0.015833333333333334674852821422;0.014999999999999999444888487687;0.040000000000000000832667268469;0.030833333333333334119741309109;0.032500000000000001110223024625;0.035000000000000003330669073875;0.016666666666666666435370203203;0.006666666666666667094565124074;0.024166666666666666157814447047;0.022499999999999999167332731531;0.023333333333333334397297065266;0.016666666666666666435370203203;0.005833333333333333599324266316;0.017500000000000001665334536938;0.034166666666666664631257788187;0.007499999999999999722444243844;0.012500000000000000693889390391;0.000833333333333333386820640509;0.015833333333333334674852821422;0.008333333333333333217685101602;0.023333333333333334397297065266;0.000000000000000000000000000000;0.017500000000000001665334536938;0.016666666666666666435370203203;0.016666666666666666435370203203;0.021666666666666667406815349750;0.014999999999999999444888487687;0.018333333333333333425851918719;0.014999999999999999444888487687
-0.019896193771626297097654401114;0.018166089965397924643752958218;0.050173010380622835857611363508;0.146193771626297569499186579378;0.029411764705882352533006240947;0.032871972318339097440809126738;0.007785467128027681246726920961;0.009515570934256055435351839833;0.039792387543252594195308802227;0.014705882352941176266503120473;0.006055363321799307925463740077;0.036332179930795849287505916436;0.018166089965397924643752958218;0.018166089965397924643752958218;0.009515570934256055435351839833;0.015570934256055362493453841921;0.021626297577854669551555844009;0.023356401384083045474904238858;0.025951557093425604155756403202;0.011245674740484429623976758705;0.008650519031141869208401118385;0.030276816608996538759956962394;0.012110726643598615850927480153;0.019031141868512110870703679666;0.026816608996539793852154076603;0.013840830449826990039552399026;0.019031141868512110870703679666;0.018166089965397924643752958218;0.000865051903114186877472024939;0.057958477508650518839061760445;0.007785467128027681246726920961;0.008650519031141869208401118385;0.006920415224913495019776199513;0.007785467128027681246726920961;0.024221453287197231701854960306;0.021626297577854669551555844009;0.005190311418685120831151280640;0.005190311418685120831151280640;0.006055363321799307925463740077;0.013840830449826990039552399026;0.002595155709342560415575640320;0.032006920415224911213858405290;0.000000000000000000000000000000;0.005190311418685120831151280640;0.012110726643598615850927480153;0.013840830449826990039552399026;0.019031141868512110870703679666;0.012110726643598615850927480153;0.014705882352941176266503120473;0.019896193771626297097654401114
-0.024154589371980676043571989453;0.006610729722857869132546237978;0.047800661072972289167282156086;0.013221459445715738265092475956;0.008390541571319604097212163651;0.011950165268243072291820539022;0.002288329519450800920293831453;0.019069412662090008681037289762;0.060005085176709889449586654564;0.056699720315280956184356142558;0.009661835748792270070484100586;0.011695906432748537362442675658;0.006610729722857869132546237978;0.035341978133740147016705890337;0.008136282735825069167834300288;0.015001271294177472362396663641;0.028731248410882277016797914371;0.020594965675057207848963614083;0.009661835748792270070484100586;0.004830917874396135035242050293;0.013984235952199339583779114093;0.022120518688024410486336890358;0.004068141367912534583917150144;0.081108568522756163687859043421;0.028476989575387745556867002961;0.035087719298245612087328026973;0.021357742181540809167650252220;0.017798118484617340973041876850;0.001525553012967200685809365801;0.014238494787693872778433501480;0.012204424103737605486474926408;0.037121789982201884583457029976;0.004068141367912534583917150144;0.009153318077803203681175325812;0.007373506229341469583871138127;0.050851767098906687503134804729;0.005593694380879735486566950442;0.010170353419781338194516351336;0.014747012458682939167742276254;0.008136282735825069167834300288;0.005593694380879735486566950442;0.045512331553521481741775289720;0.000000000000000000000000000000;0.034070683956267479308710477426;0.008136282735825069167834300288;0.017798118484617340973041876850;0.042461225527587083405922641077;0.021103483346046274238272388857;0.009153318077803203681175325812;0.016526824307144673265046463939
-0.015457788347205706977471884045;0.001189060642092746623854626620;0.039239001189060644658734844370;0.000000000000000000000000000000;0.005945303210463733986634871087;0.020214030915576695207613866501;0.008323424494649227234344124327;0.016646848989298454468688248653;0.009512485136741972990837012958;0.089179548156956001125905686422;0.005945303210463733986634871087;0.020214030915576695207613866501;0.005945303210463733986634871087;0.053507728894173600675543411853;0.003567181926278240305244748853;0.016646848989298454468688248653;0.020214030915576695207613866501;0.011890606420927467973269742174;0.005945303210463733986634871087;0.005945303210463733986634871087;0.015457788347205706977471884045;0.011890606420927467973269742174;0.002378121284185493247709253239;0.122473246135552910063282183728;0.020214030915576695207613866501;0.034482758620689654693869385937;0.022592152199762186720599643763;0.000000000000000000000000000000;0.003567181926278240305244748853;0.020214030915576695207613866501;0.014268727705112961220978995414;0.035671819262782400450362274569;0.002378121284185493247709253239;0.009512485136741972990837012958;0.008323424494649227234344124327;0.087990487514863255369412797791;0.010701545778834720482053377566;0.014268727705112961220978995414;0.000000000000000000000000000000;0.014268727705112961220978995414;0.005945303210463733986634871087;0.004756242568370986495418506479;0.000000000000000000000000000000;0.058263971462544590640408870286;0.004756242568370986495418506479;0.040428061831153390415227733001;0.047562425683709871893078968696;0.016646848989298454468688248653;0.009512485136741972990837012958;0.005945303210463733986634871087
-0.020373514431239390237715625176;0.023769100169779285719462436077;0.032258064516129031362723367238;0.118845500848896432066759132340;0.058573853989813240428219387468;0.019524617996604414632555446474;0.007640067911714770905462490447;0.014431239388794566205764802191;0.042444821731748724746857703849;0.024617996604414261324622614779;0.015280135823429541810924980894;0.016977928692699491286521862321;0.006791171477079796167664049733;0.015280135823429541810924980894;0.026315789473684209065496020230;0.011884550084889642859731218039;0.030560271646859083621849961787;0.043293718166383700352017882551;0.017826825127334466891682041023;0.008488964346349745643260931161;0.010186757215619695118857812588;0.014431239388794566205764802191;0.004244482173174872821630465580;0.016977928692699491286521862321;0.015280135823429541810924980894;0.015280135823429541810924980894;0.022071307300509337978589030627;0.061120543293718167243699923574;0.003395585738539898083832024867;0.028862478777589132411529604383;0.004244482173174872821630465580;0.018675721561969439027395267772;0.007640067911714770905462490447;0.004244482173174872821630465580;0.008488964346349745643260931161;0.031409168081494055757563188536;0.012733446519524618464891396741;0.004244482173174872821630465580;0.007640067911714770905462490447;0.006791171477079796167664049733;0.013582342954159592335328099466;0.034804753820033958178203903344;0.000000000000000000000000000000;0.016977928692699491286521862321;0.015280135823429541810924980894;0.011884550084889642859731218039;0.016977928692699491286521862321;0.011884550084889642859731218039;0.016977928692699491286521862321;0.008488964346349745643260931161
-0.037755102040816328201611185023;0.010459183673469388264898327634;0.044132653061224491608527387143;0.002040816326530612428991062757;0.013265306122448979053718431942;0.021428571428571428769682682969;0.002806122448979591656181842296;0.032908163265306121514353066004;0.014030612244897959148270949470;0.034438775510204078234011149107;0.018112244897959182271529599006;0.010204081632653060410231837807;0.011479591836734694479393859012;0.049489795918367343596777629955;0.012755102040816326813832404241;0.018622448979591837980862578661;0.017346938775510203911700557455;0.030612244897959182965418989397;0.022193877551020407129511724520;0.008673469387755101955850278728;0.023724489795918367318616759576;0.010714285714285714384841341484;0.013265306122448979053718431942;0.046938775510204082397347491451;0.033163265306122451103743031808;0.051785714285714289084605610469;0.038520408163265303091993274620;0.009693877551020408170345810106;0.002295918367346938982614945601;0.013775510204081633028327935619;0.006887755102040816514163967810;0.021938775510204081009568710670;0.018622448979591837980862578661;0.010969387755102040504784355335;0.018622448979591837980862578661;0.045153061224489796088299442545;0.013520408163265306908384921769;0.009438775510204082050402796256;0.001020408163265306214495531378;0.009693877551020408170345810106;0.005357142857142857192420670742;0.007142857142857142634106981660;0.000000000000000000000000000000;0.029081632653061222776313954341;0.008673469387755101955850278728;0.018367346938775511860919564811;0.041326530612244900819707282835;0.028061224489795918296541898940;0.031122448979591835205305017098;0.018367346938775511860919564811
-0.012327677624602333822378952277;0.005832449628844114768166928542;0.024522799575821846440604190320;0.457051961823966068632074666311;0.007688229056203605554786761900;0.005037115588547190145329857103;0.004904559915164368941176142869;0.016436903499469777273356285718;0.018955461293743373213382952258;0.020546129374337220724333619160;0.006495227995758218186850285747;0.007290562036055142809687357186;0.004772004241781548604384166623;0.019485683987274654560550857241;0.016569459172852598477509999952;0.007820784729586426758940476134;0.014183457051961823741637047647;0.017232237539766701028831619169;0.007953340402969246228370714391;0.003313891834570519695501999990;0.011002120890774125250288761890;0.007290562036055142809687357186;0.004374337221633085859284761909;0.027704135737009544931952476077;0.011002120890774125250288761890;0.019618239660657475764704571475;0.018822905620360552009229238024;0.016436903499469777273356285718;0.002518557794273595072664928551;0.009411452810180276004614619012;0.003844114528101802777393380950;0.016436903499469777273356285718;0.004772004241781548604384166623;0.005434782608695652023067523828;0.006892895015906680931949690461;0.026113467656415693951554857222;0.008483563096500531044985571327;0.005169671261930010482121833348;0.002120890774125132761246392832;0.006362672322375397850058309501;0.009146341463414633596307190544;0.011002120890774125250288761890;0.000000000000000000000000000000;0.016436903499469777273356285718;0.010737009544008482841981333422;0.014581124072110285619374714372;0.017364793213149522232985333403;0.010471898197242842168397380931;0.009013785790031814126876952287;0.009013785790031814126876952287
-0.008108108108108108558198523497;0.019459459459459458458008285220;0.038378378378378374957691221425;0.335135135135135153738872304530;0.015135135135135134934469824941;0.008648648648648648781800396534;0.005405405405405405705465682331;0.023783783783783783716270221475;0.036756756756756756021609078289;0.018378378378378378010804539144;0.012432432432432432081736983775;0.014054054054054054487266078866;0.005945945945945945929067555369;0.011891891891891891858135110738;0.021621621621621622821862729324;0.007027027027027027243633039433;0.016216216216216217116397046993;0.028648648648648647463410554792;0.011891891891891891858135110738;0.005945945945945945929067555369;0.010270270270270269452606015648;0.014054054054054054487266078866;0.005945945945945945929067555369;0.032432432432432434232794093987;0.011351351351351351634533237700;0.014054054054054054487266078866;0.023783783783783783716270221475;0.016216216216216217116397046993;0.002162162162162162195450099134;0.015135135135135134934469824941;0.011351351351351351634533237700;0.020540540540540538905212031295;0.007027027027027027243633039433;0.009189189189189189005402269572;0.007027027027027027243633039433;0.030810810810810811827264998897;0.006486486486486486152669428407;0.003783783783783783733617456235;0.006486486486486486152669428407;0.014594594594594594710867951903;0.007567567567567567467234912471;0.012972972972972972305338856813;0.000000000000000000000000000000;0.016216216216216217116397046993;0.010270270270270269452606015648;0.010270270270270269452606015648;0.010810810810810811410931364662;0.006486486486486486152669428407;0.011351351351351351634533237700;0.006486486486486486152669428407
-0.007241243604879968667753509237;0.005785123966942148400482981430;0.019362455726092089869361245746;0.418496654860291250610515589869;0.150806768988587164281867103455;0.006099960645415190667317784090;0.004447068083431720067477677105;0.022550177095631642604223188187;0.019480519480519480068902993253;0.010153482880755607467571088876;0.009208972845336482401790156871;0.010783156237701692001240694196;0.000550964187327823641700252910;0.012947658402203856067846921007;0.029083038173947264870555784455;0.004879968516332152533854227272;0.005391578118850846000620347098;0.005588351042896497200551664264;0.018732782369146005335691640425;0.000432900432900432900057419161;0.022471467926013379001748404562;0.009208972845336482401790156871;0.000354191263282172387558827120;0.014639905548996457601562681816;0.008185753640299095468257917219;0.015151515151515151935690539631;0.012790240062967335801791257666;0.020661157024793389003214372224;0.001456119637937819833589658813;0.029279811097992915203125363632;0.003345139708776072567236736788;0.006139315230224320733831699926;0.000314836678473042104204476788;0.006611570247933884134083903916;0.000236127508854781591705884747;0.005863833136560409400872551089;0.000787091696182605233406137657;0.001849665486029122450292727642;0.001574183392365210466812275314;0.001023219205037386933532239652;0.012436048799685163468442539170;0.006021251475796930534289952419;0.000000000000000000000000000000;0.010625737898465171735185030855;0.015663124754033846269818397445;0.011255411255411256268854636176;0.011373475009838646468396383682;0.001259346713892168416817907151;0.000983864620228256650177889320;0.006414797323888232934152586751
-0.010097410311237823080099396122;0.003009424249623822173599352325;0.029856656371267917965406368808;0.118595074047675622108677373490;0.002653045062168369553484703616;0.004870515561891185229992373706;0.001385919062326760068867836928;0.021976716559752910995495511770;0.029104300308861963397788485963;0.110002375861249709898537219033;0.005622871624297140664971994539;0.013661202185792349281245883219;0.000871149124891106344491242819;0.031004989308624376215250961764;0.009543042686307120353594868334;0.008949077373881364830254803167;0.011087352498614080550942695425;0.008592698186425912210140154457;0.002969826562128771545168159918;0.001821493624772313295323566962;0.008869881998891264440754156340;0.010532984873683376089714691659;0.000514769937435653724376594109;0.148491328106438585932025375769;0.011245743248594281329943989078;0.039003722182624538106221478984;0.013977983685752752573971946504;0.031400966183574879897477671875;0.002138275124732715720687892258;0.002613447374673318925053511208;0.006533618436683297746314647014;0.044230616931971174221605025423;0.000554367624930704027547134771;0.003365803437079274360033132041;0.000712758374910905240229297419;0.063435495367070562910960518366;0.007285974499089253181294267847;0.002494654312188168340802540968;0.002098677437237665525937568844;0.000633562999920804633888216095;0.010018214936247722690598749296;0.007879939811515006969910857038;0.000000000000000000000000000000;0.060465668804941793967877572413;0.005108101686861487265856052176;0.028985507246376811946175777734;0.042052744119743405704081595786;0.010216203373722974531712104351;0.003247010374594123775782161800;0.006216836936722895320950321718
-0.019024970273483945981674025916;0.014268727705112961220978995414;0.039239001189060644658734844370;0.154577883472057087121953600217;0.000000000000000000000000000000;0.007134363852556480610489497707;0.009512485136741972990837012958;0.055885850178359099127423093023;0.009512485136741972990837012958;0.053507728894173600675543411853;0.011890606420927467973269742174;0.003567181926278240305244748853;0.003567181926278240305244748853;0.027348394768133173216018150242;0.024970273483947681703032372980;0.004756242568370986495418506479;0.014268727705112961220978995414;0.029726516052318668198450879459;0.004756242568370986495418506479;0.001189060642092746623854626620;0.014268727705112961220978995414;0.002378121284185493247709253239;0.001189060642092746623854626620;0.087990487514863255369412797791;0.014268727705112961220978995414;0.036860879904875146206855163200;0.038049940546967891963348051831;0.009512485136741972990837012958;0.001189060642092746623854626620;0.005945303210463733986634871087;0.001189060642092746623854626620;0.028537455410225922441957990827;0.010701545778834720482053377566;0.002378121284185493247709253239;0.004756242568370986495418506479;0.043995243757431627684706398895;0.011890606420927467973269742174;0.007134363852556480610489497707;0.000000000000000000000000000000;0.000000000000000000000000000000;0.014268727705112961220978995414;0.007134363852556480610489497707;0.000000000000000000000000000000;0.053507728894173600675543411853;0.009512485136741972990837012958;0.043995243757431627684706398895;0.033293697978596908937376497306;0.001189060642092746623854626620;0.014268727705112961220978995414;0.011890606420927467973269742174
-0.013020833333333333911574491992;0.004650297619047619006316107715;0.039434523809523808202115446875;0.053385416666666664353702032031;0.010416666666666666088425508008;0.005394345238095238012632215430;0.004464285714285714037896646289;0.024739583333333332176851016015;0.012276785714285714037896646289;0.093377976190476191797884553125;0.009672619047619047949471138281;0.002604166666666666522106377002;0.002046130952380952484209730713;0.029575892857142856151586585156;0.012648809523809523974735569141;0.007626488095238095031580538574;0.016369047619047619873677845703;0.022135416666666667823148983985;0.004650297619047619006316107715;0.007068452380952380993683892285;0.011718750000000000000000000000;0.004278273809523809936838922852;0.002418154761904761987367784570;0.158110119047619041010577234374;0.008184523809523809936838922852;0.035900297619047616404230893750;0.023995535714285715772620122266;0.002418154761904761987367784570;0.004650297619047619006316107715;0.002232142857142857018948323145;0.002232142857142857018948323145;0.054129464285714287696826829688;0.001116071428571428509474161572;0.002790178571428571490525838428;0.003348214285714285528422484717;0.071800595238095232808461787499;0.010974702380952380126322154297;0.005022321428571428943155030566;0.000744047619047619006316107715;0.001302083333333333261053188501;0.011160714285714285962103353711;0.006696428571428571056844969434;0.000000000000000000000000000000;0.080915178571428575393653659376;0.006882440476190476025264430859;0.039248511904761904101057723437;0.043526785714285712303173170312;0.013764880952380952050528861719;0.008556547619047619873677845703;0.006324404761904761987367784570
-0.018421052631578945651957823770;0.003947368421052631706769098230;0.028947368421052631359824403035;0.062500000000000000000000000000;0.001315789473684210496642887911;0.006578947368421052266374005058;0.003947368421052631706769098230;0.023684210526315790240614589379;0.005263157894736841986571551644;0.094736842105263160962458357517;0.008552631578947368987120292161;0.007236842105263157839956100759;0.003947368421052631706769098230;0.034868421052631576317892836414;0.010526315789473683973143103287;0.005921052631578947560153647345;0.015131578947368421253494297218;0.018421052631578945651957823770;0.010526315789473683973143103287;0.007894736842105263413538196460;0.022368421052631579093450397977;0.003289473684210526133187002529;0.001973684210526315853384549115;0.142105263157894734504793632368;0.013815789473684210106330105816;0.032894736842105261331870025288;0.021710526315789475254591778253;0.002631578947368420993285775822;0.003289473684210526133187002529;0.009210526315789472825978911885;0.001973684210526315853384549115;0.050000000000000002775557561563;0.002631578947368420993285775822;0.005921052631578947560153647345;0.004605263157894736412989455943;0.071710526315789474560702387862;0.010526315789473683973143103287;0.005921052631578947560153647345;0.000000000000000000000000000000;0.002631578947368420993285775822;0.009210526315789472825978911885;0.005263157894736841986571551644;0.000000000000000000000000000000;0.093421052631578946345847214161;0.003947368421052631706769098230;0.044736842105263158186900795954;0.035526315789473683626198408092;0.012500000000000000693889390391;0.010526315789473683973143103287;0.003289473684210526133187002529
-0.033512544802867381965594262283;0.006272401433691756483801427180;0.043906810035842291917163038306;0.120430107526881727264544963418;0.029928315412186379251835433024;0.019175627240143367641111993294;0.004121863799283154335129086832;0.018279569892473118697395761956;0.025985663082437274878921940058;0.024193548387096773522042525428;0.015591397849462364927353164035;0.030465949820788530005843952608;0.014157706093189963494904937136;0.035483870967741935886774484743;0.010215053763440860856714920146;0.021326164874551970657146071630;0.017025089605734768094524866910;0.025627240143369176689214228304;0.008602150537634408594689361394;0.008781362007168459424266693247;0.011469534050179211459585815192;0.013261648745519712816465229821;0.011290322580645160630008483338;0.035304659498207886791920628866;0.028494623655913979554110682102;0.027060931899641576386938979226;0.025627240143369176689214228304;0.011469534050179211459585815192;0.002329749103942652544568803208;0.013440860215053763646042561675;0.011827956989247311384017002922;0.022401433691756272165163110799;0.003763440860215053977017030107;0.008960573476702508519120549124;0.023476702508960573673180149967;0.038709677419354840410825602248;0.012724014336917562062456710237;0.008602150537634408594689361394;0.001254480286738351253392198537;0.017562724014336918848533386495;0.005734767025089605729792907596;0.013620071684587814475619893528;0.000000000000000000000000000000;0.019175627240143367641111993294;0.007526881720430107954034060214;0.017383512544802866284232578664;0.033870967741935487094195877944;0.022043010752688170506008447092;0.019175627240143367641111993294;0.019354838709677420205412801124
-0.020182291666666667823148983985;0.011718750000000000000000000000;0.069335937500000000000000000000;0.028320312500000000000000000000;0.039062500000000000000000000000;0.020833333333333332176851016015;0.000651041666666666630526594250;0.017578125000000000000000000000;0.055664062500000000000000000000;0.028320312500000000000000000000;0.013997395833333333911574491992;0.026041666666666667823148983985;0.009765625000000000000000000000;0.031901041666666664353702032031;0.011067708333333333911574491992;0.014322916666666666088425508008;0.032226562500000000000000000000;0.045572916666666664353702032031;0.008138020833333333911574491992;0.013346354166666666088425508008;0.011393229166666666088425508008;0.021809895833333332176851016015;0.010416666666666666088425508008;0.026692708333333332176851016015;0.024088541666666667823148983985;0.026367187500000000000000000000;0.021158854166666667823148983985;0.065755208333333328707404064062;0.001627604166666666738946811499;0.017578125000000000000000000000;0.013346354166666666088425508008;0.016276041666666667823148983985;0.003580729166666666522106377002;0.005859375000000000000000000000;0.014973958333333333911574491992;0.041992187500000000000000000000;0.014648437500000000000000000000;0.005208333333333333044212754004;0.003906250000000000000000000000;0.015299479166666666088425508008;0.005208333333333333044212754004;0.029947916666666667823148983985;0.000000000000000000000000000000;0.011067708333333333911574491992;0.002604166666666666522106377002;0.010416666666666666088425508008;0.026367187500000000000000000000;0.019205729166666667823148983985;0.024088541666666667823148983985;0.011067708333333333911574491992
-0.025219298245614033687767019387;0.014254385964912279910477010958;0.050438596491228067375534038774;0.149122807017543851371144114637;0.052083333333333335646297967969;0.026315789473684209065496020230;0.003837719298245613822051502950;0.023574561403508772355896994100;0.033442982456140350755458001686;0.012061403508771929155019009272;0.013706140350877192221612510536;0.069078947368421059205267908965;0.004385964912280701510916003372;0.027412280701754384443225021073;0.015350877192982455288206011801;0.020833333333333332176851016015;0.010416666666666666088425508008;0.025767543859649123111354995785;0.015350877192982455288206011801;0.009868421052631578399561007586;0.010416666666666666088425508008;0.016447368421052630665935012644;0.003837719298245613822051502950;0.015899122807017544711793988199;0.036184210526315790934503979770;0.027412280701754384443225021073;0.023574561403508772355896994100;0.015350877192982455288206011801;0.001644736842105263066593501264;0.034539473684210529602633954482;0.014254385964912279910477010958;0.012609649122807016843883509694;0.004934210526315789199780503793;0.008223684210526315332967506322;0.009868421052631578399561007586;0.030701754385964910576412023602;0.007675438596491227644103005900;0.002741228070175438444322502107;0.000548245614035087688864500421;0.006030701754385964577509504636;0.005482456140350876888645004215;0.008771929824561403021832006743;0.000000000000000000000000000000;0.010964912280701753777290008429;0.012061403508771929155019009272;0.004385964912280701510916003372;0.026864035087719298489083996628;0.013706140350877192221612510536;0.021381578947368421600438992414;0.010964912280701753777290008429
-0.006410256410256410034009810772;0.000000000000000000000000000000;0.028846153846153847755129362440;0.521634615384615418776093065389;0.156250000000000000000000000000;0.000801282051282051254251226347;0.002403846153846153979594113537;0.003205128205128205017004905386;0.012820512820512820068019621544;0.012820512820512820068019621544;0.015224358974358974047613735081;0.000000000000000000000000000000;0.000801282051282051254251226347;0.011217948717948717993198037846;0.004807692307692307959188227073;0.003205128205128205017004905386;0.004006410256410256054415697236;0.006410256410256410034009810772;0.002403846153846153979594113537;0.001602564102564102508502452693;0.010416666666666666088425508008;0.013621794871794871972792151382;0.000000000000000000000000000000;0.027243589743589743945584302764;0.007211538461538461938782340610;0.012820512820512820068019621544;0.011217948717948717993198037846;0.000000000000000000000000000000;0.007211538461538461938782340610;0.011217948717948717993198037846;0.000000000000000000000000000000;0.016025641025641024217662788942;0.000000000000000000000000000000;0.002403846153846153979594113537;0.000801282051282051254251226347;0.019230769230769231836752908293;0.001602564102564102508502452693;0.004807692307692307959188227073;0.000000000000000000000000000000;0.001602564102564102508502452693;0.005608974358974358996599018923;0.001602564102564102508502452693;0.000000000000000000000000000000;0.008814102564102564013603924309;0.005608974358974358996599018923;0.010416666666666666088425508008;0.008814102564102564013603924309;0.008814102564102564013603924309;0.000801282051282051254251226347;0.007211538461538461938782340610
-0.035541752933057280117168375000;0.010006901311249137911940643164;0.053830227743271223672660852344;0.034851621808143544434255289843;0.012767425810904071969975603906;0.040717736369910280391781753906;0.005175983436853002009336854883;0.021394064872325740250813552734;0.027950310559006211891253101953;0.018288474810213940086045525391;0.027950310559006211891253101953;0.020013802622498275823881286328;0.031746031746031744269487262500;0.028985507246376811946175777734;0.020013802622498275823881286328;0.023464458247066943830105856250;0.014492753623188405973087888867;0.021739130434782608092270095312;0.025879917184265011781407750391;0.005866114561766735957526464063;0.019668737060041407982424743750;0.025879917184265011781407750391;0.011042097998619737966863318945;0.025879917184265011781407750391;0.041407867494824016074694839062;0.035541752933057280117168375000;0.040027605244996551647762572657;0.016908212560386472189666307031;0.002070393374741200977207089551;0.027605244996549344049796559375;0.008971704623878536122294491406;0.010006901311249137911940643164;0.019323671497584540140968201172;0.012767425810904071969975603906;0.020703933747412008037347419531;0.021048999309868875878803962109;0.009661835748792270070484100586;0.006211180124223602064259530664;0.002070393374741200977207089551;0.006556245686680469038354335254;0.006211180124223602064259530664;0.015873015873015872134743631250;0.000000000000000000000000000000;0.014147688060731538131631346289;0.007936507936507936067371815625;0.013457556935817805918165213086;0.021394064872325740250813552734;0.021394064872325740250813552734;0.029675638371290544159641910937;0.025879917184265011781407750391
-0.024305555555555555941049661328;0.002777777777777777883788656865;0.039583333333333331482961625625;0.236805555555555546920487586249;0.002777777777777777883788656865;0.034722222222222223764198645313;0.002777777777777777883788656865;0.014583333333333333564629796797;0.015972222222222220988641083750;0.013888888888888888117900677344;0.019444444444444444752839729063;0.015972222222222220988641083750;0.043055555555555555247160270937;0.026388888888888888811790067734;0.016666666666666666435370203203;0.011111111111111111535154627461;0.009027777777777776929690745078;0.013194444444444444405895033867;0.009722222222222222376419864531;0.004166666666666666608842550801;0.013194444444444444405895033867;0.011805555555555555247160270937;0.014583333333333333564629796797;0.018749999999999999306110609609;0.041666666666666664353702032031;0.018749999999999999306110609609;0.033333333333333332870740406406;0.000694444444444444470947164216;0.000694444444444444470947164216;0.020833333333333332176851016015;0.009027777777777776929690745078;0.007638888888888888638317720137;0.022222222222222223070309254922;0.009722222222222222376419864531;0.043749999999999997224442438437;0.015277777777777777276635440273;0.013194444444444444405895033867;0.003472222222222222029475169336;0.002083333333333333304421275400;0.010416666666666666088425508008;0.004861111111111111188209932266;0.006250000000000000346944695195;0.000000000000000000000000000000;0.011805555555555555247160270937;0.012500000000000000693889390391;0.010416666666666666088425508008;0.016666666666666666435370203203;0.015972222222222220988641083750;0.038888888888888889505679458125;0.014583333333333333564629796797
-0.041666666666666664353702032031;0.005533854166666666955787245996;0.052083333333333335646297967969;0.109375000000000000000000000000;0.001302083333333333261053188501;0.018554687500000000000000000000;0.005208333333333333044212754004;0.014648437500000000000000000000;0.028320312500000000000000000000;0.026367187500000000000000000000;0.016276041666666667823148983985;0.018229166666666667823148983985;0.008789062500000000000000000000;0.037434895833333335646297967969;0.014648437500000000000000000000;0.026367187500000000000000000000;0.020507812500000000000000000000;0.025716145833333332176851016015;0.010416666666666666088425508008;0.009440104166666666088425508008;0.013671875000000000000000000000;0.042317708333333335646297967969;0.006835937500000000000000000000;0.031901041666666664353702032031;0.032226562500000000000000000000;0.032226562500000000000000000000;0.021484375000000000000000000000;0.000976562500000000000000000000;0.002929687500000000000000000000;0.009440104166666666088425508008;0.016276041666666667823148983985;0.014648437500000000000000000000;0.005208333333333333044212754004;0.014322916666666666088425508008;0.016601562500000000000000000000;0.031575520833333335646297967969;0.011393229166666666088425508008;0.032552083333333335646297967969;0.004557291666666666955787245996;0.023763020833333332176851016015;0.004882812500000000000000000000;0.005859375000000000000000000000;0.000000000000000000000000000000;0.017252604166666667823148983985;0.004882812500000000000000000000;0.018880208333333332176851016015;0.034179687500000000000000000000;0.021809895833333332176851016015;0.020507812500000000000000000000;0.015950520833333332176851016015
-0.040039062500000000000000000000;0.001953125000000000000000000000;0.063151041666666671292595935938;0.000000000000000000000000000000;0.004231770833333333044212754004;0.038411458333333335646297967969;0.002604166666666666522106377002;0.016927083333333332176851016015;0.043945312500000000000000000000;0.026041666666666667823148983985;0.017903645833333332176851016015;0.036132812500000000000000000000;0.010416666666666666088425508008;0.038736979166666664353702032031;0.003255208333333333477893622998;0.040039062500000000000000000000;0.019205729166666667823148983985;0.026367187500000000000000000000;0.008463541666666666088425508008;0.009765625000000000000000000000;0.014648437500000000000000000000;0.023111979166666667823148983985;0.006510416666666666955787245996;0.042317708333333335646297967969;0.050455729166666664353702032031;0.040039062500000000000000000000;0.026692708333333332176851016015;0.000000000000000000000000000000;0.002278645833333333477893622998;0.017903645833333332176851016015;0.030924479166666667823148983985;0.017578125000000000000000000000;0.005859375000000000000000000000;0.009114583333333333911574491992;0.013671875000000000000000000000;0.036458333333333335646297967969;0.012369791666666666088425508008;0.014322916666666666088425508008;0.007812500000000000000000000000;0.017578125000000000000000000000;0.001302083333333333261053188501;0.017903645833333332176851016015;0.000000000000000000000000000000;0.018880208333333332176851016015;0.002929687500000000000000000000;0.012695312500000000000000000000;0.037760416666666664353702032031;0.033203125000000000000000000000;0.018554687500000000000000000000;0.019531250000000000000000000000
-0.019413287316652285546814127315;0.003019844693701466756263762647;0.034081104400345126059779232719;0.285159620362381349689684384430;0.006471095772217428515604709105;0.015962036238136325522196656834;0.007765314926660914392197998524;0.017687661777394305534505392075;0.025884383088869714062418836420;0.027610008628127697544174523614;0.014236410698878343775164445617;0.025452976704055219059341652610;0.006471095772217428515604709105;0.028472821397756687550328891234;0.018550474547023295540659759695;0.009490940465918895271868471752;0.019844693701466780549891311125;0.019844693701466780549891311125;0.006902502157031924386043630903;0.009059534081104400268791287942;0.015962036238136325522196656834;0.020276100086281275552968494935;0.003882657463330457196098999262;0.022433132010353754037801365939;0.032355478861087146047470497479;0.025884383088869714062418836420;0.025021570319240724056264468800;0.000862812769628990548255453863;0.003451251078515962193021815452;0.014236410698878343775164445617;0.015962036238136325522196656834;0.013373597929249352034286602020;0.003451251078515962193021815452;0.008628127696289905265714104132;0.006039689387402933512527525295;0.030629853321829162565714810285;0.008196721311475410262636920322;0.007333908541846419389120814714;0.003451251078515962193021815452;0.006902502157031924386043630903;0.012079378774805867025055050590;0.018550474547023295540659759695;0.000000000000000000000000000000;0.013373597929249352034286602020;0.005608283002588438509450341485;0.015099223468507333781318813237;0.021138912855910269028569814509;0.017687661777394305534505392075;0.014667817083692838778241629427;0.012079378774805867025055050590
-0.006842105263157895016223886131;0.003684210526315789390600086151;0.011052631578947367738119389458;0.625789473684210562076657424768;0.008947368421052630943490768800;0.003157894736842105191942930986;0.012631578947368420767771723945;0.016315789473684210592052679090;0.012105263157894737002795437775;0.017894736842105261886981537600;0.004736842105263158221595265474;0.008421052631578947178514482630;0.000000000000000000000000000000;0.006842105263157895016223886131;0.024736842105263157770567161720;0.005789473684210526618909575802;0.005789473684210526618909575802;0.004210526315789473589257241315;0.005789473684210526618909575802;0.000526315789473684198657155164;0.016315789473684210592052679090;0.005789473684210526618909575802;0.000000000000000000000000000000;0.024736842105263157770567161720;0.008421052631578947178514482630;0.013157894736842104532748010115;0.011578947368421053237819151605;0.005263157894736841986571551644;0.003684210526315789390600086151;0.008421052631578947178514482630;0.004210526315789473589257241315;0.011578947368421053237819151605;0.000526315789473684198657155164;0.009473684210526316443190530947;0.000526315789473684198657155164;0.010000000000000000208166817117;0.001052631578947368397314310329;0.005263157894736841986571551644;0.001052631578947368397314310329;0.000526315789473684198657155164;0.007368421052631578781200172301;0.005263157894736841986571551644;0.000000000000000000000000000000;0.020526315789473684181309920405;0.010000000000000000208166817117;0.015789473684210526827076392919;0.005263157894736841986571551644;0.002105263157894736794628620657;0.000000000000000000000000000000;0.006842105263157895016223886131
-0.024868483978957436203449660184;0.007651841224294596288668657280;0.025346724055475847170448844281;0.231468197034911532528056454794;0.012434241989478718101724830092;0.026303204208512672573894164429;0.006695361071257771752585075120;0.016738402678144428947781818806;0.022955523672883788866005971840;0.032520325203252035961565269417;0.012912482065997130803447490166;0.022477283596365374429559835789;0.010521281683405069029557665772;0.020564323290291727092116147446;0.017216642754662839914781002904;0.021999043519846963462560651692;0.008130081300813008990391317354;0.010521281683405069029557665772;0.009086561453849832659113161526;0.003825920612147298144334328640;0.014825442372070779875614654486;0.012912482065997130803447490166;0.006695361071257771752585075120;0.069823051171688188532016283716;0.035868005738880916200006510053;0.013868962219033954472169334338;0.019129603060736490721671643200;0.008608321377331419957390501452;0.000956480153036824536083582160;0.009564801530368245360835821600;0.012912482065997130803447490166;0.023433763749402199833005155938;0.003825920612147298144334328640;0.014347202295552367173891994412;0.007651841224294596288668657280;0.017216642754662839914781002904;0.006217120994739359050862415046;0.007651841224294596288668657280;0.002391200382592061340208955400;0.007651841224294596288668657280;0.008130081300813008990391317354;0.007173601147776183586945997206;0.000000000000000000000000000000;0.048302247728359636036454816121;0.004304160688665709978695250726;0.032042085126733621525119133366;0.015781922525107603544336498658;0.019129603060736490721671643200;0.008130081300813008990391317354;0.017216642754662839914781002904
-0.049242424242424240321547301846;0.005681818181818181975883952362;0.030303030303030303871381079261;0.093560606060606066325391338978;0.026136363636363634660453314495;0.026893939393939393645016622258;0.004924242424242423858682382587;0.015909090909090907450806895440;0.020075757575757576661734660206;0.012878787878787878451447568295;0.019318181818181817677171352443;0.037499999999999998612221219219;0.013257575757575757943729222177;0.041287878787878790065590806080;0.009090909090909090467524933388;0.037121212121212124324109993267;0.011742424242424241709326082628;0.017424242424242425419933510966;0.014393939393939394685850707845;0.004545454545454545233762466694;0.015909090909090907450806895440;0.014393939393939394685850707845;0.006818181818181817850643700041;0.024242424242424242403215473018;0.054166666666666668517038374375;0.037878787878787879839226349077;0.033333333333333332870740406406;0.007575757575757575967845269815;0.001136363636363636308440616673;0.027272727272727271402574800163;0.024242424242424242403215473018;0.012500000000000000693889390391;0.005303030303030303350964036468;0.011742424242424241709326082628;0.020833333333333332176851016015;0.014772727272727272443408885749;0.009469696969696969959806587269;0.011742424242424241709326082628;0.001893939393939393991961317454;0.012500000000000000693889390391;0.003787878787878787983922634908;0.010227272727272727209646419055;0.000000000000000000000000000000;0.017045454545454544192928381108;0.010984848484848484459486250842;0.016287878787878788677812025298;0.026515151515151515887458444354;0.029166666666666667129259593594;0.018939393939393939919613174538;0.028030303030303030387138107926
-0.029999999999999998889776975375;0.014444444444444443781394582516;0.026666666666666668378260496297;0.221111111111111119376104738876;0.055555555555555552471602709375;0.022222222222222223070309254922;0.007777777777777777554191196430;0.023333333333333334397297065266;0.011111111111111111535154627461;0.012222222222222222862142437805;0.021111111111111111743321444578;0.035555555555555555524716027094;0.007777777777777777554191196430;0.026666666666666668378260496297;0.021111111111111111743321444578;0.013333333333333334189130248149;0.010000000000000000208166817117;0.010000000000000000208166817117;0.013333333333333334189130248149;0.005555555555555555767577313730;0.016666666666666666435370203203;0.005555555555555555767577313730;0.003333333333333333547282562037;0.024444444444444445724284875610;0.040000000000000000832667268469;0.018888888888888889089345823891;0.023333333333333334397297065266;0.056666666666666663798590519718;0.000000000000000000000000000000;0.036666666666666666851703837438;0.016666666666666666435370203203;0.011111111111111111535154627461;0.002222222222222222220294751693;0.012222222222222222862142437805;0.004444444444444444440589503387;0.008888888888888888881179006773;0.005555555555555555767577313730;0.004444444444444444440589503387;0.000000000000000000000000000000;0.001111111111111111110147375847;0.007777777777777777554191196430;0.005555555555555555767577313730;0.000000000000000000000000000000;0.016666666666666666435370203203;0.004444444444444444440589503387;0.007777777777777777554191196430;0.032222222222222221543752596062;0.015555555555555555108382392859;0.011111111111111111535154627461;0.017777777777777777762358013547
-0.031349206349206348853897452500;0.011904761904761904101057723437;0.053174603174603173039169945469;0.056349206349206350241676233281;0.024603174603174602502742018828;0.009126984126984127518311673555;0.006746031746031746351155433672;0.019444444444444444752839729063;0.043650793650793648370544985937;0.023412698412698412786525636875;0.014285714285714285268213963320;0.011904761904761904101057723437;0.007142857142857142634106981660;0.032539682539682542039560786407;0.012698412698412698401684295391;0.023809523809523808202115446875;0.026984126984126985404621734688;0.028174603174603175120838116641;0.012698412698412698401684295391;0.007539682539682539784420267637;0.011507936507936508685467913438;0.028968253968253969421464688594;0.005952380952380952050528861719;0.034523809523809526056403740313;0.024206349206349207087152208828;0.032936507936507937455150596406;0.019841269841269840168429539062;0.063888888888888883954564334999;0.003571428571428571317053490830;0.006349206349206349200842147695;0.006746031746031746351155433672;0.022619047619047618485899064922;0.004365079365079365183999193789;0.009523809523809524668624959531;0.011507936507936508685467913438;0.030555555555555554553270880547;0.005952380952380952050528861719;0.023412698412698412786525636875;0.005158730158730158617264027754;0.018650793650793650452213157109;0.004761904761904762334312479766;0.018650793650793650452213157109;0.000000000000000000000000000000;0.023015873015873017370935826875;0.006349206349206349200842147695;0.019047619047619049337249919063;0.038095238095238098674499838125;0.024206349206349207087152208828;0.019047619047619049337249919063;0.019047619047619049337249919063
-0.038461538461538463673505816587;0.007812500000000000000000000000;0.057091346153846152244870637560;0.047475961538461536326494183413;0.001802884615384615484695585153;0.027043269230769231836752908293;0.008413461538461538061217659390;0.012019230769230769897970567683;0.047475961538461536326494183413;0.023437500000000000000000000000;0.012019230769230769897970567683;0.018028846153846152244870637560;0.010817307692307692040811772927;0.039663461538461536326494183413;0.008413461538461538061217659390;0.039663461538461536326494183413;0.020432692307692307959188227073;0.022836538461538460204058864633;0.009615384615384615918376454147;0.010216346153846153979594113537;0.018629807692307692040811772927;0.025841346153846152244870637560;0.005408653846153846020405886463;0.038461538461538463673505816587;0.045072115384615384081623545853;0.042067307692307695510258724880;0.018629807692307692040811772927;0.018028846153846152244870637560;0.003605769230769230969391170305;0.016826923076923076122435318780;0.022235576923076923877564681220;0.015625000000000000000000000000;0.007812500000000000000000000000;0.016225961538461539795941135367;0.015625000000000000000000000000;0.026442307692307692040811772927;0.007812500000000000000000000000;0.017427884615384615918376454147;0.003605769230769230969391170305;0.010817307692307692040811772927;0.003605769230769230969391170305;0.009615384615384615918376454147;0.000000000000000000000000000000;0.014423076923076923877564681220;0.007812500000000000000000000000;0.024038461538461539795941135367;0.038461538461538463673505816587;0.027644230769230768163247091707;0.016826923076923076122435318780;0.018629807692307692040811772927
-0.033689839572192514793869122514;0.008556149732620321052278811180;0.045989304812834225222317741100;0.105347593582887699703576345200;0.041176470588235293546208737325;0.027807486631016044287267874324;0.005347593582887700223993387993;0.012834224598930481578418216770;0.029411764705882352533006240947;0.011229946524064171597956374171;0.015775401069518715096995364888;0.020855614973262031480727429766;0.020588235294117646773104368663;0.029144385026737967825383179843;0.011764705882352941013202496379;0.031016042780748664248191559523;0.025133689839572193741590311333;0.019518716577540107942612124248;0.010962566844919786890333313067;0.006149732620320855214224309293;0.012834224598930481578418216770;0.020320855614973262065481307559;0.009358288770053475175147994491;0.014705882352941176266503120473;0.033689839572192514793869122514;0.024331550802139036149274176069;0.022192513368983958488289687239;0.009893048128342246325117592676;0.003208556149732620394604554193;0.027540106951871656110197861267;0.023262032085561497318781931654;0.017112299465240642104557622361;0.012834224598930481578418216770;0.012834224598930481578418216770;0.024064171122994651441651114965;0.025935828877005347864459494645;0.005347593582887700223993387993;0.027540106951871656110197861267;0.002139037433155080263069702795;0.018716577540106950350295988983;0.004545454545454545233762466694;0.017647058823529411519803744568;0.000000000000000000000000000000;0.015240641711229945681749242681;0.008288770053475936344655750077;0.018449197860962565642672927879;0.020588235294117646773104368663;0.018449197860962565642672927879;0.021657754010695185603596613078;0.014973262032085560974126181577
-0.032936507936507937455150596406;0.010317460317460317234528055508;0.044841269841269841556208319844;0.016269841269841271019780393203;0.027777777777777776235801354687;0.028968253968253969421464688594;0.004365079365079365183999193789;0.016666666666666666435370203203;0.032142857142857139685077072500;0.017460317460317460735996775156;0.016269841269841271019780393203;0.045634920634920632387387939843;0.010317460317460317234528055508;0.028174603174603175120838116641;0.018253968253968255036623347110;0.027777777777777776235801354687;0.019047619047619049337249919063;0.028174603174603175120838116641;0.012698412698412698401684295391;0.005158730158730158617264027754;0.013095238095238095551997581367;0.023015873015873017370935826875;0.011904761904761904101057723437;0.020238095238095239053466301016;0.040873015873015873522522412031;0.028571428571428570536427926640;0.030158730158730159137681070547;0.026984126984126985404621734688;0.005158730158730158617264027754;0.029761904761904760252644308594;0.028174603174603175120838116641;0.020634920634920634469056111016;0.007539682539682539784420267637;0.015873015873015872134743631250;0.018650793650793650452213157109;0.023015873015873017370935826875;0.009920634920634920084214769531;0.011904761904761904101057723437;0.004761904761904762334312479766;0.016269841269841271019780393203;0.005952380952380952050528861719;0.022619047619047618485899064922;0.000000000000000000000000000000;0.019047619047619049337249919063;0.015476190476190476719153821250;0.014682539682539682418527249297;0.033333333333333332870740406406;0.019444444444444444752839729063;0.017063492063492061850960013203;0.022619047619047618485899064922
-0.029393435812214374625028767696;0.002804320731200664589682913785;0.076235978396343995200368226506;0.001350228500207727427157022859;0.006751142501038637569465983290;0.012048192771084337976406075654;0.001246364769422517691788154792;0.030328209389281261809667711304;0.016410469464063149463983748433;0.053905276277523887784592915295;0.019837972579975073766922477603;0.018176152887411714531573636577;0.004362276692978811487577672779;0.061591192355629410803974366218;0.007997507270461154393892400094;0.030328209389281261809667711304;0.013294557540506854800832492458;0.024200249272953885254500150381;0.007582052347320315452416927826;0.004985459077690070767152619169;0.014644786040714582661670384311;0.012359783963439967616193548849;0.003115911923556294229470386981;0.052970502700457000599953971687;0.034690486082260073297245384083;0.074366431242210220831090339288;0.042272538429580390484385787886;0.002596593269630245118945177651;0.000103863730785209803131503847;0.006855006231823846871153982363;0.008205234732031574731991874216;0.018383880348982136604396586677;0.002388865808059825648207441517;0.008828417116742834011566820607;0.008828417116742834011566820607;0.054632322393020356365855860759;0.012359783963439967616193548849;0.008620689655172413673467346484;0.001765683423348566585472929624;0.007478188616535106150728928753;0.005400914000830909708628091437;0.006231823847112588458940773961;0.000000000000000000000000000000;0.024927295388450353835763095844;0.004777731616119651296414883035;0.015995014540922308787784800188;0.065226422933111760649182997440;0.035417532197756541878508329546;0.016929788117989199441870695750;0.026796842542584128205040983062
-0.022924238188426055568003292251;0.014816885658372937889515341681;0.055912776069331843187271147144;0.041375454291305562015690355793;0.062063181436958346492982485643;0.024601621470506009753398402040;0.005311713726586525345652045615;0.026279004752585967408240463783;0.019849035504612803915147623002;0.028235951915012581781017075855;0.010902991333519709143962117537;0.024601621470506009753398402040;0.007268660889013139718428657687;0.044171093094772156950611474713;0.019569471624266143727766120719;0.021246854906346101382608182462;0.014257757897679619249475813092;0.019010343863572826822450068107;0.010064299692479732051264562642;0.003075202683813251219174800255;0.013419066256639642156778258197;0.015655577299412914982212896575;0.001677383282079955269597282275;0.035504612804025718897360519577;0.025440313111545986846095956935;0.044171093094772156950611474713;0.025160749231199330128161406606;0.030192899077439196153793687927;0.000838691641039977634798641137;0.036063740564719039272123524142;0.046128040257198771323388086785;0.008666480290746436318527479159;0.002516074923119933012816140661;0.007827788649706457491106448288;0.009784735812133071863883060360;0.032429410120212470713951802281;0.006709533128319821078389129099;0.020967291025999441195226680179;0.002516074923119933012816140661;0.006150405367626502438349600510;0.009784735812133071863883060360;0.014816885658372937889515341681;0.000000000000000000000000000000;0.015935141179759575169594398858;0.007827788649706457491106448288;0.013978194017332960796817786786;0.036622868325412359646886528708;0.022644674308079395380621789968;0.012580374615599665064080703303;0.018451216102879506447687063542
-0.016071428571428569842538536250;0.016071428571428569842538536250;0.025000000000000001387778780781;0.146428571428571435708576586876;0.044642857142857143848413414844;0.016071428571428569842538536250;0.010714285714285714384841341484;0.013392857142857142113689938867;0.050892857142857142460634634062;0.013392857142857142113689938867;0.009821428571428571230317317031;0.012500000000000000693889390391;0.028571428571428570536427926640;0.022321428571428571924206707422;0.032142857142857139685077072500;0.016964285714285712997062560703;0.036607142857142858927144146719;0.033035714285714286309048048906;0.013392857142857142113689938867;0.008035714285714284921269268125;0.023214285714285715078730731875;0.036607142857142858927144146719;0.004464285714285714037896646289;0.015178571428571428422737987773;0.020535714285714285615158658516;0.009821428571428571230317317031;0.012500000000000000693889390391;0.014285714285714285268213963320;0.006250000000000000346944695195;0.020535714285714285615158658516;0.009821428571428571230317317031;0.013392857142857142113689938867;0.008035714285714284921269268125;0.007142857142857142634106981660;0.013392857142857142113689938867;0.026785714285714284227379877734;0.003571428571428571317053490830;0.012500000000000000693889390391;0.011607142857142857539365365938;0.005357142857142857192420670742;0.023214285714285715078730731875;0.048214285714285716466509512657;0.000000000000000000000000000000;0.013392857142857142113689938867;0.017857142857142856151586585156;0.013392857142857142113689938867;0.019642857142857142460634634062;0.007142857142857142634106981660;0.008928571428571428075793292578;0.007142857142857142634106981660
-0.034482758620689654693869385937;0.005591798695246971359629206688;0.053122087604846227049115725549;0.068033550792171479382197674113;0.022367194780987885438516826753;0.014911463187325255802528900517;0.001863932898415656975316112565;0.011183597390493942719258413376;0.030754892823858341610598898797;0.026095060577819198521787313894;0.014911463187325255802528900517;0.027958993476234855063422557464;0.009319664492078284442899693829;0.040074557315936627788222068602;0.009319664492078284442899693829;0.015843429636533085808069998279;0.033550792171481824688328288175;0.025163094128611368516246216132;0.009319664492078284442899693829;0.014911463187325255802528900517;0.014911463187325255802528900517;0.021435228331780055432975728991;0.001863932898415656975316112565;0.034482758620689654693869385937;0.034482758620689654693869385937;0.027027027027027028527328411656;0.020503261882572228896881583182;0.068965517241379309387738771875;0.004659832246039142221449846915;0.018639328984156568885799387658;0.013979496738117427531711278732;0.019571295433364398891340485420;0.003727865796831313950632225129;0.016775396085740912344164144088;0.013979496738117427531711278732;0.034482758620689654693869385937;0.008387698042870456172082072044;0.010251630941286114448440791591;0.000931966449207828487658056282;0.013047530288909599260893656947;0.001863932898415656975316112565;0.015843429636533085808069998279;0.000000000000000000000000000000;0.017707362534948742349705241850;0.008387698042870456172082072044;0.005591798695246971359629206688;0.033550792171481824688328288175;0.025163094128611368516246216132;0.013047530288909599260893656947;0.027958993476234855063422557464
-0.009523809523809524668624959531;0.009077380952380953091362947305;0.019791666666666665741480812812;0.329761904761904756089307966249;0.039880952380952378044653983125;0.018749999999999999306110609609;0.005803571428571428769682682969;0.006250000000000000346944695195;0.013541666666666667129259593594;0.009374999999999999653055304805;0.009970238095238094511163495781;0.015922619047619046561692357500;0.018452380952380952744418252109;0.013988095238095238706521605820;0.020684523809523808896004837266;0.008630952380952381514100935078;0.025148809523809524668624959531;0.018898809523809522586956788359;0.008928571428571428075793292578;0.004017857142857142460634634062;0.008779761904761904794947113828;0.010714285714285714384841341484;0.018601190476190476025264430859;0.016517857142857143154524024453;0.014583333333333333564629796797;0.013839285714285713690951951094;0.015773809523809523280846178750;0.013988095238095238706521605820;0.006547619047619047775998790684;0.038541666666666668517038374375;0.007142857142857142634106981660;0.020833333333333332176851016015;0.013244047619047618832843760117;0.010416666666666666088425508008;0.035565476190476189022326991562;0.017708333333333332870740406406;0.005357142857142857192420670742;0.007291666666666666782314898398;0.004761904761904762334312479766;0.015625000000000000000000000000;0.003125000000000000173472347598;0.009970238095238094511163495781;0.000000000000000000000000000000;0.009523809523809524668624959531;0.016964285714285712997062560703;0.009523809523809524668624959531;0.013095238095238095551997581367;0.010119047619047619526733150508;0.017113095238095239747355691406;0.008333333333333333217685101602
-0.008571428571428571854817768383;0.012380952380952381375323057000;0.016825396825396826683274298375;0.273333333333333317050062305498;0.065079365079365084079121572813;0.018095238095238094788719251937;0.005079365079365079360673718156;0.014285714285714285268213963320;0.014285714285714285268213963320;0.006984126984126984120926362465;0.008571428571428571854817768383;0.010158730158730158721347436312;0.015873015873015872134743631250;0.009523809523809524668624959531;0.024126984126984128697923637219;0.010158730158730158721347436312;0.010793650793650794508793389070;0.021269841269841268521778587797;0.019047619047619049337249919063;0.002539682539682539680336859078;0.008253968253968254828456529992;0.010158730158730158721347436312;0.017777777777777777762358013547;0.013015873015873015428045533781;0.013968253968253968241852724930;0.009841269841269841694986197922;0.019365079365079366363611157453;0.076825396825396824462828249125;0.006031746031746032174480909305;0.051746031746031748155267848688;0.007301587301587302014649338844;0.013333333333333334189130248149;0.020000000000000000416333634234;0.007301587301587302014649338844;0.014603174603174604029298677688;0.011746031746031745587877104242;0.002539682539682539680336859078;0.006031746031746032174480909305;0.003492063492063492060463181232;0.008571428571428571854817768383;0.003492063492063492060463181232;0.024444444444444445724284875610;0.000000000000000000000000000000;0.009841269841269841694986197922;0.020317460317460317442694872625;0.009206349206349205907540245164;0.010793650793650794508793389070;0.006666666666666667094565124074;0.019047619047619049337249919063;0.007301587301587302014649338844
-0.019148020654044750621380899247;0.010542168674698794428312709215;0.085197934595524951739697883113;0.115318416523235794945989596272;0.015275387263339070681444908928;0.013123924268502581633177861420;0.002796901893287435415802466565;0.019793459552495697856278056292;0.022375215146299483326419732521;0.027108433734939759579551932234;0.011617900172117039819807970957;0.010757314974182443506611761563;0.015705679862306368838043013625;0.041953528399311532104398736465;0.010757314974182443506611761563;0.010972461273666092584910813912;0.024741824440619619718262356400;0.038511187607573146851613898889;0.008605851979345954458344714055;0.012908777969018932554878809071;0.008605851979345954458344714055;0.018717728055077452464782794550;0.007099827882960413512336561581;0.034853700516351115989976960918;0.020869191049913939778326366081;0.027108433734939759579551932234;0.031626506024096383284938127645;0.005163511187607573542368566422;0.003227194492254733138719702268;0.018072289156626505229885637505;0.004948364888123924464069514073;0.024956970740103268796561408749;0.007745266781411359879871980638;0.012048192771084337976406075654;0.012908777969018932554878809071;0.048838209982788295671074507709;0.013123924268502581633177861420;0.004948364888123924464069514073;0.007960413080895008958171032987;0.013554216867469879789775966117;0.005378657487091221753305880782;0.014629948364888123446547751882;0.000000000000000000000000000000;0.016996557659208263307837327716;0.005378657487091221753305880782;0.010111876075731498006438080495;0.045180722891566264809437569738;0.023666092943201377796214046612;0.018717728055077452464782794550;0.016351118760757316072940170670
-0.021889400921658985071927006061;0.004608294930875576032869300747;0.118663594470046082629544059728;0.003456221198156682241492410057;0.000000000000000000000000000000;0.008064516129032257840680841809;0.001152073732718894008217325187;0.024193548387096773522042525428;0.026497695852534561972158044796;0.034562211981566823282285838559;0.009216589861751152065738601493;0.002304147465437788016434650373;0.009216589861751152065738601493;0.048387096774193547044085050857;0.016129032258064515681361683619;0.008064516129032257840680841809;0.049539170506912443003866286517;0.050691244239631338963647522178;0.003456221198156682241492410057;0.017281105990783411641142919279;0.013824884792626728965969640228;0.024193548387096773522042525428;0.006912442396313364482984820114;0.057603686635944700844547128327;0.019585253456221196621811486693;0.029953917050691242912607847870;0.043778801843317970143854012122;0.001152073732718894008217325187;0.000000000000000000000000000000;0.001152073732718894008217325187;0.002304147465437788016434650373;0.033410138248847927322504602898;0.008064516129032257840680841809;0.010368663594470046290796361177;0.018433179723502304131477202986;0.074884792626728105546796143699;0.018433179723502304131477202986;0.001152073732718894008217325187;0.000000000000000000000000000000;0.012672811059907834740911880544;0.008064516129032257840680841809;0.012672811059907834740911880544;0.000000000000000000000000000000;0.018433179723502304131477202986;0.003456221198156682241492410057;0.008064516129032257840680841809;0.055299539170506915863878560913;0.019585253456221196621811486693;0.025345622119815669481823761089;0.013824884792626728965969640228
-0.022682445759368837640002070088;0.009861932938856015837258972567;0.050788954635108483903760401290;0.161242603550295848791051867011;0.004930966469428007918629486284;0.011834319526627218657766071885;0.006903353057199210739136585602;0.019230769230769231836752908293;0.014299802761341223050761684021;0.043885601577909272297262077700;0.009368836291913214264770459749;0.008875739644970414427005422908;0.004437869822485207213502711454;0.037475345167652857059081838997;0.015285996055226824461015233680;0.010355029585798817409747485385;0.019230769230769231836752908293;0.024161735700197237153297180612;0.019230769230769231836752908293;0.005917159763313609328883035943;0.013313609467455621640508134362;0.010848126232741617247512522226;0.002958579881656804664441517971;0.058678500986193295185788798562;0.016765285996055225709033820181;0.030078895463510849084265430520;0.031065088757396448759795504202;0.003451676528599605369568292801;0.002465483234714003959314743142;0.019230769230769231836752908293;0.006903353057199210739136585602;0.025147928994082840298274206248;0.005917159763313609328883035943;0.009861932938856015837258972567;0.006410256410256410034009810772;0.054240631163708086237562611132;0.007396449704142011444263360431;0.006903353057199210739136585602;0.000493096646942800813546992078;0.010848126232741617247512522226;0.012820512820512820068019621544;0.003944773175542406508375936625;0.000000000000000000000000000000;0.037968441814595660366293827792;0.008875739644970414427005422908;0.030571992110453648922030467361;0.033530571992110451418067640361;0.019723865877712031674517945135;0.012820512820512820068019621544;0.016765285996055225709033820181
-0.036866359447004608262954405973;0.006912442396313364482984820114;0.057603686635944700844547128327;0.031105990783410138872389083531;0.005760368663594470257927060430;0.029953917050691242912607847870;0.001152073732718894008217325187;0.013824884792626728965969640228;0.023041474654377881031708241721;0.034562211981566823282285838559;0.010368663594470046290796361177;0.056451612903225804884765892666;0.009216589861751152065738601493;0.040322580645161289203404209047;0.008064516129032257840680841809;0.034562211981566823282285838559;0.027649769585253457931939280456;0.014976958525345621456303923935;0.013824884792626728965969640228;0.005760368663594470257927060430;0.010368663594470046290796361177;0.019585253456221196621811486693;0.005760368663594470257927060430;0.027649769585253457931939280456;0.047235023041474651084303815196;0.024193548387096773522042525428;0.020737327188940092581592722354;0.002304147465437788016434650373;0.003456221198156682241492410057;0.009216589861751152065738601493;0.054147465437788019904097325252;0.023041474654377881031708241721;0.010368663594470046290796361177;0.008064516129032257840680841809;0.023041474654377881031708241721;0.044930875576036866103635247782;0.008064516129032257840680841809;0.016129032258064515681361683619;0.001152073732718894008217325187;0.014976958525345621456303923935;0.008064516129032257840680841809;0.001152073732718894008217325187;0.000000000000000000000000000000;0.018433179723502304131477202986;0.008064516129032257840680841809;0.014976958525345621456303923935;0.036866359447004608262954405973;0.031105990783410138872389083531;0.023041474654377881031708241721;0.021889400921658985071927006061
-0.035625927758535375078352558376;0.013854527461652646827539037133;0.038594755071746658647846572876;0.089064819396338451573669203754;0.004948045522018802190589159551;0.024740227610094013555031011720;0.008411677387431964331154787828;0.020781791192478971108670293688;0.019297377535873329323923286438;0.019792182088075208762356638204;0.018307768431469570447056582907;0.010390895596239485554335146844;0.016823354774863928662309575657;0.030183077684314694316691785048;0.023750618505690251208717356235;0.025729836714497772431897715251;0.030183077684314694316691785048;0.025235032162295892993464363485;0.013359722909450767389105685368;0.004453240969816921884794069797;0.013854527461652646827539037133;0.022761009401286492331850652704;0.009896091044037604381178319102;0.027214250371103414216644722501;0.040573973280554183340473883845;0.028203859475507173093511426032;0.030677882236516577224572088767;0.006432459178624443107974428813;0.002474022761009401095294579775;0.012370113805047006777515505860;0.018307768431469570447056582907;0.027214250371103414216644722501;0.006432459178624443107974428813;0.023750618505690251208717356235;0.019297377535873329323923286438;0.021771400296882729985536997219;0.011380504700643246165925326352;0.016823354774863928662309575657;0.009401286491835724942744967336;0.018307768431469570447056582907;0.002968827313211281401089669529;0.013359722909450767389105685368;0.000000000000000000000000000000;0.023255813953488371770284004469;0.011380504700643246165925326352;0.019792182088075208762356638204;0.031172686788718456663005440532;0.022266204849084612893417300938;0.019792182088075208762356638204;0.015338941118258288612286044383
-0.027777777777777776235801354687;0.013888888888888888117900677344;0.030092592592592590922118134245;0.071759259259259258745267118229;0.008487654320987653849828191710;0.032407407407407405608434913802;0.012345679012345678327022824305;0.013117283950617283222461750825;0.027006172839506171340362428168;0.021604938271604937072289942535;0.016975308641975307699656383420;0.033950617283950615399312766840;0.016975308641975307699656383420;0.024691358024691356654045648611;0.015432098765432097908778530382;0.035493827160493825190190619878;0.027006172839506171340362428168;0.021604938271604937072289942535;0.013888888888888888117900677344;0.004629629629629629372633559115;0.019290123456790122385973162977;0.028549382716049381131240281206;0.004629629629629629372633559115;0.025462962962962961549484575130;0.031635802469135804182442939236;0.023919753086419751758606722092;0.022376543209876541967728869054;0.006944444444444444058950338672;0.006172839506172839163511412153;0.013117283950617283222461750825;0.031635802469135804182442939236;0.022376543209876541967728869054;0.006944444444444444058950338672;0.026234567901234566444923501649;0.016975308641975307699656383420;0.020061728395061727281412089496;0.003086419753086419581755706076;0.037037037037037034981068472916;0.003086419753086419581755706076;0.006944444444444444058950338672;0.007716049382716048954389265191;0.021604938271604937072289942535;0.000000000000000000000000000000;0.034722222222222223764198645313;0.014660493827160493013339603863;0.027777777777777776235801354687;0.022376543209876541967728869054;0.017746913580246912595095309939;0.008487654320987653849828191710;0.019290123456790122385973162977
-0.018421052631578945651957823770;0.033684210526315788714057930520;0.025789473684210525300519734060;0.171052631578947372803511939310;0.013684210526315790032447772262;0.035263157894736843478433740984;0.006315789473684210383885861972;0.012105263157894737002795437775;0.031578947368421053654152785839;0.010526315789473683973143103287;0.008947368421052630943490768800;0.052105263157894737835462706244;0.011052631578947367738119389458;0.017894736842105261886981537600;0.025263157894736841535543447890;0.021052631578947367946286206575;0.024736842105263157770567161720;0.027368421052631580064895544524;0.014736842105263157562400344602;0.003157894736842105191942930986;0.012631578947368420767771723945;0.008947368421052630943490768800;0.011578947368421053237819151605;0.018421052631578945651957823770;0.037894736842105265772762123788;0.016315789473684210592052679090;0.021578947368421051711262492745;0.030526315789473682654753261545;0.002631578947368420993285775822;0.041578947368421055597043078933;0.023157894736842106475638303209;0.009473684210526316443190530947;0.007368421052631578781200172301;0.006315789473684210383885861972;0.011052631578947367738119389458;0.015789473684210526827076392919;0.003157894736842105191942930986;0.003684210526315789390600086151;0.000526315789473684198657155164;0.008421052631578947178514482630;0.007368421052631578781200172301;0.040526315789473681128196602685;0.000000000000000000000000000000;0.014736842105263157562400344602;0.008947368421052630943490768800;0.011052631578947367738119389458;0.020000000000000000416333634234;0.012631578947368420767771723945;0.011052631578947367738119389458;0.017894736842105261886981537600
-0.032226562500000000000000000000;0.015625000000000000000000000000;0.047200520833333335646297967969;0.009440104166666666088425508008;0.033854166666666664353702032031;0.032877604166666664353702032031;0.001627604166666666738946811499;0.017903645833333332176851016015;0.058919270833333335646297967969;0.019856770833333332176851016015;0.018554687500000000000000000000;0.083333333333333328707404064062;0.008463541666666666088425508008;0.030598958333333332176851016015;0.010091145833333333911574491992;0.023111979166666667823148983985;0.019856770833333332176851016015;0.046875000000000000000000000000;0.011067708333333333911574491992;0.007161458333333333044212754004;0.012044270833333333911574491992;0.018880208333333332176851016015;0.004557291666666666955787245996;0.028645833333333332176851016015;0.041992187500000000000000000000;0.024414062500000000000000000000;0.016276041666666667823148983985;0.015625000000000000000000000000;0.000651041666666666630526594250;0.035807291666666664353702032031;0.023111979166666667823148983985;0.013671875000000000000000000000;0.004882812500000000000000000000;0.006835937500000000000000000000;0.004882812500000000000000000000;0.034505208333333335646297967969;0.008138020833333333911574491992;0.005859375000000000000000000000;0.012369791666666666088425508008;0.007812500000000000000000000000;0.004231770833333333044212754004;0.033203125000000000000000000000;0.000000000000000000000000000000;0.014973958333333333911574491992;0.006184895833333333044212754004;0.010091145833333333911574491992;0.031575520833333335646297967969;0.019856770833333332176851016015;0.012044270833333333911574491992;0.018229166666666667823148983985
-0.020525451559934317774525069922;0.018883415435139574295453357422;0.078817733990147784139956854688;0.000000000000000000000000000000;0.000000000000000000000000000000;0.018883415435139574295453357422;0.000000000000000000000000000000;0.017241379310344827346934692969;0.096059113300492604547997643749;0.018062397372742199086470549219;0.009031198686371099543235274609;0.042692939244663385967015756250;0.002463054187192118254373651709;0.030377668308702792526743152735;0.006568144499178981722542491895;0.013957307060755336919344316016;0.050903119868637110301268222656;0.068965517241379309387738771875;0.003284072249589490861271245947;0.015599343185550082133139504492;0.007389162561576354329440086133;0.041871921182266007288585996093;0.011494252873563218231289795312;0.029556650246305417317760344531;0.026272577996715926890169967578;0.018883415435139574295453357422;0.029556650246305417317760344531;0.005747126436781609115644897656;0.000821018062397372715317811487;0.014778325123152708658880172266;0.012315270935960591705549127539;0.022167487684729064723043734375;0.001642036124794745430635622974;0.004926108374384236508747303418;0.004105090311986863901849709180;0.047619047619047616404230893750;0.014778325123152708658880172266;0.003284072249589490861271245947;0.041871921182266007288585996093;0.013957307060755336919344316016;0.002463054187192118254373651709;0.044334975369458129446087468750;0.000000000000000000000000000000;0.009031198686371099543235274609;0.002463054187192118254373651709;0.004105090311986863901849709180;0.022988505747126436462579590625;0.015599343185550082133139504492;0.023809523809523808202115446875;0.009852216748768473017494606836
-0.032012195121951220189160380869;0.012195121951219512618225238043;0.062500000000000000000000000000;0.008638211382113821293349253949;0.010162601626016259936946539710;0.019308943089430895267977206231;0.006605691056910569479432293605;0.019817073170731707570935142826;0.037601626016260165930038539273;0.021849593495934960252213841159;0.015752032520325202208377746160;0.033028455284552844795076254059;0.008130081300813008990391317354;0.029979674796747967507881682536;0.012703252032520324921183174638;0.016260162601626017980782634709;0.026930894308943090220687111014;0.037601626016260165930038539273;0.008638211382113821293349253949;0.006605691056910569479432293605;0.012195121951219512618225238043;0.049796747967479675078816825362;0.015752032520325202208377746160;0.032520325203252035961565269417;0.027439024390243902523645047609;0.025406504065040649842366349276;0.022357723577235772555171777753;0.016260162601626017980782634709;0.003556910569105690891195115100;0.026422764227642277917729174419;0.010670731707317073974627952282;0.022865853658536584858129714348;0.005081300813008129968473269855;0.011686991869918698580543825472;0.012703252032520324921183174638;0.038617886178861790535954412462;0.011178861788617886277585888877;0.014227642276422763564780460399;0.017784552845528454889656444493;0.035060975609756100945801904345;0.008130081300813008990391317354;0.026930894308943090220687111014;0.000000000000000000000000000000;0.024390243902439025236450476086;0.003556910569105690891195115100;0.023882113821138212933492539491;0.025914634146341462145324285871;0.016768292682926830283740571303;0.022357723577235772555171777753;0.010162601626016259936946539710
-0.030882352941176471894380028971;0.007352941176470588133251560237;0.066176470588235294933987518107;0.094117647058823528105619971029;0.014705882352941176266503120473;0.022058823529411766134478156687;0.006617647058823529319926404213;0.026470588235294117279705616852;0.039705882352941174184834949301;0.023529411764705882026404992757;0.019852941176470587092417474651;0.028676470588235292852319346935;0.008823529411764705759901872284;0.050735294117647058986797503621;0.009558823529411765440588766296;0.025000000000000001387778780781;0.019117647058823530881177532592;0.023529411764705882026404992757;0.006617647058823529319926404213;0.009558823529411765440588766296;0.014705882352941176266503120473;0.027205882352941176960392510864;0.004411764705882352879950936142;0.033088235294117647466993759053;0.030147058823529412213693134959;0.034558823529411766828367547078;0.028676470588235292852319346935;0.013970588235294118320539702438;0.002941176470588235253300624095;0.008823529411764705759901872284;0.013235294117647058639852808426;0.016176470588235295627876908497;0.002941176470588235253300624095;0.015441176470588235947190014485;0.006617647058823529319926404213;0.031617647058823528105619971029;0.008088235294117647813938454249;0.008088235294117647813938454249;0.002205882352941176439975468071;0.008823529411764705759901872284;0.011029411764705883067239078343;0.008823529411764705759901872284;0.000000000000000000000000000000;0.025000000000000001387778780781;0.002205882352941176439975468071;0.017647058823529411519803744568;0.041911764705882349757448679384;0.021323529411764706453791262675;0.015441176470588235947190014485;0.011764705882352941013202496379
-0.026839826839826840670921725973;0.025108225108225107335968573352;0.053679653679653681341843451946;0.000865800865800865800114838322;0.028571428571428570536427926640;0.019047619047619049337249919063;0.007792207792207792201033544899;0.019047619047619049337249919063;0.040692640692640690003312187173;0.019047619047619049337249919063;0.014718614718614719469313989464;0.022510822510822512537709272351;0.013852813852813852801837413153;0.020779220779220779202756119730;0.015584415584415584402067089798;0.012987012987012987869084312820;0.042424242424242426807712291748;0.041558441558441558405512239460;0.006060606060606060600803868255;0.011255411255411256268854636176;0.012121212121212121201607736509;0.029437229437229438938627978928;0.010389610389610389601378059865;0.025974025974025975738168625639;0.027705627705627705603674826307;0.028571428571428570536427926640;0.029437229437229438938627978928;0.016450216450216451069543666108;0.006060606060606060600803868255;0.023376623376623377470462372685;0.014718614718614719469313989464;0.021645021645021644135509220064;0.007792207792207792201033544899;0.016450216450216451069543666108;0.025108225108225107335968573352;0.036363636363636361870099733551;0.006926406926406926400918706577;0.015584415584415584402067089798;0.005194805194805194800689029933;0.026839826839826840670921725973;0.006926406926406926400918706577;0.032900432900432902139087332216;0.000000000000000000000000000000;0.018181818181818180935049866775;0.013852813852813852801837413153;0.013852813852813852801837413153;0.027705627705627705603674826307;0.016450216450216451069543666108;0.019913419913419914270003019396;0.021645021645021644135509220064
-0.008888888888888888881179006773;0.111111111111111104943205418749;0.025555555555555557051272685953;0.021111111111111111743321444578;0.037777777777777778178691647781;0.002222222222222222220294751693;0.004444444444444444440589503387;0.012222222222222222862142437805;0.024444444444444445724284875610;0.007777777777777777554191196430;0.007777777777777777554191196430;0.005555555555555555767577313730;0.014444444444444443781394582516;0.010000000000000000208166817117;0.041111111111111112159655078813;0.002222222222222222220294751693;0.029999999999999998889776975375;0.075555555555555556357383295563;0.007777777777777777554191196430;0.007777777777777777554191196430;0.008888888888888888881179006773;0.020000000000000000416333634234;0.041111111111111112159655078813;0.012222222222222222862142437805;0.006666666666666667094565124074;0.005555555555555555767577313730;0.008888888888888888881179006773;0.136666666666666658525031152749;0.000000000000000000000000000000;0.003333333333333333547282562037;0.002222222222222222220294751693;0.005555555555555555767577313730;0.016666666666666666435370203203;0.012222222222222222862142437805;0.033333333333333332870740406406;0.028888888888888887562789165031;0.007777777777777777554191196430;0.001111111111111111110147375847;0.007777777777777777554191196430;0.048888888888888891448569751219;0.013333333333333334189130248149;0.061111111111111109106541761093;0.000000000000000000000000000000;0.004444444444444444440589503387;0.006666666666666667094565124074;0.005555555555555555767577313730;0.010000000000000000208166817117;0.004444444444444444440589503387;0.025555555555555557051272685953;0.003333333333333333547282562037
-0.021663681146439767166711476420;0.023958799820868785512839593821;0.017017465293327361380848472550;0.042767577250335871152930877770;0.095051500223914023313120935654;0.039352888490819526445818610227;0.006829377519032691148948011062;0.013546798029556651049576387891;0.025694133452754140678475636150;0.006773399014778325524788193945;0.023007165248544559493781846982;0.031291983878190772483396386860;0.017017465293327361380848472550;0.010579937304075234805189609233;0.028157187639946259366530156854;0.015729959695476938147384871058;0.010803851321092700771275829652;0.030340349305866546464338640021;0.024910434393193015001344292614;0.005038065382892969491790413628;0.015114196148678907608009502894;0.016961486789072995756688655433;0.018416927899686519332078660227;0.009740259740259740034451496626;0.025358262427227943464069781498;0.014162561576354679854228280078;0.020040304523063143249395068324;0.079097626511419619199649844177;0.000615763546798029563593412927;0.064319301388266900132428816050;0.022167487684729064723043734375;0.004982086878638603000268858523;0.019424540976265114444743176136;0.007892969099865651885772344087;0.015114196148678907608009502894;0.015002239140170174624966392685;0.007277205553067622213758713912;0.008004926108374384868815454297;0.011643528884908195542013942259;0.015673981191222569053778101988;0.005317957904164801082036451163;0.030900134348410209644830715092;0.000000000000000000000000000000;0.006661442006269592541745083736;0.028716972682489922547022231925;0.006437527989252127443020601305;0.009740259740259740034451496626;0.006717420510523959033266638841;0.015673981191222569053778101988;0.009292431706224809837002531765
-0.011655011655011655868907638478;0.033411033411033408402346367438;0.010878010878010878001442840457;0.102564102564102560544156972355;0.170940170940170943492120159135;0.034188034188034191473981593390;0.011655011655011655868907638478;0.011655011655011655868907638478;0.003108003108003108000412240131;0.001554001554001554000206120065;0.028749028749028748136451483219;0.024864024864024864003297921045;0.009324009324009324001236720392;0.007770007770007770001030600326;0.039627039627039624403170847700;0.012432012432012432001648960522;0.001554001554001554000206120065;0.028749028749028748136451483219;0.025641025641025640136039243089;0.000777000777000777000103060033;0.011655011655011655868907638478;0.004662004662004662000618360196;0.003885003885003885000515300163;0.006216006216006216000824480261;0.014763014763014763869319878609;0.011655011655011655868907638478;0.023310023310023311737815276956;0.114219114219114223351958514741;0.001554001554001554000206120065;0.069153069153069152141810604917;0.014763014763014763869319878609;0.002331002331002331000309180098;0.019425019425019424135214762828;0.005439005439005439000721420229;0.006216006216006216000824480261;0.006216006216006216000824480261;0.003108003108003108000412240131;0.006216006216006216000824480261;0.003885003885003885000515300163;0.000000000000000000000000000000;0.006216006216006216000824480261;0.015540015540015540002061200653;0.000000000000000000000000000000;0.003108003108003108000412240131;0.041181041181041183607547395695;0.003885003885003885000515300163;0.003885003885003885000515300163;0.010101010101010101868701518413;0.011655011655011655868907638478;0.004662004662004662000618360196
-0.014202172096908938225823249013;0.021720969089390140815964969079;0.039264828738512946859628982565;0.147869674185463650939453827959;0.025480367585630742111035829112;0.018379281537176272998124204605;0.013366750208855471271363057895;0.026315789473684209065496020230;0.012531328320802004316902866776;0.018796992481203006475354300164;0.012113617376775270839672771217;0.010025062656641603453522293421;0.017961570593149539520894109046;0.024644945697577275156575637993;0.016708437761069339089203822368;0.012113617376775270839672771217;0.017126148705096072566433917927;0.027568922305764409497186306908;0.031328320802005010792257166941;0.005430242272347535203991242270;0.018379281537176272998124204605;0.012531328320802004316902866776;0.010025062656641603453522293421;0.027568922305764409497186306908;0.020885547201336673861504777960;0.029239766081871343406106689145;0.031746031746031744269487262500;0.040517961570593147291319269243;0.003341687552213867817840764474;0.033834586466165411655637740296;0.006683375104427735635681528947;0.012949039264828737794132962335;0.009607351712614869976292197862;0.008354218880534669544601911184;0.016290726817042605611973726809;0.033834586466165411655637740296;0.011278195488721803885212580099;0.004594820384294068249531051151;0.001670843776106933908920382237;0.010025062656641603453522293421;0.011278195488721803885212580099;0.012531328320802004316902866776;0.000000000000000000000000000000;0.015037593984962405180283440131;0.009189640768588136499062102303;0.015037593984962405180283440131;0.027568922305764409497186306908;0.015873015873015872134743631250;0.024227234753550541679345542434;0.012949039264828737794132962335
-0.010536398467432950623590137695;0.013409961685823755181412586523;0.037835249042145593922903401563;0.326628352490421436371548224997;0.017720306513409962018146259766;0.013409961685823755181412586523;0.001436781609195402278911224414;0.015325670498084290396811901758;0.025862068965517241020402039453;0.022988505747126436462579590625;0.008141762452107279002255779687;0.003352490421455938795353146631;0.006226053639846742919494726465;0.035919540229885055238057134375;0.011494252873563218231289795312;0.004310344827586206836733673242;0.013409961685823755181412586523;0.015804597701149426802746944531;0.005747126436781609115644897656;0.011015325670498083560078228516;0.006704980842911877590706293262;0.013888888888888888117900677344;0.010057471264367815952378570898;0.022509578544061301791368023828;0.016283524904214558004511559375;0.021551724137931035918391842188;0.022030651340996167120156457031;0.017241379310344827346934692969;0.000000000000000000000000000000;0.012452107279693485838989452930;0.001915708812260536299601487720;0.011015325670498083560078228516;0.002394636015325670320291751025;0.008620689655172413673467346484;0.015325670498084290396811901758;0.037356321839080462721138786719;0.011494252873563218231289795312;0.004310344827586206836733673242;0.013409961685823755181412586523;0.032088122605363984807258503906;0.006226053639846742919494726465;0.023946360153256705805002724219;0.000000000000000000000000000000;0.016283524904214558004511559375;0.004310344827586206836733673242;0.006226053639846742919494726465;0.023946360153256705805002724219;0.011973180076628352902501362109;0.018678160919540231360569393360;0.007183908045977011394556122070
-0.013040494166094715802750592104;0.010295126973232669731483923670;0.099519560741249138424713294171;0.061770761839396018388903542018;0.000000000000000000000000000000;0.004118050789293068239538264663;0.002059025394646534119769132332;0.006177076183939601491945659006;0.039807824296499656757664098450;0.022649279341111872715375241683;0.004118050789293068239538264663;0.001372683596431022601952465223;0.004804392587508579323674062778;0.038435140700068634589392502221;0.004804392587508579323674062778;0.008236101578586136479076529326;0.074124914207275224842241811984;0.059711736444749488605943099628;0.002059025394646534119769132332;0.020590253946465339462967847339;0.002059025394646534119769132332;0.060398078242964996220631945789;0.013040494166094715802750592104;0.026767330130404942689636982323;0.005490734385724090407809860892;0.014413177762525737971022188333;0.019903912148249828378832049225;0.032944406314344545916306117306;0.007549759780370624527578993224;0.001372683596431022601952465223;0.002059025394646534119769132332;0.032944406314344545916306117306;0.000686341798215511300976232612;0.013040494166094715802750592104;0.017844886753603295126424654882;0.054907343857240907547545560874;0.010295126973232669731483923670;0.000686341798215511300976232612;0.005490734385724090407809860892;0.064516129032258062725446734476;0.003431708991077556721721597555;0.032944406314344545916306117306;0.000000000000000000000000000000;0.013726835964310226886886390218;0.002059025394646534119769132332;0.010295126973232669731483923670;0.029512697323266987026180174780;0.010981468771448180815619721784;0.021962937542896361631239443568;0.010981468771448180815619721784
-0.055307539682539680336859078125;0.008184523809523809936838922852;0.027529761904761904101057723437;0.091517857142857136909519510937;0.009920634920634920084214769531;0.043650793650793648370544985937;0.004216269841269841035791277051;0.019593253968253968033685907812;0.014384920634920634122111415820;0.022817460317460316193693969922;0.023065476190476191797884553125;0.026289682539682539957892615234;0.019841269841269840168429539062;0.025793650793650792218958400781;0.011904761904761904101057723437;0.043402777777777776235801354687;0.009672619047619047949471138281;0.013144841269841269978946307617;0.026785714285714284227379877734;0.004464285714285714037896646289;0.014384920634920634122111415820;0.013392857142857142113689938867;0.003472222222222222029475169336;0.026041666666666667823148983985;0.066468253968253968033685907812;0.037450396825396824185272492969;0.023313492063492063932628184375;0.012648809523809523974735569141;0.002232142857142857018948323145;0.032242063492063495477868428907;0.015376984126984126130532892773;0.012648809523809523974735569141;0.011904761904761904101057723437;0.010664682539682539957892615234;0.012400793650793650105268461914;0.020585317460317460042107384766;0.006944444444444444058950338672;0.013888888888888888117900677344;0.004712301587301587040002015527;0.006944444444444444058950338672;0.005704365079365079048423492480;0.007440476190476190063161077148;0.000000000000000000000000000000;0.019841269841269840168429539062;0.009176587301587301945260399805;0.017113095238095239747355691406;0.023809523809523808202115446875;0.029265873015873015983157046094;0.019841269841269840168429539062;0.018601190476190476025264430859
-0.019843851659076122695424260201;0.002602472348731294914808698238;0.022446324007807418043913827432;0.435914118412491891074722616395;0.003361526783777922435664242684;0.013662979830839297110123276013;0.005855562784645412799378050295;0.020494469746258944797823176032;0.009108653220559531984990009335;0.032964649750596403121605248998;0.012578616352201258538068273651;0.010735198438516590710434250866;0.003795272175233138037958591227;0.023313814790717847513779048541;0.014855779657341141100634906991;0.011494252873563218231289795312;0.008349598785512904464134464888;0.006289308176100629269034136826;0.009542398612014746719922619889;0.001192799826501843339990327486;0.014964216005204944784368059629;0.007048362611147256789889681272;0.000433745391455215764924674415;0.045109520711342443455293960142;0.017783561049663845765600456161;0.028952504879635652945690793558;0.024072869225764476769358068964;0.001192799826501843339990327486;0.003578399479505530236811416955;0.008132726089785295361944683634;0.005204944697462589829617396475;0.018759488180438082388645781862;0.002385599653003686679980654972;0.006180871828236824717939246199;0.002927781392322706399689025147;0.021795705920624592472067959648;0.002602472348731294914808698238;0.005421817393190197197083701752;0.000433745391455215764924674415;0.000542181739319019719708370175;0.009433962264150943036189467250;0.001084363478638039439416740350;0.000000000000000000000000000000;0.027868141400997616108359267173;0.010301453047061374240778164335;0.022229451312079810676447522155;0.025699414443721535494802310495;0.005963999132509217350472940922;0.004229017566688354073933808763;0.007265235306874864157355986549
-0.020543981481481482509465763542;0.009837962962962963284208051107;0.039062500000000000000000000000;0.280381944444444419772821674997;0.001736111111111111014737584668;0.016782407407407409077881865755;0.005497685185185185313683220443;0.014756944444444444058950338672;0.034722222222222223764198645313;0.019097222222222223764198645313;0.011863425925925926568416102214;0.014756944444444444058950338672;0.009259259259259258745267118229;0.022858796296296297195782543099;0.012442129629629629372633559115;0.009548611111111111882099322656;0.026041666666666667823148983985;0.028356481481481482509465763542;0.003761574074074073865264766781;0.006365740740740740387371143783;0.009837962962962963284208051107;0.039641203703703706273664408855;0.008391203703703704538940932878;0.026620370370370370627366440885;0.023148148148148146863167795573;0.019675925925925926568416102214;0.017939814814814814686316779557;0.006076388888888888985262415332;0.003761574074074073865264766781;0.009837962962962963284208051107;0.005497685185185185313683220443;0.019965277777777776235801354687;0.004050925925925925701054364225;0.009259259259259258745267118229;0.010127314814814814686316779557;0.023726851851851853136832204427;0.003761574074074073865264766781;0.008680555555555555941049661328;0.012152777777777777970524830664;0.015625000000000000000000000000;0.004918981481481481642104025553;0.027488425925925926568416102214;0.000000000000000000000000000000;0.014467592592592592656841610221;0.004340277777777777970524830664;0.013020833333333333911574491992;0.026331018518518517490534236458;0.017650462962962961549484575130;0.013599537037037036715791948893;0.012731481481481480774742287565
-0.032104637336504163180883608675;0.021403091557669440964106755132;0.054696789536266346432036300484;0.005945303210463733986634871087;0.008323424494649227234344124327;0.054696789536266346432036300484;0.005945303210463733986634871087;0.014268727705112961220978995414;0.033293697978596908937376497306;0.019024970273483945981674025916;0.026159334126040427459525261611;0.041617122473246136171720621633;0.011890606420927467973269742174;0.038049940546967891963348051831;0.007134363852556480610489497707;0.035671819262782400450362274569;0.030915576694411413954943768090;0.032104637336504163180883608675;0.011890606420927467973269742174;0.004756242568370986495418506479;0.007134363852556480610489497707;0.015457788347205706977471884045;0.011890606420927467973269742174;0.030915576694411413954943768090;0.048751486325802617649571857328;0.017835909631391200225181137284;0.020214030915576695207613866501;0.014268727705112961220978995414;0.003567181926278240305244748853;0.036860879904875146206855163200;0.015457788347205706977471884045;0.027348394768133173216018150242;0.011890606420927467973269742174;0.008323424494649227234344124327;0.023781212841854935946539484348;0.035671819262782400450362274569;0.011890606420927467973269742174;0.011890606420927467973269742174;0.001189060642092746623854626620;0.009512485136741972990837012958;0.003567181926278240305244748853;0.020214030915576695207613866501;0.000000000000000000000000000000;0.011890606420927467973269742174;0.008323424494649227234344124327;0.011890606420927467973269742174;0.030915576694411413954943768090;0.017835909631391200225181137284;0.017835909631391200225181137284;0.023781212841854935946539484348
-0.047481786506176751339047825695;0.004941400063351282859192004082;0.049002217294900222988029980797;0.001773835920177383590479180953;0.001678808995882166612417796259;0.032815964523281594689141371646;0.002185619258789990495411847959;0.013778904022806461385219911620;0.024358568261007285810082478861;0.020209059233449476467026073578;0.018435223313272092876546892626;0.064649984162179277569215685162;0.019385492556224265259245953530;0.039689578713968956535929066831;0.004054482103262591063952413606;0.037947418435223312371817883104;0.019955654101995564525529047728;0.026860943934114665798684740139;0.010072853975293000541868515541;0.009534368070953437232506466614;0.013747228381374723693575390371;0.020304086157744694746130065255;0.012131770668356033765489243592;0.025657269559708584943935605338;0.051821349382324993770865262377;0.035254988913525499294454590427;0.022394678492239469130842266509;0.001488755147291732656295026871;0.001362052581564776685546513946;0.017960088691796008419920838151;0.043617358251504589894409491535;0.016186252771618624829441657198;0.007127019322141273788284721036;0.009661070636680393203254979539;0.027462781121317707960782783516;0.029490022172949003492758990319;0.011086474501108648307856618942;0.016756414317389927565171703350;0.004212860310421286461068923757;0.024041811846689895015849458559;0.002882483370288248334528669048;0.009724421919543870321267498014;0.000000000000000000000000000000;0.016946468165980360653932734749;0.001932214127336078553914822109;0.015204307887234716489821551022;0.030345264491605954126907107593;0.032055749128919862334097246048;0.029268292682926830977629961694;0.021064301552106430570621142806
-0.035265172225259704130717608450;0.007381082558775287072450055348;0.041279387643521049666706090875;0.103881902679059598404442965602;0.019956260251503554065122258976;0.029524330235101148289800221391;0.000273373428102788394028488383;0.016675779114270091602056922397;0.019956260251503554065122258976;0.022689994532531437138045404822;0.015582285401858939760666444840;0.042372881355932201508096568432;0.012301804264625479032324584239;0.036905412793876435362250276739;0.007381082558775287072450055348;0.021049753963914705906512736533;0.022963367960634226833116500188;0.031437944231820669216403985047;0.010114816839803171880096677171;0.013668671405139420568786157162;0.012575177692728266992672203628;0.011755057408419901376905869483;0.008201202843083652688216389492;0.028430836522689992978962791881;0.033078184800437400447936653336;0.027337342810278841137572314324;0.023783488244942592448882834333;0.023783488244942592448882834333;0.001366867140513941970142441917;0.036358665937670855972108086007;0.025150355385456533985344407256;0.015308911973756150065595349474;0.005467468562055767880569767669;0.003553854565336249122370348985;0.019956260251503554065122258976;0.039092400218698739045031231853;0.015855658829961725986290588253;0.006014215418261344668626744436;0.004647348277747403132165171513;0.011208310552214325456210630705;0.005467468562055767880569767669;0.019956260251503554065122258976;0.000000000000000000000000000000;0.012575177692728266992672203628;0.001366867140513941970142441917;0.009841443411700382185025581805;0.031711317659923451972581176506;0.020776380535811919680888593120;0.023783488244942592448882834333;0.010934937124111535761139535339
-0.013790264484923330651211514919;0.038900895338067308093510376921;0.036430997221364620763939257131;0.043223217042297007450812884599;0.025213543274673254346307516016;0.016465987444684571788799942738;0.009365030359164350920453401272;0.036945559329011008753429479157;0.030462076772666459717475717639;0.013275702377276937457550864963;0.012349490583513429708961695042;0.016774724709272409439719808688;0.008027168879283730351659187363;0.015745600493979623052398508776;0.039724194710301530264473512943;0.008953380673047236365524881307;0.020788309148914274615549402370;0.052382422558402801093802025889;0.030564989194195740090931323607;0.005763095605639600299552327556;0.017289286816918800898656982667;0.015436863229391787136202118802;0.012040753318925593792765305068;0.020273747041267879687165276437;0.014510651435628281122336424858;0.016157250180096737607327028741;0.035196048163013277099153697236;0.049809612020170833390775300131;0.006895132242461665325605757459;0.026860142019141709096574643922;0.018009673767623753104505368583;0.016671812287743129066264202720;0.012143665740454872431497435059;0.012555315426571986986425955024;0.010291242152927858669042571194;0.029638777400432230607618677709;0.014407739014099002483604294866;0.007100957085520222603070017442;0.017495111659977358176121242650;0.014613563857157559761068554849;0.012966965112689101541354474989;0.039621282288772256829911810883;0.000000000000000000000000000000;0.011629103632808479237836785103;0.023155294844087681571664916191;0.013378614798806216096282994954;0.016157250180096737607327028741;0.008747555829988679088060621325;0.020582484305855717338085142387;0.011217453946691366417631741115
-0.013071895424836601704021710191;0.025326797385620915259440977252;0.033496732026143789806571504641;0.135212418300653586245019255330;0.046568627450980393245316690809;0.011846405228758169481118045496;0.006944444444444444058950338672;0.033088235294117647466993759053;0.012254901960784313555419267061;0.019199346405228759349093081710;0.015931372549019606754683309191;0.023284313725490196622658345404;0.004493464052287581347866485260;0.017973856209150325391465941038;0.046568627450980393245316690809;0.004901960784313725422167706824;0.018382352941176471200490638580;0.044934640522875816948111804550;0.026143790849673203408043420382;0.003676470588235294066625780118;0.015931372549019606754683309191;0.012663398692810457629720488626;0.007352941176470588133251560237;0.028594771241830064384403797817;0.015931372549019606754683309191;0.018382352941176471200490638580;0.033905228758169932146149250229;0.042075163398692813632173681526;0.007352941176470588133251560237;0.028594771241830064384403797817;0.009395424836601306770034192084;0.024509803921568627110838534122;0.014705882352941176266503120473;0.010212418300653594918636635214;0.003676470588235294066625780118;0.026143790849673203408043420382;0.011029411764705883067239078343;0.004493464052287581347866485260;0.004493464052287581347866485260;0.006944444444444444058950338672;0.017973856209150325391465941038;0.012663398692810457629720488626;0.000000000000000000000000000000;0.018382352941176471200490638580;0.028186274509803922044826052229;0.012254901960784313555419267061;0.013888888888888888117900677344;0.005718954248366012703408411966;0.013888888888888888117900677344;0.007352941176470588133251560237
-0.012539184952978055936911871981;0.000783699059561128496056991999;0.021159874608150469610379218466;0.430250783699059557996235980681;0.102664576802507831465582910369;0.006269592476489027968455935991;0.005485893416927899689239378489;0.016457680250783698200356397479;0.014106583072100314230068462962;0.017241379310344827346934692969;0.009404388714733542820045641975;0.021159874608150469610379218466;0.000783699059561128496056991999;0.013322884012539185083490167472;0.007053291536050157115034231481;0.012539184952978055936911871981;0.008620689655172413673467346484;0.007053291536050157115034231481;0.009404388714733542820045641975;0.001567398119122256992113983998;0.003134796238244513984227967995;0.016457680250783698200356397479;0.000783699059561128496056991999;0.043887147335423197513915027912;0.016457680250783698200356397479;0.019592476489028214786669579439;0.014890282131661441641923282475;0.015673981191222569053778101988;0.004702194357366771410022820987;0.011755485893416928525057052468;0.011755485893416928525057052468;0.022727272727272727903535809446;0.000000000000000000000000000000;0.004702194357366771410022820987;0.000000000000000000000000000000;0.010971786833855799378478756978;0.000000000000000000000000000000;0.003918495297805642263444525497;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006269592476489027968455935991;0.000000000000000000000000000000;0.000000000000000000000000000000;0.023510971786833857050114104936;0.001567398119122256992113983998;0.016457680250783698200356397479;0.023510971786833857050114104936;0.001567398119122256992113983998;0.000783699059561128496056991999;0.007053291536050157115034231481
-0.020348837209302327033721979888;0.023520084566596193703658101981;0.031712473572938687516042932657;0.113372093023255807175964093858;0.047304439746300212810137253427;0.023520084566596193703658101981;0.005549682875264271009196903606;0.020348837209302327033721979888;0.031183932346723043649294737634;0.008456659619450317480482404164;0.014534883720930232356427502793;0.026691331923890063843041176028;0.011892177589852007818516099746;0.018763213530655391964030442864;0.028541226215644820846106810563;0.012949260042283297286735965770;0.016649048625792813027590710817;0.032505285412262156785612177146;0.029598308668076108579603200610;0.006342494714587737676680934129;0.017706131078224100761087100864;0.015063424947145877957899173794;0.006871035940803382410790867141;0.018498942917547570030656345352;0.018234672304439744627835295887;0.015856236786469343758021466329;0.021934460887949258633966564958;0.052325581395348839952585962010;0.004228329809725158740241202082;0.045454545454545455807071618892;0.017706131078224100761087100864;0.017706131078224100761087100864;0.014270613107822410423053405282;0.010042283298097250815450465211;0.012156448202959831486613673235;0.020877378435517970900470174911;0.006078224101479915743306836617;0.008192389006342495547108306653;0.003171247357293868838340467065;0.011627906976744185885142002235;0.009513742071881606948702270188;0.035676532769556026924995251193;0.000000000000000000000000000000;0.010042283298097250815450465211;0.022198731501057084036787614423;0.010835095137420718350296233723;0.015591966173361521824647368817;0.009249471458773785015328172676;0.014006342494714588489679307770;0.011099365750528542018393807211
-0.019117647058823530881177532592;0.018627450980392156604237285933;0.039215686274509803377341654596;0.247058823529411775155040231766;0.046813725490196078649063338162;0.017156862745098040712310449862;0.002450980392156862711083853412;0.019117647058823530881177532592;0.039950980392156859588581596654;0.011274509803921568470985725696;0.006862745098039215591034789554;0.028431372549019607448572699582;0.005392156862745097964384477507;0.021323529411764706453791262675;0.025490196078431372195272075487;0.012745098039215686097636037744;0.016421568627450981031623555850;0.027696078431372547767885805570;0.012990196078431373236106161073;0.003431372549019607795517394777;0.009803921568627450844335413649;0.024754901960784312514585181475;0.001715686274509803897758697389;0.016911764705882351839116850556;0.021078431372549021050044615322;0.018137254901960785796743991227;0.026715686274509802683452264205;0.019852941176470587092417474651;0.006372549019607843048818018872;0.026960784313725491556645863511;0.014215686274509803724286349791;0.017892156862745096923550391921;0.005637254901960784235492862848;0.011519607843137255609455849026;0.005637254901960784235492862848;0.017647058823529411519803744568;0.005147058823529411693276092166;0.005392156862745097964384477507;0.005637254901960784235492862848;0.007107843137254901862143174895;0.006617647058823529319926404213;0.027941176470588236641079404876;0.000000000000000000000000000000;0.010784313725490195928768955014;0.008333333333333333217685101602;0.006862745098039215591034789554;0.022794117647058822345718098745;0.008088235294117647813938454249;0.006372549019607843048818018872;0.012500000000000000693889390391
-0.012000000000000000249800180541;0.002666666666666666577617528233;0.029333333333333332787473679559;0.518666666666666720253431321908;0.008666666666666666268836749509;0.006666666666666667094565124074;0.006666666666666667094565124074;0.008000000000000000166533453694;0.023333333333333334397297065266;0.017999999999999998639976794834;0.006000000000000000124900090270;0.006000000000000000124900090270;0.003333333333333333547282562037;0.020000000000000000416333634234;0.013333333333333334189130248149;0.011333333333333334147496884725;0.006000000000000000124900090270;0.009333333333333334105863521302;0.006000000000000000124900090270;0.001333333333333333288808764117;0.005333333333333333155235056466;0.013333333333333334189130248149;0.001333333333333333288808764117;0.028666666666666666685170383744;0.015333333333333332496040135595;0.014000000000000000291433543964;0.017333333333333332537673499019;0.002000000000000000041633363423;0.006666666666666667094565124074;0.007333333333333333196868419890;0.014666666666666666393736839780;0.008666666666666666268836749509;0.000666666666666666644404382058;0.009333333333333334105863521302;0.003333333333333333547282562037;0.022666666666666668294993769450;0.004000000000000000083266726847;0.014666666666666666393736839780;0.001333333333333333288808764117;0.004000000000000000083266726847;0.002666666666666666577617528233;0.008000000000000000166533453694;0.000000000000000000000000000000;0.017333333333333332537673499019;0.008666666666666666268836749509;0.009333333333333334105863521302;0.016666666666666666435370203203;0.013333333333333334189130248149;0.004000000000000000083266726847;0.008666666666666666268836749509
-0.026666666666666668378260496297;0.003809523809523809520505288617;0.084761904761904760530200064750;0.000000000000000000000000000000;0.000000000000000000000000000000;0.003809523809523809520505288617;0.000952380952380952380126322154;0.018095238095238094788719251937;0.028571428571428570536427926640;0.068571428571428574838542147063;0.014285714285714285268213963320;0.000952380952380952380126322154;0.001904761904761904760252644309;0.058095238095238095621386520406;0.006666666666666667094565124074;0.020000000000000000416333634234;0.023809523809523808202115446875;0.028571428571428570536427926640;0.006666666666666667094565124074;0.009523809523809524668624959531;0.018095238095238094788719251937;0.008571428571428571854817768383;0.000952380952380952380126322154;0.085714285714285715078730731875;0.021904761904761906043948016531;0.071428571428571424606346340624;0.038095238095238098674499838125;0.000000000000000000000000000000;0.001904761904761904760252644309;0.000952380952380952380126322154;0.000000000000000000000000000000;0.031428571428571430712572976063;0.000952380952380952380126322154;0.002857142857142857140378966463;0.003809523809523809520505288617;0.074285714285714288251938342000;0.014285714285714285268213963320;0.011428571428571428561515865852;0.000000000000000000000000000000;0.001904761904761904760252644309;0.005714285714285714280757932926;0.004761904761904762334312479766;0.000000000000000000000000000000;0.034285714285714287419271073531;0.001904761904761904760252644309;0.016190476190476189161104869640;0.079047619047619047116803869812;0.036190476190476189577438503875;0.004761904761904762334312479766;0.022857142857142857123031731703
-0.018548387096774192339676545771;0.002419354838709677525676600141;0.038709677419354840410825602248;0.179838709677419356092187285867;0.058064516129032260616238403372;0.014516129032258065154059600843;0.004838709677419355051353200281;0.013709677419354839023046821467;0.007258064516129032577029800422;0.042741935483870965861719071199;0.008870967741935483971693621186;0.054032258064516128226451030514;0.006451612903225806446017021045;0.043548387096774193727455326552;0.011290322580645160630008483338;0.012096774193548386761021262714;0.005645161290322580315004241669;0.016935483870967743547097938972;0.012903225806451612892034042090;0.004838709677419355051353200281;0.010483870967741936233719179938;0.007258064516129032577029800422;0.002419354838709677525676600141;0.067741935483870974188391755888;0.018548387096774192339676545771;0.025000000000000001387778780781;0.016935483870967743547097938972;0.001612903225806451611504255261;0.003225806451612903223008510523;0.027419354838709678046093642934;0.011290322580645160630008483338;0.025000000000000001387778780781;0.005645161290322580315004241669;0.004032258064516128920340420905;0.004838709677419355051353200281;0.036290322580645163752510740096;0.011290322580645160630008483338;0.002419354838709677525676600141;0.000000000000000000000000000000;0.007258064516129032577029800422;0.008064516129032257840680841809;0.005645161290322580315004241669;0.000000000000000000000000000000;0.033870967741935487094195877944;0.007258064516129032577029800422;0.019354838709677420205412801124;0.039516129032258061337667953694;0.020161290322580644601702104524;0.005645161290322580315004241669;0.014516129032258065154059600843
-0.012286324786324786043079093645;0.008012820512820512108831394471;0.053952991452991455600951553606;0.041666666666666664353702032031;0.072115384615384608979482550239;0.022970085470085471746060079568;0.002670940170940170992064377486;0.006410256410256410034009810772;0.069444444444444447528397290625;0.017628205128205128027207848618;0.012820512820512820068019621544;0.032051282051282048435325577884;0.005876068376068376009069282873;0.030448717948717948095227470162;0.008547008547008547868495398347;0.013888888888888888117900677344;0.032051282051282048435325577884;0.030982905982905983854891474039;0.010683760683760683968257509946;0.010149572649572649943316982046;0.008012820512820512108831394471;0.035790598290598288344632749158;0.010683760683760683968257509946;0.034188034188034191473981593390;0.022435897435897435986396075691;0.024038461538461539795941135367;0.016559829059829059977326792819;0.026709401709401708185920298888;0.002136752136752136967123849587;0.045405982905982904263009203305;0.014957264957264957902505209120;0.023504273504273504036277131490;0.009615384615384615918376454147;0.008547008547008547868495398347;0.016559829059829059977326792819;0.033119658119658119954653585637;0.006410256410256410034009810772;0.009615384615384615918376454147;0.006944444444444444058950338672;0.015491452991452991927445737019;0.001602564102564102508502452693;0.034188034188034191473981593390;0.000000000000000000000000000000;0.015491452991452991927445737019;0.008012820512820512108831394471;0.011217948717948717993198037846;0.021901709401709400226732071815;0.018696581196581196077088904417;0.013354700854700854092960149444;0.010149572649572649943316982046
-0.025328508855456104836845199202;0.004380118072748047722275721583;0.068367929918110831311039987668;0.011616834888592648608596213933;0.012378594553418395887711689340;0.012949914302037707214410033885;0.002666158826890116344265901915;0.017139592458579318984268624604;0.028756427347171965858141362560;0.068748809750523706685321201348;0.011997714721005522248153951637;0.011616834888592648608596213933;0.005713197486193106328089541535;0.043801180727480480692204167781;0.006094077318605979967647279238;0.013902113883069892180666116133;0.026280708436488286333654329496;0.033707865168539324907115428687;0.007427156732051037706099361202;0.009521995810321842723666918573;0.010855075223766901329480738525;0.020757950866501617692705394802;0.004380118072748047722275721583;0.085317082460483723016508861292;0.025328508855456104836845199202;0.041325461816796797698270182764;0.018091792039611503950524706852;0.005332317653780232688531803831;0.001523519329651494991911819810;0.009141115977908969084109180869;0.008569796229289659492134312302;0.041515901733003235385410789604;0.003237478575509426803602508471;0.005522757569986669508310672683;0.010093315558941154050365263117;0.073700247571891072673189171383;0.011045515139973339016621345365;0.007236716815844600886320492350;0.004189678156541610902496852731;0.012378594553418395887711689340;0.006665397067225290426983885794;0.016758712626166443609987410923;0.000000000000000000000000000000;0.040182822319558178514320445629;0.002094839078270805451248426365;0.021519710531327364971820870210;0.044562940392306224501872691235;0.018091792039611503950524706852;0.019615311369262998508755657667;0.008569796229289659492134312302
-0.009902000816659860607527043896;0.007349938750510412802108284325;0.022151898734177215277707517771;0.492547978766843586040380387203;0.004491629236423030045732840421;0.014393630053082891520621622305;0.009187423438138015568954486412;0.025622703144140467068634592351;0.029297672519395672602326996525;0.020620661494487546594456262028;0.009085340955492036962848345638;0.007656186198448346018341492680;0.001122907309105757511433210105;0.011433238056349531025501775616;0.028481012658227847222924822290;0.009799918334013883736144379100;0.008677011024908126007870734497;0.007247856267864434196002143551;0.010208248264597794691121990240;0.001020824826459779555848372823;0.015108207431604736559194179790;0.012964475296039199708753031359;0.000408329930583911822339349129;0.025520620661494488462528451578;0.013883217639853001959537870391;0.014393630053082891520621622305;0.014597795018374846998110427876;0.015210289914250715165300320564;0.002449979583503470934036094775;0.008472846059616170530381928927;0.003266639444671294578714793033;0.009799918334013883736144379100;0.001837484687627603200527071081;0.009697835851367905130038238326;0.001735402204981625244942233799;0.016129032258064515681361683619;0.003062474479379338667545118469;0.002245814618211515022866420210;0.001837484687627603200527071081;0.000204164965291955911169674565;0.013883217639853001959537870391;0.015312372396896692036682985361;0.000000000000000000000000000000;0.016333197223356472893573965166;0.011637403021641486502990581187;0.015414454879542670642789126134;0.011126990608411596941906829272;0.001939567170273581156111908363;0.002347897100857492761610822996;0.008881175990200081485359540068
-0.037434895833333335646297967969;0.003580729166666666522106377002;0.025390625000000000000000000000;0.359375000000000000000000000000;0.001627604166666666738946811499;0.013671875000000000000000000000;0.006510416666666666955787245996;0.013997395833333333911574491992;0.009765625000000000000000000000;0.025390625000000000000000000000;0.009440104166666666088425508008;0.037109375000000000000000000000;0.003580729166666666522106377002;0.027018229166666667823148983985;0.007812500000000000000000000000;0.030924479166666667823148983985;0.005859375000000000000000000000;0.009440104166666666088425508008;0.003906250000000000000000000000;0.004231770833333333044212754004;0.009440104166666666088425508008;0.007161458333333333044212754004;0.000976562500000000000000000000;0.033528645833333335646297967969;0.027018229166666667823148983985;0.035807291666666664353702032031;0.013671875000000000000000000000;0.000976562500000000000000000000;0.000976562500000000000000000000;0.009114583333333333911574491992;0.027018229166666667823148983985;0.011718750000000000000000000000;0.001302083333333333261053188501;0.005859375000000000000000000000;0.007486979166666666955787245996;0.016601562500000000000000000000;0.004557291666666666955787245996;0.011393229166666666088425508008;0.000325520833333333315263297125;0.004231770833333333044212754004;0.006835937500000000000000000000;0.002929687500000000000000000000;0.000000000000000000000000000000;0.023111979166666667823148983985;0.003255208333333333477893622998;0.021484375000000000000000000000;0.032877604166666664353702032031;0.025716145833333332176851016015;0.006184895833333333044212754004;0.012369791666666666088425508008
-0.052249999999999997835065101981;0.015249999999999999666933092612;0.034000000000000002442490654175;0.042000000000000002609024107869;0.028500000000000001026956297778;0.045249999999999998556710067987;0.004250000000000000305311331772;0.013249999999999999625299729189;0.025000000000000001387778780781;0.018249999999999998862021399759;0.016500000000000000777156117238;0.048000000000000000999200722163;0.013499999999999999847344334114;0.028500000000000001026956297778;0.014749999999999999222843882762;0.030749999999999999555910790150;0.017999999999999998639976794834;0.023249999999999999833466546306;0.016500000000000000777156117238;0.006499999999999999701627562132;0.013249999999999999625299729189;0.022499999999999999167332731531;0.005749999999999999902855485345;0.021999999999999998723243521681;0.045999999999999999222843882762;0.030749999999999999555910790150;0.022249999999999998945288126606;0.021499999999999998279154311831;0.000750000000000000015612511284;0.046499999999999999666933092612;0.026749999999999999472644063303;0.011249999999999999583666365766;0.003500000000000000072858385991;0.007749999999999999944488848769;0.010999999999999999361621760841;0.021749999999999998501198916756;0.006499999999999999701627562132;0.020250000000000000638378239159;0.004749999999999999882038803634;0.010749999999999999139577155916;0.004749999999999999882038803634;0.028000000000000000582867087928;0.000000000000000000000000000000;0.015249999999999999666933092612;0.009249999999999999542033002342;0.014749999999999999222843882762;0.023249999999999999833466546306;0.023249999999999999833466546306;0.017749999999999998417932189909;0.014000000000000000291433543964
-0.036734693877551023721839129621;0.014693877551020407407067480676;0.042448979591836737135235324558;0.004489795918367346996835642869;0.029795918367346938687711954685;0.047755102040816323205607574209;0.007346938775510203703533740338;0.021224489795918368567617662279;0.025306122448979593425599787793;0.018367346938775511860919564811;0.023673469387755101400738766415;0.028163265306122450132297885261;0.017142857142857143709635536766;0.020000000000000000416333634234;0.017959183673469387987342571478;0.022857142857142857123031731703;0.019591836734693876542756640902;0.035510204081632655570555101576;0.033061224489795919267987045487;0.007346938775510203703533740338;0.015918367346938775558351508721;0.014693877551020407407067480676;0.024081632653061225274315759748;0.021224489795918368567617662279;0.034285714285714287419271073531;0.022040816326530612845324696991;0.025306122448979593425599787793;0.015918367346938775558351508721;0.003673469387755101851766870169;0.042857142857142857539365365938;0.018367346938775511860919564811;0.010204081632653060410231837807;0.015918367346938775558351508721;0.008571428571428571854817768383;0.018775510204081632265049606190;0.028571428571428570536427926640;0.010204081632653060410231837807;0.012653061224489796712799893896;0.007755102040816326709748995683;0.026530612244897958107436863884;0.005714285714285714280757932926;0.015510204081632653419497991365;0.000000000000000000000000000000;0.013061224489795918851653411252;0.015918367346938775558351508721;0.018775510204081632265049606190;0.021632653061224488971747703658;0.011836734693877550700369383208;0.029795918367346938687711954685;0.016734693877551019836058543433
-0.015961857379767827730399076813;0.004145936981757877490273322962;0.028399668325041458466495569724;0.237354892205638462465699944914;0.169983416252072971897035813527;0.018242122719734660263313230644;0.002487562189054726320691646180;0.013266998341625207621929938284;0.016791044776119402881509046210;0.010779436152570480433876554116;0.019071310116086235414423200041;0.025290215588723050782471446496;0.006426202321724710023187476793;0.018242122719734660263313230644;0.017412935323383085112203261247;0.009535655058043117707211600020;0.008706467661691542556101630623;0.011401326699834162664570769152;0.018656716417910446104144739365;0.001036484245439469372568330741;0.013681592039800995197484922983;0.012230514096185737815680738549;0.004767827529021558853605800010;0.019485903814262024724701660716;0.017412935323383085112203261247;0.017205638474295192191787506886;0.021973466003316750178031568907;0.038349917081260363749262154442;0.003316749585406301905482484571;0.035033167495854063144822276854;0.006840796019900497598742461491;0.015547263681592040154844092115;0.007877280265339967404991661226;0.007255389718076285174297446190;0.002902155887230513896246630878;0.010986733001658375089015784454;0.006011608623548922447632492094;0.003731343283582089481037469270;0.001451077943615256948123315439;0.002902155887230513896246630878;0.005182421227197346429160784709;0.006633499170812603810964969142;0.000000000000000000000000000000;0.012230514096185737815680738549;0.014925373134328357924149877078;0.009535655058043117707211600020;0.018864013266998342494007445680;0.007255389718076285174297446190;0.010986733001658375089015784454;0.012230514096185737815680738549
-0.000000000000000000000000000000;0.002262443438914027351444024916;0.006787330316742081620651205753;0.592760180995475116638715462614;0.154600301659125194397859104356;0.004524886877828054702888049832;0.000754147812971342414341269222;0.000000000000000000000000000000;0.015082956259426847853144515454;0.005279034690799397008809101806;0.001508295625942684828682538445;0.015837104072398189291703829440;0.000000000000000000000000000000;0.003016591251885369657365076890;0.013574660633484163241302411507;0.001508295625942684828682538445;0.004524886877828054702888049832;0.000754147812971342414341269222;0.002262443438914027351444024916;0.000754147812971342414341269222;0.001508295625942684828682538445;0.003016591251885369657365076890;0.000000000000000000000000000000;0.004524886877828054702888049832;0.005279034690799397008809101806;0.004524886877828054702888049832;0.002262443438914027351444024916;0.098039215686274508443354136489;0.000754147812971342414341269222;0.012820512820512820068019621544;0.001508295625942684828682538445;0.005279034690799397008809101806;0.000754147812971342414341269222;0.002262443438914027351444024916;0.000000000000000000000000000000;0.002262443438914027351444024916;0.000754147812971342414341269222;0.002262443438914027351444024916;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.003770739064856711963286128864;0.000000000000000000000000000000;0.005279034690799397008809101806;0.006033182503770739314730153779;0.001508295625942684828682538445;0.003016591251885369657365076890;0.003016591251885369657365076890;0.000754147812971342414341269222;0.003016591251885369657365076890
-0.031625553447185324185131349850;0.013915243516761544029236574715;0.014547754585705249472105116126;0.084756483238456678530603483068;0.114484503478810881182958780755;0.022770398481973434107183962283;0.032258064516129031362723367238;0.026565464895635673703289114655;0.013915243516761544029236574715;0.007590132827324478324848566757;0.008222643896268184635078846156;0.022137887413029726929591944895;0.005060088551549652216565711171;0.008222643896268184635078846156;0.040480708412397217732525689371;0.010120177103099304433131422343;0.005060088551549652216565711171;0.010120177103099304433131422343;0.058191018342820997888420464506;0.002530044275774826108282855586;0.039215686274509803377341654596;0.008222643896268184635078846156;0.001897533206831119581212141689;0.017077798861480076447749709700;0.012017710309930424231183998529;0.021505376344086023221446879461;0.015180265654648956649697133514;0.105629348513598994574458345141;0.001897533206831119581212141689;0.041745730550284632087709724146;0.016445287792536369270157692313;0.010120177103099304433131422343;0.014547754585705249472105116126;0.004427577482605945906335431772;0.001897533206831119581212141689;0.007590132827324478324848566757;0.004427577482605945906335431772;0.012650221378874129674052539940;0.001897533206831119581212141689;0.003162555344718532418513134985;0.009487666034155597255539404955;0.023402909550917141284775979670;0.000000000000000000000000000000;0.011385199240986717053591981141;0.027197975964579380880881132043;0.027197975964579380880881132043;0.011385199240986717053591981141;0.006325110689437064837026269970;0.003795066413662239162424283379;0.005692599620493358526795990571
-0.004482758620689654936730672574;0.008275862068965517473473347820;0.014482758620689656012259227680;0.349999999999999977795539507497;0.185862068965517240881624161375;0.011379310344827586742866287750;0.008275862068965517473473347820;0.007931034482758621273479349156;0.014482758620689656012259227680;0.006206896551724137671424141871;0.004827586206896552004086409227;0.024482758620689656220426044797;0.002413793103448276002043204613;0.008275862068965517473473347820;0.019310344827586208016345636906;0.007586206896551724206123612504;0.015517241379310344612241223672;0.011724137931034482942860286414;0.005517241379310344404074406555;0.001034482758620689684184168478;0.007241379310344828006129613840;0.013448275862068965677553755711;0.003448275862068965469386938594;0.013448275862068965677553755711;0.016206896551724137012229221000;0.013103448275862069477559757047;0.012413793103448275342848283742;0.031724137931034485093917396625;0.009655172413793104008172818453;0.019655172413793102481616159594;0.011379310344827586742866287750;0.011724137931034482942860286414;0.003103448275862068835712070936;0.012758620689655173277565758383;0.003793103448275862103061806252;0.009310344827586206073455343812;0.002758620689655172202037203277;0.005862068965517241471430143207;0.008965517241379309873461345148;0.005517241379310344404074406555;0.004482758620689654936730672574;0.013448275862068965677553755711;0.000000000000000000000000000000;0.008275862068965517473473347820;0.009655172413793104008172818453;0.010689655172413792608154814445;0.013103448275862069477559757047;0.003448275862068965469386938594;0.003448275862068965469386938594;0.005862068965517241471430143207
-0.015322580645161289550348904243;0.016129032258064515681361683619;0.013709677419354839023046821467;0.429032258064516114348663222700;0.008870967741935483971693621186;0.008064516129032257840680841809;0.018548387096774192339676545771;0.012903225806451612892034042090;0.010483870967741936233719179938;0.010483870967741936233719179938;0.008064516129032257840680841809;0.014516129032258065154059600843;0.005645161290322580315004241669;0.004838709677419355051353200281;0.030645161290322579100697808485;0.013709677419354839023046821467;0.021774193548387096863727663276;0.013709677419354839023046821467;0.012903225806451612892034042090;0.001612903225806451611504255261;0.009677419354838710102706400562;0.007258064516129032577029800422;0.000806451612903225805752127631;0.010483870967741936233719179938;0.010483870967741936233719179938;0.011290322580645160630008483338;0.016129032258064515681361683619;0.010483870967741936233719179938;0.008870967741935483971693621186;0.020161290322580644601702104524;0.019354838709677420205412801124;0.014516129032258065154059600843;0.004838709677419355051353200281;0.011290322580645160630008483338;0.003225806451612903223008510523;0.013709677419354839023046821467;0.001612903225806451611504255261;0.021774193548387096863727663276;0.006451612903225806446017021045;0.005645161290322580315004241669;0.005645161290322580315004241669;0.036290322580645163752510740096;0.000000000000000000000000000000;0.012903225806451612892034042090;0.017741935483870967943387242372;0.016935483870967743547097938972;0.006451612903225806446017021045;0.006451612903225806446017021045;0.008870967741935483971693621186;0.009677419354838710102706400562
-0.010427010923535253925087395999;0.010427010923535253925087395999;0.054121151936444886199062409560;0.200595829195630598329458393891;0.037239324726911618435032380603;0.005461767626613703817406442198;0.006454816285998013838942632958;0.030287984111221449151640783271;0.012909632571996027677885265916;0.021847070506454815269625768792;0.010923535253227407634812884396;0.002979145978152929630927703286;0.005958291956305859261855406572;0.018867924528301886072378934500;0.032274081429990067459989688814;0.009930486593843098480638431624;0.034756703078450842947511034708;0.042701092353525323119800560789;0.024329692154915590757147114687;0.007944389275074478437566050104;0.018371400198609732362653446103;0.013406156901688183122334230291;0.008937437934458789326463978853;0.027805362462760673664119437376;0.008937437934458789326463978853;0.021350546176762661559900280395;0.030287984111221449151640783271;0.011916583912611718523710813145;0.006454816285998013838942632958;0.016881827209533267764030028957;0.000993048659384309804695756263;0.029791459781529295441915294873;0.012413108242303872233436301542;0.007447864945382323860478823718;0.011916583912611718523710813145;0.036742800397219464725306892205;0.005958291956305859261855406572;0.004965243296921549240319215812;0.004468718967229394663231989426;0.020357497517378350671002351646;0.008937437934458789326463978853;0.016881827209533267764030028957;0.000000000000000000000000000000;0.012413108242303872233436301542;0.022343594836146972448798209143;0.013406156901688183122334230291;0.017378351539225421473755517354;0.006951340615690168416029859344;0.012909632571996027677885265916;0.008937437934458789326463978853
-0.025206611570247932502253362941;0.008677685950413223034405341139;0.063223140495867774513172321349;0.172727272727272729291314590228;0.003719008264462809933842413201;0.007851239669421488168166156640;0.007024793388429752434565234154;0.033057851239669422405142995558;0.031404958677685952672664626562;0.029338842975206610302896237386;0.011157024793388429367846370610;0.012809917355371900835048215583;0.002066115702479338900321437222;0.041322314049586778006428744447;0.021074380165289254701610488496;0.024380165289256197636014178443;0.026446280991735536536335615665;0.028099173553719009738260936615;0.007024793388429752434565234154;0.005371900826446280967363389180;0.016528925619834711202571497779;0.023140495867768593601931925718;0.002066115702479338900321437222;0.035537190082644630473307501006;0.026446280991735536536335615665;0.041322314049586778006428744447;0.026446280991735536536335615665;0.001652892561983471033520975979;0.000826446280991735516760487990;0.004132231404958677800642874445;0.009090909090909090467524933388;0.019834710743801654136975187726;0.000826446280991735516760487990;0.011570247933884296800965962859;0.005371900826446280967363389180;0.040909090909090908838585676222;0.008677685950413223034405341139;0.009917355371900827068487593863;0.001239669421487603383560949233;0.007438016528925619867684826403;0.009504132231404957900644525637;0.007024793388429752434565234154;0.000000000000000000000000000000;0.019421487603305784969132119500;0.007024793388429752434565234154;0.018595041322314050102892935001;0.034297520661157022969778296329;0.026033057851239670837939499393;0.009504132231404957900644525637;0.013636363636363635701287400082
-0.029106724657075946222084539272;0.003680160588825694394782273022;0.049514887922382067042548214886;0.191368350618936089446719961416;0.008029441284710605794550097869;0.019069923051187688545216047942;0.002676480428236868453623076292;0.014720642355302777579129092089;0.014051522248243559706781802277;0.023753763800602206712753172724;0.013716962194713950770608157370;0.010371361659417864878318660260;0.015389762462361993716752905925;0.044496487119437939938837445197;0.009033121445299430868347556611;0.036467045834727332409563871352;0.009033121445299430868347556611;0.013382402141184341834434512464;0.007025761124121779853390901138;0.009033121445299430868347556611;0.009033121445299430868347556611;0.016728002676480429461447485551;0.005018400802944128838434245665;0.037470725995316159218084806071;0.036467045834727332409563871352;0.037805286048845768154258450977;0.020742723318835729756637320520;0.000669120107059217113405769073;0.002007360321177651448637524467;0.011375041820006691686839594979;0.015389762462361993716752905925;0.011709601873536300623013239885;0.004014720642355302897275048934;0.013716962194713950770608157370;0.015389762462361993716752905925;0.028437604550016728349737249459;0.010705921712947473814492305166;0.013382402141184341834434512464;0.002341920374707259951130300379;0.012044161927065907824463408815;0.003011040481766476956115852204;0.004349280695884910966086955852;0.000000000000000000000000000000;0.014720642355302777579129092089;0.004683840749414519902260600759;0.011709601873536300623013239885;0.053529608564737367337738049855;0.033121445299431249986721326195;0.021746403479424556565158255239;0.024757443961191033521274107443
-0.023076923076923078204103489952;0.008974358974358973700669039886;0.043589743589743587537377322860;0.271794871794871772952006949708;0.012179487179487179585035683260;0.006410256410256410034009810772;0.011538461538461539102051744976;0.016025641025641024217662788942;0.015384615384615385469402326635;0.018589743589743589619045494032;0.012820512820512820068019621544;0.003846153846153846367350581659;0.003205128205128205017004905386;0.036538461538461540489830525757;0.015384615384615385469402326635;0.010897435897435896884344330715;0.017948717948717947401338079771;0.016666666666666666435370203203;0.014102564102564102768710974090;0.005769230769230769551025872488;0.014743589743589743251694912374;0.019871794871794870585013370601;0.004487179487179486850334519943;0.028846153846153847755129362440;0.017307692307692308653077617464;0.028205128205128205537421948179;0.018589743589743589619045494032;0.033974358974358971619000868714;0.004487179487179486850334519943;0.008333333333333333217685101602;0.007692307692307692734701163317;0.014102564102564102768710974090;0.003205128205128205017004905386;0.008974358974358973700669039886;0.011538461538461539102051744976;0.033333333333333332870740406406;0.005769230769230769551025872488;0.005769230769230769551025872488;0.003205128205128205017004905386;0.007692307692307692734701163317;0.008974358974358973700669039886;0.019871794871794870585013370601;0.000000000000000000000000000000;0.019871794871794870585013370601;0.007692307692307692734701163317;0.014743589743589743251694912374;0.035897435897435894802676159543;0.019871794871794870585013370601;0.009615384615384615918376454147;0.018589743589743589619045494032
-0.019349477682811016404640369615;0.046355650522317187745002797783;0.033416429249762583109095714917;0.112594966761633427654309969057;0.019290123456790122385973162977;0.013176638176638177241128957462;0.008190883190883190695386062430;0.040657644824311493791935134823;0.022020417853751188264066485090;0.012286324786324786043079093645;0.014126305792972458988399075963;0.006350902184235517750066080112;0.009081196581196581893435926247;0.016263057929724596822884663538;0.053062678062678066137625165766;0.010149572649572649943316982046;0.017865622032288700632429723214;0.054902659069325739082945148084;0.026353276353276354482257914924;0.006410256410256410034009810772;0.016678537511870844545214254140;0.020477207977207978473188632051;0.010208926875593542227260712707;0.018340455840455838903979568499;0.015847578347578349100555072937;0.018281101614434948354759313816;0.035790598290598288344632749158;0.051638176638176637445187822095;0.002967711301044634580187375761;0.018874643874643874663643572376;0.008665716999050332436382859669;0.012286324786324786043079093645;0.009199905033238366461323387568;0.005816714150047483725125552212;0.010861823361823362554812177905;0.027540360873694207100026432045;0.012286324786324786043079093645;0.010683760683760683968257509946;0.006885090218423551775006608011;0.015016619183285850186448939780;0.012286324786324786043079093645;0.018221747388414054336092107178;0.000000000000000000000000000000;0.011336657169990502561085499167;0.023504273504273504036277131490;0.012701804368471035500132160223;0.013710826210826211266069485362;0.009496676163342829615765516849;0.018518518518518517490534236458;0.009971509971509971356762314088
-0.011149557862360629997833250115;0.040369088811995385013275949859;0.017685505574778929982482367222;0.318339100346020753562470417819;0.006920415224913495019776199513;0.010765090349865436697429643687;0.002306805074971165006592066504;0.029988465974625143350973388578;0.017301038062283738416802236770;0.010380622837370241662302561281;0.008458285274894271690837577182;0.003844675124951941677653444174;0.003844675124951941677653444174;0.006535947712418300852010855095;0.052287581699346406816086840763;0.003844675124951941677653444174;0.015763168012302961745740859101;0.045367166474432910061587165274;0.020376778162245291758924992109;0.003844675124951941677653444174;0.015763168012302961745740859101;0.011149557862360629997833250115;0.002691272587466359174357410922;0.020376778162245291758924992109;0.009611687812379853326771872446;0.012302960399846213368491021356;0.026528258362168398443170502787;0.044598231449442519991333000462;0.006151480199923106684245510678;0.018838908112264515087863614440;0.004998077662437524180949477426;0.015763168012302961745740859101;0.008842752787389464991241183611;0.005767012687427912516480166261;0.005382545174932718348714821843;0.023452518262206845101047747448;0.011918492887351018333363938950;0.004229142637447135845418788591;0.004229142637447135845418788591;0.005382545174932718348714821843;0.013071895424836601704021710191;0.014225297962322183339956005454;0.000000000000000000000000000000;0.017301038062283738416802236770;0.029219530949634756750166175721;0.008458285274894271690837577182;0.007304882737408689187541543930;0.004229142637447135845418788591;0.011918492887351018333363938950;0.006920415224913495019776199513
-0.011392405063291139236114624111;0.008860759493670886458027702304;0.049841772151898736109565390962;0.132594936708860772212048573238;0.001740506329113924001775193240;0.012658227848101265625158085015;0.006487341772151898611209475121;0.013449367088607595485671986069;0.017088607594936709721533674156;0.021360759493670885417193616718;0.012816455696202532291150255617;0.003006329113924050607659088641;0.026582278481012657639359630934;0.035284810126582279166118638614;0.010759493670886076041592893660;0.008860759493670886458027702304;0.116772151898734175001770552171;0.039715189873417718058323799823;0.005221518987341772222166014217;0.009335443037974682986557262154;0.007120253164556961805731205573;0.019145569620253165971091036113;0.005854430379746835416687744669;0.034018987341772152777075177710;0.016772151898734176389549332953;0.025000000000000001387778780781;0.020886075949367088888664056867;0.005063291139240506423535581604;0.009493670886075949652549432756;0.005379746835443038020796446830;0.001898734177215189800405625853;0.049208860759493669445596708556;0.006170886075949367013948609895;0.014556962025316455208723276371;0.020569620253164555556679715664;0.038765822784810125001264680122;0.007911392405063291666245106626;0.006012658227848101215318177282;0.004905063291139240624905148991;0.021677215189873418749177957920;0.003639240506329113802180819093;0.011392405063291139236114624111;0.000000000000000000000000000000;0.017879746835443039582047575209;0.005063291139240506423535581604;0.014873417721518986805984141597;0.028481012658227847222924822290;0.019620253164556962499620595963;0.019462025316455695833628425362;0.015348101265822785069237177424
-0.012984981226533166831504928496;0.018147684605757195136499504429;0.027377972465581976169168854085;0.244367959949937429975364011625;0.042083854818523155905118926512;0.016896120150187734360036628800;0.009230287859824781032669349656;0.023779724655819775569476348664;0.025187734668335418075635345758;0.008760951188986232374134033307;0.011264080100125155661783260541;0.015488110137672090119154155730;0.015957446808510637042965996102;0.011264080100125155661783260541;0.035669586983729663354214522997;0.008760951188986232374134033307;0.053973717146433043689857100844;0.017834793491864831677107261498;0.025657071339173966734170662107;0.002816020025031288915445815135;0.015957446808510637042965996102;0.014862327909887359730922717915;0.003285356695869837140300262490;0.015488110137672090119154155730;0.016583229036295370900644385870;0.012046307884856069514434295797;0.022528160200250311323566521082;0.030350438047559449850076873645;0.003754693366708385365154709845;0.019399249061326659382409332011;0.006101376720901126489426946620;0.022058823529411766134478156687;0.010951188986232790467667541634;0.015018773466833541460618839380;0.013454317897371715490040244845;0.016113892365456822242109069521;0.003285356695869837140300262490;0.005319148936170212636775911363;0.004693366708385482248544473549;0.006257822277847309086484806073;0.008604505632040050644437911842;0.019399249061326659382409332011;0.000000000000000000000000000000;0.011420525657071339126202857983;0.023466833541927408640637153781;0.010325406758448060079436103820;0.014549436795994994536806999008;0.007822277847309136791786876586;0.010794743429286608737971420169;0.008604505632040050644437911842
-0.006060606060606060600803868255;0.015151515151515151935690539631;0.012878787878787878451447568295;0.405303030303030276115805463633;0.075757575757575759678452698154;0.012878787878787878451447568295;0.010606060606060606701928072937;0.029545454545454544886817771498;0.021212121212121213403856145874;0.012878787878787878451447568295;0.007575757575757575967845269815;0.015909090909090907450806895440;0.000000000000000000000000000000;0.009090909090909090467524933388;0.045454545454545455807071618892;0.005303030303030303350964036468;0.008333333333333333217685101602;0.011363636363636363951767904723;0.025000000000000001387778780781;0.000000000000000000000000000000;0.016666666666666666435370203203;0.009090909090909090467524933388;0.003030303030303030300401934127;0.012878787878787878451447568295;0.008333333333333333217685101602;0.005303030303030303350964036468;0.014393939393939394685850707845;0.044696969696969700291955263083;0.001515151515151515150200967064;0.034848484848484850839867021932;0.006060606060606060600803868255;0.006060606060606060600803868255;0.001515151515151515150200967064;0.000757575757575757575100483532;0.000000000000000000000000000000;0.006060606060606060600803868255;0.001515151515151515150200967064;0.001515151515151515150200967064;0.003787878787878787983922634908;0.000757575757575757575100483532;0.014393939393939394685850707845;0.006060606060606060600803868255;0.000000000000000000000000000000;0.006060606060606060600803868255;0.032575757575757577355624050597;0.011363636363636363951767904723;0.007575757575757575967845269815;0.000000000000000000000000000000;0.001515151515151515150200967064;0.011363636363636363951767904723
-0.016206482593037214307019056037;0.012004801920768307793574436459;0.021608643457382954722323376018;0.211884753901560612954213524972;0.019207683073229290388050927163;0.024609843937575030803355247144;0.019207683073229290388050927163;0.025210084033613446019561621370;0.018607442977190875171844552938;0.016206482593037214307019056037;0.014405762304921968658399933361;0.015606242496998799090812681811;0.024609843937575030803355247144;0.014405762304921968658399933361;0.011404561824729892577368062234;0.014405762304921968658399933361;0.025210084033613446019561621370;0.027010804321728691668180744045;0.010804321728691477361161688009;0.003601440576230492164599983340;0.009603841536614645194025463582;0.013205282112845138225987184910;0.007202881152460984329199966680;0.027010804321728691668180744045;0.022208883553421369938529750243;0.020408163265306120820463675614;0.017406962785114044739431804487;0.034813925570228089478863608974;0.010804321728691477361161688009;0.034813925570228089478863608974;0.013805522208883553442193559135;0.022809123649459785154736124468;0.006602641056422569112993592455;0.005402160864345738680580844004;0.018007202881152459955638178712;0.029411764705882352533006240947;0.003001200480192076948393609115;0.010804321728691477361161688009;0.006602641056422569112993592455;0.010804321728691477361161688009;0.016206482593037214307019056037;0.021608643457382954722323376018;0.000000000000000000000000000000;0.021008403361344539506117001793;0.006602641056422569112993592455;0.026410564225690276451974369820;0.009003601440576229977819089356;0.007202881152460984329199966680;0.011404561824729892577368062234;0.009603841536614645194025463582
-0.007160493827160494158257098007;0.008024691358024691953398921385;0.012098765432098765662538575327;0.583950617283950590419294712774;0.060370370370370372847812490136;0.006790123456790123426807248563;0.013333333333333334189130248149;0.013333333333333334189130248149;0.011604938271604938598846601394;0.005679012345679012099819438220;0.006543209876543209894961261597;0.004320987654320987240985640909;0.004320987654320987240985640909;0.006790123456790123426807248563;0.018271604938271606560773463457;0.006666666666666667094565124074;0.006049382716049382831269287664;0.006419753086419752695357399119;0.014691358024691358180602307471;0.000987654320987654344224382363;0.011358024691358024199638876439;0.006666666666666667094565124074;0.001111111111111111110147375847;0.009012345679012346080782869251;0.008641975308641974481971281818;0.009506172839506173144474843184;0.012592592592592592726230549260;0.014567901234567900980998444993;0.004074074074074073709139653943;0.013703703703703704053218359604;0.005555555555555555767577313730;0.008148148148148147418279307885;0.003086419753086419581755706076;0.006790123456790123426807248563;0.004567901234567901640193365864;0.006913580246913580626411111041;0.002222222222222222220294751693;0.005925925925925925631665425186;0.001975308641975308688448764727;0.004074074074074073709139653943;0.007530864197530864022345209463;0.007777777777777777554191196430;0.000000000000000000000000000000;0.006790123456790123426807248563;0.014320987654320988316514196015;0.007777777777777777554191196430;0.005679012345679012099819438220;0.003209876543209876347678699560;0.002592592592592592518063732143;0.006419753086419752695357399119
-0.006465517241379310255100509863;0.007543103448275862397964797168;0.011853448275862068367336732422;0.775862068965517237550955087499;0.036637931034482755510151008593;0.003232758620689655127550254932;0.001077586206896551709183418311;0.004310344827586206836733673242;0.001077586206896551709183418311;0.002155172413793103418366836621;0.002155172413793103418366836621;0.004310344827586206836733673242;0.000000000000000000000000000000;0.003232758620689655127550254932;0.006465517241379310255100509863;0.003232758620689655127550254932;0.005387931034482758979597960547;0.010775862068965517959195921094;0.001077586206896551709183418311;0.002155172413793103418366836621;0.005387931034482758979597960547;0.008620689655172413673467346484;0.000000000000000000000000000000;0.003232758620689655127550254932;0.003232758620689655127550254932;0.001077586206896551709183418311;0.005387931034482758979597960547;0.004310344827586206836733673242;0.006465517241379310255100509863;0.012931034482758620510201019727;0.001077586206896551709183418311;0.006465517241379310255100509863;0.001077586206896551709183418311;0.004310344827586206836733673242;0.001077586206896551709183418311;0.006465517241379310255100509863;0.007543103448275862397964797168;0.000000000000000000000000000000;0.001077586206896551709183418311;0.009698275862068965816331633789;0.002155172413793103418366836621;0.001077586206896551709183418311;0.000000000000000000000000000000;0.001077586206896551709183418311;0.006465517241379310255100509863;0.003232758620689655127550254932;0.001077586206896551709183418311;0.003232758620689655127550254932;0.000000000000000000000000000000;0.003232758620689655127550254932
-0.024137314500268191447274190864;0.006704809583407831535817322788;0.085821562667620240882904170121;0.038619703200429109091196266945;0.001877346683354192682577354923;0.008850348650098337210945231845;0.000893974611121044139723512689;0.012605042016806723009780810685;0.040139460039334884378092738189;0.023690327194707670732665150126;0.009833720722331485211697987836;0.007509386733416770730309419690;0.007509386733416770730309419690;0.047112462006079026954896704638;0.003933488288932594605096237927;0.012336849633470410234070691047;0.043536563561594847360236570921;0.051671732522796352815586118368;0.005632040050062577830891630271;0.021455390666905060220726042530;0.007777579116753084373381277317;0.039781870194886465030847944035;0.029501162166994457369817439485;0.031110316467012337493525109267;0.021097800822456640873481248377;0.028428392633649202797530008979;0.026372251028070801959213298460;0.003844090827820489768285039389;0.001519756838905775070056036746;0.004022885750044698574545698477;0.008135168961201501985902595493;0.021008403361344539506117001793;0.003307706061147863349503062125;0.008671553727874127537322834769;0.029232969783658142859383843870;0.047201859467191131791707903176;0.016270337922403003971805190986;0.004738065438941533799588334830;0.007777579116753084373381277317;0.062488825317360989497483814148;0.003844090827820489768285039389;0.014214196316824601398765004490;0.000000000000000000000000000000;0.014750581083497228684908719742;0.000715179688896835333462853601;0.009029143572322546884567628922;0.035490792061505453680592125920;0.021812980511353476098523884730;0.031646701233684966514392300496;0.012336849633470410234070691047
-0.025332225913621261859098865443;0.010382059800664452178797780846;0.067275747508305644428716618677;0.059385382059800664866777708539;0.003737541528239202853756140144;0.014534883720930232356427502793;0.003322259136212624662520820351;0.015365448504983388738898142378;0.039451827242524918626376262409;0.017857142857142856151586585156;0.012873754152823919591486223624;0.026162790697674419976292981005;0.011212624584717608561268420431;0.046511627906976743540568008939;0.015780730897009966062771724182;0.012873754152823919591486223624;0.024916943521594684535225283639;0.029485049833887042036728587391;0.005398671096345514751335681325;0.015365448504983388738898142378;0.011212624584717608561268420431;0.030730897009966777477796284757;0.014534883720930232356427502793;0.027408637873754151947913726417;0.019518272425249168916527864326;0.022425249169435217122536840861;0.031561461794019932125543448365;0.007059800664451827516276960495;0.002076411960132890522495729968;0.008720930232558139413856501676;0.043189368770764118010685450599;0.015780730897009966062771724182;0.003737541528239202853756140144;0.017857142857142856151586585156;0.027823920265780729271787308221;0.034468438538205976862105472946;0.013289036544850498650083281404;0.003322259136212624662520820351;0.019933554817275746240401446130;0.045265780730897008099500311573;0.005398671096345514751335681325;0.016611295681063124179965839744;0.000000000000000000000000000000;0.011212624584717608561268420431;0.002906976744186046471285500559;0.009136212624584718472453559457;0.035299003322259138448746540462;0.018272425249169436944907118914;0.029900332225913622830049121148;0.014119601328903655032553920989
-0.022463768115942028824605358750;0.010144927536231883313799784219;0.023913043478260870289275885625;0.065217391304347824276810285937;0.021014492753623187359934831875;0.026811594202898549749169987422;0.010144927536231883313799784219;0.013043478260869564508417361992;0.044202898550724636916875454062;0.010144927536231883313799784219;0.015942028985507245703034939766;0.051449275362318837301334184531;0.002898550724637681194617577773;0.023188405797101449556940622188;0.018840579710144928632375993516;0.021014492753623187359934831875;0.008695652173913043583852733320;0.010144927536231883313799784219;0.009420289855072464316187996758;0.000724637681159420298654394443;0.015217391304347826705423152305;0.034782608695652174335410933281;0.002898550724637681194617577773;0.027536231884057970481505250859;0.031159420289855074143181568047;0.015942028985507245703034939766;0.024637681159420291021611149063;0.007246376811594202986543944434;0.004347826086956521791926366660;0.017391304347826087167705466641;0.108695652173913040461350476562;0.013768115942028985240752625430;0.002898550724637681194617577773;0.013768115942028985240752625430;0.013768115942028985240752625430;0.011594202898550724778470311094;0.006521739130434782254208680996;0.013043478260869564508417361992;0.092753623188405798227762488750;0.012318840579710145510805574531;0.006521739130434782254208680996;0.019565217391304349364711256953;0.000000000000000000000000000000;0.014492753623188405973087888867;0.010869565217391304046135047656;0.010144927536231883313799784219;0.021014492753623187359934831875;0.008695652173913043583852733320;0.012318840579710145510805574531;0.016666666666666666435370203203
-0.024024024024024023815648831714;0.021021021021021022573416203727;0.039039039039039040435152827513;0.019219219219219218358629674981;0.011411411411411411659377890260;0.030030030030030029769561039643;0.007207207207207207318166997112;0.033633633633633634729687145182;0.016216216216216217116397046993;0.020420420420420418855522726176;0.017417417417417417613290098188;0.019219219219219218358629674981;0.024024024024024023815648831714;0.030630630630630630018007565241;0.029429429429429429521114514046;0.007807807807807807566613522710;0.025825825825825824560988408507;0.048648648648648651349191140980;0.025825825825825824560988408507;0.004204204204204204341210893148;0.022222222222222223070309254922;0.008408408408408408682421786295;0.009009009009009008930868311893;0.021621621621621622821862729324;0.026426426426426424809434934105;0.033033033033033031011793667631;0.049849849849849851846084192175;0.021021021021021022573416203727;0.006006006006006005953912207929;0.020420420420420418855522726176;0.003603603603603603659083498556;0.021021021021021022573416203727;0.008408408408408408682421786295;0.011411411411411411659377890260;0.019819819819819818607076200578;0.042042042042042045146832407454;0.024024024024024023815648831714;0.006606606606606606202358733526;0.001801801801801801829541749278;0.015015015015015014884780519822;0.015015015015015014884780519822;0.011411411411411411659377890260;0.000000000000000000000000000000;0.015015015015015014884780519822;0.014414414414414414636333994224;0.016816816816816817364843572591;0.031831831831831830514900616436;0.016816816816816817364843572591;0.036636636636636639441366725123;0.015015015015015014884780519822
-0.032520325203252035961565269417;0.031165311653116530704599185242;0.026196928635953027619809319049;0.028003613369467026533721210058;0.014453477868112013862700315769;0.038392050587172536768587605138;0.009485094850948509043186973599;0.022583559168925022853091633124;0.032520325203252035961565269417;0.012195121951219512618225238043;0.014453477868112013862700315769;0.023035230352303523448931343864;0.023035230352303523448931343864;0.019421860885275518682213657939;0.018066847335140016894694525718;0.016260162601626017980782634709;0.021680216802168021661412211643;0.034327009936766031406030208473;0.024841915085817525832290186827;0.004968383017163504819513342170;0.019421860885275518682213657939;0.021680216802168021661412211643;0.013550135501355014405744370265;0.018518518518518517490534236458;0.038392050587172536768587605138;0.017615176151761516298854814977;0.023035230352303523448931343864;0.043360433604336043322824423285;0.005420054200542005415353052911;0.032068654019873535365725558677;0.016711833785004515107175393496;0.018066847335140016894694525718;0.017615176151761516298854814977;0.005420054200542005415353052911;0.036585365853658534385228762176;0.024390243902439025236450476086;0.007678410117434507527189868625;0.012195121951219512618225238043;0.009936766034327009639026684340;0.020776874435411020469732790161;0.010388437217705510234866395081;0.035230352303523032597709629954;0.000000000000000000000000000000;0.012646793134598013214064948784;0.011743450767841012022385527303;0.013550135501355014405744370265;0.009485094850948509043186973599;0.019873532068654019278053368680;0.020325203252032519873893079421;0.016711833785004515107175393496
-0.016875000000000001110223024625;0.015625000000000000000000000000;0.038749999999999999722444243844;0.101874999999999993338661852249;0.026874999999999999583666365766;0.014375000000000000624500451352;0.007499999999999999722444243844;0.007499999999999999722444243844;0.050625000000000003330669073875;0.013750000000000000069388939039;0.008125000000000000277555756156;0.014375000000000000624500451352;0.019374999999999999861222121922;0.014375000000000000624500451352;0.015625000000000000000000000000;0.013124999999999999514277426726;0.028125000000000000693889390391;0.047500000000000000555111512313;0.024375000000000000832667268469;0.005624999999999999791833182883;0.013750000000000000069388939039;0.034375000000000002775557561563;0.010625000000000000763278329430;0.018124999999999998750999097297;0.017500000000000001665334536938;0.016875000000000001110223024625;0.013750000000000000069388939039;0.021250000000000001526556658860;0.002500000000000000052041704279;0.030624999999999999444888487687;0.023124999999999999722444243844;0.013750000000000000069388939039;0.011875000000000000138777878078;0.008125000000000000277555756156;0.014375000000000000624500451352;0.027500000000000000138777878078;0.014375000000000000624500451352;0.019374999999999999861222121922;0.018124999999999998750999097297;0.030624999999999999444888487687;0.003125000000000000173472347598;0.049375000000000002220446049250;0.000000000000000000000000000000;0.008750000000000000832667268469;0.011875000000000000138777878078;0.016875000000000001110223024625;0.023124999999999999722444243844;0.013750000000000000069388939039;0.023124999999999999722444243844;0.005000000000000000104083408559
-0.020000000000000000416333634234;0.005555555555555555767577313730;0.053333333333333336756520992594;0.156666666666666676288599546751;0.056666666666666663798590519718;0.027777777777777776235801354687;0.001111111111111111110147375847;0.010000000000000000208166817117;0.029999999999999998889776975375;0.011111111111111111535154627461;0.012222222222222222862142437805;0.016666666666666666435370203203;0.006666666666666667094565124074;0.031111111111111110216764785719;0.016666666666666666435370203203;0.012222222222222222862142437805;0.022222222222222223070309254922;0.037777777777777778178691647781;0.012222222222222222862142437805;0.012222222222222222862142437805;0.015555555555555555108382392859;0.021111111111111111743321444578;0.003333333333333333547282562037;0.022222222222222223070309254922;0.015555555555555555108382392859;0.012222222222222222862142437805;0.020000000000000000416333634234;0.006666666666666667094565124074;0.000000000000000000000000000000;0.059999999999999997779553950750;0.020000000000000000416333634234;0.013333333333333334189130248149;0.004444444444444444440589503387;0.008888888888888888881179006773;0.014444444444444443781394582516;0.036666666666666666851703837438;0.008888888888888888881179006773;0.013333333333333334189130248149;0.002222222222222222220294751693;0.022222222222222223070309254922;0.007777777777777777554191196430;0.017777777777777777762358013547;0.000000000000000000000000000000;0.018888888888888889089345823891;0.011111111111111111535154627461;0.010000000000000000208166817117;0.020000000000000000416333634234;0.014444444444444443781394582516;0.015555555555555555108382392859;0.011111111111111111535154627461
-0.024836601307189540982500730593;0.010130718954248366450721086096;0.047058823529411764052809985515;0.078431372549019606754683309191;0.017647058823529411519803744568;0.033006535947712418999078209936;0.004248366013071895076758099918;0.018954248366013070475899482403;0.033333333333333332870740406406;0.020588235294117646773104368663;0.015686274509803921350936661838;0.032026143790849670445197716617;0.016666666666666666435370203203;0.031372549019607842701873323676;0.011764705882352941013202496379;0.021895424836601305729200106498;0.020261437908496732901442172192;0.025163398692810458323609879017;0.017320261437908497648141548098;0.008823529411764705759901872284;0.014379084967320260660117448026;0.021568627450980391857537910028;0.010784313725490195928768955014;0.025490196078431372195272075487;0.037254901960784313208474571866;0.027124183006535948492476961746;0.022549019607843136941971451392;0.025816993464052286066934271958;0.001960784313725490168867082730;0.029738562091503266404668437417;0.038888888888888889505679458125;0.012418300653594770491250365296;0.007189542483660130330058724013;0.009150326797385621366287544731;0.022549019607843136941971451392;0.025163398692810458323609879017;0.007189542483660130330058724013;0.009803921568627450844335413649;0.005555555555555555767577313730;0.017320261437908497648141548098;0.006535947712418300852010855095;0.015686274509803921350936661838;0.000000000000000000000000000000;0.014705882352941176266503120473;0.010784313725490195928768955014;0.010784313725490195928768955014;0.023202614379084968154742796287;0.021241830065359477985875713557;0.020915032679738560644766565133;0.015032679738562091872888792921
-0.033267130089374381818334569516;0.004468718967229394663231989426;0.054617676266137039908787897957;0.006951340615690168416029859344;0.013902681231380336832059718688;0.027308838133068519954393948979;0.003972194637537239218783025052;0.018867924528301886072378934500;0.040218470705064547632279214895;0.017874875868917578652927957705;0.016385302879841110584857588606;0.027308838133068519954393948979;0.016881827209533267764030028957;0.043694141012909630539251537584;0.007447864945382323860478823718;0.024826216484607744466872603084;0.017874875868917578652927957705;0.028301886792452830843291877727;0.020854021847070507850174791997;0.006951340615690168416029859344;0.011420059582919563079261848770;0.033763654419066535528060057914;0.006454816285998013838942632958;0.035749751737835157305855915411;0.036246276067527311015581403808;0.035253227408142996657236523106;0.027805362462760673664119437376;0.003475670307845084208014929672;0.000993048659384309804695756263;0.024826216484607744466872603084;0.025322740814299901646045043435;0.023336643495531279868249185938;0.005461767626613703817406442198;0.016881827209533267764030028957;0.018867924528301886072378934500;0.031777557100297913750264200416;0.011916583912611718523710813145;0.009930486593843098480638431624;0.006454816285998013838942632958;0.017874875868917578652927957705;0.003972194637537239218783025052;0.018371400198609732362653446103;0.000000000000000000000000000000;0.028798411122144984553017366125;0.005958291956305859261855406572;0.017874875868917578652927957705;0.043694141012909630539251537584;0.027308838133068519954393948979;0.019860973187686196961276863249;0.018371400198609732362653446103
-0.016773832820799552262291953753;0.006290187307799832532040351651;0.035364830863852392273116720389;0.087363712608331006714834643390;0.046547386077718758135013388255;0.019289907743919487009831570390;0.016354487000279565450666652282;0.029913335197092535966412185644;0.046407604137545431510769589067;0.025999440872239307220858961500;0.015515795359239586623245621411;0.039558289069052281206051446816;0.009225608051439753223843531771;0.018031870282359519636061762071;0.013978194017332960796817786786;0.012859938495946323516738729609;0.011881464914733016330350423573;0.018031870282359519636061762071;0.024322057590159353035463851711;0.002935420743639921559164918108;0.034386357282639085086728414353;0.015935141179759575169594398858;0.011601901034386357877692397267;0.024461839530332679659707650899;0.019849035504612803915147623002;0.029074643556052558873714630749;0.026139222812412637314549712642;0.011881464914733016330350423573;0.004053676265026558839243975285;0.048084987419625385696164698857;0.014677103718199607795824590539;0.016913614760972882355982704894;0.027676824154319261406254071289;0.011322337154039697690310894984;0.011042773273693039237652868678;0.019150125803746156916140819249;0.004333240145373218159263739580;0.006010623427453173212020587357;0.008806262230919764677494754324;0.003913894324853228745553224144;0.014257757897679619249475813092;0.028096169974839251687326324713;0.000000000000000000000000000000;0.019849035504612803915147623002;0.008946044171093094771185505465;0.027117696393625944500938018678;0.020268381325132794196219876426;0.007268660889013139718428657687;0.016214705060106235356975901141;0.012021246854906346424041174714
-0.014375000000000000624500451352;0.018749999999999999306110609609;0.022499999999999999167332731531;0.243125000000000007771561172376;0.029999999999999998889776975375;0.011875000000000000138777878078;0.021250000000000001526556658860;0.026874999999999999583666365766;0.032500000000000001110223024625;0.010000000000000000208166817117;0.008125000000000000277555756156;0.033750000000000002220446049250;0.012500000000000000693889390391;0.006875000000000000034694469520;0.022499999999999999167332731531;0.004375000000000000416333634234;0.006250000000000000346944695195;0.012500000000000000693889390391;0.024375000000000000832667268469;0.001874999999999999930611060961;0.026874999999999999583666365766;0.013750000000000000069388939039;0.010625000000000000763278329430;0.010000000000000000208166817117;0.013124999999999999514277426726;0.010625000000000000763278329430;0.018124999999999998750999097297;0.073124999999999995559107901499;0.002500000000000000052041704279;0.055625000000000000832667268469;0.010000000000000000208166817117;0.009374999999999999653055304805;0.022499999999999999167332731531;0.009374999999999999653055304805;0.011249999999999999583666365766;0.008750000000000000832667268469;0.001874999999999999930611060961;0.001250000000000000026020852140;0.006250000000000000346944695195;0.001874999999999999930611060961;0.015625000000000000000000000000;0.038749999999999999722444243844;0.000000000000000000000000000000;0.011875000000000000138777878078;0.011249999999999999583666365766;0.018749999999999999306110609609;0.004375000000000000416333634234;0.001250000000000000026020852140;0.011249999999999999583666365766;0.005624999999999999791833182883
-0.012121212121212121201607736509;0.012121212121212121201607736509;0.030303030303030303871381079261;0.318181818181818176771713524431;0.003787878787878787983922634908;0.023484848484848483418652165255;0.011363636363636363951767904723;0.012878787878787878451447568295;0.028787878787878789371701415689;0.012121212121212121201607736509;0.008333333333333333217685101602;0.021969696969696968918972501683;0.012878787878787878451447568295;0.007575757575757575967845269815;0.030303030303030303871381079261;0.010606060606060606701928072937;0.015151515151515151935690539631;0.022727272727272727903535809446;0.007575757575757575967845269815;0.003030303030303030300401934127;0.009848484848484847717364765174;0.025757575757575756902895136591;0.007575757575757575967845269815;0.018939393939393939919613174538;0.020454545454545454419292838111;0.011363636363636363951767904723;0.014393939393939394685850707845;0.002272727272727272616881233347;0.009848484848484847717364765174;0.021212121212121213403856145874;0.011363636363636363951767904723;0.027272727272727271402574800163;0.005303030303030303350964036468;0.021212121212121213403856145874;0.009090909090909090467524933388;0.018181818181818180935049866775;0.006818181818181817850643700041;0.018181818181818180935049866775;0.013636363636363635701287400082;0.016666666666666666435370203203;0.003787878787878787983922634908;0.010606060606060606701928072937;0.000000000000000000000000000000;0.019696969696969695434729530348;0.015151515151515151935690539631;0.012121212121212121201607736509;0.012121212121212121201607736509;0.008333333333333333217685101602;0.008333333333333333217685101602;0.015151515151515151935690539631
-0.006833333333333333620140948028;0.007000000000000000145716771982;0.007333333333333333196868419890;0.607833333333333336589987538900;0.027333333333333334480563792113;0.015499999999999999888977697537;0.003833333333333333124010033899;0.008500000000000000610622663544;0.003000000000000000062450045135;0.003500000000000000072858385991;0.005833333333333333599324266316;0.003333333333333333547282562037;0.028000000000000000582867087928;0.006499999999999999701627562132;0.012999999999999999403255124264;0.003833333333333333124010033899;0.008000000000000000166533453694;0.008833333333333333661774311452;0.014000000000000000291433543964;0.001833333333333333299217104972;0.006166666666666666650475914224;0.003666666666666666598434209945;0.003166666666666666588025869089;0.007000000000000000145716771982;0.009666666666666667157015169209;0.004499999999999999659994198709;0.012000000000000000249800180541;0.010666666666666666310470112933;0.001166666666666666763232940163;0.040500000000000001276756478319;0.002166666666666666567209187377;0.006499999999999999701627562132;0.016500000000000000777156117238;0.004333333333333333134418374755;0.010999999999999999361621760841;0.006833333333333333620140948028;0.002500000000000000052041704279;0.002833333333333333536874221181;0.000666666666666666644404382058;0.005166666666666666629659232512;0.004333333333333333134418374755;0.004000000000000000083266726847;0.000000000000000000000000000000;0.006000000000000000124900090270;0.017166666666666666879459413053;0.003833333333333333124010033899;0.005333333333333333155235056466;0.004333333333333333134418374755;0.009166666666666666712925959359;0.005000000000000000104083408559
-0.003246753246753246967271078205;0.005844155844155844367615593171;0.007792207792207792201033544899;0.842207792207792182992420748633;0.012987012987012987869084312820;0.002597402597402597400344514966;0.000000000000000000000000000000;0.003896103896103896100516772449;0.010389610389610389601378059865;0.001948051948051948050258386225;0.002597402597402597400344514966;0.003246753246753246967271078205;0.004545454545454545233762466694;0.001948051948051948050258386225;0.004545454545454545233762466694;0.000000000000000000000000000000;0.000649350649350649350086128742;0.000649350649350649350086128742;0.001298701298701298700172257483;0.000000000000000000000000000000;0.001948051948051948050258386225;0.003246753246753246967271078205;0.000000000000000000000000000000;0.001948051948051948050258386225;0.001948051948051948050258386225;0.001948051948051948050258386225;0.003896103896103896100516772449;0.022727272727272727903535809446;0.000649350649350649350086128742;0.004545454545454545233762466694;0.003246753246753246967271078205;0.001948051948051948050258386225;0.002597402597402597400344514966;0.002597402597402597400344514966;0.003896103896103896100516772449;0.002597402597402597400344514966;0.000649350649350649350086128742;0.000000000000000000000000000000;0.000649350649350649350086128742;0.001948051948051948050258386225;0.001948051948051948050258386225;0.011688311688311688735231186342;0.000000000000000000000000000000;0.000649350649350649350086128742;0.003896103896103896100516772449;0.001948051948051948050258386225;0.001298701298701298700172257483;0.000649350649350649350086128742;0.003896103896103896100516772449;0.000649350649350649350086128742
-0.023308270676691729417218112985;0.011278195488721803885212580099;0.037593984962406012950708600329;0.151127819548872194266309065824;0.063157894736842107308305571678;0.030827067669172932007359833051;0.000751879699248120345750345805;0.018045112781954888298008299330;0.023308270676691729417218112985;0.015789473684210526827076392919;0.015037593984962405180283440131;0.027067669172932330712288973018;0.020300751879699249768940205740;0.028571428571428570536427926640;0.012030075187969925532005532887;0.026315789473684209065496020230;0.012781954887218045444075009698;0.015789473684210526827076392919;0.018045112781954888298008299330;0.010526315789473683973143103287;0.012030075187969925532005532887;0.026315789473684209065496020230;0.006015037593984962766002766443;0.018796992481203006475354300164;0.039097744360902256244294505905;0.028571428571428570536427926640;0.020300751879699249768940205740;0.012030075187969925532005532887;0.002255639097744361037251037416;0.036090225563909776596016598660;0.012781954887218045444075009698;0.014285714285714285268213963320;0.010526315789473683973143103287;0.009022556390977444149004149665;0.018045112781954888298008299330;0.015789473684210526827076392919;0.005263157894736841986571551644;0.008270676691729322502211196877;0.003007518796992481383001383222;0.006766917293233082678072243255;0.002255639097744361037251037416;0.007518796992481202590141720066;0.000000000000000000000000000000;0.007518796992481202590141720066;0.008270676691729322502211196877;0.010526315789473683973143103287;0.031578947368421053654152785839;0.027819548872180452359081925806;0.021052631578947367946286206575;0.016541353383458645004422393754
-0.025472005208333332176851016015;0.010660807291666666088425508008;0.058675130208333335646297967969;0.061930338541666664353702032031;0.018066406250000000000000000000;0.016031901041666667823148983985;0.006754557291666666955787245996;0.026529947916666667823148983985;0.021077473958333332176851016015;0.029703776041666667823148983985;0.018473307291666667823148983985;0.011800130208333333911574491992;0.008870442708333333911574491992;0.034830729166666664353702032031;0.027832031250000000000000000000;0.024007161458333332176851016015;0.021647135416666667823148983985;0.027018229166666667823148983985;0.014078776041666666088425508008;0.006917317708333333044212754004;0.014485677083333333911574491992;0.017496744791666667823148983985;0.014160156250000000000000000000;0.040527343750000000000000000000;0.028564453125000000000000000000;0.037027994791666664353702032031;0.033772786458333335646297967969;0.013102213541666666088425508008;0.003824869791666666522106377002;0.018147786458333332176851016015;0.006917317708333333044212754004;0.026774088541666667823148983985;0.009684244791666666088425508008;0.010823567708333333911574491992;0.015950520833333332176851016015;0.035074869791666664353702032031;0.011149088541666666088425508008;0.007405598958333333044212754004;0.000569661458333333369473405750;0.013834635416666666088425508008;0.011881510416666666088425508008;0.008300781250000000000000000000;0.000000000000000000000000000000;0.025065104166666667823148983985;0.013427734375000000000000000000;0.018310546875000000000000000000;0.039388020833333335646297967969;0.018310546875000000000000000000;0.020507812500000000000000000000;0.015136718750000000000000000000
-0.030769230769230770938804653269;0.014529914529914530335608091605;0.047008547008547008072554262981;0.047863247863247866675795449964;0.019658119658119657668926549832;0.017094017094017095736990796695;0.008547008547008547868495398347;0.029059829059829060671216183209;0.016239316239316240603196561665;0.029914529914529915805010418239;0.015384615384615385469402326635;0.006837606837606837600906928287;0.016239316239316240603196561665;0.050427350427350428607731203101;0.025641025641025640136039243089;0.015384615384615385469402326635;0.020512820512820512802720784862;0.035042735042735043138328876466;0.012820512820512820068019621544;0.006837606837606837600906928287;0.019658119658119657668926549832;0.009401709401709401267566157401;0.014529914529914530335608091605;0.029914529914529915805010418239;0.020512820512820512802720784862;0.034188034188034191473981593390;0.030769230769230770938804653269;0.019658119658119657668926549832;0.005128205128205128200680196215;0.014529914529914530335608091605;0.003418803418803418800453464144;0.020512820512820512802720784862;0.014529914529914530335608091605;0.009401709401709401267566157401;0.024786324786324785002245008059;0.045299145299145297804965792920;0.016239316239316240603196561665;0.005982905982905983334474431246;0.000000000000000000000000000000;0.018803418803418802535132314802;0.012820512820512820068019621544;0.002564102564102564100340098108;0.000000000000000000000000000000;0.023931623931623933337897724982;0.016239316239316240603196561665;0.017094017094017095736990796695;0.037606837606837605070264629603;0.020512820512820512802720784862;0.029059829059829060671216183209;0.017094017094017095736990796695
-0.025909090909090909393697188534;0.014545454545454545441929283811;0.051818181818181818787394377068;0.120909090909090910503920213159;0.006363636363636363847684496164;0.010454545454545454211126020994;0.009090909090909090467524933388;0.020909090909090908422252041987;0.014090909090909091438970079935;0.023636363636363635909454217199;0.009090909090909090467524933388;0.006818181818181817850643700041;0.012272727272727271957686312476;0.036363636363636361870099733551;0.021363636363636362425211245863;0.011818181818181817954727108599;0.020000000000000000416333634234;0.035454545454545453864181325798;0.012727272727272727695368992329;0.011818181818181817954727108599;0.016363636363636364923213051270;0.019090909090909092410415226482;0.015454545454545455182571167541;0.042272727272727274316910239804;0.019545454545454546413374430358;0.026818181818181817399615596287;0.029545454545454544886817771498;0.010909090909090909948808700847;0.005909090909090908977363554300;0.010454545454545454211126020994;0.005454545454545454974404350423;0.028181818181818182877940159869;0.007272727272727272720964641906;0.011363636363636363951767904723;0.014999999999999999444888487687;0.039090909090909092826748860716;0.015454545454545455182571167541;0.007272727272727272720964641906;0.005000000000000000104083408559;0.027272727272727271402574800163;0.010000000000000000208166817117;0.013181818181818181698328196205;0.000000000000000000000000000000;0.024545454545454543915372624951;0.010454545454545454211126020994;0.019090909090909092410415226482;0.035000000000000003330669073875;0.019545454545454546413374430358;0.023181818181818181906495013322;0.011818181818181817954727108599
-0.018749999999999999306110609609;0.014285714285714285268213963320;0.088392857142857148011749757188;0.006250000000000000346944695195;0.024107142857142858233254756328;0.023214285714285715078730731875;0.001785714285714285658526745415;0.016071428571428569842538536250;0.029464285714285713690951951094;0.037499999999999998612221219219;0.010714285714285714384841341484;0.038392857142857145236192195625;0.008928571428571428075793292578;0.045535714285714283533490487343;0.011607142857142857539365365938;0.013392857142857142113689938867;0.027678571428571427381903902187;0.041071428571428571230317317031;0.014285714285714285268213963320;0.015178571428571428422737987773;0.015178571428571428422737987773;0.017857142857142856151586585156;0.004464285714285714037896646289;0.042857142857142857539365365938;0.025892857142857144542302805235;0.031250000000000000000000000000;0.024107142857142858233254756328;0.011607142857142857539365365938;0.000892857142857142829263372708;0.041964285714285710915394389531;0.025892857142857144542302805235;0.023214285714285715078730731875;0.004464285714285714037896646289;0.008035714285714284921269268125;0.008928571428571428075793292578;0.048214285714285716466509512657;0.016964285714285712997062560703;0.006250000000000000346944695195;0.001785714285714285658526745415;0.014285714285714285268213963320;0.002678571428571428596210335371;0.016964285714285712997062560703;0.000000000000000000000000000000;0.009821428571428571230317317031;0.008928571428571428075793292578;0.010714285714285714384841341484;0.038392857142857145236192195625;0.019642857142857142460634634062;0.017857142857142856151586585156;0.014285714285714285268213963320
-0.058894230769230768163247091707;0.002644230769230769377553524890;0.036899038461538462285727035805;0.037620192307692305877520055901;0.011057692307692308306132922269;0.016826923076923076122435318780;0.002884615384615384775512936244;0.014903846153846154673483503927;0.007331730769230769204081177293;0.033052884615384615918376454147;0.020192307692307693428590553708;0.015625000000000000000000000000;0.012379807692307691693867077731;0.052283653846153847755129362440;0.007091346153846153806121765939;0.053365384615384613142818892584;0.008052884615384614530597673365;0.010336538461538461244892950219;0.007451923076923077336741751964;0.005769230769230769551025872488;0.015504807692307692734701163317;0.004927884615384615224487063756;0.003004807692307692474492641921;0.045312499999999998612221219219;0.055649038461538458122390693461;0.057572115384615381306065984290;0.023677884615384614530597673365;0.022596153846153845673461191268;0.001442307692307692387756468122;0.006850961538461538408162354585;0.023557692307692307265298836683;0.014062500000000000346944695195;0.003125000000000000173472347598;0.012620192307692307959188227073;0.017307692307692308653077617464;0.025961538461538462979616426196;0.010456730769230768510191786902;0.029086538461538462285727035805;0.002283653846153846280614407860;0.006610576923076923010202943232;0.003846153846153846367350581659;0.003846153846153846367350581659;0.000000000000000000000000000000;0.028245192307692307959188227073;0.002524038461538461678573819214;0.021754807692307691346922382536;0.049759615384615381306065984290;0.049278846153846152244870637560;0.018509615384615384775512936244;0.025961538461538462979616426196
-0.063266443701226304785478760095;0.001811594202898550746635986108;0.040691192865105911546930173017;0.000557413600891861751515654611;0.000139353400222965437878913653;0.010730211817168338120365156385;0.001393534002229654487209353775;0.014214046822742474121548106325;0.002508361204013377990240662996;0.043617614269788183845033557873;0.019927536231884056261431936719;0.005434782608695652023067523828;0.011008918617614269971904938927;0.069119286510590863259473337621;0.001672240802675585254546963832;0.053372352285395760485009475360;0.004598662207357859937895128155;0.009476031215161649992606562876;0.005713489409141583007245568382;0.006688963210702341018187855326;0.015886287625418060026616373648;0.003762541806020066985360994494;0.004319955406911928953717083601;0.056577480490523968104099594711;0.056298773690078039722006764123;0.073160535117056862963735852645;0.027313266443701227775830986388;0.002647714604236343482329685273;0.000418060200668896313636740958;0.002090301003344481513973596165;0.013517279821627647962145601923;0.015189520624303232132490393269;0.002090301003344481513973596165;0.014910813823857302015674086704;0.017837235228539576048500947536;0.033166109253065775841484708053;0.012681159420289855876973206250;0.027313266443701227775830986388;0.000000000000000000000000000000;0.008082497212931995939078078095;0.002787068004459308974418707550;0.001393534002229654487209353775;0.000000000000000000000000000000;0.035674470457079152097001895072;0.001393534002229654487209353775;0.022435897435897435986396075691;0.067168338907469343768141811779;0.058946488294314383638017318390;0.025222965440356744093453045252;0.031772575250836120053232747296
-0.040259740259740259271659112983;0.003463203463203463200459353288;0.046320346320346317270377767272;0.000000000000000000000000000000;0.001731601731601731600229676644;0.022510822510822512537709272351;0.001731601731601731600229676644;0.013419913419913420335460862987;0.027705627705627705603674826307;0.041558441558441558405512239460;0.011255411255411256268854636176;0.016883116883116881801196740298;0.007359307359307359734656994732;0.055411255411255411207349652614;0.002597402597402597400344514966;0.032467532467532464468540354119;0.009090909090909090467524933388;0.019047619047619049337249919063;0.005194805194805194800689029933;0.008225108225108225534771833054;0.011255411255411256268854636176;0.019047619047619049337249919063;0.005627705627705628134427318088;0.046320346320346317270377767272;0.044155844155844156673218492415;0.056709956709956710341202779091;0.018181818181818180935049866775;0.016017316017316016868443639964;0.001298701298701298700172257483;0.016017316017316016868443639964;0.009956709956709957135001509698;0.022510822510822512537709272351;0.005194805194805194800689029933;0.013419913419913420335460862987;0.015584415584415584402067089798;0.033766233766233763602393480596;0.013852813852813852801837413153;0.012987012987012987869084312820;0.004329004329004329000574191610;0.019047619047619049337249919063;0.002597402597402597400344514966;0.030303030303030303871381079261;0.000000000000000000000000000000;0.034199134199134201272940458693;0.001731601731601731600229676644;0.015584415584415584402067089798;0.054112554112554112073496526136;0.050216450216450214671937146704;0.027272727272727271402574800163;0.032467532467532464468540354119
-0.051666666666666666296592325125;0.009166666666666666712925959359;0.065000000000000002220446049250;0.000000000000000000000000000000;0.004166666666666666608842550801;0.033333333333333332870740406406;0.000833333333333333386820640509;0.010000000000000000208166817117;0.058333333333333334258519187188;0.015833333333333334674852821422;0.014999999999999999444888487687;0.034166666666666664631257788187;0.013333333333333334189130248149;0.033333333333333332870740406406;0.010833333333333333703407674875;0.038333333333333330372738601000;0.018333333333333333425851918719;0.044166666666666666574148081281;0.006666666666666667094565124074;0.013333333333333334189130248149;0.014999999999999999444888487687;0.034166666666666664631257788187;0.007499999999999999722444243844;0.030833333333333334119741309109;0.040833333333333332593184650250;0.030833333333333334119741309109;0.020833333333333332176851016015;0.011666666666666667198648532633;0.003333333333333333547282562037;0.021666666666666667406815349750;0.025000000000000001387778780781;0.020833333333333332176851016015;0.005833333333333333599324266316;0.012500000000000000693889390391;0.016666666666666666435370203203;0.014166666666666665949647629930;0.005833333333333333599324266316;0.029999999999999998889776975375;0.003333333333333333547282562037;0.023333333333333334397297065266;0.004166666666666666608842550801;0.024166666666666666157814447047;0.000000000000000000000000000000;0.013333333333333334189130248149;0.002500000000000000052041704279;0.020000000000000000416333634234;0.023333333333333334397297065266;0.016666666666666666435370203203;0.021666666666666667406815349750;0.024166666666666666157814447047
-0.020050125313283206907044586842;0.018546365914786967082905633220;0.040852130325814535460882126472;0.040852130325814535460882126472;0.093233082706766917668872451941;0.017293233082706766651215346542;0.002506265664160400863380573355;0.012781954887218045444075009698;0.041604010025062657107675079260;0.020050125313283206907044586842;0.011779448621553884404833389965;0.033583959899749375732636025305;0.004511278195488722074502074832;0.025313283208020051495701352451;0.018045112781954888298008299330;0.014285714285714285268213963320;0.024812030075187969241357066608;0.027318295739348370104737639963;0.011027568922305764492763913154;0.007268170426065163197693053121;0.007268170426065163197693053121;0.025313283208020051495701352451;0.003759398496240601295070860033;0.024310776942355890456459732718;0.022556390977443607770425160197;0.024812030075187969241357066608;0.024310776942355890456459732718;0.079699248120300755782174917385;0.002255639097744361037251037416;0.032080200501253132439050119729;0.013784461152882204748593153454;0.021804511278195489593079159363;0.003007518796992481383001383222;0.008771929824561403021832006743;0.009523809523809524668624959531;0.027067669172932330712288973018;0.006766917293233082678072243255;0.008270676691729322502211196877;0.007268170426065163197693053121;0.006015037593984962766002766443;0.005764411027568922506192361510;0.036340852130325812519018313651;0.000000000000000000000000000000;0.015789473684210526827076392919;0.013032581453634084836523676643;0.011027568922305764492763913154;0.029072681704260652790772212484;0.020551378446115289161388872685;0.010776942355889725100315246209;0.013283208020050125963695819564
-0.022522522522522521459809041744;0.002815315315315315182476130218;0.048986486486486485736335794172;0.007319819819819819647910286164;0.087837837837837842713817337881;0.019144144144144142893892990287;0.002252252252252252232717077973;0.020833333333333332176851016015;0.044481981981981978668816424261;0.024774774774774774993568726700;0.010698198198198198213826337621;0.043918918918918921356908668940;0.007319819819819819647910286164;0.024211711711711710742767067472;0.015202702702702703546622231556;0.011824324324324324980706180099;0.015202702702702703546622231556;0.023085585585585585710610700971;0.010698198198198198213826337621;0.007319819819819819647910286164;0.010135135135135135697748154371;0.017454954954954953610934964559;0.003941441441441441081994234708;0.036036036036036035723473247572;0.021959459459459460678454334470;0.025900900900900900025725093201;0.032657657657657657157557196115;0.104166666666666671292595935938;0.001126126126126126116358538987;0.025900900900900900025725093201;0.019707207207207207144694649514;0.018018018018018017861736623786;0.006193693693693693748392181675;0.007319819819819819647910286164;0.007882882882882882163988469415;0.030405405405405407093244463113;0.003378378378378378565916051457;0.011261261261261260729904520872;0.002252252252252252232717077973;0.005067567567567567848874077185;0.003378378378378378565916051457;0.032657657657657657157557196115;0.000000000000000000000000000000;0.030968468468468467874599170386;0.006756756756756757131832102914;0.011824324324324324980706180099;0.029279279279279278591641144658;0.016891891891891892829580257285;0.011261261261261260729904520872;0.015765765765765764327976938830
-0.046511627906976743540568008939;0.004009623095429029615566207667;0.043303929430633519848115042805;0.000000000000000000000000000000;0.004009623095429029615566207667;0.039294306335204490232548835138;0.000801924619085805923113241533;0.025661587810745789539623729070;0.010425020048115477000472139935;0.022453889334402565847170762936;0.033680834001603848770756144404;0.032076984763432236924529661337;0.025661587810745789539623729070;0.033680834001603848770756144404;0.008019246190858059231132415334;0.013632718524458700692925106068;0.009623095429029671077358898401;0.036888532477947072463209110538;0.024859663191659983616510487536;0.014434643143544506616038347602;0.025661587810745789539623729070;0.005613472333600641461792690734;0.012830793905372894769811864535;0.037690457097032878386322352071;0.049719326383319967233020975073;0.039294306335204490232548835138;0.042502004811547713925001801272;0.000000000000000000000000000000;0.002405773857257417769339724600;0.020048115477145148077831038336;0.011226944667201282923585381468;0.013632718524458700692925106068;0.022453889334402565847170762936;0.004009623095429029615566207667;0.020048115477145148077831038336;0.053728949478748996848587182740;0.017642341619887730308491313735;0.010425020048115477000472139935;0.000000000000000000000000000000;0.004811547714514835538679449201;0.008019246190858059231132415334;0.009623095429029671077358898401;0.000000000000000000000000000000;0.021651964715316759924057521403;0.005613472333600641461792690734;0.024057738572574177693397246003;0.029671210906174819155189936737;0.020850040096230954000944279869;0.036888532477947072463209110538;0.020850040096230954000944279869
-0.030784708249496983006876504874;0.004828973843058349986467892023;0.062374245472837021309064908792;0.003822937625754526964200197270;0.014486921529175050826765414058;0.016700201207243459827767040338;0.001609657947686116662155964008;0.020321931589537222534458393852;0.013682092555331992062006563060;0.040040241448692150127985911467;0.018309859154929577357284742334;0.022736418511066398828734946846;0.013078470824949698855799162800;0.050905432595573438248059972011;0.006639839034205231339813568781;0.014889336016096580209144839557;0.014688128772635814650593388819;0.031790744466800802126016378679;0.007444668008048290104572419779;0.014084507042253521444385988559;0.017102615694164990944869941814;0.008853118712273641208176933048;0.010865191146881288120074060544;0.056941649899396380718474830473;0.030985915492957746830704479635;0.042655935613682090246090439223;0.039436619718309862125948939138;0.007243460764587525413382707029;0.001810865191146881353345676757;0.022132796780684103887804070609;0.006036217303822937266244430532;0.023138832997987926476390896369;0.005633802816901408751226743021;0.014285714285714285268213963320;0.020724346076458753651561295328;0.053722334004024145659439426481;0.016498993963782696003939065577;0.009657947686116699972935784047;0.002213279678068410302044233262;0.014084507042253521444385988559;0.003219315895372233324311928016;0.013883299798792755885834537821;0.000000000000000000000000000000;0.025150905432595575123011499841;0.003420523138832998015501640765;0.017505030181086518592525891336;0.048088531187122737775574421448;0.034004024144869214596464956912;0.028571428571428570536427926640;0.018913480885311872298215618571
-0.014912280701754385484059106659;0.002631578947368420993285775822;0.090350877192982459451542354145;0.000000000000000000000000000000;0.002631578947368420993285775822;0.006140350877192982462227099916;0.000000000000000000000000000000;0.027192982456140352143236782467;0.005263157894736841986571551644;0.051754385964912281992145182130;0.016666666666666666435370203203;0.020175438596491228337992396291;0.005263157894736841986571551644;0.072807017543859653407878340658;0.006140350877192982462227099916;0.013157894736842104532748010115;0.018421052631578945651957823770;0.030701754385964910576412023602;0.003508771929824561468941324094;0.014035087719298245875765296375;0.012280701754385964924454199831;0.008771929824561403021832006743;0.011403508771929825316160389548;0.054385964912280704286473564935;0.015789473684210526827076392919;0.054385964912280704286473564935;0.035964912280701755165068789211;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006140350877192982462227099916;0.000000000000000000000000000000;0.031578947368421053654152785839;0.000877192982456140367235331023;0.018421052631578945651957823770;0.021052631578947367946286206575;0.065789473684210522663740050575;0.020175438596491228337992396291;0.007017543859649122937882648188;0.000000000000000000000000000000;0.010526315789473683973143103287;0.001754385964912280734470662047;0.000000000000000000000000000000;0.000000000000000000000000000000;0.041228070175438599753725554820;0.001754385964912280734470662047;0.021929824561403507554580016858;0.073684210526315782607831295081;0.034210526315789475948481168643;0.030701754385964910576412023602;0.018421052631578945651957823770
-0.014102564102564102768710974090;0.013141025641025641176873328675;0.050000000000000002775557561563;0.122115384615384611755040111802;0.008333333333333333217685101602;0.016025641025641024217662788942;0.007371794871794871625847456187;0.016666666666666666435370203203;0.041346153846153844979571800877;0.027884615384615386163291717025;0.012179487179487179585035683260;0.015705128205128204843532557788;0.009615384615384615918376454147;0.030128205128205128721097239008;0.020192307692307693428590553708;0.011858974358974358476181976130;0.041987179487179483727832263185;0.028205128205128205537421948179;0.009615384615384615918376454147;0.006410256410256410034009810772;0.009935897435897435292506685300;0.022115384615384616612265844537;0.003205128205128205017004905386;0.040384615384615386857181107416;0.021474358974358974394558430276;0.026923076923076924571454071611;0.023397435897435897578233721106;0.016346153846153847061239972049;0.007692307692307692734701163317;0.015064102564102564360548619504;0.013141025641025641176873328675;0.035256410256410256054415697236;0.004807692307692307959188227073;0.010256410256410256401360392431;0.014102564102564102768710974090;0.037499999999999998612221219219;0.006410256410256410034009810772;0.009615384615384615918376454147;0.006730769230769231142863517903;0.015384615384615385469402326635;0.009935897435897435292506685300;0.025641025641025640136039243089;0.000000000000000000000000000000;0.023076923076923078204103489952;0.010576923076923077510214099561;0.017628205128205128027207848618;0.030448717948717948095227470162;0.014102564102564102768710974090;0.013461538461538462285727035805;0.012500000000000000693889390391
-0.026620370370370370627366440885;0.008101851851851851402108728450;0.043402777777777776235801354687;0.204282407407407412547328817709;0.038194444444444447528397290625;0.019097222222222223764198645313;0.002893518518518518357895974447;0.017939814814814814686316779557;0.030671296296296297195782543099;0.012731481481481480774742287565;0.014467592592592592656841610221;0.024884259259259258745267118229;0.008680555555555555941049661328;0.013888888888888888117900677344;0.023726851851851853136832204427;0.026041666666666667823148983985;0.010416666666666666088425508008;0.017361111111111111882099322656;0.012731481481481480774742287565;0.004050925925925925701054364225;0.013310185185185185313683220443;0.010995370370370370627366440885;0.003472222222222222029475169336;0.021990740740740741254732881771;0.023726851851851853136832204427;0.027777777777777776235801354687;0.021412037037037038450515424870;0.055555555555555552471602709375;0.000000000000000000000000000000;0.028356481481481482509465763542;0.020833333333333332176851016015;0.013888888888888888117900677344;0.006365740740740740387371143783;0.005787037037037036715791948893;0.009837962962962963284208051107;0.019675925925925926568416102214;0.006365740740740740387371143783;0.017361111111111111882099322656;0.002893518518518518357895974447;0.006944444444444444058950338672;0.007523148148148147730529533561;0.016203703703703702804217456901;0.000000000000000000000000000000;0.014467592592592592656841610221;0.012152777777777777970524830664;0.008101851851851851402108728450;0.023726851851851853136832204427;0.015046296296296295461059067122;0.013310185185185185313683220443;0.012731481481481480774742287565
-0.018292682926829267192614381088;0.010975609756097560315568628653;0.033536585365853660567481142607;0.328658536585365868010200074423;0.075609756097560973375770743132;0.014024390243902439337486676152;0.003658536585365853872203745212;0.009756097560975609747635495239;0.018902439024390243343942685783;0.014634146341463415488814980847;0.011585365853658536466896933348;0.006097560975609756309112619022;0.004268292682926829589851180913;0.026829268292682926372316742913;0.012804878048780487034830066762;0.014634146341463415488814980847;0.023170731707317072933793866696;0.018902439024390243343942685783;0.005487804878048780157784314326;0.006707317073170731593079185728;0.004268292682926829589851180913;0.011585365853658536466896933348;0.002439024390243902436908873810;0.020121951219512195646599295173;0.017682926829268291041286076393;0.018292682926829267192614381088;0.015243902439024389905419809566;0.054878048780487805047290095217;0.003658536585365853872203745212;0.008536585365853659179702361826;0.003658536585365853872203745212;0.018292682926829267192614381088;0.001829268292682926936101872606;0.004878048780487804873817747620;0.014634146341463415488814980847;0.023780487804878049085122171391;0.009146341463414633596307190544;0.003048780487804878154556309511;0.001219512195121951218454436905;0.003048780487804878154556309511;0.002439024390243902436908873810;0.019512195121951219495270990478;0.000000000000000000000000000000;0.009756097560975609747635495239;0.009146341463414633596307190544;0.006707317073170731593079185728;0.021951219512195120631137257305;0.011585365853658536466896933348;0.009756097560975609747635495239;0.010365853658536585898963799934
-0.012388427208371806387265934291;0.013850415512465373557571268748;0.030086180363188674141694534114;0.220221606648199452749281590513;0.017082179132040627850264158383;0.013542628501077255340212524004;0.022545398584179747458744458299;0.041089566020313945948760903093;0.026392736226531241655601789375;0.029778393351800554189612313394;0.009079716835949522973914227464;0.013773468759618344436912451556;0.000615574022776238819962268956;0.017466912896275776923005196295;0.042012927054478302335560613301;0.018236380424746075068487272119;0.015927977839335180632041044646;0.013542628501077255340212524004;0.011926746691289628193866079187;0.001846722068328716459886806867;0.021929824561403507554580016858;0.016004924592182209752699861838;0.000692520775623268699562606887;0.042012927054478302335560613301;0.011311172668513388289701637746;0.025238534933825790967931723685;0.033010156971375805012858251075;0.020698676515851031215698085930;0.008387196060326253949090968831;0.011926746691289628193866079187;0.004847645429362880571677596464;0.021391197291474300240521344563;0.001308094798399507627945093091;0.022853185595567867410826679020;0.001308094798399507627945093091;0.025469375192366881799355127214;0.003539550630963373377413372367;0.004847645429362880571677596464;0.002770083102493074798250427548;0.001538935056940597158325889637;0.019621421975992613118133789385;0.014235149276700522630312306660;0.000000000000000000000000000000;0.033164050477069870193069789366;0.014158202523853493509653489468;0.030624807633117881455753206410;0.014696829793782702558435637741;0.003616497383810403365433927547;0.004155124653739612414216075820;0.013234841489689135388130303284
-0.002546689303904923779714453147;0.021222410865874362373428851924;0.011884550084889642859731218039;0.452461799660441421622181223938;0.002546689303904923779714453147;0.001697792869269949041916012433;0.013582342954159592335328099466;0.026315789473684209065496020230;0.055178268251273344946472576567;0.016977928692699491286521862321;0.004244482173174872821630465580;0.001697792869269949041916012433;0.000000000000000000000000000000;0.011035653650254668989294515313;0.018675721561969439027395267772;0.000000000000000000000000000000;0.019524617996604414632555446474;0.004244482173174872821630465580;0.003395585738539898083832024867;0.000848896434634974520958006217;0.009337860780984719513697633886;0.028862478777589132411529604383;0.000000000000000000000000000000;0.020373514431239390237715625176;0.002546689303904923779714453147;0.013582342954159592335328099466;0.018675721561969439027395267772;0.066213921901528013935767091880;0.003395585738539898083832024867;0.000848896434634974520958006217;0.000848896434634974520958006217;0.015280135823429541810924980894;0.000000000000000000000000000000;0.007640067911714770905462490447;0.000000000000000000000000000000;0.020373514431239390237715625176;0.002546689303904923779714453147;0.000000000000000000000000000000;0.005942275042444821429865609019;0.000000000000000000000000000000;0.024617996604414261324622614779;0.030560271646859083621849961787;0.000000000000000000000000000000;0.017826825127334466891682041023;0.009337860780984719513697633886;0.020373514431239390237715625176;0.008488964346349745643260931161;0.000000000000000000000000000000;0.001697792869269949041916012433;0.002546689303904923779714453147
-0.010318949343339586799395135586;0.013133208255159475527640289272;0.025797373358348966998487838964;0.324577861163227010532494887229;0.039399624765478424848197391839;0.009849906191369606212049347960;0.003752345215759849902936728938;0.030487804878048779810839619131;0.032833020637898689686462461168;0.012664165103189493205571025669;0.013133208255159475527640289272;0.004690431519699812812351780167;0.004221388367729831357644254552;0.013602251407129456114986076898;0.022514071294559099417620373629;0.004221388367729831357644254552;0.014071294559099436702331864524;0.023921200750469044649104688460;0.021575984990619138242928798377;0.005628517823639774854405093407;0.017354596622889306017922805836;0.018292682926829267192614381088;0.005628517823639774854405093407;0.013602251407129456114986076898;0.008911819887429643302634296731;0.014540337711069419024401128127;0.022514071294559099417620373629;0.074577861163227010532494887229;0.000938086303939962475734182235;0.018292682926829267192614381088;0.002345215759849906406175890083;0.004221388367729831357644254552;0.006097560975609756309112619022;0.008911819887429643302634296731;0.006097560975609756309112619022;0.019230769230769231836752908293;0.004221388367729831357644254552;0.002814258911819887427202546704;0.003752345215759849902936728938;0.005159474671669793399697567793;0.015009380863039399611746915753;0.035647279549718573210537186924;0.000000000000000000000000000000;0.007973733583489680393219245502;0.010787992495309569121464399188;0.009849906191369606212049347960;0.006566604127579737763820144636;0.005159474671669793399697567793;0.012664165103189493205571025669;0.008442776735459662715288509105
-0.015212981744421906482589434972;0.003042596348884381296517886994;0.041582150101419877719077788925;0.396551724137931049796179650002;0.057809330628803244633839852895;0.004056795131845841728690515993;0.012170385395537525186071547978;0.038539553752535496422559901930;0.012170385395537525186071547978;0.015212981744421906482589434972;0.011156186612576064753898918980;0.003042596348884381296517886994;0.000000000000000000000000000000;0.017241379310344827346934692969;0.026369168356997971236488353952;0.006085192697768762593035773989;0.013184584178498985618244176976;0.007099391480730223025208402987;0.008113590263691683457381031985;0.000000000000000000000000000000;0.031440162271805273397351498943;0.021298174442190669075625208961;0.000000000000000000000000000000;0.024340770791075050372143095956;0.011156186612576064753898918980;0.026369168356997971236488353952;0.022312373225152129507797837960;0.000000000000000000000000000000;0.002028397565922920864345257996;0.001014198782961460432172628998;0.000000000000000000000000000000;0.013184584178498985618244176976;0.000000000000000000000000000000;0.010141987829614604321726289982;0.001014198782961460432172628998;0.016227180527383366914762063971;0.001014198782961460432172628998;0.005070993914807302160863144991;0.001014198782961460432172628998;0.002028397565922920864345257996;0.030425963488843812965178869945;0.007099391480730223025208402987;0.000000000000000000000000000000;0.020283975659229208643452579963;0.013184584178498985618244176976;0.031440162271805273397351498943;0.015212981744421906482589434972;0.000000000000000000000000000000;0.001014198782961460432172628998;0.003042596348884381296517886994
-0.010135135135135135697748154371;0.007601351351351351773311115778;0.010979729729729730339227167235;0.417229729729729714726715883444;0.033783783783783785659160514570;0.014358108108108108905143218692;0.016047297297297296453377768444;0.017736486486486485736335794172;0.009290540540540541056269141507;0.010979729729729730339227167235;0.010979729729729730339227167235;0.021114864864864864302251845629;0.005067567567567567848874077185;0.007601351351351351773311115778;0.027871621621621621434083948543;0.007601351351351351773311115778;0.011824324324324324980706180099;0.010979729729729730339227167235;0.010979729729729730339227167235;0.002533783783783783924437038593;0.020270270270270271395496308742;0.008445945945945946414790128642;0.001689189189189189282958025728;0.009290540540540541056269141507;0.010979729729729730339227167235;0.007601351351351351773311115778;0.020270270270270271395496308742;0.010135135135135135697748154371;0.004222972972972973207395064321;0.027027027027027028527328411656;0.046452702702702700077175279603;0.017736486486486485736335794172;0.005067567567567567848874077185;0.013513513513513514263664205828;0.005912162162162162490353090050;0.009290540540540541056269141507;0.001689189189189189282958025728;0.013513513513513514263664205828;0.007601351351351351773311115778;0.007601351351351351773311115778;0.010979729729729730339227167235;0.009290540540540541056269141507;0.000000000000000000000000000000;0.014358108108108108905143218692;0.013513513513513514263664205828;0.010979729729729730339227167235;0.005912162162162162490353090050;0.004222972972972973207395064321;0.005912162162162162490353090050;0.011824324324324324980706180099
-0.027272727272727271402574800163;0.008391608391608391601113048353;0.065734265734265731606633664796;0.059440559440559440074203223503;0.022377622377622377602968128940;0.017482517482517483803361457717;0.005594405594405594400742032235;0.016783216783216783202226096705;0.031468531468531471539940014281;0.022027972027972027302400448434;0.017482517482517483803361457717;0.023076923076923078204103489952;0.014685314685314684868266965623;0.026573426573426574270886391105;0.010139860139860139634504498929;0.019230769230769231836752908293;0.030419580419580420638236972763;0.030419580419580420638236972763;0.011188811188811188801484064470;0.009440559440559440768092613894;0.011888111888111887667895949505;0.031468531468531471539940014281;0.010139860139860139634504498929;0.023426573426573425035224218504;0.030769230769230770938804653269;0.029020979020979019435966250740;0.022377622377622377602968128940;0.030769230769230770938804653269;0.003146853146853147067257827629;0.019930069930069928968441317352;0.015384615384615385469402326635;0.018181818181818180935049866775;0.006993006993006993000927540294;0.008741258741258741901680728859;0.019580419580419582137320588799;0.034965034965034967606722915434;0.011538461538461539102051744976;0.012937062937062936834875515046;0.006643356643356643567721597776;0.023076923076923078204103489952;0.004195804195804195800556524176;0.017832167832167830634482186269;0.000000000000000000000000000000;0.017132867132867133502793777211;0.006643356643356643567721597776;0.016783216783216783202226096705;0.032167832167832165202181471386;0.023776223776223775335791899010;0.022027972027972027302400448434;0.019230769230769231836752908293
-0.023191094619666046544592674650;0.016233766233766232234270177059;0.025046382189239331517160991325;0.170222634508348791282372758360;0.028293135435992579351793807518;0.027829313543599257241289990361;0.010667903525046382520735654964;0.014378478664192950731148812338;0.025510204081632653627664808482;0.010667903525046382520735654964;0.009276437847866419658671155446;0.034786641929499075021059439905;0.014378478664192950731148812338;0.014842300556586271106929153518;0.024582560296846009406657174168;0.016233766233766232234270177059;0.013914656771799628620644995181;0.027365491651205938600233125158;0.020871985157699442930967492771;0.005102040816326530205115918903;0.016233766233766232234270177059;0.020871985157699442930967492771;0.012059369202226345382800154482;0.017161410018552876455277811374;0.029684601113172542213858307036;0.019016697588126157958399176096;0.014842300556586271106929153518;0.051948051948051951476337251279;0.003710575139146567776732288380;0.027365491651205938600233125158;0.017161410018552876455277811374;0.008348794063079777172386997108;0.008348794063079777172386997108;0.007421150278293135553464576759;0.019944341372912802179406810410;0.019480519480519480068902993253;0.003246753246753246967271078205;0.012523191094619665758580495662;0.009276437847866419658671155446;0.017625231910946195096334676577;0.010667903525046382520735654964;0.019016697588126157958399176096;0.000000000000000000000000000000;0.015306122448979591482709494699;0.012987012987012987869084312820;0.012987012987012987869084312820;0.018089053803339517206838493735;0.013450834879406308244864654000;0.018552875695732839317342310892;0.009276437847866419658671155446
-0.005078125000000000173472347598;0.007372767857142857247931821973;0.009401785714285714953830641605;0.656908482142857130803292875498;0.009183035714285714759541612295;0.004624999999999999771016501171;0.009037946428571428172937807233;0.014680803571428572076862373308;0.013066964285714285920469990288;0.008196428571428571521750860995;0.005051339285714285740058748786;0.005924107142857143286363008627;0.000216517857142857153172552098;0.004770089285714285490258568245;0.023854910714285713912996556019;0.007292410714285713947691025538;0.004174107142857142599412512141;0.003189732142857143026154487231;0.010814732142857143293301902531;0.000189732142857142855284224847;0.010770089285714285615158658516;0.005886160714285714433413598812;0.000071428571428571433930485024;0.015151785714285714856686126950;0.005078125000000000173472347598;0.007651785714285714266880145118;0.010542410714285714232185675598;0.024276785714285712552973350853;0.004046875000000000124900090270;0.008580357142857143043501721991;0.001770089285714285644648957607;0.009430803571428570883372621836;0.000743303571428571407259111581;0.007669642857142857511609790322;0.000127232142857142853983182240;0.006488839285714285282091751128;0.000995535714285714209634270411;0.002091517857142857327729101868;0.001933035714285714391780235388;0.000091517857142857137017939728;0.008513392857142856526286855967;0.008100446428571429074994014741;0.000000000000000000000000000000;0.016727678571428570425405624178;0.012533482142857143085135085414;0.014475446428571427798237536422;0.006140625000000000249800180541;0.000508928571428571415932728961;0.000616071428571428607486037965;0.005957589285714285677608703651
-0.000625000000000000013010426070;0.011875000000000000138777878078;0.008125000000000000277555756156;0.881874999999999964472863211995;0.001250000000000000026020852140;0.000625000000000000013010426070;0.000000000000000000000000000000;0.003125000000000000173472347598;0.005624999999999999791833182883;0.000625000000000000013010426070;0.002500000000000000052041704279;0.001250000000000000026020852140;0.000000000000000000000000000000;0.001874999999999999930611060961;0.011249999999999999583666365766;0.000625000000000000013010426070;0.005000000000000000104083408559;0.006250000000000000346944695195;0.000625000000000000013010426070;0.003125000000000000173472347598;0.000000000000000000000000000000;0.001874999999999999930611060961;0.000625000000000000013010426070;0.003125000000000000173472347598;0.000625000000000000013010426070;0.002500000000000000052041704279;0.003749999999999999861222121922;0.003749999999999999861222121922;0.000000000000000000000000000000;0.003125000000000000173472347598;0.001250000000000000026020852140;0.003749999999999999861222121922;0.001250000000000000026020852140;0.001874999999999999930611060961;0.003125000000000000173472347598;0.004375000000000000416333634234;0.000625000000000000013010426070;0.000625000000000000013010426070;0.000000000000000000000000000000;0.001874999999999999930611060961;0.001874999999999999930611060961;0.004375000000000000416333634234;0.000000000000000000000000000000;0.000625000000000000013010426070;0.000625000000000000013010426070;0.000000000000000000000000000000;0.003749999999999999861222121922;0.003125000000000000173472347598;0.001250000000000000026020852140;0.000000000000000000000000000000
-0.041481481481481480289019714291;0.011851851851851851263330850372;0.043333333333333334813630699500;0.033333333333333332870740406406;0.033333333333333332870740406406;0.037777777777777778178691647781;0.001111111111111111110147375847;0.015925925925925926707193980292;0.023703703703703702526661700745;0.020000000000000000416333634234;0.018888888888888889089345823891;0.039629629629629632703302632990;0.016666666666666666435370203203;0.032592592592592589673117231541;0.009629629629629630344078705662;0.027777777777777776235801354687;0.015555555555555555108382392859;0.020000000000000000416333634234;0.015925925925925926707193980292;0.010740740740740739936343040029;0.014814814814814815380206169948;0.016666666666666666435370203203;0.006296296296296296363115274630;0.025555555555555557051272685953;0.042962962962962959745372160114;0.025925925925925925180637321432;0.022962962962962962798485477833;0.007037037037037036958653235530;0.000370370370370370351979089074;0.047407407407407405053323401489;0.031851851851851853414387960584;0.011481481481481481399242738917;0.012962962962962962590318660716;0.012962962962962962590318660716;0.026296296296296296779448908865;0.027777777777777776235801354687;0.011851851851851851263330850372;0.011111111111111111535154627461;0.004814814814814815172039352831;0.012962962962962962590318660716;0.004074074074074073709139653943;0.012222222222222222862142437805;0.000000000000000000000000000000;0.016296296296296294836558615771;0.007777777777777777554191196430;0.011111111111111111535154627461;0.032962962962962964741375770927;0.025925925925925925180637321432;0.023703703703703702526661700745;0.022592592592592591199673890401
-0.041714285714285717632243688513;0.013142857142857143626368809919;0.052571428571428574505475239675;0.028000000000000000582867087928;0.021714285714285713746463102325;0.040571428571428570786228107181;0.001714285714285714197491206079;0.013714285714285713579929648631;0.024000000000000000499600361081;0.014857142857142856956498278009;0.026857142857142857206298458550;0.027428571428571427159859297262;0.025142857142857143876168990460;0.023428571428571427076592570415;0.015428571428571428644782592698;0.030857142857142857289565185397;0.017714285714285713663196375478;0.017714285714285713663196375478;0.014857142857142856956498278009;0.001714285714285714197491206079;0.016571428571428570286627746100;0.026285714285714287252737619838;0.009142857142857143543102083072;0.021714285714285713746463102325;0.045714285714285714246063463406;0.023428571428571427076592570415;0.032000000000000000666133814775;0.019428571428571426993325843569;0.001714285714285714197491206079;0.043428571428571427492926204650;0.010857142857142856873231551162;0.011428571428571428561515865852;0.023428571428571427076592570415;0.014857142857142856956498278009;0.020571428571428570369894472947;0.023428571428571427076592570415;0.009142857142857143543102083072;0.012571428571428571938084495230;0.008571428571428571854817768383;0.009714285714285713496662921784;0.004000000000000000083266726847;0.017142857142857143709635536766;0.000000000000000000000000000000;0.013714285714285713579929648631;0.013714285714285713579929648631;0.009714285714285713496662921784;0.031428571428571430712572976063;0.021714285714285713746463102325;0.027428571428571427159859297262;0.024000000000000000499600361081
-0.019736842105263156799122015173;0.017543859649122806043664013487;0.037280701754385962842786028659;0.061951754385964910576412023602;0.034539473684210529602633954482;0.017543859649122806043664013487;0.008771929824561403021832006743;0.017543859649122806043664013487;0.025767543859649123111354995785;0.016447368421052630665935012644;0.013157894736842104532748010115;0.018092105263157895467251989885;0.018640350877192981421393014330;0.021929824561403507554580016858;0.021381578947368421600438992414;0.015350877192982455288206011801;0.019188596491228070844980990728;0.041666666666666664353702032031;0.017543859649122806043664013487;0.006030701754385964577509504636;0.014254385964912279910477010958;0.031798245614035089423587976398;0.028508771929824559820954021916;0.025219298245614033687767019387;0.018640350877192981421393014330;0.018092105263157895467251989885;0.028508771929824559820954021916;0.029057017543859649244541998314;0.003289473684210526133187002529;0.036184210526315790934503979770;0.020833333333333332176851016015;0.013157894736842104532748010115;0.011513157894736841466154508851;0.011513157894736841466154508851;0.023026315789473682932309017701;0.022478070175438596978167993257;0.006030701754385964577509504636;0.008771929824561403021832006743;0.018640350877192981421393014330;0.029057017543859649244541998314;0.007127192982456139955238505479;0.038925438596491231113549957854;0.000000000000000000000000000000;0.018092105263157895467251989885;0.012609649122807016843883509694;0.019736842105263156799122015173;0.016995614035087720089522989042;0.006030701754385964577509504636;0.020833333333333332176851016015;0.010964912280701753777290008429
-0.021929824561403507554580016858;0.031100478468899520750889919896;0.026714513556618819239973916524;0.098086124401913873938063659352;0.064992025518341309253678161895;0.024322169059011165132000442668;0.014354066985645933321458223020;0.038676236044657100188182141665;0.023125996810207338078013705740;0.014354066985645933321458223020;0.013556618819776714707225906409;0.024322169059011165132000442668;0.007575757575757575967845269815;0.017543859649122806043664013487;0.031100478468899520750889919896;0.017543859649122806043664013487;0.017543859649122806043664013487;0.041467304625199361001186559861;0.036283891547049439141314763901;0.004385964912280701510916003372;0.027511961722488039588929709112;0.009170653907496013196309903037;0.005582137161084529432264478288;0.018341307814992026392619806074;0.023524720893141944783044650080;0.018740031897926633097650750415;0.027910685805422646293960653452;0.029106858054226476817394342334;0.000000000000000000000000000000;0.033492822966507178328310345705;0.015550239234449760375444959948;0.011164274322169058864528956576;0.008771929824561403021832006743;0.006778309409888357353612953204;0.009170653907496013196309903037;0.018740031897926633097650750415;0.011164274322169058864528956576;0.010765550239234450424774536259;0.009569377990430621636064323354;0.009968102073365231810542219648;0.008373205741626794582077586426;0.021929824561403507554580016858;0.000000000000000000000000000000;0.014354066985645933321458223020;0.015550239234449760375444959948;0.018341307814992026392619806074;0.014752791068580541761212643337;0.009968102073365231810542219648;0.013556618819776714707225906409;0.009170653907496013196309903037
-0.027257485029940121262770347244;0.009724550898203593307655978606;0.063233532934131739255967374902;0.011017964071856288163497872290;0.012838323353293412329434453056;0.015952095808383234820659879460;0.004263473053892215605675808376;0.025916167664670659159797949656;0.022323353293413172870884864096;0.031185628742514969607979580246;0.011832335329341317486928630842;0.009101796407185629503300283716;0.019736526946107783159201076728;0.042874251497005987088240175353;0.007377245508982035494816020815;0.011976047904191617493596666577;0.031281437125748504102240588054;0.045844311377245511307521041999;0.011353293413173651954517495710;0.011832335329341317486928630842;0.016622754491017962402699126301;0.017293413173652693454185325095;0.022850299401197603915703027155;0.036023952095808380036157103632;0.025485029940119759139793842451;0.033868263473053890344477423469;0.032574850299401200692805957715;0.004982035928143712169569035098;0.002107784431137724612953521230;0.012886227544910179576564956960;0.006658682634730538930922794094;0.021700598802395210801252645183;0.009101796407185629503300283716;0.009341317365269460534782375305;0.030802395209580838569829452922;0.055952095808383235653327147929;0.019640718562874252134387020874;0.008335329341317365692276553091;0.002059880239520958233184755315;0.033437125748502993793920268217;0.007664670658682634640790354297;0.011161676646706586435442432048;0.000000000000000000000000000000;0.022083832335329341839402772507;0.003113772455089820322821081433;0.020023952095808383172537148198;0.030035928143712576493529198274;0.023281437125748503935707134360;0.041580838323353290497674805692;0.012407185628742515778877297805
-0.026359600443951164416844790139;0.016370699223085462270521617256;0.057713651498335183376298118674;0.118201997780244177915776049304;0.007491675915649278344465855639;0.016093229744728078378646074498;0.002774694783573806826371122014;0.027192008879023309153577514508;0.022197558268590454610968976112;0.019145394006659266494807525305;0.011931187569367370307493736448;0.007491675915649278344465855639;0.010543840177580466460627306446;0.031354051054384018959453328534;0.012763596004439511574779508862;0.011931187569367370307493736448;0.023029966703662595878254748527;0.056048834628190900841726573844;0.012486126526082131152350918057;0.010543840177580466460627306446;0.016093229744728078378646074498;0.013318534961154272419636690472;0.014983351831298556688931711278;0.030799112097669258114596146925;0.023584905660377360192558882090;0.028579356270810211265720468532;0.033573806881243062338882054974;0.005271920088790233230313653223;0.000832408435072142026227293155;0.024139844617092121037416063700;0.006104328523862375364961163626;0.020255271920088791653968840478;0.011098779134295227305484488056;0.010821309655937846883055897251;0.019977802441731411231540249673;0.043007769145394003640348046247;0.017480577136514983960235980476;0.004994450610432852807885062418;0.001109877913429522773916535705;0.019145394006659266494807525305;0.011376248612652607727913078861;0.010266370699223086038198715642;0.000000000000000000000000000000;0.015815760266370697956217483693;0.007491675915649278344465855639;0.011376248612652607727913078861;0.029134295227524972110577650142;0.019977802441731411231540249673;0.034961154273029967920471960952;0.012763596004439511574779508862
-0.014033680834001603654481726835;0.005813953488372092942571001117;0.029671210906174819155189936737;0.436647955092221318196266111045;0.002205292702485966288561414217;0.015236567762630312539151589135;0.008420208500400962192689036101;0.020449077786688051039387659102;0.013031275060144346250590174918;0.015437048917401764019929899519;0.011026463512429831442807071085;0.008019246190858059231132415334;0.008620689655172413673467346484;0.020248596631916599558609348719;0.021050521251002405481722590253;0.009422614274258219596580588018;0.015236567762630312539151589135;0.017040898155573375866156382585;0.006615878107457898865684242651;0.006415396952686447384905932267;0.011026463512429831442807071085;0.012229350441058540327476933385;0.003608660785886126654009586900;0.022253408179631114366392452553;0.012830793905372894769811864535;0.021852445870088211404835831786;0.022453889334402565847170762936;0.001603849238171611846226483067;0.003408179631114675173231276517;0.011226944667201282923585381468;0.009021651964715316635023967251;0.012429831595829991808255243768;0.002806736166800320730896345367;0.008821170809943865154245656868;0.007818765036086607750354104951;0.021852445870088211404835831786;0.008620689655172413673467346484;0.010825982357658379962028760701;0.005012028869286287019457759584;0.009623095429029671077358898401;0.006014434643143544423349311501;0.007618283881315156269575794568;0.000000000000000000000000000000;0.011627906976744185885142002235;0.009021651964715316635023967251;0.013031275060144346250590174918;0.017040898155573375866156382585;0.012429831595829991808255243768;0.010825982357658379962028760701;0.008420208500400962192689036101
-0.046657381615598889079699063132;0.004410399257195914482498899645;0.062082172701949857318570735742;0.012616063138347261007865540705;0.000475858867223769748441147831;0.020009285051067780131228701634;0.001218662952646239585122178717;0.034610027855153206732818915725;0.011583101207056639356252070172;0.027472144846796657524645723925;0.025824048282265553433401095162;0.006116527390900649598093341552;0.017003249767873724468403295873;0.055791550603528319851598382684;0.006963788300835654400400276387;0.014275766016713091477452479694;0.016272051996285979980072511353;0.040250696378830080890409703898;0.019045961002785515014945616485;0.015308727948003714863789426204;0.022423398328690807845831045597;0.007753017641597029045719136064;0.013915970287836582422458242547;0.034760909935004642712375044766;0.042548746518105848291035897546;0.049675023212627671120866779120;0.049477715877437322689047505264;0.000452646239554317533857613620;0.000916898792943361229217102970;0.005988857938718662905774881011;0.003876508820798514522859568032;0.011617920148560816756555524876;0.012058960074280408725222457633;0.004422005571030640860841209872;0.022446610956360260602515666051;0.050011606313834729153899871790;0.028261374187558030435241107625;0.005605849582172701961457761399;0.000324976787372330570488609958;0.010689415041782729040575894430;0.005060352831940576057156988554;0.004584493964716805820824863105;0.000000000000000000000000000000;0.016295264623955432736757131806;0.003122098421541318578886770041;0.012534818941504178094192845094;0.040494428969359334835598218660;0.028539925719591456576562649161;0.056128133704735377884631475354;0.018024605385329618006950980202
-0.043436293436293439695905505005;0.002895752895752895603870280539;0.081081081081081085581985234967;0.000000000000000000000000000000;0.002895752895752895603870280539;0.012548262548262547472210926003;0.000000000000000000000000000000;0.030888030888030888754247627048;0.006756756756756757131832102914;0.027027027027027028527328411656;0.030888030888030888754247627048;0.008687258687258687245291710610;0.005791505791505791207740561077;0.050193050193050189888843704011;0.008687258687258687245291710610;0.020270270270270271395496308742;0.008687258687258687245291710610;0.049227799227799226566837376140;0.021235521235521234717502636613;0.009652509652509652302021514458;0.027027027027027028527328411656;0.011583011583011582415481122155;0.011583011583011582415481122155;0.038610038610038609208086057833;0.042471042471042469435005273226;0.046332046332046329661924488619;0.059845559845559843925588694447;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006756756756756757131832102914;0.001930501930501930547140476691;0.012548262548262547472210926003;0.007722007722007722188561906762;0.004826254826254826151010757229;0.031853281853281852076253954920;0.058880308880308880603582366575;0.027992277992277991849334739527;0.005791505791505791207740561077;0.000000000000000000000000000000;0.013513513513513514263664205828;0.005791505791505791207740561077;0.001930501930501930547140476691;0.000000000000000000000000000000;0.014478764478764479320394009676;0.000965250965250965273570238345;0.017374517374517374490583421220;0.038610038610038609208086057833;0.029922779922779921962794347223;0.040540540540540542790992617483;0.020270270270270271395496308742
-0.017361111111111111882099322656;0.015873015873015872134743631250;0.036706349206349207781041599219;0.273412698412698385030950021246;0.007242063492063492355366172148;0.010019841269841270672835698008;0.008531746031746030925480006601;0.026984126984126985404621734688;0.038988095238095238359576910625;0.015972222222222220988641083750;0.012996031746031746698100128867;0.009722222222222222376419864531;0.007440476190476190063161077148;0.022023809523809525362514349922;0.032341269841269844331765881407;0.009027777777777776929690745078;0.017063492063492061850960013203;0.028769841269841268244222831640;0.014285714285714285268213963320;0.005158730158730158617264027754;0.016369047619047619873677845703;0.016170634920634922165882940703;0.007341269841269841209263624648;0.022420634920634920778104159922;0.018650793650793650452213157109;0.019345238095238095898942276563;0.029365079365079364837054498594;0.008134920634920635509890196602;0.003472222222222222029475169336;0.021230158730158731061887777969;0.003571428571428571317053490830;0.017361111111111111882099322656;0.007242063492063492355366172148;0.012500000000000000693889390391;0.008829365079365079221895840078;0.022817460317460316193693969922;0.007341269841269841209263624648;0.004563492063492063759155836777;0.004265873015873015462740003301;0.007837301587301587213474363125;0.011408730158730158096846984961;0.013690476190476190410105772344;0.000000000000000000000000000000;0.014880952380952380126322154297;0.018055555555555553859381490156;0.014880952380952380126322154297;0.019146825396825398191147371563;0.012797619047619047255581747891;0.013888888888888888117900677344;0.012500000000000000693889390391
-0.010103383458646615980502936338;0.019736842105263156799122015173;0.042998120300751882516543389556;0.129816729323308260868330421545;0.048049812030075189639433119737;0.018092105263157895467251989885;0.005874060150375939523548218801;0.022086466165413532608541302693;0.023731203007518797409858279934;0.012218045112781954208980295107;0.011630639097744361123987211215;0.002584586466165413390361216273;0.019971804511278196114787419901;0.017857142857142856151586585156;0.020794172932330826780722432545;0.006578947368421052266374005058;0.020089285714285715772620122266;0.051574248120300751618838575041;0.010455827067669173219277567455;0.009515977443609022895509852447;0.009750939849624060476451781199;0.033247180451127816835921180427;0.036301691729323307122889730181;0.017739661654135339963200834745;0.015625000000000000000000000000;0.016917293233082705827818870148;0.028900375939849624190580712479;0.009985902255639098057393709951;0.001997180451127819438006394392;0.031837406015037594819716559869;0.001292293233082706695180608136;0.014450187969924812095290356240;0.015037593984962405180283440131;0.011983082706766916628038366355;0.033247180451127816835921180427;0.027608082706766918362761842332;0.009985902255639098057393709951;0.002937030075187969761774109401;0.009515977443609022895509852447;0.039826127819548869102295185485;0.007753759398496240171083648818;0.013157894736842104532748010115;0.000000000000000000000000000000;0.010455827067669173219277567455;0.010338345864661653561444865090;0.009985902255639098057393709951;0.019736842105263156799122015173;0.009868421052631578399561007586;0.036066729323308267807224325452;0.010690789473684210800219496207
-0.026133333333333334802528469254;0.019199999999999998318012117693;0.035733333333333332226811052124;0.008000000000000000166533453694;0.030666666666666664992080271190;0.017066666666666667484530961474;0.004266666666666666871132740368;0.032800000000000002764455331317;0.013599999999999999242272785693;0.021866666666666666196672252909;0.019733333333333331893744144736;0.005333333333333333155235056466;0.013866666666666666030138799215;0.025066666666666667651064415168;0.028000000000000000582867087928;0.013333333333333334189130248149;0.021600000000000001143529715364;0.042133333333333335135595376642;0.022666666666666668294993769450;0.007199999999999999802935413129;0.022666666666666668294993769450;0.011466666666666666674068153498;0.016533333333333333908798934431;0.029866666666666666363205706602;0.024000000000000000499600361081;0.031199999999999998567812298234;0.042133333333333335135595376642;0.075733333333333333059478320592;0.001600000000000000076674777638;0.026666666666666668378260496297;0.006400000000000000306699110553;0.019466666666666666840601607191;0.014933333333333333181602853301;0.007466666666666666590801426651;0.019466666666666666840601607191;0.037600000000000001476596622751;0.012266666666666667037666194062;0.008000000000000000166533453694;0.001866666666666666647700356663;0.018133333333333334635995015560;0.010133333333333332734738085890;0.019199999999999998318012117693;0.000000000000000000000000000000;0.017333333333333332537673499019;0.020266666666666665469476171779;0.018133333333333334635995015560;0.024799999999999999128474925669;0.015733333333333331810477417889;0.022133333333333334719261742407;0.016533333333333333908798934431
-0.015612244897959183520530501710;0.005765306122448979331274188098;0.029795918367346938687711954685;0.466938775510204073793119050606;0.010255102040816326328109830968;0.009183673469387755930459782405;0.007755102040816326709748995683;0.026581632653061224025314857045;0.018571428571428572062984585500;0.013418367346938775072628935447;0.011785714285714286517214866024;0.004387755102040816028441394536;0.003010204081632653159289469968;0.014591836734693877306034970331;0.026632653061224489943192850205;0.010561224489795918365930837979;0.013010204081632652933775418091;0.014030612244897959148270949470;0.012500000000000000693889390391;0.002040816326530612428991062757;0.017704081632653061867399557627;0.012142857142857142738190390219;0.001683673469387755123813366076;0.018469387755102040227228599178;0.016479591836734693716115529583;0.017295918367346937993822564295;0.027346938775510202385143898596;0.001275510204081632551278979726;0.001989795918367346944793938590;0.008979591836734693993671285739;0.002448979591836734567844580113;0.010816326530612244485873851829;0.003520408163265306266537235658;0.010102040816326530309199327462;0.002653061224489796070952207785;0.015255102040816327299554977515;0.004540816326530612047351898042;0.005561224489795918261847429420;0.000561224489795918374604455359;0.003163265306122449178199973474;0.011938775510204080801401893552;0.004744897959183673116778656720;0.000000000000000000000000000000;0.015255102040816327299554977515;0.013112244897959183034807928436;0.016683673469387753918180550272;0.015153061224489795463798991193;0.004897959183673469135689160225;0.005051020408163265154599663731;0.014744897959183673324945473837
-0.001077586206896551709183418311;0.005387931034482758979597960547;0.003232758620689655127550254932;0.792025862068965524898089825001;0.000000000000000000000000000000;0.007543103448275862397964797168;0.010775862068965517959195921094;0.008620689655172413673467346484;0.000000000000000000000000000000;0.002155172413793103418366836621;0.004310344827586206836733673242;0.001077586206896551709183418311;0.001077586206896551709183418311;0.005387931034482758979597960547;0.010775862068965517959195921094;0.003232758620689655127550254932;0.003232758620689655127550254932;0.005387931034482758979597960547;0.005387931034482758979597960547;0.003232758620689655127550254932;0.021551724137931035918391842188;0.000000000000000000000000000000;0.002155172413793103418366836621;0.007543103448275862397964797168;0.000000000000000000000000000000;0.002155172413793103418366836621;0.009698275862068965816331633789;0.004310344827586206836733673242;0.005387931034482758979597960547;0.002155172413793103418366836621;0.005387931034482758979597960547;0.004310344827586206836733673242;0.002155172413793103418366836621;0.001077586206896551709183418311;0.000000000000000000000000000000;0.008620689655172413673467346484;0.002155172413793103418366836621;0.002155172413793103418366836621;0.000000000000000000000000000000;0.001077586206896551709183418311;0.012931034482758620510201019727;0.003232758620689655127550254932;0.000000000000000000000000000000;0.002155172413793103418366836621;0.007543103448275862397964797168;0.007543103448275862397964797168;0.002155172413793103418366836621;0.004310344827586206836733673242;0.002155172413793103418366836621;0.002155172413793103418366836621
-0.030888030888030888754247627048;0.007722007722007722188561906762;0.010617760617760617358751318307;0.443050193050193052979324193075;0.001930501930501930547140476691;0.029922779922779921962794347223;0.007722007722007722188561906762;0.009652509652509652302021514458;0.003861003861003861094280953381;0.009652509652509652302021514458;0.011583011583011582415481122155;0.010617760617760617358751318307;0.018339768339768341282036701045;0.009652509652509652302021514458;0.005791505791505791207740561077;0.024131274131274131622415524134;0.007722007722007722188561906762;0.023166023166023164830962244309;0.010617760617760617358751318307;0.002895752895752895603870280539;0.008687258687258687245291710610;0.000965250965250965273570238345;0.009652509652509652302021514458;0.009652509652509652302021514458;0.034749034749034748981166842441;0.023166023166023164830962244309;0.009652509652509652302021514458;0.015444015444015444377123813524;0.001930501930501930547140476691;0.012548262548262547472210926003;0.015444015444015444377123813524;0.015444015444015444377123813524;0.013513513513513514263664205828;0.006756756756756757131832102914;0.028957528957528958640788019352;0.014478764478764479320394009676;0.007722007722007722188561906762;0.013513513513513514263664205828;0.000965250965250965273570238345;0.005791505791505791207740561077;0.002895752895752895603870280539;0.002895752895752895603870280539;0.000000000000000000000000000000;0.010617760617760617358751318307;0.006756756756756757131832102914;0.012548262548262547472210926003;0.008687258687258687245291710610;0.006756756756756757131832102914;0.013513513513513514263664205828;0.006756756756756757131832102914
-0.026143790849673203408043420382;0.013071895424836601704021710191;0.031045751633986928830211127206;0.037581699346405227080136768336;0.010130718954248366450721086096;0.031045751633986928830211127206;0.001960784313725490168867082730;0.010457516339869280322383282567;0.099673202614379091679452926655;0.007516339869281045936444396460;0.010784313725490195928768955014;0.035947712418300650782931882077;0.013398692810457515575683906661;0.022549019607843136941971451392;0.004575163398692810683143772366;0.014052287581699346788455251556;0.016993464052287580307032399674;0.024509803921568627110838534122;0.004575163398692810683143772366;0.006862745098039215591034789554;0.007843137254901960675468330919;0.051960784313725492944424644293;0.012418300653594770491250365296;0.015032679738562091872888792921;0.033333333333333332870740406406;0.013725490196078431182069579108;0.016339869281045752563708006733;0.036928104575163399336812375395;0.000980392156862745084433541365;0.030392156862745097617439782312;0.025163398692810458323609879017;0.011764705882352941013202496379;0.003267973856209150426005427548;0.005882352941176470506601248189;0.012418300653594770491250365296;0.017647058823529411519803744568;0.006535947712418300852010855095;0.007843137254901960675468330919;0.069934640522875818335890585331;0.032679738562091505127416013465;0.001960784313725490168867082730;0.073202614379084970930300357850;0.000000000000000000000000000000;0.006862745098039215591034789554;0.003267973856209150426005427548;0.007189542483660130330058724013;0.018954248366013070475899482403;0.021895424836601305729200106498;0.016013071895424835222598858309;0.015686274509803921350936661838
-0.029999999999999998889776975375;0.024074074074074074125473288177;0.034074074074074076068363581271;0.050370370370370370904922197042;0.008148148148148147418279307885;0.029259259259259259161600752464;0.002592592592592592518063732143;0.020000000000000000416333634234;0.053703703703703704885885628073;0.011851851851851851263330850372;0.013333333333333334189130248149;0.027037037037037036507625131776;0.016296296296296294836558615771;0.023703703703703702526661700745;0.010740740740740739936343040029;0.021111111111111111743321444578;0.029259259259259259161600752464;0.040370370370370368962031903948;0.015185185185185185244294281404;0.007777777777777777554191196430;0.019259259259259260688157411323;0.031851851851851853414387960584;0.014814814814814815380206169948;0.011111111111111111535154627461;0.031851851851851853414387960584;0.022222222222222223070309254922;0.023703703703703702526661700745;0.038148148148148146308056283260;0.000370370370370370351979089074;0.022222222222222223070309254922;0.037407407407407410049327012302;0.006666666666666667094565124074;0.012222222222222222862142437805;0.003333333333333333547282562037;0.012222222222222222862142437805;0.022592592592592591199673890401;0.010000000000000000208166817117;0.015555555555555555108382392859;0.028148148148148147834612942120;0.013333333333333334189130248149;0.007777777777777777554191196430;0.065555555555555561353386906376;0.000000000000000000000000000000;0.004814814814814815172039352831;0.008148148148148147418279307885;0.008888888888888888881179006773;0.017407407407407406163546426114;0.008518518518518519017090895318;0.021851851851851851471497667490;0.011111111111111111535154627461
-0.027906976744186046124340805363;0.016279069767441860239198803129;0.041860465116279069186511208045;0.093023255813953487081136017878;0.020930232558139534593255604022;0.034883720930232557655426006704;0.003488372093023255765542600670;0.023255813953488371770284004469;0.042248062015503878852129560073;0.020542635658914728397084203948;0.020155038759689922200912803874;0.032170542635658917751673158136;0.008139534883720930119599401564;0.027906976744186046124340805363;0.012403100775193798277484802384;0.021317829457364340789427004097;0.026744186046511627535826605140;0.039922480620155041675101159626;0.025581395348837208947312404916;0.006976744186046511531085201341;0.014728682170542635454513202831;0.017441860465116278827713003352;0.007751937984496123923428001490;0.031007751937984495693712005959;0.036821705426356592105729959030;0.022093023255813953181769804246;0.034108527131782945263083206555;0.008914728682170542511942201713;0.001550387596899224784685600298;0.023255813953488371770284004469;0.024418604651162790358798204693;0.014341085271317829258341802756;0.010465116279069767296627802011;0.009689922480620154904285001862;0.008139534883720930119599401564;0.031007751937984495693712005959;0.013565891472868216865999002607;0.011627906976744185885142002235;0.003100775193798449569371200596;0.010077519379844961100456401937;0.008139534883720930119599401564;0.017054263565891472631541603278;0.000000000000000000000000000000;0.012790697674418604473656202458;0.009689922480620154904285001862;0.010852713178294573492799202086;0.023255813953488371770284004469;0.013178294573643410669827602533;0.014728682170542635454513202831;0.010465116279069767296627802011
-0.028205128205128205537421948179;0.015064102564102564360548619504;0.033012820512820513496610175252;0.102564102564102560544156972355;0.018589743589743589619045494032;0.023717948717948716952363952259;0.009935897435897435292506685300;0.029487179487179486503389824748;0.030128205128205128721097239008;0.013141025641025641176873328675;0.014423076923076923877564681220;0.023076923076923078204103489952;0.025641025641025640136039243089;0.016346153846153847061239972049;0.025000000000000001387778780781;0.016987179487179485809500434357;0.017948717948717947401338079771;0.032051282051282048435325577884;0.024358974358974359170071366520;0.006089743589743589792517841630;0.018910256410256408993175725186;0.021794871794871793768688661430;0.025320512820512820761909011935;0.023397435897435897578233721106;0.023076923076923078204103489952;0.024038461538461539795941135367;0.032051282051282048435325577884;0.008012820512820512108831394471;0.004487179487179486850334519943;0.026602564102564101727876888503;0.010897435897435896884344330715;0.014102564102564102768710974090;0.016987179487179485809500434357;0.012820512820512820068019621544;0.027884615384615386163291717025;0.025961538461538462979616426196;0.010897435897435896884344330715;0.009615384615384615918376454147;0.004166666666666666608842550801;0.017948717948717947401338079771;0.009935897435897435292506685300;0.015064102564102564360548619504;0.000000000000000000000000000000;0.015384615384615385469402326635;0.014423076923076923877564681220;0.016987179487179485809500434357;0.012500000000000000693889390391;0.010576923076923077510214099561;0.027243589743589743945584302764;0.013141025641025641176873328675
-0.022033898305084745339321727897;0.014124293785310734414273348136;0.038983050847457630105896697614;0.253107344632768349601548152350;0.014124293785310734414273348136;0.020621468926553671030532655095;0.003954802259887005462524189880;0.017231638418079096158885832324;0.027401129943502824243273252591;0.014971751412429378999546791817;0.015254237288135593861304606378;0.008474576271186440648564008882;0.014971751412429378999546791817;0.023728813559322034509868615260;0.012711864406779661840207751311;0.019209039548022600191190534247;0.015819209039548021850096759522;0.032203389830508473423709148165;0.017231638418079096158885832324;0.008192090395480225786806194321;0.009887005649717514957353081684;0.015536723163841808723062420938;0.012711864406779661840207751311;0.024293785310734464233384244380;0.024011299435028249371626429820;0.024293785310734464233384244380;0.020056497175141241307017025974;0.004802259887005650047797633562;0.002259887005649717593019909501;0.014406779661016949276031162697;0.012711864406779661840207751311;0.013841807909604519552515533576;0.011299435028248587531418678509;0.004802259887005650047797633562;0.015819209039548021850096759522;0.033333333333333332870740406406;0.008192090395480225786806194321;0.011299435028248587531418678509;0.003672316384180791034447244314;0.014124293785310734414273348136;0.004802259887005650047797633562;0.014689265536723164137788977257;0.000000000000000000000000000000;0.013276836158192089828999904455;0.008474576271186440648564008882;0.016666666666666666435370203203;0.017231638418079096158885832324;0.012429378531073446978449936751;0.025706214689265535072726365229;0.011016949152542372669660863949
-0.011382113821138212239603149101;0.018699186991869919116648901536;0.054878048780487805047290095217;0.331300813008130079495572317683;0.002032520325203252247597829339;0.004065040650406504495195658677;0.004471544715447154684506703148;0.017479674796747966813992292145;0.041869918699186992050442768232;0.023983739837398373312415955638;0.005691056910569106119801574550;0.002032520325203252247597829339;0.002845528455284553059900787275;0.032926829268292684416152837912;0.011382113821138212239603149101;0.008130081300813008990391317354;0.026422764227642277917729174419;0.041869918699186992050442768232;0.004878048780487804873817747620;0.006910569105691056687734707964;0.006910569105691056687734707964;0.026016260162601625993694653971;0.004065040650406504495195658677;0.028048780487804878674973352304;0.009756097560975609747635495239;0.018292682926829267192614381088;0.017073170731707318359404723651;0.019512195121951219495270990478;0.000000000000000000000000000000;0.002439024390243902436908873810;0.003658536585365853872203745212;0.019105691056910567571236470030;0.001219512195121951218454436905;0.003658536585365853872203745212;0.002845528455284553059900787275;0.036991869918699189778710234577;0.006504065040650406498423663493;0.004065040650406504495195658677;0.009349593495934959558324450768;0.003658536585365853872203745212;0.008130081300813008990391317354;0.033739837398373981325327974901;0.000000000000000000000000000000;0.010975609756097560315568628653;0.003252032520325203249211831746;0.008130081300813008990391317354;0.023577235772357724857828387144;0.017073170731707318359404723651;0.012601626016260162807536282514;0.006097560975609756309112619022
-0.020555555555555556079827539406;0.014166666666666665949647629930;0.044722222222222218768195034500;0.297222222222222220988641083750;0.005555555555555555767577313730;0.012777777777777778525636342977;0.000833333333333333386820640509;0.011944444444444445030395485219;0.042222222222222223486642889156;0.019166666666666665186369300500;0.006388888888888889262818171488;0.006111111111111111431071218902;0.010833333333333333703407674875;0.023333333333333334397297065266;0.017222222222222222098864108375;0.010833333333333333703407674875;0.027777777777777776235801354687;0.034722222222222223764198645313;0.013055555555555556357383295563;0.008611111111111111049432054187;0.006666666666666667094565124074;0.025277777777777777484802257391;0.008611111111111111049432054187;0.025277777777777777484802257391;0.013055555555555556357383295563;0.020555555555555556079827539406;0.014999999999999999444888487687;0.014166666666666665949647629930;0.000000000000000000000000000000;0.013611111111111110286153724758;0.005277777777777777935830361145;0.016111111111111110771876298031;0.003055555555555555715535609451;0.005555555555555555767577313730;0.011944444444444445030395485219;0.026388888888888888811790067734;0.006666666666666667094565124074;0.005555555555555555767577313730;0.011111111111111111535154627461;0.021111111111111111743321444578;0.005833333333333333599324266316;0.029722222222222222792753498766;0.000000000000000000000000000000;0.010000000000000000208166817117;0.009166666666666666712925959359;0.006666666666666667094565124074;0.022222222222222223070309254922;0.010833333333333333703407674875;0.014722222222222221613141535101;0.007777777777777777554191196430
-0.018484848484848485916653970662;0.012121212121212121201607736509;0.080000000000000001665334536938;0.281818181818181801023825983066;0.000909090909090909090120580238;0.014545454545454545441929283811;0.000909090909090909090120580238;0.008484848484848485708487153545;0.037272727272727269876018141304;0.017575757575757574441288610956;0.008484848484848485708487153545;0.008787878787878787220644305478;0.008181818181818182461606525635;0.036363636363636361870099733551;0.004545454545454545233762466694;0.019696969696969695434729530348;0.024242424242424242403215473018;0.033030303030303027889136302520;0.003030303030303030300401934127;0.007878787878787879214725897725;0.003939393939393939607362948863;0.034242424242424240876658814159;0.007575757575757575967845269815;0.018484848484848485916653970662;0.025757575757575756902895136591;0.026060606060606061884499240477;0.014545454545454545441929283811;0.012727272727272727695368992329;0.000303030303030303030040193413;0.005151515151515151727523722514;0.009393939393939393714405561298;0.009090909090909090467524933388;0.002424242424242424240321547302;0.004848484848484848480643094604;0.011818181818181817954727108599;0.027878787878787877896336055983;0.008181818181818182461606525635;0.007272727272727272720964641906;0.003939393939393939607362948863;0.011818181818181817954727108599;0.003030303030303030300401934127;0.020606060606060606910094890054;0.000000000000000000000000000000;0.007575757575757575967845269815;0.001818181818181818180241160476;0.006666666666666667094565124074;0.036060606060606063827389533571;0.023939393939393940891058321085;0.012121212121212121201607736509;0.016363636363636364923213051270
-0.026785714285714284227379877734;0.008035714285714284921269268125;0.060416666666666667129259593594;0.127678571428571419055231217499;0.009523809523809524668624959531;0.035714285714285712303173170312;0.000000000000000000000000000000;0.014583333333333333564629796797;0.019047619047619049337249919063;0.015476190476190476719153821250;0.013095238095238095551997581367;0.022023809523809525362514349922;0.019047619047619049337249919063;0.040773809523809524668624959531;0.008035714285714284921269268125;0.032440476190476193185663333907;0.019047619047619049337249919063;0.033333333333333332870740406406;0.016666666666666666435370203203;0.006845238095238095205052886172;0.009226190476190476372209126055;0.020238095238095239053466301016;0.012797619047619047255581747891;0.020833333333333332176851016015;0.043749999999999997224442438437;0.034523809523809526056403740313;0.022619047619047618485899064922;0.005357142857142857192420670742;0.000297619047619047645894529985;0.031845238095238093123384715000;0.020833333333333332176851016015;0.013095238095238095551997581367;0.011309523809523809242949532461;0.008333333333333333217685101602;0.014880952380952380126322154297;0.031845238095238093123384715000;0.006547619047619047775998790684;0.011011904761904762681257174961;0.000892857142857142829263372708;0.019345238095238095898942276563;0.002678571428571428596210335371;0.005952380952380952050528861719;0.000000000000000000000000000000;0.009226190476190476372209126055;0.007142857142857142634106981660;0.006250000000000000346944695195;0.031547619047619046561692357500;0.025892857142857144542302805235;0.019940476190476189022326991562;0.023214285714285715078730731875
-0.023076923076923078204103489952;0.013782051282051281659857266959;0.038782051282051283047636047741;0.231089743589743601415165130675;0.011858974358974358476181976130;0.008012820512820512108831394471;0.008974358974358973700669039886;0.027884615384615386163291717025;0.014423076923076923877564681220;0.025961538461538462979616426196;0.009615384615384615918376454147;0.007051282051282051384355487045;0.003525641025641025692177743522;0.021794871794871793768688661430;0.029807692307692309346967007855;0.022115384615384616612265844537;0.012500000000000000693889390391;0.023717948717948716952363952259;0.010256410256410256401360392431;0.004166666666666666608842550801;0.025320512820512820761909011935;0.015705128205128204843532557788;0.001282051282051282050170049054;0.033333333333333332870740406406;0.021794871794871793768688661430;0.042307692307692310040856398246;0.033653846153846152244870637560;0.013461538461538462285727035805;0.001602564102564102508502452693;0.008012820512820512108831394471;0.008012820512820512108831394471;0.018269230769230770244915262879;0.003205128205128205017004905386;0.014423076923076923877564681220;0.005128205128205128200680196215;0.032051282051282048435325577884;0.007371794871794871625847456187;0.018910256410256408993175725186;0.000320512820512820512542512263;0.006410256410256410034009810772;0.014423076923076923877564681220;0.006089743589743589792517841630;0.000000000000000000000000000000;0.023397435897435897578233721106;0.011858974358974358476181976130;0.021794871794871793768688661430;0.026923076923076924571454071611;0.016346153846153847061239972049;0.009294871794871794809522747016;0.010897435897435896884344330715
-0.033739837398373981325327974901;0.017073170731707318359404723651;0.035365853658536582082572152785;0.136585365853658546875237789209;0.014227642276422763564780460399;0.013008130081300812996847326986;0.013008130081300812996847326986;0.030487804878048779810839619131;0.020731707317073171797927599869;0.027642276422764226750938831856;0.012601626016260162807536282514;0.013821138211382113375469415928;0.008536585365853659179702361826;0.023577235772357724857828387144;0.025609756097560974069660133523;0.024390243902439025236450476086;0.020731707317073171797927599869;0.034552845528455285173397015797;0.017073170731707318359404723651;0.006504065040650406498423663493;0.022357723577235772555171777753;0.015447154471544715867437069790;0.010569105691056910126257584182;0.028048780487804878674973352304;0.020731707317073171797927599869;0.029674796747967479432217530189;0.032113821138211380568083797016;0.011382113821138212239603149101;0.001626016260162601624605915873;0.010975609756097560315568628653;0.013821138211382113375469415928;0.019918699186991871419305510926;0.010975609756097560315568628653;0.006504065040650406498423663493;0.015447154471544715867437069790;0.031707317073170732113496228521;0.009349593495934959558324450768;0.017073170731707318359404723651;0.001626016260162601624605915873;0.012601626016260162807536282514;0.012601626016260162807536282514;0.009349593495934959558324450768;0.000000000000000000000000000000;0.026016260162601625993694653971;0.011382113821138212239603149101;0.024390243902439025236450476086;0.022357723577235772555171777753;0.013008130081300812996847326986;0.018699186991869919116648901536;0.010975609756097560315568628653
-0.023717948717948716952363952259;0.029166666666666667129259593594;0.045192307692307691346922382536;0.050641025641025641523818023870;0.026923076923076924571454071611;0.032051282051282048435325577884;0.001282051282051282050170049054;0.019871794871794870585013370601;0.051602564102564099646208717331;0.011858974358974358476181976130;0.012820512820512820068019621544;0.027243589743589743945584302764;0.018589743589743589619045494032;0.019551282051282051210883139447;0.019230769230769231836752908293;0.018269230769230770244915262879;0.024358974358974359170071366520;0.050000000000000002775557561563;0.019871794871794870585013370601;0.008012820512820512108831394471;0.010576923076923077510214099561;0.035897435897435894802676159543;0.017948717948717947401338079771;0.011538461538461539102051744976;0.034294871794871797932025003774;0.017307692307692308653077617464;0.022115384615384616612265844537;0.031089743589743590312934884423;0.000320512820512820512542512263;0.035256410256410256054415697236;0.021153846153846155020428199123;0.007692307692307692734701163317;0.013141025641025641176873328675;0.008653846153846154326538808732;0.017628205128205128027207848618;0.028846153846153847755129362440;0.007371794871794871625847456187;0.003846153846153846367350581659;0.008333333333333333217685101602;0.022435897435897435986396075691;0.006730769230769231142863517903;0.037820512820512817986351450372;0.000000000000000000000000000000;0.007051282051282051384355487045;0.014102564102564102768710974090;0.006730769230769231142863517903;0.015705128205128204843532557788;0.010897435897435896884344330715;0.023076923076923078204103489952;0.012179487179487179585035683260
-0.024561403508771929848908399663;0.015350877192982455288206011801;0.072368421052631581869007959540;0.041228070175438599753725554820;0.000877192982456140367235331023;0.026315789473684209065496020230;0.001315789473684210496642887911;0.013596491228070176071618391234;0.061403508771929821152824047203;0.020614035087719299876862777410;0.009649122807017544364849293004;0.021052631578947367946286206575;0.014473684210526315679912201517;0.030701754385964910576412023602;0.007894736842105263413538196460;0.022807017543859650632320779096;0.028508771929824559820954021916;0.051315789473684210453274801012;0.009649122807017544364849293004;0.014473684210526315679912201517;0.009210526315789472825978911885;0.039035087719298248998267553134;0.010526315789473683973143103287;0.025000000000000001387778780781;0.030263157894736842506988594437;0.027631578947368420212660211632;0.017543859649122806043664013487;0.007894736842105263413538196460;0.000438596491228070183617665512;0.016228070175438594896499822084;0.035526315789473683626198408092;0.012719298245614034728601104973;0.001754385964912280734470662047;0.008333333333333333217685101602;0.018859649122807017190828204889;0.046052631578947365864618035403;0.012719298245614034728601104973;0.017982456140350877582534394605;0.007017543859649122937882648188;0.021929824561403507554580016858;0.006578947368421052266374005058;0.035526315789473683626198408092;0.000000000000000000000000000000;0.010964912280701753777290008429;0.003508771929824561468941324094;0.010964912280701753777290008429;0.026315789473684209065496020230;0.020614035087719299876862777410;0.016228070175438594896499822084;0.014473684210526315679912201517
-0.034074074074074076068363581271;0.008518518518518519017090895318;0.089259259259259260410601655167;0.000000000000000000000000000000;0.000740740740740740703958178148;0.033703703703703701000105041885;0.001111111111111111110147375847;0.010370370370370370072254928573;0.080000000000000001665334536938;0.022962962962962962798485477833;0.010370370370370370072254928573;0.016666666666666666435370203203;0.017037037037037038034181790636;0.040740740740740744030290443334;0.004444444444444444440589503387;0.023333333333333334397297065266;0.041111111111111112159655078813;0.057407407407407406996213694583;0.004814814814814815172039352831;0.015925925925925926707193980292;0.008888888888888888881179006773;0.040370370370370368962031903948;0.006666666666666667094565124074;0.025925925925925925180637321432;0.046666666666666668794594130532;0.021851851851851851471497667490;0.017407407407407406163546426114;0.005555555555555555767577313730;0.000000000000000000000000000000;0.010740740740740739936343040029;0.020740740740740740144509857146;0.015555555555555555108382392859;0.003333333333333333547282562037;0.008518518518518519017090895318;0.015185185185185185244294281404;0.039259259259259257635044093604;0.011481481481481481399242738917;0.008888888888888888881179006773;0.004074074074074073709139653943;0.015925925925925926707193980292;0.001851851851851851922525771243;0.034814814814814812327092852229;0.000000000000000000000000000000;0.010740740740740739936343040029;0.001111111111111111110147375847;0.009259259259259258745267118229;0.035185185185185187395351391615;0.021851851851851851471497667490;0.024444444444444445724284875610;0.021111111111111111743321444578
-0.030555555555555554553270880547;0.009920634920634920084214769531;0.066666666666666665741480812812;0.000396825396825396825052634231;0.001190476190476190583578119941;0.035714285714285712303173170312;0.001190476190476190583578119941;0.008730158730158730367998387578;0.071031746031746029190756530625;0.015873015873015872134743631250;0.017460317460317460735996775156;0.041269841269841268938112222031;0.017857142857142856151586585156;0.034920634920634921471993550313;0.004761904761904762334312479766;0.026587301587301586519584972734;0.027777777777777776235801354687;0.062698412698412697707794905000;0.007142857142857142634106981660;0.013492063492063492702310867344;0.013492063492063492702310867344;0.038095238095238098674499838125;0.011111111111111111535154627461;0.016666666666666666435370203203;0.048412698412698414174304417656;0.023015873015873017370935826875;0.019047619047619049337249919063;0.006746031746031746351155433672;0.000000000000000000000000000000;0.019841269841269840168429539062;0.034523809523809526056403740313;0.008333333333333333217685101602;0.004761904761904762334312479766;0.004761904761904762334312479766;0.020238095238095239053466301016;0.030555555555555554553270880547;0.016269841269841271019780393203;0.012698412698412698401684295391;0.008333333333333333217685101602;0.011904761904761904101057723437;0.003968253968253968033685907812;0.041666666666666664353702032031;0.000000000000000000000000000000;0.005158730158730158617264027754;0.001190476190476190583578119941;0.008730158730158730367998387578;0.033730158730158728286330216406;0.021825396825396824185272492969;0.023412698412698412786525636875;0.016269841269841271019780393203
-0.026515151515151515887458444354;0.018560606060606062162054996634;0.053787878787878787290033244517;0.041666666666666664353702032031;0.002272727272727272616881233347;0.025757575757575756902895136591;0.002651515151515151675482018234;0.015909090909090907450806895440;0.057575757575757578743402831378;0.018560606060606062162054996634;0.020075757575757576661734660206;0.036363636363636361870099733551;0.007575757575757575967845269815;0.029166666666666667129259593594;0.019318181818181817677171352443;0.031439393939393940613502564929;0.024621212121212120160773650923;0.037878787878787879839226349077;0.014015151515151515193569053963;0.009090909090909090467524933388;0.011363636363636363951767904723;0.031060606060606059386497435071;0.005681818181818181975883952362;0.024242424242424242403215473018;0.037121212121212124324109993267;0.027651515151515152629579930021;0.029545454545454544886817771498;0.039393939393939390869459060696;0.001893939393939393991961317454;0.012500000000000000693889390391;0.021590909090909091161414323778;0.015530303030303029693248717535;0.006818181818181817850643700041;0.012500000000000000693889390391;0.010606060606060606701928072937;0.029545454545454544886817771498;0.008712121212121212709966755483;0.011363636363636363951767904723;0.004924242424242423858682382587;0.004545454545454545233762466694;0.007954545454545453725403447720;0.040530303030303027611580546363;0.000000000000000000000000000000;0.013257575757575757943729222177;0.008333333333333333217685101602;0.006818181818181817850643700041;0.025000000000000001387778780781;0.019696969696969695434729530348;0.015909090909090907450806895440;0.023106060606060605661093987351
-0.025000000000000001387778780781;0.018253968253968255036623347110;0.053968253968253970809243469375;0.105158730158730159831570460938;0.008333333333333333217685101602;0.009920634920634920084214769531;0.006746031746031746351155433672;0.022222222222222223070309254922;0.042460317460317462123775555938;0.029365079365079364837054498594;0.008333333333333333217685101602;0.011507936507936508685467913438;0.005555555555555555767577313730;0.027380952380952380820211544687;0.027777777777777776235801354687;0.016269841269841271019780393203;0.042857142857142857539365365938;0.042063492063492066708185745938;0.013888888888888888117900677344;0.009920634920634920084214769531;0.016666666666666666435370203203;0.022619047619047618485899064922;0.004761904761904762334312479766;0.036111111111111107718762980312;0.021825396825396824185272492969;0.024206349206349207087152208828;0.019841269841269840168429539062;0.022619047619047618485899064922;0.003571428571428571317053490830;0.009126984126984127518311673555;0.006349206349206349200842147695;0.028571428571428570536427926640;0.005158730158730158617264027754;0.009523809523809524668624959531;0.010317460317460317234528055508;0.042460317460317462123775555938;0.012301587301587301251371009414;0.011507936507936508685467913438;0.002777777777777777883788656865;0.011904761904761904101057723437;0.015079365079365079568840535273;0.021825396825396824185272492969;0.000000000000000000000000000000;0.018650793650793650452213157109;0.011111111111111111535154627461;0.013888888888888888117900677344;0.028571428571428570536427926640;0.012301587301587301251371009414;0.017857142857142856151586585156;0.011507936507936508685467913438
-0.033636363636363637852344510293;0.012727272727272727695368992329;0.069696969696969701679734043864;0.009393939393939393714405561298;0.017878787878787879422892714842;0.022424242424242422921931705559;0.001818181818181818180241160476;0.015454545454545455182571167541;0.082121212121212122658775456330;0.019090909090909092410415226482;0.012424242424242424448488364419;0.013636363636363635701287400082;0.009696969696969696961286189207;0.027878787878787877896336055983;0.002727272727272727487202175212;0.018181818181818180935049866775;0.045757575757575760788675722779;0.047878787878787881782116642171;0.006969696969696969474084013996;0.011818181818181817954727108599;0.012121212121212121201607736509;0.055757575757575755792672111966;0.010303030303030303455047445027;0.027878787878787877896336055983;0.028181818181818182877940159869;0.026363636363636363396656392410;0.020909090909090908422252041987;0.010000000000000000208166817117;0.002121212121212121427121788386;0.010606060606060606701928072937;0.013939393939393938948168027991;0.020000000000000000416333634234;0.006060606060606060600803868255;0.004545454545454545233762466694;0.016060606060606059941608947383;0.036969696969696971833307941324;0.008484848484848485708487153545;0.010303030303030303455047445027;0.030606060606060605383538231195;0.016060606060606059941608947383;0.003939393939393939607362948863;0.051212121212121208824186169295;0.000000000000000000000000000000;0.012727272727272727695368992329;0.002727272727272727487202175212;0.006969696969696969474084013996;0.022424242424242422921931705559;0.019696969696969695434729530348;0.016969696969696971416974307090;0.014848484848484848688809911721
-0.013055555555555556357383295563;0.012222222222222222862142437805;0.040833333333333332593184650250;0.369444444444444464181742660003;0.003055555555555555715535609451;0.019444444444444444752839729063;0.000277777777777777777536843962;0.010555555555555555871660722289;0.049444444444444443642616704437;0.011388888888888889366901580047;0.011111111111111111535154627461;0.010833333333333333703407674875;0.009722222222222222376419864531;0.020555555555555556079827539406;0.012777777777777778525636342977;0.013888888888888888117900677344;0.013888888888888888117900677344;0.028611111111111111465765688422;0.010833333333333333703407674875;0.006111111111111111431071218902;0.005833333333333333599324266316;0.026666666666666668378260496297;0.007777777777777777554191196430;0.013333333333333334189130248149;0.014444444444444443781394582516;0.013888888888888888117900677344;0.020555555555555556079827539406;0.008333333333333333217685101602;0.000277777777777777777536843962;0.015277777777777777276635440273;0.006944444444444444058950338672;0.011111111111111111535154627461;0.008888888888888888881179006773;0.007499999999999999722444243844;0.013333333333333334189130248149;0.021388888888888887840344921187;0.006111111111111111431071218902;0.003055555555555555715535609451;0.019166666666666665186369300500;0.012222222222222222862142437805;0.003055555555555555715535609451;0.021111111111111111743321444578;0.000000000000000000000000000000;0.005000000000000000104083408559;0.005555555555555555767577313730;0.006111111111111111431071218902;0.014166666666666665949647629930;0.012777777777777778525636342977;0.017777777777777777762358013547;0.010277777777777778039913769703
-0.026829268292682926372316742913;0.009756097560975609747635495239;0.066260162601626010347999340411;0.129268292682926833059298132866;0.004065040650406504495195658677;0.010975609756097560315568628653;0.002439024390243902436908873810;0.012195121951219512618225238043;0.036585365853658534385228762176;0.027642276422764226750938831856;0.009349593495934959558324450768;0.010975609756097560315568628653;0.008536585365853659179702361826;0.043089430894308944353099377622;0.006910569105691056687734707964;0.020325203252032519873893079421;0.034959349593495933627984584291;0.039837398373983742838611021853;0.007723577235772357933718534895;0.013821138211382113375469415928;0.009756097560975609747635495239;0.028048780487804878674973352304;0.004065040650406504495195658677;0.036991869918699189778710234577;0.023983739837398373312415955638;0.034146341463414636718809447302;0.031707317073170732113496228521;0.009349593495934959558324450768;0.000813008130081300812302957937;0.008943089430894309369013406297;0.014227642276422763564780460399;0.019105691056910567571236470030;0.004065040650406504495195658677;0.007723577235772357933718534895;0.018699186991869919116648901536;0.037398373983739838233297803072;0.010569105691056910126257584182;0.013414634146341463186158371457;0.003658536585365853872203745212;0.019105691056910567571236470030;0.006504065040650406498423663493;0.015040650406504065678126025318;0.000000000000000000000000000000;0.013821138211382113375469415928;0.001219512195121951218454436905;0.008943089430894309369013406297;0.040650406504065039747786158841;0.026829268292682926372316742913;0.016666666666666666435370203203;0.013008130081300812996847326986
-0.035470085470085468970502518005;0.005128205128205128200680196215;0.068803418803418808780136828318;0.000854700854700854700113366036;0.000854700854700854700113366036;0.020085470085470086970547143324;0.001709401709401709400226732072;0.012393162393162392501122504029;0.024786324786324785002245008059;0.050427350427350428607731203101;0.021794871794871793768688661430;0.010256410256410256401360392431;0.011111111111111111535154627461;0.053846153846153849142908143222;0.002991452991452991667237215623;0.027777777777777776235801354687;0.031623931623931622603151936346;0.031196581196581196770978294808;0.008119658119658120301598280832;0.015384615384615385469402326635;0.007264957264957265167804045802;0.017521367521367521569164438233;0.009401709401709401267566157401;0.049145299145299144172316374579;0.039743589743589741170026741202;0.050427350427350428607731203101;0.026923076923076924571454071611;0.001282051282051282050170049054;0.001282051282051282050170049054;0.005128205128205128200680196215;0.005982905982905983334474431246;0.024358974358974359170071366520;0.006410256410256410034009810772;0.010256410256410256401360392431;0.022649572649572648902482896460;0.052991452991452990539666956238;0.008119658119658120301598280832;0.011965811965811966668948862491;0.001709401709401709400226732072;0.012393162393162392501122504029;0.005982905982905983334474431246;0.004273504273504273934247699174;0.000000000000000000000000000000;0.027350427350427350403627713149;0.002564102564102564100340098108;0.014529914529914530335608091605;0.065384615384615388244959888198;0.032478632478632481206393123330;0.023504273504273504036277131490;0.024358974358974359170071366520
-0.024666666666666666601903656897;0.015666666666666665547191783503;0.049333333333333333203807313794;0.053333333333333336756520992594;0.017333333333333332537673499019;0.017000000000000001221245327088;0.007333333333333333196868419890;0.031666666666666669349705642844;0.018666666666666668211727042603;0.030999999999999999777955395075;0.017000000000000001221245327088;0.007333333333333333196868419890;0.008333333333333333217685101602;0.044666666666666667018237291131;0.022999999999999999611421941381;0.022333333333333333509118645566;0.017666666666666667323548622903;0.039666666666666669516239096538;0.017999999999999998639976794834;0.008999999999999999319988397417;0.018999999999999999528155214534;0.009666666666666667157015169209;0.010999999999999999361621760841;0.036999999999999998168132009368;0.024666666666666666601903656897;0.029999999999999998889776975375;0.029999999999999998889776975375;0.009666666666666667157015169209;0.001000000000000000020816681712;0.012666666666666666352103476356;0.006666666666666667094565124074;0.022333333333333333509118645566;0.012666666666666666352103476356;0.010333333333333333259318465025;0.021000000000000001304512053935;0.042666666666666665241880451731;0.010333333333333333259318465025;0.014333333333333333342585191872;0.003333333333333333547282562037;0.017666666666666667323548622903;0.010666666666666666310470112933;0.013666666666666667240281896056;0.000000000000000000000000000000;0.022333333333333333509118645566;0.014333333333333333342585191872;0.022333333333333333509118645566;0.032000000000000000666133814775;0.021333333333333332620940225866;0.032666666666666663298990158637;0.011666666666666667198648532633
-0.022649572649572648902482896460;0.020512820512820512802720784862;0.073931623931623932644008334591;0.002564102564102564100340098108;0.008547008547008547868495398347;0.017521367521367521569164438233;0.002991452991452991667237215623;0.025641025641025640136039243089;0.045299145299145297804965792920;0.020085470085470086970547143324;0.012820512820512820068019621544;0.017094017094017095736990796695;0.007264957264957265167804045802;0.040598290598290599773267928185;0.015811965811965811301575968173;0.017948717948717947401338079771;0.038888888888888889505679458125;0.048290598290598292507969091503;0.009401709401709401267566157401;0.008974358974358973700669039886;0.017094017094017095736990796695;0.044444444444444446140618509844;0.012393162393162392501122504029;0.029059829059829060671216183209;0.035042735042735043138328876466;0.028205128205128205537421948179;0.027350427350427350403627713149;0.006837606837606837600906928287;0.000854700854700854700113366036;0.009829059829059828834463274916;0.026923076923076924571454071611;0.017521367521367521569164438233;0.007692307692307692734701163317;0.006410256410256410034009810772;0.016239316239316240603196561665;0.042735042735042735873030039784;0.010256410256410256401360392431;0.014529914529914530335608091605;0.006837606837606837600906928287;0.029914529914529915805010418239;0.008974358974358973700669039886;0.022649572649572648902482896460;0.000000000000000000000000000000;0.013675213675213675201813856575;0.005555555555555555767577313730;0.014102564102564102768710974090;0.032478632478632481206393123330;0.016666666666666666435370203203;0.024358974358974359170071366520;0.014529914529914530335608091605
-0.026023391812865497019213734120;0.013157894736842104532748010115;0.061988304093567252184282523331;0.001461988304093567170305334457;0.002046783625730994298635989637;0.017251461988304093997381727377;0.000877192982456140367235331023;0.018128654970760233605675537660;0.049707602339181283790381371546;0.043859649122807015109160033717;0.016959064327485378481652489313;0.012280701754385964924454199831;0.009064327485380116802837768830;0.038011695906432746427938695888;0.005263157894736841986571551644;0.019005847953216373213969347944;0.026608187134502924581225258294;0.039473684210526313598244030345;0.009356725146198830583843530917;0.012280701754385964924454199831;0.014327485380116959656771058462;0.029532163742690058921835927208;0.007894736842105263413538196460;0.064035087719298250386046333915;0.025438596491228069457202209946;0.045614035087719301264641558191;0.026315789473684209065496020230;0.008479532163742689240826244657;0.002046783625730994298635989637;0.011695906432748537362442675658;0.011111111111111111535154627461;0.016959064327485378481652489313;0.005847953216374268681221337829;0.008771929824561403021832006743;0.011695906432748537362442675658;0.040058479532163744629702506472;0.010233918128654970192137341201;0.010233918128654970192137341201;0.005847953216374268681221337829;0.019298245614035088729698586008;0.004970760233918129072927527545;0.035964912280701755165068789211;0.000000000000000000000000000000;0.031578947368421053654152785839;0.003216374269005848121616431001;0.017251461988304093997381727377;0.045321637426900582279465368174;0.033040935672514620824458120296;0.017251461988304093997381727377;0.013157894736842104532748010115
-0.037666666666666667739882257138;0.006333333333333333176051738178;0.067000000000000003996802888651;0.000000000000000000000000000000;0.000333333333333333322202191029;0.024000000000000000499600361081;0.001666666666666666773641281019;0.011333333333333334147496884725;0.042000000000000002609024107869;0.044666666666666667018237291131;0.014999999999999999444888487687;0.012666666666666666352103476356;0.005000000000000000104083408559;0.043333333333333334813630699500;0.004666666666666667052931760651;0.030999999999999999777955395075;0.039333333333333331260917020700;0.039333333333333331260917020700;0.008666666666666666268836749509;0.012000000000000000249800180541;0.016000000000000000333066907388;0.011333333333333334147496884725;0.001666666666666666773641281019;0.058666666666666665574947359119;0.043333333333333334813630699500;0.050666666666666665408413905425;0.020000000000000000416333634234;0.001333333333333333288808764117;0.001000000000000000020816681712;0.007666666666666666248020067798;0.012666666666666666352103476356;0.025666666666666667490082076597;0.003000000000000000062450045135;0.005000000000000000104083408559;0.005666666666666667073748442363;0.057666666666666664686768939418;0.011333333333333334147496884725;0.015666666666666665547191783503;0.001000000000000000020816681712;0.006000000000000000124900090270;0.005000000000000000104083408559;0.010999999999999999361621760841;0.000000000000000000000000000000;0.041666666666666664353702032031;0.001000000000000000020816681712;0.019666666666666665630458510350;0.050666666666666665408413905425;0.031666666666666669349705642844;0.014999999999999999444888487687;0.022999999999999999611421941381
-0.035757575757575758845785429685;0.003636363636363636360482320953;0.073939393939393943666615882648;0.002121212121212121427121788386;0.005757575757575757353923240345;0.027272727272727271402574800163;0.000606060606060606060080386825;0.024545454545454543915372624951;0.031818181818181814901613790880;0.035757575757575758845785429685;0.021515151515151514916013297807;0.011515151515151514707846480690;0.012727272727272727695368992329;0.054242424242424244762439400347;0.010606060606060606701928072937;0.020000000000000000416333634234;0.027878787878787877896336055983;0.041515151515151511862899980088;0.016060606060606059941608947383;0.011515151515151514707846480690;0.014848484848484848688809911721;0.019393939393939393922572378415;0.006666666666666667094565124074;0.039696969696969695851063164582;0.040303030303030305814271372356;0.039696969696969695851063164582;0.033939393939393942833948614179;0.002424242424242424240321547302;0.000606060606060606060080386825;0.017878787878787879422892714842;0.005454545454545454974404350423;0.021212121212121213403856145874;0.009090909090909090467524933388;0.006666666666666667094565124074;0.017272727272727272929131459023;0.053333333333333336756520992594;0.019393939393939393922572378415;0.006363636363636363847684496164;0.001515151515151515150200967064;0.009090909090909090467524933388;0.004545454545454545233762466694;0.008787878787878787220644305478;0.000000000000000000000000000000;0.016969696969696971416974307090;0.006060606060606060600803868255;0.006666666666666667094565124074;0.044242424242424242819549107253;0.025151515151515150409133880771;0.032424242424242424864821998653;0.021515151515151514916013297807
-0.032269503546099288782134095754;0.008510638297872340565786153377;0.068794326241134753918693434116;0.008865248226950355261988256927;0.024822695035460994039677729006;0.013829787234042552335200326752;0.000000000000000000000000000000;0.019503546099290780535540079654;0.028014184397163119366602757054;0.035815602836879435744155131260;0.012765957446808509981317492077;0.012765957446808509981317492077;0.007446808510638298211903318702;0.056028368794326238733205514109;0.014539007092198581727604533853;0.028014184397163119366602757054;0.020921985815602835850901541903;0.035106382978723406351750924159;0.006028368794326241161818380476;0.015602836879432624081487368528;0.010992907801418439969753926277;0.019858156028368795231742183205;0.006028368794326241161818380476;0.050354609929078017471759665113;0.040780141843971634552090677062;0.055319148936170209340801307007;0.031560283687943259389729888653;0.003900709219858156020371842132;0.001773049645390070878925303788;0.001418439716312056833244503729;0.010992907801418439969753926277;0.018439716312056736446933769002;0.001418439716312056833244503729;0.004964539007092198807935545801;0.017021276595744681131572306754;0.059929078014184400391428653165;0.016312056737588651739168099652;0.004609929078014184111733442251;0.001418439716312056833244503729;0.011702127659574467627434657402;0.005319148936170212636775911363;0.006737588652482269686860849589;0.000000000000000000000000000000;0.021276595744680850547103645454;0.003900709219858156020371842132;0.010283687943262410577349719176;0.058156028368794326910418135412;0.030496453900709218770570529955;0.026950354609929078747443398356;0.018439716312056736446933769002
-0.018518518518518517490534236458;0.011111111111111111535154627461;0.076666666666666660745477201999;0.001851851851851851922525771243;0.002222222222222222220294751693;0.010000000000000000208166817117;0.001481481481481481407916356297;0.013333333333333334189130248149;0.117037037037037036646403009854;0.031111111111111110216764785719;0.010740740740740739936343040029;0.006296296296296296363115274630;0.008888888888888888881179006773;0.037777777777777778178691647781;0.006296296296296296363115274630;0.021851851851851851471497667490;0.035555555555555555524716027094;0.056296296296296295669225884239;0.004814814814814815172039352831;0.011481481481481481399242738917;0.008888888888888888881179006773;0.049629629629629627707299022177;0.008518518518518519017090895318;0.031481481481481478346129421197;0.025185185185185185452461098521;0.028148148148148147834612942120;0.025555555555555557051272685953;0.013703703703703704053218359604;0.001851851851851851922525771243;0.002962962962962962815832712593;0.005185185185185185036127464286;0.019259259259259260688157411323;0.004074074074074073709139653943;0.006296296296296296363115274630;0.011851851851851851263330850372;0.038148148148148146308056283260;0.010370370370370370072254928573;0.007407407407407407690103084974;0.007777777777777777554191196430;0.015555555555555555108382392859;0.007407407407407407690103084974;0.061111111111111109106541761093;0.000000000000000000000000000000;0.015925925925925926707193980292;0.002222222222222222220294751693;0.009259259259259258745267118229;0.041111111111111112159655078813;0.026666666666666668378260496297;0.016666666666666666435370203203;0.014444444444444443781394582516
-0.015811965811965811301575968173;0.009829059829059828834463274916;0.069658119658119660444484111395;0.000000000000000000000000000000;0.001282051282051282050170049054;0.013247863247863247634916739059;0.000854700854700854700113366036;0.020512820512820512802720784862;0.035897435897435894802676159543;0.080341880341880347882188573294;0.007692307692307692734701163317;0.008974358974358973700669039886;0.005555555555555555767577313730;0.040170940170940173941094286647;0.006837606837606837600906928287;0.019230769230769231836752908293;0.028632478632478631369595589717;0.041880341880341877269788852800;0.004273504273504273934247699174;0.011111111111111111535154627461;0.005982905982905983334474431246;0.022222222222222223070309254922;0.004700854700854700633783078700;0.106837606837606832743681195552;0.018376068376068376702958673263;0.041025641025641025605441569724;0.019658119658119657668926549832;0.002991452991452991667237215623;0.000854700854700854700113366036;0.010683760683760683968257509946;0.011965811965811966668948862491;0.031196581196581196770978294808;0.004273504273504273934247699174;0.002136752136752136967123849587;0.007264957264957265167804045802;0.062393162393162393541956589615;0.009401709401709401267566157401;0.006410256410256410034009810772;0.000000000000000000000000000000;0.008119658119658120301598280832;0.007692307692307692734701163317;0.011965811965811966668948862491;0.000000000000000000000000000000;0.054700854700854700807255426298;0.000427350427350427350056683018;0.036752136752136753405917346527;0.040598290598290599773267928185;0.026923076923076924571454071611;0.010683760683760683968257509946;0.011965811965811966668948862491
-0.024814814814814813853649511088;0.001481481481481481407916356297;0.055185185185185184342238073896;0.000000000000000000000000000000;0.000740740740740740703958178148;0.012962962962962962590318660716;0.002962962962962962815832712593;0.016296296296296294836558615771;0.008518518518518519017090895318;0.092962962962962969459823625584;0.011851851851851851263330850372;0.011851851851851851263330850372;0.006666666666666667094565124074;0.055555555555555552471602709375;0.001481481481481481407916356297;0.017037037037037038034181790636;0.016296296296296294836558615771;0.016666666666666666435370203203;0.004074074074074073709139653943;0.010370370370370370072254928573;0.011111111111111111535154627461;0.005185185185185185036127464286;0.002962962962962962815832712593;0.127407407407407413657551842334;0.025185185185185185452461098521;0.055185185185185184342238073896;0.014444444444444443781394582516;0.001851851851851851922525771243;0.001111111111111111110147375847;0.021481481481481479872686080057;0.004814814814814815172039352831;0.041111111111111112159655078813;0.001851851851851851922525771243;0.003703703703703703845051542487;0.012222222222222222862142437805;0.063703703703703706828775921167;0.012222222222222222862142437805;0.005185185185185185036127464286;0.000740740740740740703958178148;0.005555555555555555767577313730;0.007777777777777777554191196430;0.004074074074074073709139653943;0.000000000000000000000000000000;0.053333333333333336756520992594;0.001481481481481481407916356297;0.025925925925925925180637321432;0.060370370370370372847812490136;0.035185185185185187395351391615;0.012222222222222222862142437805;0.014814814814814815380206169948
-0.031395348837209305359330357987;0.003875968992248061961714000745;0.076356589147286824115212766628;0.001162790697674418588514200223;0.001162790697674418588514200223;0.023255813953488371770284004469;0.001162790697674418588514200223;0.020930232558139534593255604022;0.032558139534883720478397606257;0.034108527131782945263083206555;0.012403100775193798277484802384;0.026356589147286821339655205065;0.013565891472868216865999002607;0.059689922480620154210395611472;0.003875968992248061961714000745;0.021317829457364340789427004097;0.018604651162790697416227203576;0.026356589147286821339655205065;0.006976744186046511531085201341;0.008527131782945736315770801639;0.017441860465116278827713003352;0.033720930232558142536358758434;0.006589147286821705334913801266;0.043023255813953491244472360222;0.038759689922480619617140007449;0.051162790697674417894624809833;0.025968992248062015143483804991;0.001937984496124030980857000372;0.000387596899224806196171400074;0.009689922480620154904285001862;0.020542635658914728397084203948;0.017829457364341085023884403427;0.003875968992248061961714000745;0.005426356589147286746399601043;0.017829457364341085023884403427;0.044961240310077518755882408641;0.020155038759689922200912803874;0.009302325581395348708113601788;0.007364341085271317727256601415;0.010852713178294573492799202086;0.004263565891472868157885400819;0.008914728682170542511942201713;0.000000000000000000000000000000;0.019379844961240309808570003725;0.002713178294573643373199800521;0.014728682170542635454513202831;0.059689922480620154210395611472;0.036821705426356592105729959030;0.021317829457364340789427004097;0.021705426356589146985598404171
-0.039629629629629632703302632990;0.007407407407407407690103084974;0.064814814814814811216869827604;0.035925925925925923654080662573;0.002962962962962962815832712593;0.027777777777777776235801354687;0.001851851851851851922525771243;0.017407407407407406163546426114;0.062962962962962956692258842395;0.023703703703703702526661700745;0.016666666666666666435370203203;0.016666666666666666435370203203;0.007407407407407407690103084974;0.029999999999999998889776975375;0.009259259259259258745267118229;0.025925925925925925180637321432;0.036296296296296298722339201959;0.052592592592592593558897817729;0.013333333333333334189130248149;0.011481481481481481399242738917;0.012592592592592592726230549260;0.032962962962962964741375770927;0.006296296296296296363115274630;0.022962962962962962798485477833;0.040370370370370368962031903948;0.029999999999999998889776975375;0.028148148148148147834612942120;0.014814814814814815380206169948;0.001481481481481481407916356297;0.013333333333333334189130248149;0.013333333333333334189130248149;0.013703703703703704053218359604;0.005185185185185185036127464286;0.005925925925925925631665425186;0.013703703703703704053218359604;0.039629629629629632703302632990;0.011851851851851851263330850372;0.008518518518518519017090895318;0.004814814814814815172039352831;0.012592592592592592726230549260;0.003703703703703703845051542487;0.038888888888888889505679458125;0.000000000000000000000000000000;0.010370370370370370072254928573;0.007777777777777777554191196430;0.010370370370370370072254928573;0.025555555555555557051272685953;0.025185185185185185452461098521;0.027037037037037036507625131776;0.014814814814814815380206169948
-0.034905660377358489754318071618;0.014779874213836478175077004948;0.050000000000000002775557561563;0.203459119496855356246101109718;0.008176100628930817529327335080;0.021383647798742137086103198840;0.005345911949685534271525799710;0.018553459119496854695663401458;0.041823899371069180042059798552;0.019182389937106917449094467543;0.011006289308176099919767132462;0.011949685534591195784637207566;0.007547169811320754775896268995;0.026415094339622642582998679472;0.021698113207547168462818731882;0.020125786163522011579241066670;0.023584905660377360192558882090;0.033333333333333332870740406406;0.012578616352201258538068273651;0.005031446540880502894810266667;0.015408805031446540928508071033;0.020125786163522011579241066670;0.004402515723270440141379200583;0.022641509433962262592965331010;0.030817610062893081857016142067;0.033647798742138364247455939449;0.023584905660377360192558882090;0.013207547169811321291499339736;0.000943396226415094346987033624;0.012578616352201258538068273651;0.012578616352201258538068273651;0.011635220125786162673198198547;0.005031446540880502894810266667;0.008176100628930817529327335080;0.006918238993710692022465202911;0.029874213836477987726869542939;0.008805031446540880282758401165;0.011320754716981131296482665505;0.004088050314465408764663667540;0.007232704402515723399180735953;0.006289308176100629269034136826;0.017924528301886791942232335373;0.000000000000000000000000000000;0.012578616352201258538068273651;0.012893081761006289914783806694;0.012893081761006289914783806694;0.020125786163522011579241066670;0.016666666666666666435370203203;0.016037735849056603681939137118;0.010691823899371068543051599420
-0.026724137931034484122472250078;0.005747126436781609115644897656;0.071264367816091953033996730937;0.074425287356321839782324900625;0.005459770114942528659862652773;0.026149425287356323210907760313;0.002298850574712643646257959062;0.014367816091954022789112244141;0.052873563218390803863933058437;0.023275862068965518653085311485;0.018965517241379310081628162266;0.025287356321839080108837549687;0.016091954022988505523805713437;0.038793103448275863265326535156;0.006896551724137930938773877187;0.027298850574712645034036739844;0.027298850574712645034036739844;0.033908045977011497251751848125;0.009195402298850574585031836250;0.008620689655172413673467346484;0.010632183908045976863943060664;0.041091954022988506911584494219;0.008045977011494252761902856719;0.029310344827586206489788978047;0.034770114942528733414928154843;0.027011494252873562843531018984;0.025287356321839080108837549687;0.003448275862068965469386938594;0.000862068965517241367346734648;0.016954022988505748625875924063;0.016954022988505748625875924063;0.016379310344827587714311434297;0.006321839080459770027209387422;0.009195402298850574585031836250;0.018965517241379310081628162266;0.037356321839080462721138786719;0.005172413793103448204080407891;0.010632183908045976863943060664;0.007471264367816091850338366953;0.023275862068965518653085311485;0.006034482758620689571427142539;0.016954022988505748625875924063;0.000000000000000000000000000000;0.013505747126436781421765509492;0.002873563218390804557822448828;0.009770114942528735496596326016;0.033045977011494254149681637500;0.022413793103448275551015100859;0.018390804597701149170063672500;0.012931034482758620510201019727
-0.037037037037037034981068472916;0.020000000000000000416333634234;0.042222222222222223486642889156;0.022592592592592591199673890401;0.026666666666666668378260496297;0.029259259259259259161600752464;0.002592592592592592518063732143;0.014814814814814815380206169948;0.044074074074074071072359970458;0.014444444444444443781394582516;0.014814814814814815380206169948;0.023703703703703702526661700745;0.020370370370370372015145221667;0.026296296296296296779448908865;0.018888888888888889089345823891;0.029629629629629630760412339896;0.029629629629629630760412339896;0.043703703703703702942995334979;0.015185185185185185244294281404;0.009259259259259258745267118229;0.012222222222222222862142437805;0.028148148148148147834612942120;0.010370370370370370072254928573;0.021851851851851851471497667490;0.040000000000000000832667268469;0.026296296296296296779448908865;0.021481481481481479872686080057;0.023703703703703702526661700745;0.001481481481481481407916356297;0.026296296296296296779448908865;0.017407407407407406163546426114;0.015185185185185185244294281404;0.009629629629629630344078705662;0.006666666666666667094565124074;0.019629629629629628817522046802;0.035555555555555555524716027094;0.012592592592592592726230549260;0.016666666666666666435370203203;0.007037037037037036958653235530;0.021481481481481479872686080057;0.005555555555555555767577313730;0.024814814814814813853649511088;0.000000000000000000000000000000;0.008148148148148147418279307885;0.011481481481481481399242738917;0.012962962962962962590318660716;0.021851851851851851471497667490;0.020740740740740740144509857146;0.020370370370370372015145221667;0.015185185185185185244294281404
-0.027083333333333334258519187188;0.011111111111111111535154627461;0.050347222222222223764198645313;0.047569444444444441977282167500;0.035069444444444444752839729063;0.028819444444444446140618509844;0.001041666666666666652210637700;0.017708333333333332870740406406;0.035763888888888886730121896562;0.016319444444444445446729119453;0.013541666666666667129259593594;0.027083333333333334258519187188;0.021527777777777777623580135469;0.032638888888888890893458238907;0.011805555555555555247160270937;0.020833333333333332176851016015;0.027777777777777776235801354687;0.034027777777777774848022573906;0.014236111111111110841265237070;0.010763888888888888811790067734;0.013888888888888888117900677344;0.023611111111111110494320541875;0.016319444444444445446729119453;0.019444444444444444752839729063;0.033680555555555553859381490156;0.022916666666666665047591422422;0.021180555555555556634939051719;0.025347222222222222376419864531;0.000694444444444444470947164216;0.034722222222222223764198645313;0.019097222222222223764198645313;0.015972222222222220988641083750;0.006944444444444444058950338672;0.009027777777777776929690745078;0.031597222222222220988641083750;0.025694444444444443365060948281;0.013194444444444444405895033867;0.010416666666666666088425508008;0.004513888888888888464845372539;0.021874999999999998612221219219;0.005902777777777777623580135469;0.021874999999999998612221219219;0.000000000000000000000000000000;0.012500000000000000693889390391;0.006597222222222222202947516934;0.005902777777777777623580135469;0.028472222222222221682530474141;0.023958333333333334952408577578;0.027083333333333334258519187188;0.012500000000000000693889390391
-0.028861788617886179053595441246;0.014634146341463415488814980847;0.038617886178861790535954412462;0.094715447154471540947007213163;0.009349593495934959558324450768;0.034146341463414636718809447302;0.002845528455284553059900787275;0.019512195121951219495270990478;0.031300813008130083658908660027;0.014634146341463415488814980847;0.017073170731707318359404723651;0.022357723577235772555171777753;0.024796747967479673691038044581;0.024796747967479673691038044581;0.011788617886178862428914193572;0.014227642276422763564780460399;0.017886178861788618738026812593;0.045934959349593497413000164897;0.015853658536585366056748114261;0.007723577235772357933718534895;0.018292682926829267192614381088;0.024390243902439025236450476086;0.025203252032520325615072565029;0.013414634146341463186158371457;0.027235772357723578296351263361;0.023577235772357724857828387144;0.023577235772357724857828387144;0.017479674796747966813992292145;0.001626016260162601624605915873;0.025203252032520325615072565029;0.018292682926829267192614381088;0.009756097560975609747635495239;0.013821138211382113375469415928;0.011788617886178862428914193572;0.025203252032520325615072565029;0.023577235772357724857828387144;0.016260162601626017980782634709;0.006504065040650406498423663493;0.001219512195121951218454436905;0.030894308943089431734874139579;0.007723577235772357933718534895;0.018699186991869919116648901536;0.000000000000000000000000000000;0.014227642276422763564780460399;0.011788617886178862428914193572;0.010569105691056910126257584182;0.014634146341463415488814980847;0.017886178861788618738026812593;0.040650406504065039747786158841;0.015447154471544715867437069790
-0.042013888888888892281237019688;0.010763888888888888811790067734;0.037499999999999998612221219219;0.095138888888888883954564334999;0.005902777777777777623580135469;0.044444444444444446140618509844;0.005555555555555555767577313730;0.017361111111111111882099322656;0.012847222222222221682530474141;0.017708333333333332870740406406;0.019444444444444444752839729063;0.043749999999999997224442438437;0.027430555555555555247160270937;0.025694444444444443365060948281;0.013194444444444444405895033867;0.032291666666666669904817155157;0.015625000000000000000000000000;0.019791666666666665741480812812;0.012152777777777777970524830664;0.010416666666666666088425508008;0.017361111111111111882099322656;0.009722222222222222376419864531;0.010763888888888888811790067734;0.018749999999999999306110609609;0.044791666666666667129259593594;0.032291666666666669904817155157;0.018402777777777778317469525859;0.007291666666666666782314898398;0.000694444444444444470947164216;0.029513888888888888117900677344;0.050347222222222223764198645313;0.007291666666666666782314898398;0.011111111111111111535154627461;0.004513888888888888464845372539;0.028125000000000000693889390391;0.022569444444444444058950338672;0.010069444444444445099784424258;0.021874999999999998612221219219;0.003472222222222222029475169336;0.013541666666666667129259593594;0.003125000000000000173472347598;0.009027777777777776929690745078;0.000000000000000000000000000000;0.012847222222222221682530474141;0.010763888888888888811790067734;0.014930555555555556287994356524;0.018402777777777778317469525859;0.019097222222222223764198645313;0.022916666666666665047591422422;0.017361111111111111882099322656
-0.029059829059829060671216183209;0.013675213675213675201813856575;0.052136752136752138875319673161;0.036752136752136753405917346527;0.002564102564102564100340098108;0.029487179487179486503389824748;0.003846153846153846367350581659;0.008119658119658120301598280832;0.025641025641025640136039243089;0.020085470085470086970547143324;0.014529914529914530335608091605;0.018376068376068376702958673263;0.038034188034188030902438271141;0.032905982905982907038566764868;0.013247863247863247634916739059;0.025213675213675214303865601551;0.023076923076923078204103489952;0.034188034188034191473981593390;0.010683760683760683968257509946;0.009829059829059828834463274916;0.010683760683760683968257509946;0.023504273504273504036277131490;0.021367521367521367936515019892;0.025213675213675214303865601551;0.036324786324786327573743704988;0.025641025641025640136039243089;0.020085470085470086970547143324;0.002136752136752136967123849587;0.002564102564102564100340098108;0.015811965811965811301575968173;0.020085470085470086970547143324;0.012820512820512820068019621544;0.006837606837606837600906928287;0.012393162393162392501122504029;0.057692307692307695510258724880;0.035042735042735043138328876466;0.008547008547008547868495398347;0.016666666666666666435370203203;0.004273504273504273934247699174;0.035470085470085468970502518005;0.005128205128205128200680196215;0.021367521367521367936515019892;0.000000000000000000000000000000;0.013675213675213675201813856575;0.005555555555555555767577313730;0.015384615384615385469402326635;0.027777777777777776235801354687;0.023504273504273504036277131490;0.033760683760683758702914047944;0.019230769230769231836752908293
-0.035271317829457367321044358732;0.006589147286821705334913801266;0.059302325581395351483671163351;0.031007751937984495693712005959;0.001162790697674418588514200223;0.025581395348837208947312404916;0.003488372093023255765542600670;0.021317829457364340789427004097;0.036821705426356592105729959030;0.037596899224806204498072759179;0.015891472868217054043027403054;0.011240310077519379688970602160;0.016666666666666666435370203203;0.033720930232558142536358758434;0.007751937984496123923428001490;0.022480620155038759377941204320;0.028682170542635658516683605512;0.041085271317829456794168407896;0.009689922480620154904285001862;0.010852713178294573492799202086;0.009302325581395348708113601788;0.020930232558139534593255604022;0.009302325581395348708113601788;0.043410852713178293971196808343;0.042248062015503878852129560073;0.031007751937984495693712005959;0.025581395348837208947312404916;0.003488372093023255765542600670;0.000387596899224806196171400074;0.008139534883720930119599401564;0.017054263565891472631541603278;0.027519379844961239928169405289;0.006589147286821705334913801266;0.008139534883720930119599401564;0.023255813953488371770284004469;0.048449612403100777990871961265;0.011240310077519379688970602160;0.012015503875968992081313402309;0.004263565891472868157885400819;0.015891472868217054043027403054;0.006201550387596899138742401192;0.015503875968992247846856002980;0.000000000000000000000000000000;0.028682170542635658516683605512;0.003100775193798449569371200596;0.015503875968992247846856002980;0.038372093023255816890415559328;0.025968992248062015143483804991;0.023643410852713177966455404544;0.018604651162790697416227203576
-0.024796747967479673691038044581;0.009349593495934959558324450768;0.056910569105691054259121841596;0.040243902439024391293198590347;0.010162601626016259936946539710;0.024390243902439025236450476086;0.002032520325203252247597829339;0.015040650406504065678126025318;0.031707317073170732113496228521;0.030894308943089431734874139579;0.013008130081300812996847326986;0.018699186991869919116648901536;0.021544715447154472176549688811;0.029268292682926830977629961694;0.009756097560975609747635495239;0.019105691056910567571236470030;0.038211382113821135142472940061;0.043902439024390241262274514611;0.007317073170731707744407490424;0.010569105691056910126257584182;0.009349593495934959558324450768;0.020731707317073171797927599869;0.013414634146341463186158371457;0.042276422764227640505030336726;0.036585365853658534385228762176;0.031300813008130083658908660027;0.026829268292682926372316742913;0.011382113821138212239603149101;0.001219512195121951218454436905;0.013414634146341463186158371457;0.011382113821138212239603149101;0.027642276422764226750938831856;0.006504065040650406498423663493;0.005284552845528455063128792091;0.022764227642276424479206298201;0.051626016260162603532801739448;0.008536585365853659179702361826;0.008536585365853659179702361826;0.002845528455284553059900787275;0.021544715447154472176549688811;0.004878048780487804873817747620;0.021951219512195120631137257305;0.000000000000000000000000000000;0.023577235772357724857828387144;0.012195121951219512618225238043;0.013414634146341463186158371457;0.033739837398373981325327974901;0.020325203252032519873893079421;0.025609756097560974069660133523;0.014227642276422763564780460399
-0.018137254901960785796743991227;0.043137254901960783715075820055;0.038235294117647061762355065184;0.150980392156862736063871466285;0.036274509803921571593487982454;0.018137254901960785796743991227;0.005882352941176470506601248189;0.019607843137254901688670827298;0.023529411764705882026404992757;0.009313725490196078302118642966;0.006862745098039215591034789554;0.022549019607843136941971451392;0.011274509803921568470985725696;0.015686274509803921350936661838;0.055392156862745095535771611139;0.010294117647058823386552184331;0.022549019607843136941971451392;0.064705882352941182511507633990;0.017156862745098040712310449862;0.004901960784313725422167706824;0.010784313725490195928768955014;0.021568627450980391857537910028;0.015686274509803921350936661838;0.011764705882352941013202496379;0.017647058823529411519803744568;0.008823529411764705759901872284;0.016176470588235295627876908497;0.050000000000000002775557561563;0.000490196078431372542216770682;0.014215686274509803724286349791;0.014215686274509803724286349791;0.007843137254901960675468330919;0.003921568627450980337734165460;0.005882352941176470506601248189;0.008823529411764705759901872284;0.026960784313725491556645863511;0.006862745098039215591034789554;0.012254901960784313555419267061;0.002941176470588235253300624095;0.024019607843137256303345239417;0.013235294117647058639852808426;0.021568627450980391857537910028;0.000000000000000000000000000000;0.007352941176470588133251560237;0.025980392156862746472212322146;0.009313725490196078302118642966;0.015686274509803921350936661838;0.006862745098039215591034789554;0.020588235294117646773104368663;0.003921568627450980337734165460
-0.024358974358974359170071366520;0.038888888888888889505679458125;0.044017094017094020308444868306;0.062820512820512819374130231154;0.020940170940170938634894426400;0.023931623931623933337897724982;0.006837606837606837600906928287;0.027777777777777776235801354687;0.017948717948717947401338079771;0.008547008547008547868495398347;0.008119658119658120301598280832;0.026923076923076924571454071611;0.022649572649572648902482896460;0.017948717948717947401338079771;0.035042735042735043138328876466;0.018803418803418802535132314802;0.020940170940170938634894426400;0.053846153846153849142908143222;0.018803418803418802535132314802;0.006837606837606837600906928287;0.014102564102564102768710974090;0.014957264957264957902505209120;0.018376068376068376702958673263;0.018376068376068376702958673263;0.022649572649572648902482896460;0.015811965811965811301575968173;0.028632478632478631369595589717;0.029487179487179486503389824748;0.000854700854700854700113366036;0.024786324786324785002245008059;0.035470085470085468970502518005;0.009401709401709401267566157401;0.011111111111111111535154627461;0.010256410256410256401360392431;0.030341880341880341637184059778;0.032905982905982907038566764868;0.008974358974358973700669039886;0.018376068376068376702958673263;0.001709401709401709400226732072;0.029487179487179486503389824748;0.014529914529914530335608091605;0.010683760683760683968257509946;0.000000000000000000000000000000;0.010683760683760683968257509946;0.015811965811965811301575968173;0.006410256410256410034009810772;0.015384615384615385469402326635;0.011965811965811966668948862491;0.023931623931623933337897724982;0.008547008547008547868495398347
-0.022321428571428571924206707422;0.013988095238095238706521605820;0.048214285714285716466509512657;0.106845238095238090347827153437;0.009821428571428571230317317031;0.029166666666666667129259593594;0.004464285714285714037896646289;0.022023809523809525362514349922;0.035714285714285712303173170312;0.016071428571428569842538536250;0.010119047619047619526733150508;0.036011904761904758864865527812;0.016666666666666666435370203203;0.030654761904761903407168333047;0.022619047619047618485899064922;0.025297619047619047949471138281;0.019642857142857142460634634062;0.042261904761904764415980650938;0.013988095238095238706521605820;0.006845238095238095205052886172;0.009821428571428571230317317031;0.029464285714285713690951951094;0.010714285714285714384841341484;0.021428571428571428769682682969;0.033928571428571425994125121406;0.020833333333333332176851016015;0.024107142857142858233254756328;0.016964285714285712997062560703;0.000000000000000000000000000000;0.024107142857142858233254756328;0.020833333333333332176851016015;0.010119047619047619526733150508;0.005952380952380952050528861719;0.011607142857142857539365365938;0.020833333333333332176851016015;0.027976190476190477413043211641;0.007738095238095238359576910625;0.013690476190476190410105772344;0.007738095238095238359576910625;0.016369047619047619873677845703;0.007142857142857142634106981660;0.023214285714285715078730731875;0.000000000000000000000000000000;0.007738095238095238359576910625;0.011904761904761904101057723437;0.010119047619047619526733150508;0.024702380952380951356639471328;0.014880952380952380126322154297;0.020238095238095239053466301016;0.013095238095238095551997581367
-0.015555555555555555108382392859;0.012222222222222222862142437805;0.041481481481481480289019714291;0.317777777777777770129574719249;0.014814814814814815380206169948;0.024814814814814813853649511088;0.003703703703703703845051542487;0.020000000000000000416333634234;0.033333333333333332870740406406;0.014444444444444443781394582516;0.011851851851851851263330850372;0.017037037037037038034181790636;0.006296296296296296363115274630;0.015925925925925926707193980292;0.016666666666666666435370203203;0.014074074074074073917306471060;0.009629629629629630344078705662;0.022962962962962962798485477833;0.010000000000000000208166817117;0.003333333333333333547282562037;0.012962962962962962590318660716;0.019259259259259260688157411323;0.002962962962962962815832712593;0.017037037037037038034181790636;0.025185185185185185452461098521;0.021481481481481479872686080057;0.024074074074074074125473288177;0.015925925925925926707193980292;0.002962962962962962815832712593;0.022962962962962962798485477833;0.013333333333333334189130248149;0.015925925925925926707193980292;0.005185185185185185036127464286;0.012592592592592592726230549260;0.003703703703703703845051542487;0.021111111111111111743321444578;0.007407407407407407690103084974;0.006666666666666667094565124074;0.005555555555555555767577313730;0.006296296296296296363115274630;0.006666666666666667094565124074;0.021111111111111111743321444578;0.000000000000000000000000000000;0.010740740740740739936343040029;0.015925925925925926707193980292;0.006296296296296296363115274630;0.021481481481481479872686080057;0.011111111111111111535154627461;0.008888888888888888881179006773;0.009259259259259258745267118229
-0.019005847953216373213969347944;0.011403508771929825316160389548;0.080701754385964913351969585165;0.119298245614035083872472853272;0.008479532163742689240826244657;0.013742690058479532094759534289;0.005555555555555555767577313730;0.019005847953216373213969347944;0.038888888888888889505679458125;0.022514619883040935116591541032;0.009649122807017544364849293004;0.019883040935672516291710110181;0.004385964912280701510916003372;0.045614035087719301264641558191;0.022222222222222223070309254922;0.014912280701754385484059106659;0.035087719298245612087328026973;0.037134502923976610289091837558;0.006725146198830409156876886101;0.014035087719298245875765296375;0.012280701754385964924454199831;0.027192982456140352143236782467;0.002631578947368420993285775822;0.034502923976608187994763454753;0.016374269005847954389087917093;0.029532163742690058921835927208;0.023099415204678362678603065206;0.004385964912280701510916003372;0.004385964912280701510916003372;0.007017543859649122937882648188;0.017251461988304093997381727377;0.026315789473684209065496020230;0.001754385964912280734470662047;0.005555555555555555767577313730;0.007309941520467835851526672286;0.051169590643274850960686706003;0.011988304093567251143448437745;0.011988304093567251143448437745;0.005555555555555555767577313730;0.009356725146198830583843530917;0.006432748538011696243232862003;0.012865497076023392486465724005;0.000000000000000000000000000000;0.019590643274853800775980872118;0.007602339181286549632532434373;0.011403508771929825316160389548;0.038888888888888889505679458125;0.019298245614035088729698586008;0.016081871345029238873358679029;0.009941520467836258145855055091
-0.023469387755102041198673745726;0.024829931972789116151334454230;0.074829931972789115457445063839;0.000680272108843537367910137004;0.005442176870748298943281096030;0.025510204081632653627664808482;0.008163265306122449715964251027;0.023469387755102041198673745726;0.039455782312925166688266642723;0.021088435374149658296794029866;0.009863945578231291672066660681;0.015306122448979591482709494699;0.015646258503401361955598147802;0.039795918367346937161155295826;0.006802721088435373895941804534;0.019387755102040816340691620212;0.035714285714285712303173170312;0.058163265306122445552627908683;0.015646258503401361955598147802;0.017346938775510203911700557455;0.015986394557823128959039848951;0.031292517006802723911196295603;0.015306122448979591482709494699;0.035374149659863948769178421117;0.023469387755102041198673745726;0.027210884353741495583767218136;0.023469387755102041198673745726;0.012244897959183672839222900564;0.000340136054421768683955068502;0.015986394557823128959039848951;0.021428571428571428769682682969;0.020068027210884353817021974464;0.008503401360544218454129428153;0.006122448979591836419611450282;0.015306122448979591482709494699;0.049319727891156461829780255357;0.015646258503401361955598147802;0.007482993197278911372272158786;0.002380952380952381167156239883;0.024149659863945578675004099978;0.010544217687074829148397014933;0.027210884353741495583767218136;0.000000000000000000000000000000;0.012585034013605441577388077690;0.004081632653061224857982125513;0.014285714285714285268213963320;0.027551020408163266056655871239;0.014285714285714285268213963320;0.025850340136054420631106509632;0.011904761904761904101057723437
-0.021904761904761906043948016531;0.029999999999999998889776975375;0.029523809523809525084958593766;0.033809523809523810145005739969;0.042857142857142857539365365938;0.030476190476190476164042308937;0.007142857142857142634106981660;0.026190476190476191103995162734;0.022380952380952379848766398140;0.013809523809523809728672105734;0.014285714285714285268213963320;0.011428571428571428561515865852;0.020952380952380951495417349406;0.020000000000000000416333634234;0.030476190476190476164042308937;0.015714285714285715356286488031;0.020476190476190477690598967797;0.065238095238095233918684812124;0.024285714285714285476380780437;0.009047619047619047394359625969;0.016190476190476189161104869640;0.017142857142857143709635536766;0.026666666666666668378260496297;0.015714285714285715356286488031;0.022380952380952379848766398140;0.016666666666666666435370203203;0.025238095238095236555464495609;0.030476190476190476164042308937;0.001428571428571428570189483231;0.044285714285714282423267462718;0.017142857142857143709635536766;0.010476190476190475747708674703;0.022380952380952379848766398140;0.003809523809523809520505288617;0.020476190476190477690598967797;0.027619047619047619457344211469;0.014761904761904762542479296883;0.010476190476190475747708674703;0.000952380952380952380126322154;0.023809523809523808202115446875;0.014761904761904762542479296883;0.027142857142857142183078877906;0.000000000000000000000000000000;0.009047619047619047394359625969;0.020952380952380951495417349406;0.011904761904761904101057723437;0.014285714285714285268213963320;0.007142857142857142634106981660;0.030952380952380953438307642500;0.005714285714285714280757932926
-0.021944444444444443503838826359;0.039166666666666669072149886688;0.037499999999999998612221219219;0.118888888888888891171013995063;0.017222222222222222098864108375;0.013333333333333334189130248149;0.006388888888888889262818171488;0.042222222222222223486642889156;0.013611111111111110286153724758;0.016388888888888890338346726594;0.012222222222222222862142437805;0.010833333333333333703407674875;0.007777777777777777554191196430;0.021111111111111111743321444578;0.042777777777777775680689842375;0.013888888888888888117900677344;0.014444444444444443781394582516;0.042500000000000003053113317719;0.028888888888888887562789165031;0.003888888888888888777095598215;0.021944444444444443503838826359;0.010555555555555555871660722289;0.008611111111111111049432054187;0.028055555555555555802271783250;0.022222222222222223070309254922;0.025555555555555557051272685953;0.037222222222222219045750790656;0.033055555555555553304269977843;0.001388888888888888941894328433;0.018888888888888889089345823891;0.012500000000000000693889390391;0.012500000000000000693889390391;0.014166666666666665949647629930;0.006111111111111111431071218902;0.011944444444444445030395485219;0.027777777777777776235801354687;0.009166666666666666712925959359;0.013055555555555556357383295563;0.001666666666666666773641281019;0.006388888888888889262818171488;0.015277777777777777276635440273;0.008611111111111111049432054187;0.000000000000000000000000000000;0.020555555555555556079827539406;0.021944444444444443503838826359;0.015833333333333334674852821422;0.021666666666666667406815349750;0.016666666666666666435370203203;0.020555555555555556079827539406;0.011111111111111111535154627461
-0.022777777777777778733803160094;0.022777777777777778733803160094;0.024444444444444445724284875610;0.144999999999999990007992778374;0.002777777777777777883788656865;0.015555555555555555108382392859;0.010555555555555555871660722289;0.041111111111111112159655078813;0.010000000000000000208166817117;0.022222222222222223070309254922;0.014999999999999999444888487687;0.015555555555555555108382392859;0.009444444444444444544672911945;0.020555555555555556079827539406;0.040000000000000000832667268469;0.013888888888888888117900677344;0.015555555555555555108382392859;0.046666666666666668794594130532;0.022222222222222223070309254922;0.004444444444444444440589503387;0.020555555555555556079827539406;0.006666666666666667094565124074;0.012777777777777778525636342977;0.032777777777777780676693453188;0.028888888888888887562789165031;0.026111111111111112714766591125;0.036111111111111107718762980312;0.027222222222222220572307449515;0.004444444444444444440589503387;0.010000000000000000208166817117;0.010000000000000000208166817117;0.017777777777777777762358013547;0.010000000000000000208166817117;0.010555555555555555871660722289;0.013333333333333334189130248149;0.032777777777777780676693453188;0.007222222222222221890697291258;0.010000000000000000208166817117;0.004444444444444444440589503387;0.007777777777777777554191196430;0.014444444444444443781394582516;0.014999999999999999444888487687;0.000000000000000000000000000000;0.025000000000000001387778780781;0.017777777777777777762358013547;0.013888888888888888117900677344;0.020555555555555556079827539406;0.011666666666666667198648532633;0.018888888888888889089345823891;0.012777777777777778525636342977
-0.027651515151515152629579930021;0.004166666666666666608842550801;0.058333333333333334258519187188;0.147348484848484839737636775681;0.000378787878787878787550241766;0.015909090909090907450806895440;0.004924242424242423858682382587;0.016666666666666666435370203203;0.016287878787878788677812025298;0.031060606060606059386497435071;0.009469696969696969959806587269;0.009848484848484847717364765174;0.008333333333333333217685101602;0.039772727272727272096464190554;0.017803030303030303177491688871;0.022727272727272727903535809446;0.022348484848484850145977631541;0.021969696969696968918972501683;0.005681818181818181975883952362;0.010606060606060606701928072937;0.010606060606060606701928072937;0.018181818181818180935049866775;0.005303030303030303350964036468;0.049621212121212121548552431705;0.035606060606060606354983377742;0.039015151515151516581347834745;0.025757575757575756902895136591;0.023106060606060605661093987351;0.003787878787878787983922634908;0.003030303030303030300401934127;0.005681818181818181975883952362;0.029924242424242422644375949403;0.004166666666666666608842550801;0.009469696969696969959806587269;0.012878787878787878451447568295;0.042803030303030301095823517699;0.007196969696969697342925353922;0.010606060606060606701928072937;0.001893939393939393991961317454;0.008333333333333333217685101602;0.009469696969696969959806587269;0.005681818181818181975883952362;0.000000000000000000000000000000;0.025000000000000001387778780781;0.004166666666666666608842550801;0.012500000000000000693889390391;0.040909090909090908838585676222;0.026515151515151515887458444354;0.016287878787878788677812025298;0.021212121212121213403856145874
-0.007870370370370369586532355299;0.006018518518518518531368322044;0.012037037037037037062736644089;0.634259259259259300378630541672;0.005555555555555555767577313730;0.007407407407407407690103084974;0.007870370370370369586532355299;0.012962962962962962590318660716;0.003240740740740740647579665179;0.011574074074074073431583897786;0.006944444444444444058950338672;0.006018518518518518531368322044;0.005092592592592593003786305417;0.008333333333333333217685101602;0.019907407407407408383992475365;0.011111111111111111535154627461;0.002777777777777777883788656865;0.007407407407407407690103084974;0.006944444444444444058950338672;0.000462962962962962980631442811;0.006944444444444444058950338672;0.001388888888888888941894328433;0.001388888888888888941894328433;0.018055555555555553859381490156;0.010648148148148147904001881159;0.018518518518518517490534236458;0.020370370370370372015145221667;0.002314814814814814686316779557;0.002777777777777777883788656865;0.006481481481481481295159330358;0.001851851851851851922525771243;0.010185185185185186007572610833;0.001851851851851851922525771243;0.008333333333333333217685101602;0.004629629629629629372633559115;0.009722222222222222376419864531;0.002777777777777777883788656865;0.008796296296296296848837847904;0.000000000000000000000000000000;0.000462962962962962980631442811;0.006481481481481481295159330358;0.001851851851851851922525771243;0.000000000000000000000000000000;0.015277777777777777276635440273;0.011574074074074073431583897786;0.010185185185185186007572610833;0.010648148148148147904001881159;0.007407407407407407690103084974;0.005092592592592593003786305417;0.010185185185185186007572610833
-0.017361111111111111882099322656;0.011458333333333332523795711211;0.030208333333333333564629796797;0.427430555555555535818257339997;0.005902777777777777623580135469;0.004513888888888888464845372539;0.005555555555555555767577313730;0.019444444444444444752839729063;0.007638888888888888638317720137;0.030208333333333333564629796797;0.008680555555555555941049661328;0.004513888888888888464845372539;0.004861111111111111188209932266;0.027430555555555555247160270937;0.022222222222222223070309254922;0.012500000000000000693889390391;0.009027777777777776929690745078;0.010763888888888888811790067734;0.009722222222222222376419864531;0.002430555555555555594104966133;0.011111111111111111535154627461;0.005208333333333333044212754004;0.001041666666666666652210637700;0.037847222222222219600862302968;0.014930555555555556287994356524;0.032291666666666669904817155157;0.019097222222222223764198645313;0.006597222222222222202947516934;0.001041666666666666652210637700;0.005555555555555555767577313730;0.005555555555555555767577313730;0.014930555555555556287994356524;0.002083333333333333304421275400;0.005208333333333333044212754004;0.004166666666666666608842550801;0.023263888888888889505679458125;0.005208333333333333044212754004;0.006597222222222222202947516934;0.000694444444444444470947164216;0.004166666666666666608842550801;0.008680555555555555941049661328;0.003125000000000000173472347598;0.000000000000000000000000000000;0.018749999999999999306110609609;0.012500000000000000693889390391;0.010069444444444445099784424258;0.031944444444444441977282167500;0.013541666666666667129259593594;0.007291666666666666782314898398;0.015625000000000000000000000000
-0.030952380952380953438307642500;0.008571428571428571854817768383;0.055238095238095238914688422938;0.160952380952380957879199741001;0.005714285714285714280757932926;0.021904761904761906043948016531;0.004761904761904762334312479766;0.021904761904761906043948016531;0.016666666666666666435370203203;0.029523809523809525084958593766;0.015238095238095238082021154469;0.012857142857142856914864914586;0.006666666666666667094565124074;0.036666666666666666851703837438;0.018571428571428572062984585500;0.022857142857142857123031731703;0.009047619047619047394359625969;0.025238095238095236555464495609;0.016666666666666666435370203203;0.005714285714285714280757932926;0.014761904761904762542479296883;0.010476190476190475747708674703;0.010000000000000000208166817117;0.044761904761904759697532796281;0.027619047619047619457344211469;0.050952380952380950385194324781;0.022857142857142857123031731703;0.007142857142857142634106981660;0.000952380952380952380126322154;0.008095238095238094580552434820;0.012857142857142856914864914586;0.015714285714285715356286488031;0.006666666666666667094565124074;0.008571428571428571854817768383;0.010476190476190475747708674703;0.040952380952380955381197935594;0.009523809523809524668624959531;0.012380952380952381375323057000;0.001428571428571428570189483231;0.011428571428571428561515865852;0.011904761904761904101057723437;0.006190476190476190687661528500;0.000000000000000000000000000000;0.017619047619047617514453918375;0.010000000000000000208166817117;0.020476190476190477690598967797;0.040000000000000000832667268469;0.017619047619047617514453918375;0.009523809523809524668624959531;0.013333333333333334189130248149
-0.061616161616161617409215267571;0.004545454545454545233762466694;0.031313131313131313537834188310;0.000000000000000000000000000000;0.001010101010101010100133978042;0.039898989898989899172132567173;0.001515151515151515150200967064;0.014646464646464647102463985107;0.012626262626262626034834291033;0.023232323232323232736762363970;0.017171717171717171268596757727;0.032323232323232323204287297358;0.030808080808080808704607633786;0.034343434343434342537193515454;0.003535353535353535567309357646;0.043939393939393937837945003366;0.015656565656565656768917094155;0.014646464646464647102463985107;0.010101010101010101868701518413;0.010101010101010101868701518413;0.015656565656565656768917094155;0.009595959595959595300751487912;0.015151515151515151935690539631;0.027777777777777776235801354687;0.061616161616161617409215267571;0.033838383838383841173413912884;0.026262626262626261736121691115;0.001515151515151515150200967064;0.001515151515151515150200967064;0.018686868686868685768276421300;0.043434343434343436474165400796;0.016161616161616161602143648679;0.010606060606060606701928072937;0.013131313131313130868060845557;0.037878787878787879839226349077;0.031818181818181814901613790880;0.012121212121212121201607736509;0.030303030303030303871381079261;0.000505050505050505050066989021;0.019191919191919190601502975824;0.004040404040404040400535912170;0.008080808080808080801071824339;0.000000000000000000000000000000;0.021212121212121213403856145874;0.003030303030303030300401934127;0.017171717171717171268596757727;0.031313131313131313537834188310;0.033838383838383841173413912884;0.028787878787878789371701415689;0.022727272727272727903535809446
-0.021544715447154472176549688811;0.010162601626016259936946539710;0.047967479674796746624831911276;0.142682926829268280632945220532;0.004471544715447154684506703148;0.026422764227642277917729174419;0.009349593495934959558324450768;0.025203252032520325615072565029;0.005691056910569106119801574550;0.025203252032520325615072565029;0.013414634146341463186158371457;0.017886178861788618738026812593;0.010975609756097560315568628653;0.036178861788617885930641193681;0.017479674796747966813992292145;0.011382113821138212239603149101;0.013821138211382113375469415928;0.027235772357723578296351263361;0.015040650406504065678126025318;0.008943089430894309369013406297;0.013821138211382113375469415928;0.012195121951219512618225238043;0.009349593495934959558324450768;0.035772357723577237476053625187;0.032113821138211380568083797016;0.025609756097560974069660133523;0.028048780487804878674973352304;0.006504065040650406498423663493;0.005284552845528455063128792091;0.010162601626016259936946539710;0.010162601626016259936946539710;0.023983739837398373312415955638;0.005284552845528455063128792091;0.012195121951219512618225238043;0.027642276422764226750938831856;0.029674796747967479432217530189;0.008536585365853659179702361826;0.011382113821138212239603149101;0.001219512195121951218454436905;0.018699186991869919116648901536;0.006097560975609756309112619022;0.006097560975609756309112619022;0.000000000000000000000000000000;0.031707317073170732113496228521;0.013008130081300812996847326986;0.025203252032520325615072565029;0.028861788617886179053595441246;0.028455284552845527129560920798;0.030081300813008131356252050637;0.011788617886178862428914193572
-0.019791666666666665741480812812;0.020312500000000000693889390391;0.019791666666666665741480812812;0.244791666666666657414808128124;0.010937499999999999306110609609;0.006250000000000000346944695195;0.020833333333333332176851016015;0.024479166666666666435370203203;0.011458333333333332523795711211;0.021874999999999998612221219219;0.007291666666666666782314898398;0.007291666666666666782314898398;0.017187500000000001387778780781;0.021354166666666667129259593594;0.034375000000000002775557561563;0.011979166666666667476204288789;0.008333333333333333217685101602;0.029687499999999998612221219219;0.018749999999999999306110609609;0.003125000000000000173472347598;0.022916666666666665047591422422;0.005729166666666666261897855605;0.016666666666666666435370203203;0.030208333333333333564629796797;0.020312500000000000693889390391;0.021354166666666667129259593594;0.025520833333333332870740406406;0.013541666666666667129259593594;0.009895833333333332870740406406;0.011458333333333332523795711211;0.004166666666666666608842550801;0.016145833333333334952408577578;0.009895833333333332870740406406;0.010416666666666666088425508008;0.024479166666666666435370203203;0.017708333333333332870740406406;0.005729166666666666261897855605;0.008333333333333333217685101602;0.001041666666666666652210637700;0.010937499999999999306110609609;0.012500000000000000693889390391;0.011458333333333332523795711211;0.000000000000000000000000000000;0.021354166666666667129259593594;0.019270833333333334258519187188;0.019270833333333334258519187188;0.017708333333333332870740406406;0.015625000000000000000000000000;0.022395833333333333564629796797;0.014062500000000000346944695195
-0.025347222222222222376419864531;0.025000000000000001387778780781;0.045833333333333330095182844843;0.016319444444444445446729119453;0.007986111111111110494320541875;0.031597222222222220988641083750;0.003819444444444444319158860068;0.025694444444444443365060948281;0.029861111111111112575988713047;0.017013888888888887424011286953;0.021527777777777777623580135469;0.011458333333333332523795711211;0.022222222222222223070309254922;0.025694444444444443365060948281;0.019444444444444444752839729063;0.014236111111111110841265237070;0.028819444444444446140618509844;0.053472222222222219600862302968;0.022222222222222223070309254922;0.009722222222222222376419864531;0.019097222222222223764198645313;0.019791666666666665741480812812;0.022916666666666665047591422422;0.024652777777777776929690745078;0.034027777777777774848022573906;0.030208333333333333564629796797;0.032638888888888890893458238907;0.014583333333333333564629796797;0.000694444444444444470947164216;0.020138888888888890199568848516;0.007986111111111110494320541875;0.011458333333333332523795711211;0.021527777777777777623580135469;0.005208333333333333044212754004;0.029513888888888888117900677344;0.036458333333333335646297967969;0.017708333333333332870740406406;0.008333333333333333217685101602;0.004166666666666666608842550801;0.021874999999999998612221219219;0.011805555555555555247160270937;0.026388888888888888811790067734;0.000000000000000000000000000000;0.011111111111111111535154627461;0.013888888888888888117900677344;0.010416666666666666088425508008;0.018055555555555553859381490156;0.015972222222222220988641083750;0.035069444444444444752839729063;0.017013888888888887424011286953
-0.018827160493827162224267368629;0.015123456790123456644492350165;0.071296296296296302053008275834;0.036728395061728397186229244653;0.043518518518518518878313017240;0.015123456790123456644492350165;0.000925925925925925961262885622;0.021296296296296295808003762318;0.033333333333333332870740406406;0.017901234567901234961961876024;0.015432098765432097908778530382;0.013580246913580246853614497127;0.012345679012345678327022824305;0.043209876543209874144579885069;0.020987654320987654543717582101;0.015432098765432097908778530382;0.020679012345679013279431401884;0.044753086419753083935457738107;0.016975308641975307699656383420;0.008641975308641974481971281818;0.013271604938271605589328316910;0.025925925925925925180637321432;0.012345679012345678327022824305;0.027777777777777776235801354687;0.023456790123456791596900927743;0.026234567901234566444923501649;0.027777777777777776235801354687;0.016358024691358025171084022986;0.001234567901234567876070369330;0.024074074074074074125473288177;0.009876543209876543008562954640;0.013888888888888888117900677344;0.012345679012345678327022824305;0.007716049382716048954389265191;0.015123456790123456644492350165;0.039814814814814816767984950729;0.011111111111111111535154627461;0.004320987654320987240985640909;0.004938271604938271504281477320;0.020061728395061727281412089496;0.003703703703703703845051542487;0.029320987654320986026679207725;0.000000000000000000000000000000;0.013580246913580246853614497127;0.013271604938271605589328316910;0.010802469135802468536144971267;0.039814814814814816767984950729;0.023148148148148146863167795573;0.027777777777777776235801354687;0.014814814814814815380206169948
-0.023750000000000000277555756156;0.014583333333333333564629796797;0.047083333333333331205405869468;0.029999999999999998889776975375;0.058749999999999996669330926125;0.019166666666666665186369300500;0.002500000000000000052041704279;0.023750000000000000277555756156;0.017083333333333332315628894094;0.032916666666666663521034763562;0.015833333333333334674852821422;0.012083333333333333078907223523;0.012500000000000000693889390391;0.044583333333333335923853724125;0.017916666666666667545593227828;0.014583333333333333564629796797;0.019166666666666665186369300500;0.030833333333333334119741309109;0.018333333333333333425851918719;0.010000000000000000208166817117;0.016666666666666666435370203203;0.009166666666666666712925959359;0.010416666666666666088425508008;0.038749999999999999722444243844;0.020000000000000000416333634234;0.034166666666666664631257788187;0.026249999999999999028554853453;0.051666666666666666296592325125;0.000416666666666666693410320255;0.029583333333333333009518284484;0.005416666666666666851703837438;0.025000000000000001387778780781;0.010416666666666666088425508008;0.006666666666666667094565124074;0.013333333333333334189130248149;0.038333333333333330372738601000;0.014166666666666665949647629930;0.004166666666666666608842550801;0.003749999999999999861222121922;0.012500000000000000693889390391;0.007083333333333332974823814965;0.029166666666666667129259593594;0.000000000000000000000000000000;0.014583333333333333564629796797;0.010416666666666666088425508008;0.007083333333333332974823814965;0.041666666666666664353702032031;0.023333333333333334397297065266;0.017916666666666667545593227828;0.012500000000000000693889390391
-0.023888888888888890060790970438;0.022777777777777778733803160094;0.061111111111111109106541761093;0.010000000000000000208166817117;0.002777777777777777883788656865;0.003888888888888888777095598215;0.001111111111111111110147375847;0.022777777777777778733803160094;0.002777777777777777883788656865;0.056111111111111111604543566500;0.006666666666666667094565124074;0.002777777777777777883788656865;0.006111111111111111431071218902;0.059999999999999997779553950750;0.013888888888888888117900677344;0.019444444444444444752839729063;0.018888888888888889089345823891;0.028888888888888887562789165031;0.006666666666666667094565124074;0.011666666666666667198648532633;0.015555555555555555108382392859;0.010000000000000000208166817117;0.003333333333333333547282562037;0.077777777777777779011358916250;0.019444444444444444752839729063;0.057777777777777775125578330062;0.021666666666666667406815349750;0.051666666666666666296592325125;0.001111111111111111110147375847;0.005000000000000000104083408559;0.004444444444444444440589503387;0.035555555555555555524716027094;0.001111111111111111110147375847;0.005555555555555555767577313730;0.012777777777777778525636342977;0.064444444444444443087505192125;0.014444444444444443781394582516;0.006111111111111111431071218902;0.000555555555555555555073687923;0.007777777777777777554191196430;0.007222222222222221890697291258;0.005000000000000000104083408559;0.000000000000000000000000000000;0.027777777777777776235801354687;0.007777777777777777554191196430;0.013888888888888888117900677344;0.065000000000000002220446049250;0.036666666666666666851703837438;0.018888888888888889089345823891;0.019444444444444444752839729063
-0.040079365079365082691342792032;0.016666666666666666435370203203;0.041666666666666664353702032031;0.034920634920634921471993550313;0.003968253968253968033685907812;0.020238095238095239053466301016;0.005952380952380952050528861719;0.021825396825396824185272492969;0.017460317460317460735996775156;0.029761904761904760252644308594;0.016269841269841271019780393203;0.015476190476190476719153821250;0.024603174603174602502742018828;0.028968253968253969421464688594;0.013095238095238095551997581367;0.023809523809523808202115446875;0.018253968253968255036623347110;0.030555555555555554553270880547;0.011111111111111111535154627461;0.007539682539682539784420267637;0.014285714285714285268213963320;0.018253968253968255036623347110;0.012301587301587301251371009414;0.027777777777777776235801354687;0.028968253968253969421464688594;0.039285714285714284921269268125;0.025000000000000001387778780781;0.036507936507936510073246694219;0.002380952380952381167156239883;0.010714285714285714384841341484;0.023015873015873017370935826875;0.022222222222222223070309254922;0.007539682539682539784420267637;0.017857142857142856151586585156;0.028174603174603175120838116641;0.031746031746031744269487262500;0.009523809523809524668624959531;0.022619047619047618485899064922;0.001587301587301587300210536924;0.025000000000000001387778780781;0.005158730158730158617264027754;0.008730158730158730367998387578;0.000000000000000000000000000000;0.026984126984126985404621734688;0.005555555555555555767577313730;0.023412698412698412786525636875;0.027380952380952380820211544687;0.031349206349206348853897452500;0.025396825396825396803368590781;0.019047619047619049337249919063
-0.032828282828282831506960803836;0.004040404040404040400535912170;0.050505050505050504139337164133;0.028787878787878789371701415689;0.002525252525252525467175379603;0.018181818181818180935049866775;0.008080808080808080801071824339;0.023232323232323232736762363970;0.006565656565656565434030422779;0.043939393939393937837945003366;0.018181818181818180935049866775;0.005555555555555555767577313730;0.016161616161616161602143648679;0.053535353535353533138696491278;0.010606060606060606701928072937;0.017676767676767676101823312251;0.014646464646464647102463985107;0.023737373737373737569988918494;0.013636363636363635701287400082;0.016161616161616161602143648679;0.016161616161616161602143648679;0.009595959595959595300751487912;0.023737373737373737569988918494;0.056565656565656569076949722330;0.021717171717171718237082700398;0.036868686868686870172773240029;0.032828282828282831506960803836;0.002020202020202020200267956085;0.003535353535353535567309357646;0.011111111111111111535154627461;0.007575757575757575967845269815;0.027777777777777776235801354687;0.006565656565656565434030422779;0.007575757575757575967845269815;0.032828282828282831506960803836;0.045454545454545455807071618892;0.015151515151515151935690539631;0.012121212121212121201607736509;0.000505050505050505050066989021;0.035858585858585860506320130980;0.004040404040404040400535912170;0.003535353535353535567309357646;0.000000000000000000000000000000;0.021717171717171718237082700398;0.007070707070707071134618715291;0.019191919191919190601502975824;0.048484848484848484806430946037;0.031313131313131313537834188310;0.032323232323232323204287297358;0.018181818181818180935049866775
-0.023684210526315790240614589379;0.002192982456140350755458001686;0.065789473684210522663740050575;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008333333333333333217685101602;0.000877192982456140367235331023;0.022368421052631579093450397977;0.004385964912280701510916003372;0.084210526315789471785144826299;0.009649122807017544364849293004;0.001315789473684210496642887911;0.004385964912280701510916003372;0.072368421052631581869007959540;0.001754385964912280734470662047;0.018421052631578945651957823770;0.019298245614035088729698586008;0.020175438596491228337992396291;0.006578947368421052266374005058;0.008771929824561403021832006743;0.015350877192982455288206011801;0.005701754385964912658080194774;0.004824561403508772182424646502;0.106578947368421050878595224276;0.024122807017543858310038018544;0.068421052631578951896962337287;0.023245614035087718701744208261;0.000000000000000000000000000000;0.000877192982456140367235331023;0.002192982456140350755458001686;0.001754385964912280734470662047;0.037280701754385962842786028659;0.000000000000000000000000000000;0.003508771929824561468941324094;0.009649122807017544364849293004;0.083771929824561400246274445180;0.011842105263157895120307294690;0.008771929824561403021832006743;0.000000000000000000000000000000;0.005263157894736841986571551644;0.003947368421052631706769098230;0.000877192982456140367235331023;0.000000000000000000000000000000;0.045614035087719301264641558191;0.000438596491228070183617665512;0.019298245614035088729698586008;0.074122807017543854146701676200;0.039473684210526313598244030345;0.014473684210526315679912201517;0.014035087719298245875765296375
-0.036585365853658534385228762176;0.019512195121951219495270990478;0.043089430894308944353099377622;0.006097560975609756309112619022;0.015040650406504065678126025318;0.016666666666666666435370203203;0.004471544715447154684506703148;0.041056910569105688202373727336;0.003252032520325203249211831746;0.037804878048780486687885371566;0.016260162601626017980782634709;0.004878048780487804873817747620;0.013414634146341463186158371457;0.041463414634146343595855199737;0.036178861788617885930641193681;0.023170731707317072933793866696;0.013414634146341463186158371457;0.025609756097560974069660133523;0.036991869918699189778710234577;0.007317073170731707744407490424;0.019512195121951219495270990478;0.005284552845528455063128792091;0.012601626016260162807536282514;0.051219512195121948139320267046;0.030487804878048779810839619131;0.042682926829268295898511809128;0.038617886178861790535954412462;0.023983739837398373312415955638;0.000813008130081300812302957937;0.015447154471544715867437069790;0.005691056910569106119801574550;0.017886178861788618738026812593;0.018699186991869919116648901536;0.006910569105691056687734707964;0.010975609756097560315568628653;0.042682926829268295898511809128;0.015447154471544715867437069790;0.011382113821138212239603149101;0.000000000000000000000000000000;0.002439024390243902436908873810;0.011382113821138212239603149101;0.001626016260162601624605915873;0.000000000000000000000000000000;0.025609756097560974069660133523;0.019918699186991871419305510926;0.014227642276422763564780460399;0.041056910569105688202373727336;0.029268292682926830977629961694;0.029268292682926830977629961694;0.012601626016260162807536282514
-0.026126126126126126419935147283;0.023873873873873872886175462327;0.050000000000000002775557561563;0.008108108108108108558198523497;0.021621621621621622821862729324;0.013513513513513514263664205828;0.009009009009009008930868311893;0.046846846846846847134404612234;0.016666666666666666435370203203;0.022972972972972974248229149907;0.017117117117117115754343359413;0.007657657657657657504501891310;0.017117117117117115754343359413;0.025225225225225224312541882909;0.031981981981981981444373985823;0.014414414414414414636333994224;0.013963963963963963582637362038;0.055855855855855854330549448150;0.041891891891891894217359038066;0.007657657657657657504501891310;0.026126126126126126419935147283;0.013963963963963963582637362038;0.019369369369369369288103044369;0.024774774774774774993568726700;0.018468468468468467180709779996;0.027927927927927927165274724075;0.035585585585585582935053139408;0.028828828828828829272667988448;0.000000000000000000000000000000;0.028828828828828829272667988448;0.005405405405405405705465682331;0.013963963963963963582637362038;0.026126126126126126419935147283;0.004504504504504504465434155946;0.017117117117117115754343359413;0.028828828828828829272667988448;0.018018018018018017861736623786;0.008108108108108108558198523497;0.000900900900900900914770874639;0.021171171171171170033442621161;0.013513513513513514263664205828;0.007207207207207207318166997112;0.000000000000000000000000000000;0.012162162162162162837297785245;0.023423423423423423567202306117;0.015315315315315315009003782620;0.023873873873873872886175462327;0.016216216216216217116397046993;0.037837837837837839938259776318;0.010810810810810811410931364662
-0.023611111111111110494320541875;0.015277777777777777276635440273;0.036574074074074071349915726614;0.282870370370370383117375467918;0.009259259259259258745267118229;0.010648148148148147904001881159;0.009722222222222222376419864531;0.022222222222222223070309254922;0.013888888888888888117900677344;0.021296296296296295808003762318;0.012037037037037037062736644089;0.006018518518518518531368322044;0.006944444444444444058950338672;0.023611111111111110494320541875;0.019444444444444444752839729063;0.015740740740740739173064710599;0.012500000000000000693889390391;0.023611111111111110494320541875;0.021759259259259259439156508620;0.007870370370370369586532355299;0.016666666666666666435370203203;0.008796296296296296848837847904;0.002777777777777777883788656865;0.029629629629629630760412339896;0.018981481481481481121686982760;0.028240740740740739866954100989;0.024537037037037037756626034479;0.009722222222222222376419864531;0.000000000000000000000000000000;0.008796296296296296848837847904;0.005555555555555555767577313730;0.020833333333333332176851016015;0.006018518518518518531368322044;0.006481481481481481295159330358;0.009259259259259258745267118229;0.033796296296296296501893152708;0.008796296296296296848837847904;0.011111111111111111535154627461;0.003703703703703703845051542487;0.007870370370370369586532355299;0.007870370370370369586532355299;0.006018518518518518531368322044;0.000000000000000000000000000000;0.019907407407407408383992475365;0.013888888888888888117900677344;0.017592592592592593697675695807;0.035185185185185187395351391615;0.017129629629629630066522949505;0.015740740740740739173064710599;0.010185185185185186007572610833
-0.032812500000000001387778780781;0.011458333333333332523795711211;0.053124999999999998612221219219;0.017187500000000001387778780781;0.005208333333333333044212754004;0.012500000000000000693889390391;0.004166666666666666608842550801;0.036979166666666667129259593594;0.007812500000000000000000000000;0.048437500000000001387778780781;0.015104166666666666782314898398;0.006250000000000000346944695195;0.009374999999999999653055304805;0.050000000000000002775557561563;0.023437500000000000000000000000;0.015104166666666666782314898398;0.018749999999999999306110609609;0.022916666666666665047591422422;0.016145833333333334952408577578;0.005729166666666666261897855605;0.019270833333333334258519187188;0.009895833333333332870740406406;0.003645833333333333391157449199;0.063541666666666662965923251249;0.021874999999999998612221219219;0.045833333333333330095182844843;0.037499999999999998612221219219;0.011458333333333332523795711211;0.001562500000000000086736173799;0.009895833333333332870740406406;0.006770833333333333564629796797;0.037499999999999998612221219219;0.010416666666666666088425508008;0.011458333333333332523795711211;0.010937499999999999306110609609;0.051041666666666665741480812812;0.013020833333333333911574491992;0.009895833333333332870740406406;0.001041666666666666652210637700;0.008854166666666666435370203203;0.006250000000000000346944695195;0.005729166666666666261897855605;0.000000000000000000000000000000;0.039583333333333331482961625625;0.012500000000000000693889390391;0.025520833333333332870740406406;0.049479166666666664353702032031;0.029166666666666667129259593594;0.018229166666666667823148983985;0.015625000000000000000000000000
-0.034375000000000002775557561563;0.009895833333333332870740406406;0.064062499999999994448884876874;0.000000000000000000000000000000;0.003125000000000000173472347598;0.023437500000000000000000000000;0.001562500000000000086736173799;0.019791666666666665741480812812;0.054166666666666668517038374375;0.018749999999999999306110609609;0.018749999999999999306110609609;0.011979166666666667476204288789;0.027083333333333334258519187188;0.043229166666666665741480812812;0.008854166666666666435370203203;0.018229166666666667823148983985;0.024479166666666666435370203203;0.054687500000000000000000000000;0.014062500000000000346944695195;0.014062500000000000346944695195;0.010416666666666666088425508008;0.022916666666666665047591422422;0.018749999999999999306110609609;0.023437500000000000000000000000;0.045312499999999998612221219219;0.035416666666666665741480812812;0.030208333333333333564629796797;0.007291666666666666782314898398;0.001041666666666666652210637700;0.013541666666666667129259593594;0.008854166666666666435370203203;0.009895833333333332870740406406;0.008333333333333333217685101602;0.007812500000000000000000000000;0.034375000000000002775557561563;0.040104166666666669904817155157;0.012500000000000000693889390391;0.010937499999999999306110609609;0.004687499999999999826527652402;0.031250000000000000000000000000;0.002604166666666666522106377002;0.025000000000000001387778780781;0.000000000000000000000000000000;0.015625000000000000000000000000;0.001562500000000000086736173799;0.013541666666666667129259593594;0.028125000000000000693889390391;0.018749999999999999306110609609;0.032812500000000001387778780781;0.020312500000000000693889390391
-0.020000000000000000416333634234;0.006944444444444444058950338672;0.055000000000000000277555756156;0.228055555555555566904502029502;0.008611111111111111049432054187;0.016388888888888890338346726594;0.002777777777777777883788656865;0.018333333333333333425851918719;0.019444444444444444752839729063;0.024166666666666666157814447047;0.014166666666666665949647629930;0.011388888888888889366901580047;0.009444444444444444544672911945;0.033333333333333332870740406406;0.017222222222222222098864108375;0.018055555555555553859381490156;0.020000000000000000416333634234;0.020833333333333332176851016015;0.010277777777777778039913769703;0.006666666666666667094565124074;0.010833333333333333703407674875;0.020833333333333332176851016015;0.006388888888888889262818171488;0.031388888888888889783235214281;0.032222222222222221543752596062;0.026111111111111112714766591125;0.024722222222222221821308352219;0.011111111111111111535154627461;0.001111111111111111110147375847;0.008333333333333333217685101602;0.006388888888888889262818171488;0.018055555555555553859381490156;0.005000000000000000104083408559;0.012222222222222222862142437805;0.014444444444444443781394582516;0.035277777777777775958245598531;0.006944444444444444058950338672;0.006666666666666667094565124074;0.001111111111111111110147375847;0.014444444444444443781394582516;0.005000000000000000104083408559;0.006111111111111111431071218902;0.000000000000000000000000000000;0.020277777777777776513357110844;0.010555555555555555871660722289;0.009722222222222222376419864531;0.034444444444444444197728216750;0.021111111111111111743321444578;0.021666666666666667406815349750;0.016388888888888890338346726594
-0.020430107526881721713429840293;0.010215053763440860856714920146;0.060752688172043010916834049340;0.204301075268817217134298402925;0.004301075268817204297344680697;0.012365591397849462138025522506;0.009677419354838710102706400562;0.030645161290322579100697808485;0.019892473118279570959421320708;0.030645161290322579100697808485;0.011290322580645160630008483338;0.003763440860215053977017030107;0.003225806451612903223008510523;0.029569892473118281062127721270;0.018279569892473118697395761956;0.012365591397849462138025522506;0.022043010752688170506008447092;0.021505376344086023221446879461;0.012365591397849462138025522506;0.006989247311827957200025540629;0.013978494623655914400051081259;0.019892473118279570959421320708;0.002150537634408602148672340348;0.034408602150537634378757445575;0.022043010752688170506008447092;0.037096774193548384679353091542;0.032795698924731185586178838776;0.012365591397849462138025522506;0.001075268817204301074336170174;0.008064516129032257840680841809;0.002688172043010752902680859933;0.020430107526881721713429840293;0.007526881720430107954034060214;0.018817204301075269451404281540;0.010752688172043011610723439730;0.025806451612903225784068084181;0.004301075268817204297344680697;0.012365591397849462138025522506;0.001075268817204301074336170174;0.011827956989247311384017002922;0.010215053763440860856714920146;0.005913978494623655692008501461;0.000000000000000000000000000000;0.023655913978494622768034005844;0.011290322580645160630008483338;0.020967741935483872467438359877;0.034946236559139781663319013205;0.016129032258064515681361683619;0.014516129032258065154059600843;0.018279569892473118697395761956
-0.028518518518518519433424529552;0.028888888888888887562789165031;0.042962962962962959745372160114;0.057407407407407406996213694583;0.052222222222222225429533182250;0.015185185185185185244294281404;0.005925925925925925631665425186;0.029259259259259259161600752464;0.006666666666666667094565124074;0.031111111111111110216764785719;0.012222222222222222862142437805;0.006666666666666667094565124074;0.009259259259259258745267118229;0.025925925925925925180637321432;0.041481481481481480289019714291;0.013703703703703704053218359604;0.016296296296296294836558615771;0.025925925925925925180637321432;0.017777777777777777762358013547;0.004074074074074073709139653943;0.017407407407407406163546426114;0.010000000000000000208166817117;0.002962962962962962815832712593;0.040370370370370368962031903948;0.021851851851851851471497667490;0.031111111111111110216764785719;0.031481481481481478346129421197;0.060740740740740740977177125615;0.001851851851851851922525771243;0.016296296296296294836558615771;0.005185185185185185036127464286;0.014074074074074073917306471060;0.011851851851851851263330850372;0.007407407407407407690103084974;0.010740740740740739936343040029;0.034444444444444444197728216750;0.010740740740740739936343040029;0.008518518518518519017090895318;0.000740740740740740703958178148;0.008888888888888888881179006773;0.009259259259259258745267118229;0.015185185185185185244294281404;0.000000000000000000000000000000;0.029999999999999998889776975375;0.026296296296296296779448908865;0.017407407407407406163546426114;0.038518518518518521376314822646;0.022962962962962962798485477833;0.010370370370370370072254928573;0.011851851851851851263330850372
-0.024074074074074074125473288177;0.021604938271604937072289942535;0.049382716049382713308091297222;0.046913580246913583193801855487;0.058641975308641972053358415451;0.009259259259259258745267118229;0.010493827160493827271858791050;0.022222222222222223070309254922;0.020987654320987654543717582101;0.020987654320987654543717582101;0.015432098765432097908778530382;0.008024691358024691953398921385;0.007407407407407407690103084974;0.043827160493827163612046149410;0.032098765432098767813595685539;0.009259259259259258745267118229;0.012345679012345678327022824305;0.029012345679012344762393027509;0.020987654320987654543717582101;0.011111111111111111535154627461;0.021604938271604937072289942535;0.007407407407407407690103084974;0.012345679012345678327022824305;0.029629629629629630760412339896;0.014814814814814815380206169948;0.026543209876543211178656633820;0.030864197530864195817557060764;0.051234567901234567832702282431;0.002469135802469135752140738660;0.037037037037037034981068472916;0.008024691358024691953398921385;0.019753086419753086017125909279;0.011728395061728395798450463872;0.007407407407407407690103084974;0.016666666666666666435370203203;0.032716049382716050342168045972;0.005555555555555555767577313730;0.003703703703703703845051542487;0.001851851851851851922525771243;0.015432098765432097908778530382;0.009876543209876543008562954640;0.011111111111111111535154627461;0.000000000000000000000000000000;0.012962962962962962590318660716;0.022839506172839505598881615356;0.015432098765432097908778530382;0.043209876543209874144579885069;0.022839506172839505598881615356;0.016049382716049383906797842769;0.014814814814814815380206169948
-0.025000000000000001387778780781;0.005555555555555555767577313730;0.066666666666666665741480812812;0.196111111111111124927219862002;0.028333333333333331899295259859;0.009444444444444444544672911945;0.004444444444444444440589503387;0.017777777777777777762358013547;0.007222222222222221890697291258;0.040000000000000000832667268469;0.013888888888888888117900677344;0.014999999999999999444888487687;0.002777777777777777883788656865;0.036666666666666666851703837438;0.017777777777777777762358013547;0.017222222222222222098864108375;0.021666666666666667406815349750;0.019444444444444444752839729063;0.008333333333333333217685101602;0.003888888888888888777095598215;0.011666666666666667198648532633;0.010555555555555555871660722289;0.001111111111111111110147375847;0.076111111111111115490324152688;0.025555555555555557051272685953;0.033333333333333332870740406406;0.020000000000000000416333634234;0.002222222222222222220294751693;0.007777777777777777554191196430;0.013888888888888888117900677344;0.005555555555555555767577313730;0.033888888888888892003681263532;0.001111111111111111110147375847;0.003888888888888888777095598215;0.002222222222222222220294751693;0.045555555555555557467606320188;0.006111111111111111431071218902;0.012222222222222222862142437805;0.000555555555555555555073687923;0.000555555555555555555073687923;0.005000000000000000104083408559;0.003333333333333333547282562037;0.000000000000000000000000000000;0.026666666666666668378260496297;0.006666666666666667094565124074;0.021111111111111111743321444578;0.036666666666666666851703837438;0.013888888888888888117900677344;0.005000000000000000104083408559;0.010555555555555555871660722289
-0.019540229885057470993192652031;0.001724137931034482734693469297;0.046551724137931037306170622969;0.296551724137931016489488911247;0.002873563218390804557822448828;0.010919540229885057319725305547;0.006896551724137930938773877187;0.022413793103448275551015100859;0.009770114942528735496596326016;0.041954022988505750013654704844;0.013793103448275861877547754375;0.005172413793103448204080407891;0.002298850574712643646257959062;0.029310344827586206489788978047;0.022988505747126436462579590625;0.017241379310344827346934692969;0.013218390804597700965983264609;0.015517241379310344612241223672;0.010919540229885057319725305547;0.005747126436781609115644897656;0.010344827586206896408160815781;0.005747126436781609115644897656;0.000000000000000000000000000000;0.051724137931034482040804078906;0.018965517241379310081628162266;0.041379310344827585632643263125;0.028735632183908045578224488281;0.000000000000000000000000000000;0.004597701149425287292515918125;0.005172413793103448204080407891;0.004022988505747126380951428359;0.035632183908045976516998365469;0.003448275862068965469386938594;0.004022988505747126380951428359;0.002873563218390804557822448828;0.035632183908045976516998365469;0.009770114942528735496596326016;0.009770114942528735496596326016;0.000000000000000000000000000000;0.001149425287356321823128979531;0.005747126436781609115644897656;0.001724137931034482734693469297;0.000000000000000000000000000000;0.028735632183908045578224488281;0.010919540229885057319725305547;0.017816091954022988258499182734;0.031034482758620689224482447344;0.016091954022988505523805713437;0.006896551724137930938773877187;0.012643678160919540054418774844
-0.020740740740740740144509857146;0.013703703703703704053218359604;0.046666666666666668794594130532;0.111851851851851855079722497521;0.022222222222222223070309254922;0.021111111111111111743321444578;0.002962962962962962815832712593;0.025555555555555557051272685953;0.012592592592592592726230549260;0.022592592592592591199673890401;0.013703703703703704053218359604;0.015925925925925926707193980292;0.017037037037037038034181790636;0.033703703703703701000105041885;0.029259259259259259161600752464;0.023333333333333334397297065266;0.022592592592592591199673890401;0.024074074074074074125473288177;0.033333333333333332870740406406;0.002962962962962962815832712593;0.015185185185185185244294281404;0.010740740740740739936343040029;0.011481481481481481399242738917;0.039259259259259257635044093604;0.024814814814814813853649511088;0.031851851851851853414387960584;0.027777777777777776235801354687;0.009629629629629630344078705662;0.002592592592592592518063732143;0.029629629629629630760412339896;0.011481481481481481399242738917;0.021851851851851851471497667490;0.019629629629629628817522046802;0.005185185185185185036127464286;0.011111111111111111535154627461;0.037407407407407410049327012302;0.009629629629629630344078705662;0.009259259259259258745267118229;0.001481481481481481407916356297;0.002962962962962962815832712593;0.011111111111111111535154627461;0.006666666666666667094565124074;0.000000000000000000000000000000;0.023333333333333334397297065266;0.015925925925925926707193980292;0.017407407407407406163546426114;0.031851851851851853414387960584;0.014444444444444443781394582516;0.015925925925925926707193980292;0.014444444444444443781394582516
-0.032258064516129031362723367238;0.015591397849462364927353164035;0.045698924731182796743489404889;0.018279569892473118697395761956;0.011290322580645160630008483338;0.039247311827956987695387169879;0.009139784946236559348697880978;0.024731182795698924276051045013;0.010752688172043011610723439730;0.020967741935483872467438359877;0.017741935483870967943387242372;0.017741935483870967943387242372;0.028494623655913979554110682102;0.030645161290322579100697808485;0.029032258064516130308119201686;0.024731182795698924276051045013;0.029569892473118281062127721270;0.024193548387096773522042525428;0.032795698924731185586178838776;0.005913978494623655692008501461;0.024193548387096773522042525428;0.009139784946236559348697880978;0.012903225806451612892034042090;0.039784946236559141918842641417;0.030645161290322579100697808485;0.026881720430107527292085123349;0.023655913978494622768034005844;0.017204301075268817189378722787;0.003763440860215053977017030107;0.034946236559139781663319013205;0.015591397849462364927353164035;0.027956989247311828800102162518;0.024193548387096773522042525428;0.003225806451612903223008510523;0.015053763440860215908068120427;0.032258064516129031362723367238;0.010215053763440860856714920146;0.011827956989247311384017002922;0.000537634408602150537168085087;0.008064516129032257840680841809;0.011290322580645160630008483338;0.010752688172043011610723439730;0.000000000000000000000000000000;0.022043010752688170506008447092;0.017204301075268817189378722787;0.017741935483870967943387242372;0.025268817204301075030059564597;0.020967741935483872467438359877;0.018279569892473118697395761956;0.015591397849462364927353164035
-0.030894308943089431734874139579;0.008943089430894309369013406297;0.047154471544715449715656774288;0.161788617886178848204181690562;0.002032520325203252247597829339;0.017479674796747966813992292145;0.015447154471544715867437069790;0.024796747967479673691038044581;0.016260162601626017980782634709;0.024390243902439025236450476086;0.013414634146341463186158371457;0.012195121951219512618225238043;0.019512195121951219495270990478;0.024390243902439025236450476086;0.010975609756097560315568628653;0.023577235772357724857828387144;0.021951219512195120631137257305;0.023170731707317072933793866696;0.013414634146341463186158371457;0.011788617886178862428914193572;0.021951219512195120631137257305;0.013008130081300812996847326986;0.008536585365853659179702361826;0.034959349593495933627984584291;0.024390243902439025236450476086;0.036178861788617885930641193681;0.025609756097560974069660133523;0.008130081300813008990391317354;0.002439024390243902436908873810;0.013821138211382113375469415928;0.008130081300813008990391317354;0.020325203252032519873893079421;0.009349593495934959558324450768;0.007317073170731707744407490424;0.017886178861788618738026812593;0.034146341463414636718809447302;0.011788617886178862428914193572;0.020325203252032519873893079421;0.002032520325203252247597829339;0.012195121951219512618225238043;0.005691056910569106119801574550;0.007723577235772357933718534895;0.000000000000000000000000000000;0.022357723577235772555171777753;0.006097560975609756309112619022;0.035772357723577237476053625187;0.019512195121951219495270990478;0.014227642276422763564780460399;0.018292682926829267192614381088;0.014227642276422763564780460399
-0.024324324324324325674595570490;0.012612612612612612156270941455;0.026576576576576575738908303492;0.277927927927927920226380820168;0.006306306306306306078135470727;0.018918918918918919969129888159;0.003603603603603603659083498556;0.034684684684684684297106826989;0.012612612612612612156270941455;0.017117117117117115754343359413;0.014864864864864865690030626411;0.009459459459459459984564944079;0.013963963963963963582637362038;0.021171171171171170033442621161;0.017567567567567568542763467576;0.020270270270270271395496308742;0.013513513513513514263664205828;0.021621621621621622821862729324;0.020270270270270271395496308742;0.004954954954954954651769050145;0.022522522522522521459809041744;0.007657657657657657504501891310;0.007657657657657657504501891310;0.023873873873873872886175462327;0.022072072072072072140835885534;0.022522522522522521459809041744;0.029279279279279278591641144658;0.009009009009009008930868311893;0.003603603603603603659083498556;0.018918918918918919969129888159;0.009009009009009008930868311893;0.013963963963963963582637362038;0.014414414414414414636333994224;0.004504504504504504465434155946;0.014864864864864865690030626411;0.026576576576576575738908303492;0.013513513513513514263664205828;0.010360360360360360357234732476;0.001801801801801801829541749278;0.009459459459459459984564944079;0.008558558558558557877171679706;0.004954954954954954651769050145;0.000000000000000000000000000000;0.012612612612612612156270941455;0.014864864864864865690030626411;0.014414414414414414636333994224;0.015765765765765764327976938830;0.017117117117117115754343359413;0.021171171171171170033442621161;0.012612612612612612156270941455
-0.039743589743589741170026741202;0.017521367521367521569164438233;0.018376068376068376702958673263;0.195299145299145299192744573702;0.012820512820512820068019621544;0.021367521367521367936515019892;0.008119658119658120301598280832;0.025641025641025640136039243089;0.002991452991452991667237215623;0.022222222222222223070309254922;0.020085470085470086970547143324;0.013247863247863247634916739059;0.016239316239316240603196561665;0.021794871794871793768688661430;0.011965811965811966668948862491;0.018803418803418802535132314802;0.011965811965811966668948862491;0.023504273504273504036277131490;0.026068376068376069437659836581;0.005128205128205128200680196215;0.021794871794871793768688661430;0.002564102564102564100340098108;0.011111111111111111535154627461;0.032051282051282048435325577884;0.029487179487179486503389824748;0.036324786324786327573743704988;0.030769230769230770938804653269;0.011965811965811966668948862491;0.001709401709401709400226732072;0.026068376068376069437659836581;0.011111111111111111535154627461;0.014529914529914530335608091605;0.017948717948717947401338079771;0.002991452991452991667237215623;0.010683760683760683968257509946;0.027350427350427350403627713149;0.013247863247863247634916739059;0.017094017094017095736990796695;0.001282051282051282050170049054;0.006837606837606837600906928287;0.006410256410256410034009810772;0.008547008547008547868495398347;0.000000000000000000000000000000;0.018803418803418802535132314802;0.013247863247863247634916739059;0.019230769230769231836752908293;0.019230769230769231836752908293;0.013247863247863247634916739059;0.030341880341880341637184059778;0.011111111111111111535154627461
-0.014880952380952380126322154297;0.017857142857142856151586585156;0.042261904761904764415980650938;0.377380952380952372493538859999;0.041071428571428571230317317031;0.007142857142857142634106981660;0.007142857142857142634106981660;0.015476190476190476719153821250;0.002976190476190476025264430859;0.025595238095238094511163495781;0.003571428571428571317053490830;0.010119047619047619526733150508;0.004166666666666666608842550801;0.011904761904761904101057723437;0.033928571428571425994125121406;0.015476190476190476719153821250;0.017261904761904763028201870156;0.016666666666666666435370203203;0.010714285714285714384841341484;0.002976190476190476025264430859;0.010119047619047619526733150508;0.004166666666666666608842550801;0.000000000000000000000000000000;0.032738095238095239747355691406;0.011904761904761904101057723437;0.020238095238095239053466301016;0.011309523809523809242949532461;0.032738095238095239747355691406;0.002380952380952381167156239883;0.011904761904761904101057723437;0.004166666666666666608842550801;0.020833333333333332176851016015;0.001785714285714285658526745415;0.002976190476190476025264430859;0.002976190476190476025264430859;0.028571428571428570536427926640;0.003571428571428571317053490830;0.007142857142857142634106981660;0.000595238095238095291789059971;0.002976190476190476025264430859;0.008333333333333333217685101602;0.000000000000000000000000000000;0.000000000000000000000000000000;0.023214285714285715078730731875;0.019047619047619049337249919063;0.015476190476190476719153821250;0.021428571428571428769682682969;0.008928571428571428075793292578;0.005952380952380952050528861719;0.005952380952380952050528861719
-0.022012578616352199839534264925;0.009748427672955974412905000293;0.043710691823899368302352996807;0.264150943396226411952198986910;0.004402515723270440141379200583;0.022641509433962262592965331010;0.005345911949685534271525799710;0.021383647798742137086103198840;0.012264150943396227161352740609;0.014465408805031446798361471906;0.015408805031446540928508071033;0.020125786163522011579241066670;0.013836477987421384044930405821;0.025786163522012579829567613388;0.017610062893081760565516802330;0.016981132075471697812085736246;0.013207547169811321291499339736;0.019811320754716980202525533628;0.018238993710691823318947868415;0.006918238993710692022465202911;0.017295597484276729188801269288;0.010377358490566037166336066377;0.005660377358490565648241332752;0.020440251572327042955956599712;0.023899371069182391569274415133;0.022012578616352199839534264925;0.023270440251572325346396397094;0.022012578616352199839534264925;0.000943396226415094346987033624;0.018867924528301886072378934500;0.024842767295597485699421014260;0.011949685534591195784637207566;0.008176100628930817529327335080;0.011949685534591195784637207566;0.012578616352201258538068273651;0.026729559748427673959714212515;0.006289308176100629269034136826;0.011006289308176099919767132462;0.000943396226415094346987033624;0.010062893081761005789620533335;0.004716981132075471518094733625;0.004716981132075471518094733625;0.000000000000000000000000000000;0.013836477987421384044930405821;0.014465408805031446798361471906;0.010691823899371068543051599420;0.021383647798742137086103198840;0.019811320754716980202525533628;0.019496855345911948825810000585;0.013522012578616352668214872779
-0.017222222222222222098864108375;0.018333333333333333425851918719;0.036111111111111107718762980312;0.340000000000000024424906541753;0.003333333333333333547282562037;0.013333333333333334189130248149;0.005555555555555555767577313730;0.021666666666666667406815349750;0.016111111111111110771876298031;0.014444444444444443781394582516;0.007222222222222221890697291258;0.003888888888888888777095598215;0.011666666666666667198648532633;0.022777777777777778733803160094;0.017777777777777777762358013547;0.011111111111111111535154627461;0.021111111111111111743321444578;0.035000000000000003330669073875;0.010000000000000000208166817117;0.004444444444444444440589503387;0.014444444444444443781394582516;0.014444444444444443781394582516;0.008333333333333333217685101602;0.019444444444444444752839729063;0.016111111111111110771876298031;0.010000000000000000208166817117;0.021666666666666667406815349750;0.017222222222222222098864108375;0.003333333333333333547282562037;0.011111111111111111535154627461;0.011666666666666667198648532633;0.016111111111111110771876298031;0.005000000000000000104083408559;0.010555555555555555871660722289;0.016111111111111110771876298031;0.030555555555555554553270880547;0.006111111111111111431071218902;0.010000000000000000208166817117;0.002222222222222222220294751693;0.010000000000000000208166817117;0.007222222222222221890697291258;0.015555555555555555108382392859;0.000000000000000000000000000000;0.012777777777777778525636342977;0.012222222222222222862142437805;0.009444444444444444544672911945;0.017222222222222222098864108375;0.011111111111111111535154627461;0.016111111111111110771876298031;0.012777777777777778525636342977
-0.022916666666666665047591422422;0.021354166666666667129259593594;0.089062500000000002775557561563;0.001562500000000000086736173799;0.002604166666666666522106377002;0.020312500000000000693889390391;0.002604166666666666522106377002;0.019270833333333334258519187188;0.032812500000000001387778780781;0.020833333333333332176851016015;0.012500000000000000693889390391;0.007291666666666666782314898398;0.021354166666666667129259593594;0.042708333333333334258519187188;0.011979166666666667476204288789;0.015104166666666666782314898398;0.028645833333333332176851016015;0.040625000000000001387778780781;0.011458333333333332523795711211;0.017708333333333332870740406406;0.012500000000000000693889390391;0.027083333333333334258519187188;0.024479166666666666435370203203;0.024479166666666666435370203203;0.027083333333333334258519187188;0.030729166666666665047591422422;0.023958333333333334952408577578;0.013020833333333333911574491992;0.001562500000000000086736173799;0.011458333333333332523795711211;0.010416666666666666088425508008;0.017708333333333332870740406406;0.010416666666666666088425508008;0.004166666666666666608842550801;0.031770833333333331482961625625;0.047916666666666669904817155157;0.010416666666666666088425508008;0.011979166666666667476204288789;0.007291666666666666782314898398;0.041145833333333332870740406406;0.006770833333333333564629796797;0.023437500000000000000000000000;0.000000000000000000000000000000;0.010416666666666666088425508008;0.004687499999999999826527652402;0.006770833333333333564629796797;0.038020833333333330095182844843;0.023958333333333334952408577578;0.031770833333333331482961625625;0.021874999999999998612221219219
-0.026666666666666668378260496297;0.025185185185185185452461098521;0.034444444444444444197728216750;0.068148148148148152136727162542;0.018148148148148149361169600979;0.021851851851851851471497667490;0.005925925925925925631665425186;0.036296296296296298722339201959;0.017777777777777777762358013547;0.016666666666666666435370203203;0.018148148148148149361169600979;0.017037037037037038034181790636;0.012222222222222222862142437805;0.029629629629629630760412339896;0.042592592592592591616007524635;0.017407407407407406163546426114;0.018888888888888889089345823891;0.038148148148148146308056283260;0.031851851851851853414387960584;0.005925925925925925631665425186;0.019259259259259260688157411323;0.010370370370370370072254928573;0.010370370370370370072254928573;0.024074074074074074125473288177;0.031851851851851853414387960584;0.028518518518518519433424529552;0.027777777777777776235801354687;0.024814814814814813853649511088;0.001111111111111111110147375847;0.028148148148148147834612942120;0.015925925925925926707193980292;0.013703703703703704053218359604;0.016296296296296294836558615771;0.005925925925925925631665425186;0.012962962962962962590318660716;0.029999999999999998889776975375;0.011481481481481481399242738917;0.004814814814814815172039352831;0.002962962962962962815832712593;0.010740740740740739936343040029;0.012962962962962962590318660716;0.017777777777777777762358013547;0.000000000000000000000000000000;0.012962962962962962590318660716;0.021481481481481479872686080057;0.011851851851851851263330850372;0.025925925925925925180637321432;0.022222222222222223070309254922;0.024814814814814813853649511088;0.015925925925925926707193980292
-0.022368421052631579093450397977;0.041228070175438599753725554820;0.019736842105263156799122015173;0.046052631578947365864618035403;0.027192982456140352143236782467;0.025000000000000001387778780781;0.010087719298245614168996198146;0.046929824561403508942358797640;0.011403508771929825316160389548;0.010087719298245614168996198146;0.020175438596491228337992396291;0.010087719298245614168996198146;0.023684210526315790240614589379;0.017543859649122806043664013487;0.039473684210526313598244030345;0.013157894736842104532748010115;0.009649122807017544364849293004;0.046929824561403508942358797640;0.048684210526315788158946418207;0.004824561403508772182424646502;0.028947368421052631359824403035;0.009210526315789472825978911885;0.025000000000000001387778780781;0.017982456140350877582534394605;0.017982456140350877582534394605;0.021052631578947367946286206575;0.043421052631578950509183556505;0.029824561403508770968118213318;0.000438596491228070183617665512;0.044736842105263158186900795954;0.009649122807017544364849293004;0.008771929824561403021832006743;0.023684210526315790240614589379;0.005701754385964912658080194774;0.015789473684210526827076392919;0.024122807017543858310038018544;0.015350877192982455288206011801;0.009210526315789472825978911885;0.001754385964912280734470662047;0.004385964912280701510916003372;0.016666666666666666435370203203;0.015350877192982455288206011801;0.000000000000000000000000000000;0.009649122807017544364849293004;0.025000000000000001387778780781;0.020614035087719299876862777410;0.010526315789473683973143103287;0.014035087719298245875765296375;0.025877192982456140996072591065;0.010964912280701753777290008429
-0.028174603174603175120838116641;0.023412698412698412786525636875;0.028174603174603175120838116641;0.045238095238095236971798129844;0.010317460317460317234528055508;0.032936507936507937455150596406;0.005952380952380952050528861719;0.028968253968253969421464688594;0.020634920634920634469056111016;0.015079365079365079568840535273;0.019444444444444444752839729063;0.014285714285714285268213963320;0.030952380952380953438307642500;0.020634920634920634469056111016;0.021031746031746033354092872969;0.020634920634920634469056111016;0.026984126984126985404621734688;0.038095238095238098674499838125;0.018253968253968255036623347110;0.009126984126984127518311673555;0.019841269841269840168429539062;0.014285714285714285268213963320;0.026587301587301586519584972734;0.019444444444444444752839729063;0.027380952380952380820211544687;0.025000000000000001387778780781;0.025396825396825396803368590781;0.021428571428571428769682682969;0.003571428571428571317053490830;0.028571428571428570536427926640;0.023809523809523808202115446875;0.015079365079365079568840535273;0.017063492063492061850960013203;0.004761904761904762334312479766;0.034126984126984123701920026406;0.022619047619047618485899064922;0.010714285714285714384841341484;0.016666666666666666435370203203;0.001984126984126984016842953906;0.022222222222222223070309254922;0.010317460317460317234528055508;0.020634920634920634469056111016;0.000000000000000000000000000000;0.015476190476190476719153821250;0.015476190476190476719153821250;0.019841269841269840168429539062;0.013095238095238095551997581367;0.015873015873015872134743631250;0.034523809523809526056403740313;0.015873015873015872134743631250
-0.023170731707317072933793866696;0.027642276422764226750938831856;0.050813008130081299684732698552;0.034959349593495933627984584291;0.013821138211382113375469415928;0.015447154471544715867437069790;0.002845528455284553059900787275;0.026016260162601625993694653971;0.026422764227642277917729174419;0.018292682926829267192614381088;0.015853658536585366056748114261;0.012195121951219512618225238043;0.016260162601626017980782634709;0.027642276422764226750938831856;0.035772357723577237476053625187;0.020325203252032519873893079421;0.036991869918699189778710234577;0.047967479674796746624831911276;0.021138211382113820252515168363;0.010975609756097560315568628653;0.019105691056910567571236470030;0.018292682926829267192614381088;0.009349593495934959558324450768;0.021138211382113820252515168363;0.025203252032520325615072565029;0.019918699186991871419305510926;0.027235772357723578296351263361;0.039430894308943087445129549451;0.000813008130081300812302957937;0.017479674796747966813992292145;0.009756097560975609747635495239;0.019105691056910567571236470030;0.013414634146341463186158371457;0.007723577235772357933718534895;0.022357723577235772555171777753;0.032113821138211380568083797016;0.008536585365853659179702361826;0.009756097560975609747635495239;0.002032520325203252247597829339;0.023170731707317072933793866696;0.013821138211382113375469415928;0.017886178861788618738026812593;0.000000000000000000000000000000;0.014227642276422763564780460399;0.020325203252032519873893079421;0.012195121951219512618225238043;0.027235772357723578296351263361;0.016260162601626017980782634709;0.031707317073170732113496228521;0.015853658536585366056748114261
-0.025595238095238094511163495781;0.030952380952380953438307642500;0.048809523809523809589894227656;0.123809523809523813753230570001;0.013690476190476190410105772344;0.014285714285714285268213963320;0.008928571428571428075793292578;0.027380952380952380820211544687;0.006547619047619047775998790684;0.022619047619047618485899064922;0.016071428571428569842538536250;0.010714285714285714384841341484;0.011904761904761904101057723437;0.034523809523809526056403740313;0.039285714285714284921269268125;0.016071428571428569842538536250;0.011309523809523809242949532461;0.016071428571428569842538536250;0.017857142857142856151586585156;0.007142857142857142634106981660;0.017261904761904763028201870156;0.013095238095238095551997581367;0.006547619047619047775998790684;0.029761904761904760252644308594;0.035119047619047619179788455313;0.025595238095238094511163495781;0.025595238095238094511163495781;0.061309523809523806814336666093;0.000000000000000000000000000000;0.010714285714285714384841341484;0.005952380952380952050528861719;0.012500000000000000693889390391;0.008333333333333333217685101602;0.007738095238095238359576910625;0.021428571428571428769682682969;0.029761904761904760252644308594;0.007142857142857142634106981660;0.005952380952380952050528861719;0.001785714285714285658526745415;0.013095238095238095551997581367;0.011309523809523809242949532461;0.005357142857142857192420670742;0.000000000000000000000000000000;0.010119047619047619526733150508;0.014880952380952380126322154297;0.011309523809523809242949532461;0.035714285714285712303173170312;0.027380952380952380820211544687;0.025000000000000001387778780781;0.016666666666666666435370203203
-0.031699346405228756573535520147;0.011111111111111111535154627461;0.056209150326797387153821006223;0.105882352941176469118822467408;0.010130718954248366450721086096;0.026143790849673203408043420382;0.000653594771241830020148955160;0.012091503267973856619588168826;0.028104575163398693576910503111;0.017320261437908497648141548098;0.017647058823529411519803744568;0.020261437908496732901442172192;0.024509803921568627110838534122;0.036928104575163399336812375395;0.012745098039215686097636037744;0.023529411764705882026404992757;0.021895424836601305729200106498;0.034967320261437909167945292666;0.011437908496732025406816823931;0.012418300653594770491250365296;0.010457516339869280322383282567;0.017647058823529411519803744568;0.006862745098039215591034789554;0.019281045751633987817008630827;0.034313725490196081424620899725;0.032679738562091505127416013465;0.027124183006535948492476961746;0.024836601307189540982500730593;0.000326797385620915010074477580;0.029411764705882352533006240947;0.016666666666666666435370203203;0.014379084967320260660117448026;0.006535947712418300852010855095;0.010457516339869280322383282567;0.023856209150326795898067189228;0.030065359477124183745777585841;0.009477124183006535237949741202;0.006862745098039215591034789554;0.004575163398692810683143772366;0.020261437908496732901442172192;0.004575163398692810683143772366;0.009477124183006535237949741202;0.000000000000000000000000000000;0.006862745098039215591034789554;0.007189542483660130330058724013;0.007516339869281045936444396460;0.031045751633986928830211127206;0.024836601307189540982500730593;0.026797385620915031151367813322;0.019934640522875815560333023768
-0.020634920634920634469056111016;0.019444444444444444752839729063;0.052777777777777777623580135469;0.035714285714285712303173170312;0.020634920634920634469056111016;0.027777777777777776235801354687;0.004365079365079365183999193789;0.030952380952380953438307642500;0.026190476190476191103995162734;0.012698412698412698401684295391;0.017857142857142856151586585156;0.019841269841269840168429539062;0.013888888888888888117900677344;0.030952380952380953438307642500;0.018253968253968255036623347110;0.020238095238095239053466301016;0.018650793650793650452213157109;0.056349206349206350241676233281;0.019841269841269840168429539062;0.005555555555555555767577313730;0.020238095238095239053466301016;0.021428571428571428769682682969;0.017857142857142856151586585156;0.032539682539682542039560786407;0.030952380952380953438307642500;0.027380952380952380820211544687;0.034126984126984123701920026406;0.012301587301587301251371009414;0.000793650793650793650105268462;0.023412698412698412786525636875;0.016269841269841271019780393203;0.012698412698412698401684295391;0.011507936507936508685467913438;0.007539682539682539784420267637;0.023015873015873017370935826875;0.035317460317460316887583360312;0.016269841269841271019780393203;0.007142857142857142634106981660;0.002777777777777777883788656865;0.021428571428571428769682682969;0.007142857142857142634106981660;0.016666666666666666435370203203;0.000000000000000000000000000000;0.011904761904761904101057723437;0.009523809523809524668624959531;0.011507936507936508685467913438;0.020238095238095239053466301016;0.019047619047619049337249919063;0.036904761904761905488836504219;0.019444444444444444752839729063
-0.037179487179487179238090988065;0.013461538461538462285727035805;0.039743589743589741170026741202;0.021794871794871793768688661430;0.044871794871794871972792151382;0.016025641025641024217662788942;0.003205128205128205017004905386;0.028205128205128205537421948179;0.023717948717948716952363952259;0.026923076923076924571454071611;0.013461538461538462285727035805;0.027564102564102563319714533918;0.013461538461538462285727035805;0.020512820512820512802720784862;0.012179487179487179585035683260;0.023717948717948716952363952259;0.016025641025641024217662788942;0.032692307692307694122479944099;0.013461538461538462285727035805;0.006410256410256410034009810772;0.016025641025641024217662788942;0.017307692307692308653077617464;0.008333333333333333217685101602;0.023076923076923078204103489952;0.034615384615384617306155234928;0.038461538461538463673505816587;0.036538461538461540489830525757;0.056410256410256411074843896358;0.001282051282051282050170049054;0.025641025641025640136039243089;0.011538461538461539102051744976;0.011538461538461539102051744976;0.007692307692307692734701163317;0.007692307692307692734701163317;0.017307692307692308653077617464;0.030769230769230770938804653269;0.023076923076923078204103489952;0.008974358974358973700669039886;0.001923076923076923183675290829;0.010897435897435896884344330715;0.004487179487179486850334519943;0.019230769230769231836752908293;0.000000000000000000000000000000;0.019230769230769231836752908293;0.004487179487179486850334519943;0.016666666666666666435370203203;0.023076923076923078204103489952;0.033333333333333332870740406406;0.038461538461538463673505816587;0.017307692307692308653077617464
-0.050000000000000002775557561563;0.011494252873563218231289795312;0.067241379310344823183598350624;0.006896551724137930938773877187;0.005172413793103448204080407891;0.028735632183908045578224488281;0.005747126436781609115644897656;0.022988505747126436462579590625;0.014942528735632183700676733906;0.021264367816091953727886121328;0.020689655172413792816321631562;0.009195402298850574585031836250;0.014942528735632183700676733906;0.028735632183908045578224488281;0.013218390804597700965983264609;0.027586206896551723755095508750;0.025862068965517241020402039453;0.032183908045977011047611426875;0.014367816091954022789112244141;0.010344827586206896408160815781;0.017816091954022988258499182734;0.011494252873563218231289795312;0.013218390804597700965983264609;0.035057471264367819074880827657;0.036781609195402298340127345000;0.040804597701149428190525725313;0.029310344827586206489788978047;0.019540229885057470993192652031;0.001724137931034482734693469297;0.013218390804597700965983264609;0.020114942528735631904757141797;0.022988505747126436462579590625;0.007471264367816091850338366953;0.005747126436781609115644897656;0.022413793103448275551015100859;0.044827586206896551102030201719;0.010344827586206896408160815781;0.023563218390804597374144080391;0.001724137931034482734693469297;0.017816091954022988258499182734;0.007471264367816091850338366953;0.005747126436781609115644897656;0.000000000000000000000000000000;0.023563218390804597374144080391;0.010344827586206896408160815781;0.016091954022988505523805713437;0.035057471264367819074880827657;0.027586206896551723755095508750;0.025287356321839080108837549687;0.021264367816091953727886121328
-0.029444444444444443226283070203;0.009444444444444444544672911945;0.054444444444444441144614899031;0.030555555555555554553270880547;0.003888888888888888777095598215;0.020555555555555556079827539406;0.005000000000000000104083408559;0.024444444444444445724284875610;0.013333333333333334189130248149;0.027777777777777776235801354687;0.017777777777777777762358013547;0.012777777777777778525636342977;0.022777777777777778733803160094;0.041666666666666664353702032031;0.011666666666666667198648532633;0.025000000000000001387778780781;0.013333333333333334189130248149;0.029444444444444443226283070203;0.011111111111111111535154627461;0.011666666666666667198648532633;0.013888888888888888117900677344;0.028888888888888887562789165031;0.016111111111111110771876298031;0.034444444444444444197728216750;0.031666666666666669349705642844;0.047222222222222220988641083750;0.032777777777777780676693453188;0.003333333333333333547282562037;0.001111111111111111110147375847;0.008333333333333333217685101602;0.005000000000000000104083408559;0.016666666666666666435370203203;0.008333333333333333217685101602;0.012777777777777778525636342977;0.038888888888888889505679458125;0.038888888888888889505679458125;0.013333333333333334189130248149;0.012222222222222222862142437805;0.002222222222222222220294751693;0.051666666666666666296592325125;0.007222222222222221890697291258;0.004444444444444444440589503387;0.000000000000000000000000000000;0.018333333333333333425851918719;0.003888888888888888777095598215;0.012222222222222222862142437805;0.031666666666666669349705642844;0.027777777777777776235801354687;0.040555555555555553026714221687;0.020000000000000000416333634234
-0.025203252032520325615072565029;0.006504065040650406498423663493;0.064227642276422761136167594032;0.034959349593495933627984584291;0.019105691056910567571236470030;0.019918699186991871419305510926;0.000813008130081300812302957937;0.012601626016260162807536282514;0.028455284552845527129560920798;0.040650406504065039747786158841;0.013008130081300812996847326986;0.014634146341463415488814980847;0.009349593495934959558324450768;0.043495934959349592807686946117;0.006910569105691056687734707964;0.024390243902439025236450476086;0.023983739837398373312415955638;0.028861788617886179053595441246;0.014227642276422763564780460399;0.013414634146341463186158371457;0.015447154471544715867437069790;0.030081300813008131356252050637;0.007317073170731707744407490424;0.035365853658536582082572152785;0.028861788617886179053595441246;0.039024390243902438990541980957;0.023170731707317072933793866696;0.003658536585365853872203745212;0.000813008130081300812302957937;0.021138211382113820252515168363;0.009756097560975609747635495239;0.024390243902439025236450476086;0.008943089430894309369013406297;0.012601626016260162807536282514;0.019105691056910567571236470030;0.043089430894308944353099377622;0.013414634146341463186158371457;0.013414634146341463186158371457;0.009756097560975609747635495239;0.020731707317073171797927599869;0.005691056910569106119801574550;0.008536585365853659179702361826;0.000000000000000000000000000000;0.020325203252032519873893079421;0.003252032520325203249211831746;0.013821138211382113375469415928;0.048780487804878050472900952172;0.035365853658536582082572152785;0.021138211382113820252515168363;0.018292682926829267192614381088
-0.026543209876543211178656633820;0.009259259259259258745267118229;0.035185185185185187395351391615;0.125925925925925913384517684790;0.012345679012345678327022824305;0.017901234567901234961961876024;0.005555555555555555767577313730;0.017283950617283948963942563637;0.012962962962962962590318660716;0.033950617283950615399312766840;0.019753086419753086017125909279;0.006172839506172839163511412153;0.008641975308641974481971281818;0.050000000000000002775557561563;0.008024691358024691953398921385;0.019753086419753086017125909279;0.017283950617283948963942563637;0.018518518518518517490534236458;0.010493827160493827271858791050;0.009876543209876543008562954640;0.019135802469135803488553548846;0.013580246913580246853614497127;0.006172839506172839163511412153;0.037654320987654324448534737257;0.032716049382716050342168045972;0.048148148148148148250946576354;0.020987654320987654543717582101;0.023456790123456791596900927743;0.002469135802469135752140738660;0.010493827160493827271858791050;0.005555555555555555767577313730;0.020987654320987654543717582101;0.004320987654320987240985640909;0.006790123456790123426807248563;0.016666666666666666435370203203;0.038271604938271606977107097691;0.009876543209876543008562954640;0.008641975308641974481971281818;0.003086419753086419581755706076;0.014814814814814815380206169948;0.005555555555555555767577313730;0.009876543209876543008562954640;0.000000000000000000000000000000;0.023456790123456791596900927743;0.007407407407407407690103084974;0.017283950617283948963942563637;0.048765432098765430779518936788;0.041975308641975309087435164201;0.020987654320987654543717582101;0.015432098765432097908778530382
-0.033333333333333332870740406406;0.008333333333333333217685101602;0.044444444444444446140618509844;0.052777777777777777623580135469;0.002222222222222222220294751693;0.013333333333333334189130248149;0.008333333333333333217685101602;0.023888888888888890060790970438;0.014999999999999999444888487687;0.020555555555555556079827539406;0.016111111111111110771876298031;0.008333333333333333217685101602;0.027777777777777776235801354687;0.031111111111111110216764785719;0.015555555555555555108382392859;0.021111111111111111743321444578;0.025555555555555557051272685953;0.031666666666666669349705642844;0.013333333333333334189130248149;0.007777777777777777554191196430;0.017222222222222222098864108375;0.022222222222222223070309254922;0.023888888888888890060790970438;0.030555555555555554553270880547;0.032777777777777780676693453188;0.030555555555555554553270880547;0.027222222222222220572307449515;0.019444444444444444752839729063;0.001666666666666666773641281019;0.010555555555555555871660722289;0.011111111111111111535154627461;0.021666666666666667406815349750;0.010000000000000000208166817117;0.014999999999999999444888487687;0.053333333333333336756520992594;0.025555555555555557051272685953;0.011666666666666667198648532633;0.018333333333333333425851918719;0.004444444444444444440589503387;0.037777777777777778178691647781;0.006666666666666667094565124074;0.006666666666666667094565124074;0.000000000000000000000000000000;0.013888888888888888117900677344;0.007777777777777777554191196430;0.023888888888888890060790970438;0.026111111111111112714766591125;0.022222222222222223070309254922;0.034444444444444444197728216750;0.012777777777777778525636342977
-0.026829268292682926372316742913;0.031707317073170732113496228521;0.044308943089430896655755987013;0.035365853658536582082572152785;0.005284552845528455063128792091;0.022357723577235772555171777753;0.006097560975609756309112619022;0.035365853658536582082572152785;0.017073170731707318359404723651;0.018292682926829267192614381088;0.013008130081300812996847326986;0.006097560975609756309112619022;0.013821138211382113375469415928;0.023983739837398373312415955638;0.032520325203252035961565269417;0.021138211382113820252515168363;0.017073170731707318359404723651;0.049593495934959347382076089161;0.023577235772357724857828387144;0.005691056910569106119801574550;0.014227642276422763564780460399;0.012601626016260162807536282514;0.018699186991869919116648901536;0.023983739837398373312415955638;0.024796747967479673691038044581;0.029674796747967479432217530189;0.035365853658536582082572152785;0.044308943089430896655755987013;0.002439024390243902436908873810;0.016260162601626017980782634709;0.014634146341463415488814980847;0.015040650406504065678126025318;0.017479674796747966813992292145;0.008130081300813008990391317354;0.027642276422764226750938831856;0.033739837398373981325327974901;0.012601626016260162807536282514;0.010569105691056910126257584182;0.003658536585365853872203745212;0.024390243902439025236450476086;0.011382113821138212239603149101;0.010162601626016259936946539710;0.000000000000000000000000000000;0.018292682926829267192614381088;0.020731707317073171797927599869;0.013414634146341463186158371457;0.021138211382113820252515168363;0.019918699186991871419305510926;0.032520325203252035961565269417;0.013008130081300812996847326986
-0.031707317073170732113496228521;0.012195121951219512618225238043;0.045121951219512193564931124001;0.007723577235772357933718534895;0.042682926829268295898511809128;0.020325203252032519873893079421;0.002845528455284553059900787275;0.026016260162601625993694653971;0.015040650406504065678126025318;0.026422764227642277917729174419;0.013821138211382113375469415928;0.012601626016260162807536282514;0.018699186991869919116648901536;0.039837398373983742838611021853;0.015447154471544715867437069790;0.021951219512195120631137257305;0.018292682926829267192614381088;0.041869918699186992050442768232;0.022357723577235772555171777753;0.011382113821138212239603149101;0.018292682926829267192614381088;0.008130081300813008990391317354;0.013821138211382113375469415928;0.030487804878048779810839619131;0.033333333333333332870740406406;0.036585365853658534385228762176;0.030894308943089431734874139579;0.038617886178861790535954412462;0.002032520325203252247597829339;0.027235772357723578296351263361;0.011788617886178862428914193572;0.014634146341463415488814980847;0.018699186991869919116648901536;0.007723577235772357933718534895;0.020325203252032519873893079421;0.040243902439024391293198590347;0.012601626016260162807536282514;0.013414634146341463186158371457;0.000813008130081300812302957937;0.012195121951219512618225238043;0.007723577235772357933718534895;0.014634146341463415488814980847;0.000000000000000000000000000000;0.019918699186991871419305510926;0.005691056910569106119801574550;0.012195121951219512618225238043;0.034959349593495933627984584291;0.023170731707317072933793866696;0.030081300813008131356252050637;0.013414634146341463186158371457
-0.032222222222222221543752596062;0.005555555555555555767577313730;0.039444444444444441699726411343;0.020555555555555556079827539406;0.072777777777777774570466817750;0.048333333333333332315628894094;0.002777777777777777883788656865;0.010555555555555555871660722289;0.013888888888888888117900677344;0.016666666666666666435370203203;0.025000000000000001387778780781;0.039444444444444441699726411343;0.028888888888888887562789165031;0.032777777777777780676693453188;0.005555555555555555767577313730;0.027222222222222220572307449515;0.012777777777777778525636342977;0.022777777777777778733803160094;0.014444444444444443781394582516;0.010000000000000000208166817117;0.012777777777777778525636342977;0.007222222222222221890697291258;0.010555555555555555871660722289;0.023333333333333334397297065266;0.044444444444444446140618509844;0.027777777777777776235801354687;0.023333333333333334397297065266;0.035555555555555555524716027094;0.001111111111111111110147375847;0.050000000000000002775557561563;0.023888888888888890060790970438;0.008888888888888888881179006773;0.006666666666666667094565124074;0.012222222222222222862142437805;0.018333333333333333425851918719;0.023333333333333334397297065266;0.007777777777777777554191196430;0.015555555555555555108382392859;0.003333333333333333547282562037;0.013888888888888888117900677344;0.003333333333333333547282562037;0.014999999999999999444888487687;0.000000000000000000000000000000;0.020555555555555556079827539406;0.006666666666666667094565124074;0.007222222222222221890697291258;0.026666666666666668378260496297;0.029999999999999998889776975375;0.026666666666666668378260496297;0.012222222222222222862142437805
-0.045833333333333330095182844843;0.005952380952380952050528861719;0.080952380952380956213865204063;0.025595238095238094511163495781;0.002380952380952381167156239883;0.027380952380952380820211544687;0.001785714285714285658526745415;0.008928571428571428075793292578;0.022619047619047618485899064922;0.021428571428571428769682682969;0.017857142857142856151586585156;0.017261904761904763028201870156;0.019047619047619049337249919063;0.044047619047619050725028699844;0.000595238095238095291789059971;0.028571428571428570536427926640;0.019047619047619049337249919063;0.030952380952380953438307642500;0.010119047619047619526733150508;0.011904761904761904101057723437;0.014285714285714285268213963320;0.032738095238095239747355691406;0.014285714285714285268213963320;0.025000000000000001387778780781;0.060119047619047620567567236094;0.034523809523809526056403740313;0.025000000000000001387778780781;0.002976190476190476025264430859;0.001190476190476190583578119941;0.009523809523809524668624959531;0.019642857142857142460634634062;0.009523809523809524668624959531;0.005357142857142857192420670742;0.012500000000000000693889390391;0.025000000000000001387778780781;0.027380952380952380820211544687;0.009523809523809524668624959531;0.017261904761904763028201870156;0.001785714285714285658526745415;0.044642857142857143848413414844;0.004761904761904762334312479766;0.007738095238095238359576910625;0.000000000000000000000000000000;0.010119047619047619526733150508;0.001785714285714285658526745415;0.010714285714285714384841341484;0.036904761904761905488836504219;0.036904761904761905488836504219;0.033333333333333332870740406406;0.023214285714285715078730731875
-0.028947368421052631359824403035;0.004385964912280701510916003372;0.036842105263157891303915647541;0.279532163742690076269070686976;0.003216374269005848121616431001;0.016959064327485378481652489313;0.006140350877192982462227099916;0.019298245614035088729698586008;0.011403508771929825316160389548;0.035672514619883043118786503101;0.011403508771929825316160389548;0.012573099415204678705459961918;0.006725146198830409156876886101;0.029824561403508770968118213318;0.017836257309941521559393251550;0.026315789473684209065496020230;0.014619883040935671703053344572;0.014619883040935671703053344572;0.009356725146198830583843530917;0.004678362573099415291921765458;0.014035087719298245875765296375;0.008771929824561403021832006743;0.002631578947368420993285775822;0.037134502923976610289091837558;0.035964912280701755165068789211;0.036842105263157891303915647541;0.020175438596491228337992396291;0.001169590643274853822980441365;0.003801169590643274816266217186;0.006725146198830409156876886101;0.010526315789473683973143103287;0.020760233918128655900003920465;0.003801169590643274816266217186;0.006725146198830409156876886101;0.007894736842105263413538196460;0.030701754385964910576412023602;0.008479532163742689240826244657;0.010233918128654970192137341201;0.000877192982456140367235331023;0.003801169590643274816266217186;0.010233918128654970192137341201;0.001754385964912280734470662047;0.000000000000000000000000000000;0.019590643274853800775980872118;0.008187134502923977194543958547;0.017543859649122806043664013487;0.035964912280701755165068789211;0.018713450292397661167687061834;0.009941520467836258145855055091;0.016666666666666666435370203203
-0.015833333333333334674852821422;0.008333333333333333217685101602;0.050416666666666665186369300500;0.358750000000000013322676295502;0.002500000000000000052041704279;0.002500000000000000052041704279;0.005416666666666666851703837438;0.015416666666666667059870654555;0.016250000000000000555111512313;0.021666666666666667406815349750;0.011666666666666667198648532633;0.003333333333333333547282562037;0.003333333333333333547282562037;0.035416666666666665741480812812;0.013750000000000000069388939039;0.017083333333333332315628894094;0.016250000000000000555111512313;0.022083333333333333287074040641;0.007499999999999999722444243844;0.007916666666666667337426410711;0.014583333333333333564629796797;0.018333333333333333425851918719;0.005416666666666666851703837438;0.035000000000000003330669073875;0.016250000000000000555111512313;0.032500000000000001110223024625;0.020833333333333332176851016015;0.004583333333333333356462979680;0.002916666666666666799662133158;0.002916666666666666799662133158;0.001250000000000000026020852140;0.017500000000000001665334536938;0.002083333333333333304421275400;0.007499999999999999722444243844;0.010000000000000000208166817117;0.030833333333333334119741309109;0.004583333333333333356462979680;0.003333333333333333547282562037;0.002083333333333333304421275400;0.013750000000000000069388939039;0.009583333333333332593184650250;0.006250000000000000346944695195;0.000000000000000000000000000000;0.019583333333333334536074943344;0.005833333333333333599324266316;0.011666666666666667198648532633;0.032916666666666663521034763562;0.010833333333333333703407674875;0.013333333333333334189130248149;0.008333333333333333217685101602
-0.044444444444444446140618509844;0.021481481481481479872686080057;0.039629629629629632703302632990;0.010000000000000000208166817117;0.005555555555555555767577313730;0.018888888888888889089345823891;0.007037037037037036958653235530;0.029259259259259259161600752464;0.010000000000000000208166817117;0.026296296296296296779448908865;0.016666666666666666435370203203;0.010370370370370370072254928573;0.015925925925925926707193980292;0.031111111111111110216764785719;0.022962962962962962798485477833;0.028148148148148147834612942120;0.018888888888888889089345823891;0.043333333333333334813630699500;0.030740740740740742087400150240;0.008888888888888888881179006773;0.020370370370370372015145221667;0.021851851851851851471497667490;0.017407407407407406163546426114;0.034444444444444444197728216750;0.032592592592592589673117231541;0.043703703703703702942995334979;0.037777777777777778178691647781;0.012222222222222222862142437805;0.000370370370370370351979089074;0.014814814814814815380206169948;0.008148148148148147418279307885;0.018518518518518517490534236458;0.012222222222222222862142437805;0.008148148148148147418279307885;0.018148148148148149361169600979;0.029999999999999998889776975375;0.011851851851851851263330850372;0.014074074074074073917306471060;0.005925925925925925631665425186;0.024444444444444445724284875610;0.009259259259259258745267118229;0.011111111111111111535154627461;0.000000000000000000000000000000;0.023703703703703702526661700745;0.015555555555555555108382392859;0.022592592592592591199673890401;0.029629629629629630760412339896;0.025185185185185185452461098521;0.025555555555555557051272685953;0.010740740740740739936343040029
-0.018478260869565218266208361797;0.022101449275362318458437727031;0.042753623188405795452204927187;0.192028985507246369168754540624;0.010507246376811593679967415937;0.016666666666666666435370203203;0.001811594202898550746635986108;0.025362318840579711753946412500;0.014492753623188405973087888867;0.014855072463768116339255520586;0.018115942028985507900040730078;0.004347826086956521791926366660;0.014855072463768116339255520586;0.023188405797101449556940622188;0.035144927536231884701578565000;0.010144927536231883313799784219;0.019565217391304349364711256953;0.042028985507246374719869663750;0.019927536231884056261431936719;0.005797101449275362389235155547;0.017028985507246376801537834922;0.008333333333333333217685101602;0.028623188405797101580008146016;0.018840579710144928632375993516;0.020289855072463766627599568437;0.026449275362318839383002355703;0.032246376811594201772237511250;0.012681159420289855876973206250;0.001811594202898550746635986108;0.017391304347826087167705466641;0.001086956521739130447981591665;0.011594202898550724778470311094;0.027898550724637680847672882578;0.009782608695652174682355628477;0.020652173913043476993767200156;0.029710144927536232678511041172;0.017028985507246376801537834922;0.003985507246376811425758734941;0.000724637681159420298654394443;0.009420289855072464316187996758;0.010507246376811593679967415937;0.003623188405797101493271972217;0.000000000000000000000000000000;0.010507246376811593679967415937;0.021739130434782608092270095312;0.010869565217391304046135047656;0.021739130434782608092270095312;0.012681159420289855876973206250;0.029347826086956522312343409453;0.011231884057971014412302679375
-0.034795321637426900041045740863;0.008187134502923977194543958547;0.043274853801169591016595461497;0.236257309941520471374687417665;0.009064327485380116802837768830;0.009941520467836258145855055091;0.002923976608187134340610668914;0.011403508771929825316160389548;0.017543859649122806043664013487;0.024561403508771929848908399663;0.013450292397660818313753772202;0.001754385964912280734470662047;0.018713450292397661167687061834;0.030116959064327486483847451382;0.008479532163742689240826244657;0.017836257309941521559393251550;0.012573099415204678705459961918;0.018421052631578945651957823770;0.006725146198830409156876886101;0.007309941520467835851526672286;0.013157894736842104532748010115;0.020175438596491228337992396291;0.007017543859649122937882648188;0.035087719298245612087328026973;0.025438596491228069457202209946;0.044152046783625734094336223734;0.023099415204678362678603065206;0.005263157894736841986571551644;0.000877192982456140367235331023;0.008187134502923977194543958547;0.002923976608187134340610668914;0.018128654970760233605675537660;0.007017543859649122937882648188;0.007602339181286549632532434373;0.017543859649122806043664013487;0.030701754385964910576412023602;0.007602339181286549632532434373;0.011403508771929825316160389548;0.008771929824561403021832006743;0.014327485380116959656771058462;0.003801169590643274816266217186;0.006140350877192982462227099916;0.000000000000000000000000000000;0.024269005847953217802626113553;0.006432748538011696243232862003;0.019298245614035088729698586008;0.034795321637426900041045740863;0.026608187134502924581225258294;0.019590643274853800775980872118;0.017251461988304093997381727377
-0.050000000000000002775557561563;0.012681159420289855876973206250;0.039130434782608698729422513907;0.026449275362318839383002355703;0.014855072463768116339255520586;0.015579710144927537071590784024;0.005072463768115941656899892109;0.019202898550724638998543625235;0.004710144927536232158093998379;0.036956521739130436532416723594;0.016304347826086956069202571484;0.006884057971014492620376312715;0.017753623188405797533873098359;0.047463768115942030212384139531;0.016666666666666666435370203203;0.029710144927536232678511041172;0.014492753623188405973087888867;0.017753623188405797533873098359;0.022101449275362318458437727031;0.010869565217391304046135047656;0.016666666666666666435370203203;0.012318840579710145510805574531;0.011956521739130435144637942813;0.039130434782608698729422513907;0.034057971014492753603075669844;0.056159420289855072061513396875;0.030072463768115943044678672891;0.004347826086956521791926366660;0.001449275362318840597308788887;0.019565217391304349364711256953;0.008695652173913043583852733320;0.015942028985507245703034939766;0.013043478260869564508417361992;0.008333333333333333217685101602;0.026086956521739129016834723984;0.032608695652173912138405142969;0.010144927536231883313799784219;0.014855072463768116339255520586;0.000362318840579710149327197222;0.013043478260869564508417361992;0.005797101449275362389235155547;0.009782608695652174682355628477;0.000000000000000000000000000000;0.019927536231884056261431936719;0.017391304347826087167705466641;0.022101449275362318458437727031;0.042753623188405795452204927187;0.038405797101449277997087250469;0.024275362318840580655443517344;0.026086956521739129016834723984
-0.046078431372549022437823396103;0.015359477124183005744550989391;0.043137254901960783715075820055;0.007843137254901960675468330919;0.015686274509803921350936661838;0.038562091503267975634017261655;0.003921568627450980337734165460;0.022875816993464050813633647863;0.011764705882352941013202496379;0.024836601307189540982500730593;0.020915032679738560644766565133;0.024509803921568627110838534122;0.033333333333333332870740406406;0.033986928104575160614064799347;0.014379084967320260660117448026;0.023529411764705882026404992757;0.013071895424836601704021710191;0.033333333333333332870740406406;0.025816993464052286066934271958;0.007189542483660130330058724013;0.024836601307189540982500730593;0.012745098039215686097636037744;0.023529411764705882026404992757;0.028758169934640521320234896052;0.040849673202614379674546540855;0.028104575163398693576910503111;0.024836601307189540982500730593;0.008496732026143790153516199837;0.000980392156862745084433541365;0.028758169934640521320234896052;0.019607843137254901688670827298;0.010130718954248366450721086096;0.013071895424836601704021710191;0.006862745098039215591034789554;0.024509803921568627110838534122;0.035620915032679736911269685606;0.016013071895424835222598858309;0.014705882352941176266503120473;0.002287581699346405341571886183;0.020915032679738560644766565133;0.008169934640522876281854003366;0.008823529411764705759901872284;0.000000000000000000000000000000;0.017647058823529411519803744568;0.011111111111111111535154627461;0.012745098039215686097636037744;0.026797385620915031151367813322;0.026470588235294117279705616852;0.028758169934640521320234896052;0.013725490196078431182069579108
-0.034502923976608187994763454753;0.008771929824561403021832006743;0.096491228070175433240152074177;0.000000000000000000000000000000;0.000877192982456140367235331023;0.019883040935672516291710110181;0.000877192982456140367235331023;0.012865497076023392486465724005;0.041520467836257311800007840930;0.024853801169590641895190685773;0.016666666666666666435370203203;0.007602339181286549632532434373;0.016374269005847954389087917093;0.049122807017543859697816799326;0.004970760233918129072927527545;0.027777777777777776235801354687;0.028947368421052631359824403035;0.034502923976608187994763454753;0.008187134502923977194543958547;0.014327485380116959656771058462;0.010233918128654970192137341201;0.042690058479532166924030889277;0.016666666666666666435370203203;0.029824561403508770968118213318;0.037134502923976610289091837558;0.042690058479532166924030889277;0.023976608187134502286896875489;0.002046783625730994298635989637;0.000292397660818713455745110341;0.007894736842105263413538196460;0.009941520467836258145855055091;0.016081871345029238873358679029;0.006725146198830409156876886101;0.011695906432748537362442675658;0.026023391812865497019213734120;0.035964912280701755165068789211;0.011403508771929825316160389548;0.010818713450292397754148865374;0.002923976608187134340610668914;0.037134502923976610289091837558;0.003508771929824561468941324094;0.011111111111111111535154627461;0.000000000000000000000000000000;0.011403508771929825316160389548;0.001754385964912280734470662047;0.009649122807017544364849293004;0.047660818713450292527511464868;0.032456140350877189792999644169;0.029532163742690058921835927208;0.021637426900584795508297730748
-0.033333333333333332870740406406;0.003947368421052631706769098230;0.095614035087719304040199119754;0.000438596491228070183617665512;0.000000000000000000000000000000;0.012719298245614034728601104973;0.000877192982456140367235331023;0.014912280701754385484059106659;0.022807017543859650632320779096;0.023245614035087718701744208261;0.016228070175438594896499822084;0.007456140350877192742029553330;0.017105263157894737974240584322;0.064035087719298250386046333915;0.000877192982456140367235331023;0.027631578947368420212660211632;0.017982456140350877582534394605;0.032456140350877189792999644169;0.003070175438596491231113549958;0.010087719298245614168996198146;0.008333333333333333217685101602;0.027631578947368420212660211632;0.010526315789473683973143103287;0.030701754385964910576412023602;0.029824561403508770968118213318;0.054385964912280704286473564935;0.029385964912280702898694784153;0.001315789473684210496642887911;0.000438596491228070183617665512;0.002192982456140350755458001686;0.006140350877192982462227099916;0.016666666666666666435370203203;0.006140350877192982462227099916;0.018421052631578945651957823770;0.027631578947368420212660211632;0.037719298245614034381656409778;0.008771929824561403021832006743;0.011842105263157895120307294690;0.003508771929824561468941324094;0.031140350877192982115282404720;0.001754385964912280734470662047;0.005701754385964912658080194774;0.000000000000000000000000000000;0.017105263157894737974240584322;0.000438596491228070183617665512;0.006140350877192982462227099916;0.074999999999999997224442438437;0.046491228070175437403488416521;0.040350877192982456675984792582;0.039473684210526313598244030345
-0.039047619047619046284136601344;0.001904761904761904760252644309;0.046666666666666668794594130532;0.000000000000000000000000000000;0.003333333333333333547282562037;0.036666666666666666851703837438;0.001428571428571428570189483231;0.008095238095238094580552434820;0.008571428571428571854817768383;0.015714285714285715356286488031;0.021904761904761906043948016531;0.040476190476190478106932602032;0.040000000000000000832667268469;0.043809523809523812087896033063;0.002857142857142857140378966463;0.038095238095238098674499838125;0.010952380952380953021974008266;0.018571428571428572062984585500;0.011428571428571428561515865852;0.011428571428571428561515865852;0.013809523809523809728672105734;0.011904761904761904101057723437;0.016190476190476189161104869640;0.021428571428571428769682682969;0.075238095238095242800469009126;0.037619047619047621400234504563;0.013809523809523809728672105734;0.000000000000000000000000000000;0.000000000000000000000000000000;0.026190476190476191103995162734;0.037619047619047621400234504563;0.004761904761904762334312479766;0.015238095238095238082021154469;0.017142857142857143709635536766;0.052857142857142859482255659032;0.018571428571428572062984585500;0.008095238095238094580552434820;0.014761904761904762542479296883;0.000000000000000000000000000000;0.027142857142857142183078877906;0.001904761904761904760252644309;0.004761904761904762334312479766;0.000000000000000000000000000000;0.010952380952380953021974008266;0.006190476190476190687661528500;0.008571428571428571854817768383;0.035238095238095235028907836750;0.050000000000000002775557561563;0.037142857142857144125969171000;0.031904761904761907986838309625
-0.036936936936936934361419559991;0.005855855855855855891800576529;0.027477477477477477846301567865;0.006306306306306306078135470727;0.022972972972972974248229149907;0.055855855855855854330549448150;0.002702702702702702852732841166;0.019819819819819818607076200578;0.012162162162162162837297785245;0.012612612612612612156270941455;0.022072072072072072140835885534;0.055405405405405408481023243894;0.024324324324324325674595570490;0.026126126126126126419935147283;0.016216216216216217116397046993;0.032432432432432434232794093987;0.012612612612612612156270941455;0.021171171171171170033442621161;0.033333333333333332870740406406;0.005855855855855855891800576529;0.020270270270270271395496308742;0.012162162162162162837297785245;0.011711711711711711783601153058;0.019369369369369369288103044369;0.042342342342342340066885242322;0.019819819819819818607076200578;0.025225225225225224312541882909;0.005855855855855855891800576529;0.000000000000000000000000000000;0.055405405405405408481023243894;0.095945945945945951272015861377;0.008558558558558557877171679706;0.022072072072072072140835885534;0.008558558558558557877171679706;0.020270270270270271395496308742;0.018468468468468467180709779996;0.011711711711711711783601153058;0.021171171171171170033442621161;0.002252252252252252232717077973;0.016666666666666666435370203203;0.002702702702702702852732841166;0.007207207207207207318166997112;0.000000000000000000000000000000;0.009009009009009008930868311893;0.015315315315315315009003782620;0.009909909909909909303538100289;0.015315315315315315009003782620;0.015765765765765764327976938830;0.023873873873873872886175462327;0.010810810810810811410931364662
-0.027298850574712645034036739844;0.019827586206896553183698372891;0.031896551724137932326552657969;0.302298850574712618666239904996;0.013793103448275861877547754375;0.016379310344827587714311434297;0.004885057471264367748298163008;0.024425287356321840476214291016;0.015517241379310344612241223672;0.015229885057471264156458978789;0.012068965517241379142854285078;0.014655172413793103244894489023;0.008908045977011494129249591367;0.022413793103448275551015100859;0.025574712643678162299343270547;0.015804597701149426802746944531;0.014942528735632183700676733906;0.028735632183908045578224488281;0.012931034482758620510201019727;0.007183908045977011394556122070;0.010919540229885057319725305547;0.008620689655172413673467346484;0.009770114942528735496596326016;0.018965517241379310081628162266;0.023275862068965518653085311485;0.021264367816091953727886121328;0.019540229885057470993192652031;0.013505747126436781421765509492;0.001149425287356321823128979531;0.019827586206896553183698372891;0.016091954022988505523805713437;0.007758620689655172306120611836;0.006896551724137930938773877187;0.006034482758620689571427142539;0.013505747126436781421765509492;0.025574712643678162299343270547;0.009770114942528735496596326016;0.008045977011494252761902856719;0.002873563218390804557822448828;0.009195402298850574585031836250;0.008045977011494252761902856719;0.010632183908045976863943060664;0.000000000000000000000000000000;0.013793103448275861877547754375;0.013218390804597700965983264609;0.010919540229885057319725305547;0.018965517241379310081628162266;0.014655172413793103244894489023;0.014080459770114942333329999258;0.008333333333333333217685101602
-0.019696969696969695434729530348;0.005681818181818181975883952362;0.057954545454545453031514057329;0.331060606060606055223161092727;0.000378787878787878787550241766;0.003787878787878787983922634908;0.002272727272727272616881233347;0.015530303030303029693248717535;0.012500000000000000693889390391;0.032954545454545451643735276548;0.012500000000000000693889390391;0.004166666666666666608842550801;0.003787878787878787983922634908;0.030303030303030303871381079261;0.010984848484848484459486250842;0.015151515151515151935690539631;0.017045454545454544192928381108;0.020833333333333332176851016015;0.006818181818181817850643700041;0.004924242424242423858682382587;0.008712121212121212709966755483;0.010227272727272727209646419055;0.004166666666666666608842550801;0.042803030303030301095823517699;0.019696969696969695434729530348;0.043181818181818182322828647557;0.023484848484848483418652165255;0.004166666666666666608842550801;0.000757575757575757575100483532;0.001515151515151515150200967064;0.002272727272727272616881233347;0.011742424242424241709326082628;0.003030303030303030300401934127;0.009848484848484847717364765174;0.007954545454545453725403447720;0.037121212121212124324109993267;0.009469696969696969959806587269;0.004166666666666666608842550801;0.000000000000000000000000000000;0.011363636363636363951767904723;0.010227272727272727209646419055;0.004166666666666666608842550801;0.000000000000000000000000000000;0.017045454545454544192928381108;0.001893939393939393991961317454;0.014393939393939394685850707845;0.044696969696969700291955263083;0.017424242424242425419933510966;0.012500000000000000693889390391;0.013636363636363635701287400082
-0.047101449275362319846216507813;0.003260869565217391127104340498;0.077536231884057976726509764376;0.000000000000000000000000000000;0.000000000000000000000000000000;0.015942028985507245703034939766;0.000724637681159420298654394443;0.013405797101449274874584993711;0.020289855072463766627599568437;0.042028985507246374719869663750;0.019202898550724638998543625235;0.008695652173913043583852733320;0.010869565217391304046135047656;0.055797101449275361695345765156;0.003623188405797101493271972217;0.037318840579710146898584355313;0.028623188405797101580008146016;0.032608695652173912138405142969;0.006521739130434782254208680996;0.010144927536231883313799784219;0.010869565217391304046135047656;0.011231884057971014412302679375;0.004710144927536232158093998379;0.050000000000000002775557561563;0.035507246376811595067746196719;0.060507246376811596455524977500;0.019927536231884056261431936719;0.001811594202898550746635986108;0.000362318840579710149327197222;0.003623188405797101493271972217;0.011594202898550724778470311094;0.022826086956521739190772990469;0.003985507246376811425758734941;0.007971014492753622851517469883;0.024275362318840580655443517344;0.053985507246376809864507606562;0.011231884057971014412302679375;0.013043478260869564508417361992;0.000000000000000000000000000000;0.012318840579710145510805574531;0.003260869565217391127104340498;0.010144927536231883313799784219;0.000000000000000000000000000000;0.020289855072463766627599568437;0.001811594202898550746635986108;0.013405797101449274874584993711;0.069927536231884052098095594374;0.043478260869565216184540190625;0.019202898550724638998543625235;0.025000000000000001387778780781
-0.039922480620155041675101159626;0.004651162790697674354056800894;0.082945736434108532919573519848;0.000387596899224806196171400074;0.000000000000000000000000000000;0.010852713178294573492799202086;0.002713178294573643373199800521;0.014341085271317829258341802756;0.009689922480620154904285001862;0.031782945736434108086054806108;0.015503875968992247846856002980;0.005426356589147286746399601043;0.018217054263565891220055803501;0.074031007751937979999290462274;0.003488372093023255765542600670;0.029457364341085270909026405661;0.017441860465116278827713003352;0.020155038759689922200912803874;0.006201550387596899138742401192;0.014341085271317829258341802756;0.008527131782945736315770801639;0.012403100775193798277484802384;0.005426356589147286746399601043;0.061240310077519378995081211770;0.043798449612403103636815160371;0.050000000000000002775557561563;0.025193798449612402751141004842;0.002325581395348837177028400447;0.000000000000000000000000000000;0.001550387596899224784685600298;0.003875968992248061961714000745;0.018604651162790697416227203576;0.005038759689922480550228200968;0.012403100775193798277484802384;0.029844961240310077105197805736;0.041860465116279069186511208045;0.013565891472868216865999002607;0.012403100775193798277484802384;0.000000000000000000000000000000;0.022868217054263565574112604395;0.001937984496124030980857000372;0.005426356589147286746399601043;0.000000000000000000000000000000;0.023643410852713177966455404544;0.000775193798449612392342800149;0.016666666666666666435370203203;0.067829457364341080860548061082;0.053875968992248064737271562308;0.035271317829457367321044358732;0.022093023255813953181769804246
-0.040123456790123454562824178993;0.005555555555555555767577313730;0.068209876543209882471252569758;0.000000000000000000000000000000;0.000925925925925925961262885622;0.029012345679012344762393027509;0.001234567901234567876070369330;0.016358024691358025171084022986;0.009567901234567901744276774423;0.040740740740740744030290443334;0.018827160493827162224267368629;0.008950617283950617480980938012;0.019753086419753086017125909279;0.064506172839506173422030599340;0.001543209876543209790877853038;0.032407407407407405608434913802;0.017901234567901234961961876024;0.017901234567901234961961876024;0.006790123456790123426807248563;0.009259259259259258745267118229;0.008641975308641974481971281818;0.013271604938271605589328316910;0.008950617283950617480980938012;0.056172839506172841939068973716;0.040740740740740744030290443334;0.055864197530864197205335841545;0.020987654320987654543717582101;0.001234567901234567876070369330;0.001851851851851851922525771243;0.006172839506172839163511412153;0.010802469135802468536144971267;0.018209876543209876226248056241;0.006172839506172839163511412153;0.012654320987654321326032480499;0.027777777777777776235801354687;0.047530864197530865722374215920;0.014506172839506172381196513754;0.011419753086419752799440807678;0.000308641975308641969017592332;0.016975308641975307699656383420;0.002469135802469135752140738660;0.007098765432098765558455166769;0.000000000000000000000000000000;0.019753086419753086017125909279;0.002469135802469135752140738660;0.012962962962962962590318660716;0.063888888888888883954564334999;0.045679012345679011197763230712;0.027777777777777776235801354687;0.028086419753086420969534486858
-0.033898305084745762594256035527;0.005932203389830508627467153815;0.059604519774011301136429352709;0.000847457627118644043172357438;0.000282485875706214699127488688;0.016666666666666666435370203203;0.004519774011299435186039819001;0.018926553672316385329432719686;0.021468926553672315615806098776;0.028248587570621468828546696272;0.018079096045197740744159276005;0.009887005649717514957353081684;0.029096045197740113413820139954;0.051412429378531070145452730458;0.003954802259887005462524189880;0.024858757062146893956899873501;0.027966101694915253966788881712;0.028248587570621468828546696272;0.009039548022598870372079638003;0.008757062146892655510321823442;0.016949152542372881297128017763;0.023163841807909604786352986139;0.017796610169491525882401461445;0.033333333333333332870740406406;0.040112994350282482614034051949;0.045197740112994350125674714036;0.031073446327683617446124841877;0.001412429378531073441427334814;0.004519774011299435186039819001;0.006779661016949152345378859508;0.012429378531073446978449936751;0.018079096045197740744159276005;0.008192090395480225786806194321;0.016384180790960451573612388643;0.040677966101694912337549681070;0.040960451977401127199307495630;0.011581920903954802393176493069;0.011016949152542372669660863949;0.003954802259887005462524189880;0.037288135593220340935349810252;0.003672316384180791034447244314;0.010451977401129942946145234828;0.000000000000000000000000000000;0.021751412429378530477563913337;0.005084745762711864042193710134;0.011581920903954802393176493069;0.034463276836158192317771664648;0.032485875706214688285466962725;0.032485875706214688285466962725;0.025423728813559323680415502622
-0.032954545454545451643735276548;0.013636363636363635701287400082;0.071212121212121212709966755483;0.021590909090909091161414323778;0.007575757575757575967845269815;0.015151515151515151935690539631;0.000757575757575757575100483532;0.024621212121212120160773650923;0.024242424242424242403215473018;0.029924242424242422644375949403;0.013257575757575757943729222177;0.015151515151515151935690539631;0.013636363636363635701287400082;0.039772727272727272096464190554;0.014393939393939394685850707845;0.025757575757575756902895136591;0.028409090909090908144696285831;0.035227272727272725127978247883;0.017045454545454544192928381108;0.010984848484848484459486250842;0.014015151515151515193569053963;0.024621212121212120160773650923;0.013257575757575757943729222177;0.035984848484848487581988507600;0.029924242424242422644375949403;0.042803030303030301095823517699;0.033333333333333332870740406406;0.011742424242424241709326082628;0.003030303030303030300401934127;0.011742424242424241709326082628;0.012878787878787878451447568295;0.023484848484848483418652165255;0.007196969696969697342925353922;0.005681818181818181975883952362;0.020075757575757576661734660206;0.046969696969696966837304330511;0.010606060606060606701928072937;0.008333333333333333217685101602;0.000757575757575757575100483532;0.021212121212121213403856145874;0.006818181818181817850643700041;0.010227272727272727209646419055;0.000000000000000000000000000000;0.013257575757575757943729222177;0.007575757575757575967845269815;0.012500000000000000693889390391;0.040530303030303027611580546363;0.031439393939393940613502564929;0.027651515151515152629579930021;0.017045454545454544192928381108
-0.044086021505376341012016894183;0.002150537634408602148672340348;0.073118279569892474789583047823;0.000000000000000000000000000000;0.000000000000000000000000000000;0.014516129032258065154059600843;0.000537634408602150537168085087;0.015591397849462364927353164035;0.016666666666666666435370203203;0.041397849462365590711421248216;0.013978494623655914400051081259;0.009677419354838710102706400562;0.008602150537634408594689361394;0.062365591397849459709412656139;0.001612903225806451611504255261;0.043010752688172046442893758922;0.016666666666666666435370203203;0.028494623655913979554110682102;0.004838709677419355051353200281;0.005913978494623655692008501461;0.011827956989247311384017002922;0.013978494623655914400051081259;0.002150537634408602148672340348;0.053225806451612900360714775161;0.045698924731182796743489404889;0.063440860215053768156323599214;0.024193548387096773522042525428;0.000000000000000000000000000000;0.001075268817204301074336170174;0.002150537634408602148672340348;0.013978494623655914400051081259;0.017741935483870967943387242372;0.001612903225806451611504255261;0.014516129032258065154059600843;0.017204301075268817189378722787;0.059139784946236562124255442541;0.007526881720430107954034060214;0.022043010752688170506008447092;0.001075268817204301074336170174;0.015591397849462364927353164035;0.005376344086021505805361719865;0.003763440860215053977017030107;0.000000000000000000000000000000;0.022043010752688170506008447092;0.001612903225806451611504255261;0.016129032258064515681361683619;0.063440860215053768156323599214;0.043548387096774193727455326552;0.018279569892473118697395761956;0.034408602150537634378757445575
-0.038652482269503546374878055758;0.010992907801418439969753926277;0.075886524822695033964947697314;0.000000000000000000000000000000;0.000709219858156028416622251864;0.026595744680851064051241294806;0.001773049645390070878925303788;0.020212765957446809927944286756;0.024113475177304964647273521905;0.024113475177304964647273521905;0.017021276595744681131572306754;0.012765957446808509981317492077;0.019503546099290780535540079654;0.039361702127659575767282262859;0.006028368794326241161818380476;0.032269503546099288782134095754;0.029432624113475178151411171257;0.025177304964539008735879832557;0.010992907801418439969753926277;0.009574468085106382919668988052;0.012765957446808509981317492077;0.022340425531914894635709956106;0.017021276595744681131572306754;0.040070921985815605159686469960;0.039007092198581561071080159309;0.031560283687943259389729888653;0.021276595744680850547103645454;0.002127659574468085141446538344;0.000709219858156028416622251864;0.009929078014184397615871091602;0.017730496453900710523976513855;0.021631205673758865243305749004;0.009929078014184397615871091602;0.009929078014184397615871091602;0.034751773049645391655548820609;0.042907801418439715790409394458;0.008865248226950355261988256927;0.011347517730496454665956029828;0.003900709219858156020371842132;0.035460992907801421047953027710;0.003900709219858156020371842132;0.006382978723404254990658746038;0.000000000000000000000000000000;0.019858156028368795231742183205;0.003546099290780141757850607576;0.014893617021276596423806637404;0.046808510638297870509738629607;0.034042553191489362263144613507;0.035106382978723406351750924159;0.017021276595744681131572306754
-0.031395348837209305359330357987;0.008527131782945736315770801639;0.079844961240310083350202319252;0.000000000000000000000000000000;0.006201550387596899138742401192;0.016666666666666666435370203203;0.001550387596899224784685600298;0.032170542635658917751673158136;0.015116279069767441650684602905;0.036821705426356592105729959030;0.023255813953488371770284004469;0.004651162790697674354056800894;0.010852713178294573492799202086;0.051162790697674417894624809833;0.008527131782945736315770801639;0.016279069767441860239198803129;0.024418604651162790358798204693;0.036046511627906979713387158881;0.025968992248062015143483804991;0.013565891472868216865999002607;0.015503875968992247846856002980;0.015891472868217054043027403054;0.010852713178294573492799202086;0.046124031007751940813843560818;0.038759689922480619617140007449;0.037984496124031007224797207300;0.032945736434108530144015958285;0.001937984496124030980857000372;0.001162790697674418588514200223;0.010465116279069767296627802011;0.003100775193798449569371200596;0.020155038759689922200912803874;0.013178294573643410669827602533;0.008914728682170542511942201713;0.015891472868217054043027403054;0.050387596899224805502282009684;0.016279069767441860239198803129;0.009689922480620154904285001862;0.001162790697674418588514200223;0.012790697674418604473656202458;0.005813953488372092942571001117;0.003488372093023255765542600670;0.000000000000000000000000000000;0.026744186046511627535826605140;0.013565891472868216865999002607;0.015116279069767441650684602905;0.050775193798449615167900361712;0.029457364341085270909026405661;0.029069767441860464712855005587;0.019767441860465116004741403799
-0.014999999999999999444888487687;0.004666666666666667052931760651;0.054333333333333330705805508387;0.139000000000000012434497875802;0.014666666666666666393736839780;0.003666666666666666598434209945;0.001333333333333333288808764117;0.015666666666666665547191783503;0.016000000000000000333066907388;0.054666666666666668961127584225;0.007000000000000000145716771982;0.001666666666666666773641281019;0.007333333333333333196868419890;0.041000000000000001720845688169;0.018333333333333333425851918719;0.010666666666666666310470112933;0.033000000000000001554312234475;0.031333333333333331094383567006;0.010333333333333333259318465025;0.012999999999999999403255124264;0.012000000000000000249800180541;0.014333333333333333342585191872;0.011333333333333334147496884725;0.069000000000000005773159728051;0.012333333333333333300951828448;0.035000000000000003330669073875;0.020000000000000000416333634234;0.009333333333333334105863521302;0.001000000000000000020816681712;0.010666666666666666310470112933;0.001333333333333333288808764117;0.041000000000000001720845688169;0.008666666666666666268836749509;0.007666666666666666248020067798;0.010999999999999999361621760841;0.060999999999999998667732370450;0.009333333333333334105863521302;0.002666666666666666577617528233;0.000333333333333333322202191029;0.010999999999999999361621760841;0.006333333333333333176051738178;0.004333333333333333134418374755;0.000000000000000000000000000000;0.035999999999999997279953589668;0.013666666666666667240281896056;0.014666666666666666393736839780;0.037333333333333336423454085207;0.021000000000000001304512053935;0.016333333333333331649495079319;0.008666666666666666268836749509
-0.016279069767441860239198803129;0.006976744186046511531085201341;0.031007751937984495693712005959;0.467829457364341061431645130142;0.014728682170542635454513202831;0.006976744186046511531085201341;0.002325581395348837177028400447;0.014728682170542635454513202831;0.011240310077519379688970602160;0.019767441860465116004741403799;0.010852713178294573492799202086;0.006589147286821705334913801266;0.013178294573643410669827602533;0.015891472868217054043027403054;0.013565891472868216865999002607;0.005813953488372092942571001117;0.012403100775193798277484802384;0.018992248062015503612398603650;0.006976744186046511531085201341;0.005038759689922480550228200968;0.009302325581395348708113601788;0.014728682170542635454513202831;0.005813953488372092942571001117;0.021317829457364340789427004097;0.013565891472868216865999002607;0.017829457364341085023884403427;0.015891472868217054043027403054;0.001937984496124030980857000372;0.001162790697674418588514200223;0.015116279069767441650684602905;0.003100775193798449569371200596;0.011627906976744185885142002235;0.007364341085271317727256601415;0.006976744186046511531085201341;0.009689922480620154904285001862;0.022868217054263565574112604395;0.003875968992248061961714000745;0.007751937984496123923428001490;0.001937984496124030980857000372;0.014341085271317829258341802756;0.006201550387596899138742401192;0.004263565891472868157885400819;0.000000000000000000000000000000;0.014728682170542635454513202831;0.008527131782945736315770801639;0.006201550387596899138742401192;0.018217054263565891220055803501;0.013953488372093023062170402682;0.011627906976744185885142002235;0.008914728682170542511942201713
-0.017142857142857143709635536766;0.004285714285714285927408884191;0.043809523809523812087896033063;0.356190476190476168483201035997;0.003809523809523809520505288617;0.012380952380952381375323057000;0.004285714285714285927408884191;0.014285714285714285268213963320;0.008095238095238094580552434820;0.025238095238095236555464495609;0.010000000000000000208166817117;0.004761904761904762334312479766;0.012857142857142856914864914586;0.026666666666666668378260496297;0.008571428571428571854817768383;0.010476190476190475747708674703;0.019047619047619049337249919063;0.018571428571428572062984585500;0.011904761904761904101057723437;0.005714285714285714280757932926;0.008571428571428571854817768383;0.010952380952380953021974008266;0.006190476190476190687661528500;0.029999999999999998889776975375;0.018571428571428572062984585500;0.023333333333333334397297065266;0.013809523809523809728672105734;0.001904761904761904760252644309;0.001904761904761904760252644309;0.009047619047619047394359625969;0.005714285714285714280757932926;0.019047619047619049337249919063;0.005714285714285714280757932926;0.010000000000000000208166817117;0.016666666666666666435370203203;0.046190476190476191520328796969;0.007142857142857142634106981660;0.007142857142857142634106981660;0.001428571428571428570189483231;0.014285714285714285268213963320;0.004761904761904762334312479766;0.005714285714285714280757932926;0.000000000000000000000000000000;0.019047619047619049337249919063;0.008571428571428571854817768383;0.015238095238095238082021154469;0.033809523809523810145005739969;0.013333333333333334189130248149;0.014285714285714285268213963320;0.009523809523809524668624959531
-0.044186046511627906363539608492;0.013178294573643410669827602533;0.028682170542635658516683605512;0.005813953488372092942571001117;0.011627906976744185885142002235;0.039534883720930232009482807598;0.005426356589147286746399601043;0.022093023255813953181769804246;0.008914728682170542511942201713;0.017054263565891472631541603278;0.019379844961240309808570003725;0.019379844961240309808570003725;0.031007751937984495693712005959;0.030232558139534883301369205810;0.018217054263565891220055803501;0.017829457364341085023884403427;0.013953488372093023062170402682;0.033720930232558142536358758434;0.030620155038759689497540605885;0.006976744186046511531085201341;0.021705426356589146985598404171;0.010465116279069767296627802011;0.019379844961240309808570003725;0.021317829457364340789427004097;0.046124031007751940813843560818;0.035271317829457367321044358732;0.029069767441860464712855005587;0.005426356589147286746399601043;0.001162790697674418588514200223;0.035658914728682170047768806853;0.016666666666666666435370203203;0.010852713178294573492799202086;0.024418604651162790358798204693;0.010077519379844961100456401937;0.041085271317829456794168407896;0.030620155038759689497540605885;0.014341085271317829258341802756;0.009689922480620154904285001862;0.003100775193798449569371200596;0.024806201550387596554969604767;0.009689922480620154904285001862;0.005038759689922480550228200968;0.000000000000000000000000000000;0.012403100775193798277484802384;0.017054263565891472631541603278;0.012790697674418604473656202458;0.030620155038759689497540605885;0.026356589147286821339655205065;0.037209302325581394832454407151;0.019767441860465116004741403799
-0.031250000000000000000000000000;0.025416666666666667268037471672;0.044999999999999998334665463062;0.007083333333333332974823814965;0.006250000000000000346944695195;0.023333333333333334397297065266;0.003333333333333333547282562037;0.037916666666666667961926862063;0.012916666666666666574148081281;0.021250000000000001526556658860;0.014166666666666665949647629930;0.016666666666666666435370203203;0.012083333333333333078907223523;0.040416666666666663243479007406;0.027916666666666666019036568969;0.017500000000000001665334536938;0.017500000000000001665334536938;0.051666666666666666296592325125;0.026666666666666668378260496297;0.009583333333333332593184650250;0.030416666666666668239482618219;0.011666666666666667198648532633;0.033750000000000002220446049250;0.029583333333333333009518284484;0.027916666666666666019036568969;0.027083333333333334258519187188;0.039166666666666669072149886688;0.014583333333333333564629796797;0.000000000000000000000000000000;0.011249999999999999583666365766;0.013333333333333334189130248149;0.010416666666666666088425508008;0.021250000000000001526556658860;0.007916666666666667337426410711;0.022083333333333333287074040641;0.042083333333333333703407674875;0.014166666666666665949647629930;0.012916666666666666574148081281;0.000416666666666666693410320255;0.022916666666666665047591422422;0.010416666666666666088425508008;0.005416666666666666851703837438;0.000000000000000000000000000000;0.010000000000000000208166817117;0.011666666666666667198648532633;0.016666666666666666435370203203;0.027916666666666666019036568969;0.021250000000000001526556658860;0.041250000000000001942890293094;0.014583333333333333564629796797
-0.063247863247863245206303872692;0.000000000000000000000000000000;0.039743589743589741170026741202;0.000000000000000000000000000000;0.001282051282051282050170049054;0.052991452991452990539666956238;0.000427350427350427350056683018;0.013675213675213675201813856575;0.005555555555555555767577313730;0.036324786324786327573743704988;0.023076923076923078204103489952;0.021367521367521367936515019892;0.043589743589743587537377322860;0.046581196581196582240380621442;0.004273504273504273934247699174;0.038888888888888889505679458125;0.008547008547008547868495398347;0.017521367521367521569164438233;0.007692307692307692734701163317;0.007264957264957265167804045802;0.017094017094017095736990796695;0.002564102564102564100340098108;0.008547008547008547868495398347;0.043589743589743587537377322860;0.074358974358974358476181976130;0.052991452991452990539666956238;0.022222222222222223070309254922;0.000000000000000000000000000000;0.000854700854700854700113366036;0.013247863247863247634916739059;0.014957264957264957902505209120;0.015384615384615385469402326635;0.008119658119658120301598280832;0.006410256410256410034009810772;0.032905982905982907038566764868;0.032905982905982907038566764868;0.009401709401709401267566157401;0.015811965811965811301575968173;0.000000000000000000000000000000;0.008119658119658120301598280832;0.003846153846153846367350581659;0.001709401709401709400226732072;0.000000000000000000000000000000;0.029059829059829060671216183209;0.002564102564102564100340098108;0.017521367521367521569164438233;0.035470085470085468970502518005;0.044871794871794871972792151382;0.025641025641025640136039243089;0.027777777777777776235801354687
-0.053395061728395060152152495903;0.008024691358024691953398921385;0.044444444444444446140618509844;0.000000000000000000000000000000;0.000925925925925925961262885622;0.018518518518518517490534236458;0.001851851851851851922525771243;0.016975308641975307699656383420;0.026851851851851852442942814037;0.043209876543209874144579885069;0.020679012345679013279431401884;0.012962962962962962590318660716;0.019444444444444444752839729063;0.045987654320987655931496362882;0.004629629629629629372633559115;0.037962962962962962243373965521;0.013888888888888888117900677344;0.022530864197530864334595435139;0.010185185185185186007572610833;0.008024691358024691953398921385;0.020679012345679013279431401884;0.016358024691358025171084022986;0.007407407407407407690103084974;0.053395061728395060152152495903;0.047530864197530865722374215920;0.044444444444444446140618509844;0.026543209876543211178656633820;0.000925925925925925961262885622;0.001543209876543209790877853038;0.012345679012345678327022824305;0.013271604938271605589328316910;0.019753086419753086017125909279;0.006172839506172839163511412153;0.005555555555555555767577313730;0.020679012345679013279431401884;0.038271604938271606977107097691;0.009876543209876543008562954640;0.017592592592592593697675695807;0.005246913580246913635929395525;0.011728395061728395798450463872;0.004629629629629629372633559115;0.007407407407407407690103084974;0.000000000000000000000000000000;0.030246913580246913288984700330;0.003703703703703703845051542487;0.027777777777777776235801354687;0.050617283950617285304129921997;0.041975308641975309087435164201;0.023456790123456791596900927743;0.020370370370370372015145221667
-0.057638888888888892281237019688;0.010416666666666666088425508008;0.047916666666666669904817155157;0.000000000000000000000000000000;0.004861111111111111188209932266;0.039930555555555552471602709375;0.003819444444444444319158860068;0.030555555555555554553270880547;0.007986111111111110494320541875;0.021527777777777777623580135469;0.025000000000000001387778780781;0.019444444444444444752839729063;0.026736111111111109800431151484;0.027777777777777776235801354687;0.011111111111111111535154627461;0.029861111111111112575988713047;0.010763888888888888811790067734;0.029861111111111112575988713047;0.024305555555555555941049661328;0.009027777777777776929690745078;0.024305555555555555941049661328;0.008333333333333333217685101602;0.013888888888888888117900677344;0.034722222222222223764198645313;0.053124999999999998612221219219;0.036805555555555556634939051719;0.027777777777777776235801354687;0.003472222222222222029475169336;0.000694444444444444470947164216;0.022916666666666665047591422422;0.019444444444444444752839729063;0.015277777777777777276635440273;0.017361111111111111882099322656;0.005902777777777777623580135469;0.027430555555555555247160270937;0.028125000000000000693889390391;0.018402777777777778317469525859;0.016666666666666666435370203203;0.000000000000000000000000000000;0.012847222222222221682530474141;0.004513888888888888464845372539;0.006597222222222222202947516934;0.000000000000000000000000000000;0.022916666666666665047591422422;0.009374999999999999653055304805;0.024652777777777776929690745078;0.036805555555555556634939051719;0.024652777777777776929690745078;0.028472222222222221682530474141;0.015972222222222220988641083750
-0.053191489361702128102482589611;0.001773049645390070878925303788;0.042907801418439715790409394458;0.009929078014184397615871091602;0.000709219858156028416622251864;0.042553191489361701094207290907;0.004609929078014184111733442251;0.010638297872340425273551822727;0.008865248226950355261988256927;0.025531914893617019962634984154;0.020921985815602835850901541903;0.038297872340425531678675952207;0.023049645390070920558667211253;0.049290780141843973383153354462;0.003191489361702127495329373019;0.043262411347517730486611498009;0.017021276595744681131572306754;0.019858156028368795231742183205;0.010992907801418439969753926277;0.008156028368794325869584049826;0.014539007092198581727604533853;0.005673758865248227332978014914;0.007092198581560283515701215151;0.035460992907801421047953027710;0.067021276595744680437682916363;0.044326241134751774575217808660;0.020212765957446809927944286756;0.002482269503546099403967772901;0.000709219858156028416622251864;0.019503546099290780535540079654;0.036524822695035458197665434454;0.012411347517730497019838864503;0.007092198581560283515701215151;0.011347517730496454665956029828;0.024113475177304964647273521905;0.029078014184397163455209067706;0.014539007092198581727604533853;0.021276595744680850547103645454;0.001063829787234042570723269172;0.011347517730496454665956029828;0.002836879432624113666489007457;0.002127659574468085141446538344;0.000000000000000000000000000000;0.022695035460992909331912059656;0.002836879432624113666489007457;0.020921985815602835850901541903;0.039361702127659575767282262859;0.044680851063829789271419912211;0.023049645390070920558667211253;0.020921985815602835850901541903
-0.049224806201550390383214761414;0.002325581395348837177028400447;0.026744186046511627535826605140;0.330620155038759688803651215494;0.001550387596899224784685600298;0.024418604651162790358798204693;0.004651162790697674354056800894;0.013953488372093023062170402682;0.001937984496124030980857000372;0.015116279069767441650684602905;0.013178294573643410669827602533;0.024806201550387596554969604767;0.012015503875968992081313402309;0.026744186046511627535826605140;0.010465116279069767296627802011;0.025581395348837208947312404916;0.006201550387596899138742401192;0.010465116279069767296627802011;0.017829457364341085023884403427;0.005038759689922480550228200968;0.014728682170542635454513202831;0.002325581395348837177028400447;0.001937984496124030980857000372;0.021317829457364340789427004097;0.041472868217054266459786759924;0.023643410852713177966455404544;0.018992248062015503612398603650;0.001550387596899224784685600298;0.000775193798449612392342800149;0.010077519379844961100456401937;0.025193798449612402751141004842;0.008139534883720930119599401564;0.004263565891472868157885400819;0.010852713178294573492799202086;0.013953488372093023062170402682;0.024031007751937984162626804618;0.006589147286821705334913801266;0.012790697674418604473656202458;0.000000000000000000000000000000;0.004263565891472868157885400819;0.004651162790697674354056800894;0.000387596899224806196171400074;0.000000000000000000000000000000;0.015503875968992247846856002980;0.009302325581395348708113601788;0.010852713178294573492799202086;0.029069767441860464712855005587;0.026744186046511627535826605140;0.015503875968992247846856002980;0.018217054263565891220055803501
-0.025980392156862746472212322146;0.001960784313725490168867082730;0.074999999999999997224442438437;0.230392156862745084433541364888;0.000490196078431372542216770682;0.010294117647058823386552184331;0.004901960784313725422167706824;0.012745098039215686097636037744;0.022549019607843136941971451392;0.052450980392156863751917938998;0.008333333333333333217685101602;0.007843137254901960675468330919;0.002450980392156862711083853412;0.041176470588235293546208737325;0.009313725490196078302118642966;0.020098039215686275965611073957;0.021078431372549021050044615322;0.012745098039215686097636037744;0.005392156862745097964384477507;0.003921568627450980337734165460;0.008823529411764705759901872284;0.013725490196078431182069579108;0.000490196078431372542216770682;0.066176470588235294933987518107;0.022058823529411766134478156687;0.041176470588235293546208737325;0.017156862745098040712310449862;0.001960784313725490168867082730;0.001470588235294117626650312047;0.001470588235294117626650312047;0.006862745098039215591034789554;0.031372549019607842701873323676;0.000000000000000000000000000000;0.004901960784313725422167706824;0.005392156862745097964384477507;0.039215686274509803377341654596;0.005392156862745097964384477507;0.008823529411764705759901872284;0.000980392156862745084433541365;0.002450980392156862711083853412;0.008333333333333333217685101602;0.002941176470588235253300624095;0.000000000000000000000000000000;0.033333333333333332870740406406;0.002941176470588235253300624095;0.025000000000000001387778780781;0.044117647058823532268956313374;0.018627450980392156604237285933;0.002941176470588235253300624095;0.012745098039215686097636037744
-0.036394557823129253248950476518;0.002721088435374149471640548015;0.081632653061224483281854702454;0.004421768707482993596147302640;0.011224489795918366624727369185;0.015986394557823128959039848951;0.000340136054421768683955068502;0.023129251700680270725785092623;0.025170068027210883154776155379;0.056462585034013607065972450982;0.018027210884353741388030911708;0.022448979591836733249454738370;0.005782312925170067681446273156;0.057823129251700682018633159487;0.002380952380952381167156239883;0.031292517006802723911196295603;0.021088435374149658296794029866;0.017687074829931974384589210558;0.009183673469387755930459782405;0.007482993197278911372272158786;0.013945578231292516530048786194;0.021428571428571428769682682969;0.005442176870748298943281096030;0.067006802721088429275475562008;0.039115646258503403154271893527;0.048639455782312927822896853058;0.022108843537414966246013037221;0.010544217687074829148397014933;0.000340136054421768683955068502;0.012244897959183672839222900564;0.014285714285714285268213963320;0.029931972789115645489088635145;0.001020408163265306214495531378;0.005102040816326530205115918903;0.009863945578231291672066660681;0.051020408163265307255329616964;0.007823129251700680977799073901;0.008843537414965987192294605279;0.000340136054421768683955068502;0.006122448979591836419611450282;0.008503401360544218454129428153;0.002380952380952381167156239883;0.000000000000000000000000000000;0.026190476190476191103995162734;0.002040816326530612428991062757;0.023129251700680270725785092623;0.052721088435374152680878978572;0.025510204081632653627664808482;0.015986394557823128959039848951;0.017687074829931974384589210558
-0.055982905982905985242670254820;0.005128205128205128200680196215;0.050854700854700854439904844639;0.000000000000000000000000000000;0.000854700854700854700113366036;0.046581196581196582240380621442;0.000000000000000000000000000000;0.012820512820512820068019621544;0.012393162393162392501122504029;0.038461538461538463673505816587;0.019230769230769231836752908293;0.025641025641025640136039243089;0.034188034188034191473981593390;0.053418803418803416371840597776;0.004700854700854700633783078700;0.038461538461538463673505816587;0.011965811965811966668948862491;0.008119658119658120301598280832;0.010683760683760683968257509946;0.009401709401709401267566157401;0.014102564102564102768710974090;0.011538461538461539102051744976;0.004273504273504273934247699174;0.037606837606837605070264629603;0.064102564102564096870651155768;0.040598290598290599773267928185;0.021794871794871793768688661430;0.014529914529914530335608091605;0.000000000000000000000000000000;0.013675213675213675201813856575;0.009829059829059828834463274916;0.014102564102564102768710974090;0.008974358974358973700669039886;0.009401709401709401267566157401;0.028205128205128205537421948179;0.031623931623931622603151936346;0.011965811965811966668948862491;0.010256410256410256401360392431;0.002136752136752136967123849587;0.020940170940170938634894426400;0.003418803418803418800453464144;0.011538461538461539102051744976;0.000000000000000000000000000000;0.018803418803418802535132314802;0.000854700854700854700113366036;0.014529914529914530335608091605;0.041025641025641025605441569724;0.046153846153846156408206979904;0.031196581196581196770978294808;0.023931623931623933337897724982
-0.034920634920634921471993550313;0.008730158730158730367998387578;0.064682539682539688663531762813;0.000000000000000000000000000000;0.001190476190476190583578119941;0.014285714285714285268213963320;0.001190476190476190583578119941;0.016269841269841271019780393203;0.007142857142857142634106981660;0.054365079365079366224833279375;0.017063492063492061850960013203;0.011904761904761904101057723437;0.007539682539682539784420267637;0.072619047619047624730903578438;0.001190476190476190583578119941;0.029365079365079364837054498594;0.015079365079365079568840535273;0.017460317460317460735996775156;0.004365079365079365183999193789;0.013888888888888888117900677344;0.016666666666666666435370203203;0.006349206349206349200842147695;0.004365079365079365183999193789;0.070238095238095238359576910625;0.042063492063492066708185745938;0.063095238095238093123384715000;0.022619047619047618485899064922;0.000793650793650793650105268462;0.000793650793650793650105268462;0.002777777777777777883788656865;0.007539682539682539784420267637;0.020634920634920634469056111016;0.003174603174603174600421073848;0.009126984126984127518311673555;0.020238095238095239053466301016;0.049603174603174600421073847656;0.011904761904761904101057723437;0.013492063492063492702310867344;0.000000000000000000000000000000;0.012301587301587301251371009414;0.004365079365079365183999193789;0.004365079365079365183999193789;0.000000000000000000000000000000;0.028968253968253969421464688594;0.001190476190476190583578119941;0.019841269841269840168429539062;0.076984126984126988180179296251;0.050396825396825398191147371563;0.021031746031746033354092872969;0.021825396825396824185272492969
-0.035317460317460316887583360312;0.006349206349206349200842147695;0.037698412698412696320016124218;0.009920634920634920084214769531;0.025000000000000001387778780781;0.025793650793650792218958400781;0.006349206349206349200842147695;0.025000000000000001387778780781;0.006349206349206349200842147695;0.026587301587301586519584972734;0.019444444444444444752839729063;0.011111111111111111535154627461;0.016666666666666666435370203203;0.036507936507936510073246694219;0.021031746031746033354092872969;0.028968253968253969421464688594;0.010714285714285714384841341484;0.026587301587301586519584972734;0.036904761904761905488836504219;0.007142857142857142634106981660;0.024206349206349207087152208828;0.009126984126984127518311673555;0.016666666666666666435370203203;0.034920634920634921471993550313;0.042063492063492066708185745938;0.046825396825396825573051273750;0.032936507936507937455150596406;0.014682539682539682418527249297;0.000793650793650793650105268462;0.022619047619047618485899064922;0.008333333333333333217685101602;0.011904761904761904101057723437;0.021428571428571428769682682969;0.003968253968253968033685907812;0.029761904761904760252644308594;0.021031746031746033354092872969;0.009523809523809524668624959531;0.009523809523809524668624959531;0.000000000000000000000000000000;0.009920634920634920084214769531;0.009126984126984127518311673555;0.003571428571428571317053490830;0.000000000000000000000000000000;0.012698412698412698401684295391;0.025000000000000001387778780781;0.017460317460317460735996775156;0.048015873015873018758714607657;0.040476190476190478106932602032;0.028968253968253969421464688594;0.025000000000000001387778780781
-0.054583333333333330927850113312;0.017916666666666667545593227828;0.037499999999999998612221219219;0.002500000000000000052041704279;0.014583333333333333564629796797;0.028750000000000001249000902703;0.007499999999999999722444243844;0.028333333333333331899295259859;0.004583333333333333356462979680;0.023333333333333334397297065266;0.019583333333333334536074943344;0.012083333333333333078907223523;0.026249999999999999028554853453;0.034166666666666664631257788187;0.017500000000000001665334536938;0.029999999999999998889776975375;0.011666666666666667198648532633;0.029583333333333333009518284484;0.031250000000000000000000000000;0.007083333333333332974823814965;0.020000000000000000416333634234;0.005833333333333333599324266316;0.021666666666666667406815349750;0.029583333333333333009518284484;0.050833333333333334536074943344;0.036666666666666666851703837438;0.034166666666666664631257788187;0.021666666666666667406815349750;0.001250000000000000026020852140;0.036249999999999997501998194593;0.007083333333333332974823814965;0.010000000000000000208166817117;0.023333333333333334397297065266;0.003333333333333333547282562037;0.027916666666666666019036568969;0.023333333333333334397297065266;0.010000000000000000208166817117;0.011666666666666667198648532633;0.002916666666666666799662133158;0.014999999999999999444888487687;0.011249999999999999583666365766;0.005000000000000000104083408559;0.000000000000000000000000000000;0.017083333333333332315628894094;0.012916666666666666574148081281;0.013750000000000000069388939039;0.027500000000000000138777878078;0.027500000000000000138777878078;0.030416666666666668239482618219;0.023333333333333334397297065266
-0.035470085470085468970502518005;0.006837606837606837600906928287;0.048717948717948718340142733041;0.208974358974358981333452334184;0.002136752136752136967123849587;0.021794871794871793768688661430;0.001709401709401709400226732072;0.012393162393162392501122504029;0.007264957264957265167804045802;0.017094017094017095736990796695;0.019658119658119657668926549832;0.008547008547008547868495398347;0.012820512820512820068019621544;0.037606837606837605070264629603;0.011965811965811966668948862491;0.023504273504273504036277131490;0.008974358974358973700669039886;0.016666666666666666435370203203;0.008974358974358973700669039886;0.006837606837606837600906928287;0.010683760683760683968257509946;0.007692307692307692734701163317;0.007264957264957265167804045802;0.038888888888888889505679458125;0.042307692307692310040856398246;0.046153846153846156408206979904;0.025213675213675214303865601551;0.000854700854700854700113366036;0.001282051282051282050170049054;0.005555555555555555767577313730;0.006837606837606837600906928287;0.009401709401709401267566157401;0.004273504273504273934247699174;0.006837606837606837600906928287;0.026923076923076924571454071611;0.035042735042735043138328876466;0.011111111111111111535154627461;0.014529914529914530335608091605;0.000000000000000000000000000000;0.012820512820512820068019621544;0.003418803418803418800453464144;0.005555555555555555767577313730;0.000000000000000000000000000000;0.020512820512820512802720784862;0.007264957264957265167804045802;0.013675213675213675201813856575;0.036752136752136753405917346527;0.044444444444444446140618509844;0.018803418803418802535132314802;0.017948717948717947401338079771
-0.021904761904761906043948016531;0.015714285714285715356286488031;0.036190476190476189577438503875;0.390952380952380940115631346998;0.010476190476190475747708674703;0.009523809523809524668624959531;0.005238095238095237873854337352;0.021904761904761906043948016531;0.008095238095238094580552434820;0.014761904761904762542479296883;0.010000000000000000208166817117;0.002857142857142857140378966463;0.006190476190476190687661528500;0.022380952380952379848766398140;0.032857142857142855596475072844;0.010476190476190475747708674703;0.010476190476190475747708674703;0.024285714285714285476380780437;0.017619047619047617514453918375;0.003809523809523809520505288617;0.013333333333333334189130248149;0.008095238095238094580552434820;0.004285714285714285927408884191;0.016666666666666666435370203203;0.016666666666666666435370203203;0.016666666666666666435370203203;0.019523809523809523142068300672;0.013809523809523809728672105734;0.001428571428571428570189483231;0.006190476190476190687661528500;0.004285714285714285927408884191;0.006666666666666667094565124074;0.011428571428571428561515865852;0.004285714285714285927408884191;0.015714285714285715356286488031;0.018571428571428572062984585500;0.006190476190476190687661528500;0.005238095238095237873854337352;0.000952380952380952380126322154;0.009523809523809524668624959531;0.008571428571428571854817768383;0.007142857142857142634106981660;0.000000000000000000000000000000;0.012380952380952381375323057000;0.019523809523809523142068300672;0.009047619047619047394359625969;0.023809523809523808202115446875;0.020476190476190477690598967797;0.011428571428571428561515865852;0.012380952380952381375323057000
-0.044715447154471545110343555507;0.013414634146341463186158371457;0.051219512195121948139320267046;0.000000000000000000000000000000;0.004065040650406504495195658677;0.025203252032520325615072565029;0.003252032520325203249211831746;0.025203252032520325615072565029;0.019918699186991871419305510926;0.034959349593495933627984584291;0.018699186991869919116648901536;0.010975609756097560315568628653;0.012601626016260162807536282514;0.042682926829268295898511809128;0.023170731707317072933793866696;0.029674796747967479432217530189;0.013008130081300812996847326986;0.041056910569105688202373727336;0.016260162601626017980782634709;0.010162601626016259936946539710;0.018699186991869919116648901536;0.007317073170731707744407490424;0.013414634146341463186158371457;0.028861788617886179053595441246;0.041056910569105688202373727336;0.043902439024390241262274514611;0.036178861788617885930641193681;0.017886178861788618738026812593;0.000406504065040650406151478968;0.013414634146341463186158371457;0.013008130081300812996847326986;0.010569105691056910126257584182;0.013414634146341463186158371457;0.008943089430894309369013406297;0.023170731707317072933793866696;0.028455284552845527129560920798;0.013821138211382113375469415928;0.014227642276422763564780460399;0.003658536585365853872203745212;0.012195121951219512618225238043;0.002845528455284553059900787275;0.011382113821138212239603149101;0.000000000000000000000000000000;0.027642276422764226750938831856;0.010975609756097560315568628653;0.015040650406504065678126025318;0.045121951219512193564931124001;0.038617886178861790535954412462;0.030081300813008131356252050637;0.015447154471544715867437069790
-0.041666666666666664353702032031;0.005172413793103448204080407891;0.060344827586206899183718377344;0.000000000000000000000000000000;0.002011494252873563190475714180;0.029022988505747127768730209141;0.002586206896551724102040203945;0.010344827586206896408160815781;0.019827586206896553183698372891;0.027586206896551723755095508750;0.016666666666666666435370203203;0.013218390804597700965983264609;0.023275862068965518653085311485;0.050287356321839081496616330469;0.003160919540229885013604693711;0.032471264367816089768670195781;0.019252873563218392272133883125;0.032758620689655175428622868594;0.006609195402298850482991632305;0.011206896551724137775507550430;0.006896551724137930938773877187;0.021264367816091953727886121328;0.022126436781609196829956331953;0.033620689655172411591799175312;0.042241379310344828734713473750;0.044540229885057472380971432813;0.019827586206896553183698372891;0.014942528735632183700676733906;0.001724137931034482734693469297;0.008908045977011494129249591367;0.015229885057471264156458978789;0.016666666666666666435370203203;0.007183908045977011394556122070;0.010057471264367815952378570898;0.041954022988505750013654704844;0.035919540229885055238057134375;0.011781609195402298687072040195;0.016666666666666666435370203203;0.002011494252873563190475714180;0.025287356321839080108837549687;0.001436781609195402278911224414;0.012068965517241379142854285078;0.000000000000000000000000000000;0.020689655172413792816321631562;0.002298850574712643646257959062;0.017528735632183909537440413828;0.044827586206896551102030201719;0.038218390804597698884315093437;0.033333333333333332870740406406;0.023275862068965518653085311485
-0.054838709677419356092187285867;0.002688172043010752902680859933;0.043548387096774193727455326552;0.000000000000000000000000000000;0.010215053763440860856714920146;0.038172043010752686187370130710;0.003763440860215053977017030107;0.020967741935483872467438359877;0.009139784946236559348697880978;0.016666666666666666435370203203;0.024193548387096773522042525428;0.018817204301075269451404281540;0.026881720430107527292085123349;0.038172043010752686187370130710;0.003763440860215053977017030107;0.031720430107526884078161799607;0.014516129032258065154059600843;0.020967741935483872467438359877;0.009139784946236559348697880978;0.009139784946236559348697880978;0.016129032258064515681361683619;0.014516129032258065154059600843;0.022043010752688170506008447092;0.029569892473118281062127721270;0.051612903225806451568136168362;0.036559139784946237394791523911;0.023118279569892472014025486260;0.000000000000000000000000000000;0.001075268817204301074336170174;0.031720430107526884078161799607;0.025268817204301075030059564597;0.013978494623655914400051081259;0.014516129032258065154059600843;0.010752688172043011610723439730;0.044086021505376341012016894183;0.034408602150537634378757445575;0.008602150537634408594689361394;0.021505376344086023221446879461;0.002688172043010752902680859933;0.032258064516129031362723367238;0.003225806451612903223008510523;0.001612903225806451611504255261;0.000000000000000000000000000000;0.018817204301075269451404281540;0.005913978494623655692008501461;0.018279569892473118697395761956;0.037096774193548384679353091542;0.034946236559139781663319013205;0.038172043010752686187370130710;0.010215053763440860856714920146
-0.054040404040404041441369997756;0.008585858585858585634298378864;0.049494949494949494472884055085;0.012626262626262626034834291033;0.000000000000000000000000000000;0.033333333333333332870740406406;0.003030303030303030300401934127;0.016161616161616161602143648679;0.014141414141414142269237430583;0.024747474747474747236442027543;0.022222222222222223070309254922;0.008080808080808080801071824339;0.033333333333333332870740406406;0.043939393939393937837945003366;0.009090909090909090467524933388;0.052525252525252523472243382230;0.012121212121212121201607736509;0.023232323232323232736762363970;0.010101010101010101868701518413;0.008585858585858585634298378864;0.015656565656565656768917094155;0.013636363636363635701287400082;0.005555555555555555767577313730;0.030808080808080808704607633786;0.065656565656565663013921607671;0.050000000000000002775557561563;0.022222222222222223070309254922;0.006060606060606060600803868255;0.002020202020202020200267956085;0.007575757575757575967845269815;0.016161616161616161602143648679;0.014141414141414142269237430583;0.006565656565656565434030422779;0.011111111111111111535154627461;0.029292929292929294204927970213;0.029292929292929294204927970213;0.008080808080808080801071824339;0.022222222222222223070309254922;0.001010101010101010100133978042;0.016666666666666666435370203203;0.004545454545454545233762466694;0.006060606060606060600803868255;0.000000000000000000000000000000;0.021717171717171718237082700398;0.008080808080808080801071824339;0.017676767676767676101823312251;0.035353535353535352203646624503;0.042929292929292928171491894318;0.026767676767676766569348245639;0.023737373737373737569988918494
-0.046453900709219855813536526057;0.007092198581560283515701215151;0.019503546099290780535540079654;0.237234042553191498692299887807;0.020921985815602835850901541903;0.021276595744680850547103645454;0.006382978723404254990658746038;0.015248226950354609385285264977;0.003191489361702127495329373019;0.020921985815602835850901541903;0.016666666666666666435370203203;0.009574468085106382919668988052;0.018794326241134751143135872553;0.030851063829787233466772633506;0.019858156028368795231742183205;0.028014184397163119366602757054;0.005673758865248227332978014914;0.014184397163120567031402430302;0.019148936170212765839337976104;0.003191489361702127495329373019;0.013120567375886524677519595627;0.003546099290780141757850607576;0.007092198581560283515701215151;0.025886524822695034658837087704;0.028723404255319148759006964156;0.040780141843971634552090677062;0.023404255319148935254869314804;0.004255319148936170282893076688;0.000354609929078014208311125932;0.016666666666666666435370203203;0.008156028368794325869584049826;0.012056737588652482323636760952;0.008510638297872340565786153377;0.008510638297872340565786153377;0.021631205673758865243305749004;0.023049645390070920558667211253;0.009574468085106382919668988052;0.013475177304964539373721699178;0.000000000000000000000000000000;0.012411347517730497019838864503;0.006028368794326241161818380476;0.000709219858156028416622251864;0.000000000000000000000000000000;0.016666666666666666435370203203;0.017021276595744681131572306754;0.023404255319148935254869314804;0.025886524822695034658837087704;0.027659574468085104670400653504;0.020212765957446809927944286756;0.017021276595744681131572306754
-0.063809523809523815973676619251;0.001428571428571428570189483231;0.050000000000000002775557561563;0.000000000000000000000000000000;0.000000000000000000000000000000;0.021428571428571428769682682969;0.000000000000000000000000000000;0.011904761904761904101057723437;0.012380952380952381375323057000;0.050476190476190473110928991218;0.017619047619047617514453918375;0.008571428571428571854817768383;0.013809523809523809728672105734;0.047619047619047616404230893750;0.001904761904761904760252644309;0.043333333333333334813630699500;0.018095238095238094788719251937;0.016190476190476189161104869640;0.005714285714285714280757932926;0.008571428571428571854817768383;0.017142857142857143709635536766;0.012380952380952381375323057000;0.010000000000000000208166817117;0.051904761904761904933724991906;0.060476190476190475053819284312;0.067619047619047620290011479938;0.021904761904761906043948016531;0.000476190476190476190063161077;0.000000000000000000000000000000;0.001904761904761904760252644309;0.007619047619047619041010577234;0.029047619047619047810693260203;0.004761904761904762334312479766;0.006190476190476190687661528500;0.027619047619047619457344211469;0.048095238095238093678496227312;0.010476190476190475747708674703;0.021428571428571428769682682969;0.000000000000000000000000000000;0.010000000000000000208166817117;0.002857142857142857140378966463;0.003333333333333333547282562037;0.000000000000000000000000000000;0.021904761904761906043948016531;0.001428571428571428570189483231;0.026666666666666668378260496297;0.052857142857142859482255659032;0.047142857142857146068859464094;0.021428571428571428769682682969;0.020476190476190477690598967797
-0.045121951219512193564931124001;0.003658536585365853872203745212;0.049593495934959347382076089161;0.008130081300813008990391317354;0.008536585365853659179702361826;0.019512195121951219495270990478;0.003658536585365853872203745212;0.012601626016260162807536282514;0.010162601626016259936946539710;0.028048780487804878674973352304;0.023170731707317072933793866696;0.013414634146341463186158371457;0.028048780487804878674973352304;0.056097560975609757349946704608;0.010569105691056910126257584182;0.028861788617886179053595441246;0.019105691056910567571236470030;0.032113821138211380568083797016;0.012601626016260162807536282514;0.010162601626016259936946539710;0.015447154471544715867437069790;0.008943089430894309369013406297;0.013008130081300812996847326986;0.029674796747967479432217530189;0.050406504065040651230145130057;0.044715447154471545110343555507;0.028048780487804878674973352304;0.003658536585365853872203745212;0.000000000000000000000000000000;0.010162601626016259936946539710;0.011382113821138212239603149101;0.010975609756097560315568628653;0.008536585365853659179702361826;0.013821138211382113375469415928;0.041056910569105688202373727336;0.036585365853658534385228762176;0.014227642276422763564780460399;0.019105691056910567571236470030;0.001219512195121951218454436905;0.024796747967479673691038044581;0.003658536585365853872203745212;0.005284552845528455063128792091;0.000000000000000000000000000000;0.017886178861788618738026812593;0.007317073170731707744407490424;0.018699186991869919116648901536;0.040243902439024391293198590347;0.035365853658536582082572152785;0.033739837398373981325327974901;0.028861788617886179053595441246
-0.026666666666666668378260496297;0.017575757575757574441288610956;0.051212121212121208824186169295;0.025757575757575756902895136591;0.008484848484848485708487153545;0.029090909090909090883858567622;0.002727272727272727487202175212;0.010606060606060606701928072937;0.050000000000000002775557561563;0.017272727272727272929131459023;0.020909090909090908422252041987;0.024545454545454543915372624951;0.015757575757575758429451795450;0.030909090909090910365142335081;0.012727272727272727695368992329;0.023939393939393940891058321085;0.020606060606060606910094890054;0.031212121212121211877299487014;0.015454545454545455182571167541;0.013333333333333334189130248149;0.011818181818181817954727108599;0.022424242424242422921931705559;0.014545454545454545441929283811;0.023636363636363635909454217199;0.035454545454545453864181325798;0.029999999999999998889776975375;0.027575757575757576384178904050;0.021818181818181819897617401693;0.000303030303030303030040193413;0.023939393939393940891058321085;0.019393939393939393922572378415;0.012424242424242424448488364419;0.014242424242424242195048655901;0.009393939393939393714405561298;0.024242424242424242403215473018;0.027272727272727271402574800163;0.011515151515151514707846480690;0.010303030303030303455047445027;0.005757575757575757353923240345;0.020909090909090908422252041987;0.005151515151515151727523722514;0.042121212121212121826108187861;0.000000000000000000000000000000;0.011818181818181817954727108599;0.009393939393939393714405561298;0.009090909090909090467524933388;0.028181818181818182877940159869;0.029999999999999998889776975375;0.029696969696969697377619823442;0.018787878787878787428811122595
-0.014619883040935671703053344572;0.028947368421052631359824403035;0.053508771929824561208732802697;0.117543859649122811594779136612;0.008187134502923977194543958547;0.023391812865497074724885351316;0.004678362573099415291921765458;0.018128654970760233605675537660;0.066959064327485384726657002830;0.013157894736842104532748010115;0.011111111111111111535154627461;0.026023391812865497019213734120;0.009941520467836258145855055091;0.024269005847953217802626113553;0.021345029239766083462015444638;0.016081871345029238873358679029;0.021345029239766083462015444638;0.045321637426900582279465368174;0.010526315789473683973143103287;0.005555555555555555767577313730;0.009649122807017544364849293004;0.035380116959064324133610313083;0.009649122807017544364849293004;0.014327485380116959656771058462;0.021929824561403507554580016858;0.015497076023391813046070630833;0.023391812865497074724885351316;0.024269005847953217802626113553;0.000877192982456140367235331023;0.019590643274853800775980872118;0.023684210526315790240614589379;0.011403508771929825316160389548;0.008187134502923977194543958547;0.008771929824561403021832006743;0.009356725146198830583843530917;0.024853801169590641895190685773;0.007309941520467835851526672286;0.004970760233918129072927527545;0.019298245614035088729698586008;0.021052631578947367946286206575;0.007602339181286549632532434373;0.053508771929824561208732802697;0.000000000000000000000000000000;0.011403508771929825316160389548;0.008771929824561403021832006743;0.005847953216374268681221337829;0.015204678362573099265064868746;0.012280701754385964924454199831;0.017543859649122806043664013487;0.013742690058479532094759534289
-0.008928571428571428075793292578;0.023511904761904761640423089375;0.030357142857142856845475975547;0.280357142857142860314922927500;0.009523809523809524668624959531;0.012797619047619047255581747891;0.006547619047619047775998790684;0.023511904761904761640423089375;0.058333333333333334258519187188;0.012202380952380952397473556914;0.013095238095238095551997581367;0.019345238095238095898942276563;0.003869047619047619179788455313;0.010714285714285714384841341484;0.024702380952380951356639471328;0.012797619047619047255581747891;0.015476190476190476719153821250;0.038690476190476191797884553125;0.016071428571428569842538536250;0.004166666666666666608842550801;0.020833333333333332176851016015;0.021130952380952382207990325469;0.006250000000000000346944695195;0.016964285714285712997062560703;0.014583333333333333564629796797;0.012500000000000000693889390391;0.025297619047619047949471138281;0.039285714285714284921269268125;0.002083333333333333304421275400;0.012797619047619047255581747891;0.017857142857142856151586585156;0.006547619047619047775998790684;0.007440476190476190063161077148;0.007142857142857142634106981660;0.002380952380952381167156239883;0.016369047619047619873677845703;0.005357142857142857192420670742;0.005654761904761904621474766230;0.008333333333333333217685101602;0.004761904761904762334312479766;0.008630952380952381514100935078;0.052380952380952382207990325469;0.000000000000000000000000000000;0.008333333333333333217685101602;0.013988095238095238706521605820;0.011011904761904762681257174961;0.008035714285714284921269268125;0.005357142857142857192420670742;0.005952380952380952050528861719;0.007738095238095238359576910625
-0.021666666666666667406815349750;0.010555555555555555871660722289;0.044166666666666666574148081281;0.213055555555555553581825734000;0.003611111111111110945348645629;0.005555555555555555767577313730;0.004722222222222222272336455973;0.024166666666666666157814447047;0.020833333333333332176851016015;0.028888888888888887562789165031;0.016666666666666666435370203203;0.010555555555555555871660722289;0.008888888888888888881179006773;0.039166666666666669072149886688;0.022499999999999999167332731531;0.015833333333333334674852821422;0.011944444444444445030395485219;0.020277777777777776513357110844;0.011111111111111111535154627461;0.010833333333333333703407674875;0.013888888888888888117900677344;0.018055555555555553859381490156;0.008333333333333333217685101602;0.046111111111111109661653273406;0.018055555555555553859381490156;0.029166666666666667129259593594;0.031388888888888889783235214281;0.007222222222222221890697291258;0.000833333333333333386820640509;0.008611111111111111049432054187;0.005555555555555555767577313730;0.017500000000000001665334536938;0.002500000000000000052041704279;0.010555555555555555871660722289;0.020833333333333332176851016015;0.030277777777777778456247403938;0.015833333333333334674852821422;0.003888888888888888777095598215;0.005277777777777777935830361145;0.010277777777777778039913769703;0.008611111111111111049432054187;0.012222222222222222862142437805;0.000000000000000000000000000000;0.020555555555555556079827539406;0.005000000000000000104083408559;0.010000000000000000208166817117;0.038888888888888889505679458125;0.021111111111111111743321444578;0.020833333333333332176851016015;0.013611111111111110286153724758
-0.025000000000000001387778780781;0.011111111111111111535154627461;0.041319444444444443365060948281;0.305555555555555580227178325003;0.002083333333333333304421275400;0.010069444444444445099784424258;0.007986111111111110494320541875;0.021180555555555556634939051719;0.029166666666666667129259593594;0.022569444444444444058950338672;0.008333333333333333217685101602;0.002777777777777777883788656865;0.003819444444444444319158860068;0.036805555555555556634939051719;0.015277777777777777276635440273;0.014236111111111110841265237070;0.015277777777777777276635440273;0.017361111111111111882099322656;0.007291666666666666782314898398;0.006597222222222222202947516934;0.015625000000000000000000000000;0.016666666666666666435370203203;0.009027777777777776929690745078;0.032986111111111111882099322656;0.017361111111111111882099322656;0.027083333333333334258519187188;0.022569444444444444058950338672;0.006250000000000000346944695195;0.002430555555555555594104966133;0.001041666666666666652210637700;0.003819444444444444319158860068;0.015972222222222220988641083750;0.003125000000000000173472347598;0.008680555555555555941049661328;0.015625000000000000000000000000;0.022569444444444444058950338672;0.010416666666666666088425508008;0.008680555555555555941049661328;0.006597222222222222202947516934;0.011805555555555555247160270937;0.004513888888888888464845372539;0.008333333333333333217685101602;0.000000000000000000000000000000;0.016319444444444445446729119453;0.006250000000000000346944695195;0.013888888888888888117900677344;0.030208333333333333564629796797;0.027777777777777776235801354687;0.018402777777777778317469525859;0.012152777777777777970524830664
-0.018803418803418802535132314802;0.015811965811965811301575968173;0.035470085470085468970502518005;0.296153846153846156408206979904;0.003846153846153846367350581659;0.009829059829059828834463274916;0.005128205128205128200680196215;0.016239316239316240603196561665;0.047435897435897433904727904519;0.017948717948717947401338079771;0.011111111111111111535154627461;0.007692307692307692734701163317;0.007264957264957265167804045802;0.020085470085470086970547143324;0.011965811965811966668948862491;0.011965811965811966668948862491;0.039743589743589741170026741202;0.029487179487179486503389824748;0.003846153846153846367350581659;0.011111111111111111535154627461;0.011965811965811966668948862491;0.030341880341880341637184059778;0.008974358974358973700669039886;0.020085470085470086970547143324;0.020085470085470086970547143324;0.018803418803418802535132314802;0.021367521367521367936515019892;0.005555555555555555767577313730;0.001282051282051282050170049054;0.014102564102564102768710974090;0.007264957264957265167804045802;0.018376068376068376702958673263;0.001282051282051282050170049054;0.006410256410256410034009810772;0.011111111111111111535154627461;0.028632478632478631369595589717;0.005128205128205128200680196215;0.008119658119658120301598280832;0.018803418803418802535132314802;0.020512820512820512802720784862;0.010256410256410256401360392431;0.020512820512820512802720784862;0.000000000000000000000000000000;0.012393162393162392501122504029;0.008547008547008547868495398347;0.010683760683760683968257509946;0.011965811965811966668948862491;0.009829059829059828834463274916;0.009401709401709401267566157401;0.007264957264957265167804045802
-0.028888888888888887562789165031;0.013611111111111110286153724758;0.078888888888888883399452822687;0.000000000000000000000000000000;0.000555555555555555555073687923;0.018333333333333333425851918719;0.001111111111111111110147375847;0.012500000000000000693889390391;0.091944444444444439756836118249;0.018333333333333333425851918719;0.013611111111111110286153724758;0.009444444444444444544672911945;0.012222222222222222862142437805;0.033611111111111112437210834969;0.006388888888888889262818171488;0.014722222222222221613141535101;0.028333333333333331899295259859;0.053333333333333336756520992594;0.006666666666666667094565124074;0.018611111111111109522875395328;0.010000000000000000208166817117;0.045555555555555557467606320188;0.010555555555555555871660722289;0.026388888888888888811790067734;0.028333333333333331899295259859;0.025000000000000001387778780781;0.025833333333333333148296162562;0.008333333333333333217685101602;0.001388888888888888941894328433;0.012222222222222222862142437805;0.010833333333333333703407674875;0.013888888888888888117900677344;0.007222222222222221890697291258;0.008888888888888888881179006773;0.023333333333333334397297065266;0.039444444444444441699726411343;0.017500000000000001665334536938;0.010833333333333333703407674875;0.022777777777777778733803160094;0.029444444444444443226283070203;0.003333333333333333547282562037;0.045555555555555557467606320188;0.000000000000000000000000000000;0.010277777777777778039913769703;0.001666666666666666773641281019;0.010277777777777778039913769703;0.029166666666666667129259593594;0.017777777777777777762358013547;0.028888888888888887562789165031;0.014166666666666665949647629930
-0.028787878787878789371701415689;0.017171717171717171268596757727;0.089898989898989895008796224829;0.000000000000000000000000000000;0.000000000000000000000000000000;0.015151515151515151935690539631;0.000505050505050505050066989021;0.020707070707070708570629591350;0.064646464646464646408574594716;0.022222222222222223070309254922;0.013636363636363635701287400082;0.012121212121212121201607736509;0.016161616161616161602143648679;0.038888888888888889505679458125;0.009090909090909090467524933388;0.014141414141414142269237430583;0.035858585858585860506320130980;0.050000000000000002775557561563;0.009090909090909090467524933388;0.012626262626262626034834291033;0.013636363636363635701287400082;0.039898989898989899172132567173;0.017171717171717171268596757727;0.022222222222222223070309254922;0.024242424242424242403215473018;0.025757575757575756902895136591;0.031313131313131313537834188310;0.003535353535353535567309357646;0.000000000000000000000000000000;0.008585858585858585634298378864;0.011111111111111111535154627461;0.014141414141414142269237430583;0.007070707070707071134618715291;0.009595959595959595300751487912;0.026767676767676766569348245639;0.051515151515151513805790273182;0.013131313131313130868060845557;0.007070707070707071134618715291;0.011111111111111111535154627461;0.027272727272727271402574800163;0.004545454545454545233762466694;0.031818181818181814901613790880;0.000000000000000000000000000000;0.012121212121212121201607736509;0.000505050505050505050066989021;0.007575757575757575967845269815;0.032828282828282831506960803836;0.024747474747474747236442027543;0.034848484848484850839867021932;0.015151515151515151935690539631
-0.013425925925925926221471407018;0.018981481481481481121686982760;0.081944444444444444752839729063;0.015740740740740739173064710599;0.006481481481481481295159330358;0.011111111111111111535154627461;0.002314814814814814686316779557;0.018055555555555553859381490156;0.102777777777777773460243793124;0.020833333333333332176851016015;0.011574074074074073431583897786;0.004629629629629629372633559115;0.015277777777777777276635440273;0.031944444444444441977282167500;0.013888888888888888117900677344;0.008333333333333333217685101602;0.036574074074074071349915726614;0.075462962962962967794489088647;0.009259259259259258745267118229;0.014814814814814815380206169948;0.008796296296296296848837847904;0.046296296296296293726335591145;0.011574074074074073431583897786;0.019907407407407408383992475365;0.023611111111111110494320541875;0.027314814814814816074095560339;0.028703703703703703498106847292;0.006018518518518518531368322044;0.001388888888888888941894328433;0.007870370370370369586532355299;0.002777777777777777883788656865;0.012962962962962962590318660716;0.005092592592592593003786305417;0.006018518518518518531368322044;0.018055555555555553859381490156;0.048148148148148148250946576354;0.018055555555555553859381490156;0.002314814814814814686316779557;0.006944444444444444058950338672;0.021296296296296295808003762318;0.002314814814814814686316779557;0.047685185185185184619793830052;0.000000000000000000000000000000;0.010648148148148147904001881159;0.001851851851851851922525771243;0.009722222222222222376419864531;0.026388888888888888811790067734;0.021296296296296295808003762318;0.030555555555555554553270880547;0.012962962962962962590318660716
-0.026241134751773049355039191255;0.018085106382978721750731665452;0.035815602836879435744155131260;0.202127659574468071523867251926;0.006028368794326241161818380476;0.012411347517730497019838864503;0.015957446808510637042965996102;0.022695035460992909331912059656;0.028368794326241134062804860605;0.020921985815602835850901541903;0.007446808510638298211903318702;0.007092198581560283515701215151;0.011347517730496454665956029828;0.023404255319148935254869314804;0.028368794326241134062804860605;0.015957446808510637042965996102;0.028723404255319148759006964156;0.029432624113475178151411171257;0.014184397163120567031402430302;0.004609929078014184111733442251;0.012056737588652482323636760952;0.015248226950354609385285264977;0.006382978723404254990658746038;0.027659574468085104670400653504;0.023404255319148935254869314804;0.027659574468085104670400653504;0.021985815602836879939507852555;0.020921985815602835850901541903;0.003191489361702127495329373019;0.008510638297872340565786153377;0.008510638297872340565786153377;0.019858156028368795231742183205;0.004609929078014184111733442251;0.009219858156028368223466884501;0.008510638297872340565786153377;0.035815602836879435744155131260;0.007801418439716312040743684264;0.012765957446808509981317492077;0.002836879432624113666489007457;0.007092198581560283515701215151;0.014893617021276596423806637404;0.032624113475177303478336199305;0.000000000000000000000000000000;0.021276595744680850547103645454;0.012411347517730497019838864503;0.015957446808510637042965996102;0.018794326241134751143135872553;0.014184397163120567031402430302;0.015602836879432624081487368528;0.010992907801418439969753926277
-0.015625000000000000000000000000;0.028472222222222221682530474141;0.026041666666666667823148983985;0.345138888888888883954564334999;0.004861111111111111188209932266;0.010763888888888888811790067734;0.010069444444444445099784424258;0.022569444444444444058950338672;0.034027777777777774848022573906;0.013194444444444444405895033867;0.010416666666666666088425508008;0.006597222222222222202947516934;0.007291666666666666782314898398;0.015277777777777777276635440273;0.032638888888888890893458238907;0.012500000000000000693889390391;0.020833333333333332176851016015;0.031944444444444441977282167500;0.011458333333333332523795711211;0.004166666666666666608842550801;0.014236111111111110841265237070;0.013888888888888888117900677344;0.002777777777777777883788656865;0.017708333333333332870740406406;0.010763888888888888811790067734;0.012152777777777777970524830664;0.020138888888888890199568848516;0.031597222222222220988641083750;0.003125000000000000173472347598;0.007291666666666666782314898398;0.010763888888888888811790067734;0.012847222222222221682530474141;0.002430555555555555594104966133;0.010416666666666666088425508008;0.004166666666666666608842550801;0.019097222222222223764198645313;0.005555555555555555767577313730;0.009027777777777776929690745078;0.004513888888888888464845372539;0.006597222222222222202947516934;0.012847222222222221682530474141;0.035763888888888886730121896562;0.000000000000000000000000000000;0.009027777777777776929690745078;0.012500000000000000693889390391;0.009374999999999999653055304805;0.012847222222222221682530474141;0.007291666666666666782314898398;0.007986111111111110494320541875;0.009374999999999999653055304805
-0.024183006535947713239176337652;0.016993464052287580307032399674;0.040849673202614379674546540855;0.186601307189542486852928959706;0.005228758169934640161191641283;0.010457516339869280322383282567;0.011111111111111111535154627461;0.028758169934640521320234896052;0.040849673202614379674546540855;0.023529411764705882026404992757;0.014379084967320260660117448026;0.009803921568627450844335413649;0.007516339869281045936444396460;0.025163398692810458323609879017;0.026143790849673203408043420382;0.016666666666666666435370203203;0.024183006535947713239176337652;0.027777777777777776235801354687;0.015359477124183005744550989391;0.002941176470588235253300624095;0.020261437908496732901442172192;0.020261437908496732901442172192;0.007516339869281045936444396460;0.034313725490196081424620899725;0.016339869281045752563708006733;0.024836601307189540982500730593;0.034640522875816995296283096195;0.017973856209150325391465941038;0.005228758169934640161191641283;0.010130718954248366450721086096;0.005882352941176470506601248189;0.016339869281045752563708006733;0.007516339869281045936444396460;0.015686274509803921350936661838;0.007843137254901960675468330919;0.024836601307189540982500730593;0.004575163398692810683143772366;0.010130718954248366450721086096;0.007189542483660130330058724013;0.006862745098039215591034789554;0.016013071895424835222598858309;0.025816993464052286066934271958;0.000000000000000000000000000000;0.020261437908496732901442172192;0.012745098039215686097636037744;0.018300653594771242732575089462;0.015359477124183005744550989391;0.009477124183006535237949741202;0.009477124183006535237949741202;0.015686274509803921350936661838
-0.018027210884353741388030911708;0.023809523809523808202115446875;0.024829931972789116151334454230;0.283333333333333325931846502499;0.010544217687074829148397014933;0.022108843537414966246013037221;0.008503401360544218454129428153;0.023129251700680270725785092623;0.027891156462585033060097572388;0.014285714285714285268213963320;0.011564625850340135362892546311;0.012925170068027210315553254816;0.010544217687074829148397014933;0.014285714285714285268213963320;0.029251700680272108012758280893;0.008843537414965987192294605279;0.014285714285714285268213963320;0.040816326530612241640927351227;0.023129251700680270725785092623;0.006462585034013605157776627408;0.017346938775510203911700557455;0.014285714285714285268213963320;0.006462585034013605157776627408;0.013605442176870747791883609068;0.017346938775510203911700557455;0.016326530612244899431928502054;0.020408163265306120820463675614;0.025510204081632653627664808482;0.000680272108843537367910137004;0.018707482993197278864361265960;0.009183673469387755930459782405;0.009863945578231291672066660681;0.012925170068027210315553254816;0.005442176870748298943281096030;0.013605442176870747791883609068;0.021428571428571428769682682969;0.008503401360544218454129428153;0.009523809523809524668624959531;0.004081632653061224857982125513;0.008503401360544218454129428153;0.009183673469387755930459782405;0.029591836734693878485646933996;0.000000000000000000000000000000;0.011904761904761904101057723437;0.013605442176870747791883609068;0.008843537414965987192294605279;0.008843537414965987192294605279;0.006802721088435373895941804534;0.018027210884353741388030911708;0.010884353741496597886562192059
-0.016666666666666666435370203203;0.025694444444444443365060948281;0.031597222222222220988641083750;0.234722222222222220988641083750;0.015625000000000000000000000000;0.021527777777777777623580135469;0.002430555555555555594104966133;0.019444444444444444752839729063;0.038194444444444447528397290625;0.012847222222222221682530474141;0.011458333333333332523795711211;0.018055555555555553859381490156;0.007638888888888888638317720137;0.019791666666666665741480812812;0.034027777777777774848022573906;0.016666666666666666435370203203;0.015277777777777777276635440273;0.036111111111111107718762980312;0.012152777777777777970524830664;0.005902777777777777623580135469;0.014236111111111110841265237070;0.026736111111111109800431151484;0.010763888888888888811790067734;0.012152777777777777970524830664;0.020833333333333332176851016015;0.019444444444444444752839729063;0.019097222222222223764198645313;0.018402777777777778317469525859;0.000000000000000000000000000000;0.015625000000000000000000000000;0.023263888888888889505679458125;0.010069444444444445099784424258;0.009374999999999999653055304805;0.006944444444444444058950338672;0.008680555555555555941049661328;0.015972222222222220988641083750;0.009374999999999999653055304805;0.009374999999999999653055304805;0.020138888888888890199568848516;0.014583333333333333564629796797;0.007986111111111110494320541875;0.023958333333333334952408577578;0.000000000000000000000000000000;0.007291666666666666782314898398;0.018749999999999999306110609609;0.010416666666666666088425508008;0.014236111111111110841265237070;0.009374999999999999653055304805;0.016666666666666666435370203203;0.010416666666666666088425508008
-0.018611111111111109522875395328;0.047222222222222220988641083750;0.026944444444444444475283972906;0.116944444444444448083508802938;0.013888888888888888117900677344;0.034444444444444444197728216750;0.003055555555555555715535609451;0.019722222222222220849863205672;0.036111111111111107718762980312;0.007777777777777777554191196430;0.009444444444444444544672911945;0.020555555555555556079827539406;0.010833333333333333703407674875;0.011388888888888889366901580047;0.022222222222222223070309254922;0.015833333333333334674852821422;0.037222222222222219045750790656;0.055555555555555552471602709375;0.016944444444444446001840631766;0.003888888888888888777095598215;0.010555555555555555871660722289;0.018333333333333333425851918719;0.006388888888888889262818171488;0.012777777777777778525636342977;0.026111111111111112714766591125;0.014166666666666665949647629930;0.016388888888888890338346726594;0.044999999999999998334665463062;0.001111111111111111110147375847;0.049444444444444443642616704437;0.020833333333333332176851016015;0.010000000000000000208166817117;0.010277777777777778039913769703;0.003611111111111110945348645629;0.009166666666666666712925959359;0.024444444444444445724284875610;0.007777777777777777554191196430;0.010277777777777778039913769703;0.011388888888888889366901580047;0.005000000000000000104083408559;0.007777777777777777554191196430;0.069166666666666667961926862063;0.000000000000000000000000000000;0.006111111111111111431071218902;0.013333333333333334189130248149;0.008611111111111111049432054187;0.013611111111111110286153724758;0.011944444444444445030395485219;0.016388888888888890338346726594;0.011388888888888889366901580047
-0.009941520467836258145855055091;0.080116959064327489259405012945;0.038596491228070177459397172015;0.044152046783625734094336223734;0.013450292397660818313753772202;0.021345029239766083462015444638;0.002046783625730994298635989637;0.022514619883040935116591541032;0.044152046783625734094336223734;0.011695906432748537362442675658;0.007894736842105263413538196460;0.011111111111111111535154627461;0.009649122807017544364849293004;0.010233918128654970192137341201;0.022514619883040935116591541032;0.007017543859649122937882648188;0.055555555555555552471602709375;0.090058479532163740466366164128;0.014619883040935671703053344572;0.004385964912280701510916003372;0.010818713450292397754148865374;0.018713450292397661167687061834;0.015204678362573099265064868746;0.011988304093567251143448437745;0.014912280701754385484059106659;0.010818713450292397754148865374;0.017836257309941521559393251550;0.069590643274853800082091481727;0.000584795321637426911490220682;0.030409356725146198530129737492;0.008771929824561403021832006743;0.014912280701754385484059106659;0.009941520467836258145855055091;0.003508771929824561468941324094;0.009649122807017544364849293004;0.028654970760233919313542116925;0.008771929824561403021832006743;0.003508771929824561468941324094;0.004093567251461988597271979273;0.011111111111111111535154627461;0.016081871345029238873358679029;0.090935672514619883544106926365;0.000000000000000000000000000000;0.006725146198830409156876886101;0.012280701754385964924454199831;0.008771929824561403021832006743;0.009356725146198830583843530917;0.007017543859649122937882648188;0.016666666666666666435370203203;0.007309941520467835851526672286
-0.018085106382978721750731665452;0.046453900709219855813536526057;0.060638297872340422844938956359;0.040070921985815605159686469960;0.007801418439716312040743684264;0.010283687943262410577349719176;0.002836879432624113666489007457;0.026241134751773049355039191255;0.042907801418439715790409394458;0.022695035460992909331912059656;0.009929078014184397615871091602;0.010638297872340425273551822727;0.003900709219858156020371842132;0.029078014184397163455209067706;0.021276595744680850547103645454;0.016312056737588651739168099652;0.040425531914893619855888573511;0.068439716312056739222491330565;0.010638297872340425273551822727;0.013120567375886524677519595627;0.010992907801418439969753926277;0.030141843971631204074368426404;0.004609929078014184111733442251;0.034042553191489362263144613507;0.016312056737588651739168099652;0.026241134751773049355039191255;0.021276595744680850547103645454;0.034397163120567376959346717058;0.000354609929078014208311125932;0.009574468085106382919668988052;0.009929078014184397615871091602;0.022695035460992909331912059656;0.004964539007092198807935545801;0.004609929078014184111733442251;0.010283687943262410577349719176;0.054255319148936172191088900263;0.015957446808510637042965996102;0.005673758865248227332978014914;0.010638297872340425273551822727;0.011702127659574467627434657402;0.019503546099290780535540079654;0.035460992907801421047953027710;0.000000000000000000000000000000;0.015957446808510637042965996102;0.007092198581560283515701215151;0.010283687943262410577349719176;0.028723404255319148759006964156;0.015602836879432624081487368528;0.017730496453900710523976513855;0.009219858156028368223466884501
-0.028623188405797101580008146016;0.012318840579710145510805574531;0.069927536231884052098095594374;0.110144927536231881926021003437;0.003260869565217391127104340498;0.014855072463768116339255520586;0.005797101449275362389235155547;0.020652173913043476993767200156;0.023188405797101449556940622188;0.035144927536231884701578565000;0.014130434782608695606920257148;0.006521739130434782254208680996;0.008695652173913043583852733320;0.036594202898550726166249091875;0.014492753623188405973087888867;0.014855072463768116339255520586;0.028623188405797101580008146016;0.029710144927536232678511041172;0.013043478260869564508417361992;0.009782608695652174682355628477;0.016304347826086956069202571484;0.016304347826086956069202571484;0.011231884057971014412302679375;0.038768115942028988363254882188;0.021739130434782608092270095312;0.031884057971014491406069879531;0.023550724637681159923108253906;0.014130434782608695606920257148;0.002536231884057970828449946055;0.010507246376811593679967415937;0.011956521739130435144637942813;0.020652173913043476993767200156;0.005797101449275362389235155547;0.006884057971014492620376312715;0.011231884057971014412302679375;0.056884057971014492793848660313;0.012318840579710145510805574531;0.010507246376811593679967415937;0.002173913043478260895963183330;0.013043478260869564508417361992;0.007246376811594202986543944434;0.014855072463768116339255520586;0.000000000000000000000000000000;0.021014492753623187359934831875;0.011956521739130435144637942813;0.011956521739130435144637942813;0.038405797101449277997087250469;0.021376811594202897726102463594;0.016304347826086956069202571484;0.018115942028985507900040730078
-0.020833333333333332176851016015;0.028125000000000000693889390391;0.027083333333333334258519187188;0.157291666666666662965923251249;0.009374999999999999653055304805;0.014583333333333333564629796797;0.013020833333333333911574491992;0.028645833333333332176851016015;0.029166666666666667129259593594;0.012500000000000000693889390391;0.010937499999999999306110609609;0.006250000000000000346944695195;0.013020833333333333911574491992;0.015625000000000000000000000000;0.035416666666666665741480812812;0.007291666666666666782314898398;0.030208333333333333564629796797;0.053645833333333330095182844843;0.026041666666666667823148983985;0.005208333333333333044212754004;0.020312500000000000693889390391;0.017708333333333332870740406406;0.013020833333333333911574491992;0.016145833333333334952408577578;0.017708333333333332870740406406;0.015625000000000000000000000000;0.026562499999999999306110609609;0.034895833333333334258519187188;0.004166666666666666608842550801;0.012500000000000000693889390391;0.015104166666666666782314898398;0.020833333333333332176851016015;0.008854166666666666435370203203;0.006770833333333333564629796797;0.015104166666666666782314898398;0.022395833333333333564629796797;0.009374999999999999653055304805;0.014583333333333333564629796797;0.011979166666666667476204288789;0.015104166666666666782314898398;0.010416666666666666088425508008;0.042708333333333334258519187188;0.000000000000000000000000000000;0.015104166666666666782314898398;0.009895833333333332870740406406;0.018749999999999999306110609609;0.014062500000000000346944695195;0.005729166666666666261897855605;0.013020833333333333911574491992;0.007291666666666666782314898398
-0.020370370370370372015145221667;0.018148148148148149361169600979;0.028518518518518519433424529552;0.181111111111111111604543566500;0.013703703703703704053218359604;0.025185185185185185452461098521;0.001111111111111111110147375847;0.027037037037037036507625131776;0.021851851851851851471497667490;0.021481481481481479872686080057;0.013703703703703704053218359604;0.023703703703703702526661700745;0.014814814814814815380206169948;0.022592592592592591199673890401;0.025185185185185185452461098521;0.012962962962962962590318660716;0.015925925925925926707193980292;0.039259259259259257635044093604;0.020740740740740740144509857146;0.005925925925925925631665425186;0.018518518518518517490534236458;0.018148148148148149361169600979;0.009259259259259258745267118229;0.032592592592592589673117231541;0.020740740740740740144509857146;0.027037037037037036507625131776;0.027037037037037036507625131776;0.013703703703703704053218359604;0.001851851851851851922525771243;0.021851851851851851471497667490;0.023703703703703702526661700745;0.016296296296296294836558615771;0.012962962962962962590318660716;0.007777777777777777554191196430;0.008888888888888888881179006773;0.022962962962962962798485477833;0.008888888888888888881179006773;0.007037037037037036958653235530;0.010370370370370370072254928573;0.011851851851851851263330850372;0.007777777777777777554191196430;0.019629629629629628817522046802;0.000000000000000000000000000000;0.011111111111111111535154627461;0.017407407407407406163546426114;0.013703703703703704053218359604;0.018148148148148149361169600979;0.012592592592592592726230549260;0.015555555555555555108382392859;0.009259259259259258745267118229
-0.016388888888888890338346726594;0.014722222222222221613141535101;0.021388888888888887840344921187;0.393611111111111133809004059003;0.008055555555555555385938149016;0.008888888888888888881179006773;0.009166666666666666712925959359;0.026388888888888888811790067734;0.010277777777777778039913769703;0.020555555555555556079827539406;0.008611111111111111049432054187;0.007499999999999999722444243844;0.008055555555555555385938149016;0.016388888888888890338346726594;0.024722222222222221821308352219;0.017500000000000001665334536938;0.014166666666666665949647629930;0.021944444444444443503838826359;0.013333333333333334189130248149;0.003333333333333333547282562037;0.015277777777777777276635440273;0.009444444444444444544672911945;0.004722222222222222272336455973;0.025833333333333333148296162562;0.018055555555555553859381490156;0.020277777777777776513357110844;0.021666666666666667406815349750;0.011111111111111111535154627461;0.004444444444444444440589503387;0.013611111111111110286153724758;0.007499999999999999722444243844;0.015277777777777777276635440273;0.003888888888888888777095598215;0.006388888888888889262818171488;0.011388888888888889366901580047;0.020000000000000000416333634234;0.003888888888888888777095598215;0.013611111111111110286153724758;0.001666666666666666773641281019;0.004722222222222222272336455973;0.006666666666666667094565124074;0.012777777777777778525636342977;0.000000000000000000000000000000;0.016111111111111110771876298031;0.010833333333333333703407674875;0.012222222222222222862142437805;0.013611111111111110286153724758;0.011111111111111111535154627461;0.009166666666666666712925959359;0.009722222222222222376419864531
-0.012222222222222222862142437805;0.019444444444444444752839729063;0.013333333333333334189130248149;0.457500000000000017763568394003;0.005277777777777777935830361145;0.010555555555555555871660722289;0.007777777777777777554191196430;0.027500000000000000138777878078;0.012500000000000000693889390391;0.011388888888888889366901580047;0.008611111111111111049432054187;0.006111111111111111431071218902;0.011388888888888889366901580047;0.008055555555555555385938149016;0.030833333333333334119741309109;0.009444444444444444544672911945;0.014722222222222221613141535101;0.023888888888888890060790970438;0.011111111111111111535154627461;0.002777777777777777883788656865;0.014722222222222221613141535101;0.006666666666666667094565124074;0.005833333333333333599324266316;0.013888888888888888117900677344;0.011944444444444445030395485219;0.012500000000000000693889390391;0.015555555555555555108382392859;0.015833333333333334674852821422;0.002500000000000000052041704279;0.016666666666666666435370203203;0.007777777777777777554191196430;0.011388888888888889366901580047;0.009444444444444444544672911945;0.005555555555555555767577313730;0.007777777777777777554191196430;0.020000000000000000416333634234;0.005833333333333333599324266316;0.006944444444444444058950338672;0.002777777777777777883788656865;0.007222222222222221890697291258;0.010555555555555555871660722289;0.014166666666666665949647629930;0.000000000000000000000000000000;0.013333333333333334189130248149;0.014444444444444443781394582516;0.011666666666666667198648532633;0.006111111111111111431071218902;0.004166666666666666608842550801;0.013333333333333334189130248149;0.006944444444444444058950338672
-0.011904761904761904101057723437;0.023412698412698412786525636875;0.021428571428571428769682682969;0.391666666666666662965923251249;0.006746031746031746351155433672;0.006746031746031746351155433672;0.007142857142857142634106981660;0.023809523809523808202115446875;0.014285714285714285268213963320;0.009126984126984127518311673555;0.007539682539682539784420267637;0.006349206349206349200842147695;0.013095238095238095551997581367;0.014285714285714285268213963320;0.030158730158730159137681070547;0.005158730158730158617264027754;0.016666666666666666435370203203;0.029761904761904760252644308594;0.019841269841269840168429539062;0.005555555555555555767577313730;0.018650793650793650452213157109;0.006746031746031746351155433672;0.010317460317460317234528055508;0.011904761904761904101057723437;0.012698412698412698401684295391;0.010714285714285714384841341484;0.027777777777777776235801354687;0.022222222222222223070309254922;0.002380952380952381167156239883;0.013095238095238095551997581367;0.006349206349206349200842147695;0.014682539682539682418527249297;0.007142857142857142634106981660;0.006746031746031746351155433672;0.011111111111111111535154627461;0.022222222222222223070309254922;0.008333333333333333217685101602;0.002777777777777777883788656865;0.006746031746031746351155433672;0.007936507936507936067371815625;0.012301587301587301251371009414;0.018253968253968255036623347110;0.000000000000000000000000000000;0.007539682539682539784420267637;0.013492063492063492702310867344;0.011111111111111111535154627461;0.009920634920634920084214769531;0.004365079365079365183999193789;0.017460317460317460735996775156;0.010317460317460317234528055508
-0.014465408805031446798361471906;0.029245283018867924973438476854;0.047798742138364783138548830266;0.061320754716981132337316751091;0.010377358490566037166336066377;0.019496855345911948825810000585;0.002830188679245282824120666376;0.023270440251572325346396397094;0.057861635220125787193445887624;0.012893081761006289914783806694;0.011635220125786162673198198547;0.011006289308176099919767132462;0.020440251572327042955956599712;0.021698113207547168462818731882;0.015408805031446540928508071033;0.011006289308176099919767132462;0.034276729559748427000887005534;0.050000000000000002775557561563;0.014150943396226415421645938864;0.007547169811320754775896268995;0.009433962264150943036189467250;0.027358490566037736713145278600;0.020440251572327042955956599712;0.017924528301886791942232335373;0.022327044025157231216249797967;0.020754716981132074332672132755;0.024842767295597485699421014260;0.029559748427672956350154009897;0.003773584905660377387948134498;0.024842767295597485699421014260;0.008490566037735848906042868123;0.010691823899371068543051599420;0.014465408805031446798361471906;0.006603773584905660645749669868;0.020440251572327042955956599712;0.033018867924528301494024873364;0.011006289308176099919767132462;0.009433962264150943036189467250;0.012264150943396227161352740609;0.021698113207547168462818731882;0.010691823899371068543051599420;0.061635220125786163714032284133;0.000000000000000000000000000000;0.012578616352201258538068273651;0.013522012578616352668214872779;0.011320754716981131296482665505;0.015094339622641509551792537991;0.008176100628930817529327335080;0.027044025157232705336429745557;0.013836477987421384044930405821
-0.017777777777777777762358013547;0.033333333333333332870740406406;0.037777777777777778178691647781;0.130000000000000004440892098501;0.030555555555555554553270880547;0.024444444444444445724284875610;0.003888888888888888777095598215;0.020555555555555556079827539406;0.041666666666666664353702032031;0.014444444444444443781394582516;0.013333333333333334189130248149;0.008333333333333333217685101602;0.017222222222222222098864108375;0.018333333333333333425851918719;0.018888888888888889089345823891;0.012222222222222222862142437805;0.023888888888888890060790970438;0.057222222222222222931531376844;0.013888888888888888117900677344;0.007777777777777777554191196430;0.011111111111111111535154627461;0.021666666666666667406815349750;0.017777777777777777762358013547;0.011111111111111111535154627461;0.020555555555555556079827539406;0.020000000000000000416333634234;0.025000000000000001387778780781;0.026111111111111112714766591125;0.001111111111111111110147375847;0.020000000000000000416333634234;0.009444444444444444544672911945;0.011666666666666667198648532633;0.008333333333333333217685101602;0.005000000000000000104083408559;0.016111111111111110771876298031;0.024444444444444445724284875610;0.011666666666666667198648532633;0.005000000000000000104083408559;0.019444444444444444752839729063;0.021666666666666667406815349750;0.007777777777777777554191196430;0.044444444444444446140618509844;0.000000000000000000000000000000;0.008333333333333333217685101602;0.011111111111111111535154627461;0.016666666666666666435370203203;0.013888888888888888117900677344;0.010555555555555555871660722289;0.021111111111111111743321444578;0.013333333333333334189130248149
-0.010227272727272727209646419055;0.023484848484848483418652165255;0.024242424242424242403215473018;0.366287878787878773412245436703;0.018560606060606062162054996634;0.016666666666666666435370203203;0.006060606060606060600803868255;0.019696969696969695434729530348;0.017045454545454544192928381108;0.015530303030303029693248717535;0.006818181818181817850643700041;0.011363636363636363951767904723;0.009469696969696969959806587269;0.011363636363636363951767904723;0.026893939393939393645016622258;0.012121212121212121201607736509;0.010227272727272727209646419055;0.023863636363636364645657295114;0.019696969696969695434729530348;0.000757575757575757575100483532;0.009848484848484847717364765174;0.011742424242424241709326082628;0.009848484848484847717364765174;0.014772727272727272443408885749;0.017045454545454544192928381108;0.012500000000000000693889390391;0.021969696969696968918972501683;0.038636363636363635354342704886;0.002272727272727272616881233347;0.015909090909090907450806895440;0.014393939393939394685850707845;0.007196969696969697342925353922;0.005681818181818181975883952362;0.009469696969696969959806587269;0.008712121212121212709966755483;0.015530303030303029693248717535;0.003787878787878787983922634908;0.005303030303030303350964036468;0.006439393939393939225723784148;0.014015151515151515193569053963;0.007954545454545453725403447720;0.022727272727272727903535809446;0.000000000000000000000000000000;0.008333333333333333217685101602;0.017424242424242425419933510966;0.015909090909090907450806895440;0.009090909090909090467524933388;0.004545454545454545233762466694;0.012500000000000000693889390391;0.006060606060606060600803868255
-0.017796610169491525882401461445;0.022598870056497175062837357018;0.021186440677966100754048284216;0.148305084745762705278337989512;0.031920903954802258561951333604;0.017514124293785311020643646884;0.011016949152542372669660863949;0.027118644067796609381515438031;0.027683615819209039105031067152;0.012711864406779661840207751311;0.014971751412429378999546791817;0.014124293785310734414273348136;0.019209039548022600191190534247;0.019774011299435029914706163368;0.038135593220338985520623253933;0.012994350282485874967242089895;0.015819209039548021850096759522;0.027966101694915253966788881712;0.034745762711864407179529479208;0.004802259887005650047797633562;0.022881355932203389924595171578;0.016949152542372881297128017763;0.012994350282485874967242089895;0.018926553672316385329432719686;0.014971751412429378999546791817;0.015819209039548021850096759522;0.027966101694915253966788881712;0.024011299435028249371626429820;0.002824858757062146882854669627;0.022881355932203389924595171578;0.015819209039548021850096759522;0.010734463276836157807903049388;0.013559322033898304690757719015;0.008474576271186440648564008882;0.037005649717514126073591995691;0.018644067796610170467674905126;0.005367231638418078903951524694;0.007909604519774010925048379761;0.006779661016949152345378859508;0.013841807909604519552515533576;0.012711864406779661840207751311;0.016384180790960451573612388643;0.000000000000000000000000000000;0.008474576271186440648564008882;0.028248587570621468828546696272;0.012429378531073446978449936751;0.017231638418079096158885832324;0.012711864406779661840207751311;0.021468926553672315615806098776;0.011581920903954802393176493069
-0.015972222222222220988641083750;0.031250000000000000000000000000;0.027777777777777776235801354687;0.187847222222222220988641083750;0.026041666666666667823148983985;0.027083333333333334258519187188;0.008333333333333333217685101602;0.033333333333333332870740406406;0.016319444444444445446729119453;0.012847222222222221682530474141;0.011458333333333332523795711211;0.016666666666666666435370203203;0.016666666666666666435370203203;0.014583333333333333564629796797;0.034375000000000002775557561563;0.010416666666666666088425508008;0.020833333333333332176851016015;0.035416666666666665741480812812;0.023263888888888889505679458125;0.003819444444444444319158860068;0.021180555555555556634939051719;0.006944444444444444058950338672;0.009027777777777776929690745078;0.018402777777777778317469525859;0.021180555555555556634939051719;0.019444444444444444752839729063;0.027430555555555555247160270937;0.037152777777777777623580135469;0.002083333333333333304421275400;0.042361111111111113269878103438;0.013888888888888888117900677344;0.010763888888888888811790067734;0.011458333333333332523795711211;0.006597222222222222202947516934;0.007638888888888888638317720137;0.020486111111111111188209932266;0.008333333333333333217685101602;0.006944444444444444058950338672;0.005208333333333333044212754004;0.006944444444444444058950338672;0.013888888888888888117900677344;0.025347222222222222376419864531;0.000000000000000000000000000000;0.011458333333333332523795711211;0.023611111111111110494320541875;0.012152777777777777970524830664;0.008680555555555555941049661328;0.006944444444444444058950338672;0.013541666666666667129259593594;0.006597222222222222202947516934
-0.017231638418079096158885832324;0.027966101694915253966788881712;0.030508474576271187722609212756;0.205084745762711850858295292710;0.007344632768361582068894488629;0.018079096045197740744159276005;0.008757062146892655510321823442;0.028248587570621468828546696272;0.028531073446327683690304510833;0.010451977401129942946145234828;0.010734463276836157807903049388;0.009604519774011300095595267123;0.013841807909604519552515533576;0.013841807909604519552515533576;0.022316384180790960201079542458;0.014689265536723164137788977257;0.024011299435028249371626429820;0.046327683615819209572705972278;0.022316384180790960201079542458;0.005649717514124293765709339254;0.016949152542372881297128017763;0.014971751412429378999546791817;0.016384180790960451573612388643;0.019209039548022600191190534247;0.017231638418079096158885832324;0.019491525423728815052948348807;0.027118644067796609381515438031;0.018644067796610170467674905126;0.001694915254237288086344714877;0.021751412429378530477563913337;0.010734463276836157807903049388;0.013841807909604519552515533576;0.011864406779661017254934307630;0.007344632768361582068894488629;0.018644067796610170467674905126;0.027966101694915253966788881712;0.014971751412429378999546791817;0.007344632768361582068894488629;0.003107344632768361744612484188;0.010734463276836157807903049388;0.015254237288135593861304606378;0.032203389830508473423709148165;0.000000000000000000000000000000;0.010451977401129942946145234828;0.013276836158192089828999904455;0.014971751412429378999546791817;0.011864406779661017254934307630;0.008474576271186440648564008882;0.017514124293785311020643646884;0.010451977401129942946145234828
-0.015254237288135593861304606378;0.025706214689265535072726365229;0.031638418079096043700193519044;0.194350282485875713867073955043;0.003672316384180791034447244314;0.024293785310734464233384244380;0.007909604519774010925048379761;0.029943502824858757999093583635;0.023446327683615819648110800699;0.014124293785310734414273348136;0.012429378531073446978449936751;0.014689265536723164137788977257;0.015254237288135593861304606378;0.016101694915254236711854574082;0.024011299435028249371626429820;0.011299435028248587531418678509;0.024576271186440679095142058941;0.046045197740112994710948157717;0.017796610169491525882401461445;0.004237288135593220324282004441;0.018361581920903955605917090566;0.013841807909604519552515533576;0.018079096045197740744159276005;0.018644067796610170467674905126;0.020903954802259885892290469656;0.017231638418079096158885832324;0.027683615819209039105031067152;0.021751412429378530477563913337;0.001977401129943502731262094940;0.025706214689265535072726365229;0.010451977401129942946145234828;0.014406779661016949276031162697;0.009322033898305085233837452563;0.011581920903954802393176493069;0.015819209039548021850096759522;0.026271186440677964796241994350;0.010169491525423728084387420267;0.003107344632768361744612484188;0.004519774011299435186039819001;0.012994350282485874967242089895;0.012429378531073446978449936751;0.042372881355932201508096568432;0.000000000000000000000000000000;0.009322033898305085233837452563;0.011299435028248587531418678509;0.013559322033898304690757719015;0.013559322033898304690757719015;0.006497175141242937483621044947;0.021186440677966100754048284216;0.010169491525423728084387420267
-0.035365853658536582082572152785;0.013821138211382113375469415928;0.036178861788617885930641193681;0.178048780487804869654411277224;0.002439024390243902436908873810;0.018292682926829267192614381088;0.009349593495934959558324450768;0.028861788617886179053595441246;0.026016260162601625993694653971;0.019918699186991871419305510926;0.015853658536585366056748114261;0.011382113821138212239603149101;0.013821138211382113375469415928;0.027235772357723578296351263361;0.021138211382113820252515168363;0.019918699186991871419305510926;0.020731707317073171797927599869;0.034552845528455285173397015797;0.015853658536585366056748114261;0.006504065040650406498423663493;0.019105691056910567571236470030;0.018699186991869919116648901536;0.010569105691056910126257584182;0.023983739837398373312415955638;0.024390243902439025236450476086;0.026829268292682926372316742913;0.029268292682926830977629961694;0.004878048780487804873817747620;0.001626016260162601624605915873;0.009349593495934959558324450768;0.005284552845528455063128792091;0.012601626016260162807536282514;0.008943089430894309369013406297;0.010569105691056910126257584182;0.016260162601626017980782634709;0.025609756097560974069660133523;0.016260162601626017980782634709;0.006910569105691056687734707964;0.001626016260162601624605915873;0.017886178861788618738026812593;0.012195121951219512618225238043;0.016260162601626017980782634709;0.000000000000000000000000000000;0.022357723577235772555171777753;0.005691056910569106119801574550;0.015853658536585366056748114261;0.020731707317073171797927599869;0.019918699186991871419305510926;0.025203252032520325615072565029;0.015853658536585366056748114261
-0.015536723163841808723062420938;0.020621468926553671030532655095;0.030508474576271187722609212756;0.240112994350282493716264298200;0.007627118644067796930652303189;0.016949152542372881297128017763;0.009039548022598870372079638003;0.021751412429378530477563913337;0.030225988700564972860851398195;0.015254237288135593861304606378;0.010169491525423728084387420267;0.012994350282485874967242089895;0.013276836158192089828999904455;0.015819209039548021850096759522;0.028813559322033898552062325393;0.014406779661016949276031162697;0.016384180790960451573612388643;0.031638418079096043700193519044;0.012146892655367232116692122190;0.005932203389830508627467153815;0.014406779661016949276031162697;0.032485875706214688285466962725;0.008474576271186440648564008882;0.024011299435028249371626429820;0.023446327683615819648110800699;0.016666666666666666435370203203;0.029943502824858757999093583635;0.009322033898305085233837452563;0.003389830508474576172689429754;0.015254237288135593861304606378;0.014406779661016949276031162697;0.018079096045197740744159276005;0.011581920903954802393176493069;0.011864406779661017254934307630;0.012994350282485874967242089895;0.020338983050847456168774840535;0.002824858757062146882854669627;0.012711864406779661840207751311;0.014971751412429378999546791817;0.016949152542372881297128017763;0.010451977401129942946145234828;0.013276836158192089828999904455;0.000000000000000000000000000000;0.011581920903954802393176493069;0.013559322033898304690757719015;0.016384180790960451573612388643;0.014406779661016949276031162697;0.009322033898305085233837452563;0.016101694915254236711854574082;0.011581920903954802393176493069
-0.017836257309941521559393251550;0.013157894736842104532748010115;0.041228070175438599753725554820;0.211403508771929815601708924078;0.002631578947368420993285775822;0.019298245614035088729698586008;0.008187134502923977194543958547;0.020760233918128655900003920465;0.038304093567251465413114885905;0.013157894736842104532748010115;0.015497076023391813046070630833;0.009649122807017544364849293004;0.016374269005847954389087917093;0.023099415204678362678603065206;0.025146198830409357410919923836;0.014619883040935671703053344572;0.014327485380116959656771058462;0.033625730994152044917022692516;0.009064327485380116802837768830;0.006432748538011696243232862003;0.011111111111111111535154627461;0.021637426900584795508297730748;0.016081871345029238873358679029;0.024269005847953217802626113553;0.027777777777777776235801354687;0.017836257309941521559393251550;0.024269005847953217802626113553;0.012573099415204678705459961918;0.002631578947368420993285775822;0.008479532163742689240826244657;0.011111111111111111535154627461;0.011988304093567251143448437745;0.013450292397660818313753772202;0.012280701754385964924454199831;0.014912280701754385484059106659;0.020760233918128655900003920465;0.009064327485380116802837768830;0.009941520467836258145855055091;0.007017543859649122937882648188;0.025730994152046784972931448010;0.010233918128654970192137341201;0.021637426900584795508297730748;0.000000000000000000000000000000;0.012865497076023392486465724005;0.010818713450292397754148865374;0.012280701754385964924454199831;0.018421052631578945651957823770;0.016374269005847954389087917093;0.023976608187134502286896875489;0.016666666666666666435370203203
-0.033333333333333332870740406406;0.012202380952380952397473556914;0.044940476190476190410105772344;0.124107142857142860314922927500;0.008928571428571428075793292578;0.017857142857142856151586585156;0.002380952380952381167156239883;0.030952380952380953438307642500;0.049107142857142856151586585156;0.013690476190476190410105772344;0.014583333333333333564629796797;0.011011904761904762681257174961;0.010119047619047619526733150508;0.032738095238095239747355691406;0.018154761904761906182725894610;0.021726190476190475331375040469;0.013690476190476190410105772344;0.036309523809523812365451789219;0.019345238095238095898942276563;0.006250000000000000346944695195;0.016369047619047619873677845703;0.024107142857142858233254756328;0.008630952380952381514100935078;0.021726190476190475331375040469;0.031250000000000000000000000000;0.034226190476190479494711382813;0.030952380952380953438307642500;0.015178571428571428422737987773;0.000595238095238095291789059971;0.013095238095238095551997581367;0.018452380952380952744418252109;0.008630952380952381514100935078;0.007440476190476190063161077148;0.004166666666666666608842550801;0.013988095238095238706521605820;0.033630952380952379432432763906;0.011309523809523809242949532461;0.012202380952380952397473556914;0.009226190476190476372209126055;0.008630952380952381514100935078;0.006250000000000000346944695195;0.026190476190476191103995162734;0.000000000000000000000000000000;0.012797619047619047255581747891;0.007440476190476190063161077148;0.012500000000000000693889390391;0.026190476190476191103995162734;0.023214285714285715078730731875;0.023809523809523808202115446875;0.016369047619047619873677845703
-0.023270440251572325346396397094;0.016981132075471697812085736246;0.044654088050314462432499595934;0.128616352201257860832228629988;0.040566037735849054535197666382;0.016666666666666666435370203203;0.005974842767295597892318603783;0.031446540880503144610447208152;0.008176100628930817529327335080;0.029874213836477987726869542939;0.013522012578616352668214872779;0.005345911949685534271525799710;0.006289308176100629269034136826;0.030817610062893081857016142067;0.035849056603773583884464670746;0.015723270440251572305223604076;0.011320754716981131296482665505;0.020754716981132074332672132755;0.023270440251572325346396397094;0.007547169811320754775896268995;0.016981132075471697812085736246;0.006603773584905660645749669868;0.004716981132075471518094733625;0.039937106918238991781766600297;0.023899371069182391569274415133;0.031132075471698113233731675109;0.030188679245283019103585075982;0.030503144654088050480300609024;0.000314465408805031430925641667;0.027044025157232705336429745557;0.010691823899371068543051599420;0.017924528301886791942232335373;0.012264150943396227161352740609;0.004402515723270440141379200583;0.007232704402515723399180735953;0.039308176100628929028335534213;0.008176100628930817529327335080;0.008176100628930817529327335080;0.000628930817610062861851283333;0.005031446540880502894810266667;0.010691823899371068543051599420;0.002830188679245282824120666376;0.000000000000000000000000000000;0.022012578616352199839534264925;0.024842767295597485699421014260;0.011006289308176099919767132462;0.036792452830188678014611269873;0.026415094339622642582998679472;0.011949685534591195784637207566;0.011635220125786162673198198547
-0.023913043478260870289275885625;0.011594202898550724778470311094;0.044565217391304347283043085781;0.098550724637681164086444596251;0.031521739130434781039902247812;0.013405797101449274874584993711;0.006159420289855072755402787266;0.025724637681159418650667092265;0.005434782608695652023067523828;0.045289855072463768015378349219;0.011231884057971014412302679375;0.007608695652173913352711576152;0.006159420289855072755402787266;0.034057971014492753603075669844;0.020652173913043476993767200156;0.017028985507246376801537834922;0.016304347826086956069202571484;0.019927536231884056261431936719;0.021014492753623187359934831875;0.005072463768115941656899892109;0.020652173913043476993767200156;0.004347826086956521791926366660;0.004710144927536232158093998379;0.059782608695652175723189714063;0.017028985507246376801537834922;0.044202898550724636916875454062;0.025362318840579711753946412500;0.007608695652173913352711576152;0.003260869565217391127104340498;0.021739130434782608092270095312;0.011231884057971014412302679375;0.034057971014492753603075669844;0.006884057971014492620376312715;0.003985507246376811425758734941;0.007608695652173913352711576152;0.049275362318840582043222298125;0.011594202898550724778470311094;0.013405797101449274874584993711;0.000000000000000000000000000000;0.004710144927536232158093998379;0.007971014492753622851517469883;0.002898550724637681194617577773;0.000000000000000000000000000000;0.036594202898550726166249091875;0.018478260869565218266208361797;0.021376811594202897726102463594;0.041666666666666664353702032031;0.025362318840579711753946412500;0.014855072463768116339255520586;0.014130434782608695606920257148
-0.025170068027210883154776155379;0.009863945578231291672066660681;0.048639455782312927822896853058;0.087074829931972783092497536472;0.052380952380952382207990325469;0.014965986394557822744544317572;0.005102040816326530205115918903;0.017346938775510203911700557455;0.009183673469387755930459782405;0.034693877551020407823401114911;0.017346938775510203911700557455;0.010884353741496597886562192059;0.009523809523809524668624959531;0.044557823129251702964914727545;0.019387755102040816340691620212;0.020748299319727891293352328717;0.015306122448979591482709494699;0.018027210884353741388030911708;0.019047619047619049337249919063;0.007823129251700680977799073901;0.011564625850340135362892546311;0.010204081632653060410231837807;0.003401360544217686947970902267;0.053061224489795916214873727768;0.020408163265306120820463675614;0.041156462585034012113816004330;0.030612244897959182965418989397;0.016326530612244899431928502054;0.001020408163265306214495531378;0.019047619047619049337249919063;0.010204081632653060410231837807;0.025170068027210883154776155379;0.009523809523809524668624959531;0.008503401360544218454129428153;0.008163265306122449715964251027;0.051360544217687077728218270067;0.008503401360544218454129428153;0.012585034013605441577388077690;0.001360544217687074735820274007;0.008843537414965987192294605279;0.004761904761904762334312479766;0.003401360544217686947970902267;0.000000000000000000000000000000;0.023469387755102041198673745726;0.016666666666666666435370203203;0.016666666666666666435370203203;0.049319727891156461829780255357;0.019727891156462583344133321361;0.015646258503401361955598147802;0.012244897959183672839222900564
-0.019753086419753086017125909279;0.016666666666666666435370203203;0.020987654320987654543717582101;0.351543209876543194525311264442;0.026234567901234566444923501649;0.010185185185185186007572610833;0.008641975308641974481971281818;0.026543209876543211178656633820;0.004320987654320987240985640909;0.018518518518518517490534236458;0.009567901234567901744276774423;0.009876543209876543008562954640;0.004012345679012345976699460692;0.026234567901234566444923501649;0.027469135802469134971515174470;0.016358024691358025171084022986;0.008950617283950617480980938012;0.011728395061728395798450463872;0.015432098765432097908778530382;0.004629629629629629372633559115;0.014814814814814815380206169948;0.002469135802469135752140738660;0.002777777777777777883788656865;0.031790123456790123079862553368;0.018827160493827162224267368629;0.023456790123456791596900927743;0.019753086419753086017125909279;0.021604938271604937072289942535;0.000617283950617283938035184665;0.013580246913580246853614497127;0.005246913580246913635929395525;0.012345679012345678327022824305;0.008024691358024691953398921385;0.006790123456790123426807248563;0.007098765432098765558455166769;0.023765432098765432861187107960;0.007407407407407407690103084974;0.007716049382716048954389265191;0.000000000000000000000000000000;0.003086419753086419581755706076;0.011111111111111111535154627461;0.001851851851851851922525771243;0.000000000000000000000000000000;0.017283950617283948963942563637;0.021296296296296295808003762318;0.017901234567901234961961876024;0.023765432098765432861187107960;0.016666666666666666435370203203;0.009876543209876543008562954640;0.011419753086419752799440807678
-0.034126984126984123701920026406;0.016666666666666666435370203203;0.025000000000000001387778780781;0.110714285714285709527615608749;0.024603174603174602502742018828;0.011507936507936508685467913438;0.007539682539682539784420267637;0.032142857142857139685077072500;0.005952380952380952050528861719;0.055158730158730157056012899375;0.015476190476190476719153821250;0.008730158730158730367998387578;0.004365079365079365183999193789;0.032142857142857139685077072500;0.045238095238095236971798129844;0.023809523809523808202115446875;0.009523809523809524668624959531;0.015476190476190476719153821250;0.026190476190476191103995162734;0.004761904761904762334312479766;0.028174603174603175120838116641;0.007539682539682539784420267637;0.006349206349206349200842147695;0.052380952380952382207990325469;0.017460317460317460735996775156;0.039682539682539680336859078125;0.032142857142857139685077072500;0.010714285714285714384841341484;0.001190476190476190583578119941;0.013888888888888888117900677344;0.005952380952380952050528861719;0.017063492063492061850960013203;0.015476190476190476719153821250;0.005952380952380952050528861719;0.004365079365079365183999193789;0.029761904761904760252644308594;0.009920634920634920084214769531;0.007142857142857142634106981660;0.000000000000000000000000000000;0.001984126984126984016842953906;0.010317460317460317234528055508;0.001984126984126984016842953906;0.000000000000000000000000000000;0.034126984126984123701920026406;0.020634920634920634469056111016;0.023015873015873017370935826875;0.046825396825396825573051273750;0.022222222222222223070309254922;0.013492063492063492702310867344;0.011111111111111111535154627461
-0.026262626262626261736121691115;0.014141414141414142269237430583;0.031313131313131313537834188310;0.111616161616161613245878925227;0.009090909090909090467524933388;0.017171717171717171268596757727;0.005555555555555555767577313730;0.036868686868686870172773240029;0.014141414141414142269237430583;0.034848484848484850839867021932;0.017171717171717171268596757727;0.009595959595959595300751487912;0.010101010101010101868701518413;0.020202020202020203737403036826;0.030808080808080808704607633786;0.019696969696969695434729530348;0.013131313131313130868060845557;0.022727272727272727903535809446;0.029797979797979799038154524737;0.003535353535353535567309357646;0.025252525252525252069668582067;0.010606060606060606701928072937;0.013131313131313130868060845557;0.051010101010101012442010670611;0.025252525252525252069668582067;0.041919191919191918505038785270;0.039898989898989899172132567173;0.009090909090909090467524933388;0.002020202020202020200267956085;0.017676767676767676101823312251;0.007575757575757575967845269815;0.015656565656565656768917094155;0.021212121212121213403856145874;0.009090909090909090467524933388;0.010606060606060606701928072937;0.033333333333333332870740406406;0.012626262626262626034834291033;0.007575757575757575967845269815;0.000505050505050505050066989021;0.003030303030303030300401934127;0.015151515151515151935690539631;0.011616161616161616368381181985;0.000000000000000000000000000000;0.033333333333333332870740406406;0.017676767676767676101823312251;0.023232323232323232736762363970;0.021212121212121213403856145874;0.011111111111111111535154627461;0.019696969696969695434729530348;0.012121212121212121201607736509
-0.019918699186991871419305510926;0.016260162601626017980782634709;0.026422764227642277917729174419;0.243089430894308955455329623874;0.051219512195121948139320267046;0.014227642276422763564780460399;0.002845528455284553059900787275;0.023577235772357724857828387144;0.017886178861788618738026812593;0.042276422764227640505030336726;0.013008130081300812996847326986;0.015447154471544715867437069790;0.002845528455284553059900787275;0.025203252032520325615072565029;0.024390243902439025236450476086;0.019512195121951219495270990478;0.006910569105691056687734707964;0.019512195121951219495270990478;0.015853658536585366056748114261;0.002439024390243902436908873810;0.010569105691056910126257584182;0.007317073170731707744407490424;0.000813008130081300812302957937;0.044715447154471545110343555507;0.023983739837398373312415955638;0.031707317073170732113496228521;0.015853658536585366056748114261;0.018699186991869919116648901536;0.001219512195121951218454436905;0.021951219512195120631137257305;0.006504065040650406498423663493;0.017073170731707318359404723651;0.002032520325203252247597829339;0.003658536585365853872203745212;0.002845528455284553059900787275;0.022357723577235772555171777753;0.004471544715447154684506703148;0.004471544715447154684506703148;0.000813008130081300812302957937;0.002032520325203252247597829339;0.007317073170731707744407490424;0.027642276422764226750938831856;0.000000000000000000000000000000;0.021951219512195120631137257305;0.019512195121951219495270990478;0.016666666666666666435370203203;0.027642276422764226750938831856;0.015040650406504065678126025318;0.004878048780487804873817747620;0.013414634146341463186158371457
-0.024183006535947713239176337652;0.023202614379084968154742796287;0.044771241830065360012280706314;0.014052287581699346788455251556;0.053594771241830062302735626645;0.017320261437908497648141548098;0.001307189542483660040297910321;0.016666666666666666435370203203;0.030718954248366011489101978782;0.038562091503267975634017261655;0.014379084967320260660117448026;0.032026143790849670445197716617;0.005228758169934640161191641283;0.036601307189542485465150178925;0.017647058823529411519803744568;0.019607843137254901688670827298;0.013398692810457515575683906661;0.026797385620915031151367813322;0.009803921568627450844335413649;0.003921568627450980337734165460;0.011764705882352941013202496379;0.007516339869281045936444396460;0.003267973856209150426005427548;0.047712418300653591796134378455;0.030392156862745097617439782312;0.037254901960784313208474571866;0.024836601307189540982500730593;0.039215686274509803377341654596;0.001307189542483660040297910321;0.029738562091503266404668437417;0.016013071895424835222598858309;0.023856209150326795898067189228;0.006209150326797385245625182648;0.008823529411764705759901872284;0.011111111111111111535154627461;0.042483660130718955971751427114;0.010784313725490195928768955014;0.006535947712418300852010855095;0.010130718954248366450721086096;0.003921568627450980337734165460;0.004901960784313725422167706824;0.039215686274509803377341654596;0.000000000000000000000000000000;0.019607843137254901688670827298;0.008496732026143790153516199837;0.010784313725490195928768955014;0.045751633986928101627267295726;0.021895424836601305729200106498;0.017320261437908497648141548098;0.015359477124183005744550989391
-0.011111111111111111535154627461;0.002962962962962962815832712593;0.103333333333333332593184650250;0.000000000000000000000000000000;0.000000000000000000000000000000;0.003703703703703703845051542487;0.000000000000000000000000000000;0.012962962962962962590318660716;0.073333333333333333703407674875;0.050370370370370370904922197042;0.012222222222222222862142437805;0.005555555555555555767577313730;0.003333333333333333547282562037;0.059259259259259261520824679792;0.002592592592592592518063732143;0.010370370370370370072254928573;0.037407407407407410049327012302;0.035555555555555555524716027094;0.001481481481481481407916356297;0.020000000000000000416333634234;0.007777777777777777554191196430;0.038888888888888889505679458125;0.008148148148148147418279307885;0.066296296296296297612116177334;0.012222222222222222862142437805;0.036666666666666666851703837438;0.018518518518518517490534236458;0.003703703703703703845051542487;0.000000000000000000000000000000;0.002222222222222222220294751693;0.004814814814814815172039352831;0.024444444444444445724284875610;0.001111111111111111110147375847;0.008888888888888888881179006773;0.012962962962962962590318660716;0.055185185185185184342238073896;0.013333333333333334189130248149;0.007407407407407407690103084974;0.008148148148148147418279307885;0.026666666666666668378260496297;0.004814814814814815172039352831;0.036296296296296298722339201959;0.000000000000000000000000000000;0.024814814814814813853649511088;0.000000000000000000000000000000;0.012222222222222222862142437805;0.062222222222222220433529571437;0.018518518518518517490534236458;0.025185185185185185452461098521;0.012962962962962962590318660716
-0.022357723577235772555171777753;0.002439024390243902436908873810;0.082520325203252031798228927073;0.000000000000000000000000000000;0.002032520325203252247597829339;0.015040650406504065678126025318;0.000813008130081300812302957937;0.009349593495934959558324450768;0.073170731707317068770457524352;0.032926829268292684416152837912;0.011788617886178862428914193572;0.017479674796747966813992292145;0.007317073170731707744407490424;0.045934959349593497413000164897;0.004065040650406504495195658677;0.017479674796747966813992292145;0.045528455284552848958412596403;0.042276422764227640505030336726;0.005691056910569106119801574550;0.011788617886178862428914193572;0.011788617886178862428914193572;0.049186991869918698927488520667;0.004471544715447154684506703148;0.054065040650406501199221054321;0.029268292682926830977629961694;0.041869918699186992050442768232;0.022357723577235772555171777753;0.001626016260162601624605915873;0.000813008130081300812302957937;0.008536585365853659179702361826;0.011788617886178862428914193572;0.026422764227642277917729174419;0.004471544715447154684506703148;0.011788617886178862428914193572;0.018699186991869919116648901536;0.048780487804878050472900952172;0.011382113821138212239603149101;0.005691056910569106119801574550;0.005691056910569106119801574550;0.016260162601626017980782634709;0.002439024390243902436908873810;0.026422764227642277917729174419;0.000000000000000000000000000000;0.017886178861788618738026812593;0.001626016260162601624605915873;0.008536585365853659179702361826;0.043089430894308944353099377622;0.029268292682926830977629961694;0.018699186991869919116648901536;0.017073170731707318359404723651
-0.038181818181818184820830452963;0.009696969696969696961286189207;0.056363636363636365755880319739;0.001818181818181818180241160476;0.030909090909090910365142335081;0.021515151515151514916013297807;0.003636363636363636360482320953;0.021212121212121213403856145874;0.015151515151515151935690539631;0.039393939393939390869459060696;0.013333333333333334189130248149;0.018181818181818180935049866775;0.013333333333333334189130248149;0.052121212121212123768998480955;0.010909090909090909948808700847;0.024848484848484848896976728838;0.015151515151515151935690539631;0.022727272727272727903535809446;0.018484848484848485916653970662;0.008484848484848485708487153545;0.018181818181818180935049866775;0.012121212121212121201607736509;0.009393939393939393714405561298;0.051515151515151513805790273182;0.037878787878787879839226349077;0.045151515151515150825467515006;0.027878787878787877896336055983;0.004545454545454545233762466694;0.001515151515151515150200967064;0.014848484848484848688809911721;0.009696969696969696961286189207;0.023939393939393940891058321085;0.008787878787878787220644305478;0.007272727272727272720964641906;0.025757575757575756902895136591;0.047575757575757576800512538284;0.012121212121212121201607736509;0.010606060606060606701928072937;0.001212121212121212120160773651;0.012424242424242424448488364419;0.005757575757575757353923240345;0.003636363636363636360482320953;0.000000000000000000000000000000;0.030606060606060605383538231195;0.008484848484848485708487153545;0.017272727272727272929131459023;0.043333333333333334813630699500;0.035151515151515148882577221912;0.019696969696969695434729530348;0.018181818181818180935049866775
-0.028455284552845527129560920798;0.010162601626016259936946539710;0.040243902439024391293198590347;0.125203252032520334635634640108;0.042682926829268295898511809128;0.021138211382113820252515168363;0.003658536585365853872203745212;0.028455284552845527129560920798;0.010162601626016259936946539710;0.033333333333333332870740406406;0.010975609756097560315568628653;0.012601626016260162807536282514;0.007317073170731707744407490424;0.025609756097560974069660133523;0.023170731707317072933793866696;0.019918699186991871419305510926;0.016260162601626017980782634709;0.018292682926829267192614381088;0.022357723577235772555171777753;0.007723577235772357933718534895;0.014227642276422763564780460399;0.006504065040650406498423663493;0.004065040650406504495195658677;0.048780487804878050472900952172;0.032520325203252035961565269417;0.050000000000000002775557561563;0.032520325203252035961565269417;0.008536585365853659179702361826;0.002845528455284553059900787275;0.021138211382113820252515168363;0.017886178861788618738026812593;0.025609756097560974069660133523;0.010162601626016259936946539710;0.004065040650406504495195658677;0.005284552845528455063128792091;0.039837398373983742838611021853;0.007723577235772357933718534895;0.012601626016260162807536282514;0.001219512195121951218454436905;0.004065040650406504495195658677;0.004878048780487804873817747620;0.004065040650406504495195658677;0.000000000000000000000000000000;0.022764227642276424479206298201;0.017073170731707318359404723651;0.017479674796747966813992292145;0.037398373983739838233297803072;0.015853658536585366056748114261;0.010162601626016259936946539710;0.013008130081300812996847326986
-0.024038461538461539795941135367;0.029807692307692309346967007855;0.059615384615384618693934015710;0.081730769230769231836752908293;0.008012820512820512108831394471;0.010256410256410256401360392431;0.003205128205128205017004905386;0.031089743589743590312934884423;0.011538461538461539102051744976;0.033974358974358971619000868714;0.017307692307692308653077617464;0.007051282051282051384355487045;0.009615384615384615918376454147;0.033974358974358971619000868714;0.028525641025641024911552179333;0.016025641025641024217662788942;0.019230769230769231836752908293;0.038141025641025644299375585433;0.015705128205128204843532557788;0.005769230769230769551025872488;0.021794871794871793768688661430;0.011858974358974358476181976130;0.009935897435897435292506685300;0.048717948717948718340142733041;0.016346153846153847061239972049;0.036858974358974359863960756911;0.037820512820512817986351450372;0.040384615384615386857181107416;0.001282051282051282050170049054;0.011538461538461539102051744976;0.008012820512820512108831394471;0.020512820512820512802720784862;0.010256410256410256401360392431;0.007051282051282051384355487045;0.007371794871794871625847456187;0.034935897435897436680285466082;0.008333333333333333217685101602;0.004166666666666666608842550801;0.000320512820512820512542512263;0.009935897435897435292506685300;0.010256410256410256401360392431;0.016025641025641024217662788942;0.000000000000000000000000000000;0.017948717948717947401338079771;0.011538461538461539102051744976;0.011858974358974358476181976130;0.043589743589743587537377322860;0.026282051282051282353746657350;0.014423076923076923877564681220;0.016025641025641024217662788942
-0.020567375886524821154699438353;0.024822695035460994039677729006;0.065248226950354606956672398610;0.002482269503546099403967772901;0.031205673758865248162974737056;0.014539007092198581727604533853;0.002836879432624113666489007457;0.035815602836879435744155131260;0.012056737588652482323636760952;0.034042553191489362263144613507;0.017730496453900710523976513855;0.003900709219858156020371842132;0.005673758865248227332978014914;0.042198581560283686398005187357;0.019858156028368795231742183205;0.017375886524822695827774410304;0.014184397163120567031402430302;0.045035460992907803967622015762;0.030141843971631204074368426404;0.011702127659574467627434657402;0.024113475177304964647273521905;0.009574468085106382919668988052;0.021276595744680850547103645454;0.037234042553191487590069641556;0.027304964539007093443645501907;0.041134751773049642309398876705;0.040425531914893619855888573511;0.011347517730496454665956029828;0.001063829787234042570723269172;0.018794326241134751143135872553;0.001773049645390070878925303788;0.015602836879432624081487368528;0.017730496453900710523976513855;0.007446808510638298211903318702;0.014539007092198581727604533853;0.047163120567375885205940733158;0.020921985815602835850901541903;0.006737588652482269686860849589;0.001063829787234042570723269172;0.007446808510638298211903318702;0.012056737588652482323636760952;0.010638297872340425273551822727;0.000000000000000000000000000000;0.013475177304964539373721699178;0.014184397163120567031402430302;0.014539007092198581727604533853;0.039007092198581561071080159309;0.028014184397163119366602757054;0.029787234042553192847613274807;0.014184397163120567031402430302
-0.031060606060606059386497435071;0.006439393939393939225723784148;0.050378787878787877063668787514;0.028787878787878789371701415689;0.016666666666666666435370203203;0.026136363636363634660453314495;0.001515151515151515150200967064;0.029924242424242422644375949403;0.017045454545454544192928381108;0.029924242424242422644375949403;0.024242424242424242403215473018;0.015530303030303029693248717535;0.014772727272727272443408885749;0.045454545454545455807071618892;0.014772727272727272443408885749;0.020454545454545454419292838111;0.010227272727272727209646419055;0.034090909090909088385856762216;0.032954545454545451643735276548;0.009090909090909090467524933388;0.018939393939393939919613174538;0.009848484848484847717364765174;0.015151515151515151935690539631;0.035984848484848487581988507600;0.030681818181818181628939257166;0.052272727272727269320906628991;0.038636363636363635354342704886;0.006818181818181817850643700041;0.000757575757575757575100483532;0.027651515151515152629579930021;0.012121212121212121201607736509;0.007954545454545453725403447720;0.009848484848484847717364765174;0.003030303030303030300401934127;0.014015151515151515193569053963;0.036363636363636361870099733551;0.018181818181818180935049866775;0.008333333333333333217685101602;0.000378787878787878787550241766;0.004545454545454545233762466694;0.007196969696969697342925353922;0.006818181818181817850643700041;0.000000000000000000000000000000;0.017045454545454544192928381108;0.011742424242424241709326082628;0.012500000000000000693889390391;0.044696969696969700291955263083;0.032575757575757577355624050597;0.034848484848484850839867021932;0.021590909090909091161414323778
-0.036666666666666666851703837438;0.017666666666666667323548622903;0.032333333333333331982561986706;0.051333333333333334980164153194;0.006666666666666667094565124074;0.031333333333333331094383567006;0.001333333333333333288808764117;0.021999999999999998723243521681;0.025999999999999998806510248528;0.033000000000000001554312234475;0.016666666666666666435370203203;0.016333333333333331649495079319;0.017000000000000001221245327088;0.034000000000000002442490654175;0.012999999999999999403255124264;0.024000000000000000499600361081;0.008999999999999999319988397417;0.029666666666666667573348803444;0.024666666666666666601903656897;0.006666666666666667094565124074;0.020000000000000000416333634234;0.009333333333333334105863521302;0.010333333333333333259318465025;0.026999999999999999694688668228;0.033666666666666664187168578337;0.038999999999999999944488848769;0.030666666666666664992080271190;0.033333333333333332870740406406;0.001333333333333333288808764117;0.026999999999999999694688668228;0.015333333333333332496040135595;0.013666666666666667240281896056;0.018999999999999999528155214534;0.003000000000000000062450045135;0.016666666666666666435370203203;0.034000000000000002442490654175;0.014999999999999999444888487687;0.010333333333333333259318465025;0.002666666666666666577617528233;0.008333333333333333217685101602;0.006333333333333333176051738178;0.022999999999999999611421941381;0.000000000000000000000000000000;0.017666666666666667323548622903;0.007333333333333333196868419890;0.016666666666666666435370203203;0.035333333333333334647097245806;0.028666666666666666685170383744;0.029333333333333332787473679559;0.016666666666666666435370203203
-0.034640522875816995296283096195;0.018300653594771242732575089462;0.029411764705882352533006240947;0.164052287581699346441510556360;0.020261437908496732901442172192;0.028758169934640521320234896052;0.002614379084967320080595820642;0.018627450980392156604237285933;0.016013071895424835222598858309;0.024509803921568627110838534122;0.014705882352941176266503120473;0.020588235294117646773104368663;0.011437908496732025406816823931;0.027124183006535948492476961746;0.015686274509803921350936661838;0.016993464052287580307032399674;0.013725490196078431182069579108;0.021241830065359477985875713557;0.016013071895424835222598858309;0.004248366013071895076758099918;0.016993464052287580307032399674;0.009477124183006535237949741202;0.008496732026143790153516199837;0.023856209150326795898067189228;0.029084967320261438661344044476;0.028104575163398693576910503111;0.026143790849673203408043420382;0.036601307189542485465150178925;0.000980392156862745084433541365;0.025816993464052286066934271958;0.010784313725490195928768955014;0.010457516339869280322383282567;0.008169934640522876281854003366;0.006862745098039215591034789554;0.017320261437908497648141548098;0.035947712418300650782931882077;0.007843137254901960675468330919;0.012091503267973856619588168826;0.004575163398692810683143772366;0.006209150326797385245625182648;0.007516339869281045936444396460;0.020915032679738560644766565133;0.000000000000000000000000000000;0.012091503267973856619588168826;0.016339869281045752563708006733;0.013725490196078431182069579108;0.031045751633986928830211127206;0.021568627450980391857537910028;0.019607843137254901688670827298;0.012418300653594770491250365296
-0.029931972789115645489088635145;0.017687074829931974384589210558;0.034693877551020407823401114911;0.069727891156462579180796979017;0.022108843537414966246013037221;0.020408163265306120820463675614;0.007482993197278911372272158786;0.028571428571428570536427926640;0.037755102040816328201611185023;0.027210884353741495583767218136;0.014965986394557822744544317572;0.023129251700680270725785092623;0.010544217687074829148397014933;0.035714285714285712303173170312;0.021428571428571428769682682969;0.018367346938775511860919564811;0.010544217687074829148397014933;0.022108843537414966246013037221;0.018707482993197278864361265960;0.003741496598639455686136079393;0.017687074829931974384589210558;0.016666666666666666435370203203;0.005442176870748298943281096030;0.035034013605442178296289768014;0.030952380952380953438307642500;0.031292517006802723911196295603;0.024149659863945578675004099978;0.038435374149659862208494587321;0.000340136054421768683955068502;0.022448979591836733249454738370;0.013265306122448979053718431942;0.014965986394557822744544317572;0.008503401360544218454129428153;0.005782312925170067681446273156;0.015986394557823128959039848951;0.026190476190476191103995162734;0.007482993197278911372272158786;0.008843537414965987192294605279;0.006122448979591836419611450282;0.007142857142857142634106981660;0.014285714285714285268213963320;0.039455782312925166688266642723;0.000000000000000000000000000000;0.018027210884353741388030911708;0.020068027210884353817021974464;0.010544217687074829148397014933;0.030272108843537415961977288248;0.021768707482993195773124384118;0.016326530612244899431928502054;0.017687074829931974384589210558
-0.023437500000000000000000000000;0.026562499999999999306110609609;0.033333333333333332870740406406;0.025520833333333332870740406406;0.044270833333333335646297967969;0.013541666666666667129259593594;0.004166666666666666608842550801;0.019270833333333334258519187188;0.068750000000000005551115123126;0.033854166666666664353702032031;0.010416666666666666088425508008;0.024479166666666666435370203203;0.012500000000000000693889390391;0.023437500000000000000000000000;0.023437500000000000000000000000;0.013541666666666667129259593594;0.021354166666666667129259593594;0.024479166666666666435370203203;0.018749999999999999306110609609;0.006250000000000000346944695195;0.009374999999999999653055304805;0.016145833333333334952408577578;0.010416666666666666088425508008;0.041145833333333332870740406406;0.016145833333333334952408577578;0.025000000000000001387778780781;0.015625000000000000000000000000;0.037499999999999998612221219219;0.001562500000000000086736173799;0.018229166666666667823148983985;0.014583333333333333564629796797;0.023958333333333334952408577578;0.007291666666666666782314898398;0.005208333333333333044212754004;0.015625000000000000000000000000;0.037499999999999998612221219219;0.009895833333333332870740406406;0.007291666666666666782314898398;0.014062500000000000346944695195;0.010416666666666666088425508008;0.013020833333333333911574491992;0.063020833333333331482961625625;0.000000000000000000000000000000;0.023437500000000000000000000000;0.012500000000000000693889390391;0.013020833333333333911574491992;0.027604166666666665741480812812;0.012500000000000000693889390391;0.009374999999999999653055304805;0.017187500000000001387778780781
-0.026190476190476191103995162734;0.008503401360544218454129428153;0.041836734693877553059593310536;0.095578231292517010220244344509;0.021088435374149658296794029866;0.017006802721088436908258856306;0.001360544217687074735820274007;0.020068027210884353817021974464;0.032993197278911562397851753303;0.035714285714285712303173170312;0.018367346938775511860919564811;0.021088435374149658296794029866;0.008503401360544218454129428153;0.039795918367346937161155295826;0.010204081632653060410231837807;0.024149659863945578675004099978;0.017687074829931974384589210558;0.023469387755102041198673745726;0.010204081632653060410231837807;0.006462585034013605157776627408;0.009183673469387755930459782405;0.017006802721088436908258856306;0.011904761904761904101057723437;0.046938775510204082397347491451;0.032653061224489798863857004108;0.038775510204081632681383240424;0.017687074829931974384589210558;0.011564625850340135362892546311;0.001360544217687074735820274007;0.020068027210884353817021974464;0.017006802721088436908258856306;0.024489795918367345678445801127;0.004761904761904762334312479766;0.004421768707482993596147302640;0.012925170068027210315553254816;0.036734693877551023721839129621;0.006122448979591836419611450282;0.010204081632653060410231837807;0.006802721088435373895941804534;0.013605442176870747791883609068;0.006462585034013605157776627408;0.028571428571428570536427926640;0.000000000000000000000000000000;0.025510204081632653627664808482;0.005442176870748298943281096030;0.013945578231292516530048786194;0.042857142857142857539365365938;0.020748299319727891293352328717;0.014285714285714285268213963320;0.017687074829931974384589210558
-0.034814814814814812327092852229;0.007407407407407407690103084974;0.051481481481481482231910007386;0.069259259259259256524821068979;0.011851851851851851263330850372;0.024074074074074074125473288177;0.002592592592592592518063732143;0.020740740740740740144509857146;0.035185185185185187395351391615;0.028518518518518519433424529552;0.017037037037037038034181790636;0.031111111111111110216764785719;0.009629629629629630344078705662;0.043703703703703702942995334979;0.013333333333333334189130248149;0.033703703703703701000105041885;0.012592592592592592726230549260;0.024074074074074074125473288177;0.010370370370370370072254928573;0.003703703703703703845051542487;0.014074074074074073917306471060;0.016296296296296294836558615771;0.004814814814814815172039352831;0.037407407407407410049327012302;0.052592592592592593558897817729;0.037407407407407410049327012302;0.024444444444444445724284875610;0.004444444444444444440589503387;0.000740740740740740703958178148;0.017037037037037038034181790636;0.021111111111111111743321444578;0.015925925925925926707193980292;0.002592592592592592518063732143;0.006666666666666667094565124074;0.012222222222222222862142437805;0.030370370370370370488588562807;0.007037037037037036958653235530;0.011851851851851851263330850372;0.005925925925925925631665425186;0.006666666666666667094565124074;0.007407407407407407690103084974;0.027777777777777776235801354687;0.000000000000000000000000000000;0.016296296296296294836558615771;0.006666666666666667094565124074;0.011851851851851851263330850372;0.044074074074074071072359970458;0.031111111111111110216764785719;0.019629629629629628817522046802;0.020370370370370372015145221667
-0.018238993710691823318947868415;0.017610062893081760565516802330;0.041823899371069180042059798552;0.007232704402515723399180735953;0.029559748427672956350154009897;0.021069182389937105709387665797;0.005974842767295597892318603783;0.029559748427672956350154009897;0.052201257861635222412566292860;0.025786163522012579829567613388;0.006289308176100629269034136826;0.034591194968553458377602538576;0.013522012578616352668214872779;0.030188679245283019103585075982;0.018867924528301886072378934500;0.012264150943396227161352740609;0.015723270440251572305223604076;0.030503144654088050480300609024;0.027358490566037736713145278600;0.007547169811320754775896268995;0.020754716981132074332672132755;0.022327044025157231216249797967;0.018553459119496854695663401458;0.030817610062893081857016142067;0.019182389937106917449094467543;0.025157232704402517076136547303;0.027358490566037736713145278600;0.027358490566037736713145278600;0.001572327044025157317258534206;0.041194968553459117288628732467;0.022012578616352199839534264925;0.017295597484276729188801269288;0.019182389937106917449094467543;0.004716981132075471518094733625;0.014465408805031446798361471906;0.034276729559748427000887005534;0.007547169811320754775896268995;0.004088050314465408764663667540;0.016352201257861635058654670161;0.010062893081761005789620533335;0.007232704402515723399180735953;0.043710691823899368302352996807;0.000000000000000000000000000000;0.018553459119496854695663401458;0.017295597484276729188801269288;0.012893081761006289914783806694;0.025157232704402517076136547303;0.009119496855345911659473934208;0.022641509433962262592965331010;0.013207547169811321291499339736
-0.025833333333333333148296162562;0.011111111111111111535154627461;0.051388888888888886730121896562;0.002777777777777777883788656865;0.023611111111111110494320541875;0.026111111111111112714766591125;0.003333333333333333547282562037;0.030277777777777778456247403938;0.013055555555555556357383295563;0.039722222222222221266196839906;0.010000000000000000208166817117;0.041666666666666664353702032031;0.007499999999999999722444243844;0.035555555555555555524716027094;0.014722222222222221613141535101;0.017777777777777777762358013547;0.014444444444444443781394582516;0.029999999999999998889776975375;0.023611111111111110494320541875;0.006944444444444444058950338672;0.021666666666666667406815349750;0.011944444444444445030395485219;0.009444444444444444544672911945;0.062222222222222220433529571437;0.033888888888888892003681263532;0.035833333333333335091186455656;0.027500000000000000138777878078;0.020277777777777776513357110844;0.000277777777777777777536843962;0.041388888888888891726125507375;0.022499999999999999167332731531;0.021666666666666667406815349750;0.011944444444444445030395485219;0.005833333333333333599324266316;0.010833333333333333703407674875;0.039444444444444441699726411343;0.012500000000000000693889390391;0.009166666666666666712925959359;0.000833333333333333386820640509;0.008888888888888888881179006773;0.013333333333333334189130248149;0.005833333333333333599324266316;0.000000000000000000000000000000;0.020555555555555556079827539406;0.009722222222222222376419864531;0.016111111111111110771876298031;0.043055555555555555247160270937;0.023611111111111110494320541875;0.017500000000000001665334536938;0.012777777777777778525636342977
-0.028758169934640521320234896052;0.006862745098039215591034789554;0.038562091503267975634017261655;0.148692810457516338962236090993;0.007189542483660130330058724013;0.021241830065359477985875713557;0.004248366013071895076758099918;0.017973856209150325391465941038;0.024836601307189540982500730593;0.033660130718954246742402602877;0.015032679738562091872888792921;0.028758169934640521320234896052;0.008496732026143790153516199837;0.035620915032679736911269685606;0.024836601307189540982500730593;0.021568627450980391857537910028;0.016993464052287580307032399674;0.017320261437908497648141548098;0.008823529411764705759901872284;0.004901960784313725422167706824;0.014052287581699346788455251556;0.018300653594771242732575089462;0.003594771241830065165029362007;0.055882352941176473282158809752;0.027777777777777776235801354687;0.034640522875816995296283096195;0.021241830065359477985875713557;0.020261437908496732901442172192;0.001633986928104575213002713774;0.016013071895424835222598858309;0.016666666666666666435370203203;0.018954248366013070475899482403;0.001960784313725490168867082730;0.008496732026143790153516199837;0.008169934640522876281854003366;0.030718954248366011489101978782;0.005228758169934640161191641283;0.008823529411764705759901872284;0.002287581699346405341571886183;0.006535947712418300852010855095;0.007516339869281045936444396460;0.019281045751633987817008630827;0.000000000000000000000000000000;0.027450980392156862364139158217;0.009150326797385621366287544731;0.015359477124183005744550989391;0.032679738562091505127416013465;0.023856209150326795898067189228;0.011437908496732025406816823931;0.017647058823529411519803744568
-0.017708333333333332870740406406;0.012847222222222221682530474141;0.018055555555555553859381490156;0.409722222222222209886410837498;0.028819444444444446140618509844;0.010069444444444445099784424258;0.008333333333333333217685101602;0.029861111111111112575988713047;0.002430555555555555594104966133;0.011111111111111111535154627461;0.010069444444444445099784424258;0.005902777777777777623580135469;0.009374999999999999653055304805;0.021874999999999998612221219219;0.026736111111111109800431151484;0.017708333333333332870740406406;0.014930555555555556287994356524;0.011111111111111111535154627461;0.015972222222222220988641083750;0.003819444444444444319158860068;0.017361111111111111882099322656;0.007638888888888888638317720137;0.002083333333333333304421275400;0.022222222222222223070309254922;0.019444444444444444752839729063;0.015972222222222220988641083750;0.018749999999999999306110609609;0.014236111111111110841265237070;0.001388888888888888941894328433;0.014930555555555556287994356524;0.007986111111111110494320541875;0.011458333333333332523795711211;0.004513888888888888464845372539;0.008680555555555555941049661328;0.010416666666666666088425508008;0.014583333333333333564629796797;0.002777777777777777883788656865;0.008680555555555555941049661328;0.000347222222222222235473582108;0.006944444444444444058950338672;0.008680555555555555941049661328;0.000694444444444444470947164216;0.000000000000000000000000000000;0.014583333333333333564629796797;0.011805555555555555247160270937;0.015277777777777777276635440273;0.022916666666666665047591422422;0.010763888888888888811790067734;0.006597222222222222202947516934;0.011805555555555555247160270937
-0.021481481481481479872686080057;0.016296296296296294836558615771;0.039629629629629632703302632990;0.104814814814814818988430999980;0.061111111111111109106541761093;0.018888888888888889089345823891;0.008888888888888888881179006773;0.026666666666666668378260496297;0.006666666666666667094565124074;0.021851851851851851471497667490;0.013333333333333334189130248149;0.013703703703703704053218359604;0.010370370370370370072254928573;0.033333333333333332870740406406;0.038148148148148146308056283260;0.012222222222222222862142437805;0.015185185185185185244294281404;0.020740740740740740144509857146;0.030740740740740742087400150240;0.006666666666666667094565124074;0.011851851851851851263330850372;0.010740740740740739936343040029;0.006296296296296296363115274630;0.035555555555555555524716027094;0.019259259259259260688157411323;0.028148148148148147834612942120;0.025555555555555557051272685953;0.014074074074074073917306471060;0.000740740740740740703958178148;0.028518518518518519433424529552;0.011481481481481481399242738917;0.015925925925925926707193980292;0.016296296296296294836558615771;0.011111111111111111535154627461;0.020000000000000000416333634234;0.029259259259259259161600752464;0.005925925925925925631665425186;0.007407407407407407690103084974;0.000740740740740740703958178148;0.014444444444444443781394582516;0.006296296296296296363115274630;0.003333333333333333547282562037;0.000000000000000000000000000000;0.013333333333333334189130248149;0.038518518518518521376314822646;0.010740740740740739936343040029;0.036296296296296298722339201959;0.023333333333333334397297065266;0.020000000000000000416333634234;0.014074074074074073917306471060
-0.026666666666666668378260496297;0.015555555555555555108382392859;0.038888888888888889505679458125;0.015925925925925926707193980292;0.026666666666666668378260496297;0.017777777777777777762358013547;0.005925925925925925631665425186;0.030370370370370370488588562807;0.011481481481481481399242738917;0.041851851851851848418384349770;0.018148148148148149361169600979;0.021481481481481479872686080057;0.008518518518518519017090895318;0.030740740740740742087400150240;0.030370370370370370488588562807;0.025555555555555557051272685953;0.017037037037037038034181790636;0.022962962962962962798485477833;0.023333333333333334397297065266;0.006296296296296296363115274630;0.015555555555555555108382392859;0.012592592592592592726230549260;0.003703703703703703845051542487;0.050000000000000002775557561563;0.039259259259259257635044093604;0.048518518518518516380311211833;0.022592592592592591199673890401;0.021851851851851851471497667490;0.001851851851851851922525771243;0.025555555555555557051272685953;0.017777777777777777762358013547;0.018888888888888889089345823891;0.010740740740740739936343040029;0.002592592592592592518063732143;0.008888888888888888881179006773;0.039629629629629632703302632990;0.008518518518518519017090895318;0.012222222222222222862142437805;0.002222222222222222220294751693;0.005185185185185185036127464286;0.007777777777777777554191196430;0.005925925925925925631665425186;0.000000000000000000000000000000;0.029999999999999998889776975375;0.029999999999999998889776975375;0.022962962962962962798485477833;0.040370370370370368962031903948;0.024074074074074074125473288177;0.019259259259259260688157411323;0.015925925925925926707193980292
-0.040370370370370368962031903948;0.004814814814814815172039352831;0.057037037037037038866849059104;0.020370370370370372015145221667;0.019629629629629628817522046802;0.021851851851851851471497667490;0.001851851851851851922525771243;0.022222222222222223070309254922;0.025185185185185185452461098521;0.032592592592592589673117231541;0.014444444444444443781394582516;0.019259259259259260688157411323;0.006666666666666667094565124074;0.050740740740740739034286832521;0.011111111111111111535154627461;0.035555555555555555524716027094;0.018518518518518517490534236458;0.020740740740740740144509857146;0.008148148148148147418279307885;0.006666666666666667094565124074;0.017037037037037038034181790636;0.015925925925925926707193980292;0.001481481481481481407916356297;0.049259259259259259577934386698;0.039259259259259257635044093604;0.049629629629629627707299022177;0.020000000000000000416333634234;0.037037037037037034981068472916;0.001111111111111111110147375847;0.014444444444444443781394582516;0.019629629629629628817522046802;0.014444444444444443781394582516;0.004074074074074073709139653943;0.009629629629629630344078705662;0.010000000000000000208166817117;0.037037037037037034981068472916;0.009629629629629630344078705662;0.010000000000000000208166817117;0.000740740740740740703958178148;0.010370370370370370072254928573;0.005185185185185185036127464286;0.012222222222222222862142437805;0.000000000000000000000000000000;0.028518518518518519433424529552;0.003703703703703703845051542487;0.013333333333333334189130248149;0.051111111111111114102545371907;0.032222222222222221543752596062;0.020740740740740740144509857146;0.024444444444444445724284875610
-0.025757575757575756902895136591;0.023636363636363635909454217199;0.034848484848484850839867021932;0.024848484848484848896976728838;0.040909090909090908838585676222;0.016363636363636364923213051270;0.006666666666666667094565124074;0.033636363636363637852344510293;0.008181818181818182461606525635;0.024848484848484848896976728838;0.016969696969696971416974307090;0.012424242424242424448488364419;0.012121212121212121201607736509;0.034545454545454545858262918046;0.029393939393939392396015719555;0.023939393939393940891058321085;0.009393939393939393714405561298;0.026666666666666668378260496297;0.030606060606060605383538231195;0.005454545454545454974404350423;0.024848484848484848896976728838;0.004545454545454545233762466694;0.010909090909090909948808700847;0.036666666666666666851703837438;0.026060606060606061884499240477;0.039393939393939390869459060696;0.029696969696969697377619823442;0.048787878787878789788035049924;0.000909090909090909090120580238;0.033333333333333332870740406406;0.006666666666666667094565124074;0.013939393939393938948168027991;0.021212121212121213403856145874;0.010303030303030303455047445027;0.009696969696969696961286189207;0.029999999999999998889776975375;0.009090909090909090467524933388;0.009696969696969696961286189207;0.002424242424242424240321547302;0.005454545454545454974404350423;0.013939393939393938948168027991;0.010000000000000000208166817117;0.000000000000000000000000000000;0.019393939393939393922572378415;0.022121212121212121409774553626;0.019696969696969695434729530348;0.043636363636363639795234803387;0.023636363636363635909454217199;0.017878787878787879422892714842;0.014848484848484848688809911721
-0.024509803921568627110838534122;0.016013071895424835222598858309;0.043790849673202611458400212996;0.082026143790849673220755278180;0.012091503267973856619588168826;0.007189542483660130330058724013;0.005228758169934640161191641283;0.023202614379084968154742796287;0.010130718954248366450721086096;0.044444444444444446140618509844;0.014379084967320260660117448026;0.006209150326797385245625182648;0.008823529411764705759901872284;0.047058823529411764052809985515;0.016993464052287580307032399674;0.020915032679738560644766565133;0.015032679738562091872888792921;0.030392156862745097617439782312;0.018300653594771242732575089462;0.007516339869281045936444396460;0.017647058823529411519803744568;0.010784313725490195928768955014;0.010784313725490195928768955014;0.060130718954248367491555171682;0.026143790849673203408043420382;0.046405228758169936309485592574;0.025490196078431372195272075487;0.011437908496732025406816823931;0.001633986928104575213002713774;0.006862745098039215591034789554;0.011764705882352941013202496379;0.026143790849673203408043420382;0.006862745098039215591034789554;0.006535947712418300852010855095;0.012091503267973856619588168826;0.041830065359477121289533130266;0.005882352941176470506601248189;0.010457516339869280322383282567;0.001960784313725490168867082730;0.013398692810457515575683906661;0.009477124183006535237949741202;0.006209150326797385245625182648;0.000000000000000000000000000000;0.035294117647058823039607489136;0.012418300653594770491250365296;0.025163398692810458323609879017;0.048039215686274512606690478833;0.027450980392156862364139158217;0.012745098039215686097636037744;0.014705882352941176266503120473
-0.021111111111111111743321444578;0.013055555555555556357383295563;0.043055555555555555247160270937;0.125833333333333324821623477874;0.041111111111111112159655078813;0.020833333333333332176851016015;0.002222222222222222220294751693;0.018888888888888889089345823891;0.009722222222222222376419864531;0.038333333333333330372738601000;0.011666666666666667198648532633;0.026388888888888888811790067734;0.008055555555555555385938149016;0.033611111111111112437210834969;0.022777777777777778733803160094;0.014999999999999999444888487687;0.017500000000000001665334536938;0.021666666666666667406815349750;0.016666666666666666435370203203;0.005277777777777777935830361145;0.009444444444444444544672911945;0.008888888888888888881179006773;0.004444444444444444440589503387;0.053055555555555557190050564031;0.021111111111111111743321444578;0.038055555555555557745162076344;0.014999999999999999444888487687;0.024166666666666666157814447047;0.000277777777777777777536843962;0.036388888888888887285233408875;0.013055555555555556357383295563;0.021944444444444443503838826359;0.004444444444444444440589503387;0.004722222222222222272336455973;0.007499999999999999722444243844;0.041944444444444443920172460594;0.005833333333333333599324266316;0.005277777777777777935830361145;0.000000000000000000000000000000;0.003611111111111110945348645629;0.008055555555555555385938149016;0.003888888888888888777095598215;0.000000000000000000000000000000;0.023611111111111110494320541875;0.025277777777777777484802257391;0.011944444444444445030395485219;0.046388888888888889228123701969;0.024166666666666666157814447047;0.013055555555555556357383295563;0.011666666666666667198648532633
-0.021000000000000001304512053935;0.024333333333333331816028533012;0.027333333333333334480563792113;0.120333333333333333814429977338;0.032333333333333331982561986706;0.025000000000000001387778780781;0.005000000000000000104083408559;0.032666666666666663298990158637;0.003333333333333333547282562037;0.025333333333333332704206952712;0.016666666666666666435370203203;0.027666666666666665796991964044;0.008333333333333333217685101602;0.030999999999999999777955395075;0.034666666666666665075346998037;0.010333333333333333259318465025;0.005333333333333333155235056466;0.028666666666666666685170383744;0.037666666666666667739882257138;0.004333333333333333134418374755;0.020000000000000000416333634234;0.004333333333333333134418374755;0.011333333333333334147496884725;0.039333333333333331260917020700;0.015666666666666665547191783503;0.022333333333333333509118645566;0.036999999999999998168132009368;0.028000000000000000582867087928;0.001000000000000000020816681712;0.046333333333333330539272054693;0.013666666666666667240281896056;0.012666666666666666352103476356;0.014000000000000000291433543964;0.004000000000000000083266726847;0.007333333333333333196868419890;0.025999999999999998806510248528;0.011333333333333334147496884725;0.004333333333333333134418374755;0.000666666666666666644404382058;0.004000000000000000083266726847;0.011666666666666667198648532633;0.004000000000000000083266726847;0.000000000000000000000000000000;0.021666666666666667406815349750;0.026333333333333333592385372413;0.012666666666666666352103476356;0.025666666666666667490082076597;0.017333333333333332537673499019;0.023333333333333334397297065266;0.012666666666666666352103476356
-0.030864197530864195817557060764;0.021296296296296295808003762318;0.038888888888888889505679458125;0.007407407407407407690103084974;0.033024691358024688137007274236;0.030555555555555554553270880547;0.005246913580246913635929395525;0.033641975308641977604473538577;0.012345679012345678327022824305;0.013888888888888888117900677344;0.025000000000000001387778780781;0.031172839506172840551290192934;0.017592592592592593697675695807;0.037345679012345679714801605087;0.026543209876543211178656633820;0.015432098765432097908778530382;0.009876543209876543008562954640;0.031172839506172840551290192934;0.036728395061728397186229244653;0.004938271604938271504281477320;0.022530864197530864334595435139;0.010493827160493827271858791050;0.014506172839506172381196513754;0.028086419753086420969534486858;0.034876543209876542661618259444;0.031790123456790123079862553368;0.037345679012345679714801605087;0.011419753086419752799440807678;0.001851851851851851922525771243;0.034259259259259260133045899011;0.020987654320987654543717582101;0.008333333333333333217685101602;0.020061728395061727281412089496;0.004629629629629629372633559115;0.026851851851851852442942814037;0.026543209876543211178656633820;0.013580246913580246853614497127;0.009567901234567901744276774423;0.002469135802469135752140738660;0.015432098765432097908778530382;0.011728395061728395798450463872;0.006172839506172839163511412153;0.000000000000000000000000000000;0.012962962962962962590318660716;0.018518518518518517490534236458;0.016666666666666666435370203203;0.026234567901234566444923501649;0.024382716049382715389759468394;0.032407407407407405608434913802;0.012345679012345678327022824305
-0.040740740740740744030290443334;0.002962962962962962815832712593;0.050000000000000002775557561563;0.000740740740740740703958178148;0.010370370370370370072254928573;0.058518518518518518323201504927;0.000740740740740740703958178148;0.019629629629629628817522046802;0.009629629629629630344078705662;0.017407407407407406163546426114;0.022222222222222223070309254922;0.054074074074074073015250263552;0.021851851851851851471497667490;0.037037037037037034981068472916;0.005925925925925925631665425186;0.023333333333333334397297065266;0.014444444444444443781394582516;0.030740740740740742087400150240;0.026296296296296296779448908865;0.006666666666666667094565124074;0.019259259259259260688157411323;0.010370370370370370072254928573;0.021111111111111111743321444578;0.024074074074074074125473288177;0.048148148148148148250946576354;0.031481481481481478346129421197;0.027777777777777776235801354687;0.002962962962962962815832712593;0.000000000000000000000000000000;0.065185185185185179346234463083;0.029259259259259259161600752464;0.011111111111111111535154627461;0.015555555555555555108382392859;0.008518518518518519017090895318;0.020370370370370372015145221667;0.029999999999999998889776975375;0.017777777777777777762358013547;0.007407407407407407690103084974;0.001111111111111111110147375847;0.010740740740740739936343040029;0.001851851851851851922525771243;0.005925925925925925631665425186;0.000000000000000000000000000000;0.010370370370370370072254928573;0.007037037037037036958653235530;0.014814814814814815380206169948;0.031851851851851853414387960584;0.023703703703703702526661700745;0.034074074074074076068363581271;0.014814814814814815380206169948
-0.030158730158730159137681070547;0.015079365079365079568840535273;0.069841269841269842943987100625;0.000793650793650793650105268462;0.013095238095238095551997581367;0.038492063492063494090089648125;0.001587301587301587300210536924;0.027380952380952380820211544687;0.009920634920634920084214769531;0.040476190476190478106932602032;0.019444444444444444752839729063;0.037698412698412696320016124218;0.010317460317460317234528055508;0.042063492063492066708185745938;0.012301587301587301251371009414;0.022222222222222223070309254922;0.021031746031746033354092872969;0.040079365079365082691342792032;0.023809523809523808202115446875;0.010317460317460317234528055508;0.015476190476190476719153821250;0.007936507936507936067371815625;0.007936507936507936067371815625;0.048809523809523809589894227656;0.025793650793650792218958400781;0.042857142857142857539365365938;0.033333333333333332870740406406;0.004365079365079365183999193789;0.000000000000000000000000000000;0.041269841269841268938112222031;0.015873015873015872134743631250;0.025000000000000001387778780781;0.011904761904761904101057723437;0.002777777777777777883788656865;0.007142857142857142634106981660;0.046031746031746034741871653750;0.013492063492063492702310867344;0.005555555555555555767577313730;0.000000000000000000000000000000;0.004761904761904762334312479766;0.008730158730158730367998387578;0.004761904761904762334312479766;0.000000000000000000000000000000;0.018253968253968255036623347110;0.007142857142857142634106981660;0.011111111111111111535154627461;0.046031746031746034741871653750;0.023015873015873017370935826875;0.021031746031746033354092872969;0.013492063492063492702310867344
-0.024444444444444445724284875610;0.018333333333333333425851918719;0.038888888888888889505679458125;0.077777777777777779011358916250;0.010000000000000000208166817117;0.015277777777777777276635440273;0.011388888888888889366901580047;0.045833333333333330095182844843;0.009722222222222222376419864531;0.042777777777777775680689842375;0.014999999999999999444888487687;0.005000000000000000104083408559;0.006388888888888889262818171488;0.026666666666666668378260496297;0.028055555555555555802271783250;0.009444444444444444544672911945;0.007777777777777777554191196430;0.044722222222222218768195034500;0.050833333333333334536074943344;0.006944444444444444058950338672;0.031111111111111110216764785719;0.005833333333333333599324266316;0.008333333333333333217685101602;0.050000000000000002775557561563;0.016111111111111110771876298031;0.041388888888888891726125507375;0.035555555555555555524716027094;0.009722222222222222376419864531;0.000833333333333333386820640509;0.017500000000000001665334536938;0.003888888888888888777095598215;0.020555555555555556079827539406;0.012222222222222222862142437805;0.003888888888888888777095598215;0.006111111111111111431071218902;0.044722222222222218768195034500;0.017500000000000001665334536938;0.005833333333333333599324266316;0.000000000000000000000000000000;0.006388888888888889262818171488;0.014166666666666665949647629930;0.003888888888888888777095598215;0.000000000000000000000000000000;0.024444444444444445724284875610;0.016666666666666666435370203203;0.025000000000000001387778780781;0.029444444444444443226283070203;0.017222222222222222098864108375;0.025555555555555557051272685953;0.010833333333333333703407674875
-0.016666666666666666435370203203;0.010714285714285714384841341484;0.047222222222222220988641083750;0.145634920634920644877396966876;0.034920634920634921471993550313;0.014682539682539682418527249297;0.004365079365079365183999193789;0.031746031746031744269487262500;0.003174603174603174600421073848;0.033730158730158728286330216406;0.011904761904761904101057723437;0.003571428571428571317053490830;0.008730158730158730367998387578;0.036507936507936510073246694219;0.032539682539682542039560786407;0.011111111111111111535154627461;0.011111111111111111535154627461;0.024603174603174602502742018828;0.039285714285714284921269268125;0.008333333333333333217685101602;0.020238095238095239053466301016;0.003571428571428571317053490830;0.018253968253968255036623347110;0.040476190476190478106932602032;0.013888888888888888117900677344;0.031349206349206348853897452500;0.029761904761904760252644308594;0.000793650793650793650105268462;0.000793650793650793650105268462;0.033730158730158728286330216406;0.003968253968253968033685907812;0.023015873015873017370935826875;0.026190476190476191103995162734;0.007142857142857142634106981660;0.006349206349206349200842147695;0.036904761904761905488836504219;0.010714285714285714384841341484;0.002777777777777777883788656865;0.000000000000000000000000000000;0.002777777777777777883788656865;0.006746031746031746351155433672;0.001587301587301587300210536924;0.000000000000000000000000000000;0.022619047619047618485899064922;0.033333333333333332870740406406;0.017460317460317460735996775156;0.032142857142857139685077072500;0.012698412698412698401684295391;0.021031746031746033354092872969;0.009126984126984127518311673555
-0.011458333333333332523795711211;0.006944444444444444058950338672;0.036805555555555556634939051719;0.355208333333333348136306995002;0.003819444444444444319158860068;0.004861111111111111188209932266;0.004166666666666666608842550801;0.024652777777777776929690745078;0.005208333333333333044212754004;0.026736111111111109800431151484;0.009374999999999999653055304805;0.005208333333333333044212754004;0.002430555555555555594104966133;0.034027777777777774848022573906;0.031597222222222220988641083750;0.009722222222222222376419864531;0.015972222222222220988641083750;0.019791666666666665741480812812;0.011111111111111111535154627461;0.008333333333333333217685101602;0.011805555555555555247160270937;0.008680555555555555941049661328;0.004166666666666666608842550801;0.035416666666666665741480812812;0.016666666666666666435370203203;0.027083333333333334258519187188;0.027083333333333334258519187188;0.004861111111111111188209932266;0.004861111111111111188209932266;0.009027777777777776929690745078;0.007291666666666666782314898398;0.025000000000000001387778780781;0.002083333333333333304421275400;0.005555555555555555767577313730;0.006944444444444444058950338672;0.032638888888888890893458238907;0.007986111111111110494320541875;0.007638888888888888638317720137;0.001736111111111111014737584668;0.007986111111111110494320541875;0.009374999999999999653055304805;0.004861111111111111188209932266;0.000000000000000000000000000000;0.019791666666666665741480812812;0.011458333333333332523795711211;0.010416666666666666088425508008;0.033333333333333332870740406406;0.012847222222222221682530474141;0.007291666666666666782314898398;0.008680555555555555941049661328
-0.014242424242424242195048655901;0.013333333333333334189130248149;0.057878787878787876786113031358;0.275151515151515146939686928818;0.020303030303030301928490786167;0.006060606060606060600803868255;0.004848484848484848480643094604;0.017575757575757574441288610956;0.008787878787878787220644305478;0.024545454545454543915372624951;0.010909090909090909948808700847;0.003636363636363636360482320953;0.003939393939393939607362948863;0.043636363636363639795234803387;0.020909090909090908422252041987;0.012121212121212121201607736509;0.016060606060606059941608947383;0.021515151515151514916013297807;0.012727272727272727695368992329;0.004848484848484848480643094604;0.010000000000000000208166817117;0.009696969696969696961286189207;0.005454545454545454974404350423;0.031212121212121211877299487014;0.018484848484848485916653970662;0.031818181818181814901613790880;0.019393939393939393922572378415;0.026969696969696969890417648230;0.001818181818181818180241160476;0.009696969696969696961286189207;0.002727272727272727487202175212;0.016969696969696971416974307090;0.003636363636363636360482320953;0.008787878787878787220644305478;0.013030303030303030942249620239;0.028787878787878789371701415689;0.007878787878787879214725897725;0.005454545454545454974404350423;0.000303030303030303030040193413;0.007878787878787879214725897725;0.008484848484848485708487153545;0.002727272727272727487202175212;0.000000000000000000000000000000;0.015454545454545455182571167541;0.011515151515151514707846480690;0.010909090909090909948808700847;0.045454545454545455807071618892;0.019393939393939393922572378415;0.014242424242424242195048655901;0.018787878787878787428811122595
-0.021130952380952382207990325469;0.027083333333333334258519187188;0.039880952380952378044653983125;0.144642857142857156338422441877;0.022619047619047618485899064922;0.018452380952380952744418252109;0.005059523809523809763366575254;0.030059523809523810283783618047;0.008928571428571428075793292578;0.022023809523809525362514349922;0.019940476190476189022326991562;0.007440476190476190063161077148;0.012500000000000000693889390391;0.027976190476190477413043211641;0.028273809523809523974735569141;0.015773809523809523280846178750;0.011904761904761904101057723437;0.028869047619047620567567236094;0.025000000000000001387778780781;0.004464285714285714037896646289;0.016666666666666666435370203203;0.009523809523809524668624959531;0.010714285714285714384841341484;0.026190476190476191103995162734;0.023511904761904761640423089375;0.028869047619047620567567236094;0.031547619047619046561692357500;0.044940476190476190410105772344;0.000000000000000000000000000000;0.014583333333333333564629796797;0.006547619047619047775998790684;0.015476190476190476719153821250;0.015476190476190476719153821250;0.005952380952380952050528861719;0.011011904761904762681257174961;0.031547619047619046561692357500;0.016369047619047619873677845703;0.009821428571428571230317317031;0.001190476190476190583578119941;0.010119047619047619526733150508;0.010416666666666666088425508008;0.006845238095238095205052886172;0.000000000000000000000000000000;0.013690476190476190410105772344;0.020833333333333332176851016015;0.010119047619047619526733150508;0.031250000000000000000000000000;0.018452380952380952744418252109;0.023809523809523808202115446875;0.012500000000000000693889390391
-0.026363636363636363396656392410;0.024242424242424242403215473018;0.042424242424242426807712291748;0.085151515151515144719240879567;0.030606060606060605383538231195;0.014242424242424242195048655901;0.004242424242424242854243576772;0.039696969696969695851063164582;0.003939393939393939607362948863;0.034848484848484850839867021932;0.015151515151515151935690539631;0.010303030303030303455047445027;0.010909090909090909948808700847;0.043636363636363639795234803387;0.040303030303030305814271372356;0.013636363636363635701287400082;0.011818181818181817954727108599;0.023030303030303029415692961379;0.023030303030303029415692961379;0.005454545454545454974404350423;0.013636363636363635701287400082;0.005757575757575757353923240345;0.005757575757575757353923240345;0.038181818181818184820830452963;0.023939393939393940891058321085;0.036060606060606063827389533571;0.032727272727272729846426102540;0.025151515151515150409133880771;0.000606060606060606060080386825;0.019090909090909092410415226482;0.005757575757575757353923240345;0.021212121212121213403856145874;0.007878787878787879214725897725;0.007272727272727272720964641906;0.010909090909090909948808700847;0.035454545454545453864181325798;0.013333333333333334189130248149;0.004848484848484848480643094604;0.000000000000000000000000000000;0.006969696969696969474084013996;0.012121212121212121201607736509;0.003939393939393939607362948863;0.000000000000000000000000000000;0.019696969696969695434729530348;0.028181818181818182877940159869;0.015757575757575758429451795450;0.041212121212121213820189780108;0.026969696969696969890417648230;0.020303030303030301928490786167;0.014242424242424242195048655901
-0.025724637681159418650667092265;0.019565217391304349364711256953;0.035869565217391305433913828438;0.061594202898550727554027872657;0.077536231884057976726509764376;0.011231884057971014412302679375;0.003623188405797101493271972217;0.026086956521739129016834723984;0.004347826086956521791926366660;0.040942028985507243621366768593;0.016304347826086956069202571484;0.011594202898550724778470311094;0.008695652173913043583852733320;0.029710144927536232678511041172;0.023188405797101449556940622188;0.011231884057971014412302679375;0.007971014492753622851517469883;0.019202898550724638998543625235;0.024275362318840580655443517344;0.003260869565217391127104340498;0.021739130434782608092270095312;0.004347826086956521791926366660;0.008333333333333333217685101602;0.047463768115942030212384139531;0.025362318840579711753946412500;0.042753623188405795452204927187;0.034420289855072463969243301563;0.029347826086956522312343409453;0.001086956521739130447981591665;0.032971014492753622504572774687;0.006159420289855072755402787266;0.018478260869565218266208361797;0.009782608695652174682355628477;0.005434782608695652023067523828;0.014130434782608695606920257148;0.032608695652173912138405142969;0.008695652173913043583852733320;0.008333333333333333217685101602;0.000000000000000000000000000000;0.005797101449275362389235155547;0.013043478260869564508417361992;0.003985507246376811425758734941;0.000000000000000000000000000000;0.024275362318840580655443517344;0.028985507246376811946175777734;0.013043478260869564508417361992;0.040579710144927533255199136875;0.022463768115942028824605358750;0.021739130434782608092270095312;0.012681159420289855876973206250
-0.031111111111111110216764785719;0.019722222222222220849863205672;0.019722222222222220849863205672;0.030555555555555554553270880547;0.071944444444444449748843339876;0.024722222222222221821308352219;0.018055555555555553859381490156;0.031111111111111110216764785719;0.010555555555555555871660722289;0.014166666666666665949647629930;0.016666666666666666435370203203;0.025833333333333333148296162562;0.013611111111111110286153724758;0.025277777777777777484802257391;0.014166666666666665949647629930;0.014444444444444443781394582516;0.009722222222222222376419864531;0.031666666666666669349705642844;0.057222222222222222931531376844;0.004444444444444444440589503387;0.037777777777777778178691647781;0.008888888888888888881179006773;0.016666666666666666435370203203;0.017777777777777777762358013547;0.027222222222222220572307449515;0.028611111111111111465765688422;0.028611111111111111465765688422;0.019722222222222220849863205672;0.003055555555555555715535609451;0.050555555555555554969604514781;0.014444444444444443781394582516;0.010555555555555555871660722289;0.018333333333333333425851918719;0.006666666666666667094565124074;0.018611111111111109522875395328;0.022777777777777778733803160094;0.011111111111111111535154627461;0.011111111111111111535154627461;0.003055555555555555715535609451;0.009166666666666666712925959359;0.014444444444444443781394582516;0.012777777777777778525636342977;0.000000000000000000000000000000;0.012500000000000000693889390391;0.021666666666666667406815349750;0.019444444444444444752839729063;0.019444444444444444752839729063;0.018055555555555553859381490156;0.020000000000000000416333634234;0.012222222222222222862142437805
-0.018148148148148149361169600979;0.017407407407407406163546426114;0.035185185185185187395351391615;0.032962962962962964741375770927;0.037037037037037034981068472916;0.021851851851851851471497667490;0.004814814814814815172039352831;0.028518518518518519433424529552;0.008888888888888888881179006773;0.024444444444444445724284875610;0.014444444444444443781394582516;0.009629629629629630344078705662;0.015185185185185185244294281404;0.021851851851851851471497667490;0.027777777777777776235801354687;0.012222222222222222862142437805;0.013333333333333334189130248149;0.042222222222222223486642889156;0.028518518518518519433424529552;0.007777777777777777554191196430;0.021481481481481479872686080057;0.007777777777777777554191196430;0.031481481481481478346129421197;0.032592592592592589673117231541;0.022592592592592591199673890401;0.030370370370370370488588562807;0.035185185185185187395351391615;0.042592592592592591616007524635;0.003333333333333333547282562037;0.034074074074074076068363581271;0.009629629629629630344078705662;0.013333333333333334189130248149;0.028148148148148147834612942120;0.007037037037037036958653235530;0.016666666666666666435370203203;0.026296296296296296779448908865;0.008518518518518519017090895318;0.009259259259259258745267118229;0.004074074074074073709139653943;0.021111111111111111743321444578;0.014074074074074073917306471060;0.014814814814814815380206169948;0.000000000000000000000000000000;0.014444444444444443781394582516;0.025185185185185185452461098521;0.017037037037037038034181790636;0.028518518518518519433424529552;0.018518518518518517490534236458;0.026296296296296296779448908865;0.013333333333333334189130248149
-0.034276729559748427000887005534;0.013207547169811321291499339736;0.044025157232704399679068529849;0.044654088050314462432499595934;0.015408805031446540928508071033;0.022955974842767293969680864052;0.002515723270440251447405133334;0.021698113207547168462818731882;0.011006289308176099919767132462;0.033018867924528301494024873364;0.020440251572327042955956599712;0.016037735849056603681939137118;0.012893081761006289914783806694;0.047798742138364783138548830266;0.013836477987421384044930405821;0.027672955974842768089860811642;0.016037735849056603681939137118;0.021383647798742137086103198840;0.019182389937106917449094467543;0.005974842767295597892318603783;0.015408805031446540928508071033;0.010377358490566037166336066377;0.007861635220125786152611802038;0.045911949685534587939361728104;0.033962264150943395624171472491;0.045911949685534587939361728104;0.027987421383647799466576344685;0.025471698113207548452852080345;0.002830188679245282824120666376;0.024528301886792454322705481218;0.013207547169811321291499339736;0.019496855345911948825810000585;0.010062893081761005789620533335;0.008805031446540880282758401165;0.016037735849056603681939137118;0.031132075471698113233731675109;0.010377358490566037166336066377;0.012893081761006289914783806694;0.000628930817610062861851283333;0.011635220125786162673198198547;0.007547169811320754775896268995;0.009119496855345911659473934208;0.000000000000000000000000000000;0.022641509433962262592965331010;0.010377358490566037166336066377;0.012264150943396227161352740609;0.043710691823899368302352996807;0.033962264150943395624171472491;0.018867924528301886072378934500;0.022955974842767293969680864052
-0.033647798742138364247455939449;0.008176100628930817529327335080;0.069182389937106916755205077152;0.010062893081761005789620533335;0.004716981132075471518094733625;0.020125786163522011579241066670;0.000943396226415094346987033624;0.018553459119496854695663401458;0.034591194968553458377602538576;0.028301886792452830843291877727;0.021383647798742137086103198840;0.011006289308176099919767132462;0.009748427672955974412905000293;0.062264150943396226467463350218;0.008805031446540880282758401165;0.025157232704402517076136547303;0.017924528301886791942232335373;0.026100628930817611206283146430;0.011006289308176099919767132462;0.008490566037735848906042868123;0.011320754716981131296482665505;0.017610062893081760565516802330;0.005031446540880502894810266667;0.041823899371069180042059798552;0.033018867924528301494024873364;0.044339622641509431055784062892;0.027987421383647799466576344685;0.006603773584905660645749669868;0.000628930817610062861851283333;0.007232704402515723399180735953;0.009748427672955974412905000293;0.019496855345911948825810000585;0.006918238993710692022465202911;0.014465408805031446798361471906;0.017610062893081760565516802330;0.038993710691823897651620001170;0.017924528301886791942232335373;0.006603773584905660645749669868;0.007547169811320754775896268995;0.011006289308176099919767132462;0.004716981132075471518094733625;0.029245283018867924973438476854;0.000000000000000000000000000000;0.016981132075471697812085736246;0.004716981132075471518094733625;0.010377358490566037166336066377;0.065408805031446540234618680643;0.036792452830188678014611269873;0.023899371069182391569274415133;0.031761006289308175987162741194
-0.031632653061224487445191044799;0.003061224489795918209805725141;0.081292517006802719747859953259;0.000680272108843537367910137004;0.014285714285714285268213963320;0.019047619047619049337249919063;0.000340136054421768683955068502;0.017687074829931974384589210558;0.013605442176870747791883609068;0.045578231292517007444686782947;0.018367346938775511860919564811;0.012585034013605441577388077690;0.010204081632653060410231837807;0.055782312925170066120195144777;0.007482993197278911372272158786;0.027551020408163266056655871239;0.014965986394557822744544317572;0.024149659863945578675004099978;0.011904761904761904101057723437;0.008843537414965987192294605279;0.015646258503401361955598147802;0.008163265306122449715964251027;0.002040816326530612428991062757;0.048299319727891157350008199955;0.039115646258503403154271893527;0.065646258503401361261708757411;0.037074829931972787255833878817;0.000680272108843537367910137004;0.001020408163265306214495531378;0.023469387755102041198673745726;0.007482993197278911372272158786;0.020068027210884353817021974464;0.005782312925170067681446273156;0.012244897959183672839222900564;0.012244897959183672839222900564;0.036054421768707482776061823415;0.011564625850340135362892546311;0.012585034013605441577388077690;0.000340136054421768683955068502;0.008503401360544218454129428153;0.003741496598639455686136079393;0.004421768707482993596147302640;0.000000000000000000000000000000;0.027210884353741495583767218136;0.007142857142857142634106981660;0.012244897959183672839222900564;0.058843537414965986498405214888;0.040476190476190478106932602032;0.025170068027210883154776155379;0.033673469387755103343629059509
-0.023055555555555554830826636703;0.013611111111111110286153724758;0.050277777777777775403134086218;0.106388888888888893946571556626;0.058055555555555554692048758625;0.019722222222222220849863205672;0.002222222222222222220294751693;0.014722222222222221613141535101;0.014999999999999999444888487687;0.019722222222222220849863205672;0.014722222222222221613141535101;0.013611111111111110286153724758;0.011944444444444445030395485219;0.038333333333333330372738601000;0.024444444444444445724284875610;0.020833333333333332176851016015;0.010000000000000000208166817117;0.018055555555555553859381490156;0.023055555555555554830826636703;0.006388888888888889262818171488;0.014444444444444443781394582516;0.011111111111111111535154627461;0.004444444444444444440589503387;0.029166666666666667129259593594;0.031111111111111110216764785719;0.030833333333333334119741309109;0.028055555555555555802271783250;0.026388888888888888811790067734;0.000555555555555555555073687923;0.037777777777777778178691647781;0.010000000000000000208166817117;0.015555555555555555108382392859;0.011111111111111111535154627461;0.009444444444444444544672911945;0.013611111111111110286153724758;0.029999999999999998889776975375;0.007222222222222221890697291258;0.006944444444444444058950338672;0.001111111111111111110147375847;0.014166666666666665949647629930;0.003888888888888888777095598215;0.011944444444444445030395485219;0.000000000000000000000000000000;0.013055555555555556357383295563;0.022222222222222223070309254922;0.006388888888888889262818171488;0.037499999999999998612221219219;0.027500000000000000138777878078;0.016944444444444446001840631766;0.023333333333333334397297065266
-0.019259259259259260688157411323;0.014444444444444443781394582516;0.039629629629629632703302632990;0.070740740740740742920067418709;0.050740740740740739034286832521;0.020000000000000000416333634234;0.005185185185185185036127464286;0.025925925925925925180637321432;0.011851851851851851263330850372;0.024444444444444445724284875610;0.012962962962962962590318660716;0.020740740740740740144509857146;0.005555555555555555767577313730;0.034444444444444444197728216750;0.034444444444444444197728216750;0.013703703703703704053218359604;0.014814814814814815380206169948;0.024074074074074074125473288177;0.042222222222222223486642889156;0.007407407407407407690103084974;0.025555555555555557051272685953;0.006666666666666667094565124074;0.005925925925925925631665425186;0.034444444444444444197728216750;0.021111111111111111743321444578;0.023703703703703702526661700745;0.030740740740740742087400150240;0.029999999999999998889776975375;0.000740740740740740703958178148;0.037037037037037034981068472916;0.022592592592592591199673890401;0.014814814814814815380206169948;0.009259259259259258745267118229;0.005925925925925925631665425186;0.008518518518518519017090895318;0.034814814814814812327092852229;0.007777777777777777554191196430;0.009629629629629630344078705662;0.001111111111111111110147375847;0.009259259259259258745267118229;0.010000000000000000208166817117;0.008518518518518519017090895318;0.000000000000000000000000000000;0.018518518518518517490534236458;0.031851851851851853414387960584;0.014814814814814815380206169948;0.035555555555555555524716027094;0.022962962962962962798485477833;0.015185185185185185244294281404;0.010370370370370370072254928573
-0.024213836477987422945989948175;0.013207547169811321291499339736;0.055660377358490567556437156327;0.143396226415094335537858682983;0.034591194968553458377602538576;0.020440251572327042955956599712;0.002515723270440251447405133334;0.026100628930817611206283146430;0.012893081761006289914783806694;0.022955974842767293969680864052;0.012264150943396227161352740609;0.010691823899371068543051599420;0.009119496855345911659473934208;0.042452830188679242795490864637;0.025786163522012579829567613388;0.020125786163522011579241066670;0.012264150943396227161352740609;0.022955974842767293969680864052;0.026100628930817611206283146430;0.006918238993710692022465202911;0.013836477987421384044930405821;0.009433962264150943036189467250;0.003144654088050314634517068413;0.035534591194968552507749137703;0.029245283018867924973438476854;0.034905660377358489754318071618;0.029874213836477987726869542939;0.011320754716981131296482665505;0.002201257861635220070689600291;0.026100628930817611206283146430;0.007547169811320754775896268995;0.013836477987421384044930405821;0.009119496855345911659473934208;0.009433962264150943036189467250;0.011949685534591195784637207566;0.031446540880503144610447208152;0.005974842767295597892318603783;0.006603773584905660645749669868;0.000314465408805031430925641667;0.007547169811320754775896268995;0.007232704402515723399180735953;0.004088050314465408764663667540;0.000000000000000000000000000000;0.012264150943396227161352740609;0.021069182389937105709387665797;0.008176100628930817529327335080;0.039308176100628929028335534213;0.027987421383647799466576344685;0.017924528301886791942232335373;0.017924528301886791942232335373
-0.026923076923076924571454071611;0.005769230769230769551025872488;0.051602564102564099646208717331;0.182692307692307681632470917066;0.025961538461538462979616426196;0.028205128205128205537421948179;0.003846153846153846367350581659;0.016346153846153847061239972049;0.007371794871794871625847456187;0.014743589743589743251694912374;0.017307692307692308653077617464;0.017948717948717947401338079771;0.009615384615384615918376454147;0.041346153846153844979571800877;0.018589743589743589619045494032;0.032051282051282048435325577884;0.011858974358974358476181976130;0.017948717948717947401338079771;0.009294871794871794809522747016;0.007051282051282051384355487045;0.013782051282051281659857266959;0.012500000000000000693889390391;0.003525641025641025692177743522;0.020512820512820512802720784862;0.045192307692307691346922382536;0.041987179487179483727832263185;0.022435897435897435986396075691;0.008974358974358973700669039886;0.000641025641025641025085024527;0.017628205128205128027207848618;0.012820512820512820068019621544;0.013782051282051281659857266959;0.006089743589743589792517841630;0.009294871794871794809522747016;0.014743589743589743251694912374;0.027243589743589743945584302764;0.007692307692307692734701163317;0.012820512820512820068019621544;0.000320512820512820512542512263;0.010897435897435896884344330715;0.006410256410256410034009810772;0.003525641025641025692177743522;0.000000000000000000000000000000;0.014743589743589743251694912374;0.011217948717948717993198037846;0.005128205128205128200680196215;0.035897435897435894802676159543;0.031089743589743590312934884423;0.015384615384615385469402326635;0.027243589743589743945584302764
-0.040070921985815605159686469960;0.003900709219858156020371842132;0.069503546099290783311097641217;0.047163120567375885205940733158;0.020921985815602835850901541903;0.033333333333333332870740406406;0.000709219858156028416622251864;0.011702127659574467627434657402;0.017021276595744681131572306754;0.019858156028368795231742183205;0.019148936170212765839337976104;0.028723404255319148759006964156;0.020212765957446809927944286756;0.047517730496453899902142836709;0.011347517730496454665956029828;0.026950354609929078747443398356;0.015248226950354609385285264977;0.022695035460992909331912059656;0.010992907801418439969753926277;0.008156028368794325869584049826;0.011347517730496454665956029828;0.014893617021276596423806637404;0.009929078014184397615871091602;0.023049645390070920558667211253;0.046808510638297870509738629607;0.039007092198581561071080159309;0.030141843971631204074368426404;0.004964539007092198807935545801;0.000000000000000000000000000000;0.030851063829787233466772633506;0.015248226950354609385285264977;0.011702127659574467627434657402;0.008156028368794325869584049826;0.012411347517730497019838864503;0.024468085106382979343475625456;0.034042553191489362263144613507;0.010283687943262410577349719176;0.010992907801418439969753926277;0.001063829787234042570723269172;0.015602836879432624081487368528;0.003546099290780141757850607576;0.003546099290780141757850607576;0.000000000000000000000000000000;0.008510638297872340565786153377;0.007092198581560283515701215151;0.008865248226950355261988256927;0.045390070921985818663824119312;0.038652482269503546374878055758;0.020567375886524821154699438353;0.033687943262411347566942509957
-0.030392156862745097617439782312;0.004575163398692810683143772366;0.099019607843137250058340725900;0.000000000000000000000000000000;0.023529411764705882026404992757;0.017973856209150325391465941038;0.000653594771241830020148955160;0.008496732026143790153516199837;0.022875816993464050813633647863;0.027124183006535948492476961746;0.011764705882352941013202496379;0.019934640522875815560333023768;0.014379084967320260660117448026;0.069607843137254904464228388861;0.001960784313725490168867082730;0.025490196078431372195272075487;0.026797385620915031151367813322;0.025163398692810458323609879017;0.003921568627450980337734165460;0.015686274509803921350936661838;0.005882352941176470506601248189;0.030065359477124183745777585841;0.008823529411764705759901872284;0.027450980392156862364139158217;0.040522875816993465802884344384;0.040196078431372551931222147914;0.018954248366013070475899482403;0.000000000000000000000000000000;0.000326797385620915010074477580;0.019281045751633987817008630827;0.019281045751633987817008630827;0.013398692810457515575683906661;0.004901960784313725422167706824;0.016339869281045752563708006733;0.028431372549019607448572699582;0.038888888888888889505679458125;0.011111111111111111535154627461;0.007516339869281045936444396460;0.002287581699346405341571886183;0.026143790849673203408043420382;0.001960784313725490168867082730;0.009477124183006535237949741202;0.000000000000000000000000000000;0.014705882352941176266503120473;0.001960784313725490168867082730;0.006535947712418300852010855095;0.066666666666666665741480812812;0.044444444444444446140618509844;0.022875816993464050813633647863;0.022222222222222223070309254922
-0.029385964912280702898694784153;0.002192982456140350755458001686;0.067543859649122808819221575050;0.000000000000000000000000000000;0.006578947368421052266374005058;0.017982456140350877582534394605;0.000877192982456140367235331023;0.014035087719298245875765296375;0.016666666666666666435370203203;0.043421052631578950509183556505;0.017543859649122806043664013487;0.016666666666666666435370203203;0.012719298245614034728601104973;0.071929824561403510330137578421;0.006140350877192982462227099916;0.023245614035087718701744208261;0.017543859649122806043664013487;0.020614035087719299876862777410;0.007894736842105263413538196460;0.014035087719298245875765296375;0.011842105263157895120307294690;0.019298245614035088729698586008;0.008771929824561403021832006743;0.052631578947368418130992040460;0.032456140350877189792999644169;0.046929824561403508942358797640;0.028508771929824559820954021916;0.000000000000000000000000000000;0.000877192982456140367235331023;0.037280701754385962842786028659;0.018421052631578945651957823770;0.018859649122807017190828204889;0.006140350877192982462227099916;0.008333333333333333217685101602;0.028508771929824559820954021916;0.043421052631578950509183556505;0.009649122807017544364849293004;0.004824561403508772182424646502;0.000438596491228070183617665512;0.018421052631578945651957823770;0.001315789473684210496642887911;0.005263157894736841986571551644;0.000000000000000000000000000000;0.030263157894736842506988594437;0.003508771929824561468941324094;0.010526315789473683973143103287;0.060526315789473685013977188873;0.036842105263157891303915647541;0.025438596491228069457202209946;0.023684210526315790240614589379
-0.023958333333333334952408577578;0.017708333333333332870740406406;0.039236111111111110494320541875;0.011458333333333332523795711211;0.003125000000000000173472347598;0.012152777777777777970524830664;0.003819444444444444319158860068;0.034375000000000002775557561563;0.011111111111111111535154627461;0.068055555555555549696045147812;0.013541666666666667129259593594;0.011458333333333332523795711211;0.004513888888888888464845372539;0.035416666666666665741480812812;0.016319444444444445446729119453;0.014930555555555556287994356524;0.021180555555555556634939051719;0.044791666666666667129259593594;0.015972222222222220988641083750;0.004513888888888888464845372539;0.017361111111111111882099322656;0.004861111111111111188209932266;0.006250000000000000346944695195;0.084375000000000005551115123126;0.019791666666666665741480812812;0.060069444444444446140618509844;0.032986111111111111882099322656;0.006250000000000000346944695195;0.002430555555555555594104966133;0.011111111111111111535154627461;0.009374999999999999653055304805;0.032638888888888890893458238907;0.011111111111111111535154627461;0.003819444444444444319158860068;0.006250000000000000346944695195;0.058680555555555555247160270937;0.012847222222222221682530474141;0.006944444444444444058950338672;0.000694444444444444470947164216;0.002430555555555555594104966133;0.010416666666666666088425508008;0.011111111111111111535154627461;0.000000000000000000000000000000;0.045833333333333330095182844843;0.007986111111111110494320541875;0.036111111111111107718762980312;0.037152777777777777623580135469;0.019097222222222223764198645313;0.019444444444444444752839729063;0.014930555555555556287994356524
-0.016666666666666666435370203203;0.043495934959349592807686946117;0.037804878048780486687885371566;0.024390243902439025236450476086;0.022357723577235772555171777753;0.013821138211382113375469415928;0.005691056910569106119801574550;0.042682926829268295898511809128;0.008536585365853659179702361826;0.035365853658536582082572152785;0.010975609756097560315568628653;0.019512195121951219495270990478;0.006504065040650406498423663493;0.032926829268292684416152837912;0.045121951219512193564931124001;0.013414634146341463186158371457;0.014634146341463415488814980847;0.057317073170731709652603313998;0.022764227642276424479206298201;0.008536585365853659179702361826;0.014634146341463415488814980847;0.006504065040650406498423663493;0.009756097560975609747635495239;0.048373983739837395079419479771;0.017479674796747966813992292145;0.032926829268292684416152837912;0.033739837398373981325327974901;0.032520325203252035961565269417;0.002439024390243902436908873810;0.017886178861788618738026812593;0.017886178861788618738026812593;0.022764227642276424479206298201;0.007723577235772357933718534895;0.006097560975609756309112619022;0.006097560975609756309112619022;0.051626016260162603532801739448;0.010569105691056910126257584182;0.007317073170731707744407490424;0.000406504065040650406151478968;0.005284552845528455063128792091;0.013008130081300812996847326986;0.012601626016260162807536282514;0.000000000000000000000000000000;0.033333333333333332870740406406;0.017886178861788618738026812593;0.018292682926829267192614381088;0.030487804878048779810839619131;0.016666666666666666435370203203;0.012601626016260162807536282514;0.010569105691056910126257584182
-0.033333333333333332870740406406;0.007446808510638298211903318702;0.042907801418439715790409394458;0.008156028368794325869584049826;0.008865248226950355261988256927;0.027659574468085104670400653504;0.002127659574468085141446538344;0.020921985815602835850901541903;0.016666666666666666435370203203;0.037943262411347516982473848657;0.015957446808510637042965996102;0.048581560283687943990749147360;0.008156028368794325869584049826;0.038297872340425531678675952207;0.015957446808510637042965996102;0.023758865248226949951071418354;0.014893617021276596423806637404;0.024113475177304964647273521905;0.017375886524822695827774410304;0.007446808510638298211903318702;0.013120567375886524677519595627;0.008865248226950355261988256927;0.006382978723404254990658746038;0.055319148936170209340801307007;0.036879432624113472893867538005;0.037234042553191487590069641556;0.025531914893617019962634984154;0.012765957446808509981317492077;0.001418439716312056833244503729;0.030496453900709218770570529955;0.030851063829787233466772633506;0.026950354609929078747443398356;0.009574468085106382919668988052;0.007092198581560283515701215151;0.008510638297872340565786153377;0.057446808510638297518013928311;0.012056737588652482323636760952;0.007801418439716312040743684264;0.005673758865248227332978014914;0.005673758865248227332978014914;0.003546099290780141757850607576;0.010992907801418439969753926277;0.000000000000000000000000000000;0.029078014184397163455209067706;0.012765957446808509981317492077;0.015602836879432624081487368528;0.046808510638297870509738629607;0.028723404255319148759006964156;0.013120567375886524677519595627;0.019148936170212765839337976104
-0.029084967320261438661344044476;0.005882352941176470506601248189;0.043137254901960783715075820055;0.143137254901960775388403135366;0.010130718954248366450721086096;0.022549019607843136941971451392;0.001307189542483660040297910321;0.013725490196078431182069579108;0.011437908496732025406816823931;0.041176470588235293546208737325;0.016013071895424835222598858309;0.028104575163398693576910503111;0.009477124183006535237949741202;0.047385620915032677924472181985;0.007843137254901960675468330919;0.023529411764705882026404992757;0.014379084967320260660117448026;0.019607843137254901688670827298;0.009150326797385621366287544731;0.005228758169934640161191641283;0.015032679738562091872888792921;0.009803921568627450844335413649;0.004575163398692810683143772366;0.043137254901960783715075820055;0.029411764705882352533006240947;0.038888888888888889505679458125;0.028758169934640521320234896052;0.002287581699346405341571886183;0.000326797385620915010074477580;0.030392156862745097617439782312;0.015359477124183005744550989391;0.017320261437908497648141548098;0.005228758169934640161191641283;0.006862745098039215591034789554;0.013071895424836601704021710191;0.043464052287581697586738016525;0.009150326797385621366287544731;0.008496732026143790153516199837;0.000980392156862745084433541365;0.009150326797385621366287544731;0.003267973856209150426005427548;0.001960784313725490168867082730;0.000000000000000000000000000000;0.024183006535947713239176337652;0.004901960784313725422167706824;0.014705882352941176266503120473;0.048692810457516340350014871774;0.032352941176470591255753816995;0.019607843137254901688670827298;0.016339869281045752563708006733
-0.025000000000000001387778780781;0.015384615384615385469402326635;0.037179487179487179238090988065;0.232051282051282059537555824136;0.012500000000000000693889390391;0.008974358974358973700669039886;0.004166666666666666608842550801;0.024358974358974359170071366520;0.006730769230769231142863517903;0.026602564102564101727876888503;0.013782051282051281659857266959;0.009935897435897435292506685300;0.010256410256410256401360392431;0.039743589743589741170026741202;0.027564102564102563319714533918;0.017948717948717947401338079771;0.013461538461538462285727035805;0.024038461538461539795941135367;0.013782051282051281659857266959;0.006730769230769231142863517903;0.016346153846153847061239972049;0.006730769230769231142863517903;0.004166666666666666608842550801;0.036858974358974359863960756911;0.024679487179487178544201597674;0.038141025641025644299375585433;0.028846153846153847755129362440;0.010576923076923077510214099561;0.000641025641025641025085024527;0.009615384615384615918376454147;0.008333333333333333217685101602;0.008333333333333333217685101602;0.008333333333333333217685101602;0.007692307692307692734701163317;0.012500000000000000693889390391;0.027243589743589743945584302764;0.009935897435897435292506685300;0.008333333333333333217685101602;0.000000000000000000000000000000;0.009615384615384615918376454147;0.007371794871794871625847456187;0.003205128205128205017004905386;0.000000000000000000000000000000;0.019230769230769231836752908293;0.010576923076923077510214099561;0.007692307692307692734701163317;0.040705128205128206231311338570;0.029166666666666667129259593594;0.022435897435897435986396075691;0.012500000000000000693889390391
-0.030817610062893081857016142067;0.010062893081761005789620533335;0.060691823899371069583885685006;0.036477987421383646637895736831;0.005031446540880502894810266667;0.013836477987421384044930405821;0.002830188679245282824120666376;0.030817610062893081857016142067;0.009119496855345911659473934208;0.044025157232704399679068529849;0.022012578616352199839534264925;0.011006289308176099919767132462;0.012578616352201258538068273651;0.044025157232704399679068529849;0.015094339622641509551792537991;0.023899371069182391569274415133;0.016981132075471697812085736246;0.031761006289308175987162741194;0.016981132075471697812085736246;0.008805031446540880282758401165;0.019182389937106917449094467543;0.010691823899371068543051599420;0.010691823899371068543051599420;0.047484276729559751761833297223;0.032075471698113207363878274236;0.050628930817610065528988627648;0.026415094339622642582998679472;0.016666666666666666435370203203;0.001257861635220125723702566667;0.008805031446540880282758401165;0.008490566037735848906042868123;0.019182389937106917449094467543;0.012264150943396227161352740609;0.006289308176100629269034136826;0.013522012578616352668214872779;0.042138364779874211418775331595;0.016352201257861635058654670161;0.008490566037735848906042868123;0.001572327044025157317258534206;0.012578616352201258538068273651;0.011635220125786162673198198547;0.005345911949685534271525799710;0.000000000000000000000000000000;0.028930817610062893596722943812;0.007232704402515723399180735953;0.015723270440251572305223604076;0.043081761006289305548921930722;0.031446540880503144610447208152;0.024528301886792454322705481218;0.020440251572327042955956599712
-0.026111111111111112714766591125;0.016666666666666666435370203203;0.055833333333333332038073137937;0.005555555555555555767577313730;0.022777777777777778733803160094;0.021666666666666667406815349750;0.003611111111111110945348645629;0.025000000000000001387778780781;0.030555555555555554553270880547;0.021388888888888887840344921187;0.020833333333333332176851016015;0.006111111111111111431071218902;0.021666666666666667406815349750;0.044444444444444446140618509844;0.013611111111111110286153724758;0.025000000000000001387778780781;0.014999999999999999444888487687;0.031111111111111110216764785719;0.022777777777777778733803160094;0.009722222222222222376419864531;0.019444444444444444752839729063;0.021111111111111111743321444578;0.013055555555555556357383295563;0.021388888888888887840344921187;0.031944444444444441977282167500;0.040277777777777780399137697032;0.038055555555555557745162076344;0.023611111111111110494320541875;0.000277777777777777777536843962;0.018055555555555553859381490156;0.011388888888888889366901580047;0.011111111111111111535154627461;0.016944444444444446001840631766;0.010833333333333333703407674875;0.022777777777777778733803160094;0.031111111111111110216764785719;0.010277777777777778039913769703;0.008611111111111111049432054187;0.004166666666666666608842550801;0.016666666666666666435370203203;0.008611111111111111049432054187;0.017222222222222222098864108375;0.000000000000000000000000000000;0.013888888888888888117900677344;0.011944444444444445030395485219;0.010555555555555555871660722289;0.042500000000000003053113317719;0.029722222222222222792753498766;0.032222222222222221543752596062;0.022777777777777778733803160094
-0.033333333333333332870740406406;0.004310344827586206836733673242;0.056896551724137933714331438750;0.001724137931034482734693469297;0.021839080459770114639450611094;0.013505747126436781421765509492;0.002873563218390804557822448828;0.018965517241379310081628162266;0.006896551724137930938773877187;0.054310344827586204408120806875;0.015517241379310344612241223672;0.007758620689655172306120611836;0.014942528735632183700676733906;0.052298850574712646421815520625;0.005747126436781609115644897656;0.027873563218390805945601229610;0.016666666666666666435370203203;0.018965517241379310081628162266;0.014367816091954022789112244141;0.007471264367816091850338366953;0.018390804597701149170063672500;0.012068965517241379142854285078;0.006896551724137930938773877187;0.065229885057471265197293064375;0.037643678160919541442197555625;0.058908045977011491700636725000;0.023563218390804597374144080391;0.004597701149425287292515918125;0.001149425287356321823128979531;0.012931034482758620510201019727;0.016091954022988505523805713437;0.020977011494252875006827352422;0.007183908045977011394556122070;0.014942528735632183700676733906;0.019827586206896553183698372891;0.040804597701149428190525725313;0.009482758620689655040814081133;0.011206896551724137775507550430;0.002873563218390804557822448828;0.012356321839080459598636529961;0.005747126436781609115644897656;0.002011494252873563190475714180;0.000000000000000000000000000000;0.030172413793103449591859188672;0.006321839080459770027209387422;0.018390804597701149170063672500;0.056321839080459769333319997031;0.042816091954022986176831011562;0.023275862068965518653085311485;0.021551724137931035918391842188
-0.039035087719298248998267553134;0.004385964912280701510916003372;0.055263157894736840425320423265;0.000000000000000000000000000000;0.026754385964912280604366401349;0.010964912280701753777290008429;0.001754385964912280734470662047;0.012719298245614034728601104973;0.017105263157894737974240584322;0.050877192982456138914404419893;0.015789473684210526827076392919;0.003947368421052631706769098230;0.013596491228070176071618391234;0.062719298245614035769435190559;0.005263157894736841986571551644;0.030701754385964910576412023602;0.014912280701754385484059106659;0.019736842105263156799122015173;0.008333333333333333217685101602;0.006140350877192982462227099916;0.011403508771929825316160389548;0.017543859649122806043664013487;0.007456140350877192742029553330;0.070175438596491224174656053947;0.033771929824561404409610787525;0.068421052631578951896962337287;0.024122807017543858310038018544;0.002192982456140350755458001686;0.002631578947368420993285775822;0.001754385964912280734470662047;0.005263157894736841986571551644;0.025877192982456140996072591065;0.003947368421052631706769098230;0.007017543859649122937882648188;0.014912280701754385484059106659;0.054824561403508768886450042146;0.009649122807017544364849293004;0.009649122807017544364849293004;0.002192982456140350755458001686;0.011403508771929825316160389548;0.004824561403508772182424646502;0.012719298245614034728601104973;0.000000000000000000000000000000;0.028508771929824559820954021916;0.003070175438596491231113549958;0.021929824561403507554580016858;0.068421052631578951896962337287;0.037719298245614034381656409778;0.018421052631578945651957823770;0.020175438596491228337992396291
-0.023275862068965518653085311485;0.031609195402298853605493889063;0.037068965517241377061186113906;0.139367816091954033197453100001;0.030172413793103449591859188672;0.022126436781609196829956331953;0.004310344827586206836733673242;0.025287356321839080108837549687;0.016954022988505748625875924063;0.012931034482758620510201019727;0.011494252873563218231289795312;0.019827586206896553183698372891;0.011494252873563218231289795312;0.028160919540229884666659998516;0.047413793103448273469346929687;0.016091954022988505523805713437;0.012068965517241379142854285078;0.043390804597701150557842453281;0.021839080459770114639450611094;0.008333333333333333217685101602;0.013793103448275861877547754375;0.012356321839080459598636529961;0.008045977011494252761902856719;0.014942528735632183700676733906;0.028160919540229884666659998516;0.022701149425287357741520821719;0.025574712643678162299343270547;0.034770114942528733414928154843;0.000574712643678160911564489766;0.026436781609195401931966529219;0.014080459770114942333329999258;0.008620689655172413673467346484;0.009482758620689655040814081133;0.006609195402298850482991632305;0.014080459770114942333329999258;0.021839080459770114639450611094;0.012068965517241379142854285078;0.008045977011494252761902856719;0.001436781609195402278911224414;0.011781609195402298687072040195;0.010344827586206896408160815781;0.016379310344827587714311434297;0.000000000000000000000000000000;0.010344827586206896408160815781;0.024712643678160919197273059922;0.010344827586206896408160815781;0.022413793103448275551015100859;0.015229885057471264156458978789;0.019827586206896553183698372891;0.011781609195402298687072040195
-0.025000000000000001387778780781;0.028030303030303030387138107926;0.030303030303030303871381079261;0.077651515151515151935690539631;0.024621212121212120160773650923;0.024621212121212120160773650923;0.004166666666666666608842550801;0.037878787878787879839226349077;0.005681818181818181975883952362;0.015530303030303029693248717535;0.017045454545454544192928381108;0.021969696969696968918972501683;0.012500000000000000693889390391;0.030303030303030303871381079261;0.049242424242424240321547301846;0.025378787878787879145336958686;0.013636363636363635701287400082;0.039393939393939390869459060696;0.029166666666666667129259593594;0.006439393939393939225723784148;0.021590909090909091161414323778;0.005303030303030303350964036468;0.009848484848484847717364765174;0.023106060606060605661093987351;0.029545454545454544886817771498;0.026515151515151515887458444354;0.039772727272727272096464190554;0.030681818181818181628939257166;0.000378787878787878787550241766;0.022727272727272727903535809446;0.016666666666666666435370203203;0.013257575757575757943729222177;0.015530303030303029693248717535;0.004166666666666666608842550801;0.010606060606060606701928072937;0.026136363636363634660453314495;0.010227272727272727209646419055;0.006439393939393939225723784148;0.000378787878787878787550241766;0.007196969696969697342925353922;0.010984848484848484459486250842;0.003787878787878787983922634908;0.000000000000000000000000000000;0.010984848484848484459486250842;0.030681818181818181628939257166;0.011363636363636363951767904723;0.026136363636363634660453314495;0.020833333333333332176851016015;0.030681818181818181628939257166;0.015909090909090907450806895440
-0.025454545454545455390737984658;0.029999999999999998889776975375;0.050000000000000002775557561563;0.019696969696969695434729530348;0.033939393939393942833948614179;0.023939393939393940891058321085;0.005151515151515151727523722514;0.032424242424242424864821998653;0.018484848484848485916653970662;0.020000000000000000416333634234;0.018484848484848485916653970662;0.011212121212121211460965852780;0.018181818181818180935049866775;0.038787878787878787845144756830;0.029999999999999998889776975375;0.018181818181818180935049866775;0.013333333333333334189130248149;0.033333333333333332870740406406;0.022727272727272727903535809446;0.005151515151515151727523722514;0.020000000000000000416333634234;0.016666666666666666435370203203;0.008484848484848485708487153545;0.030909090909090910365142335081;0.024848484848484848896976728838;0.032121212121212119883217894767;0.033939393939393942833948614179;0.045757575757575760788675722779;0.000909090909090909090120580238;0.022121212121212121409774553626;0.014545454545454545441929283811;0.012424242424242424448488364419;0.014848484848484848688809911721;0.009090909090909090467524933388;0.014545454545454545441929283811;0.034545454545454545858262918046;0.007878787878787879214725897725;0.009696969696969696961286189207;0.003030303030303030300401934127;0.013333333333333334189130248149;0.009090909090909090467524933388;0.023939393939393940891058321085;0.000000000000000000000000000000;0.012424242424242424448488364419;0.016969696969696971416974307090;0.013333333333333334189130248149;0.032424242424242424864821998653;0.019696969696969695434729530348;0.019090909090909092410415226482;0.014848484848484848688809911721
-0.025850340136054420631106509632;0.028231292517006803532986225491;0.031632653061224487445191044799;0.055782312925170066120195144777;0.070408163265306120126574285223;0.016666666666666666435370203203;0.002721088435374149471640548015;0.024149659863945578675004099978;0.031292517006802723911196295603;0.017346938775510203911700557455;0.015306122448979591482709494699;0.021768707482993195773124384118;0.009183673469387755930459782405;0.023129251700680270725785092623;0.026530612244897958107436863884;0.014965986394557822744544317572;0.010884353741496597886562192059;0.033333333333333332870740406406;0.027551020408163266056655871239;0.007482993197278911372272158786;0.017006802721088436908258856306;0.010884353741496597886562192059;0.008503401360544218454129428153;0.022789115646258503722343391473;0.026530612244897958107436863884;0.019727891156462583344133321361;0.024149659863945578675004099978;0.051360544217687077728218270067;0.000340136054421768683955068502;0.047619047619047616404230893750;0.015986394557823128959039848951;0.011564625850340135362892546311;0.009863945578231291672066660681;0.007482993197278911372272158786;0.012925170068027210315553254816;0.022789115646258503722343391473;0.011224489795918366624727369185;0.012244897959183672839222900564;0.004761904761904762334312479766;0.008163265306122449715964251027;0.007823129251700680977799073901;0.045578231292517007444686782947;0.000000000000000000000000000000;0.016326530612244899431928502054;0.024489795918367345678445801127;0.008503401360544218454129428153;0.019387755102040816340691620212;0.017687074829931974384589210558;0.010544217687074829148397014933;0.009523809523809524668624959531
-0.015602836879432624081487368528;0.022695035460992909331912059656;0.034042553191489362263144613507;0.164539007092198569237595506820;0.073758865248226945787735076010;0.011702127659574467627434657402;0.001773049645390070878925303788;0.023758865248226949951071418354;0.007092198581560283515701215151;0.015957446808510637042965996102;0.014893617021276596423806637404;0.014184397163120567031402430302;0.006382978723404254990658746038;0.032978723404255318174538302856;0.049290780141843973383153354462;0.011702127659574467627434657402;0.010992907801418439969753926277;0.017375886524822695827774410304;0.023404255319148935254869314804;0.005673758865248227332978014914;0.012411347517730497019838864503;0.008865248226950355261988256927;0.007801418439716312040743684264;0.024113475177304964647273521905;0.020567375886524821154699438353;0.022340425531914894635709956106;0.028723404255319148759006964156;0.026241134751773049355039191255;0.000709219858156028416622251864;0.020212765957446809927944286756;0.010638297872340425273551822727;0.010283687943262410577349719176;0.010283687943262410577349719176;0.012411347517730497019838864503;0.024822695035460994039677729006;0.017730496453900710523976513855;0.004609929078014184111733442251;0.005319148936170212636775911363;0.001773049645390070878925303788;0.013120567375886524677519595627;0.005673758865248227332978014914;0.002482269503546099403967772901;0.000000000000000000000000000000;0.017375886524822695827774410304;0.029787234042553192847613274807;0.010992907801418439969753926277;0.028368794326241134062804860605;0.026950354609929078747443398356;0.021631205673758865243305749004;0.015957446808510637042965996102
-0.030999999999999999777955395075;0.010666666666666666310470112933;0.047000000000000000111022302463;0.012333333333333333300951828448;0.016333333333333331649495079319;0.021666666666666667406815349750;0.004666666666666667052931760651;0.029666666666666667573348803444;0.007000000000000000145716771982;0.035999999999999997279953589668;0.017666666666666667323548622903;0.019333333333333334314030338419;0.012999999999999999403255124264;0.044666666666666667018237291131;0.017666666666666667323548622903;0.022999999999999999611421941381;0.014666666666666666393736839780;0.025333333333333332704206952712;0.017000000000000001221245327088;0.008000000000000000166533453694;0.020666666666666666518636930050;0.007333333333333333196868419890;0.012666666666666666352103476356;0.042999999999999996558308623662;0.035999999999999997279953589668;0.040333333333333332149095440400;0.029999999999999998889776975375;0.012333333333333333300951828448;0.001666666666666666773641281019;0.029333333333333332787473679559;0.018999999999999999528155214534;0.016333333333333331649495079319;0.014666666666666666393736839780;0.011666666666666667198648532633;0.018333333333333333425851918719;0.038999999999999999944488848769;0.019333333333333334314030338419;0.010000000000000000208166817117;0.000333333333333333322202191029;0.007333333333333333196868419890;0.008999999999999999319988397417;0.006333333333333333176051738178;0.000000000000000000000000000000;0.017000000000000001221245327088;0.013666666666666667240281896056;0.014000000000000000291433543964;0.052999999999999998501198916756;0.028333333333333331899295259859;0.030666666666666664992080271190;0.021999999999999998723243521681
-0.043589743589743587537377322860;0.001282051282051282050170049054;0.035897435897435894802676159543;0.093589743589743590312934884423;0.028632478632478631369595589717;0.028205128205128205537421948179;0.000427350427350427350056683018;0.020085470085470086970547143324;0.005555555555555555767577313730;0.034615384615384617306155234928;0.016666666666666666435370203203;0.026923076923076924571454071611;0.011111111111111111535154627461;0.044871794871794871972792151382;0.008974358974358973700669039886;0.028205128205128205537421948179;0.006410256410256410034009810772;0.016666666666666666435370203203;0.016239316239316240603196561665;0.004273504273504273934247699174;0.015384615384615385469402326635;0.004700854700854700633783078700;0.008974358974358973700669039886;0.040170940170940173941094286647;0.047008547008547008072554262981;0.061965811965811967709782948077;0.032478632478632481206393123330;0.008119658119658120301598280832;0.000000000000000000000000000000;0.014957264957264957902505209120;0.020940170940170938634894426400;0.012820512820512820068019621544;0.007692307692307692734701163317;0.005128205128205128200680196215;0.011965811965811966668948862491;0.024786324786324785002245008059;0.010256410256410256401360392431;0.008974358974358973700669039886;0.000427350427350427350056683018;0.005982905982905983334474431246;0.004273504273504273934247699174;0.002564102564102564100340098108;0.000000000000000000000000000000;0.029487179487179486503389824748;0.002564102564102564100340098108;0.017521367521367521569164438233;0.049572649572649570004490016117;0.038034188034188030902438271141;0.021367521367521367936515019892;0.019658119658119657668926549832
-0.030180180180180180699034409031;0.002252252252252252232717077973;0.037387387387387387149839668155;0.206306306306306308506748337095;0.013513513513513514263664205828;0.008108108108108108558198523497;0.003603603603603603659083498556;0.022972972972972974248229149907;0.003603603603603603659083498556;0.041441441441441441428938929903;0.012612612612612612156270941455;0.009009009009009008930868311893;0.004504504504504504465434155946;0.048648648648648651349191140980;0.019819819819819818607076200578;0.016216216216216217116397046993;0.007207207207207207318166997112;0.010360360360360360357234732476;0.009009009009009008930868311893;0.004954954954954954651769050145;0.009909909909909909303538100289;0.004054054054054054279099261748;0.002702702702702702852732841166;0.053603603603603604266236715148;0.023873873873873872886175462327;0.051351351351351354201923982146;0.022522522522522521459809041744;0.024774774774774774993568726700;0.000000000000000000000000000000;0.008108108108108108558198523497;0.003153153153153153039067735364;0.020720720720720720714469464951;0.003603603603603603659083498556;0.007207207207207207318166997112;0.008558558558558557877171679706;0.030630630630630630018007565241;0.011261261261261260729904520872;0.004504504504504504465434155946;0.000450450450450450457385437320;0.002702702702702702852732841166;0.006756756756756757131832102914;0.000000000000000000000000000000;0.000000000000000000000000000000;0.031081081081081082806427673404;0.009459459459459459984564944079;0.015765765765765764327976938830;0.051351351351351354201923982146;0.041441441441441441428938929903;0.013063063063063063209967573641;0.025675675675675677100961991073
-0.037499999999999998612221219219;0.005555555555555555767577313730;0.058796296296296297889671933490;0.005092592592592593003786305417;0.009259259259259258745267118229;0.014351851851851851749053423646;0.000462962962962962980631442811;0.018981481481481481121686982760;0.025462962962962961549484575130;0.036574074074074071349915726614;0.018981481481481481121686982760;0.014814814814814815380206169948;0.009259259259259258745267118229;0.052314814814814813992427389167;0.013425925925925926221471407018;0.024074074074074074125473288177;0.018518518518518517490534236458;0.029629629629629630760412339896;0.009722222222222222376419864531;0.014814814814814815380206169948;0.013888888888888888117900677344;0.013425925925925926221471407018;0.011574074074074073431583897786;0.048148148148148148250946576354;0.034722222222222223764198645313;0.044444444444444446140618509844;0.029166666666666667129259593594;0.015277777777777777276635440273;0.000925925925925925961262885622;0.018518518518518517490534236458;0.013888888888888888117900677344;0.022222222222222223070309254922;0.007870370370370369586532355299;0.009259259259259258745267118229;0.018055555555555553859381490156;0.045370370370370373402924002448;0.015740740740740739173064710599;0.011574074074074073431583897786;0.001851851851851851922525771243;0.019444444444444444752839729063;0.007407407407407407690103084974;0.010185185185185186007572610833;0.000000000000000000000000000000;0.017129629629629630066522949505;0.006481481481481481295159330358;0.017129629629629630066522949505;0.052777777777777777623580135469;0.036111111111111107718762980312;0.021759259259259259439156508620;0.018055555555555553859381490156
-0.032333333333333331982561986706;0.013666666666666667240281896056;0.053333333333333336756520992594;0.160333333333333327708203341899;0.001333333333333333288808764117;0.016666666666666666435370203203;0.003333333333333333547282562037;0.019333333333333334314030338419;0.025000000000000001387778780781;0.025333333333333332704206952712;0.012000000000000000249800180541;0.008999999999999999319988397417;0.010000000000000000208166817117;0.033000000000000001554312234475;0.017000000000000001221245327088;0.018333333333333333425851918719;0.014333333333333333342585191872;0.021999999999999998723243521681;0.008000000000000000166533453694;0.006666666666666667094565124074;0.014333333333333333342585191872;0.014666666666666666393736839780;0.005333333333333333155235056466;0.035999999999999997279953589668;0.028000000000000000582867087928;0.037333333333333336423454085207;0.027333333333333334480563792113;0.011333333333333334147496884725;0.002666666666666666577617528233;0.008000000000000000166533453694;0.008333333333333333217685101602;0.019666666666666665630458510350;0.006666666666666667094565124074;0.012333333333333333300951828448;0.014666666666666666393736839780;0.042000000000000002609024107869;0.010666666666666666310470112933;0.005666666666666667073748442363;0.001333333333333333288808764117;0.010666666666666666310470112933;0.005333333333333333155235056466;0.024000000000000000499600361081;0.000000000000000000000000000000;0.016666666666666666435370203203;0.012999999999999999403255124264;0.013666666666666667240281896056;0.043666666666666666130058871431;0.031333333333333331094383567006;0.014333333333333333342585191872;0.020000000000000000416333634234
-0.020056497175141241307017025974;0.014406779661016949276031162697;0.075423728813559326455973064185;0.202542372881355930980262769481;0.005932203389830508627467153815;0.017231638418079096158885832324;0.003107344632768361744612484188;0.019209039548022600191190534247;0.016384180790960451573612388643;0.017514124293785311020643646884;0.013841807909604519552515533576;0.013276836158192089828999904455;0.008192090395480225786806194321;0.037005649717514126073591995691;0.013276836158192089828999904455;0.024576271186440679095142058941;0.014406779661016949276031162697;0.027966101694915253966788881712;0.016384180790960451573612388643;0.005367231638418078903951524694;0.009887005649717514957353081684;0.023446327683615819648110800699;0.006214689265536723489224968375;0.023163841807909604786352986139;0.026271186440677964796241994350;0.029943502824858757999093583635;0.028248587570621468828546696272;0.003389830508474576172689429754;0.000282485875706214699127488688;0.012994350282485874967242089895;0.019491525423728815052948348807;0.013559322033898304690757719015;0.006497175141242937483621044947;0.013841807909604519552515533576;0.014689265536723164137788977257;0.026836158192090394519757623470;0.007627118644067796930652303189;0.004802259887005650047797633562;0.001694915254237288086344714877;0.018644067796610170467674905126;0.005084745762711864042193710134;0.004802259887005650047797633562;0.000000000000000000000000000000;0.012994350282485874967242089895;0.010169491525423728084387420267;0.011016949152542372669660863949;0.038418079096045200382381068493;0.025423728813559323680415502622;0.014124293785310734414273348136;0.020338983050847456168774840535
-0.025000000000000001387778780781;0.009523809523809524668624959531;0.062202380952380953438307642500;0.171726190476190476719153821250;0.028273809523809523974735569141;0.033928571428571425994125121406;0.001488095238095238012632215430;0.012500000000000000693889390391;0.020535714285714285615158658516;0.017559523809523809589894227656;0.010416666666666666088425508008;0.027678571428571427381903902187;0.014880952380952380126322154297;0.032142857142857139685077072500;0.014583333333333333564629796797;0.024107142857142858233254756328;0.017857142857142856151586585156;0.026785714285714284227379877734;0.015476190476190476719153821250;0.006547619047619047775998790684;0.008630952380952381514100935078;0.018452380952380952744418252109;0.006250000000000000346944695195;0.019940476190476189022326991562;0.031250000000000000000000000000;0.025000000000000001387778780781;0.021726190476190475331375040469;0.006845238095238095205052886172;0.001785714285714285658526745415;0.028273809523809523974735569141;0.023809523809523808202115446875;0.013095238095238095551997581367;0.005952380952380952050528861719;0.008630952380952381514100935078;0.017261904761904763028201870156;0.025595238095238094511163495781;0.007142857142857142634106981660;0.007440476190476190063161077148;0.002083333333333333304421275400;0.019642857142857142460634634062;0.004761904761904762334312479766;0.010714285714285714384841341484;0.000000000000000000000000000000;0.005059523809523809763366575254;0.007738095238095238359576910625;0.007738095238095238359576910625;0.033928571428571425994125121406;0.023809523809523808202115446875;0.018749999999999999306110609609;0.015476190476190476719153821250
-0.020740740740740740144509857146;0.007777777777777777554191196430;0.041111111111111112159655078813;0.181111111111111111604543566500;0.012222222222222222862142437805;0.016296296296296294836558615771;0.006296296296296296363115274630;0.019259259259259260688157411323;0.006666666666666667094565124074;0.038148148148148146308056283260;0.008148148148148147418279307885;0.021481481481481479872686080057;0.014444444444444443781394582516;0.031481481481481478346129421197;0.014444444444444443781394582516;0.013333333333333334189130248149;0.019259259259259260688157411323;0.023703703703703702526661700745;0.017407407407407406163546426114;0.006296296296296296363115274630;0.015185185185185185244294281404;0.006666666666666667094565124074;0.007037037037037036958653235530;0.047777777777777780121581940875;0.021851851851851851471497667490;0.034074074074074076068363581271;0.022962962962962962798485477833;0.007407407407407407690103084974;0.001481481481481481407916356297;0.023703703703703702526661700745;0.011851851851851851263330850372;0.021111111111111111743321444578;0.006296296296296296363115274630;0.009259259259259258745267118229;0.017037037037037038034181790636;0.041481481481481480289019714291;0.010370370370370370072254928573;0.007777777777777777554191196430;0.001481481481481481407916356297;0.013333333333333334189130248149;0.006666666666666667094565124074;0.008148148148148147418279307885;0.000000000000000000000000000000;0.020000000000000000416333634234;0.011481481481481481399242738917;0.012962962962962962590318660716;0.038518518518518521376314822646;0.022222222222222223070309254922;0.020000000000000000416333634234;0.012222222222222222862142437805
-0.029844961240310077105197805736;0.013565891472868216865999002607;0.065503875968992250622413564543;0.000775193798449612392342800149;0.001550387596899224784685600298;0.011627906976744185885142002235;0.002713178294573643373199800521;0.024418604651162790358798204693;0.015891472868217054043027403054;0.048837209302325580717596409386;0.013953488372093023062170402682;0.018604651162790697416227203576;0.012790697674418604473656202458;0.058139534883720929425710011174;0.008914728682170542511942201713;0.017829457364341085023884403427;0.013565891472868216865999002607;0.033720930232558142536358758434;0.006976744186046511531085201341;0.006201550387596899138742401192;0.017054263565891472631541603278;0.011240310077519379688970602160;0.012403100775193798277484802384;0.064341085271317835503346316273;0.029844961240310077105197805736;0.042248062015503878852129560073;0.031007751937984495693712005959;0.009302325581395348708113601788;0.000387596899224806196171400074;0.009689922480620154904285001862;0.028294573643410852320512205438;0.025581395348837208947312404916;0.006976744186046511531085201341;0.013565891472868216865999002607;0.020542635658914728397084203948;0.051550387596899227560243161861;0.015503875968992247846856002980;0.010852713178294573492799202086;0.001937984496124030980857000372;0.013953488372093023062170402682;0.006201550387596899138742401192;0.011240310077519379688970602160;0.000000000000000000000000000000;0.025968992248062015143483804991;0.001550387596899224784685600298;0.017441860465116278827713003352;0.040310077519379844401825607747;0.033333333333333332870740406406;0.025193798449612402751141004842;0.017054263565891472631541603278
-0.020567375886524821154699438353;0.020567375886524821154699438353;0.047517730496453899902142836709;0.049290780141843973383153354462;0.045390070921985818663824119312;0.021985815602836879939507852555;0.002127659574468085141446538344;0.017021276595744681131572306754;0.016666666666666666435370203203;0.024113475177304964647273521905;0.015957446808510637042965996102;0.025886524822695034658837087704;0.008510638297872340565786153377;0.033333333333333332870740406406;0.023758865248226949951071418354;0.017375886524822695827774410304;0.019858156028368795231742183205;0.027304964539007093443645501907;0.020567375886524821154699438353;0.012056737588652482323636760952;0.008865248226950355261988256927;0.010992907801418439969753926277;0.006737588652482269686860849589;0.029432624113475178151411171257;0.028368794326241134062804860605;0.023404255319148935254869314804;0.023404255319148935254869314804;0.058865248226950356302822342514;0.000709219858156028416622251864;0.047517730496453899902142836709;0.023404255319148935254869314804;0.017021276595744681131572306754;0.010638297872340425273551822727;0.008865248226950355261988256927;0.012765957446808509981317492077;0.029078014184397163455209067706;0.008865248226950355261988256927;0.007446808510638298211903318702;0.000354609929078014208311125932;0.012411347517730497019838864503;0.007092198581560283515701215151;0.009219858156028368223466884501;0.000000000000000000000000000000;0.012411347517730497019838864503;0.019503546099290780535540079654;0.008156028368794325869584049826;0.048581560283687943990749147360;0.025886524822695034658837087704;0.014539007092198581727604533853;0.015602836879432624081487368528
-0.020303030303030301928490786167;0.023939393939393940891058321085;0.036363636363636361870099733551;0.237575757575757579020958587535;0.047272727272727271818908434398;0.013636363636363635701287400082;0.000909090909090909090120580238;0.024848484848484848896976728838;0.007878787878787879214725897725;0.012727272727272727695368992329;0.010606060606060606701928072937;0.008787878787878787220644305478;0.011212121212121211460965852780;0.031212121212121211877299487014;0.028484848484848484390097311802;0.008181818181818182461606525635;0.010303030303030303455047445027;0.023030303030303029415692961379;0.016969696969696971416974307090;0.006363636363636363847684496164;0.012727272727272727695368992329;0.010606060606060606701928072937;0.010000000000000000208166817117;0.018787878787878787428811122595;0.021212121212121213403856145874;0.020303030303030301928490786167;0.020000000000000000416333634234;0.047878787878787881782116642171;0.001212121212121212120160773651;0.026969696969696969890417648230;0.003333333333333333547282562037;0.009393939393939393714405561298;0.007272727272727272720964641906;0.006969696969696969474084013996;0.014242424242424242195048655901;0.024848484848484848896976728838;0.009696969696969696961286189207;0.006666666666666667094565124074;0.002727272727272727487202175212;0.010606060606060606701928072937;0.007272727272727272720964641906;0.012424242424242424448488364419;0.000000000000000000000000000000;0.014242424242424242195048655901;0.020909090909090908422252041987;0.007878787878787879214725897725;0.025757575757575756902895136591;0.018787878787878787428811122595;0.016060606060606059941608947383;0.010606060606060606701928072937
-0.029166666666666667129259593594;0.009583333333333332593184650250;0.042500000000000003053113317719;0.230416666666666658525031152749;0.005416666666666666851703837438;0.009583333333333332593184650250;0.003333333333333333547282562037;0.019166666666666665186369300500;0.006250000000000000346944695195;0.027500000000000000138777878078;0.012083333333333333078907223523;0.006666666666666667094565124074;0.012083333333333333078907223523;0.041250000000000001942890293094;0.019166666666666665186369300500;0.021666666666666667406815349750;0.014999999999999999444888487687;0.014999999999999999444888487687;0.012083333333333333078907223523;0.005416666666666666851703837438;0.014166666666666665949647629930;0.008750000000000000832667268469;0.007916666666666667337426410711;0.037083333333333336201409480282;0.026249999999999999028554853453;0.039166666666666669072149886688;0.025000000000000001387778780781;0.014583333333333333564629796797;0.002500000000000000052041704279;0.005000000000000000104083408559;0.005833333333333333599324266316;0.019166666666666665186369300500;0.005000000000000000104083408559;0.009166666666666666712925959359;0.018749999999999999306110609609;0.028750000000000001249000902703;0.005833333333333333599324266316;0.008750000000000000832667268469;0.000416666666666666693410320255;0.015416666666666667059870654555;0.010416666666666666088425508008;0.001250000000000000026020852140;0.000000000000000000000000000000;0.022499999999999999167332731531;0.009166666666666666712925959359;0.012500000000000000693889390391;0.035000000000000003330669073875;0.028333333333333331899295259859;0.018749999999999999306110609609;0.021250000000000001526556658860
-0.041843971631205671701803083806;0.002836879432624113666489007457;0.078368794326241136838362422168;0.000000000000000000000000000000;0.001773049645390070878925303788;0.023758865248226949951071418354;0.001418439716312056833244503729;0.015957446808510637042965996102;0.019858156028368795231742183205;0.052836879432624113406280486060;0.019503546099290780535540079654;0.029432624113475178151411171257;0.007446808510638298211903318702;0.047517730496453899902142836709;0.001418439716312056833244503729;0.031914893617021274085931992204;0.029787234042553192847613274807;0.020212765957446809927944286756;0.008510638297872340565786153377;0.006382978723404254990658746038;0.010638297872340425273551822727;0.021631205673758865243305749004;0.004609929078014184111733442251;0.064893617021276592260470295059;0.039361702127659575767282262859;0.042198581560283686398005187357;0.027304964539007093443645501907;0.000709219858156028416622251864;0.000709219858156028416622251864;0.018794326241134751143135872553;0.017021276595744681131572306754;0.030496453900709218770570529955;0.004609929078014184111733442251;0.006028368794326241161818380476;0.016666666666666666435370203203;0.054609929078014186887291003814;0.008510638297872340565786153377;0.007446808510638298211903318702;0.001418439716312056833244503729;0.009929078014184397615871091602;0.004609929078014184111733442251;0.004964539007092198807935545801;0.000000000000000000000000000000;0.024113475177304964647273521905;0.002127659574468085141446538344;0.017375886524822695827774410304;0.051773049645390069317674175409;0.030141843971631204074368426404;0.018085106382978721750731665452;0.018439716312056736446933769002
-0.043666666666666666130058871431;0.009333333333333334105863521302;0.066333333333333327486158736974;0.004000000000000000083266726847;0.001333333333333333288808764117;0.026333333333333333592385372413;0.001333333333333333288808764117;0.015333333333333332496040135595;0.039666666666666669516239096538;0.025666666666666667490082076597;0.015666666666666665547191783503;0.032000000000000000666133814775;0.013666666666666667240281896056;0.046666666666666668794594130532;0.006333333333333333176051738178;0.026999999999999999694688668228;0.021666666666666667406815349750;0.035333333333333334647097245806;0.008666666666666666268836749509;0.011333333333333334147496884725;0.012000000000000000249800180541;0.027666666666666665796991964044;0.003000000000000000062450045135;0.042666666666666665241880451731;0.041000000000000001720845688169;0.045666666666666667906415710831;0.021999999999999998723243521681;0.008333333333333333217685101602;0.000000000000000000000000000000;0.015666666666666665547191783503;0.013666666666666667240281896056;0.017000000000000001221245327088;0.005333333333333333155235056466;0.007333333333333333196868419890;0.012999999999999999403255124264;0.042666666666666665241880451731;0.009333333333333334105863521302;0.010999999999999999361621760841;0.006000000000000000124900090270;0.016666666666666666435370203203;0.004000000000000000083266726847;0.013333333333333334189130248149;0.000000000000000000000000000000;0.021999999999999998723243521681;0.001666666666666666773641281019;0.010999999999999999361621760841;0.051999999999999997613020497056;0.040000000000000000832667268469;0.026333333333333333592385372413;0.018333333333333333425851918719
-0.041851851851851848418384349770;0.007777777777777777554191196430;0.041851851851851848418384349770;0.001111111111111111110147375847;0.006666666666666667094565124074;0.031481481481481478346129421197;0.001111111111111111110147375847;0.021111111111111111743321444578;0.031481481481481478346129421197;0.045555555555555557467606320188;0.019259259259259260688157411323;0.030740740740740742087400150240;0.016296296296296294836558615771;0.041111111111111112159655078813;0.003333333333333333547282562037;0.027777777777777776235801354687;0.007777777777777777554191196430;0.023703703703703702526661700745;0.012222222222222222862142437805;0.008148148148148147418279307885;0.018888888888888889089345823891;0.023703703703703702526661700745;0.007407407407407407690103084974;0.047407407407407405053323401489;0.041851851851851848418384349770;0.051111111111111114102545371907;0.026296296296296296779448908865;0.002962962962962962815832712593;0.000370370370370370351979089074;0.023703703703703702526661700745;0.022962962962962962798485477833;0.018148148148148149361169600979;0.009259259259259258745267118229;0.005925925925925925631665425186;0.020000000000000000416333634234;0.033703703703703701000105041885;0.011481481481481481399242738917;0.010740740740740739936343040029;0.012592592592592592726230549260;0.009629629629629630344078705662;0.006296296296296296363115274630;0.016666666666666666435370203203;0.000000000000000000000000000000;0.026296296296296296779448908865;0.003703703703703703845051542487;0.015555555555555555108382392859;0.041481481481481480289019714291;0.037037037037037034981068472916;0.018888888888888889089345823891;0.015555555555555555108382392859
-0.032203389830508473423709148165;0.010169491525423728084387420267;0.017514124293785311020643646884;0.146045197740112986384275473029;0.050000000000000002775557561563;0.021186440677966100754048284216;0.004802259887005650047797633562;0.024293785310734464233384244380;0.007909604519774010925048379761;0.021468926553672315615806098776;0.013841807909604519552515533576;0.027683615819209039105031067152;0.007909604519774010925048379761;0.029661016949152543137335769075;0.018644067796610170467674905126;0.026836158192090394519757623470;0.007344632768361582068894488629;0.018644067796610170467674905126;0.020621468926553671030532655095;0.004519774011299435186039819001;0.017514124293785311020643646884;0.003107344632768361744612484188;0.005932203389830508627467153815;0.029661016949152543137335769075;0.038700564971751415244138883054;0.035310734463276836903045108329;0.026836158192090394519757623470;0.046045197740112994710948157717;0.000564971751412429398254977375;0.037288135593220340935349810252;0.024011299435028249371626429820;0.007344632768361582068894488629;0.011299435028248587531418678509;0.007062146892655367207136674068;0.009322033898305085233837452563;0.023446327683615819648110800699;0.007909604519774010925048379761;0.011581920903954802393176493069;0.003107344632768361744612484188;0.005367231638418078903951524694;0.004802259887005650047797633562;0.005084745762711864042193710134;0.000000000000000000000000000000;0.018644067796610170467674905126;0.017231638418079096158885832324;0.012994350282485874967242089895;0.027966101694915253966788881712;0.019209039548022600191190534247;0.018361581920903955605917090566;0.012994350282485874967242089895
-0.015384615384615385469402326635;0.017307692307692308653077617464;0.032371794871794874748349712945;0.259615384615384636735058165868;0.076602564102564107972881402020;0.012179487179487179585035683260;0.003846153846153846367350581659;0.017307692307692308653077617464;0.010576923076923077510214099561;0.011858974358974358476181976130;0.014743589743589743251694912374;0.016025641025641024217662788942;0.007371794871794871625847456187;0.017628205128205128027207848618;0.025320512820512820761909011935;0.008974358974358973700669039886;0.010576923076923077510214099561;0.012179487179487179585035683260;0.023717948717948716952363952259;0.004807692307692307959188227073;0.008653846153846154326538808732;0.009615384615384615918376454147;0.002564102564102564100340098108;0.015384615384615385469402326635;0.019871794871794870585013370601;0.015064102564102564360548619504;0.022756410256410255360526306845;0.125641025641025638748260462307;0.000320512820512820512542512263;0.025641025641025640136039243089;0.006089743589743589792517841630;0.009935897435897435292506685300;0.003846153846153846367350581659;0.009615384615384615918376454147;0.004166666666666666608842550801;0.016987179487179485809500434357;0.005769230769230769551025872488;0.002243589743589743425167259971;0.000641025641025641025085024527;0.006410256410256410034009810772;0.006089743589743589792517841630;0.008653846153846154326538808732;0.000000000000000000000000000000;0.008012820512820512108831394471;0.012500000000000000693889390391;0.006089743589743589792517841630;0.017948717948717947401338079771;0.011538461538461539102051744976;0.006730769230769231142863517903;0.012820512820512820068019621544
-0.027037037037037036507625131776;0.012962962962962962590318660716;0.034444444444444444197728216750;0.133333333333333331482961625625;0.063333333333333338699411285688;0.020740740740740740144509857146;0.007407407407407407690103084974;0.017407407407407406163546426114;0.008888888888888888881179006773;0.026296296296296296779448908865;0.013703703703703704053218359604;0.026296296296296296779448908865;0.009629629629629630344078705662;0.018518518518518517490534236458;0.016296296296296294836558615771;0.023333333333333334397297065266;0.015555555555555555108382392859;0.017037037037037038034181790636;0.034814814814814812327092852229;0.002592592592592592518063732143;0.027777777777777776235801354687;0.006296296296296296363115274630;0.002592592592592592518063732143;0.034444444444444444197728216750;0.026666666666666668378260496297;0.026666666666666668378260496297;0.020370370370370372015145221667;0.067777777777777784007362527063;0.000740740740740740703958178148;0.027037037037037036507625131776;0.015555555555555555108382392859;0.013333333333333334189130248149;0.012222222222222222862142437805;0.002962962962962962815832712593;0.006296296296296296363115274630;0.028518518518518519433424529552;0.008888888888888888881179006773;0.008518518518518519017090895318;0.001481481481481481407916356297;0.002222222222222222220294751693;0.008518518518518519017090895318;0.007407407407407407690103084974;0.000000000000000000000000000000;0.015925925925925926707193980292;0.015555555555555555108382392859;0.021851851851851851471497667490;0.027037037037037036507625131776;0.010740740740740739936343040029;0.011481481481481481399242738917;0.011481481481481481399242738917
-0.017575757575757574441288610956;0.008484848484848485708487153545;0.037575757575757574857622245190;0.162121212121212110446322185453;0.038484848484848482863540652943;0.026666666666666668378260496297;0.001818181818181818180241160476;0.025454545454545455390737984658;0.006969696969696969474084013996;0.022424242424242422921931705559;0.015151515151515151935690539631;0.020909090909090908422252041987;0.012121212121212121201607736509;0.032121212121212119883217894767;0.024848484848484848896976728838;0.014848484848484848688809911721;0.009696969696969696961286189207;0.021212121212121213403856145874;0.035454545454545453864181325798;0.005151515151515151727523722514;0.014545454545454545441929283811;0.010303030303030303455047445027;0.009090909090909090467524933388;0.033939393939393942833948614179;0.024848484848484848896976728838;0.026363636363636363396656392410;0.029696969696969697377619823442;0.034545454545454545858262918046;0.000909090909090909090120580238;0.048484848484848484806430946037;0.010000000000000000208166817117;0.015454545454545455182571167541;0.015757575757575758429451795450;0.006666666666666667094565124074;0.010000000000000000208166817117;0.020606060606060606910094890054;0.008787878787878787220644305478;0.009696969696969696961286189207;0.000909090909090909090120580238;0.004848484848484848480643094604;0.006969696969696969474084013996;0.003333333333333333547282562037;0.000000000000000000000000000000;0.012727272727272727695368992329;0.018181818181818180935049866775;0.008787878787878787220644305478;0.032424242424242424864821998653;0.015151515151515151935690539631;0.017272727272727272929131459023;0.010606060606060606701928072937
-0.015277777777777777276635440273;0.008333333333333333217685101602;0.034027777777777774848022573906;0.315277777777777767909128669999;0.036458333333333335646297967969;0.009722222222222222376419864531;0.004166666666666666608842550801;0.016666666666666666435370203203;0.011111111111111111535154627461;0.025347222222222222376419864531;0.008333333333333333217685101602;0.009722222222222222376419864531;0.004166666666666666608842550801;0.021527777777777777623580135469;0.017361111111111111882099322656;0.010416666666666666088425508008;0.012847222222222221682530474141;0.017013888888888887424011286953;0.011458333333333332523795711211;0.003125000000000000173472347598;0.013541666666666667129259593594;0.010416666666666666088425508008;0.004166666666666666608842550801;0.039583333333333331482961625625;0.017013888888888887424011286953;0.024652777777777776929690745078;0.022569444444444444058950338672;0.046180555555555558022717832500;0.003472222222222222029475169336;0.007986111111111110494320541875;0.003472222222222222029475169336;0.019097222222222223764198645313;0.003819444444444444319158860068;0.004166666666666666608842550801;0.004166666666666666608842550801;0.032986111111111111882099322656;0.005208333333333333044212754004;0.009027777777777776929690745078;0.001041666666666666652210637700;0.005208333333333333044212754004;0.006944444444444444058950338672;0.013541666666666667129259593594;0.000000000000000000000000000000;0.021180555555555556634939051719;0.010069444444444445099784424258;0.014583333333333333564629796797;0.030902777777777779011358916250;0.013888888888888888117900677344;0.006597222222222222202947516934;0.012152777777777777970524830664
-0.022619047619047618485899064922;0.012698412698412698401684295391;0.055555555555555552471602709375;0.118253968253968250179397614374;0.019047619047619049337249919063;0.008333333333333333217685101602;0.001984126984126984016842953906;0.030158730158730159137681070547;0.015476190476190476719153821250;0.047619047619047616404230893750;0.012301587301587301251371009414;0.006746031746031746351155433672;0.006349206349206349200842147695;0.048015873015873018758714607657;0.024206349206349207087152208828;0.012301587301587301251371009414;0.015079365079365079568840535273;0.016269841269841271019780393203;0.017063492063492061850960013203;0.005158730158730158617264027754;0.017460317460317460735996775156;0.010714285714285714384841341484;0.003174603174603174600421073848;0.057142857142857141072855853281;0.015079365079365079568840535273;0.044841269841269841556208319844;0.032936507936507937455150596406;0.014285714285714285268213963320;0.001190476190476190583578119941;0.012698412698412698401684295391;0.002777777777777777883788656865;0.023809523809523808202115446875;0.004365079365079365183999193789;0.008333333333333333217685101602;0.006746031746031746351155433672;0.038888888888888889505679458125;0.009920634920634920084214769531;0.008333333333333333217685101602;0.006746031746031746351155433672;0.005952380952380952050528861719;0.006746031746031746351155433672;0.008333333333333333217685101602;0.000000000000000000000000000000;0.032539682539682542039560786407;0.016666666666666666435370203203;0.015079365079365079568840535273;0.052777777777777777623580135469;0.020238095238095239053466301016;0.011111111111111111535154627461;0.015873015873015872134743631250
-0.015789473684210526827076392919;0.019883040935672516291710110181;0.059941520467836253982518712746;0.088888888888888892281237019688;0.019883040935672516291710110181;0.008479532163742689240826244657;0.003216374269005848121616431001;0.021052631578947367946286206575;0.045029239766081870233183082064;0.033333333333333332870740406406;0.011111111111111111535154627461;0.014327485380116959656771058462;0.004970760233918129072927527545;0.030116959064327486483847451382;0.015789473684210526827076392919;0.008771929824561403021832006743;0.038888888888888889505679458125;0.044152046783625734094336223734;0.010818713450292397754148865374;0.009356725146198830583843530917;0.009649122807017544364849293004;0.021637426900584795508297730748;0.006140350877192982462227099916;0.047076023391812868434946892648;0.015204678362573099265064868746;0.034502923976608187994763454753;0.033918128654970756963304978626;0.014912280701754385484059106659;0.000877192982456140367235331023;0.013742690058479532094759534289;0.004678362573099415291921765458;0.028947368421052631359824403035;0.005555555555555555767577313730;0.006725146198830409156876886101;0.008187134502923977194543958547;0.053801169590643273255015088807;0.009649122807017544364849293004;0.004093567251461988597271979273;0.001169590643274853822980441365;0.007894736842105263413538196460;0.009649122807017544364849293004;0.028362573099415203797812878861;0.000000000000000000000000000000;0.025438596491228069457202209946;0.010233918128654970192137341201;0.016666666666666666435370203203;0.041520467836257311800007840930;0.013450292397660818313753772202;0.012280701754385964924454199831;0.010233918128654970192137341201
-0.021180555555555556634939051719;0.016666666666666666435370203203;0.051388888888888886730121896562;0.242708333333333331482961625625;0.017013888888888887424011286953;0.013541666666666667129259593594;0.002083333333333333304421275400;0.023611111111111110494320541875;0.019444444444444444752839729063;0.026041666666666667823148983985;0.008680555555555555941049661328;0.014236111111111110841265237070;0.005555555555555555767577313730;0.035069444444444444752839729063;0.023611111111111110494320541875;0.012500000000000000693889390391;0.018402777777777778317469525859;0.031944444444444441977282167500;0.012847222222222221682530474141;0.006944444444444444058950338672;0.008680555555555555941049661328;0.011458333333333332523795711211;0.004861111111111111188209932266;0.030902777777777779011358916250;0.020486111111111111188209932266;0.025347222222222222376419864531;0.025000000000000001387778780781;0.011458333333333332523795711211;0.001736111111111111014737584668;0.011805555555555555247160270937;0.010416666666666666088425508008;0.017013888888888887424011286953;0.003125000000000000173472347598;0.006944444444444444058950338672;0.007638888888888888638317720137;0.039583333333333331482961625625;0.013888888888888888117900677344;0.004861111111111111188209932266;0.001388888888888888941894328433;0.010069444444444445099784424258;0.007986111111111110494320541875;0.004513888888888888464845372539;0.000000000000000000000000000000;0.015972222222222220988641083750;0.013888888888888888117900677344;0.011805555555555555247160270937;0.035763888888888886730121896562;0.012847222222222221682530474141;0.014930555555555556287994356524;0.012152777777777777970524830664
-0.024712643678160919197273059922;0.012068965517241379142854285078;0.063793103448275864653105315938;0.072413793103448281796019614376;0.019252873563218392272133883125;0.025287356321839080108837549687;0.003448275862068965469386938594;0.017241379310344827346934692969;0.014942528735632183700676733906;0.033908045977011497251751848125;0.010632183908045976863943060664;0.015804597701149426802746944531;0.011206896551724137775507550430;0.049712643678160917115604888750;0.015517241379310344612241223672;0.018103448275862070449004903594;0.022988505747126436462579590625;0.022413793103448275551015100859;0.011206896551724137775507550430;0.010344827586206896408160815781;0.013505747126436781421765509492;0.018965517241379310081628162266;0.009770114942528735496596326016;0.039942528735632185088455514688;0.030172413793103449591859188672;0.036494252873563219619068576094;0.025574712643678162299343270547;0.006321839080459770027209387422;0.002011494252873563190475714180;0.013218390804597700965983264609;0.012643678160919540054418774844;0.018103448275862070449004903594;0.006321839080459770027209387422;0.009770114942528735496596326016;0.024712643678160919197273059922;0.047413793103448273469346929687;0.012356321839080459598636529961;0.009195402298850574585031836250;0.002873563218390804557822448828;0.019827586206896553183698372891;0.005747126436781609115644897656;0.008620689655172413673467346484;0.000000000000000000000000000000;0.023563218390804597374144080391;0.008045977011494252761902856719;0.011781609195402298687072040195;0.043390804597701150557842453281;0.024137931034482758285708570156;0.022126436781609196829956331953;0.018390804597701149170063672500
-0.026666666666666668378260496297;0.014444444444444443781394582516;0.065555555555555561353386906376;0.050000000000000002775557561563;0.012592592592592592726230549260;0.029999999999999998889776975375;0.001851851851851851922525771243;0.018148148148148149361169600979;0.011851851851851851263330850372;0.017407407407407406163546426114;0.015925925925925926707193980292;0.011851851851851851263330850372;0.018148148148148149361169600979;0.042592592592592591616007524635;0.020740740740740740144509857146;0.015555555555555555108382392859;0.023703703703703702526661700745;0.038148148148148146308056283260;0.011851851851851851263330850372;0.017777777777777777762358013547;0.012592592592592592726230549260;0.027777777777777776235801354687;0.022962962962962962798485477833;0.027037037037037036507625131776;0.028888888888888887562789165031;0.018148148148148149361169600979;0.022962962962962962798485477833;0.010370370370370370072254928573;0.001111111111111111110147375847;0.022962962962962962798485477833;0.012962962962962962590318660716;0.020370370370370372015145221667;0.010740740740740739936343040029;0.016296296296296294836558615771;0.036666666666666666851703837438;0.037037037037037034981068472916;0.011111111111111111535154627461;0.008888888888888888881179006773;0.004074074074074073709139653943;0.040370370370370368962031903948;0.002962962962962962815832712593;0.005925925925925925631665425186;0.000000000000000000000000000000;0.012962962962962962590318660716;0.011111111111111111535154627461;0.006666666666666667094565124074;0.028518518518518519433424529552;0.021851851851851851471497667490;0.037037037037037034981068472916;0.014814814814814815380206169948
-0.026602564102564101727876888503;0.017948717948717947401338079771;0.049679487179487176462533426502;0.047756410256410253278858135673;0.031730769230769229061195346731;0.020833333333333332176851016015;0.003205128205128205017004905386;0.025320512820512820761909011935;0.019551282051282051210883139447;0.028525641025641024911552179333;0.014423076923076923877564681220;0.015705128205128204843532557788;0.015064102564102564360548619504;0.041987179487179483727832263185;0.034294871794871797932025003774;0.019871794871794870585013370601;0.014102564102564102768710974090;0.025641025641025640136039243089;0.020512820512820512802720784862;0.011538461538461539102051744976;0.012179487179487179585035683260;0.011858974358974358476181976130;0.009615384615384615918376454147;0.041025641025641025605441569724;0.026923076923076924571454071611;0.031730769230769229061195346731;0.029166666666666667129259593594;0.016346153846153847061239972049;0.001282051282051282050170049054;0.020833333333333332176851016015;0.009935897435897435292506685300;0.020833333333333332176851016015;0.006730769230769231142863517903;0.010256410256410256401360392431;0.023076923076923078204103489952;0.033974358974358971619000868714;0.011217948717948717993198037846;0.005128205128205128200680196215;0.003846153846153846367350581659;0.016987179487179485809500434357;0.009615384615384615918376454147;0.010576923076923077510214099561;0.000000000000000000000000000000;0.020833333333333332176851016015;0.022756410256410255360526306845;0.011858974358974358476181976130;0.036858974358974359863960756911;0.020192307692307693428590553708;0.026602564102564101727876888503;0.013461538461538462285727035805
-0.023333333333333334397297065266;0.024166666666666666157814447047;0.043055555555555555247160270937;0.076944444444444440311947630562;0.032222222222222221543752596062;0.018888888888888889089345823891;0.003333333333333333547282562037;0.036111111111111107718762980312;0.008888888888888888881179006773;0.026111111111111112714766591125;0.011388888888888889366901580047;0.028333333333333331899295259859;0.007777777777777777554191196430;0.036944444444444446418174266000;0.039444444444444441699726411343;0.014166666666666665949647629930;0.013888888888888888117900677344;0.026111111111111112714766591125;0.027777777777777776235801354687;0.005555555555555555767577313730;0.015555555555555555108382392859;0.006388888888888889262818171488;0.005000000000000000104083408559;0.038055555555555557745162076344;0.026388888888888888811790067734;0.030555555555555554553270880547;0.030833333333333334119741309109;0.032500000000000001110223024625;0.001111111111111111110147375847;0.034444444444444444197728216750;0.013888888888888888117900677344;0.016388888888888890338346726594;0.012777777777777778525636342977;0.004722222222222222272336455973;0.007499999999999999722444243844;0.037222222222222219045750790656;0.009444444444444444544672911945;0.006666666666666667094565124074;0.000277777777777777777536843962;0.006666666666666667094565124074;0.010833333333333333703407674875;0.010555555555555555871660722289;0.000000000000000000000000000000;0.018888888888888889089345823891;0.018888888888888889089345823891;0.014999999999999999444888487687;0.034444444444444444197728216750;0.018888888888888889089345823891;0.018888888888888889089345823891;0.012777777777777778525636342977
-0.033045977011494254149681637500;0.029022988505747127768730209141;0.044252873563218393659912663907;0.066379310344827580081528139999;0.026724137931034484122472250078;0.026724137931034484122472250078;0.002011494252873563190475714180;0.026149425287356323210907760313;0.006609195402298850482991632305;0.017241379310344827346934692969;0.021551724137931035918391842188;0.030172413793103449591859188672;0.011781609195402298687072040195;0.035344827586206897795939596563;0.028160919540229884666659998516;0.031609195402298853605493889063;0.012931034482758620510201019727;0.020402298850574714095262862656;0.027873563218390805945601229610;0.006609195402298850482991632305;0.018103448275862070449004903594;0.007471264367816091850338366953;0.008333333333333333217685101602;0.020977011494252875006827352422;0.038793103448275863265326535156;0.035057471264367819074880827657;0.031609195402298853605493889063;0.024425287356321840476214291016;0.000000000000000000000000000000;0.036494252873563219619068576094;0.016666666666666666435370203203;0.011206896551724137775507550430;0.011494252873563218231289795312;0.008620689655172413673467346484;0.012931034482758620510201019727;0.027873563218390805945601229610;0.010632183908045976863943060664;0.006896551724137930938773877187;0.000862068965517241367346734648;0.006034482758620689571427142539;0.008620689655172413673467346484;0.010632183908045976863943060664;0.000000000000000000000000000000;0.011206896551724137775507550430;0.016379310344827587714311434297;0.008045977011494252761902856719;0.035632183908045976516998365469;0.030172413793103449591859188672;0.014655172413793103244894489023;0.025574712643678162299343270547
-0.020408163265306120820463675614;0.016666666666666666435370203203;0.040476190476190478106932602032;0.140476190476190476719153821250;0.029591836734693878485646933996;0.034693877551020407823401114911;0.003061224489795918209805725141;0.021088435374149658296794029866;0.014285714285714285268213963320;0.012925170068027210315553254816;0.020408163265306120820463675614;0.031632653061224487445191044799;0.012925170068027210315553254816;0.023129251700680270725785092623;0.023129251700680270725785092623;0.023129251700680270725785092623;0.010884353741496597886562192059;0.027210884353741495583767218136;0.015986394557823128959039848951;0.008503401360544218454129428153;0.015646258503401361955598147802;0.011904761904761904101057723437;0.022108843537414966246013037221;0.018367346938775511860919564811;0.039115646258503403154271893527;0.020068027210884353817021974464;0.026190476190476191103995162734;0.030272108843537415961977288248;0.000680272108843537367910137004;0.036734693877551023721839129621;0.023809523809523808202115446875;0.008503401360544218454129428153;0.014625850340136054006379140446;0.011564625850340135362892546311;0.015646258503401361955598147802;0.018707482993197278864361265960;0.005782312925170067681446273156;0.010884353741496597886562192059;0.000680272108843537367910137004;0.012244897959183672839222900564;0.005102040816326530205115918903;0.009183673469387755930459782405;0.000000000000000000000000000000;0.009183673469387755930459782405;0.013605442176870747791883609068;0.006802721088435373895941804534;0.021088435374149658296794029866;0.020068027210884353817021974464;0.018707482993197278864361265960;0.022108843537414966246013037221
-0.032727272727272729846426102540;0.010606060606060606701928072937;0.035454545454545453864181325798;0.066363636363636360759876708926;0.023030303030303029415692961379;0.033939393939393942833948614179;0.013030303030303030942249620239;0.019090909090909092410415226482;0.006666666666666667094565124074;0.019090909090909092410415226482;0.019393939393939393922572378415;0.028181818181818182877940159869;0.017575757575757574441288610956;0.036666666666666666851703837438;0.012727272727272727695368992329;0.022424242424242422921931705559;0.013333333333333334189130248149;0.017272727272727272929131459023;0.033939393939393942833948614179;0.006060606060606060600803868255;0.017878787878787879422892714842;0.011818181818181817954727108599;0.010000000000000000208166817117;0.025151515151515150409133880771;0.035757575757575758845785429685;0.031818181818181814901613790880;0.031212121212121211877299487014;0.014242424242424242195048655901;0.001818181818181818180241160476;0.039090909090909092826748860716;0.016060606060606059941608947383;0.010606060606060606701928072937;0.015757575757575758429451795450;0.011515151515151514707846480690;0.029393939393939392396015719555;0.026363636363636363396656392410;0.010303030303030303455047445027;0.007272727272727272720964641906;0.001818181818181818180241160476;0.011212121212121211460965852780;0.010606060606060606701928072937;0.004545454545454545233762466694;0.000000000000000000000000000000;0.018787878787878787428811122595;0.016666666666666666435370203203;0.018484848484848485916653970662;0.034242424242424240876658814159;0.028484848484848484390097311802;0.023333333333333334397297065266;0.018181818181818180935049866775
-0.027272727272727271402574800163;0.004166666666666666608842550801;0.043939393939393937837945003366;0.164393939393939397808352964603;0.022348484848484850145977631541;0.020075757575757576661734660206;0.002651515151515151675482018234;0.019696969696969695434729530348;0.003030303030303030300401934127;0.022348484848484850145977631541;0.016287878787878788677812025298;0.027272727272727271402574800163;0.007575757575757575967845269815;0.044696969696969700291955263083;0.014015151515151515193569053963;0.015530303030303029693248717535;0.005303030303030303350964036468;0.016287878787878788677812025298;0.025378787878787879145336958686;0.008333333333333333217685101602;0.017045454545454544192928381108;0.002651515151515151675482018234;0.008333333333333333217685101602;0.038636363636363635354342704886;0.031818181818181814901613790880;0.033333333333333332870740406406;0.026515151515151515887458444354;0.007954545454545453725403447720;0.000378787878787878787550241766;0.035227272727272725127978247883;0.020075757575757576661734660206;0.012878787878787878451447568295;0.011363636363636363951767904723;0.006818181818181817850643700041;0.017424242424242425419933510966;0.028787878787878789371701415689;0.014393939393939394685850707845;0.008333333333333333217685101602;0.000757575757575757575100483532;0.007575757575757575967845269815;0.003030303030303030300401934127;0.002651515151515151675482018234;0.000000000000000000000000000000;0.014393939393939394685850707845;0.015909090909090907450806895440;0.007954545454545453725403447720;0.044318181818181819064950133225;0.028409090909090908144696285831;0.020833333333333332176851016015;0.021590909090909091161414323778
-0.025308641975308642652064960998;0.003086419753086419581755706076;0.066666666666666665741480812812;0.157716049382716050342168045972;0.003395061728395061713403624282;0.005555555555555555767577313730;0.002777777777777777883788656865;0.017592592592592593697675695807;0.033641975308641977604473538577;0.037962962962962962243373965521;0.009876543209876543008562954640;0.018518518518518517490534236458;0.006481481481481481295159330358;0.045370370370370373402924002448;0.006790123456790123426807248563;0.015432098765432097908778530382;0.021604938271604937072289942535;0.024691358024691356654045648611;0.006481481481481481295159330358;0.008950617283950617480980938012;0.010493827160493827271858791050;0.025000000000000001387778780781;0.007098765432098765558455166769;0.047530864197530865722374215920;0.022839506172839505598881615356;0.036419753086419752452496112483;0.025925925925925925180637321432;0.001543209876543209790877853038;0.002469135802469135752140738660;0.009567901234567901744276774423;0.009876543209876543008562954640;0.024074074074074074125473288177;0.002160493827160493620492820455;0.004320987654320987240985640909;0.012654320987654321326032480499;0.041975308641975309087435164201;0.008024691358024691953398921385;0.006790123456790123426807248563;0.003703703703703703845051542487;0.014197530864197531116910333537;0.004629629629629629372633559115;0.012037037037037037062736644089;0.000000000000000000000000000000;0.019444444444444444752839729063;0.001543209876543209790877853038;0.011419753086419752799440807678;0.049074074074074075513252068959;0.031172839506172840551290192934;0.018827160493827162224267368629;0.017283950617283948963942563637
-0.025141242937853108818657688062;0.012711864406779661840207751311;0.066101694915254236017965183692;0.045762711864406779849190343157;0.009887005649717514957353081684;0.011016949152542372669660863949;0.002542372881355932021096855067;0.022316384180790960201079542458;0.036158192090395481488318552010;0.033898305084745762594256035527;0.011864406779661017254934307630;0.017231638418079096158885832324;0.007344632768361582068894488629;0.043785310734463275816885641234;0.016101694915254236711854574082;0.014971751412429378999546791817;0.029943502824858757999093583635;0.041242937853107342061065310190;0.014124293785310734414273348136;0.011299435028248587531418678509;0.011581920903954802393176493069;0.026836158192090394519757623470;0.007344632768361582068894488629;0.042090395480225986646338753872;0.023446327683615819648110800699;0.032203389830508473423709148165;0.024011299435028249371626429820;0.014406779661016949276031162697;0.002259887005649717593019909501;0.019209039548022600191190534247;0.014406779661016949276031162697;0.021468926553672315615806098776;0.007062146892655367207136674068;0.007627118644067796930652303189;0.015254237288135593861304606378;0.046892655367231639296221601398;0.010451977401129942946145234828;0.005932203389830508627467153815;0.003672316384180791034447244314;0.011864406779661017254934307630;0.004802259887005650047797633562;0.014124293785310734414273348136;0.000000000000000000000000000000;0.018926553672316385329432719686;0.011016949152542372669660863949;0.010169491525423728084387420267;0.044350282485875705540401270355;0.035593220338983051764802922889;0.021186440677966100754048284216;0.018361581920903955605917090566
-0.020542635658914728397084203948;0.017441860465116278827713003352;0.048449612403100777990871961265;0.037984496124031007224797207300;0.007364341085271317727256601415;0.008139534883720930119599401564;0.001937984496124030980857000372;0.032945736434108530144015958285;0.009302325581395348708113601788;0.063953488372093025837727964245;0.013565891472868216865999002607;0.008527131782945736315770801639;0.003488372093023255765542600670;0.043410852713178293971196808343;0.031007751937984495693712005959;0.009302325581395348708113601788;0.018992248062015503612398603650;0.032945736434108530144015958285;0.017054263565891472631541603278;0.005813953488372092942571001117;0.015503875968992247846856002980;0.003488372093023255765542600670;0.010077519379844961100456401937;0.096511627906976746316125570502;0.015503875968992247846856002980;0.038759689922480619617140007449;0.037596899224806204498072759179;0.011627906976744185885142002235;0.001550387596899224784685600298;0.012403100775193798277484802384;0.001550387596899224784685600298;0.030232558139534883301369205810;0.009302325581395348708113601788;0.003875968992248061961714000745;0.012015503875968992081313402309;0.055813953488372092248681610727;0.015891472868217054043027403054;0.003488372093023255765542600670;0.000000000000000000000000000000;0.009689922480620154904285001862;0.017054263565891472631541603278;0.003875968992248061961714000745;0.000000000000000000000000000000;0.042248062015503878852129560073;0.011627906976744185885142002235;0.021705426356589146985598404171;0.039922480620155041675101159626;0.015116279069767441650684602905;0.017829457364341085023884403427;0.013565891472868216865999002607
-0.026356589147286821339655205065;0.001937984496124030980857000372;0.050775193798449615167900361712;0.000000000000000000000000000000;0.000000000000000000000000000000;0.004651162790697674354056800894;0.003100775193798449569371200596;0.021317829457364340789427004097;0.007751937984496123923428001490;0.100387596899224801338945667339;0.012403100775193798277484802384;0.008527131782945736315770801639;0.001937984496124030980857000372;0.046511627906976743540568008939;0.003488372093023255765542600670;0.006589147286821705334913801266;0.022868217054263565574112604395;0.018604651162790697416227203576;0.002325581395348837177028400447;0.007364341085271317727256601415;0.010465116279069767296627802011;0.010852713178294573492799202086;0.000387596899224806196171400074;0.160077519379844962488235182718;0.019379844961240309808570003725;0.048449612403100777990871961265;0.020930232558139534593255604022;0.000775193798449612392342800149;0.003488372093023255765542600670;0.000000000000000000000000000000;0.002325581395348837177028400447;0.060465116279069766602738411621;0.000387596899224806196171400074;0.003875968992248061961714000745;0.002713178294573643373199800521;0.095348837209302331197058322232;0.010077519379844961100456401937;0.008527131782945736315770801639;0.001162790697674418588514200223;0.001162790697674418588514200223;0.011240310077519379688970602160;0.004651162790697674354056800894;0.000000000000000000000000000000;0.065891472868217060288031916571;0.000000000000000000000000000000;0.037596899224806204498072759179;0.042635658914728681578854008194;0.017054263565891472631541603278;0.006201550387596899138742401192;0.006976744186046511531085201341
-0.016250000000000000555111512313;0.005000000000000000104083408559;0.048333333333333332315628894094;0.056666666666666663798590519718;0.000000000000000000000000000000;0.006250000000000000346944695195;0.002916666666666666799662133158;0.023333333333333334397297065266;0.016250000000000000555111512313;0.082083333333333327597181039437;0.014999999999999999444888487687;0.011666666666666667198648532633;0.001250000000000000026020852140;0.045416666666666667684371105906;0.007499999999999999722444243844;0.016666666666666666435370203203;0.017916666666666667545593227828;0.016666666666666666435370203203;0.005000000000000000104083408559;0.004583333333333333356462979680;0.008333333333333333217685101602;0.010000000000000000208166817117;0.001666666666666666773641281019;0.108333333333333337034076748751;0.022499999999999999167332731531;0.051666666666666666296592325125;0.024166666666666666157814447047;0.002916666666666666799662133158;0.004583333333333333356462979680;0.000416666666666666693410320255;0.001666666666666666773641281019;0.042916666666666665463925056656;0.002916666666666666799662133158;0.001666666666666666773641281019;0.002500000000000000052041704279;0.076249999999999998334665463062;0.012916666666666666574148081281;0.004583333333333333356462979680;0.002083333333333333304421275400;0.002500000000000000052041704279;0.014999999999999999444888487687;0.007499999999999999722444243844;0.000000000000000000000000000000;0.064583333333333339809634310313;0.002916666666666666799662133158;0.034166666666666664631257788187;0.047916666666666669904817155157;0.020833333333333332176851016015;0.010416666666666666088425508008;0.013333333333333334189130248149
-0.033333333333333332870740406406;0.007894736842105263413538196460;0.048245614035087716620076037088;0.068859649122807023435832718405;0.013157894736842104532748010115;0.013157894736842104532748010115;0.005701754385964912658080194774;0.024561403508771929848908399663;0.010964912280701753777290008429;0.047807017543859652020099559877;0.014912280701754385484059106659;0.014035087719298245875765296375;0.003947368421052631706769098230;0.047368421052631580481229178758;0.015350877192982455288206011801;0.019736842105263156799122015173;0.017543859649122806043664013487;0.022368421052631579093450397977;0.014035087719298245875765296375;0.006140350877192982462227099916;0.017543859649122806043664013487;0.012719298245614034728601104973;0.004385964912280701510916003372;0.073684210526315782607831295081;0.022807017543859650632320779096;0.043421052631578950509183556505;0.029385964912280702898694784153;0.004385964912280701510916003372;0.001315789473684210496642887911;0.014473684210526315679912201517;0.012280701754385964924454199831;0.026315789473684209065496020230;0.004824561403508772182424646502;0.003508771929824561468941324094;0.007894736842105263413538196460;0.061842105263157892691694428322;0.009210526315789472825978911885;0.006140350877192982462227099916;0.000877192982456140367235331023;0.004824561403508772182424646502;0.009210526315789472825978911885;0.003508771929824561468941324094;0.000000000000000000000000000000;0.035087719298245612087328026973;0.010087719298245614168996198146;0.019298245614035088729698586008;0.050877192982456138914404419893;0.022807017543859650632320779096;0.018421052631578945651957823770;0.019736842105263156799122015173
-0.039682539682539680336859078125;0.005158730158730158617264027754;0.051190476190476189022326991562;0.003968253968253968033685907812;0.030555555555555554553270880547;0.027777777777777776235801354687;0.001984126984126984016842953906;0.026587301587301586519584972734;0.010317460317460317234528055508;0.026984126984126985404621734688;0.020238095238095239053466301016;0.014285714285714285268213963320;0.018650793650793650452213157109;0.041269841269841268938112222031;0.013095238095238095551997581367;0.022222222222222223070309254922;0.016666666666666666435370203203;0.030952380952380953438307642500;0.019444444444444444752839729063;0.009126984126984127518311673555;0.019047619047619049337249919063;0.008333333333333333217685101602;0.020238095238095239053466301016;0.036111111111111107718762980312;0.037301587301587300904426314219;0.037698412698412696320016124218;0.041666666666666664353702032031;0.003968253968253968033685907812;0.000793650793650793650105268462;0.020238095238095239053466301016;0.013095238095238095551997581367;0.014285714285714285268213963320;0.015079365079365079568840535273;0.008730158730158730367998387578;0.023015873015873017370935826875;0.048015873015873018758714607657;0.015476190476190476719153821250;0.018650793650793650452213157109;0.001587301587301587300210536924;0.021428571428571428769682682969;0.004365079365079365183999193789;0.005158730158730158617264027754;0.000000000000000000000000000000;0.017857142857142856151586585156;0.008333333333333333217685101602;0.013888888888888888117900677344;0.035317460317460316887583360312;0.026587301587301586519584972734;0.033333333333333332870740406406;0.020238095238095239053466301016
-0.027777777777777776235801354687;0.007602339181286549632532434373;0.066666666666666665741480812812;0.106140350877192979339724843157;0.003801169590643274816266217186;0.018421052631578945651957823770;0.002631578947368420993285775822;0.026900584795321636627507544404;0.004970760233918129072927527545;0.034795321637426900041045740863;0.019883040935672516291710110181;0.006432748538011696243232862003;0.007894736842105263413538196460;0.052923976608187137116168230477;0.009356725146198830583843530917;0.026023391812865497019213734120;0.015789473684210526827076392919;0.026315789473684209065496020230;0.016081871345029238873358679029;0.009356725146198830583843530917;0.016374269005847954389087917093;0.006432748538011696243232862003;0.004970760233918129072927527545;0.048538011695906435605252227106;0.027485380116959064189519068577;0.052046783625730994038427468240;0.032456140350877189792999644169;0.002339181286549707645960882729;0.001169590643274853822980441365;0.009941520467836258145855055091;0.005847953216374268681221337829;0.019298245614035088729698586008;0.006432748538011696243232862003;0.008771929824561403021832006743;0.011403508771929825316160389548;0.045906432748538013310923844301;0.011111111111111111535154627461;0.006725146198830409156876886101;0.000000000000000000000000000000;0.009649122807017544364849293004;0.003801169590643274816266217186;0.004093567251461988597271979273;0.000000000000000000000000000000;0.019590643274853800775980872118;0.009941520467836258145855055091;0.009941520467836258145855055091;0.056432748538011695549343471612;0.028947368421052631359824403035;0.022807017543859650632320779096;0.027777777777777776235801354687
-0.022499999999999999167332731531;0.006944444444444444058950338672;0.037777777777777778178691647781;0.360277777777777752366006325246;0.016111111111111110771876298031;0.014999999999999999444888487687;0.002777777777777777883788656865;0.014722222222222221613141535101;0.006111111111111111431071218902;0.022499999999999999167332731531;0.013611111111111110286153724758;0.013333333333333334189130248149;0.008055555555555555385938149016;0.031944444444444441977282167500;0.013333333333333334189130248149;0.032222222222222221543752596062;0.007222222222222221890697291258;0.009166666666666666712925959359;0.013333333333333334189130248149;0.004444444444444444440589503387;0.008333333333333333217685101602;0.005555555555555555767577313730;0.003055555555555555715535609451;0.024722222222222221821308352219;0.033888888888888892003681263532;0.036388888888888887285233408875;0.017500000000000001665334536938;0.003055555555555555715535609451;0.001111111111111111110147375847;0.016666666666666666435370203203;0.009166666666666666712925959359;0.009444444444444444544672911945;0.003611111111111110945348645629;0.006111111111111111431071218902;0.008333333333333333217685101602;0.018611111111111109522875395328;0.010833333333333333703407674875;0.006388888888888889262818171488;0.000000000000000000000000000000;0.005833333333333333599324266316;0.004722222222222222272336455973;0.003611111111111110945348645629;0.000000000000000000000000000000;0.009722222222222222376419864531;0.011666666666666667198648532633;0.005277777777777777935830361145;0.035000000000000003330669073875;0.023611111111111110494320541875;0.008888888888888888881179006773;0.017500000000000001665334536938
-0.015359477124183005744550989391;0.007843137254901960675468330919;0.018300653594771242732575089462;0.496732026143790861283378035296;0.014705882352941176266503120473;0.016666666666666666435370203203;0.005555555555555555767577313730;0.013398692810457515575683906661;0.003594771241830065165029362007;0.013398692810457515575683906661;0.014379084967320260660117448026;0.007189542483660130330058724013;0.006862745098039215591034789554;0.016339869281045752563708006733;0.013071895424836601704021710191;0.015686274509803921350936661838;0.004575163398692810683143772366;0.012418300653594770491250365296;0.021895424836601305729200106498;0.003594771241830065165029362007;0.012418300653594770491250365296;0.002614379084967320080595820642;0.001960784313725490168867082730;0.018954248366013070475899482403;0.017973856209150325391465941038;0.017320261437908497648141548098;0.020261437908496732901442172192;0.006209150326797385245625182648;0.000000000000000000000000000000;0.017647058823529411519803744568;0.006209150326797385245625182648;0.008823529411764705759901872284;0.006209150326797385245625182648;0.006535947712418300852010855095;0.005228758169934640161191641283;0.014052287581699346788455251556;0.008823529411764705759901872284;0.005555555555555555767577313730;0.000653594771241830020148955160;0.003267973856209150426005427548;0.006535947712418300852010855095;0.003267973856209150426005427548;0.000000000000000000000000000000;0.006209150326797385245625182648;0.014705882352941176266503120473;0.007516339869281045936444396460;0.018954248366013070475899482403;0.016993464052287580307032399674;0.010457516339869280322383282567;0.013071895424836601704021710191
-0.021481481481481479872686080057;0.014814814814814815380206169948;0.035185185185185187395351391615;0.158148148148148148806058088667;0.016666666666666666435370203203;0.028518518518518519433424529552;0.008148148148148147418279307885;0.022222222222222223070309254922;0.009259259259259258745267118229;0.016296296296296294836558615771;0.013333333333333334189130248149;0.025555555555555557051272685953;0.010740740740740739936343040029;0.029999999999999998889776975375;0.019259259259259260688157411323;0.016296296296296294836558615771;0.011481481481481481399242738917;0.025185185185185185452461098521;0.032222222222222221543752596062;0.007407407407407407690103084974;0.025185185185185185452461098521;0.010740740740740739936343040029;0.020000000000000000416333634234;0.027037037037037036507625131776;0.024444444444444445724284875610;0.023703703703703702526661700745;0.028888888888888887562789165031;0.010000000000000000208166817117;0.001111111111111111110147375847;0.032592592592592589673117231541;0.015185185185185185244294281404;0.012592592592592592726230549260;0.016296296296296294836558615771;0.008148148148148147418279307885;0.015555555555555555108382392859;0.030740740740740742087400150240;0.008888888888888888881179006773;0.011481481481481481399242738917;0.003333333333333333547282562037;0.009629629629629630344078705662;0.010370370370370370072254928573;0.012592592592592592726230549260;0.000000000000000000000000000000;0.016296296296296294836558615771;0.021111111111111111743321444578;0.019629629629629628817522046802;0.021111111111111111743321444578;0.017037037037037038034181790636;0.015185185185185185244294281404;0.008888888888888888881179006773
-0.026602564102564101727876888503;0.023397435897435897578233721106;0.058333333333333334258519187188;0.012500000000000000693889390391;0.013141025641025641176873328675;0.011858974358974358476181976130;0.010897435897435896884344330715;0.027884615384615386163291717025;0.009294871794871794809522747016;0.027564102564102563319714533918;0.018589743589743589619045494032;0.005769230769230769551025872488;0.013461538461538462285727035805;0.038141025641025644299375585433;0.017628205128205128027207848618;0.013782051282051281659857266959;0.016987179487179485809500434357;0.037179487179487179238090988065;0.025320512820512820761909011935;0.005448717948717948442172165358;0.021474358974358974394558430276;0.008333333333333333217685101602;0.032051282051282048435325577884;0.041025641025641025605441569724;0.025000000000000001387778780781;0.041025641025641025605441569724;0.032051282051282048435325577884;0.022756410256410255360526306845;0.000641025641025641025085024527;0.027884615384615386163291717025;0.002884615384615384775512936244;0.020512820512820512802720784862;0.026602564102564101727876888503;0.006410256410256410034009810772;0.021794871794871793768688661430;0.039423076923076921795896510048;0.009615384615384615918376454147;0.008653846153846154326538808732;0.001923076923076923183675290829;0.015064102564102564360548619504;0.017948717948717947401338079771;0.010256410256410256401360392431;0.000000000000000000000000000000;0.020192307692307693428590553708;0.014423076923076923877564681220;0.017948717948717947401338079771;0.037820512820512817986351450372;0.022115384615384616612265844537;0.025000000000000001387778780781;0.015384615384615385469402326635
-0.030952380952380953438307642500;0.009523809523809524668624959531;0.069047619047619052112807480626;0.137301587301587313394435341252;0.006746031746031746351155433672;0.007936507936507936067371815625;0.002777777777777777883788656865;0.024603174603174602502742018828;0.014682539682539682418527249297;0.030555555555555554553270880547;0.011111111111111111535154627461;0.003571428571428571317053490830;0.004365079365079365183999193789;0.057936507936507938842929377188;0.014285714285714285268213963320;0.027777777777777776235801354687;0.021428571428571428769682682969;0.024603174603174602502742018828;0.015476190476190476719153821250;0.009523809523809524668624959531;0.011111111111111111535154627461;0.009523809523809524668624959531;0.005952380952380952050528861719;0.037301587301587300904426314219;0.029761904761904760252644308594;0.039285714285714284921269268125;0.032539682539682542039560786407;0.002777777777777777883788656865;0.000396825396825396825052634231;0.005158730158730158617264027754;0.007936507936507936067371815625;0.019047619047619049337249919063;0.003968253968253968033685907812;0.005555555555555555767577313730;0.012698412698412698401684295391;0.044047619047619050725028699844;0.007936507936507936067371815625;0.005158730158730158617264027754;0.000000000000000000000000000000;0.010317460317460317234528055508;0.005555555555555555767577313730;0.003968253968253968033685907812;0.000000000000000000000000000000;0.021031746031746033354092872969;0.008333333333333333217685101602;0.009523809523809524668624959531;0.050396825396825398191147371563;0.040476190476190478106932602032;0.025396825396825396803368590781;0.020634920634920634469056111016
-0.033045977011494254149681637500;0.010344827586206896408160815781;0.042816091954022986176831011562;0.068390804597701151945621234063;0.022701149425287357741520821719;0.017816091954022988258499182734;0.005172413793103448204080407891;0.029310344827586206489788978047;0.009482758620689655040814081133;0.041666666666666664353702032031;0.015229885057471264156458978789;0.012643678160919540054418774844;0.006034482758620689571427142539;0.035057471264367819074880827657;0.019827586206896553183698372891;0.020689655172413792816321631562;0.013218390804597700965983264609;0.018390804597701149170063672500;0.024712643678160919197273059922;0.004310344827586206836733673242;0.021551724137931035918391842188;0.008333333333333333217685101602;0.001724137931034482734693469297;0.056609195402298848054378765937;0.032471264367816089768670195781;0.045114942528735629823088970625;0.029597701149425288680294698906;0.039655172413793106367396745782;0.001724137931034482734693469297;0.023850574712643679564649801250;0.011781609195402298687072040195;0.020402298850574714095262862656;0.006321839080459770027209387422;0.006321839080459770027209387422;0.004597701149425287292515918125;0.037068965517241377061186113906;0.010344827586206896408160815781;0.008333333333333333217685101602;0.002873563218390804557822448828;0.003160919540229885013604693711;0.008045977011494252761902856719;0.007183908045977011394556122070;0.000000000000000000000000000000;0.031034482758620689224482447344;0.014080459770114942333329999258;0.018103448275862070449004903594;0.045977011494252872925159181250;0.021264367816091953727886121328;0.015229885057471264156458978789;0.016379310344827587714311434297
-0.039666666666666669516239096538;0.007000000000000000145716771982;0.056333333333333332482162347787;0.007000000000000000145716771982;0.038666666666666668628060676838;0.025000000000000001387778780781;0.001666666666666666773641281019;0.020666666666666666518636930050;0.023333333333333334397297065266;0.038333333333333330372738601000;0.017666666666666667323548622903;0.017666666666666667323548622903;0.010666666666666666310470112933;0.036999999999999998168132009368;0.012333333333333333300951828448;0.025999999999999998806510248528;0.016333333333333331649495079319;0.028000000000000000582867087928;0.021000000000000001304512053935;0.005666666666666667073748442363;0.017999999999999998639976794834;0.010000000000000000208166817117;0.004666666666666667052931760651;0.044666666666666667018237291131;0.031666666666666669349705642844;0.050333333333333334091985733494;0.030666666666666664992080271190;0.007333333333333333196868419890;0.000000000000000000000000000000;0.024666666666666666601903656897;0.021999999999999998723243521681;0.022666666666666668294993769450;0.012000000000000000249800180541;0.005000000000000000104083408559;0.012999999999999999403255124264;0.035666666666666665963525417737;0.010999999999999999361621760841;0.012666666666666666352103476356;0.002000000000000000041633363423;0.008333333333333333217685101602;0.005000000000000000104083408559;0.015666666666666665547191783503;0.000000000000000000000000000000;0.028666666666666666685170383744;0.011333333333333334147496884725;0.013666666666666667240281896056;0.045333333333333336589987538900;0.027333333333333334480563792113;0.020333333333333331732761806165;0.016333333333333331649495079319
-0.029999999999999998889776975375;0.007777777777777777554191196430;0.038055555555555557745162076344;0.190833333333333327042069527124;0.014722222222222221613141535101;0.023888888888888890060790970438;0.000833333333333333386820640509;0.018611111111111109522875395328;0.012500000000000000693889390391;0.032222222222222221543752596062;0.014722222222222221613141535101;0.020555555555555556079827539406;0.010555555555555555871660722289;0.036388888888888887285233408875;0.012222222222222222862142437805;0.025277777777777777484802257391;0.008333333333333333217685101602;0.019166666666666665186369300500;0.016944444444444446001840631766;0.008611111111111111049432054187;0.016111111111111110771876298031;0.006666666666666667094565124074;0.007777777777777777554191196430;0.045833333333333330095182844843;0.030833333333333334119741309109;0.041944444444444443920172460594;0.023611111111111110494320541875;0.006388888888888889262818171488;0.000277777777777777777536843962;0.023055555555555554830826636703;0.013888888888888888117900677344;0.016388888888888890338346726594;0.009166666666666666712925959359;0.003888888888888888777095598215;0.011388888888888889366901580047;0.032222222222222221543752596062;0.010555555555555555871660722289;0.006388888888888889262818171488;0.000277777777777777777536843962;0.005833333333333333599324266316;0.002500000000000000052041704279;0.006944444444444444058950338672;0.000000000000000000000000000000;0.020555555555555556079827539406;0.012222222222222222862142437805;0.010555555555555555871660722289;0.034722222222222223764198645313;0.026388888888888888811790067734;0.015833333333333334674852821422;0.015555555555555555108382392859
-0.023076923076923078204103489952;0.008333333333333333217685101602;0.032051282051282048435325577884;0.306410256410256431891525608080;0.019551282051282051210883139447;0.013782051282051281659857266959;0.003205128205128205017004905386;0.024358974358974359170071366520;0.001602564102564102508502452693;0.040705128205128206231311338570;0.008974358974358973700669039886;0.018910256410256408993175725186;0.005769230769230769551025872488;0.026282051282051282353746657350;0.021794871794871793768688661430;0.014423076923076923877564681220;0.010256410256410256401360392431;0.012179487179487179585035683260;0.010256410256410256401360392431;0.003525641025641025692177743522;0.010897435897435896884344330715;0.002884615384615384775512936244;0.002884615384615384775512936244;0.050641025641025641523818023870;0.018269230769230770244915262879;0.029807692307692309346967007855;0.025000000000000001387778780781;0.014743589743589743251694912374;0.000961538461538461591837645415;0.014423076923076923877564681220;0.010576923076923077510214099561;0.020192307692307693428590553708;0.004487179487179486850334519943;0.003205128205128205017004905386;0.003846153846153846367350581659;0.033653846153846152244870637560;0.008012820512820512108831394471;0.005448717948717948442172165358;0.000320512820512820512542512263;0.002564102564102564100340098108;0.004807692307692307959188227073;0.002564102564102564100340098108;0.000000000000000000000000000000;0.024679487179487178544201597674;0.010897435897435896884344330715;0.012500000000000000693889390391;0.037179487179487179238090988065;0.020192307692307693428590553708;0.009935897435897435292506685300;0.008974358974358973700669039886
-0.028703703703703703498106847292;0.005864197530864197899225231936;0.057098765432098762262480562413;0.128703703703703709049221970417;0.005246913580246913635929395525;0.015432098765432097908778530382;0.004012345679012345976699460692;0.018209876543209876226248056241;0.009259259259259258745267118229;0.042901234567901236349740656806;0.013271604938271605589328316910;0.020061728395061727281412089496;0.008024691358024691953398921385;0.043518518518518518878313017240;0.017283950617283948963942563637;0.024074074074074074125473288177;0.014814814814814815380206169948;0.016666666666666666435370203203;0.008950617283950617480980938012;0.012037037037037037062736644089;0.015740740740740739173064710599;0.007407407407407407690103084974;0.004320987654320987240985640909;0.060185185185185181844236268489;0.021604938271604937072289942535;0.040432098765432099296557311163;0.022839506172839505598881615356;0.009567901234567901744276774423;0.001543209876543209790877853038;0.009567901234567901744276774423;0.012345679012345678327022824305;0.025925925925925925180637321432;0.003086419753086419581755706076;0.006790123456790123426807248563;0.008024691358024691953398921385;0.050925925925925923098969150260;0.012345679012345678327022824305;0.012037037037037037062736644089;0.000308641975308641969017592332;0.008333333333333333217685101602;0.006481481481481481295159330358;0.002469135802469135752140738660;0.000000000000000000000000000000;0.031172839506172840551290192934;0.009259259259259258745267118229;0.015432098765432097908778530382;0.049074074074074075513252068959;0.029629629629629630760412339896;0.016975308641975307699656383420;0.012037037037037037062736644089
-0.023270440251572325346396397094;0.009748427672955974412905000293;0.051257861635220128282419693733;0.056289308176100630309868222412;0.042767295597484274172206397679;0.020125786163522011579241066670;0.001886792452830188693974067249;0.023270440251572325346396397094;0.011320754716981131296482665505;0.020754716981132074332672132755;0.016352201257861635058654670161;0.025786163522012579829567613388;0.011006289308176099919767132462;0.044968553459119493809215128977;0.017295597484276729188801269288;0.015723270440251572305223604076;0.015094339622641509551792537991;0.032704402515723270117309340321;0.023270440251572325346396397094;0.010377358490566037166336066377;0.016666666666666666435370203203;0.016037735849056603681939137118;0.012578616352201258538068273651;0.033018867924528301494024873364;0.025786163522012579829567613388;0.036792452830188678014611269873;0.029559748427672956350154009897;0.009119496855345911659473934208;0.000314465408805031430925641667;0.039622641509433960405051067255;0.007547169811320754775896268995;0.014779874213836478175077004948;0.011006289308176099919767132462;0.010062893081761005789620533335;0.019811320754716980202525533628;0.040566037735849054535197666382;0.013207547169811321291499339736;0.005660377358490565648241332752;0.000943396226415094346987033624;0.014779874213836478175077004948;0.005660377358490565648241332752;0.004402515723270440141379200583;0.000000000000000000000000000000;0.010377358490566037166336066377;0.015094339622641509551792537991;0.010377358490566037166336066377;0.042767295597484274172206397679;0.031132075471698113233731675109;0.031132075471698113233731675109;0.017924528301886791942232335373
-0.023703703703703702526661700745;0.016666666666666666435370203203;0.045925925925925925596970955667;0.021481481481481479872686080057;0.041111111111111112159655078813;0.018518518518518517490534236458;0.005555555555555555767577313730;0.030740740740740742087400150240;0.004814814814814815172039352831;0.058888888888888886452566140406;0.010740740740740739936343040029;0.009629629629629630344078705662;0.005925925925925925631665425186;0.033333333333333332870740406406;0.032222222222222221543752596062;0.013333333333333334189130248149;0.013703703703703704053218359604;0.021851851851851851471497667490;0.029999999999999998889776975375;0.002962962962962962815832712593;0.011851851851851851263330850372;0.004814814814814815172039352831;0.003703703703703703845051542487;0.079629629629629633535969901459;0.022592592592592591199673890401;0.040740740740740744030290443334;0.024814814814814813853649511088;0.015925925925925926707193980292;0.001851851851851851922525771243;0.032592592592592589673117231541;0.006296296296296296363115274630;0.031111111111111110216764785719;0.012592592592592592726230549260;0.004814814814814815172039352831;0.009629629629629630344078705662;0.052222222222222225429533182250;0.008888888888888888881179006773;0.007777777777777777554191196430;0.000000000000000000000000000000;0.007037037037037036958653235530;0.007777777777777777554191196430;0.003703703703703703845051542487;0.000000000000000000000000000000;0.035925925925925923654080662573;0.023703703703703702526661700745;0.017407407407407406163546426114;0.045925925925925925596970955667;0.023333333333333334397297065266;0.014074074074074073917306471060;0.008148148148148147418279307885
-0.018148148148148149361169600979;0.006666666666666667094565124074;0.051481481481481482231910007386;0.000000000000000000000000000000;0.000000000000000000000000000000;0.004814814814814815172039352831;0.000000000000000000000000000000;0.019629629629629628817522046802;0.087777777777777774015355305437;0.070740740740740742920067418709;0.006666666666666667094565124074;0.001851851851851851922525771243;0.002222222222222222220294751693;0.050000000000000002775557561563;0.001481481481481481407916356297;0.011481481481481481399242738917;0.020000000000000000416333634234;0.029999999999999998889776975375;0.002592592592592592518063732143;0.008888888888888888881179006773;0.011111111111111111535154627461;0.019259259259259260688157411323;0.002592592592592592518063732143;0.108148148148148146030500527104;0.018518518518518517490534236458;0.050000000000000002775557561563;0.015185185185185185244294281404;0.007037037037037036958653235530;0.000370370370370370351979089074;0.000370370370370370351979089074;0.002222222222222222220294751693;0.034814814814814812327092852229;0.000740740740740740703958178148;0.003333333333333333547282562037;0.005185185185185185036127464286;0.065925925925925929482751541855;0.014444444444444443781394582516;0.005925925925925925631665425186;0.004444444444444444440589503387;0.008148148148148147418279307885;0.006666666666666667094565124074;0.055185185185185184342238073896;0.000000000000000000000000000000;0.044074074074074071072359970458;0.000740740740740740703958178148;0.018148148148148149361169600979;0.054444444444444441144614899031;0.027407407407407408106436719208;0.008518518518518519017090895318;0.012592592592592592726230549260
-0.021481481481481479872686080057;0.015555555555555555108382392859;0.065555555555555561353386906376;0.004444444444444444440589503387;0.008148148148148147418279307885;0.013703703703703704053218359604;0.007407407407407407690103084974;0.021851851851851851471497667490;0.066296296296296297612116177334;0.032962962962962964741375770927;0.011851851851851851263330850372;0.020740740740740740144509857146;0.006666666666666667094565124074;0.041481481481481480289019714291;0.021111111111111111743321444578;0.020740740740740740144509857146;0.023333333333333334397297065266;0.043703703703703702942995334979;0.013703703703703704053218359604;0.016296296296296294836558615771;0.014074074074074073917306471060;0.029259259259259259161600752464;0.007037037037037036958653235530;0.040000000000000000832667268469;0.023333333333333334397297065266;0.029629629629629630760412339896;0.023703703703703702526661700745;0.019259259259259260688157411323;0.000000000000000000000000000000;0.010740740740740739936343040029;0.022592592592592591199673890401;0.019259259259259260688157411323;0.004444444444444444440589503387;0.002592592592592592518063732143;0.010740740740740739936343040029;0.037777777777777778178691647781;0.011111111111111111535154627461;0.007407407407407407690103084974;0.004074074074074073709139653943;0.011111111111111111535154627461;0.014074074074074073917306471060;0.042222222222222223486642889156;0.000000000000000000000000000000;0.017407407407407406163546426114;0.012962962962962962590318660716;0.010000000000000000208166817117;0.038518518518518521376314822646;0.024444444444444445724284875610;0.021481481481481479872686080057;0.013703703703703704053218359604
-0.019333333333333334314030338419;0.025666666666666667490082076597;0.033000000000000001554312234475;0.056000000000000001165734175856;0.096000000000000001998401444325;0.017333333333333332537673499019;0.007333333333333333196868419890;0.029333333333333332787473679559;0.005000000000000000104083408559;0.017000000000000001221245327088;0.013666666666666667240281896056;0.024666666666666666601903656897;0.008666666666666666268836749509;0.027666666666666665796991964044;0.051999999999999997613020497056;0.012333333333333333300951828448;0.011333333333333334147496884725;0.016666666666666666435370203203;0.039666666666666669516239096538;0.006000000000000000124900090270;0.016000000000000000333066907388;0.005666666666666667073748442363;0.008666666666666666268836749509;0.023666666666666665713725237197;0.018999999999999999528155214534;0.023333333333333334397297065266;0.037999999999999999056310429069;0.028666666666666666685170383744;0.001333333333333333288808764117;0.048333333333333332315628894094;0.022666666666666668294993769450;0.010999999999999999361621760841;0.014666666666666666393736839780;0.008333333333333333217685101602;0.010333333333333333259318465025;0.025333333333333332704206952712;0.012333333333333333300951828448;0.008999999999999999319988397417;0.000666666666666666644404382058;0.008999999999999999319988397417;0.009333333333333334105863521302;0.002000000000000000041633363423;0.000000000000000000000000000000;0.012000000000000000249800180541;0.050000000000000002775557561563;0.006666666666666667094565124074;0.028000000000000000582867087928;0.017333333333333332537673499019;0.010999999999999999361621760841;0.008999999999999999319988397417
-0.026785714285714284227379877734;0.009821428571428571230317317031;0.027380952380952380820211544687;0.040178571428571431545240244532;0.075297619047619043786134795937;0.048809523809523809589894227656;0.001785714285714285658526745415;0.011904761904761904101057723437;0.001785714285714285658526745415;0.011011904761904762681257174961;0.016964285714285712997062560703;0.119345238095238101450057399688;0.012202380952380952397473556914;0.031250000000000000000000000000;0.024702380952380951356639471328;0.025000000000000001387778780781;0.005357142857142857192420670742;0.015178571428571428422737987773;0.017261904761904763028201870156;0.005952380952380952050528861719;0.012797619047619047255581747891;0.004166666666666666608842550801;0.003571428571428571317053490830;0.023214285714285715078730731875;0.042261904761904764415980650938;0.036309523809523812365451789219;0.019940476190476189022326991562;0.007440476190476190063161077148;0.001785714285714285658526745415;0.066369047619047619179788455313;0.054761904761904761640423089375;0.010119047619047619526733150508;0.007738095238095238359576910625;0.009226190476190476372209126055;0.010119047619047619526733150508;0.018452380952380952744418252109;0.005654761904761904621474766230;0.005654761904761904621474766230;0.001190476190476190583578119941;0.005952380952380952050528861719;0.002380952380952381167156239883;0.002976190476190476025264430859;0.000000000000000000000000000000;0.011011904761904762681257174961;0.022321428571428571924206707422;0.005059523809523809763366575254;0.028273809523809523974735569141;0.024404761904761904794947113828;0.013690476190476190410105772344;0.015178571428571428422737987773
-0.031111111111111110216764785719;0.007407407407407407690103084974;0.031481481481481478346129421197;0.047037037037037036923958766010;0.014444444444444443781394582516;0.050370370370370370904922197042;0.001111111111111111110147375847;0.009629629629629630344078705662;0.010000000000000000208166817117;0.017777777777777777762358013547;0.010000000000000000208166817117;0.155185185185185176015565389207;0.010740740740740739936343040029;0.029999999999999998889776975375;0.009259259259259258745267118229;0.031111111111111110216764785719;0.008148148148148147418279307885;0.013333333333333334189130248149;0.009259259259259258745267118229;0.005185185185185185036127464286;0.008148148148148147418279307885;0.009259259259259258745267118229;0.014444444444444443781394582516;0.031851851851851853414387960584;0.045925925925925925596970955667;0.030740740740740742087400150240;0.011111111111111111535154627461;0.007037037037037036958653235530;0.000370370370370370351979089074;0.045555555555555557467606320188;0.084444444444444446973285778313;0.007777777777777777554191196430;0.005925925925925925631665425186;0.008518518518518519017090895318;0.020000000000000000416333634234;0.021851851851851851471497667490;0.005925925925925925631665425186;0.007407407407407407690103084974;0.002222222222222222220294751693;0.015185185185185185244294281404;0.002592592592592592518063732143;0.006666666666666667094565124074;0.000000000000000000000000000000;0.011481481481481481399242738917;0.005555555555555555767577313730;0.006296296296296296363115274630;0.028148148148148147834612942120;0.018148148148148149361169600979;0.016296296296296294836558615771;0.018518518518518517490534236458
-0.026744186046511627535826605140;0.012790697674418604473656202458;0.046511627906976743540568008939;0.066279069767441856075862460784;0.008139534883720930119599401564;0.012015503875968992081313402309;0.005813953488372092942571001117;0.020155038759689922200912803874;0.013565891472868216865999002607;0.053100775193798452344928762159;0.015116279069767441650684602905;0.017054263565891472631541603278;0.011627906976744185885142002235;0.040697674418604654067443959775;0.008527131782945736315770801639;0.020542635658914728397084203948;0.010852713178294573492799202086;0.022093023255813953181769804246;0.010465116279069767296627802011;0.007751937984496123923428001490;0.017441860465116278827713003352;0.010077519379844961100456401937;0.011240310077519379688970602160;0.074806201550387599330527166330;0.025193798449612402751141004842;0.054263565891472867463996010429;0.021705426356589146985598404171;0.010852713178294573492799202086;0.003100775193798449569371200596;0.010077519379844961100456401937;0.009302325581395348708113601788;0.027131782945736433731998005214;0.003875968992248061961714000745;0.005813953488372092942571001117;0.014728682170542635454513202831;0.044961240310077518755882408641;0.015891472868217054043027403054;0.011627906976744185885142002235;0.001550387596899224784685600298;0.012790697674418604473656202458;0.011627906976744185885142002235;0.004651162790697674354056800894;0.000000000000000000000000000000;0.032170542635658917751673158136;0.004263565891472868157885400819;0.023255813953488371770284004469;0.048449612403100777990871961265;0.020930232558139534593255604022;0.022480620155038759377941204320;0.015891472868217054043027403054
-0.025641025641025640136039243089;0.028632478632478631369595589717;0.029059829059829060671216183209;0.032478632478632481206393123330;0.050854700854700854439904844639;0.032051282051282048435325577884;0.005982905982905983334474431246;0.022222222222222223070309254922;0.017948717948717947401338079771;0.013675213675213675201813856575;0.020940170940170938634894426400;0.030769230769230770938804653269;0.021794871794871793768688661430;0.029487179487179486503389824748;0.024358974358974359170071366520;0.015384615384615385469402326635;0.015811965811965811301575968173;0.026495726495726495269833478119;0.022222222222222223070309254922;0.008974358974358973700669039886;0.012393162393162392501122504029;0.015811965811965811301575968173;0.011965811965811966668948862491;0.018803418803418802535132314802;0.038888888888888889505679458125;0.019658119658119657668926549832;0.025641025641025640136039243089;0.031623931623931622603151936346;0.001282051282051282050170049054;0.047435897435897433904727904519;0.014957264957264957902505209120;0.011111111111111111535154627461;0.012393162393162392501122504029;0.011111111111111111535154627461;0.033760683760683758702914047944;0.024786324786324785002245008059;0.008547008547008547868495398347;0.008119658119658120301598280832;0.001709401709401709400226732072;0.024786324786324785002245008059;0.010683760683760683968257509946;0.011538461538461539102051744976;0.000000000000000000000000000000;0.011111111111111111535154627461;0.022649572649572648902482896460;0.010683760683760683968257509946;0.024786324786324785002245008059;0.020085470085470086970547143324;0.025213675213675214303865601551;0.013675213675213675201813856575
-0.017948717948717947401338079771;0.047756410256410253278858135673;0.033333333333333332870740406406;0.049358974358974357088403195348;0.073076923076923080979661051515;0.016025641025641024217662788942;0.006089743589743589792517841630;0.035897435897435894802676159543;0.004487179487179486850334519943;0.015384615384615385469402326635;0.015384615384615385469402326635;0.012179487179487179585035683260;0.006089743589743589792517841630;0.017628205128205128027207848618;0.076923076923076927347011633174;0.009615384615384615918376454147;0.011538461538461539102051744976;0.045833333333333330095182844843;0.028205128205128205537421948179;0.006730769230769231142863517903;0.019230769230769231836752908293;0.008974358974358973700669039886;0.011858974358974358476181976130;0.023717948717948716952363952259;0.013461538461538462285727035805;0.019230769230769231836752908293;0.030769230769230770938804653269;0.052884615384615384081623545853;0.001923076923076923183675290829;0.036538461538461540489830525757;0.003846153846153846367350581659;0.011538461538461539102051744976;0.016346153846153847061239972049;0.006410256410256410034009810772;0.005769230769230769551025872488;0.033333333333333332870740406406;0.008653846153846154326538808732;0.005448717948717948442172165358;0.000320512820512820512542512263;0.011538461538461539102051744976;0.014743589743589743251694912374;0.005448717948717948442172165358;0.000000000000000000000000000000;0.013461538461538462285727035805;0.039423076923076921795896510048;0.008974358974358973700669039886;0.030128205128205128721097239008;0.013461538461538462285727035805;0.015064102564102564360548619504;0.008012820512820512108831394471
-0.017829457364341085023884403427;0.018217054263565891220055803501;0.035658914728682170047768806853;0.187984496124031008612575988082;0.022093023255813953181769804246;0.017054263565891472631541603278;0.003100775193798449569371200596;0.029069767441860464712855005587;0.006976744186046511531085201341;0.020542635658914728397084203948;0.011240310077519379688970602160;0.019379844961240309808570003725;0.007364341085271317727256601415;0.029457364341085270909026405661;0.033333333333333332870740406406;0.008527131782945736315770801639;0.016666666666666666435370203203;0.032945736434108530144015958285;0.028294573643410852320512205438;0.008527131782945736315770801639;0.014341085271317829258341802756;0.005813953488372092942571001117;0.015891472868217054043027403054;0.026356589147286821339655205065;0.018992248062015503612398603650;0.022868217054263565574112604395;0.032170542635658917751673158136;0.011627906976744185885142002235;0.000387596899224806196171400074;0.024806201550387596554969604767;0.011240310077519379688970602160;0.016279069767441860239198803129;0.016279069767441860239198803129;0.010077519379844961100456401937;0.014728682170542635454513202831;0.033333333333333332870740406406;0.012015503875968992081313402309;0.006589147286821705334913801266;0.000775193798449612392342800149;0.008527131782945736315770801639;0.010077519379844961100456401937;0.006201550387596899138742401192;0.000000000000000000000000000000;0.018604651162790697416227203576;0.017054263565891472631541603278;0.010077519379844961100456401937;0.034496124031007754928701558583;0.018217054263565891220055803501;0.017829457364341085023884403427;0.010077519379844961100456401937
-0.024213836477987422945989948175;0.006918238993710692022465202911;0.034591194968553458377602538576;0.270125786163522008109794114716;0.039308176100628929028335534213;0.011006289308176099919767132462;0.005345911949685534271525799710;0.018553459119496854695663401458;0.024842767295597485699421014260;0.019496855345911948825810000585;0.009119496855345911659473934208;0.016037735849056603681939137118;0.006918238993710692022465202911;0.020125786163522011579241066670;0.020125786163522011579241066670;0.022327044025157231216249797967;0.027358490566037736713145278600;0.018867924528301886072378934500;0.013207547169811321291499339736;0.004716981132075471518094733625;0.013522012578616352668214872779;0.017610062893081760565516802330;0.002515723270440251447405133334;0.023584905660377360192558882090;0.017924528301886791942232335373;0.015723270440251572305223604076;0.018553459119496854695663401458;0.040566037735849054535197666382;0.004402515723270440141379200583;0.012893081761006289914783806694;0.021698113207547168462818731882;0.016037735849056603681939137118;0.001572327044025157317258534206;0.008805031446540880282758401165;0.008805031446540880282758401165;0.020125786163522011579241066670;0.003773584905660377387948134498;0.018238993710691823318947868415;0.001886792452830188693974067249;0.011949685534591195784637207566;0.005660377358490565648241332752;0.011006289308176099919767132462;0.000000000000000000000000000000;0.016666666666666666435370203203;0.010377358490566037166336066377;0.022012578616352199839534264925;0.015094339622641509551792537991;0.007861635220125786152611802038;0.006603773584905660645749669868;0.011320754716981131296482665505
-0.015833333333333334674852821422;0.010416666666666666088425508008;0.044999999999999998334665463062;0.075416666666666673513041985188;0.070416666666666669072149886688;0.017083333333333332315628894094;0.008750000000000000832667268469;0.027083333333333334258519187188;0.033333333333333332870740406406;0.027083333333333334258519187188;0.011249999999999999583666365766;0.022916666666666665047591422422;0.009583333333333332593184650250;0.024166666666666666157814447047;0.023333333333333334397297065266;0.021250000000000001526556658860;0.020000000000000000416333634234;0.019583333333333334536074943344;0.017500000000000001665334536938;0.004583333333333333356462979680;0.013333333333333334189130248149;0.025833333333333333148296162562;0.005416666666666666851703837438;0.035000000000000003330669073875;0.022916666666666665047591422422;0.027916666666666666019036568969;0.024583333333333332038073137937;0.027500000000000000138777878078;0.006250000000000000346944695195;0.024583333333333332038073137937;0.014166666666666665949647629930;0.023750000000000000277555756156;0.003333333333333333547282562037;0.012916666666666666574148081281;0.009583333333333332593184650250;0.028750000000000001249000902703;0.005000000000000000104083408559;0.016250000000000000555111512313;0.010000000000000000208166817117;0.014166666666666665949647629930;0.013750000000000000069388939039;0.014583333333333333564629796797;0.000000000000000000000000000000;0.020416666666666666296592325125;0.007916666666666667337426410711;0.014583333333333333564629796797;0.029999999999999998889776975375;0.012916666666666666574148081281;0.010000000000000000208166817117;0.020000000000000000416333634234
-0.022222222222222223070309254922;0.014705882352941176266503120473;0.030718954248366011489101978782;0.170915032679738565501992297868;0.091503267973856203254534591451;0.014379084967320260660117448026;0.008169934640522876281854003366;0.021568627450980391857537910028;0.013398692810457515575683906661;0.029411764705882352533006240947;0.009803921568627450844335413649;0.009477124183006535237949741202;0.005228758169934640161191641283;0.017973856209150325391465941038;0.023856209150326795898067189228;0.017320261437908497648141548098;0.014705882352941176266503120473;0.020261437908496732901442172192;0.018954248366013070475899482403;0.003921568627450980337734165460;0.012418300653594770491250365296;0.008496732026143790153516199837;0.005228758169934640161191641283;0.039869281045751631120666047536;0.015686274509803921350936661838;0.024836601307189540982500730593;0.025163398692810458323609879017;0.045098039215686273883942902785;0.006209150326797385245625182648;0.026143790849673203408043420382;0.010457516339869280322383282567;0.023202614379084968154742796287;0.007189542483660130330058724013;0.004248366013071895076758099918;0.002941176470588235253300624095;0.024836601307189540982500730593;0.002941176470588235253300624095;0.016993464052287580307032399674;0.000653594771241830020148955160;0.006209150326797385245625182648;0.004575163398692810683143772366;0.011764705882352941013202496379;0.000000000000000000000000000000;0.028431372549019607448572699582;0.017320261437908497648141548098;0.024183006535947713239176337652;0.022222222222222223070309254922;0.008169934640522876281854003366;0.006209150326797385245625182648;0.009803921568627450844335413649
-0.018794326241134751143135872553;0.011347517730496454665956029828;0.034042553191489362263144613507;0.196453900709219864140209210746;0.052836879432624113406280486060;0.016312056737588651739168099652;0.009929078014184397615871091602;0.020567375886524821154699438353;0.017730496453900710523976513855;0.019503546099290780535540079654;0.008156028368794325869584049826;0.019858156028368795231742183205;0.008510638297872340565786153377;0.016312056737588651739168099652;0.011347517730496454665956029828;0.018085106382978721750731665452;0.016666666666666666435370203203;0.016312056737588651739168099652;0.012056737588652482323636760952;0.004255319148936170282893076688;0.012765957446808509981317492077;0.016312056737588651739168099652;0.012411347517730497019838864503;0.027304964539007093443645501907;0.017021276595744681131572306754;0.020567375886524821154699438353;0.025531914893617019962634984154;0.044680851063829789271419912211;0.007801418439716312040743684264;0.025531914893617019962634984154;0.015602836879432624081487368528;0.020921985815602835850901541903;0.007801418439716312040743684264;0.010638297872340425273551822727;0.013829787234042552335200326752;0.024468085106382979343475625456;0.006028368794326241161818380476;0.018085106382978721750731665452;0.004255319148936170282893076688;0.015957446808510637042965996102;0.006382978723404254990658746038;0.011347517730496454665956029828;0.000000000000000000000000000000;0.021276595744680850547103645454;0.010283687943262410577349719176;0.023758865248226949951071418354;0.017730496453900710523976513855;0.009219858156028368223466884501;0.011347517730496454665956029828;0.012056737588652482323636760952
-0.019182389937106917449094467543;0.007547169811320754775896268995;0.055345911949685536179721623284;0.075786163522012575666231271043;0.036792452830188678014611269873;0.011006289308176099919767132462;0.008805031446540880282758401165;0.024528301886792454322705481218;0.017924528301886791942232335373;0.043710691823899368302352996807;0.009748427672955974412905000293;0.013522012578616352668214872779;0.003773584905660377387948134498;0.033647798742138364247455939449;0.015094339622641509551792537991;0.022955974842767293969680864052;0.025157232704402517076136547303;0.019811320754716980202525533628;0.007232704402515723399180735953;0.003773584905660377387948134498;0.011949685534591195784637207566;0.018553459119496854695663401458;0.002830188679245282824120666376;0.066666666666666665741480812812;0.021698113207547168462818731882;0.036477987421383646637895736831;0.027672955974842768089860811642;0.017924528301886791942232335373;0.007861635220125786152611802038;0.011006289308176099919767132462;0.015094339622641509551792537991;0.033333333333333332870740406406;0.003144654088050314634517068413;0.008805031446540880282758401165;0.005345911949685534271525799710;0.054088050314465410672859491115;0.008176100628930817529327335080;0.011320754716981131296482665505;0.002515723270440251447405133334;0.009433962264150943036189467250;0.006289308176100629269034136826;0.008176100628930817529327335080;0.000000000000000000000000000000;0.031761006289308175987162741194;0.011320754716981131296482665505;0.022641509433962262592965331010;0.043081761006289305548921930722;0.022327044025157231216249797967;0.011320754716981131296482665505;0.013836477987421384044930405821
-0.008750000000000000832667268469;0.014999999999999999444888487687;0.052499999999999998057109706906;0.302916666666666667406815349750;0.005000000000000000104083408559;0.002083333333333333304421275400;0.004583333333333333356462979680;0.020000000000000000416333634234;0.010000000000000000208166817117;0.052916666666666667406815349750;0.007499999999999999722444243844;0.002083333333333333304421275400;0.005416666666666666851703837438;0.030833333333333334119741309109;0.016666666666666666435370203203;0.007083333333333332974823814965;0.016666666666666666435370203203;0.025833333333333333148296162562;0.010000000000000000208166817117;0.006666666666666667094565124074;0.009583333333333332593184650250;0.012083333333333333078907223523;0.003749999999999999861222121922;0.065416666666666664631257788187;0.007916666666666667337426410711;0.028333333333333331899295259859;0.023750000000000000277555756156;0.009166666666666666712925959359;0.000000000000000000000000000000;0.004583333333333333356462979680;0.000416666666666666693410320255;0.023333333333333334397297065266;0.000833333333333333386820640509;0.004583333333333333356462979680;0.004583333333333333356462979680;0.045833333333333330095182844843;0.005416666666666666851703837438;0.006666666666666667094565124074;0.000000000000000000000000000000;0.010000000000000000208166817117;0.008750000000000000832667268469;0.002916666666666666799662133158;0.000000000000000000000000000000;0.025416666666666667268037471672;0.010833333333333333703407674875;0.013333333333333334189130248149;0.037916666666666667961926862063;0.012500000000000000693889390391;0.007916666666666667337426410711;0.011666666666666667198648532633
-0.025378787878787879145336958686;0.028787878787878789371701415689;0.035984848484848487581988507600;0.117424242424242430971048634092;0.008712121212121212709966755483;0.017045454545454544192928381108;0.004924242424242423858682382587;0.017803030303030303177491688871;0.018939393939393939919613174538;0.017424242424242425419933510966;0.010984848484848484459486250842;0.010984848484848484459486250842;0.016666666666666666435370203203;0.027651515151515152629579930021;0.057196969696969697516397701520;0.016666666666666666435370203203;0.030681818181818181628939257166;0.037121212121212124324109993267;0.010606060606060606701928072937;0.004924242424242423858682382587;0.016287878787878788677812025298;0.022348484848484850145977631541;0.010606060606060606701928072937;0.032954545454545451643735276548;0.021969696969696968918972501683;0.019318181818181817677171352443;0.024242424242424242403215473018;0.008333333333333333217685101602;0.002651515151515151675482018234;0.010227272727272727209646419055;0.008333333333333333217685101602;0.032954545454545451643735276548;0.009090909090909090467524933388;0.008333333333333333217685101602;0.021969696969696968918972501683;0.034469696969696969612861892074;0.007954545454545453725403447720;0.011363636363636363951767904723;0.001515151515151515150200967064;0.024621212121212120160773650923;0.005681818181818181975883952362;0.014393939393939394685850707845;0.000000000000000000000000000000;0.025757575757575756902895136591;0.025378787878787879145336958686;0.017424242424242425419933510966;0.021590909090909091161414323778;0.015530303030303029693248717535;0.015151515151515151935690539631;0.013636363636363635701287400082
-0.024242424242424242403215473018;0.020303030303030301928490786167;0.030909090909090910365142335081;0.235151515151515139168125756441;0.002121212121212121427121788386;0.014848484848484848688809911721;0.005454545454545454974404350423;0.020909090909090908422252041987;0.017272727272727272929131459023;0.017878787878787879422892714842;0.009090909090909090467524933388;0.008484848484848485708487153545;0.013636363636363635701287400082;0.021818181818181819897617401693;0.050303030303030300818267761542;0.016666666666666666435370203203;0.021818181818181819897617401693;0.032424242424242424864821998653;0.013030303030303030942249620239;0.006969696969696969474084013996;0.014242424242424242195048655901;0.015757575757575758429451795450;0.013333333333333334189130248149;0.029999999999999998889776975375;0.019393939393939393922572378415;0.022121212121212121409774553626;0.019090909090909092410415226482;0.008787878787878787220644305478;0.002121212121212121427121788386;0.005151515151515151727523722514;0.008484848484848485708487153545;0.024545454545454543915372624951;0.009393939393939393714405561298;0.008484848484848485708487153545;0.018181818181818180935049866775;0.024848484848484848896976728838;0.003636363636363636360482320953;0.016666666666666666435370203203;0.002424242424242424240321547302;0.019090909090909092410415226482;0.008484848484848485708487153545;0.006666666666666667094565124074;0.000000000000000000000000000000;0.015757575757575758429451795450;0.018181818181818180935049866775;0.022121212121212121409774553626;0.017575757575757574441288610956;0.013636363636363635701287400082;0.015757575757575758429451795450;0.012727272727272727695368992329
-0.026023391812865497019213734120;0.008187134502923977194543958547;0.021637426900584795508297730748;0.259941520467836251206961151183;0.010818713450292397754148865374;0.025730994152046784972931448010;0.016959064327485378481652489313;0.021929824561403507554580016858;0.008771929824561403021832006743;0.018128654970760233605675537660;0.012573099415204678705459961918;0.018421052631578945651957823770;0.009941520467836258145855055091;0.016959064327485378481652489313;0.020175438596491228337992396291;0.029239766081871343406106689145;0.012280701754385964924454199831;0.016081871345029238873358679029;0.019590643274853800775980872118;0.003508771929824561468941324094;0.025146198830409357410919923836;0.011988304093567251143448437745;0.003216374269005848121616431001;0.019590643274853800775980872118;0.023684210526315790240614589379;0.024561403508771929848908399663;0.027485380116959064189519068577;0.007602339181286549632532434373;0.002046783625730994298635989637;0.022222222222222223070309254922;0.015497076023391813046070630833;0.014912280701754385484059106659;0.006725146198830409156876886101;0.011988304093567251143448437745;0.007602339181286549632532434373;0.022222222222222223070309254922;0.003801169590643274816266217186;0.024853801169590641895190685773;0.001461988304093567170305334457;0.007017543859649122937882648188;0.009649122807017544364849293004;0.004970760233918129072927527545;0.000000000000000000000000000000;0.018713450292397661167687061834;0.019883040935672516291710110181;0.033040935672514620824458120296;0.017836257309941521559393251550;0.011111111111111111535154627461;0.009649122807017544364849293004;0.014619883040935671703053344572
-0.012878787878787878451447568295;0.011363636363636363951767904723;0.040530303030303027611580546363;0.223484848484848480643094603693;0.005303030303030303350964036468;0.010984848484848484459486250842;0.003409090909090908925321850020;0.017803030303030303177491688871;0.033333333333333332870740406406;0.019318181818181817677171352443;0.009469696969696969959806587269;0.010606060606060606701928072937;0.010984848484848484459486250842;0.020833333333333332176851016015;0.025000000000000001387778780781;0.014393939393939394685850707845;0.023863636363636364645657295114;0.025757575757575756902895136591;0.010606060606060606701928072937;0.003030303030303030300401934127;0.008712121212121212709966755483;0.031439393939393940613502564929;0.005681818181818181975883952362;0.029166666666666667129259593594;0.022727272727272727903535809446;0.027272727272727271402574800163;0.022727272727272727903535809446;0.057196969696969697516397701520;0.003787878787878787983922634908;0.011363636363636363951767904723;0.007954545454545453725403447720;0.018939393939393939919613174538;0.006818181818181817850643700041;0.016287878787878788677812025298;0.009848484848484847717364765174;0.025757575757575756902895136591;0.004924242424242423858682382587;0.014015151515151515193569053963;0.008712121212121212709966755483;0.015151515151515151935690539631;0.008712121212121212709966755483;0.013257575757575757943729222177;0.000000000000000000000000000000;0.020454545454545454419292838111;0.008333333333333333217685101602;0.012500000000000000693889390391;0.017424242424242425419933510966;0.012878787878787878451447568295;0.011742424242424241709326082628;0.013257575757575757943729222177
-0.019583333333333334536074943344;0.003749999999999999861222121922;0.031666666666666669349705642844;0.325833333333333308168278108496;0.005000000000000000104083408559;0.010833333333333333703407674875;0.006666666666666667094565124074;0.016666666666666666435370203203;0.020000000000000000416333634234;0.019166666666666665186369300500;0.009583333333333332593184650250;0.013333333333333334189130248149;0.015833333333333334674852821422;0.024166666666666666157814447047;0.015833333333333334674852821422;0.021666666666666667406815349750;0.014999999999999999444888487687;0.011249999999999999583666365766;0.010000000000000000208166817117;0.002083333333333333304421275400;0.012916666666666666574148081281;0.022083333333333333287074040641;0.006666666666666667094565124074;0.021250000000000001526556658860;0.020416666666666666296592325125;0.020416666666666666296592325125;0.017500000000000001665334536938;0.005000000000000000104083408559;0.001250000000000000026020852140;0.009166666666666666712925959359;0.012916666666666666574148081281;0.017500000000000001665334536938;0.002500000000000000052041704279;0.013750000000000000069388939039;0.017500000000000001665334536938;0.020416666666666666296592325125;0.005416666666666666851703837438;0.025416666666666667268037471672;0.005000000000000000104083408559;0.023750000000000000277555756156;0.008333333333333333217685101602;0.009583333333333332593184650250;0.000000000000000000000000000000;0.015416666666666667059870654555;0.010833333333333333703407674875;0.016250000000000000555111512313;0.022499999999999999167332731531;0.013750000000000000069388939039;0.012916666666666666574148081281;0.011666666666666667198648532633
-0.017500000000000001665334536938;0.005416666666666666851703837438;0.040833333333333332593184650250;0.297916666666666662965923251249;0.002083333333333333304421275400;0.007499999999999999722444243844;0.007916666666666667337426410711;0.033750000000000002220446049250;0.011666666666666667198648532633;0.033750000000000002220446049250;0.013333333333333334189130248149;0.010000000000000000208166817117;0.002916666666666666799662133158;0.022499999999999999167332731531;0.027916666666666666019036568969;0.015416666666666667059870654555;0.013750000000000000069388939039;0.011666666666666667198648532633;0.010000000000000000208166817117;0.002083333333333333304421275400;0.012083333333333333078907223523;0.016666666666666666435370203203;0.004583333333333333356462979680;0.043333333333333334813630699500;0.017083333333333332315628894094;0.038333333333333330372738601000;0.022916666666666665047591422422;0.004166666666666666608842550801;0.003749999999999999861222121922;0.005416666666666666851703837438;0.006250000000000000346944695195;0.029166666666666667129259593594;0.001666666666666666773641281019;0.009583333333333332593184650250;0.007499999999999999722444243844;0.029999999999999998889776975375;0.002916666666666666799662133158;0.006666666666666667094565124074;0.001666666666666666773641281019;0.007499999999999999722444243844;0.019166666666666665186369300500;0.004166666666666666608842550801;0.000000000000000000000000000000;0.029166666666666667129259593594;0.009583333333333332593184650250;0.022499999999999999167332731531;0.035000000000000003330669073875;0.007083333333333332974823814965;0.005000000000000000104083408559;0.009166666666666666712925959359
-0.025000000000000001387778780781;0.008000000000000000166533453694;0.040333333333333332149095440400;0.269666666666666665630458510350;0.002000000000000000041633363423;0.016666666666666666435370203203;0.006666666666666667094565124074;0.011666666666666667198648532633;0.018333333333333333425851918719;0.015666666666666665547191783503;0.007666666666666666248020067798;0.008333333333333333217685101602;0.014999999999999999444888487687;0.025666666666666667490082076597;0.013666666666666667240281896056;0.017333333333333332537673499019;0.024000000000000000499600361081;0.022999999999999999611421941381;0.006000000000000000124900090270;0.008000000000000000166533453694;0.012999999999999999403255124264;0.025999999999999998806510248528;0.010000000000000000208166817117;0.016333333333333331649495079319;0.024000000000000000499600361081;0.018999999999999999528155214534;0.017333333333333332537673499019;0.003666666666666666598434209945;0.002000000000000000041633363423;0.010000000000000000208166817117;0.017000000000000001221245327088;0.015666666666666665547191783503;0.006000000000000000124900090270;0.014000000000000000291433543964;0.018666666666666668211727042603;0.021666666666666667406815349750;0.008333333333333333217685101602;0.017000000000000001221245327088;0.007333333333333333196868419890;0.034333333333333333758918826106;0.004000000000000000083266726847;0.012333333333333333300951828448;0.000000000000000000000000000000;0.010999999999999999361621760841;0.008999999999999999319988397417;0.012999999999999999403255124264;0.027333333333333334480563792113;0.021999999999999998723243521681;0.021333333333333332620940225866;0.016000000000000000333066907388
-0.015333333333333332496040135595;0.006000000000000000124900090270;0.053999999999999999389377336456;0.358666666666666689167186632403;0.002000000000000000041633363423;0.009333333333333334105863521302;0.001666666666666666773641281019;0.012999999999999999403255124264;0.022333333333333333509118645566;0.015333333333333332496040135595;0.008666666666666666268836749509;0.006000000000000000124900090270;0.006333333333333333176051738178;0.025666666666666667490082076597;0.014999999999999999444888487687;0.021999999999999998723243521681;0.016666666666666666435370203203;0.023666666666666665713725237197;0.006333333333333333176051738178;0.004666666666666667052931760651;0.006000000000000000124900090270;0.024333333333333331816028533012;0.004333333333333333134418374755;0.016000000000000000333066907388;0.028666666666666666685170383744;0.025666666666666667490082076597;0.021333333333333332620940225866;0.002000000000000000041633363423;0.000333333333333333322202191029;0.004000000000000000083266726847;0.005333333333333333155235056466;0.010666666666666666310470112933;0.004666666666666667052931760651;0.016666666666666666435370203203;0.016333333333333331649495079319;0.019666666666666665630458510350;0.003333333333333333547282562037;0.006000000000000000124900090270;0.002666666666666666577617528233;0.022666666666666668294993769450;0.004666666666666667052931760651;0.005666666666666667073748442363;0.000000000000000000000000000000;0.008999999999999999319988397417;0.007000000000000000145716771982;0.004666666666666667052931760651;0.029333333333333332787473679559;0.023666666666666665713725237197;0.020000000000000000416333634234;0.022666666666666668294993769450
-0.012333333333333333300951828448;0.010999999999999999361621760841;0.064333333333333339587589705388;0.354999999999999982236431605997;0.002000000000000000041633363423;0.012000000000000000249800180541;0.001666666666666666773641281019;0.010999999999999999361621760841;0.017000000000000001221245327088;0.010666666666666666310470112933;0.010333333333333333259318465025;0.006666666666666667094565124074;0.007666666666666666248020067798;0.029666666666666667573348803444;0.016000000000000000333066907388;0.025000000000000001387778780781;0.014000000000000000291433543964;0.022999999999999999611421941381;0.005333333333333333155235056466;0.004333333333333333134418374755;0.008666666666666666268836749509;0.031666666666666669349705642844;0.001666666666666666773641281019;0.012666666666666666352103476356;0.028333333333333331899295259859;0.025333333333333332704206952712;0.024333333333333331816028533012;0.001666666666666666773641281019;0.000000000000000000000000000000;0.005000000000000000104083408559;0.005000000000000000104083408559;0.014000000000000000291433543964;0.006333333333333333176051738178;0.017666666666666667323548622903;0.015666666666666665547191783503;0.022333333333333333509118645566;0.002666666666666666577617528233;0.004000000000000000083266726847;0.003666666666666666598434209945;0.016333333333333331649495079319;0.003666666666666666598434209945;0.007333333333333333196868419890;0.000000000000000000000000000000;0.008333333333333333217685101602;0.006666666666666667094565124074;0.006333333333333333176051738178;0.027333333333333334480563792113;0.021333333333333332620940225866;0.012999999999999999403255124264;0.020000000000000000416333634234
-0.014000000000000000291433543964;0.006000000000000000124900090270;0.059999999999999997779553950750;0.354999999999999982236431605997;0.003666666666666666598434209945;0.008999999999999999319988397417;0.001666666666666666773641281019;0.009666666666666667157015169209;0.017666666666666667323548622903;0.014000000000000000291433543964;0.013333333333333334189130248149;0.005333333333333333155235056466;0.005333333333333333155235056466;0.029999999999999998889776975375;0.012999999999999999403255124264;0.021333333333333332620940225866;0.012999999999999999403255124264;0.019666666666666665630458510350;0.004666666666666667052931760651;0.002333333333333333526465880325;0.010333333333333333259318465025;0.033333333333333332870740406406;0.004333333333333333134418374755;0.020333333333333331732761806165;0.031333333333333331094383567006;0.026999999999999999694688668228;0.021000000000000001304512053935;0.002333333333333333526465880325;0.000666666666666666644404382058;0.004666666666666667052931760651;0.005666666666666667073748442363;0.008999999999999999319988397417;0.003666666666666666598434209945;0.016000000000000000333066907388;0.015333333333333332496040135595;0.025666666666666667490082076597;0.003333333333333333547282562037;0.003333333333333333547282562037;0.003000000000000000062450045135;0.020000000000000000416333634234;0.004333333333333333134418374755;0.004333333333333333134418374755;0.000000000000000000000000000000;0.006333333333333333176051738178;0.007000000000000000145716771982;0.007333333333333333196868419890;0.026666666666666668378260496297;0.024666666666666666601903656897;0.016333333333333331649495079319;0.024000000000000000499600361081
-0.010000000000000000208166817117;0.007333333333333333196868419890;0.057333333333333333370340767488;0.379666666666666652307782214848;0.001666666666666666773641281019;0.010999999999999999361621760841;0.003000000000000000062450045135;0.008999999999999999319988397417;0.017999999999999998639976794834;0.019666666666666665630458510350;0.010999999999999999361621760841;0.006000000000000000124900090270;0.008000000000000000166533453694;0.033666666666666664187168578337;0.012666666666666666352103476356;0.026333333333333333592385372413;0.011666666666666667198648532633;0.021333333333333332620940225866;0.008333333333333333217685101602;0.004000000000000000083266726847;0.007666666666666666248020067798;0.023666666666666665713725237197;0.004333333333333333134418374755;0.017666666666666667323548622903;0.027333333333333334480563792113;0.025666666666666667490082076597;0.020666666666666666518636930050;0.002666666666666666577617528233;0.000333333333333333322202191029;0.003666666666666666598434209945;0.006000000000000000124900090270;0.007000000000000000145716771982;0.003000000000000000062450045135;0.018333333333333333425851918719;0.013666666666666667240281896056;0.019666666666666665630458510350;0.004333333333333333134418374755;0.006333333333333333176051738178;0.002000000000000000041633363423;0.012666666666666666352103476356;0.002666666666666666577617528233;0.005000000000000000104083408559;0.000000000000000000000000000000;0.008333333333333333217685101602;0.003666666666666666598434209945;0.007333333333333333196868419890;0.031333333333333331094383567006;0.017999999999999998639976794834;0.012000000000000000249800180541;0.025333333333333332704206952712
-0.013666666666666667240281896056;0.007333333333333333196868419890;0.049666666666666664520235485725;0.425333333333333341030879637401;0.002666666666666666577617528233;0.011333333333333334147496884725;0.001666666666666666773641281019;0.009666666666666667157015169209;0.015333333333333332496040135595;0.011666666666666667198648532633;0.012666666666666666352103476356;0.005333333333333333155235056466;0.006333333333333333176051738178;0.026999999999999999694688668228;0.012000000000000000249800180541;0.022999999999999999611421941381;0.013666666666666667240281896056;0.019666666666666665630458510350;0.004333333333333333134418374755;0.004666666666666667052931760651;0.005666666666666667073748442363;0.021999999999999998723243521681;0.005000000000000000104083408559;0.015666666666666665547191783503;0.020000000000000000416333634234;0.026999999999999999694688668228;0.016666666666666666435370203203;0.002333333333333333526465880325;0.000000000000000000000000000000;0.002333333333333333526465880325;0.005000000000000000104083408559;0.006666666666666667094565124074;0.003333333333333333547282562037;0.016000000000000000333066907388;0.008333333333333333217685101602;0.017000000000000001221245327088;0.003000000000000000062450045135;0.006333333333333333176051738178;0.004000000000000000083266726847;0.018333333333333333425851918719;0.005333333333333333155235056466;0.005333333333333333155235056466;0.000000000000000000000000000000;0.005666666666666667073748442363;0.008666666666666666268836749509;0.004666666666666667052931760651;0.028666666666666666685170383744;0.023333333333333334397297065266;0.016000000000000000333066907388;0.020666666666666666518636930050
-0.012000000000000000249800180541;0.004666666666666667052931760651;0.058333333333333334258519187188;0.403333333333333321490954403998;0.001666666666666666773641281019;0.008333333333333333217685101602;0.001333333333333333288808764117;0.010000000000000000208166817117;0.020666666666666666518636930050;0.012333333333333333300951828448;0.012666666666666666352103476356;0.003000000000000000062450045135;0.009333333333333334105863521302;0.029999999999999998889776975375;0.008999999999999999319988397417;0.018999999999999999528155214534;0.016666666666666666435370203203;0.022333333333333333509118645566;0.005333333333333333155235056466;0.003333333333333333547282562037;0.008666666666666666268836749509;0.027666666666666665796991964044;0.003333333333333333547282562037;0.016000000000000000333066907388;0.028000000000000000582867087928;0.025666666666666667490082076597;0.021999999999999998723243521681;0.002666666666666666577617528233;0.000333333333333333322202191029;0.004000000000000000083266726847;0.002000000000000000041633363423;0.012999999999999999403255124264;0.002000000000000000041633363423;0.017000000000000001221245327088;0.009666666666666667157015169209;0.018999999999999999528155214534;0.005333333333333333155235056466;0.003333333333333333547282562037;0.001666666666666666773641281019;0.015666666666666665547191783503;0.004333333333333333134418374755;0.005666666666666667073748442363;0.000000000000000000000000000000;0.005333333333333333155235056466;0.006666666666666667094565124074;0.005666666666666667073748442363;0.026666666666666668378260496297;0.016666666666666666435370203203;0.010999999999999999361621760841;0.027666666666666665796991964044
-0.010000000000000000208166817117;0.007333333333333333196868419890;0.048666666666666663632057066025;0.438666666666666649199157745898;0.002000000000000000041633363423;0.017999999999999998639976794834;0.002000000000000000041633363423;0.015333333333333332496040135595;0.012000000000000000249800180541;0.010666666666666666310470112933;0.012999999999999999403255124264;0.008333333333333333217685101602;0.009666666666666667157015169209;0.026666666666666668378260496297;0.012333333333333333300951828448;0.017999999999999998639976794834;0.012000000000000000249800180541;0.018333333333333333425851918719;0.005666666666666667073748442363;0.002666666666666666577617528233;0.008666666666666666268836749509;0.021333333333333332620940225866;0.002000000000000000041633363423;0.015666666666666665547191783503;0.024333333333333331816028533012;0.024666666666666666601903656897;0.017999999999999998639976794834;0.005333333333333333155235056466;0.000000000000000000000000000000;0.006666666666666667094565124074;0.004666666666666667052931760651;0.008333333333333333217685101602;0.003333333333333333547282562037;0.015666666666666665547191783503;0.014000000000000000291433543964;0.015333333333333332496040135595;0.002000000000000000041633363423;0.004666666666666667052931760651;0.000666666666666666644404382058;0.013333333333333334189130248149;0.005000000000000000104083408559;0.003000000000000000062450045135;0.000000000000000000000000000000;0.007333333333333333196868419890;0.008666666666666666268836749509;0.005333333333333333155235056466;0.020000000000000000416333634234;0.018333333333333333425851918719;0.011333333333333334147496884725;0.021000000000000001304512053935
-0.021276595744680850547103645454;0.011347517730496454665956029828;0.046099290780141841117334422506;0.291134751773049649248292780612;0.006382978723404254990658746038;0.014539007092198581727604533853;0.005673758865248227332978014914;0.018794326241134751143135872553;0.015602836879432624081487368528;0.021631205673758865243305749004;0.012765957446808509981317492077;0.008156028368794325869584049826;0.010992907801418439969753926277;0.026241134751773049355039191255;0.022695035460992909331912059656;0.023758865248226949951071418354;0.016312056737588651739168099652;0.019503546099290780535540079654;0.010992907801418439969753926277;0.002482269503546099403967772901;0.010283687943262410577349719176;0.022340425531914894635709956106;0.004964539007092198807935545801;0.024822695035460994039677729006;0.029432624113475178151411171257;0.026595744680851064051241294806;0.025177304964539008735879832557;0.007446808510638298211903318702;0.002482269503546099403967772901;0.008510638297872340565786153377;0.004964539007092198807935545801;0.014893617021276596423806637404;0.003900709219858156020371842132;0.018439716312056736446933769002;0.013475177304964539373721699178;0.025531914893617019962634984154;0.004964539007092198807935545801;0.006028368794326241161818380476;0.003191489361702127495329373019;0.013475177304964539373721699178;0.004964539007092198807935545801;0.006382978723404254990658746038;0.000000000000000000000000000000;0.013120567375886524677519595627;0.010638297872340425273551822727;0.010992907801418439969753926277;0.028368794326241134062804860605;0.016312056737588651739168099652;0.013829787234042552335200326752;0.018085106382978721750731665452
-0.016260162601626017980782634709;0.008943089430894309369013406297;0.036585365853658534385228762176;0.303658536585365845805739581920;0.013008130081300812996847326986;0.008536585365853659179702361826;0.007317073170731707744407490424;0.021951219512195120631137257305;0.012601626016260162807536282514;0.026829268292682926372316742913;0.012195121951219512618225238043;0.006097560975609756309112619022;0.006910569105691056687734707964;0.026016260162601625993694653971;0.016666666666666666435370203203;0.011788617886178862428914193572;0.016260162601626017980782634709;0.020731707317073171797927599869;0.015447154471544715867437069790;0.008943089430894309369013406297;0.015040650406504065678126025318;0.018292682926829267192614381088;0.004471544715447154684506703148;0.042682926829268295898511809128;0.018699186991869919116648901536;0.025203252032520325615072565029;0.023983739837398373312415955638;0.006097560975609756309112619022;0.003252032520325203249211831746;0.009349593495934959558324450768;0.004471544715447154684506703148;0.017073170731707318359404723651;0.003658536585365853872203745212;0.010975609756097560315568628653;0.008536585365853659179702361826;0.026829268292682926372316742913;0.006910569105691056687734707964;0.008536585365853659179702361826;0.002845528455284553059900787275;0.009349593495934959558324450768;0.008943089430894309369013406297;0.008536585365853659179702361826;0.000000000000000000000000000000;0.019918699186991871419305510926;0.012601626016260162807536282514;0.017479674796747966813992292145;0.027235772357723578296351263361;0.017073170731707318359404723651;0.010569105691056910126257584182;0.014634146341463415488814980847
-0.019871794871794870585013370601;0.006730769230769231142863517903;0.033333333333333332870740406406;0.286217948717948700299018582882;0.019230769230769231836752908293;0.008333333333333333217685101602;0.005128205128205128200680196215;0.023717948717948716952363952259;0.011217948717948717993198037846;0.042307692307692310040856398246;0.009615384615384615918376454147;0.002564102564102564100340098108;0.001923076923076923183675290829;0.023717948717948716952363952259;0.023397435897435897578233721106;0.017948717948717947401338079771;0.013461538461538462285727035805;0.015384615384615385469402326635;0.008653846153846154326538808732;0.002884615384615384775512936244;0.016025641025641024217662788942;0.008012820512820512108831394471;0.000320512820512820512542512263;0.067307692307692304489741275120;0.020833333333333332176851016015;0.034615384615384617306155234928;0.021474358974358974394558430276;0.004166666666666666608842550801;0.003525641025641025692177743522;0.005769230769230769551025872488;0.001923076923076923183675290829;0.029807692307692309346967007855;0.001923076923076923183675290829;0.009935897435897435292506685300;0.001602564102564102508502452693;0.036217948717948721115700294604;0.004807692307692307959188227073;0.006089743589743589792517841630;0.000320512820512820512542512263;0.002243589743589743425167259971;0.008653846153846154326538808732;0.001282051282051282050170049054;0.000000000000000000000000000000;0.036217948717948721115700294604;0.011538461538461539102051744976;0.027884615384615386163291717025;0.030769230769230770938804653269;0.016666666666666666435370203203;0.004166666666666666608842550801;0.010256410256410256401360392431
-0.016959064327485378481652489313;0.005847953216374268681221337829;0.040058479532163744629702506472;0.252339181286549696370258288880;0.012865497076023392486465724005;0.005263157894736841986571551644;0.007602339181286549632532434373;0.036257309941520467211351075321;0.011695906432748537362442675658;0.047660818713450292527511464868;0.014912280701754385484059106659;0.003508771929824561468941324094;0.001754385964912280734470662047;0.023976608187134502286896875489;0.031286549707602341607870499729;0.012573099415204678705459961918;0.010526315789473683973143103287;0.009941520467836258145855055091;0.017543859649122806043664013487;0.000584795321637426911490220682;0.023684210526315790240614589379;0.004970760233918129072927527545;0.000000000000000000000000000000;0.064912280701754379585999288338;0.013450292397660818313753772202;0.041228070175438599753725554820;0.034795321637426900041045740863;0.004970760233918129072927527545;0.000584795321637426911490220682;0.006725146198830409156876886101;0.000584795321637426911490220682;0.024269005847953217802626113553;0.003508771929824561468941324094;0.009356725146198830583843530917;0.000292397660818713455745110341;0.033333333333333332870740406406;0.002339181286549707645960882729;0.005263157894736841986571551644;0.000000000000000000000000000000;0.000292397660818713455745110341;0.014327485380116959656771058462;0.002923976608187134340610668914;0.000000000000000000000000000000;0.042105263157894735892572413150;0.016666666666666666435370203203;0.026315789473684209065496020230;0.039473684210526313598244030345;0.005847953216374268681221337829;0.002631578947368420993285775822;0.011988304093567251143448437745
-0.021376811594202897726102463594;0.012318840579710145510805574531;0.048188405797101450944719402969;0.296376811594202871358305628746;0.000362318840579710149327197222;0.011594202898550724778470311094;0.009782608695652174682355628477;0.033333333333333332870740406406;0.016304347826086956069202571484;0.023188405797101449556940622188;0.012681159420289855876973206250;0.004347826086956521791926366660;0.006521739130434782254208680996;0.027173913043478260115337619141;0.028260869565217391213840514297;0.015942028985507245703034939766;0.011956521739130435144637942813;0.015942028985507245703034939766;0.007971014492753622851517469883;0.002173913043478260895963183330;0.015217391304347826705423152305;0.013768115942028985240752625430;0.011231884057971014412302679375;0.037681159420289857264751987032;0.022101449275362318458437727031;0.030072463768115943044678672891;0.029710144927536232678511041172;0.013405797101449274874584993711;0.002536231884057970828449946055;0.006884057971014492620376312715;0.003985507246376811425758734941;0.014492753623188405973087888867;0.006159420289855072755402787266;0.010507246376811593679967415937;0.007971014492753622851517469883;0.022463768115942028824605358750;0.003260869565217391127104340498;0.009782608695652174682355628477;0.002173913043478260895963183330;0.010507246376811593679967415937;0.011956521739130435144637942813;0.008333333333333333217685101602;0.000000000000000000000000000000;0.017028985507246376801537834922;0.006884057971014492620376312715;0.020652173913043476993767200156;0.032246376811594201772237511250;0.005434782608695652023067523828;0.008695652173913043583852733320;0.009057971014492753950020365039
-0.020833333333333332176851016015;0.015277777777777777276635440273;0.031944444444444441977282167500;0.207638888888888900607909704377;0.010416666666666666088425508008;0.025347222222222222376419864531;0.005208333333333333044212754004;0.017708333333333332870740406406;0.012500000000000000693889390391;0.026736111111111109800431151484;0.013888888888888888117900677344;0.013541666666666667129259593594;0.020833333333333332176851016015;0.017708333333333332870740406406;0.020833333333333332176851016015;0.017013888888888887424011286953;0.011458333333333332523795711211;0.021180555555555556634939051719;0.017013888888888887424011286953;0.004166666666666666608842550801;0.011111111111111111535154627461;0.010763888888888888811790067734;0.015625000000000000000000000000;0.039583333333333331482961625625;0.025694444444444443365060948281;0.025000000000000001387778780781;0.016319444444444445446729119453;0.017013888888888887424011286953;0.001041666666666666652210637700;0.023958333333333334952408577578;0.011111111111111111535154627461;0.020486111111111111188209932266;0.012500000000000000693889390391;0.006597222222222222202947516934;0.030208333333333333564629796797;0.036111111111111107718762980312;0.010763888888888888811790067734;0.009722222222222222376419864531;0.003819444444444444319158860068;0.018055555555555553859381490156;0.008680555555555555941049661328;0.011111111111111111535154627461;0.000000000000000000000000000000;0.020486111111111111188209932266;0.011805555555555555247160270937;0.011805555555555555247160270937;0.016666666666666666435370203203;0.012500000000000000693889390391;0.017708333333333332870740406406;0.012500000000000000693889390391
-0.013333333333333334189130248149;0.008181818181818182461606525635;0.037272727272727269876018141304;0.320000000000000006661338147751;0.005151515151515151727523722514;0.004242424242424242854243576772;0.003636363636363636360482320953;0.019393939393939393922572378415;0.003636363636363636360482320953;0.048181818181818179824826842150;0.006969696969696969474084013996;0.000606060606060606060080386825;0.005151515151515151727523722514;0.025151515151515150409133880771;0.013939393939393938948168027991;0.010000000000000000208166817117;0.015757575757575758429451795450;0.011212121212121211460965852780;0.009696969696969696961286189207;0.006666666666666667094565124074;0.008787878787878787220644305478;0.008181818181818182461606525635;0.005757575757575757353923240345;0.073030303030303028721803570988;0.013939393939393938948168027991;0.031515151515151516858903590901;0.014242424242424242195048655901;0.003030303030303030300401934127;0.001515151515151515150200967064;0.004545454545454545233762466694;0.000909090909090909090120580238;0.033333333333333332870740406406;0.002727272727272727487202175212;0.006969696969696969474084013996;0.014242424242424242195048655901;0.052121212121212123768998480955;0.008484848484848485708487153545;0.003333333333333333547282562037;0.000606060606060606060080386825;0.011818181818181817954727108599;0.006666666666666667094565124074;0.000909090909090909090120580238;0.000000000000000000000000000000;0.033636363636363637852344510293;0.008181818181818182461606525635;0.016060606060606059941608947383;0.032727272727272729846426102540;0.014242424242424242195048655901;0.010303030303030303455047445027;0.010000000000000000208166817117
-0.016071428571428569842538536250;0.004464285714285714037896646289;0.048809523809523809589894227656;0.335416666666666640761462758746;0.001488095238095238012632215430;0.006845238095238095205052886172;0.004166666666666666608842550801;0.012797619047619047255581747891;0.006845238095238095205052886172;0.033333333333333332870740406406;0.007738095238095238359576910625;0.004166666666666666608842550801;0.006547619047619047775998790684;0.031250000000000000000000000000;0.012797619047619047255581747891;0.009821428571428571230317317031;0.018452380952380952744418252109;0.016964285714285712997062560703;0.009821428571428571230317317031;0.005654761904761904621474766230;0.008928571428571428075793292578;0.011904761904761904101057723437;0.008333333333333333217685101602;0.047916666666666669904817155157;0.019940476190476189022326991562;0.024404761904761904794947113828;0.018452380952380952744418252109;0.001190476190476190583578119941;0.001785714285714285658526745415;0.003273809523809523887999395342;0.003571428571428571317053490830;0.019047619047619049337249919063;0.002380952380952381167156239883;0.009821428571428571230317317031;0.019940476190476189022326991562;0.036607142857142858927144146719;0.009226190476190476372209126055;0.006845238095238095205052886172;0.001190476190476190583578119941;0.017857142857142856151586585156;0.005357142857142857192420670742;0.003273809523809523887999395342;0.000000000000000000000000000000;0.022321428571428571924206707422;0.007440476190476190063161077148;0.015178571428571428422737987773;0.032142857142857139685077072500;0.022023809523809525362514349922;0.014285714285714285268213963320;0.011904761904761904101057723437
-0.027884615384615386163291717025;0.009935897435897435292506685300;0.056410256410256411074843896358;0.200320512820512830476360477405;0.009615384615384615918376454147;0.011217948717948717993198037846;0.002243589743589743425167259971;0.019871794871794870585013370601;0.014743589743589743251694912374;0.025641025641025640136039243089;0.013782051282051281659857266959;0.006089743589743589792517841630;0.010256410256410256401360392431;0.046153846153846156408206979904;0.011538461538461539102051744976;0.015384615384615385469402326635;0.019551282051282051210883139447;0.027884615384615386163291717025;0.009294871794871794809522747016;0.008974358974358973700669039886;0.010576923076923077510214099561;0.020512820512820512802720784862;0.010256410256410256401360392431;0.033012820512820513496610175252;0.025961538461538462979616426196;0.032371794871794874748349712945;0.029487179487179486503389824748;0.002884615384615384775512936244;0.000641025641025641025085024527;0.005128205128205128200680196215;0.005769230769230769551025872488;0.016666666666666666435370203203;0.008012820512820512108831394471;0.010897435897435896884344330715;0.017628205128205128027207848618;0.040064102564102567483050876262;0.009615384615384615918376454147;0.005448717948717948442172165358;0.001602564102564102508502452693;0.018589743589743589619045494032;0.007371794871794871625847456187;0.006410256410256410034009810772;0.000000000000000000000000000000;0.017628205128205128027207848618;0.007371794871794871625847456187;0.010576923076923077510214099561;0.035256410256410256054415697236;0.025961538461538462979616426196;0.022435897435897435986396075691;0.015064102564102564360548619504
-0.021544715447154472176549688811;0.021951219512195120631137257305;0.065447154471544713438824203422;0.098780487804878053248458513735;0.013008130081300812996847326986;0.010569105691056910126257584182;0.004065040650406504495195658677;0.022764227642276424479206298201;0.037804878048780486687885371566;0.027235772357723578296351263361;0.010162601626016259936946539710;0.004065040650406504495195658677;0.008943089430894309369013406297;0.032113821138211380568083797016;0.015447154471544715867437069790;0.015853658536585366056748114261;0.029268292682926830977629961694;0.047967479674796746624831911276;0.009756097560975609747635495239;0.010569105691056910126257584182;0.010162601626016259936946539710;0.023170731707317072933793866696;0.011382113821138212239603149101;0.040243902439024391293198590347;0.024796747967479673691038044581;0.027235772357723578296351263361;0.026422764227642277917729174419;0.019105691056910567571236470030;0.004065040650406504495195658677;0.006504065040650406498423663493;0.005284552845528455063128792091;0.023577235772357724857828387144;0.004878048780487804873817747620;0.013821138211382113375469415928;0.015040650406504065678126025318;0.039837398373983742838611021853;0.008536585365853659179702361826;0.007317073170731707744407490424;0.005691056910569106119801574550;0.028048780487804878674973352304;0.005691056910569106119801574550;0.018699186991869919116648901536;0.000000000000000000000000000000;0.015447154471544715867437069790;0.009349593495934959558324450768;0.011788617886178862428914193572;0.026016260162601625993694653971;0.025609756097560974069660133523;0.019918699186991871419305510926;0.015040650406504065678126025318
-0.031666666666666669349705642844;0.008666666666666666268836749509;0.040333333333333332149095440400;0.086333333333333331371939323162;0.024333333333333331816028533012;0.021999999999999998723243521681;0.006333333333333333176051738178;0.025333333333333332704206952712;0.017333333333333332537673499019;0.028333333333333331899295259859;0.017000000000000001221245327088;0.010666666666666666310470112933;0.015666666666666665547191783503;0.034000000000000002442490654175;0.019666666666666665630458510350;0.026333333333333333592385372413;0.024333333333333331816028533012;0.019666666666666665630458510350;0.014000000000000000291433543964;0.003666666666666666598434209945;0.014000000000000000291433543964;0.020333333333333331732761806165;0.004333333333333333134418374755;0.041666666666666664353702032031;0.032666666666666663298990158637;0.033666666666666664187168578337;0.032333333333333331982561986706;0.014333333333333333342585191872;0.005666666666666667073748442363;0.014333333333333333342585191872;0.011666666666666667198648532633;0.025999999999999998806510248528;0.007000000000000000145716771982;0.017000000000000001221245327088;0.018333333333333333425851918719;0.033000000000000001554312234475;0.006333333333333333176051738178;0.012666666666666666352103476356;0.001666666666666666773641281019;0.014666666666666666393736839780;0.008333333333333333217685101602;0.008999999999999999319988397417;0.000000000000000000000000000000;0.027666666666666665796991964044;0.016666666666666666435370203203;0.022999999999999999611421941381;0.030999999999999999777955395075;0.021333333333333332620940225866;0.012999999999999999403255124264;0.012666666666666666352103476356
-0.019393939393939393922572378415;0.013333333333333334189130248149;0.029090909090909090883858567622;0.337575757575757584572073710660;0.016969696969696971416974307090;0.015151515151515151935690539631;0.003636363636363636360482320953;0.020000000000000000416333634234;0.023333333333333334397297065266;0.018484848484848485916653970662;0.012121212121212121201607736509;0.012121212121212121201607736509;0.007878787878787879214725897725;0.019393939393939393922572378415;0.015151515151515151935690539631;0.017878787878787879422892714842;0.014848484848484848688809911721;0.024242424242424242403215473018;0.010303030303030303455047445027;0.003030303030303030300401934127;0.012121212121212121201607736509;0.011818181818181817954727108599;0.003939393939393939607362948863;0.026060606060606061884499240477;0.017272727272727272929131459023;0.017575757575757574441288610956;0.024242424242424242403215473018;0.020303030303030301928490786167;0.003030303030303030300401934127;0.016060606060606059941608947383;0.013333333333333334189130248149;0.018787878787878787428811122595;0.002727272727272727487202175212;0.007878787878787879214725897725;0.008787878787878787220644305478;0.021212121212121213403856145874;0.004545454545454545233762466694;0.013939393939393938948168027991;0.003939393939393939607362948863;0.009696969696969696961286189207;0.007272727272727272720964641906;0.009696969696969696961286189207;0.000000000000000000000000000000;0.018787878787878787428811122595;0.014848484848484848688809911721;0.013636363636363635701287400082;0.013636363636363635701287400082;0.009696969696969696961286189207;0.008484848484848485708487153545;0.012727272727272727695368992329
-0.024722222222222221821308352219;0.015277777777777777276635440273;0.033333333333333332870740406406;0.239444444444444431985274945873;0.006111111111111111431071218902;0.026388888888888888811790067734;0.002500000000000000052041704279;0.013333333333333334189130248149;0.027500000000000000138777878078;0.018333333333333333425851918719;0.016666666666666666435370203203;0.020000000000000000416333634234;0.017222222222222222098864108375;0.021111111111111111743321444578;0.011388888888888889366901580047;0.025555555555555557051272685953;0.016666666666666666435370203203;0.031111111111111110216764785719;0.011944444444444445030395485219;0.005555555555555555767577313730;0.009166666666666666712925959359;0.020277777777777776513357110844;0.011388888888888889366901580047;0.018055555555555553859381490156;0.030555555555555554553270880547;0.023611111111111110494320541875;0.019444444444444444752839729063;0.006111111111111111431071218902;0.000833333333333333386820640509;0.020555555555555556079827539406;0.021111111111111111743321444578;0.007222222222222221890697291258;0.008888888888888888881179006773;0.010000000000000000208166817117;0.023333333333333334397297065266;0.021666666666666667406815349750;0.005833333333333333599324266316;0.011666666666666667198648532633;0.006666666666666667094565124074;0.023055555555555554830826636703;0.007222222222222221890697291258;0.016666666666666666435370203203;0.000000000000000000000000000000;0.010833333333333333703407674875;0.007222222222222221890697291258;0.012222222222222222862142437805;0.012500000000000000693889390391;0.017777777777777777762358013547;0.020277777777777776513357110844;0.011666666666666667198648532633
-0.017006802721088436908258856306;0.011904761904761904101057723437;0.041496598639455782586704657433;0.189115646258503411480944578216;0.003061224489795918209805725141;0.029931972789115645489088635145;0.002721088435374149471640548015;0.015986394557823128959039848951;0.030952380952380953438307642500;0.011224489795918366624727369185;0.019387755102040816340691620212;0.021088435374149658296794029866;0.020068027210884353817021974464;0.026870748299319728580325516987;0.012925170068027210315553254816;0.023129251700680270725785092623;0.018027210884353741388030911708;0.032312925170068028390968351005;0.011224489795918366624727369185;0.005782312925170067681446273156;0.013265306122448979053718431942;0.033673469387755103343629059509;0.015986394557823128959039848951;0.012244897959183672839222900564;0.030272108843537415961977288248;0.022789115646258503722343391473;0.024149659863945578675004099978;0.005782312925170067681446273156;0.001020408163265306214495531378;0.024489795918367345678445801127;0.018027210884353741388030911708;0.011224489795918366624727369185;0.007142857142857142634106981660;0.011224489795918366624727369185;0.027891156462585033060097572388;0.024829931972789116151334454230;0.007142857142857142634106981660;0.012585034013605441577388077690;0.008163265306122449715964251027;0.037074829931972787255833878817;0.004081632653061224857982125513;0.011904761904761904101057723437;0.000000000000000000000000000000;0.008843537414965987192294605279;0.009863945578231291672066660681;0.008503401360544218454129428153;0.013605442176870747791883609068;0.013605442176870747791883609068;0.023469387755102041198673745726;0.012925170068027210315553254816
-0.027243589743589743945584302764;0.010897435897435896884344330715;0.046474358974358975782337211058;0.224679487179487186176984891972;0.003205128205128205017004905386;0.027243589743589743945584302764;0.002884615384615384775512936244;0.010256410256410256401360392431;0.026282051282051282353746657350;0.011538461538461539102051744976;0.016666666666666666435370203203;0.018589743589743589619045494032;0.018910256410256408993175725186;0.020512820512820512802720784862;0.013141025641025641176873328675;0.019871794871794870585013370601;0.017628205128205128027207848618;0.030769230769230770938804653269;0.010576923076923077510214099561;0.005448717948717948442172165358;0.013461538461538462285727035805;0.023076923076923078204103489952;0.016987179487179485809500434357;0.020192307692307693428590553708;0.030769230769230770938804653269;0.020512820512820512802720784862;0.024358974358974359170071366520;0.002243589743589743425167259971;0.000641025641025641025085024527;0.021794871794871793768688661430;0.017948717948717947401338079771;0.009294871794871794809522747016;0.009615384615384615918376454147;0.009615384615384615918376454147;0.027884615384615386163291717025;0.019230769230769231836752908293;0.006089743589743589792517841630;0.011538461538461539102051744976;0.005128205128205128200680196215;0.026923076923076924571454071611;0.003525641025641025692177743522;0.017628205128205128027207848618;0.000000000000000000000000000000;0.010256410256410256401360392431;0.008653846153846154326538808732;0.008653846153846154326538808732;0.016666666666666666435370203203;0.017307692307692308653077617464;0.019871794871794870585013370601;0.017307692307692308653077617464
-0.021130952380952382207990325469;0.009821428571428571230317317031;0.043452380952380950662750080937;0.127083333333333325931846502499;0.005059523809523809763366575254;0.032738095238095239747355691406;0.004761904761904762334312479766;0.017559523809523809589894227656;0.027380952380952380820211544687;0.014285714285714285268213963320;0.019047619047619049337249919063;0.019345238095238095898942276563;0.022023809523809525362514349922;0.021726190476190475331375040469;0.012797619047619047255581747891;0.025000000000000001387778780781;0.021130952380952382207990325469;0.035714285714285712303173170312;0.012500000000000000693889390391;0.005952380952380952050528861719;0.011607142857142857539365365938;0.031250000000000000000000000000;0.023511904761904761640423089375;0.014880952380952380126322154297;0.031845238095238093123384715000;0.020535714285714285615158658516;0.029464285714285713690951951094;0.004464285714285714037896646289;0.002083333333333333304421275400;0.026190476190476191103995162734;0.022916666666666665047591422422;0.011607142857142857539365365938;0.009523809523809524668624959531;0.013392857142857142113689938867;0.030952380952380953438307642500;0.024404761904761904794947113828;0.011309523809523809242949532461;0.015178571428571428422737987773;0.007142857142857142634106981660;0.032738095238095239747355691406;0.004166666666666666608842550801;0.015476190476190476719153821250;0.000000000000000000000000000000;0.008333333333333333217685101602;0.009523809523809524668624959531;0.013690476190476190410105772344;0.016369047619047619873677845703;0.016071428571428569842538536250;0.025892857142857144542302805235;0.016964285714285712997062560703
-0.018402777777777778317469525859;0.012152777777777777970524830664;0.044097222222222225151977426094;0.224652777777777784562474039376;0.005902777777777777623580135469;0.019444444444444444752839729063;0.002777777777777777883788656865;0.017013888888888887424011286953;0.025694444444444443365060948281;0.017013888888888887424011286953;0.016666666666666666435370203203;0.011458333333333332523795711211;0.012500000000000000693889390391;0.029513888888888888117900677344;0.012847222222222221682530474141;0.019097222222222223764198645313;0.019097222222222223764198645313;0.036458333333333335646297967969;0.013888888888888888117900677344;0.007986111111111110494320541875;0.013541666666666667129259593594;0.031250000000000000000000000000;0.013194444444444444405895033867;0.024652777777777776929690745078;0.024305555555555555941049661328;0.021874999999999998612221219219;0.024305555555555555941049661328;0.009027777777777776929690745078;0.000347222222222222235473582108;0.014236111111111110841265237070;0.015972222222222220988641083750;0.013888888888888888117900677344;0.007291666666666666782314898398;0.011458333333333332523795711211;0.018749999999999999306110609609;0.023611111111111110494320541875;0.007291666666666666782314898398;0.011111111111111111535154627461;0.003819444444444444319158860068;0.018055555555555553859381490156;0.007291666666666666782314898398;0.012847222222222221682530474141;0.000000000000000000000000000000;0.012152777777777777970524830664;0.012847222222222221682530474141;0.011111111111111111535154627461;0.023958333333333334952408577578;0.013541666666666667129259593594;0.017013888888888887424011286953;0.014583333333333333564629796797
-0.019387755102040816340691620212;0.006802721088435373895941804534;0.078571428571428569842538536250;0.148299319727891149023335515267;0.001700680272108843473985451134;0.006462585034013605157776627408;0.001700680272108843473985451134;0.029931972789115645489088635145;0.020068027210884353817021974464;0.035714285714285712303173170312;0.011224489795918366624727369185;0.004421768707482993596147302640;0.007482993197278911372272158786;0.038435374149659862208494587321;0.011564625850340135362892546311;0.010204081632653060410231837807;0.031632653061224487445191044799;0.041156462585034012113816004330;0.007142857142857142634106981660;0.009523809523809524668624959531;0.013605442176870747791883609068;0.020748299319727891293352328717;0.004761904761904762334312479766;0.053741496598639457160651033973;0.012925170068027210315553254816;0.034693877551020407823401114911;0.025510204081632653627664808482;0.009183673469387755930459782405;0.001360544217687074735820274007;0.005102040816326530205115918903;0.002380952380952381167156239883;0.033333333333333332870740406406;0.003061224489795918209805725141;0.008503401360544218454129428153;0.006462585034013605157776627408;0.066326530612244902207486063617;0.011564625850340135362892546311;0.007142857142857142634106981660;0.001020408163265306214495531378;0.014625850340136054006379140446;0.008503401360544218454129428153;0.006462585034013605157776627408;0.000000000000000000000000000000;0.018707482993197278864361265960;0.005442176870748298943281096030;0.021428571428571428769682682969;0.040136054421768707634043948929;0.014625850340136054006379140446;0.014625850340136054006379140446;0.012585034013605441577388077690
-0.021014492753623187359934831875;0.001811594202898550746635986108;0.076086956521739135261839237501;0.000000000000000000000000000000;0.000000000000000000000000000000;0.003260869565217391127104340498;0.001086956521739130447981591665;0.026449275362318839383002355703;0.020652173913043476993767200156;0.069927536231884052098095594374;0.009057971014492753950020365039;0.002898550724637681194617577773;0.002173913043478260895963183330;0.064492753623188403544475022500;0.002898550724637681194617577773;0.016304347826086956069202571484;0.028985507246376811946175777734;0.025000000000000001387778780781;0.001811594202898550746635986108;0.010144927536231883313799784219;0.013768115942028985240752625430;0.010869565217391304046135047656;0.001449275362318840597308788887;0.104347826086956516067338895937;0.020289855072463766627599568437;0.065217391304347824276810285937;0.023550724637681159923108253906;0.018840579710144928632375993516;0.003260869565217391127104340498;0.000724637681159420298654394443;0.001086956521739130447981591665;0.051449275362318837301334184531;0.001811594202898550746635986108;0.006884057971014492620376312715;0.005072463768115941656899892109;0.076086956521739135261839237501;0.010507246376811593679967415937;0.005072463768115941656899892109;0.000000000000000000000000000000;0.003985507246376811425758734941;0.009057971014492753950020365039;0.003623188405797101493271972217;0.000000000000000000000000000000;0.043115942028985505818372558906;0.000724637681159420298654394443;0.027536231884057970481505250859;0.066666666666666665741480812812;0.021014492753623187359934831875;0.007971014492753622851517469883;0.011956521739130435144637942813
-0.020555555555555556079827539406;0.006944444444444444058950338672;0.087222222222222228760202256126;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005277777777777777935830361145;0.002500000000000000052041704279;0.023333333333333334397297065266;0.032222222222222221543752596062;0.069722222222222227094867719188;0.005555555555555555767577313730;0.002222222222222222220294751693;0.000000000000000000000000000000;0.049166666666666664076146275875;0.002500000000000000052041704279;0.016944444444444446001840631766;0.048333333333333332315628894094;0.041666666666666664353702032031;0.002777777777777777883788656865;0.006944444444444444058950338672;0.008888888888888888881179006773;0.022222222222222223070309254922;0.000555555555555555555073687923;0.099722222222222225984644694563;0.019444444444444444752839729063;0.047222222222222220988641083750;0.020277777777777776513357110844;0.013611111111111110286153724758;0.001388888888888888941894328433;0.000277777777777777777536843962;0.002500000000000000052041704279;0.039722222222222221266196839906;0.000000000000000000000000000000;0.009166666666666666712925959359;0.004722222222222222272336455973;0.083333333333333328707404064062;0.008611111111111111049432054187;0.005833333333333333599324266316;0.000555555555555555555073687923;0.002500000000000000052041704279;0.010000000000000000208166817117;0.010555555555555555871660722289;0.000000000000000000000000000000;0.050277777777777775403134086218;0.000277777777777777777536843962;0.023055555555555554830826636703;0.051944444444444445863062753688;0.017222222222222222098864108375;0.008611111111111111049432054187;0.013611111111111110286153724758
-0.012222222222222222862142437805;0.010000000000000000208166817117;0.080740740740740737924063807895;0.155555555555555558022717832500;0.000740740740740740703958178148;0.002222222222222222220294751693;0.002592592592592592518063732143;0.019259259259259260688157411323;0.037407407407407410049327012302;0.049629629629629627707299022177;0.007407407407407407690103084974;0.001481481481481481407916356297;0.004074074074074073709139653943;0.033703703703703701000105041885;0.011481481481481481399242738917;0.012962962962962962590318660716;0.039259259259259257635044093604;0.045555555555555557467606320188;0.007777777777777777554191196430;0.008518518518518519017090895318;0.013333333333333334189130248149;0.022592592592592591199673890401;0.002222222222222222220294751693;0.064444444444444443087505192125;0.014444444444444443781394582516;0.032222222222222221543752596062;0.022222222222222223070309254922;0.004814814814814815172039352831;0.001851851851851851922525771243;0.001481481481481481407916356297;0.000740740740740740703958178148;0.029629629629629630760412339896;0.001481481481481481407916356297;0.010740740740740739936343040029;0.004444444444444444440589503387;0.057777777777777775125578330062;0.008148148148148147418279307885;0.001851851851851851922525771243;0.000370370370370370351979089074;0.005185185185185185036127464286;0.007037037037037036958653235530;0.012222222222222222862142437805;0.000000000000000000000000000000;0.028518518518518519433424529552;0.008518518518518519017090895318;0.021111111111111111743321444578;0.042962962962962959745372160114;0.011481481481481481399242738917;0.011851851851851851263330850372;0.013703703703703704053218359604
-0.024528301886792454322705481218;0.009748427672955974412905000293;0.065723270440251571611334213685;0.163522012578616343647652797699;0.010377358490566037166336066377;0.005660377358490565648241332752;0.006918238993710692022465202911;0.022327044025157231216249797967;0.025471698113207548452852080345;0.038679245283018866274904468128;0.012264150943396227161352740609;0.006603773584905660645749669868;0.001572327044025157317258534206;0.033647798742138364247455939449;0.018553459119496854695663401458;0.023270440251572325346396397094;0.019811320754716980202525533628;0.017610062893081760565516802330;0.009748427672955974412905000293;0.004402515723270440141379200583;0.015723270440251572305223604076;0.019182389937106917449094467543;0.001257861635220125723702566667;0.054402515723270442049575024157;0.020754716981132074332672132755;0.042452830188679242795490864637;0.029245283018867924973438476854;0.021383647798742137086103198840;0.001886792452830188693974067249;0.009119496855345911659473934208;0.005031446540880502894810266667;0.030817610062893081857016142067;0.003773584905660377387948134498;0.014150943396226415421645938864;0.004088050314465408764663667540;0.044339622641509431055784062892;0.005660377358490565648241332752;0.004088050314465408764663667540;0.001886792452830188693974067249;0.004402515723270440141379200583;0.008176100628930817529327335080;0.010691823899371068543051599420;0.000000000000000000000000000000;0.028616352201257862220007410770;0.007547169811320754775896268995;0.014150943396226415421645938864;0.039622641509433960405051067255;0.013836477987421384044930405821;0.006289308176100629269034136826;0.016981132075471697812085736246
-0.016374269005847954389087917093;0.013450292397660818313753772202;0.035087719298245612087328026973;0.357309941520467855280429603226;0.013742690058479532094759534289;0.013157894736842104532748010115;0.003801169590643274816266217186;0.012573099415204678705459961918;0.015204678362573099265064868746;0.024269005847953217802626113553;0.009356725146198830583843530917;0.014327485380116959656771058462;0.003801169590643274816266217186;0.026608187134502924581225258294;0.016081871345029238873358679029;0.022514619883040935116591541032;0.013450292397660818313753772202;0.019883040935672516291710110181;0.005263157894736841986571551644;0.002923976608187134340610668914;0.014035087719298245875765296375;0.013157894736842104532748010115;0.002339181286549707645960882729;0.029532163742690058921835927208;0.015497076023391813046070630833;0.025146198830409357410919923836;0.022222222222222223070309254922;0.025438596491228069457202209946;0.001461988304093567170305334457;0.013742690058479532094759534289;0.007894736842105263413538196460;0.018128654970760233605675537660;0.000877192982456140367235331023;0.009064327485380116802837768830;0.004678362573099415291921765458;0.026315789473684209065496020230;0.004970760233918129072927527545;0.007017543859649122937882648188;0.002631578947368420993285775822;0.008771929824561403021832006743;0.006432748538011696243232862003;0.009064327485380116802837768830;0.000000000000000000000000000000;0.017251461988304093997381727377;0.006725146198830409156876886101;0.011403508771929825316160389548;0.023684210526315790240614589379;0.010818713450292397754148865374;0.007602339181286549632532434373;0.014912280701754385484059106659
-0.014930555555555556287994356524;0.010416666666666666088425508008;0.030208333333333333564629796797;0.383333333333333359238537241254;0.018055555555555553859381490156;0.015277777777777777276635440273;0.004861111111111111188209932266;0.016319444444444445446729119453;0.011805555555555555247160270937;0.010069444444444445099784424258;0.011111111111111111535154627461;0.011111111111111111535154627461;0.010069444444444445099784424258;0.016666666666666666435370203203;0.019097222222222223764198645313;0.017361111111111111882099322656;0.010069444444444445099784424258;0.012152777777777777970524830664;0.012152777777777777970524830664;0.003125000000000000173472347598;0.011111111111111111535154627461;0.014236111111111110841265237070;0.003472222222222222029475169336;0.017013888888888887424011286953;0.016319444444444445446729119453;0.023611111111111110494320541875;0.024305555555555555941049661328;0.028472222222222221682530474141;0.004861111111111111188209932266;0.011805555555555555247160270937;0.009722222222222222376419864531;0.014236111111111110841265237070;0.005208333333333333044212754004;0.010069444444444445099784424258;0.014236111111111110841265237070;0.017361111111111111882099322656;0.006250000000000000346944695195;0.009374999999999999653055304805;0.002083333333333333304421275400;0.013888888888888888117900677344;0.009027777777777776929690745078;0.010416666666666666088425508008;0.000000000000000000000000000000;0.011805555555555555247160270937;0.009722222222222222376419864531;0.012152777777777777970524830664;0.014236111111111110841265237070;0.012152777777777777970524830664;0.010763888888888888811790067734;0.013888888888888888117900677344
-0.015555555555555555108382392859;0.012962962962962962590318660716;0.024814814814814813853649511088;0.409629629629629621323516630582;0.007407407407407407690103084974;0.011481481481481481399242738917;0.010370370370370370072254928573;0.021851851851851851471497667490;0.016666666666666666435370203203;0.013703703703703704053218359604;0.008888888888888888881179006773;0.008148148148148147418279307885;0.008518518518518519017090895318;0.017037037037037038034181790636;0.022222222222222223070309254922;0.012222222222222222862142437805;0.020000000000000000416333634234;0.016296296296296294836558615771;0.012592592592592592726230549260;0.004444444444444444440589503387;0.010370370370370370072254928573;0.019629629629629628817522046802;0.004074074074074073709139653943;0.020370370370370372015145221667;0.014814814814814815380206169948;0.017037037037037038034181790636;0.020000000000000000416333634234;0.010740740740740739936343040029;0.006666666666666667094565124074;0.009629629629629630344078705662;0.005925925925925925631665425186;0.011111111111111111535154627461;0.005555555555555555767577313730;0.010740740740740739936343040029;0.008518518518518519017090895318;0.017777777777777777762358013547;0.005555555555555555767577313730;0.008888888888888888881179006773;0.004074074074074073709139653943;0.010740740740740739936343040029;0.003703703703703703845051542487;0.007777777777777777554191196430;0.000000000000000000000000000000;0.015555555555555555108382392859;0.015925925925925926707193980292;0.014444444444444443781394582516;0.012962962962962962590318660716;0.010370370370370370072254928573;0.012592592592592592726230549260;0.009629629629629630344078705662
-0.012222222222222222862142437805;0.007407407407407407690103084974;0.023333333333333334397297065266;0.587407407407407378130415054329;0.007777777777777777554191196430;0.005925925925925925631665425186;0.002592592592592592518063732143;0.008888888888888888881179006773;0.006296296296296296363115274630;0.007777777777777777554191196430;0.007037037037037036958653235530;0.004814814814814815172039352831;0.005925925925925925631665425186;0.015555555555555555108382392859;0.011111111111111111535154627461;0.005555555555555555767577313730;0.010370370370370370072254928573;0.008888888888888888881179006773;0.007407407407407407690103084974;0.003703703703703703845051542487;0.007407407407407407690103084974;0.010740740740740739936343040029;0.008148148148148147418279307885;0.011851851851851851263330850372;0.016666666666666666435370203203;0.012962962962962962590318660716;0.010000000000000000208166817117;0.006296296296296296363115274630;0.001111111111111111110147375847;0.005185185185185185036127464286;0.003703703703703703845051542487;0.008518518518518519017090895318;0.004074074074074073709139653943;0.006296296296296296363115274630;0.016296296296296294836558615771;0.014074074074074073917306471060;0.004074074074074073709139653943;0.004074074074074073709139653943;0.001851851851851851922525771243;0.017777777777777777762358013547;0.004074074074074073709139653943;0.004074074074074073709139653943;0.000000000000000000000000000000;0.008518518518518519017090895318;0.007407407407407407690103084974;0.004814814814814815172039352831;0.016666666666666666435370203203;0.012962962962962962590318660716;0.015185185185185185244294281404;0.005185185185185185036127464286
-0.013953488372093023062170402682;0.006976744186046511531085201341;0.032558139534883720478397606257;0.508914728682170580675858673203;0.007364341085271317727256601415;0.007751937984496123923428001490;0.001162790697674418588514200223;0.012403100775193798277484802384;0.015891472868217054043027403054;0.013178294573643410669827602533;0.007751937984496123923428001490;0.009302325581395348708113601788;0.005426356589147286746399601043;0.017829457364341085023884403427;0.014728682170542635454513202831;0.009302325581395348708113601788;0.008914728682170542511942201713;0.013953488372093023062170402682;0.008527131782945736315770801639;0.003488372093023255765542600670;0.009689922480620154904285001862;0.012790697674418604473656202458;0.006589147286821705334913801266;0.020930232558139534593255604022;0.012403100775193798277484802384;0.017441860465116278827713003352;0.014341085271317829258341802756;0.003100775193798449569371200596;0.000775193798449612392342800149;0.005813953488372092942571001117;0.003488372093023255765542600670;0.008139534883720930119599401564;0.004263565891472868157885400819;0.006976744186046511531085201341;0.018604651162790697416227203576;0.016279069767441860239198803129;0.002713178294573643373199800521;0.008139534883720930119599401564;0.003488372093023255765542600670;0.015503875968992247846856002980;0.002713178294573643373199800521;0.005813953488372092942571001117;0.000000000000000000000000000000;0.011627906976744185885142002235;0.005813953488372092942571001117;0.006589147286821705334913801266;0.017054263565891472631541603278;0.015116279069767441650684602905;0.014728682170542635454513202831;0.009689922480620154904285001862
-0.020068027210884353817021974464;0.009523809523809524668624959531;0.020408163265306120820463675614;0.300680272108843515965759252140;0.028911564625850341009316579743;0.018367346938775511860919564811;0.007142857142857142634106981660;0.023809523809523808202115446875;0.020408163265306120820463675614;0.012925170068027210315553254816;0.008843537414965987192294605279;0.019047619047619049337249919063;0.017346938775510203911700557455;0.014285714285714285268213963320;0.024489795918367345678445801127;0.017006802721088436908258856306;0.016666666666666666435370203203;0.017006802721088436908258856306;0.019387755102040816340691620212;0.001700680272108843473985451134;0.014625850340136054006379140446;0.016666666666666666435370203203;0.009863945578231291672066660681;0.023469387755102041198673745726;0.020748299319727891293352328717;0.019387755102040816340691620212;0.014625850340136054006379140446;0.005782312925170067681446273156;0.002380952380952381167156239883;0.036054421768707482776061823415;0.019727891156462583344133321361;0.014285714285714285268213963320;0.015986394557823128959039848951;0.006802721088435373895941804534;0.011564625850340135362892546311;0.016326530612244899431928502054;0.004081632653061224857982125513;0.015986394557823128959039848951;0.001700680272108843473985451134;0.010884353741496597886562192059;0.006802721088435373895941804534;0.006122448979591836419611450282;0.000000000000000000000000000000;0.014285714285714285268213963320;0.017346938775510203911700557455;0.012585034013605441577388077690;0.013605442176870747791883609068;0.006462585034013605157776627408;0.012585034013605441577388077690;0.011224489795918366624727369185
-0.015646258503401361955598147802;0.007142857142857142634106981660;0.021428571428571428769682682969;0.295238095238095243910692033751;0.021088435374149658296794029866;0.017346938775510203911700557455;0.009183673469387755930459782405;0.021428571428571428769682682969;0.016326530612244899431928502054;0.009863945578231291672066660681;0.009863945578231291672066660681;0.014285714285714285268213963320;0.026870748299319728580325516987;0.014285714285714285268213963320;0.022108843537414966246013037221;0.007482993197278911372272158786;0.008843537414965987192294605279;0.020408163265306120820463675614;0.019727891156462583344133321361;0.002040816326530612428991062757;0.012585034013605441577388077690;0.013605442176870747791883609068;0.030272108843537415961977288248;0.017687074829931974384589210558;0.011904761904761904101057723437;0.017346938775510203911700557455;0.025850340136054420631106509632;0.002040816326530612428991062757;0.001700680272108843473985451134;0.040136054421768707634043948929;0.026870748299319728580325516987;0.010544217687074829148397014933;0.017346938775510203911700557455;0.012244897959183672839222900564;0.031972789115646257918079697902;0.010544217687074829148397014933;0.003741496598639455686136079393;0.014965986394557822744544317572;0.002040816326530612428991062757;0.015986394557823128959039848951;0.010544217687074829148397014933;0.008843537414965987192294605279;0.000000000000000000000000000000;0.009183673469387755930459782405;0.013605442176870747791883609068;0.015306122448979591482709494699;0.010544217687074829148397014933;0.004761904761904762334312479766;0.016666666666666666435370203203;0.010544217687074829148397014933
-0.024814814814814813853649511088;0.004074074074074073709139653943;0.065925925925925929482751541855;0.142962962962962958357593379333;0.011851851851851851263330850372;0.017407407407407406163546426114;0.004074074074074073709139653943;0.021851851851851851471497667490;0.036296296296296298722339201959;0.019629629629629628817522046802;0.017037037037037038034181790636;0.020370370370370372015145221667;0.005555555555555555767577313730;0.037777777777777778178691647781;0.017037037037037038034181790636;0.029629629629629630760412339896;0.013703703703703704053218359604;0.020000000000000000416333634234;0.011851851851851851263330850372;0.005925925925925925631665425186;0.017777777777777777762358013547;0.030370370370370370488588562807;0.004074074074074073709139653943;0.032962962962962964741375770927;0.042222222222222223486642889156;0.038148148148148146308056283260;0.032962962962962964741375770927;0.010000000000000000208166817117;0.001111111111111111110147375847;0.007407407407407407690103084974;0.005555555555555555767577313730;0.015925925925925926707193980292;0.004074074074074073709139653943;0.021111111111111111743321444578;0.008888888888888888881179006773;0.024444444444444445724284875610;0.005185185185185185036127464286;0.007037037037037036958653235530;0.004444444444444444440589503387;0.010370370370370370072254928573;0.007037037037037036958653235530;0.007777777777777777554191196430;0.000000000000000000000000000000;0.016666666666666666435370203203;0.011851851851851851263330850372;0.016666666666666666435370203203;0.032962962962962964741375770927;0.018888888888888889089345823891;0.010740740740740739936343040029;0.025555555555555557051272685953
-0.041056910569105688202373727336;0.005691056910569106119801574550;0.077235772357723581071908824924;0.067479674796747962650655949801;0.008536585365853659179702361826;0.022357723577235772555171777753;0.002439024390243902436908873810;0.010975609756097560315568628653;0.034959349593495933627984584291;0.018292682926829267192614381088;0.017479674796747966813992292145;0.010569105691056910126257584182;0.018292682926829267192614381088;0.050813008130081299684732698552;0.006097560975609756309112619022;0.033739837398373981325327974901;0.023577235772357724857828387144;0.031707317073170732113496228521;0.010975609756097560315568628653;0.008943089430894309369013406297;0.011788617886178862428914193572;0.027235772357723578296351263361;0.009349593495934959558324450768;0.023577235772357724857828387144;0.043495934959349592807686946117;0.030894308943089431734874139579;0.028861788617886179053595441246;0.001219512195121951218454436905;0.000406504065040650406151478968;0.013821138211382113375469415928;0.017073170731707318359404723651;0.012601626016260162807536282514;0.004471544715447154684506703148;0.013008130081300812996847326986;0.021544715447154472176549688811;0.028455284552845527129560920798;0.008536585365853659179702361826;0.010569105691056910126257584182;0.004471544715447154684506703148;0.022357723577235772555171777753;0.002032520325203252247597829339;0.010162601626016259936946539710;0.000000000000000000000000000000;0.012601626016260162807536282514;0.004471544715447154684506703148;0.010975609756097560315568628653;0.040650406504065039747786158841;0.033739837398373981325327974901;0.025609756097560974069660133523;0.024796747967479673691038044581
-0.027124183006535948492476961746;0.005555555555555555767577313730;0.026797385620915031151367813322;0.224183006535947720871959631950;0.003594771241830065165029362007;0.018300653594771242732575089462;0.015359477124183005744550989391;0.023529411764705882026404992757;0.014379084967320260660117448026;0.021895424836601305729200106498;0.016666666666666666435370203203;0.015032679738562091872888792921;0.009803921568627450844335413649;0.019607843137254901688670827298;0.021568627450980391857537910028;0.026143790849673203408043420382;0.014052287581699346788455251556;0.010784313725490195928768955014;0.013071895424836601704021710191;0.002941176470588235253300624095;0.023856209150326795898067189228;0.017320261437908497648141548098;0.008169934640522876281854003366;0.036928104575163399336812375395;0.022875816993464050813633647863;0.026143790849673203408043420382;0.027450980392156862364139158217;0.002941176470588235253300624095;0.006209150326797385245625182648;0.008496732026143790153516199837;0.011111111111111111535154627461;0.024183006535947713239176337652;0.005555555555555555767577313730;0.018954248366013070475899482403;0.018627450980392156604237285933;0.022549019607843136941971451392;0.005555555555555555767577313730;0.016339869281045752563708006733;0.003921568627450980337734165460;0.018627450980392156604237285933;0.008496732026143790153516199837;0.008823529411764705759901872284;0.000000000000000000000000000000;0.025163398692810458323609879017;0.010457516339869280322383282567;0.027124183006535948492476961746;0.021241830065359477985875713557;0.012418300653594770491250365296;0.013398692810457515575683906661;0.016666666666666666435370203203
-0.029012345679012344762393027509;0.006172839506172839163511412153;0.052469135802469132889847003298;0.163271604938271613916001001598;0.002469135802469135752140738660;0.023148148148148146863167795573;0.007716049382716048954389265191;0.029629629629629630760412339896;0.017901234567901234961961876024;0.026234567901234566444923501649;0.020370370370370372015145221667;0.021604938271604937072289942535;0.008641975308641974481971281818;0.023765432098765432861187107960;0.018518518518518517490534236458;0.035802469135802469923923752049;0.016358024691358025171084022986;0.019444444444444444752839729063;0.017283950617283948963942563637;0.002469135802469135752140738660;0.020987654320987654543717582101;0.022839506172839505598881615356;0.006790123456790123426807248563;0.040432098765432099296557311163;0.033333333333333332870740406406;0.030246913580246913288984700330;0.029629629629629630760412339896;0.001234567901234567876070369330;0.006481481481481481295159330358;0.008641975308641974481971281818;0.014197530864197531116910333537;0.018209876543209876226248056241;0.007407407407407407690103084974;0.016975308641975307699656383420;0.008333333333333333217685101602;0.020987654320987654543717582101;0.008333333333333333217685101602;0.008950617283950617480980938012;0.000308641975308641969017592332;0.011419753086419752799440807678;0.010185185185185186007572610833;0.004938271604938271504281477320;0.000000000000000000000000000000;0.024382716049382715389759468394;0.006172839506172839163511412153;0.023148148148148146863167795573;0.025617283950617283916351141215;0.007716049382716048954389265191;0.019135802469135803488553548846;0.020679012345679013279431401884
-0.029166666666666667129259593594;0.008012820512820512108831394471;0.054807692307692307265298836683;0.216666666666666674068153497501;0.003846153846153846367350581659;0.011858974358974358476181976130;0.001282051282051282050170049054;0.020512820512820512802720784862;0.020512820512820512802720784862;0.025641025641025640136039243089;0.016346153846153847061239972049;0.007051282051282051384355487045;0.008333333333333333217685101602;0.039102564102564102421766278894;0.007371794871794871625847456187;0.017307692307692308653077617464;0.016346153846153847061239972049;0.028846153846153847755129362440;0.011538461538461539102051744976;0.009294871794871794809522747016;0.016346153846153847061239972049;0.021794871794871793768688661430;0.007692307692307692734701163317;0.035576923076923075428545928389;0.023397435897435897578233721106;0.033974358974358971619000868714;0.020192307692307693428590553708;0.002564102564102564100340098108;0.000961538461538461591837645415;0.005769230769230769551025872488;0.007371794871794871625847456187;0.014102564102564102768710974090;0.003846153846153846367350581659;0.009935897435897435292506685300;0.015705128205128204843532557788;0.037179487179487179238090988065;0.007371794871794871625847456187;0.006730769230769231142863517903;0.002243589743589743425167259971;0.019551282051282051210883139447;0.007051282051282051384355487045;0.013141025641025641176873328675;0.000000000000000000000000000000;0.013461538461538462285727035805;0.004807692307692307959188227073;0.012500000000000000693889390391;0.041025641025641025605441569724;0.025000000000000001387778780781;0.018589743589743589619045494032;0.018269230769230770244915262879
-0.022764227642276424479206298201;0.009349593495934959558324450768;0.043089430894308944353099377622;0.322764227642276413376976051950;0.007317073170731707744407490424;0.015853658536585366056748114261;0.002439024390243902436908873810;0.011788617886178862428914193572;0.007723577235772357933718534895;0.023170731707317072933793866696;0.014227642276422763564780460399;0.012601626016260162807536282514;0.006504065040650406498423663493;0.032926829268292684416152837912;0.015853658536585366056748114261;0.020325203252032519873893079421;0.011788617886178862428914193572;0.018699186991869919116648901536;0.007723577235772357933718534895;0.005284552845528455063128792091;0.011382113821138212239603149101;0.010162601626016259936946539710;0.003252032520325203249211831746;0.030894308943089431734874139579;0.030081300813008131356252050637;0.033333333333333332870740406406;0.019105691056910567571236470030;0.003658536585365853872203745212;0.001219512195121951218454436905;0.010162601626016259936946539710;0.010162601626016259936946539710;0.019918699186991871419305510926;0.004065040650406504495195658677;0.006910569105691056687734707964;0.010975609756097560315568628653;0.029674796747967479432217530189;0.006097560975609756309112619022;0.015447154471544715867437069790;0.000813008130081300812302957937;0.010162601626016259936946539710;0.006097560975609756309112619022;0.002032520325203252247597829339;0.000000000000000000000000000000;0.016260162601626017980782634709;0.005691056910569106119801574550;0.013414634146341463186158371457;0.030487804878048779810839619131;0.021951219512195120631137257305;0.010162601626016259936946539710;0.014227642276422763564780460399
-0.033333333333333332870740406406;0.008928571428571428075793292578;0.051785714285714289084605610469;0.162500000000000005551115123126;0.003273809523809523887999395342;0.008333333333333333217685101602;0.005357142857142857192420670742;0.016964285714285712997062560703;0.017857142857142856151586585156;0.038095238095238098674499838125;0.010119047619047619526733150508;0.003869047619047619179788455313;0.009226190476190476372209126055;0.030654761904761903407168333047;0.019047619047619049337249919063;0.025892857142857144542302805235;0.025297619047619047949471138281;0.023511904761904761640423089375;0.009523809523809524668624959531;0.005952380952380952050528861719;0.014285714285714285268213963320;0.018452380952380952744418252109;0.004464285714285714037896646289;0.050000000000000002775557561563;0.027380952380952380820211544687;0.042261904761904764415980650938;0.026785714285714284227379877734;0.006845238095238095205052886172;0.003571428571428571317053490830;0.002380952380952381167156239883;0.006845238095238095205052886172;0.028273809523809523974735569141;0.004166666666666666608842550801;0.008928571428571428075793292578;0.008333333333333333217685101602;0.038392857142857145236192195625;0.003869047619047619179788455313;0.011904761904761904101057723437;0.002083333333333333304421275400;0.013095238095238095551997581367;0.008928571428571428075793292578;0.007440476190476190063161077148;0.000000000000000000000000000000;0.033035714285714286309048048906;0.004166666666666666608842550801;0.026190476190476191103995162734;0.041071428571428571230317317031;0.022619047619047618485899064922;0.013392857142857142113689938867;0.011309523809523809242949532461
-0.014215686274509803724286349791;0.007352941176470588133251560237;0.039705882352941174184834949301;0.403921568627450988664406850148;0.004901960784313725422167706824;0.006372549019607843048818018872;0.006372549019607843048818018872;0.015686274509803921350936661838;0.012254901960784313555419267061;0.021078431372549021050044615322;0.006862745098039215591034789554;0.002450980392156862711083853412;0.004411764705882352879950936142;0.032843137254901962063247111701;0.011764705882352941013202496379;0.013235294117647058639852808426;0.022549019607843136941971451392;0.020098039215686275965611073957;0.011274509803921568470985725696;0.006862745098039215591034789554;0.013725490196078431182069579108;0.010784313725490195928768955014;0.001960784313725490168867082730;0.020588235294117646773104368663;0.014215686274509803724286349791;0.021568627450980391857537910028;0.024509803921568627110838534122;0.008333333333333333217685101602;0.000490196078431372542216770682;0.005882352941176470506601248189;0.004901960784313725422167706824;0.018137254901960785796743991227;0.002450980392156862711083853412;0.009313725490196078302118642966;0.010784313725490195928768955014;0.025000000000000001387778780781;0.004901960784313725422167706824;0.004411764705882352879950936142;0.001470588235294117626650312047;0.013235294117647058639852808426;0.005392156862745097964384477507;0.009803921568627450844335413649;0.000000000000000000000000000000;0.011764705882352941013202496379;0.004901960784313725422167706824;0.015196078431372548808719891156;0.025980392156862746472212322146;0.020098039215686275965611073957;0.014705882352941176266503120473;0.011274509803921568470985725696
-0.016969696969696971416974307090;0.008181818181818182461606525635;0.064848484848484849729643997307;0.186969696969696980159980626013;0.006969696969696969474084013996;0.005757575757575757353923240345;0.005151515151515151727523722514;0.020909090909090908422252041987;0.021515151515151514916013297807;0.041515151515151511862899980088;0.008787878787878787220644305478;0.003939393939393939607362948863;0.003636363636363636360482320953;0.036363636363636361870099733551;0.019090909090909092410415226482;0.010909090909090909948808700847;0.026060606060606061884499240477;0.025454545454545455390737984658;0.007575757575757575967845269815;0.007575757575757575967845269815;0.014545454545454545441929283811;0.015454545454545455182571167541;0.003636363636363636360482320953;0.054545454545454542805149600326;0.019090909090909092410415226482;0.043636363636363639795234803387;0.024242424242424242403215473018;0.013030303030303030942249620239;0.001818181818181818180241160476;0.006666666666666667094565124074;0.002727272727272727487202175212;0.031515151515151516858903590901;0.002727272727272727487202175212;0.007575757575757575967845269815;0.008787878787878787220644305478;0.050000000000000002775557561563;0.006969696969696969474084013996;0.006363636363636363847684496164;0.001212121212121212120160773651;0.008787878787878787220644305478;0.009393939393939393714405561298;0.012121212121212121201607736509;0.000000000000000000000000000000;0.019090909090909092410415226482;0.005151515151515151727523722514;0.017272727272727272929131459023;0.044242424242424242819549107253;0.016060606060606059941608947383;0.010000000000000000208166817117;0.015151515151515151935690539631
-0.019629629629629628817522046802;0.008888888888888888881179006773;0.055925925925925927539861248761;0.228888888888888891726125507375;0.008888888888888888881179006773;0.004814814814814815172039352831;0.007407407407407407690103084974;0.028518518518518519433424529552;0.015555555555555555108382392859;0.045925925925925925596970955667;0.010000000000000000208166817117;0.005185185185185185036127464286;0.002592592592592592518063732143;0.034444444444444444197728216750;0.014444444444444443781394582516;0.012592592592592592726230549260;0.011851851851851851263330850372;0.017407407407407406163546426114;0.012962962962962962590318660716;0.001851851851851851922525771243;0.015185185185185185244294281404;0.014074074074074073917306471060;0.001111111111111111110147375847;0.065185185185185179346234463083;0.012222222222222222862142437805;0.042962962962962959745372160114;0.022962962962962962798485477833;0.017407407407407406163546426114;0.002222222222222222220294751693;0.010370370370370370072254928573;0.001481481481481481407916356297;0.020740740740740740144509857146;0.002222222222222222220294751693;0.007777777777777777554191196430;0.002222222222222222220294751693;0.037037037037037034981068472916;0.004814814814814815172039352831;0.005925925925925925631665425186;0.001851851851851851922525771243;0.007037037037037036958653235530;0.010740740740740739936343040029;0.004814814814814815172039352831;0.000000000000000000000000000000;0.021851851851851851471497667490;0.006666666666666667094565124074;0.021111111111111111743321444578;0.048148148148148148250946576354;0.022592592592592591199673890401;0.008148148148148147418279307885;0.013333333333333334189130248149
-0.023504273504273504036277131490;0.007264957264957265167804045802;0.037179487179487179238090988065;0.202991452991452991927445737019;0.003418803418803418800453464144;0.008974358974358973700669039886;0.007692307692307692734701163317;0.029487179487179486503389824748;0.014102564102564102768710974090;0.048717948717948718340142733041;0.014957264957264957902505209120;0.007264957264957265167804045802;0.005982905982905983334474431246;0.029487179487179486503389824748;0.018803418803418802535132314802;0.016239316239316240603196561665;0.024358974358974359170071366520;0.020512820512820512802720784862;0.009829059829059828834463274916;0.002991452991452991667237215623;0.019230769230769231836752908293;0.012393162393162392501122504029;0.004700854700854700633783078700;0.058119658119658121342432366419;0.022649572649572648902482896460;0.034188034188034191473981593390;0.019230769230769231836752908293;0.002136752136752136967123849587;0.004273504273504273934247699174;0.006837606837606837600906928287;0.005128205128205128200680196215;0.028205128205128205537421948179;0.004273504273504273934247699174;0.008119658119658120301598280832;0.006837606837606837600906928287;0.028205128205128205537421948179;0.004273504273504273934247699174;0.012820512820512820068019621544;0.002991452991452991667237215623;0.007692307692307692734701163317;0.011965811965811966668948862491;0.005982905982905983334474431246;0.000000000000000000000000000000;0.046581196581196582240380621442;0.007264957264957265167804045802;0.031623931623931622603151936346;0.035042735042735043138328876466;0.015811965811965811301575968173;0.010256410256410256401360392431;0.009401709401709401267566157401
-0.024333333333333331816028533012;0.007000000000000000145716771982;0.046666666666666668794594130532;0.220333333333333325487757292649;0.002666666666666666577617528233;0.021000000000000001304512053935;0.006666666666666667094565124074;0.013666666666666667240281896056;0.018333333333333333425851918719;0.022999999999999999611421941381;0.009333333333333334105863521302;0.015666666666666665547191783503;0.017333333333333332537673499019;0.019333333333333334314030338419;0.010333333333333333259318465025;0.017333333333333332537673499019;0.025999999999999998806510248528;0.020666666666666666518636930050;0.009666666666666667157015169209;0.004000000000000000083266726847;0.013666666666666667240281896056;0.020666666666666666518636930050;0.012000000000000000249800180541;0.025666666666666667490082076597;0.027333333333333334480563792113;0.024666666666666666601903656897;0.020333333333333331732761806165;0.002333333333333333526465880325;0.004666666666666667052931760651;0.010999999999999999361621760841;0.012000000000000000249800180541;0.018999999999999999528155214534;0.008333333333333333217685101602;0.008999999999999999319988397417;0.025000000000000001387778780781;0.031666666666666669349705642844;0.002666666666666666577617528233;0.015666666666666665547191783503;0.005333333333333333155235056466;0.030999999999999999777955395075;0.004333333333333333134418374755;0.006666666666666667094565124074;0.000000000000000000000000000000;0.021666666666666667406815349750;0.012000000000000000249800180541;0.016666666666666666435370203203;0.025000000000000001387778780781;0.018999999999999999528155214534;0.023666666666666665713725237197;0.015666666666666665547191783503
-0.026282051282051282353746657350;0.010256410256410256401360392431;0.044551282051282052598661920229;0.172115384615384614530597673365;0.033012820512820513496610175252;0.020833333333333332176851016015;0.004487179487179486850334519943;0.016346153846153847061239972049;0.019871794871794870585013370601;0.021474358974358974394558430276;0.014743589743589743251694912374;0.020192307692307693428590553708;0.012500000000000000693889390391;0.029807692307692309346967007855;0.014743589743589743251694912374;0.017628205128205128027207848618;0.020192307692307693428590553708;0.018269230769230770244915262879;0.014102564102564102768710974090;0.004487179487179486850334519943;0.012179487179487179585035683260;0.020833333333333332176851016015;0.006089743589743589792517841630;0.026923076923076924571454071611;0.029807692307692309346967007855;0.032692307692307694122479944099;0.025000000000000001387778780781;0.012179487179487179585035683260;0.000961538461538461591837645415;0.018910256410256408993175725186;0.012500000000000000693889390391;0.018910256410256408993175725186;0.005769230769230769551025872488;0.012179487179487179585035683260;0.016346153846153847061239972049;0.030448717948717948095227470162;0.006410256410256410034009810772;0.010576923076923077510214099561;0.001602564102564102508502452693;0.018910256410256408993175725186;0.006089743589743589792517841630;0.007051282051282051384355487045;0.000000000000000000000000000000;0.019871794871794870585013370601;0.011858974358974358476181976130;0.016666666666666666435370203203;0.027564102564102563319714533918;0.019551282051282051210883139447;0.016666666666666666435370203203;0.019551282051282051210883139447
-0.028431372549019607448572699582;0.012091503267973856619588168826;0.043790849673202611458400212996;0.215686274509803932453166908090;0.019281045751633987817008630827;0.022222222222222223070309254922;0.004901960784313725422167706824;0.009803921568627450844335413649;0.021568627450980391857537910028;0.015686274509803921350936661838;0.012418300653594770491250365296;0.032679738562091505127416013465;0.015032679738562091872888792921;0.024836601307189540982500730593;0.019934640522875815560333023768;0.020261437908496732901442172192;0.022222222222222223070309254922;0.020915032679738560644766565133;0.010784313725490195928768955014;0.007516339869281045936444396460;0.012418300653594770491250365296;0.019607843137254901688670827298;0.009803921568627450844335413649;0.022549019607843136941971451392;0.025490196078431372195272075487;0.021241830065359477985875713557;0.017647058823529411519803744568;0.010784313725490195928768955014;0.001633986928104575213002713774;0.020915032679738560644766565133;0.018627450980392156604237285933;0.016339869281045752563708006733;0.007189542483660130330058724013;0.010457516339869280322383282567;0.017647058823529411519803744568;0.024183006535947713239176337652;0.004901960784313725422167706824;0.016666666666666666435370203203;0.005555555555555555767577313730;0.021241830065359477985875713557;0.004248366013071895076758099918;0.009150326797385621366287544731;0.000000000000000000000000000000;0.015032679738562091872888792921;0.009803921568627450844335413649;0.016339869281045752563708006733;0.021568627450980391857537910028;0.013071895424836601704021710191;0.012091503267973856619588168826;0.013725490196078431182069579108
-0.023856209150326795898067189228;0.007843137254901960675468330919;0.043790849673202611458400212996;0.270915032679738543297531805365;0.002614379084967320080595820642;0.018300653594771242732575089462;0.005228758169934640161191641283;0.019281045751633987817008630827;0.019281045751633987817008630827;0.021568627450980391857537910028;0.011111111111111111535154627461;0.011111111111111111535154627461;0.010784313725490195928768955014;0.021241830065359477985875713557;0.017973856209150325391465941038;0.023856209150326795898067189228;0.016666666666666666435370203203;0.026470588235294117279705616852;0.010784313725490195928768955014;0.006209150326797385245625182648;0.010457516339869280322383282567;0.026143790849673203408043420382;0.006535947712418300852010855095;0.021241830065359477985875713557;0.026797385620915031151367813322;0.026143790849673203408043420382;0.020261437908496732901442172192;0.003267973856209150426005427548;0.003921568627450980337734165460;0.015686274509803921350936661838;0.010784313725490195928768955014;0.008823529411764705759901872284;0.006209150326797385245625182648;0.011437908496732025406816823931;0.016339869281045752563708006733;0.019934640522875815560333023768;0.005882352941176470506601248189;0.016666666666666666435370203203;0.003921568627450980337734165460;0.021895424836601305729200106498;0.005228758169934640161191641283;0.009150326797385621366287544731;0.000000000000000000000000000000;0.011437908496732025406816823931;0.005228758169934640161191641283;0.013071895424836601704021710191;0.027450980392156862364139158217;0.019607843137254901688670827298;0.020261437908496732901442172192;0.017320261437908497648141548098
-0.024038461538461539795941135367;0.017628205128205128027207848618;0.051923076923076925959232852392;0.191666666666666679619268620627;0.012820512820512820068019621544;0.021153846153846155020428199123;0.003205128205128205017004905386;0.019230769230769231836752908293;0.033974358974358971619000868714;0.020192307692307693428590553708;0.010897435897435896884344330715;0.011858974358974358476181976130;0.011858974358974358476181976130;0.018910256410256408993175725186;0.013782051282051281659857266959;0.026602564102564101727876888503;0.026602564102564101727876888503;0.034615384615384617306155234928;0.010256410256410256401360392431;0.003205128205128205017004905386;0.010897435897435896884344330715;0.023397435897435897578233721106;0.006089743589743589792517841630;0.025961538461538462979616426196;0.025320512820512820761909011935;0.023717948717948716952363952259;0.020192307692307693428590553708;0.008333333333333333217685101602;0.002243589743589743425167259971;0.012500000000000000693889390391;0.012179487179487179585035683260;0.021153846153846155020428199123;0.006089743589743589792517841630;0.010256410256410256401360392431;0.018589743589743589619045494032;0.025641025641025640136039243089;0.004487179487179486850334519943;0.012500000000000000693889390391;0.007692307692307692734701163317;0.016666666666666666435370203203;0.004166666666666666608842550801;0.022756410256410255360526306845;0.000000000000000000000000000000;0.014102564102564102768710974090;0.009935897435897435292506685300;0.015064102564102564360548619504;0.025320512820512820761909011935;0.015384615384615385469402326635;0.015705128205128204843532557788;0.019230769230769231836752908293
-0.030606060606060605383538231195;0.011212121212121211460965852780;0.045454545454545455807071618892;0.221818181818181830999847647945;0.007272727272727272720964641906;0.017575757575757574441288610956;0.004848484848484848480643094604;0.012121212121212121201607736509;0.025757575757575756902895136591;0.021212121212121213403856145874;0.010303030303030303455047445027;0.008787878787878787220644305478;0.014242424242424242195048655901;0.022121212121212121409774553626;0.010000000000000000208166817117;0.014848484848484848688809911721;0.028484848484848484390097311802;0.028787878787878789371701415689;0.010606060606060606701928072937;0.009090909090909090467524933388;0.013333333333333334189130248149;0.020909090909090908422252041987;0.009696969696969696961286189207;0.029696969696969697377619823442;0.023030303030303029415692961379;0.028484848484848484390097311802;0.021212121212121213403856145874;0.004545454545454545233762466694;0.002121212121212121427121788386;0.011818181818181817954727108599;0.007575757575757575967845269815;0.018787878787878787428811122595;0.008787878787878787220644305478;0.008181818181818182461606525635;0.023333333333333334397297065266;0.031818181818181814901613790880;0.006666666666666667094565124074;0.014545454545454545441929283811;0.005454545454545454974404350423;0.026969696969696969890417648230;0.004848484848484848480643094604;0.018484848484848485916653970662;0.000000000000000000000000000000;0.018787878787878787428811122595;0.004545454545454545233762466694;0.020606060606060606910094890054;0.020000000000000000416333634234;0.015151515151515151935690539631;0.016363636363636364923213051270;0.009090909090909090467524933388
-0.028888888888888887562789165031;0.010833333333333333703407674875;0.035000000000000003330669073875;0.209722222222222226539756206876;0.019444444444444444752839729063;0.022222222222222223070309254922;0.007777777777777777554191196430;0.011111111111111111535154627461;0.015277777777777777276635440273;0.016666666666666666435370203203;0.012222222222222222862142437805;0.018333333333333333425851918719;0.015833333333333334674852821422;0.021944444444444443503838826359;0.011944444444444445030395485219;0.016388888888888890338346726594;0.020277777777777776513357110844;0.023055555555555554830826636703;0.018888888888888889089345823891;0.006111111111111111431071218902;0.018333333333333333425851918719;0.015277777777777777276635440273;0.014444444444444443781394582516;0.025555555555555557051272685953;0.021666666666666667406815349750;0.024444444444444445724284875610;0.023333333333333334397297065266;0.008055555555555555385938149016;0.001666666666666666773641281019;0.024722222222222221821308352219;0.019722222222222220849863205672;0.019444444444444444752839729063;0.007777777777777777554191196430;0.010555555555555555871660722289;0.021944444444444443503838826359;0.025833333333333333148296162562;0.005555555555555555767577313730;0.021944444444444443503838826359;0.003333333333333333547282562037;0.018055555555555553859381490156;0.006111111111111111431071218902;0.010555555555555555871660722289;0.000000000000000000000000000000;0.015833333333333334674852821422;0.012222222222222222862142437805;0.018888888888888889089345823891;0.022777777777777778733803160094;0.015277777777777777276635440273;0.010833333333333333703407674875;0.013888888888888888117900677344
-0.019727891156462583344133321361;0.010884353741496597886562192059;0.023129251700680270725785092623;0.312244897959183698166185649825;0.006802721088435373895941804534;0.018367346938775511860919564811;0.010204081632653060410231837807;0.018367346938775511860919564811;0.012585034013605441577388077690;0.011224489795918366624727369185;0.007482993197278911372272158786;0.009183673469387755930459782405;0.021088435374149658296794029866;0.020408163265306120820463675614;0.020068027210884353817021974464;0.012925170068027210315553254816;0.018707482993197278864361265960;0.023129251700680270725785092623;0.012925170068027210315553254816;0.007142857142857142634106981660;0.013945578231292516530048786194;0.012925170068027210315553254816;0.013265306122448979053718431942;0.021768707482993195773124384118;0.015646258503401361955598147802;0.021088435374149658296794029866;0.024829931972789116151334454230;0.007482993197278911372272158786;0.005442176870748298943281096030;0.020408163265306120820463675614;0.008843537414965987192294605279;0.020408163265306120820463675614;0.011904761904761904101057723437;0.010544217687074829148397014933;0.021428571428571428769682682969;0.019047619047619049337249919063;0.006462585034013605157776627408;0.011904761904761904101057723437;0.001700680272108843473985451134;0.022789115646258503722343391473;0.006802721088435373895941804534;0.007823129251700680977799073901;0.000000000000000000000000000000;0.015646258503401361955598147802;0.012244897959183672839222900564;0.018367346938775511860919564811;0.014965986394557822744544317572;0.010544217687074829148397014933;0.015986394557823128959039848951;0.009183673469387755930459782405
-0.026282051282051282353746657350;0.007051282051282051384355487045;0.025000000000000001387778780781;0.372435897435897445006958150771;0.004487179487179486850334519943;0.020512820512820512802720784862;0.005128205128205128200680196215;0.008653846153846154326538808732;0.014743589743589743251694912374;0.011217948717948717993198037846;0.005128205128205128200680196215;0.022115384615384616612265844537;0.019230769230769231836752908293;0.014423076923076923877564681220;0.007371794871794871625847456187;0.014743589743589743251694912374;0.018910256410256408993175725186;0.020192307692307693428590553708;0.008012820512820512108831394471;0.005769230769230769551025872488;0.005448717948717948442172165358;0.015064102564102564360548619504;0.011217948717948717993198037846;0.021474358974358974394558430276;0.018269230769230770244915262879;0.015064102564102564360548619504;0.015064102564102564360548619504;0.004166666666666666608842550801;0.002884615384615384775512936244;0.018589743589743589619045494032;0.019230769230769231836752908293;0.015705128205128204843532557788;0.005448717948717948442172165358;0.007692307692307692734701163317;0.024038461538461539795941135367;0.023397435897435897578233721106;0.005128205128205128200680196215;0.020833333333333332176851016015;0.002243589743589743425167259971;0.022756410256410255360526306845;0.002564102564102564100340098108;0.009294871794871794809522747016;0.000000000000000000000000000000;0.016987179487179485809500434357;0.004166666666666666608842550801;0.015064102564102564360548619504;0.010897435897435896884344330715;0.011858974358974358476181976130;0.016987179487179485809500434357;0.007051282051282051384355487045
-0.014583333333333333564629796797;0.013988095238095238706521605820;0.029761904761904760252644308594;0.272023809523809501076385686247;0.058035714285714287696826829688;0.005952380952380952050528861719;0.005357142857142857192420670742;0.014880952380952380126322154297;0.019940476190476189022326991562;0.013988095238095238706521605820;0.007440476190476190063161077148;0.002976190476190476025264430859;0.012500000000000000693889390391;0.016964285714285712997062560703;0.032142857142857139685077072500;0.010416666666666666088425508008;0.022023809523809525362514349922;0.025297619047619047949471138281;0.012202380952380952397473556914;0.006250000000000000346944695195;0.007738095238095238359576910625;0.018154761904761906182725894610;0.015773809523809523280846178750;0.022023809523809525362514349922;0.013095238095238095551997581367;0.017559523809523809589894227656;0.010119047619047619526733150508;0.024404761904761904794947113828;0.001785714285714285658526745415;0.011309523809523809242949532461;0.004166666666666666608842550801;0.016369047619047619873677845703;0.012797619047619047255581747891;0.008630952380952381514100935078;0.022916666666666665047591422422;0.028869047619047620567567236094;0.004166666666666666608842550801;0.008928571428571428075793292578;0.002976190476190476025264430859;0.026785714285714284227379877734;0.005059523809523809763366575254;0.014583333333333333564629796797;0.000000000000000000000000000000;0.016369047619047619873677845703;0.024404761904761904794947113828;0.016666666666666666435370203203;0.014880952380952380126322154297;0.010119047619047619526733150508;0.014583333333333333564629796797;0.008035714285714284921269268125
-0.018055555555555553859381490156;0.020486111111111111188209932266;0.032638888888888890893458238907;0.184375000000000011102230246252;0.060069444444444446140618509844;0.012847222222222221682530474141;0.006944444444444444058950338672;0.020833333333333332176851016015;0.024305555555555555941049661328;0.013194444444444444405895033867;0.009722222222222222376419864531;0.005555555555555555767577313730;0.006944444444444444058950338672;0.017013888888888887424011286953;0.036458333333333335646297967969;0.010069444444444445099784424258;0.026041666666666667823148983985;0.035763888888888886730121896562;0.031250000000000000000000000000;0.004861111111111111188209932266;0.021180555555555556634939051719;0.015972222222222220988641083750;0.017361111111111111882099322656;0.020486111111111111188209932266;0.013194444444444444405895033867;0.012152777777777777970524830664;0.020486111111111111188209932266;0.022222222222222223070309254922;0.001041666666666666652210637700;0.027083333333333334258519187188;0.003472222222222222029475169336;0.012847222222222221682530474141;0.011458333333333332523795711211;0.004861111111111111188209932266;0.021874999999999998612221219219;0.027083333333333334258519187188;0.006597222222222222202947516934;0.006250000000000000346944695195;0.003472222222222222029475169336;0.024652777777777776929690745078;0.010069444444444445099784424258;0.020138888888888890199568848516;0.000000000000000000000000000000;0.009374999999999999653055304805;0.024652777777777776929690745078;0.017708333333333332870740406406;0.010416666666666666088425508008;0.007986111111111110494320541875;0.021527777777777777623580135469;0.006944444444444444058950338672
-0.040251572327044023158482133340;0.004402515723270440141379200583;0.044339622641509431055784062892;0.143710691823899366914574216025;0.000943396226415094346987033624;0.022327044025157231216249797967;0.002201257861635220070689600291;0.013207547169811321291499339736;0.017610062893081760565516802330;0.027358490566037736713145278600;0.015094339622641509551792537991;0.009119496855345911659473934208;0.017924528301886791942232335373;0.034591194968553458377602538576;0.006289308176100629269034136826;0.026100628930817611206283146430;0.022327044025157231216249797967;0.028301886792452830843291877727;0.009433962264150943036189467250;0.008805031446540880282758401165;0.011949685534591195784637207566;0.015094339622641509551792537991;0.014779874213836478175077004948;0.035849056603773583884464670746;0.035534591194968552507749137703;0.044339622641509431055784062892;0.021383647798742137086103198840;0.000628930817610062861851283333;0.002515723270440251447405133334;0.006603773584905660645749669868;0.005660377358490565648241332752;0.019811320754716980202525533628;0.006918238993710692022465202911;0.011949685534591195784637207566;0.029559748427672956350154009897;0.038679245283018866274904468128;0.012264150943396227161352740609;0.015408805031446540928508071033;0.001572327044025157317258534206;0.026100628930817611206283146430;0.004402515723270440141379200583;0.007861635220125786152611802038;0.000000000000000000000000000000;0.021069182389937105709387665797;0.004716981132075471518094733625;0.018867924528301886072378934500;0.030817610062893081857016142067;0.024842767295597485699421014260;0.022955974842767293969680864052;0.013522012578616352668214872779
-0.036904761904761905488836504219;0.005952380952380952050528861719;0.050000000000000002775557561563;0.159126984126984116763026122499;0.000793650793650793650105268462;0.022222222222222223070309254922;0.000000000000000000000000000000;0.013095238095238095551997581367;0.053174603174603173039169945469;0.025000000000000001387778780781;0.012698412698412698401684295391;0.020238095238095239053466301016;0.016269841269841271019780393203;0.034920634920634921471993550313;0.007936507936507936067371815625;0.029365079365079364837054498594;0.016666666666666666435370203203;0.025000000000000001387778780781;0.009920634920634920084214769531;0.007539682539682539784420267637;0.011507936507936508685467913438;0.026190476190476191103995162734;0.005952380952380952050528861719;0.021825396825396824185272492969;0.044841269841269841556208319844;0.031349206349206348853897452500;0.021031746031746033354092872969;0.003571428571428571317053490830;0.001190476190476190583578119941;0.009523809523809524668624959531;0.015079365079365079568840535273;0.010317460317460317234528055508;0.005555555555555555767577313730;0.007936507936507936067371815625;0.017460317460317460735996775156;0.027777777777777776235801354687;0.007142857142857142634106981660;0.013888888888888888117900677344;0.005158730158730158617264027754;0.016269841269841271019780393203;0.002777777777777777883788656865;0.016666666666666666435370203203;0.000000000000000000000000000000;0.021031746031746033354092872969;0.002777777777777777883788656865;0.017063492063492061850960013203;0.030555555555555554553270880547;0.021825396825396824185272492969;0.021428571428571428769682682969;0.015476190476190476719153821250
-0.024722222222222221821308352219;0.012777777777777778525636342977;0.052777777777777777623580135469;0.170833333333333337034076748751;0.014444444444444443781394582516;0.018888888888888889089345823891;0.003333333333333333547282562037;0.022777777777777778733803160094;0.015555555555555555108382392859;0.029444444444444443226283070203;0.014166666666666665949647629930;0.013888888888888888117900677344;0.012500000000000000693889390391;0.030833333333333334119741309109;0.024444444444444445724284875610;0.017222222222222222098864108375;0.013888888888888888117900677344;0.023611111111111110494320541875;0.011388888888888889366901580047;0.006111111111111111431071218902;0.013888888888888888117900677344;0.016666666666666666435370203203;0.006111111111111111431071218902;0.031944444444444441977282167500;0.023055555555555554830826636703;0.026666666666666668378260496297;0.027222222222222220572307449515;0.015555555555555555108382392859;0.003333333333333333547282562037;0.013611111111111110286153724758;0.008333333333333333217685101602;0.021111111111111111743321444578;0.006111111111111111431071218902;0.007777777777777777554191196430;0.019444444444444444752839729063;0.033333333333333332870740406406;0.014444444444444443781394582516;0.011111111111111111535154627461;0.002777777777777777883788656865;0.017222222222222222098864108375;0.006111111111111111431071218902;0.008333333333333333217685101602;0.000000000000000000000000000000;0.020000000000000000416333634234;0.010000000000000000208166817117;0.015277777777777777276635440273;0.026944444444444444475283972906;0.021111111111111111743321444578;0.023055555555555554830826636703;0.015833333333333334674852821422
-0.025000000000000001387778780781;0.013541666666666667129259593594;0.060416666666666667129259593594;0.093055555555555558022717832500;0.014236111111111110841265237070;0.017708333333333332870740406406;0.005208333333333333044212754004;0.023263888888888889505679458125;0.019444444444444444752839729063;0.027430555555555555247160270937;0.017361111111111111882099322656;0.010416666666666666088425508008;0.012152777777777777970524830664;0.036458333333333335646297967969;0.014930555555555556287994356524;0.014583333333333333564629796797;0.019444444444444444752839729063;0.031597222222222220988641083750;0.013541666666666667129259593594;0.011111111111111111535154627461;0.015277777777777777276635440273;0.021180555555555556634939051719;0.014583333333333333564629796797;0.034722222222222223764198645313;0.027777777777777776235801354687;0.041319444444444443365060948281;0.030555555555555554553270880547;0.020138888888888890199568848516;0.003125000000000000173472347598;0.014930555555555556287994356524;0.003819444444444444319158860068;0.014236111111111110841265237070;0.006597222222222222202947516934;0.010763888888888888811790067734;0.016666666666666666435370203203;0.040625000000000001387778780781;0.012152777777777777970524830664;0.007291666666666666782314898398;0.002777777777777777883788656865;0.022222222222222223070309254922;0.009027777777777776929690745078;0.009374999999999999653055304805;0.000000000000000000000000000000;0.015625000000000000000000000000;0.010763888888888888811790067734;0.011805555555555555247160270937;0.036111111111111107718762980312;0.017708333333333332870740406406;0.026736111111111109800431151484;0.021180555555555556634939051719
-0.034294871794871797932025003774;0.008653846153846154326538808732;0.057051282051282049823104358666;0.129487179487179498993398851781;0.001282051282051282050170049054;0.014423076923076923877564681220;0.000961538461538461591837645415;0.022756410256410255360526306845;0.015064102564102564360548619504;0.023717948717948716952363952259;0.013461538461538462285727035805;0.007371794871794871625847456187;0.010256410256410256401360392431;0.041025641025641025605441569724;0.011858974358974358476181976130;0.013461538461538462285727035805;0.024038461538461539795941135367;0.033974358974358971619000868714;0.010256410256410256401360392431;0.012179487179487179585035683260;0.014743589743589743251694912374;0.020192307692307693428590553708;0.020192307692307693428590553708;0.033653846153846152244870637560;0.030448717948717948095227470162;0.034935897435897436680285466082;0.026923076923076924571454071611;0.001923076923076923183675290829;0.001602564102564102508502452693;0.007371794871794871625847456187;0.005769230769230769551025872488;0.018589743589743589619045494032;0.005448717948717948442172165358;0.008012820512820512108831394471;0.026602564102564101727876888503;0.041666666666666664353702032031;0.015705128205128204843532557788;0.006730769230769231142863517903;0.002884615384615384775512936244;0.028205128205128205537421948179;0.007051282051282051384355487045;0.008653846153846154326538808732;0.000000000000000000000000000000;0.018269230769230770244915262879;0.006730769230769231142863517903;0.014102564102564102768710974090;0.035897435897435894802676159543;0.025320512820512820761909011935;0.031730769230769229061195346731;0.015064102564102564360548619504
-0.033673469387755103343629059509;0.016666666666666666435370203203;0.054761904761904761640423089375;0.111564625850340132240390289553;0.002380952380952381167156239883;0.014965986394557822744544317572;0.005442176870748298943281096030;0.019387755102040816340691620212;0.017346938775510203911700557455;0.029251700680272108012758280893;0.014625850340136054006379140446;0.005442176870748298943281096030;0.015646258503401361955598147802;0.035034013605442178296289768014;0.016326530612244899431928502054;0.022108843537414966246013037221;0.021428571428571428769682682969;0.028231292517006803532986225491;0.017006802721088436908258856306;0.005442176870748298943281096030;0.014285714285714285268213963320;0.017006802721088436908258856306;0.010204081632653060410231837807;0.043877551020408162019137421339;0.030952380952380953438307642500;0.037755102040816328201611185023;0.030272108843537415961977288248;0.010884353741496597886562192059;0.003401360544217686947970902267;0.007142857142857142634106981660;0.008163265306122449715964251027;0.023809523809523808202115446875;0.005102040816326530205115918903;0.010544217687074829148397014933;0.017006802721088436908258856306;0.029931972789115645489088635145;0.007482993197278911372272158786;0.018367346938775511860919564811;0.001360544217687074735820274007;0.018027210884353741388030911708;0.009183673469387755930459782405;0.008503401360544218454129428153;0.000000000000000000000000000000;0.023809523809523808202115446875;0.007823129251700680977799073901;0.019047619047619049337249919063;0.034353741496598637350512461808;0.023469387755102041198673745726;0.025850340136054420631106509632;0.015646258503401361955598147802
-0.018999999999999999528155214534;0.014333333333333333342585191872;0.043333333333333334813630699500;0.126333333333333325265712687724;0.035000000000000003330669073875;0.024666666666666666601903656897;0.005666666666666667073748442363;0.012333333333333333300951828448;0.025333333333333332704206952712;0.017999999999999998639976794834;0.009333333333333334105863521302;0.018666666666666668211727042603;0.021999999999999998723243521681;0.019666666666666665630458510350;0.014999999999999999444888487687;0.021000000000000001304512053935;0.024666666666666666601903656897;0.035666666666666665963525417737;0.008666666666666666268836749509;0.006666666666666667094565124074;0.012000000000000000249800180541;0.025333333333333332704206952712;0.014333333333333333342585191872;0.018333333333333333425851918719;0.031333333333333331094383567006;0.025333333333333332704206952712;0.024333333333333331816028533012;0.039333333333333331260917020700;0.003333333333333333547282562037;0.012000000000000000249800180541;0.015666666666666665547191783503;0.018666666666666668211727042603;0.010000000000000000208166817117;0.011666666666666667198648532633;0.028666666666666666685170383744;0.019666666666666665630458510350;0.004000000000000000083266726847;0.013333333333333334189130248149;0.007000000000000000145716771982;0.025333333333333332704206952712;0.006000000000000000124900090270;0.017000000000000001221245327088;0.000000000000000000000000000000;0.010000000000000000208166817117;0.009333333333333334105863521302;0.017666666666666667323548622903;0.022333333333333333509118645566;0.013333333333333334189130248149;0.022333333333333333509118645566;0.017000000000000001221245327088
-0.023983739837398373312415955638;0.008130081300813008990391317354;0.033739837398373981325327974901;0.173577235772357729715054119879;0.058943089430894310409847491883;0.016666666666666666435370203203;0.008536585365853659179702361826;0.015040650406504065678126025318;0.016666666666666666435370203203;0.019918699186991871419305510926;0.011382113821138212239603149101;0.008943089430894309369013406297;0.021544715447154472176549688811;0.023170731707317072933793866696;0.014227642276422763564780460399;0.015040650406504065678126025318;0.018292682926829267192614381088;0.026829268292682926372316742913;0.011382113821138212239603149101;0.005691056910569106119801574550;0.009349593495934959558324450768;0.019512195121951219495270990478;0.017479674796747966813992292145;0.021544715447154472176549688811;0.026422764227642277917729174419;0.019918699186991871419305510926;0.019105691056910567571236470030;0.030487804878048779810839619131;0.004471544715447154684506703148;0.015040650406504065678126025318;0.009756097560975609747635495239;0.017886178861788618738026812593;0.009349593495934959558324450768;0.008130081300813008990391317354;0.038617886178861790535954412462;0.020731707317073171797927599869;0.005284552845528455063128792091;0.013821138211382113375469415928;0.001219512195121951218454436905;0.030081300813008131356252050637;0.008536585365853659179702361826;0.009756097560975609747635495239;0.000000000000000000000000000000;0.018699186991869919116648901536;0.009349593495934959558324450768;0.015853658536585366056748114261;0.017886178861788618738026812593;0.014634146341463415488814980847;0.019512195121951219495270990478;0.015853658536585366056748114261
-0.027450980392156862364139158217;0.007516339869281045936444396460;0.035947712418300650782931882077;0.222222222222222209886410837498;0.011111111111111111535154627461;0.018954248366013070475899482403;0.002941176470588235253300624095;0.015032679738562091872888792921;0.008169934640522876281854003366;0.020588235294117646773104368663;0.007516339869281045936444396460;0.007843137254901960675468330919;0.024183006535947713239176337652;0.025163398692810458323609879017;0.011764705882352941013202496379;0.019607843137254901688670827298;0.014052287581699346788455251556;0.016993464052287580307032399674;0.008823529411764705759901872284;0.006862745098039215591034789554;0.012091503267973856619588168826;0.014379084967320260660117448026;0.011437908496732025406816823931;0.034967320261437909167945292666;0.029738562091503266404668437417;0.027124183006535948492476961746;0.018300653594771242732575089462;0.022222222222222223070309254922;0.000980392156862745084433541365;0.017973856209150325391465941038;0.010784313725490195928768955014;0.019607843137254901688670827298;0.006535947712418300852010855095;0.010784313725490195928768955014;0.032679738562091505127416013465;0.032679738562091505127416013465;0.006535947712418300852010855095;0.013725490196078431182069579108;0.001633986928104575213002713774;0.022875816993464050813633647863;0.006535947712418300852010855095;0.003594771241830065165029362007;0.000000000000000000000000000000;0.020261437908496732901442172192;0.015359477124183005744550989391;0.016013071895424835222598858309;0.020588235294117646773104368663;0.022222222222222223070309254922;0.021568627450980391857537910028;0.014052287581699346788455251556
-0.021481481481481479872686080057;0.012592592592592592726230549260;0.040370370370370368962031903948;0.230370370370370364243584049291;0.034814814814814812327092852229;0.014444444444444443781394582516;0.007407407407407407690103084974;0.017777777777777777762358013547;0.012222222222222222862142437805;0.024814814814814813853649511088;0.011851851851851851263330850372;0.006296296296296296363115274630;0.007037037037037036958653235530;0.027407407407407408106436719208;0.023703703703703702526661700745;0.015925925925925926707193980292;0.014444444444444443781394582516;0.022222222222222223070309254922;0.019259259259259260688157411323;0.007777777777777777554191196430;0.012962962962962962590318660716;0.015555555555555555108382392859;0.006666666666666667094565124074;0.029629629629629630760412339896;0.024444444444444445724284875610;0.029999999999999998889776975375;0.020000000000000000416333634234;0.008888888888888888881179006773;0.002962962962962962815832712593;0.012962962962962962590318660716;0.005555555555555555767577313730;0.018518518518518517490534236458;0.010740740740740739936343040029;0.009629629629629630344078705662;0.016296296296296294836558615771;0.032962962962962964741375770927;0.005925925925925925631665425186;0.008888888888888888881179006773;0.001481481481481481407916356297;0.013333333333333334189130248149;0.006666666666666667094565124074;0.004444444444444444440589503387;0.000000000000000000000000000000;0.017037037037037038034181790636;0.021111111111111111743321444578;0.011851851851851851263330850372;0.029259259259259259161600752464;0.021851851851851851471497667490;0.013703703703703704053218359604;0.014444444444444443781394582516
-0.025170068027210883154776155379;0.010204081632653060410231837807;0.033333333333333332870740406406;0.094557823129251705740472289108;0.050000000000000002775557561563;0.028911564625850341009316579743;0.008503401360544218454129428153;0.025170068027210883154776155379;0.017006802721088436908258856306;0.012925170068027210315553254816;0.013945578231292516530048786194;0.009863945578231291672066660681;0.037414965986394557728722531920;0.024489795918367345678445801127;0.029251700680272108012758280893;0.021428571428571428769682682969;0.015306122448979591482709494699;0.023129251700680270725785092623;0.028231292517006803532986225491;0.006802721088435373895941804534;0.015646258503401361955598147802;0.015646258503401361955598147802;0.021088435374149658296794029866;0.019047619047619049337249919063;0.019047619047619049337249919063;0.025170068027210883154776155379;0.026870748299319728580325516987;0.017346938775510203911700557455;0.000680272108843537367910137004;0.035374149659863948769178421117;0.008503401360544218454129428153;0.012925170068027210315553254816;0.014285714285714285268213963320;0.009523809523809524668624959531;0.039115646258503403154271893527;0.021088435374149658296794029866;0.005442176870748298943281096030;0.007482993197278911372272158786;0.003401360544217686947970902267;0.028571428571428570536427926640;0.008843537414965987192294605279;0.009523809523809524668624959531;0.000000000000000000000000000000;0.009863945578231291672066660681;0.027891156462585033060097572388;0.011904761904761904101057723437;0.020748299319727891293352328717;0.013945578231292516530048786194;0.022108843537414966246013037221;0.013265306122448979053718431942
-0.021000000000000001304512053935;0.014666666666666666393736839780;0.040666666666666663465523612331;0.321666666666666656304585103499;0.007000000000000000145716771982;0.014999999999999999444888487687;0.003333333333333333547282562037;0.016333333333333331649495079319;0.018666666666666668211727042603;0.015666666666666665547191783503;0.011333333333333334147496884725;0.008666666666666666268836749509;0.007000000000000000145716771982;0.024333333333333331816028533012;0.021666666666666667406815349750;0.014333333333333333342585191872;0.017000000000000001221245327088;0.025666666666666667490082076597;0.009666666666666667157015169209;0.005666666666666667073748442363;0.013666666666666667240281896056;0.021000000000000001304512053935;0.008000000000000000166533453694;0.018999999999999999528155214534;0.025666666666666667490082076597;0.021333333333333332620940225866;0.020333333333333331732761806165;0.012000000000000000249800180541;0.000666666666666666644404382058;0.008999999999999999319988397417;0.007666666666666666248020067798;0.012666666666666666352103476356;0.006666666666666667094565124074;0.012333333333333333300951828448;0.012999999999999999403255124264;0.024333333333333331816028533012;0.008333333333333333217685101602;0.008666666666666666268836749509;0.003666666666666666598434209945;0.016666666666666666435370203203;0.006333333333333333176051738178;0.011666666666666667198648532633;0.000000000000000000000000000000;0.007333333333333333196868419890;0.011333333333333334147496884725;0.011333333333333334147496884725;0.016666666666666666435370203203;0.016333333333333331649495079319;0.018333333333333333425851918719;0.016666666666666666435370203203
-0.025000000000000001387778780781;0.008730158730158730367998387578;0.042460317460317462123775555938;0.261507936507936522563255721252;0.009523809523809524668624959531;0.017063492063492061850960013203;0.005952380952380952050528861719;0.014682539682539682418527249297;0.013492063492063492702310867344;0.023015873015873017370935826875;0.017460317460317460735996775156;0.009920634920634920084214769531;0.015079365079365079568840535273;0.028968253968253969421464688594;0.016666666666666666435370203203;0.032539682539682542039560786407;0.016666666666666666435370203203;0.016269841269841271019780393203;0.011904761904761904101057723437;0.003968253968253968033685907812;0.013095238095238095551997581367;0.015079365079365079568840535273;0.006349206349206349200842147695;0.023809523809523808202115446875;0.029761904761904760252644308594;0.034126984126984123701920026406;0.021825396825396824185272492969;0.003968253968253968033685907812;0.003571428571428571317053490830;0.012301587301587301251371009414;0.012698412698412698401684295391;0.020634920634920634469056111016;0.003174603174603174600421073848;0.006349206349206349200842147695;0.018253968253968255036623347110;0.023015873015873017370935826875;0.004761904761904762334312479766;0.017063492063492061850960013203;0.004365079365079365183999193789;0.014285714285714285268213963320;0.006349206349206349200842147695;0.007142857142857142634106981660;0.000000000000000000000000000000;0.013888888888888888117900677344;0.009920634920634920084214769531;0.016666666666666666435370203203;0.022619047619047618485899064922;0.015476190476190476719153821250;0.014682539682539682418527249297;0.013888888888888888117900677344
-0.026666666666666668378260496297;0.011388888888888889366901580047;0.047500000000000000555111512313;0.204444444444444456410181487627;0.003611111111111110945348645629;0.016944444444444446001840631766;0.003611111111111110945348645629;0.018888888888888889089345823891;0.019722222222222220849863205672;0.030833333333333334119741309109;0.010000000000000000208166817117;0.010555555555555555871660722289;0.010833333333333333703407674875;0.027777777777777776235801354687;0.015555555555555555108382392859;0.018055555555555553859381490156;0.020555555555555556079827539406;0.021388888888888887840344921187;0.008333333333333333217685101602;0.003611111111111110945348645629;0.012222222222222222862142437805;0.018611111111111109522875395328;0.011111111111111111535154627461;0.043611111111111114380101128063;0.020000000000000000416333634234;0.028888888888888887562789165031;0.015277777777777777276635440273;0.014444444444444443781394582516;0.002500000000000000052041704279;0.010555555555555555871660722289;0.012222222222222222862142437805;0.028055555555555555802271783250;0.003333333333333333547282562037;0.007499999999999999722444243844;0.016388888888888890338346726594;0.030277777777777778456247403938;0.006944444444444444058950338672;0.012777777777777778525636342977;0.003611111111111110945348645629;0.021944444444444443503838826359;0.010555555555555555871660722289;0.009722222222222222376419864531;0.000000000000000000000000000000;0.026944444444444444475283972906;0.007777777777777777554191196430;0.020000000000000000416333634234;0.028055555555555555802271783250;0.016666666666666666435370203203;0.017500000000000001665334536938;0.012222222222222222862142437805
-0.025308641975308642652064960998;0.014506172839506172381196513754;0.043827160493827163612046149410;0.116666666666666668517038374375;0.026543209876543211178656633820;0.014197530864197531116910333537;0.004320987654320987240985640909;0.014506172839506172381196513754;0.019444444444444444752839729063;0.016358024691358025171084022986;0.014197530864197531116910333537;0.023456790123456791596900927743;0.019135802469135803488553548846;0.024691358024691356654045648611;0.015432098765432097908778530382;0.018209876543209876226248056241;0.026543209876543211178656633820;0.027160493827160493707228994253;0.015432098765432097908778530382;0.002777777777777777883788656865;0.010802469135802468536144971267;0.023765432098765432861187107960;0.018827160493827162224267368629;0.019753086419753086017125909279;0.022222222222222223070309254922;0.022530864197530864334595435139;0.018209876543209876226248056241;0.073765432098765432167297717569;0.001234567901234567876070369330;0.020987654320987654543717582101;0.011419753086419752799440807678;0.013271604938271605589328316910;0.008950617283950617480980938012;0.012345679012345678327022824305;0.027160493827160493707228994253;0.024382716049382715389759468394;0.008024691358024691953398921385;0.009567901234567901744276774423;0.004629629629629629372633559115;0.026851851851851852442942814037;0.006172839506172839163511412153;0.023765432098765432861187107960;0.000000000000000000000000000000;0.011728395061728395798450463872;0.007098765432098765558455166769;0.009876543209876543008562954640;0.025617283950617283916351141215;0.016975308641975307699656383420;0.019753086419753086017125909279;0.017592592592592593697675695807
-0.015909090909090907450806895440;0.017803030303030303177491688871;0.032954545454545451643735276548;0.094318181818181814901613790880;0.106818181818181812126056229317;0.032196969696969696128618920739;0.001136363636363636308440616673;0.016287878787878788677812025298;0.017424242424242425419933510966;0.015909090909090907450806895440;0.014772727272727272443408885749;0.023484848484848483418652165255;0.015151515151515151935690539631;0.022727272727272727903535809446;0.018939393939393939919613174538;0.025757575757575756902895136591;0.008333333333333333217685101602;0.020833333333333332176851016015;0.017424242424242425419933510966;0.003030303030303030300401934127;0.010606060606060606701928072937;0.016287878787878788677812025298;0.012121212121212121201607736509;0.018939393939393939919613174538;0.032954545454545451643735276548;0.020454545454545454419292838111;0.025757575757575756902895136591;0.061742424242424244484883644191;0.000000000000000000000000000000;0.045075757575757574580066489034;0.010606060606060606701928072937;0.009469696969696969959806587269;0.010227272727272727209646419055;0.014393939393939394685850707845;0.014015151515151515193569053963;0.013257575757575757943729222177;0.008712121212121212709966755483;0.007575757575757575967845269815;0.004545454545454545233762466694;0.011363636363636363951767904723;0.003409090909090908925321850020;0.017424242424242425419933510966;0.000000000000000000000000000000;0.007954545454545453725403447720;0.020454545454545454419292838111;0.009090909090909090467524933388;0.018181818181818180935049866775;0.014393939393939394685850707845;0.011742424242424241709326082628;0.028030303030303030387138107926
-0.015925925925925926707193980292;0.034444444444444444197728216750;0.039629629629629632703302632990;0.108518518518518514159865162583;0.012222222222222222862142437805;0.040000000000000000832667268469;0.001851851851851851922525771243;0.030370370370370370488588562807;0.029259259259259259161600752464;0.008888888888888888881179006773;0.020370370370370372015145221667;0.028518518518518519433424529552;0.012962962962962962590318660716;0.018148148148148149361169600979;0.024074074074074074125473288177;0.017407407407407406163546426114;0.012962962962962962590318660716;0.049259259259259259577934386698;0.022222222222222223070309254922;0.005185185185185185036127464286;0.011481481481481481399242738917;0.020000000000000000416333634234;0.010740740740740739936343040029;0.008518518518518519017090895318;0.027777777777777776235801354687;0.020370370370370372015145221667;0.040000000000000000832667268469;0.018888888888888889089345823891;0.000000000000000000000000000000;0.054814814814814816212873438417;0.022222222222222223070309254922;0.007037037037037036958653235530;0.015925925925925926707193980292;0.007407407407407407690103084974;0.017037037037037038034181790636;0.022592592592592591199673890401;0.011111111111111111535154627461;0.005555555555555555767577313730;0.004444444444444444440589503387;0.016666666666666666435370203203;0.010000000000000000208166817117;0.024814814814814813853649511088;0.000000000000000000000000000000;0.004814814814814815172039352831;0.015555555555555555108382392859;0.007037037037037036958653235530;0.012962962962962962590318660716;0.010740740740740739936343040029;0.024814814814814813853649511088;0.014444444444444443781394582516
-0.017375886524822695827774410304;0.039716312056737590463484366410;0.033687943262411347566942509957;0.117730496453900712605644685027;0.013829787234042552335200326752;0.034751773049645391655548820609;0.006028368794326241161818380476;0.030141843971631204074368426404;0.025177304964539008735879832557;0.009929078014184397615871091602;0.017375886524822695827774410304;0.017730496453900710523976513855;0.018085106382978721750731665452;0.017730496453900710523976513855;0.045744680851063826421132318956;0.019148936170212765839337976104;0.008156028368794325869584049826;0.038297872340425531678675952207;0.037588652482269502286271745106;0.004609929078014184111733442251;0.022340425531914894635709956106;0.010283687943262410577349719176;0.021985815602836879939507852555;0.008156028368794325869584049826;0.021276595744680850547103645454;0.019148936170212765839337976104;0.038652482269503546374878055758;0.021631205673758865243305749004;0.000354609929078014208311125932;0.041134751773049642309398876705;0.015957446808510637042965996102;0.004255319148936170282893076688;0.025531914893617019962634984154;0.008156028368794325869584049826;0.010638297872340425273551822727;0.020212765957446809927944286756;0.011347517730496454665956029828;0.005319148936170212636775911363;0.002836879432624113666489007457;0.011702127659574467627434657402;0.011347517730496454665956029828;0.013120567375886524677519595627;0.000000000000000000000000000000;0.004609929078014184111733442251;0.029432624113475178151411171257;0.007446808510638298211903318702;0.011347517730496454665956029828;0.010638297872340425273551822727;0.025531914893617019962634984154;0.012765957446808509981317492077
-0.015185185185185185244294281404;0.039629629629629632703302632990;0.032962962962962964741375770927;0.135925925925925922266301881791;0.012962962962962962590318660716;0.035185185185185187395351391615;0.007037037037037036958653235530;0.031481481481481478346129421197;0.030370370370370370488588562807;0.004074074074074073709139653943;0.017777777777777777762358013547;0.018148148148148149361169600979;0.011851851851851851263330850372;0.020740740740740740144509857146;0.038518518518518521376314822646;0.016296296296296294836558615771;0.010740740740740739936343040029;0.050370370370370370904922197042;0.036666666666666666851703837438;0.002962962962962962815832712593;0.017037037037037038034181790636;0.016296296296296294836558615771;0.020370370370370372015145221667;0.009259259259259258745267118229;0.020370370370370372015145221667;0.013703703703703704053218359604;0.029999999999999998889776975375;0.015925925925925926707193980292;0.000370370370370370351979089074;0.034814814814814812327092852229;0.010740740740740739936343040029;0.004814814814814815172039352831;0.017777777777777777762358013547;0.007037037037037036958653235530;0.016296296296296294836558615771;0.015925925925925926707193980292;0.010370370370370370072254928573;0.011481481481481481399242738917;0.010000000000000000208166817117;0.011851851851851851263330850372;0.015555555555555555108382392859;0.017777777777777777762358013547;0.000000000000000000000000000000;0.005185185185185185036127464286;0.027407407407407408106436719208;0.009629629629629630344078705662;0.011851851851851851263330850372;0.007037037037037036958653235530;0.028888888888888887562789165031;0.013333333333333334189130248149
-0.020261437908496732901442172192;0.034313725490196081424620899725;0.040196078431372551931222147914;0.113071895424836602050966405386;0.011111111111111111535154627461;0.043790849673202611458400212996;0.004575163398692810683143772366;0.025490196078431372195272075487;0.017973856209150325391465941038;0.012418300653594770491250365296;0.018627450980392156604237285933;0.018627450980392156604237285933;0.013725490196078431182069579108;0.017973856209150325391465941038;0.028431372549019607448572699582;0.024836601307189540982500730593;0.013071895424836601704021710191;0.043464052287581697586738016525;0.028104575163398693576910503111;0.005228758169934640161191641283;0.016339869281045752563708006733;0.016993464052287580307032399674;0.015032679738562091872888792921;0.010130718954248366450721086096;0.028758169934640521320234896052;0.019934640522875815560333023768;0.029411764705882352533006240947;0.016993464052287580307032399674;0.000000000000000000000000000000;0.042810457516339869843413623585;0.016666666666666666435370203203;0.007843137254901960675468330919;0.019281045751633987817008630827;0.008496732026143790153516199837;0.014052287581699346788455251556;0.023856209150326795898067189228;0.010784313725490195928768955014;0.006209150326797385245625182648;0.004575163398692810683143772366;0.015686274509803921350936661838;0.013398692810457515575683906661;0.021568627450980391857537910028;0.000000000000000000000000000000;0.005228758169934640161191641283;0.021568627450980391857537910028;0.011111111111111111535154627461;0.012418300653594770491250365296;0.009477124183006535237949741202;0.027777777777777776235801354687;0.018300653594771242732575089462
-0.016666666666666666435370203203;0.027777777777777776235801354687;0.041812865497076023846290127040;0.103508771929824563984290364260;0.016374269005847954389087917093;0.045906432748538013310923844301;0.005847953216374268681221337829;0.025730994152046784972931448010;0.025438596491228069457202209946;0.007602339181286549632532434373;0.014619883040935671703053344572;0.020760233918128655900003920465;0.018713450292397661167687061834;0.015789473684210526827076392919;0.032456140350877189792999644169;0.017543859649122806043664013487;0.010526315789473683973143103287;0.046198830409356725357206130411;0.028362573099415203797812878861;0.003216374269005848121616431001;0.017543859649122806043664013487;0.019590643274853800775980872118;0.023684210526315790240614589379;0.011403508771929825316160389548;0.026023391812865497019213734120;0.016081871345029238873358679029;0.030994152046783626092141261665;0.016374269005847954389087917093;0.000584795321637426911490220682;0.064327485380116955493434716118;0.011988304093567251143448437745;0.006140350877192982462227099916;0.023391812865497074724885351316;0.007894736842105263413538196460;0.016666666666666666435370203203;0.020467836257309940384274682401;0.010233918128654970192137341201;0.006725146198830409156876886101;0.006140350877192982462227099916;0.013450292397660818313753772202;0.012573099415204678705459961918;0.022222222222222223070309254922;0.000000000000000000000000000000;0.003801169590643274816266217186;0.021345029239766083462015444638;0.005847953216374268681221337829;0.015497076023391813046070630833;0.008771929824561403021832006743;0.021929824561403507554580016858;0.013450292397660818313753772202
-0.014999999999999999444888487687;0.037499999999999998612221219219;0.065000000000000002220446049250;0.148333333333333344805637921127;0.003888888888888888777095598215;0.019444444444444444752839729063;0.001666666666666666773641281019;0.025277777777777777484802257391;0.056388888888888891171013995063;0.008611111111111111049432054187;0.016388888888888890338346726594;0.006388888888888889262818171488;0.011388888888888889366901580047;0.021666666666666667406815349750;0.029444444444444443226283070203;0.008888888888888888881179006773;0.017777777777777777762358013547;0.057222222222222222931531376844;0.016111111111111110771876298031;0.007222222222222221890697291258;0.009166666666666666712925959359;0.034166666666666664631257788187;0.017222222222222222098864108375;0.006666666666666667094565124074;0.020277777777777776513357110844;0.013611111111111110286153724758;0.033055555555555553304269977843;0.024444444444444445724284875610;0.000000000000000000000000000000;0.018888888888888889089345823891;0.004444444444444444440589503387;0.005000000000000000104083408559;0.013055555555555556357383295563;0.009444444444444444544672911945;0.015277777777777777276635440273;0.023333333333333334397297065266;0.009722222222222222376419864531;0.001666666666666666773641281019;0.009722222222222222376419864531;0.022499999999999999167332731531;0.009166666666666666712925959359;0.039722222222222221266196839906;0.000000000000000000000000000000;0.004444444444444444440589503387;0.014444444444444443781394582516;0.005555555555555555767577313730;0.013055555555555556357383295563;0.011111111111111111535154627461;0.025000000000000001387778780781;0.012222222222222222862142437805
-0.017816091954022988258499182734;0.038793103448275863265326535156;0.046264367816091951646217950156;0.144827586206896563592039228752;0.012068965517241379142854285078;0.026436781609195401931966529219;0.005459770114942528659862652773;0.023275862068965518653085311485;0.041954022988505750013654704844;0.007471264367816091850338366953;0.016954022988505748625875924063;0.010632183908045976863943060664;0.011494252873563218231289795312;0.018678160919540231360569393360;0.027011494252873562843531018984;0.019540229885057470993192652031;0.015229885057471264156458978789;0.051149425287356324598686541094;0.030747126436781610503423678438;0.004022988505747126380951428359;0.020689655172413792816321631562;0.025862068965517241020402039453;0.011494252873563218231289795312;0.009770114942528735496596326016;0.022413793103448275551015100859;0.020402298850574714095262862656;0.032758620689655175428622868594;0.022413793103448275551015100859;0.000287356321839080455782244883;0.033620689655172411591799175312;0.008908045977011494129249591367;0.004310344827586206836733673242;0.013505747126436781421765509492;0.007183908045977011394556122070;0.010632183908045976863943060664;0.020977011494252875006827352422;0.008908045977011494129249591367;0.006321839080459770027209387422;0.006609195402298850482991632305;0.014080459770114942333329999258;0.013793103448275861877547754375;0.031321839080459767945541216250;0.000000000000000000000000000000;0.002873563218390804557822448828;0.017816091954022988258499182734;0.010344827586206896408160815781;0.014655172413793103244894489023;0.009195402298850574585031836250;0.020114942528735631904757141797;0.008908045977011494129249591367
-0.022115384615384616612265844537;0.028205128205128205537421948179;0.039102564102564102421766278894;0.121794871794871792380909880649;0.011538461538461539102051744976;0.041025641025641025605441569724;0.006730769230769231142863517903;0.025641025641025640136039243089;0.024038461538461539795941135367;0.007692307692307692734701163317;0.018269230769230770244915262879;0.020512820512820512802720784862;0.014423076923076923877564681220;0.017948717948717947401338079771;0.031089743589743590312934884423;0.018589743589743589619045494032;0.015384615384615385469402326635;0.055128205128205126639429067836;0.026282051282051282353746657350;0.006410256410256410034009810772;0.020833333333333332176851016015;0.021794871794871793768688661430;0.018910256410256408993175725186;0.009294871794871794809522747016;0.027564102564102563319714533918;0.019871794871794870585013370601;0.030448717948717948095227470162;0.016346153846153847061239972049;0.000000000000000000000000000000;0.041987179487179483727832263185;0.015705128205128204843532557788;0.006089743589743589792517841630;0.015705128205128204843532557788;0.009294871794871794809522747016;0.012500000000000000693889390391;0.025000000000000001387778780781;0.010576923076923077510214099561;0.004807692307692307959188227073;0.005448717948717948442172165358;0.012179487179487179585035683260;0.010576923076923077510214099561;0.019551282051282051210883139447;0.000000000000000000000000000000;0.004487179487179486850334519943;0.013141025641025641176873328675;0.009615384615384615918376454147;0.013141025641025641176873328675;0.011217948717948717993198037846;0.025961538461538462979616426196;0.016025641025641024217662788942
-0.017730496453900710523976513855;0.028368794326241134062804860605;0.042198581560283686398005187357;0.128368794326241125736132175916;0.006028368794326241161818380476;0.036524822695035458197665434454;0.007446808510638298211903318702;0.019858156028368795231742183205;0.028723404255319148759006964156;0.007446808510638298211903318702;0.021631205673758865243305749004;0.019858156028368795231742183205;0.016312056737588651739168099652;0.015957446808510637042965996102;0.021631205673758865243305749004;0.026950354609929078747443398356;0.013475177304964539373721699178;0.045390070921985818663824119312;0.023049645390070920558667211253;0.004964539007092198807935545801;0.014184397163120567031402430302;0.024822695035460994039677729006;0.014184397163120567031402430302;0.012411347517730497019838864503;0.026241134751773049355039191255;0.021276595744680850547103645454;0.029787234042553192847613274807;0.016312056737588651739168099652;0.000354609929078014208311125932;0.033687943262411347566942509957;0.013829787234042552335200326752;0.006028368794326241161818380476;0.015602836879432624081487368528;0.009929078014184397615871091602;0.023049645390070920558667211253;0.020921985815602835850901541903;0.010992907801418439969753926277;0.006737588652482269686860849589;0.004255319148936170282893076688;0.011347517730496454665956029828;0.010992907801418439969753926277;0.023049645390070920558667211253;0.000000000000000000000000000000;0.006737588652482269686860849589;0.023758865248226949951071418354;0.008865248226950355261988256927;0.024113475177304964647273521905;0.012411347517730497019838864503;0.026950354609929078747443398356;0.015248226950354609385285264977
-0.020000000000000000416333634234;0.029999999999999998889776975375;0.038518518518518521376314822646;0.144074074074074076623475093584;0.013333333333333334189130248149;0.042962962962962959745372160114;0.005925925925925925631665425186;0.022592592592592591199673890401;0.026296296296296296779448908865;0.006296296296296296363115274630;0.019259259259259260688157411323;0.027777777777777776235801354687;0.014444444444444443781394582516;0.021111111111111111743321444578;0.028888888888888887562789165031;0.027407407407407408106436719208;0.010000000000000000208166817117;0.046666666666666668794594130532;0.027037037037037036507625131776;0.003703703703703703845051542487;0.015555555555555555108382392859;0.016296296296296294836558615771;0.018518518518518517490534236458;0.014074074074074073917306471060;0.032962962962962964741375770927;0.021481481481481479872686080057;0.030740740740740742087400150240;0.014074074074074073917306471060;0.000000000000000000000000000000;0.041481481481481480289019714291;0.021111111111111111743321444578;0.005925925925925925631665425186;0.012592592592592592726230549260;0.010000000000000000208166817117;0.011111111111111111535154627461;0.016296296296296294836558615771;0.008518518518518519017090895318;0.007777777777777777554191196430;0.001481481481481481407916356297;0.013703703703703704053218359604;0.007777777777777777554191196430;0.021851851851851851471497667490;0.000000000000000000000000000000;0.002962962962962962815832712593;0.015555555555555555108382392859;0.008148148148148147418279307885;0.012222222222222222862142437805;0.007777777777777777554191196430;0.018518518518518517490534236458;0.015185185185185185244294281404
-0.025000000000000001387778780781;0.025000000000000001387778780781;0.030092592592592590922118134245;0.086574074074074067186579384270;0.013425925925925926221471407018;0.041203703703703700722549285729;0.003703703703703703845051542487;0.023148148148148146863167795573;0.010648148148148147904001881159;0.014351851851851851749053423646;0.020370370370370372015145221667;0.033333333333333332870740406406;0.013425925925925926221471407018;0.024074074074074074125473288177;0.023611111111111110494320541875;0.025462962962962961549484575130;0.011574074074074073431583897786;0.049537037037037039144404815261;0.037499999999999998612221219219;0.005092592592592593003786305417;0.024074074074074074125473288177;0.006481481481481481295159330358;0.016203703703703702804217456901;0.015277777777777777276635440273;0.031944444444444441977282167500;0.036574074074074071349915726614;0.028240740740740739866954100989;0.010648148148148147904001881159;0.001388888888888888941894328433;0.046759259259259257357488337448;0.018518518518518517490534236458;0.007870370370370369586532355299;0.016666666666666666435370203203;0.005092592592592593003786305417;0.014351851851851851749053423646;0.028703703703703703498106847292;0.008796296296296296848837847904;0.009259259259259258745267118229;0.000462962962962962980631442811;0.007407407407407407690103084974;0.012037037037037037062736644089;0.013888888888888888117900677344;0.000000000000000000000000000000;0.011574074074074073431583897786;0.018981481481481481121686982760;0.012500000000000000693889390391;0.020833333333333332176851016015;0.019444444444444444752839729063;0.023611111111111110494320541875;0.015277777777777777276635440273
-0.050000000000000002775557561563;0.003900709219858156020371842132;0.054609929078014186887291003814;0.010283687943262410577349719176;0.003900709219858156020371842132;0.023049645390070920558667211253;0.001773049645390070878925303788;0.021276595744680850547103645454;0.015248226950354609385285264977;0.040070921985815605159686469960;0.017021276595744681131572306754;0.018439716312056736446933769002;0.009219858156028368223466884501;0.058510638297872341606620238963;0.006382978723404254990658746038;0.035106382978723406351750924159;0.019503546099290780535540079654;0.018794326241134751143135872553;0.009574468085106382919668988052;0.005319148936170212636775911363;0.013829787234042552335200326752;0.013475177304964539373721699178;0.003546099290780141757850607576;0.059219858156028370999024446064;0.041134751773049642309398876705;0.062056737588652481629747370562;0.023404255319148935254869314804;0.001773049645390070878925303788;0.001418439716312056833244503729;0.008865248226950355261988256927;0.016666666666666666435370203203;0.025531914893617019962634984154;0.003546099290780141757850607576;0.010283687943262410577349719176;0.014184397163120567031402430302;0.049645390070921988079355458012;0.015602836879432624081487368528;0.010638297872340425273551822727;0.001063829787234042570723269172;0.004964539007092198807935545801;0.003900709219858156020371842132;0.003546099290780141757850607576;0.000000000000000000000000000000;0.032269503546099288782134095754;0.002836879432624113666489007457;0.018085106382978721750731665452;0.052482269503546098710078382510;0.042907801418439715790409394458;0.023049645390070920558667211253;0.018085106382978721750731665452
-0.028682170542635658516683605512;0.000000000000000000000000000000;0.078682170542635654353347263168;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006201550387596899138742401192;0.000387596899224806196171400074;0.019767441860465116004741403799;0.012403100775193798277484802384;0.081395348837209308134887919550;0.010465116279069767296627802011;0.001162790697674418588514200223;0.001937984496124030980857000372;0.064728682170542631291176860486;0.002325581395348837177028400447;0.012015503875968992081313402309;0.027131782945736433731998005214;0.016279069767441860239198803129;0.006589147286821705334913801266;0.009302325581395348708113601788;0.012015503875968992081313402309;0.010852713178294573492799202086;0.003875968992248061961714000745;0.117054263565891478182656726403;0.015503875968992247846856002980;0.048449612403100777990871961265;0.015891472868217054043027403054;0.000000000000000000000000000000;0.001550387596899224784685600298;0.010465116279069767296627802011;0.000775193798449612392342800149;0.052713178294573642679310410131;0.001550387596899224784685600298;0.002325581395348837177028400447;0.006201550387596899138742401192;0.092248062015503881627687121636;0.011240310077519379688970602160;0.006589147286821705334913801266;0.000000000000000000000000000000;0.005426356589147286746399601043;0.003875968992248061961714000745;0.000387596899224806196171400074;0.000000000000000000000000000000;0.058139534883720929425710011174;0.001937984496124030980857000372;0.022868217054263565574112604395;0.071317829457364340095537613706;0.025968992248062015143483804991;0.007751937984496123923428001490;0.013565891472868216865999002607
-0.024242424242424242403215473018;0.001893939393939393991961317454;0.067045454545454546968485942671;0.000000000000000000000000000000;0.003787878787878787983922634908;0.037121212121212124324109993267;0.001515151515151515150200967064;0.020833333333333332176851016015;0.008712121212121212709966755483;0.069696969696969701679734043864;0.013636363636363635701287400082;0.025378787878787879145336958686;0.006818181818181817850643700041;0.041666666666666664353702032031;0.004166666666666666608842550801;0.017424242424242425419933510966;0.019318181818181817677171352443;0.018939393939393939919613174538;0.012121212121212121201607736509;0.007196969696969697342925353922;0.011363636363636363951767904723;0.017803030303030303177491688871;0.003787878787878787983922634908;0.098484848484848480643094603693;0.026893939393939393645016622258;0.045454545454545455807071618892;0.021212121212121213403856145874;0.001893939393939393991961317454;0.001136363636363636308440616673;0.023106060606060605661093987351;0.019318181818181817677171352443;0.031439393939393940613502564929;0.009848484848484847717364765174;0.002272727272727272616881233347;0.011363636363636363951767904723;0.074242424242424248648219986535;0.010984848484848484459486250842;0.006439393939393939225723784148;0.000000000000000000000000000000;0.009090909090909090467524933388;0.004924242424242423858682382587;0.000000000000000000000000000000;0.000000000000000000000000000000;0.037121212121212124324109993267;0.003409090909090908925321850020;0.015909090909090907450806895440;0.056818181818181816289392571662;0.029166666666666667129259593594;0.014015151515151515193569053963;0.010984848484848484459486250842
-0.036388888888888887285233408875;0.010277777777777778039913769703;0.032500000000000001110223024625;0.001111111111111111110147375847;0.016111111111111110771876298031;0.064166666666666663521034763562;0.002500000000000000052041704279;0.021666666666666667406815349750;0.012222222222222222862142437805;0.009444444444444444544672911945;0.022777777777777778733803160094;0.053888888888888888950567945813;0.029444444444444443226283070203;0.020277777777777776513357110844;0.016666666666666666435370203203;0.023333333333333334397297065266;0.011666666666666667198648532633;0.031944444444444441977282167500;0.036666666666666666851703837438;0.003888888888888888777095598215;0.020833333333333332176851016015;0.015277777777777777276635440273;0.019444444444444444752839729063;0.013055555555555556357383295563;0.047777777777777780121581940875;0.020555555555555556079827539406;0.033611111111111112437210834969;0.001388888888888888941894328433;0.000277777777777777777536843962;0.065833333333333327042069527124;0.035555555555555555524716027094;0.005277777777777777935830361145;0.027777777777777776235801354687;0.011388888888888889366901580047;0.031666666666666669349705642844;0.015277777777777777276635440273;0.010833333333333333703407674875;0.011666666666666667198648532633;0.000833333333333333386820640509;0.023333333333333334397297065266;0.006388888888888889262818171488;0.006666666666666667094565124074;0.000000000000000000000000000000;0.008333333333333333217685101602;0.014444444444444443781394582516;0.009166666666666666712925959359;0.016944444444444446001840631766;0.023055555555555554830826636703;0.031388888888888889783235214281;0.014999999999999999444888487687
-0.020085470085470086970547143324;0.011538461538461539102051744976;0.029059829059829060671216183209;0.002564102564102564100340098108;0.034615384615384617306155234928;0.041025641025641025605441569724;0.003846153846153846367350581659;0.034615384615384617306155234928;0.019230769230769231836752908293;0.013675213675213675201813856575;0.021794871794871793768688661430;0.041452991452991451437615211262;0.019230769230769231836752908293;0.022649572649572648902482896460;0.022222222222222223070309254922;0.020940170940170938634894426400;0.009829059829059828834463274916;0.027777777777777776235801354687;0.053418803418803416371840597776;0.008547008547008547868495398347;0.026923076923076924571454071611;0.009401709401709401267566157401;0.020512820512820512802720784862;0.014957264957264957902505209120;0.034615384615384617306155234928;0.021794871794871793768688661430;0.029487179487179486503389824748;0.007264957264957265167804045802;0.000854700854700854700113366036;0.082051282051282051210883139447;0.023931623931623933337897724982;0.009401709401709401267566157401;0.035897435897435894802676159543;0.006837606837606837600906928287;0.020085470085470086970547143324;0.024358974358974359170071366520;0.014102564102564102768710974090;0.003846153846153846367350581659;0.002564102564102564100340098108;0.015384615384615385469402326635;0.009829059829059828834463274916;0.007264957264957265167804045802;0.000000000000000000000000000000;0.007264957264957265167804045802;0.027777777777777776235801354687;0.007692307692307692734701163317;0.017948717948717947401338079771;0.010683760683760683968257509946;0.035470085470085468970502518005;0.013675213675213675201813856575
-0.047297297297297299922824720397;0.004054054054054054279099261748;0.049099099099099097198717345236;0.000450450450450450457385437320;0.003603603603603603659083498556;0.027927927927927927165274724075;0.001801801801801801829541749278;0.019819819819819818607076200578;0.004504504504504504465434155946;0.067567567567567571318321029139;0.020720720720720720714469464951;0.005405405405405405705465682331;0.012162162162162162837297785245;0.042792792792792792855305350486;0.007207207207207207318166997112;0.024324324324324325674595570490;0.013513513513513514263664205828;0.022072072072072072140835885534;0.016216216216216217116397046993;0.006756756756756757131832102914;0.015765765765765764327976938830;0.007657657657657657504501891310;0.009009009009009008930868311893;0.085135135135135139861084496715;0.031531531531531528655953877660;0.058108108108108111333756085060;0.034684684684684684297106826989;0.001351351351351351426366420583;0.000900900900900900914770874639;0.009909909909909909303538100289;0.008558558558558557877171679706;0.030630630630630630018007565241;0.009459459459459459984564944079;0.005405405405405405705465682331;0.012612612612612612156270941455;0.058558558558558557183282289316;0.014414414414414414636333994224;0.009009009009009008930868311893;0.000000000000000000000000000000;0.005405405405405405705465682331;0.005855855855855855891800576529;0.000000000000000000000000000000;0.000000000000000000000000000000;0.039639639639639637214152401157;0.007207207207207207318166997112;0.020720720720720720714469464951;0.051801801801801800051450186402;0.024324324324324325674595570490;0.023873873873873872886175462327;0.021171171171171170033442621161
-0.026068376068376069437659836581;0.008547008547008547868495398347;0.044017094017094020308444868306;0.002564102564102564100340098108;0.009401709401709401267566157401;0.015811965811965811301575968173;0.003846153846153846367350581659;0.033333333333333332870740406406;0.015811965811965811301575968173;0.074786324786324784308355617668;0.012393162393162392501122504029;0.006410256410256410034009810772;0.005128205128205128200680196215;0.034615384615384617306155234928;0.012393162393162392501122504029;0.015384615384615385469402326635;0.015811965811965811301575968173;0.033333333333333332870740406406;0.016239316239316240603196561665;0.004700854700854700633783078700;0.014529914529914530335608091605;0.008119658119658120301598280832;0.007264957264957265167804045802;0.095299145299145293641629450576;0.017948717948717947401338079771;0.050427350427350428607731203101;0.026495726495726495269833478119;0.013675213675213675201813856575;0.003846153846153846367350581659;0.013247863247863247634916739059;0.004700854700854700633783078700;0.041880341880341877269788852800;0.011111111111111111535154627461;0.003846153846153846367350581659;0.008119658119658120301598280832;0.056837606837606836907017537897;0.010256410256410256401360392431;0.004700854700854700633783078700;0.003418803418803418800453464144;0.005982905982905983334474431246;0.011111111111111111535154627461;0.009829059829059828834463274916;0.000000000000000000000000000000;0.050427350427350428607731203101;0.008119658119658120301598280832;0.035897435897435894802676159543;0.041880341880341877269788852800;0.021367521367521367936515019892;0.017094017094017095736990796695;0.011965811965811966668948862491
-0.026296296296296296779448908865;0.018518518518518517490534236458;0.044444444444444446140618509844;0.122962962962962968349600600959;0.033333333333333332870740406406;0.017777777777777777762358013547;0.004444444444444444440589503387;0.032592592592592589673117231541;0.009629629629629630344078705662;0.025925925925925925180637321432;0.012222222222222222862142437805;0.013703703703703704053218359604;0.011481481481481481399242738917;0.024074074074074074125473288177;0.019629629629629628817522046802;0.012962962962962962590318660716;0.010740740740740739936343040029;0.032962962962962964741375770927;0.025185185185185185452461098521;0.006666666666666667094565124074;0.019629629629629628817522046802;0.008148148148148147418279307885;0.010740740740740739936343040029;0.041111111111111112159655078813;0.025925925925925925180637321432;0.028518518518518519433424529552;0.029629629629629630760412339896;0.011851851851851851263330850372;0.000740740740740740703958178148;0.032962962962962964741375770927;0.009629629629629630344078705662;0.013333333333333334189130248149;0.017037037037037038034181790636;0.009259259259259258745267118229;0.014814814814814815380206169948;0.033333333333333332870740406406;0.014814814814814815380206169948;0.007037037037037036958653235530;0.001481481481481481407916356297;0.012962962962962962590318660716;0.009629629629629630344078705662;0.009629629629629630344078705662;0.000000000000000000000000000000;0.024444444444444445724284875610;0.017777777777777777762358013547;0.014814814814814815380206169948;0.025185185185185185452461098521;0.021481481481481479872686080057;0.017407407407407406163546426114;0.011111111111111111535154627461
-0.009920634920634920084214769531;0.013888888888888888117900677344;0.031349206349206348853897452500;0.248809523809523813753230570001;0.001984126984126984016842953906;0.001190476190476190583578119941;0.008333333333333333217685101602;0.022222222222222223070309254922;0.005158730158730158617264027754;0.083730158730158724122993874062;0.005158730158730158617264027754;0.000793650793650793650105268462;0.001190476190476190583578119941;0.021031746031746033354092872969;0.020238095238095239053466301016;0.006746031746031746351155433672;0.007936507936507936067371815625;0.013095238095238095551997581367;0.009126984126984127518311673555;0.002380952380952381167156239883;0.009126984126984127518311673555;0.005555555555555555767577313730;0.002777777777777777883788656865;0.098412698412698410010968075312;0.005555555555555555767577313730;0.030158730158730159137681070547;0.020634920634920634469056111016;0.029761904761904760252644308594;0.003174603174603174600421073848;0.003968253968253968033685907812;0.001984126984126984016842953906;0.036507936507936510073246694219;0.005952380952380952050528861719;0.010317460317460317234528055508;0.009126984126984127518311673555;0.049603174603174600421073847656;0.005158730158730158617264027754;0.001190476190476190583578119941;0.000000000000000000000000000000;0.004365079365079365183999193789;0.011507936507936508685467913438;0.001190476190476190583578119941;0.000000000000000000000000000000;0.046031746031746034741871653750;0.009126984126984127518311673555;0.024206349206349207087152208828;0.034523809523809526056403740313;0.012698412698412698401684295391;0.007142857142857142634106981660;0.005952380952380952050528861719
-0.011290322580645160630008483338;0.004838709677419355051353200281;0.027956989247311828800102162518;0.506451612903225822925890042825;0.004838709677419355051353200281;0.005913978494623655692008501461;0.012903225806451612892034042090;0.018817204301075269451404281540;0.005913978494623655692008501461;0.011290322580645160630008483338;0.006451612903225806446017021045;0.004838709677419355051353200281;0.004301075268817204297344680697;0.022580645161290321260016966676;0.025806451612903225784068084181;0.004301075268817204297344680697;0.008064516129032257840680841809;0.011827956989247311384017002922;0.006989247311827957200025540629;0.004301075268817204297344680697;0.010752688172043011610723439730;0.006451612903225806446017021045;0.005376344086021505805361719865;0.015053763440860215908068120427;0.009677419354838710102706400562;0.020430107526881721713429840293;0.020430107526881721713429840293;0.010215053763440860856714920146;0.003763440860215053977017030107;0.002688172043010752902680859933;0.002150537634408602148672340348;0.010752688172043011610723439730;0.003225806451612903223008510523;0.006989247311827957200025540629;0.013978494623655914400051081259;0.016129032258064515681361683619;0.003225806451612903223008510523;0.005376344086021505805361719865;0.000537634408602150537168085087;0.014516129032258065154059600843;0.009139784946236559348697880978;0.001075268817204301074336170174;0.000000000000000000000000000000;0.013978494623655914400051081259;0.016129032258064515681361683619;0.013440860215053763646042561675;0.019892473118279570959421320708;0.012365591397849462138025522506;0.013978494623655914400051081259;0.008602150537634408594689361394
-0.005673758865248227332978014914;0.005319148936170212636775911363;0.021985815602836879939507852555;0.582624113475177285437212049146;0.003191489361702127495329373019;0.006028368794326241161818380476;0.004964539007092198807935545801;0.014184397163120567031402430302;0.010283687943262410577349719176;0.009219858156028368223466884501;0.004609929078014184111733442251;0.002836879432624113666489007457;0.005319148936170212636775911363;0.015248226950354609385285264977;0.026950354609929078747443398356;0.007801418439716312040743684264;0.008510638297872340565786153377;0.011702127659574467627434657402;0.011347517730496454665956029828;0.003546099290780141757850607576;0.009929078014184397615871091602;0.009574468085106382919668988052;0.003900709219858156020371842132;0.017021276595744681131572306754;0.010283687943262410577349719176;0.010992907801418439969753926277;0.017021276595744681131572306754;0.000709219858156028416622251864;0.001773049645390070878925303788;0.008865248226950355261988256927;0.003900709219858156020371842132;0.012056737588652482323636760952;0.004609929078014184111733442251;0.008510638297872340565786153377;0.012411347517730497019838864503;0.012411347517730497019838864503;0.004964539007092198807935545801;0.003546099290780141757850607576;0.001418439716312056833244503729;0.009219858156028368223466884501;0.007446808510638298211903318702;0.001773049645390070878925303788;0.000000000000000000000000000000;0.006737588652482269686860849589;0.015957446808510637042965996102;0.007801418439716312040743684264;0.013829787234042552335200326752;0.008156028368794325869584049826;0.006737588652482269686860849589;0.007092198581560283515701215151
-0.016296296296296294836558615771;0.013703703703703704053218359604;0.026666666666666668378260496297;0.255555555555555535818257339997;0.036296296296296298722339201959;0.007777777777777777554191196430;0.012592592592592592726230549260;0.034074074074074076068363581271;0.009259259259259258745267118229;0.032962962962962964741375770927;0.011481481481481481399242738917;0.007037037037037036958653235530;0.003703703703703703845051542487;0.025555555555555557051272685953;0.036296296296296298722339201959;0.013333333333333334189130248149;0.013703703703703704053218359604;0.017037037037037038034181790636;0.016296296296296294836558615771;0.001481481481481481407916356297;0.015185185185185185244294281404;0.010740740740740739936343040029;0.001111111111111111110147375847;0.044444444444444446140618509844;0.015925925925925926707193980292;0.030740740740740742087400150240;0.031851851851851853414387960584;0.027037037037037036507625131776;0.008148148148148147418279307885;0.008888888888888888881179006773;0.004074074074074073709139653943;0.029999999999999998889776975375;0.003703703703703703845051542487;0.007407407407407407690103084974;0.002592592592592592518063732143;0.027037037037037036507625131776;0.003703703703703703845051542487;0.005185185185185185036127464286;0.000740740740740740703958178148;0.000740740740740740703958178148;0.015555555555555555108382392859;0.003333333333333333547282562037;0.000000000000000000000000000000;0.024444444444444445724284875610;0.018148148148148149361169600979;0.020000000000000000416333634234;0.020740740740740740144509857146;0.009629629629629630344078705662;0.008518518518518519017090895318;0.009259259259259258745267118229
-0.019444444444444444752839729063;0.005555555555555555767577313730;0.050000000000000002775557561563;0.112654320987654321672977175695;0.002160493827160493620492820455;0.009876543209876543008562954640;0.005555555555555555767577313730;0.021604938271604937072289942535;0.012654320987654321326032480499;0.054320987654320987414457988507;0.014814814814814815380206169948;0.003086419753086419581755706076;0.011419753086419752799440807678;0.031481481481481478346129421197;0.009876543209876543008562954640;0.008641975308641974481971281818;0.020987654320987654543717582101;0.027777777777777776235801354687;0.009876543209876543008562954640;0.009259259259259258745267118229;0.012345679012345678327022824305;0.009259259259259258745267118229;0.014197530864197531116910333537;0.085185185185185183232015049271;0.021913580246913581806023074705;0.033333333333333332870740406406;0.020061728395061727281412089496;0.009876543209876543008562954640;0.001851851851851851922525771243;0.006790123456790123426807248563;0.003703703703703703845051542487;0.032716049382716050342168045972;0.009259259259259258745267118229;0.008024691358024691953398921385;0.015123456790123456644492350165;0.070370370370370374790702783230;0.009876543209876543008562954640;0.006172839506172839163511412153;0.002469135802469135752140738660;0.016358024691358025171084022986;0.009876543209876543008562954640;0.005246913580246913635929395525;0.000000000000000000000000000000;0.032407407407407405608434913802;0.007407407407407407690103084974;0.023148148148148146863167795573;0.040432098765432099296557311163;0.018518518518518517490534236458;0.022530864197530864334595435139;0.010493827160493827271858791050
-0.037581699346405227080136768336;0.009803921568627450844335413649;0.056862745098039214897145399163;0.002614379084967320080595820642;0.005882352941176470506601248189;0.022222222222222223070309254922;0.001633986928104575213002713774;0.026470588235294117279705616852;0.017320261437908497648141548098;0.021895424836601305729200106498;0.019934640522875815560333023768;0.012418300653594770491250365296;0.020588235294117646773104368663;0.036601307189542485465150178925;0.009150326797385621366287544731;0.027777777777777776235801354687;0.021895424836601305729200106498;0.037581699346405227080136768336;0.016013071895424835222598858309;0.012091503267973856619588168826;0.019934640522875815560333023768;0.023856209150326795898067189228;0.023529411764705882026404992757;0.028104575163398693576910503111;0.039869281045751631120666047536;0.040522875816993465802884344384;0.036601307189542485465150178925;0.014052287581699346788455251556;0.000326797385620915010074477580;0.007516339869281045936444396460;0.013725490196078431182069579108;0.015359477124183005744550989391;0.011764705882352941013202496379;0.011111111111111111535154627461;0.029411764705882352533006240947;0.043137254901960783715075820055;0.015359477124183005744550989391;0.010457516339869280322383282567;0.001960784313725490168867082730;0.022875816993464050813633647863;0.005228758169934640161191641283;0.007189542483660130330058724013;0.000000000000000000000000000000;0.015032679738562091872888792921;0.007843137254901960675468330919;0.016013071895424835222598858309;0.035947712418300650782931882077;0.026143790849673203408043420382;0.039542483660130717249003851066;0.021241830065359477985875713557
-0.025185185185185185452461098521;0.009629629629629630344078705662;0.052592592592592593558897817729;0.234814814814814809551535290666;0.003703703703703703845051542487;0.019629629629629628817522046802;0.001851851851851851922525771243;0.016296296296296294836558615771;0.022962962962962962798485477833;0.012962962962962962590318660716;0.013333333333333334189130248149;0.012222222222222222862142437805;0.015555555555555555108382392859;0.035925925925925923654080662573;0.006296296296296296363115274630;0.015925925925925926707193980292;0.018148148148148149361169600979;0.026666666666666668378260496297;0.012592592592592592726230549260;0.009259259259259258745267118229;0.012222222222222222862142437805;0.025185185185185185452461098521;0.011851851851851851263330850372;0.020000000000000000416333634234;0.028888888888888887562789165031;0.028518518518518519433424529552;0.029259259259259259161600752464;0.001481481481481481407916356297;0.001111111111111111110147375847;0.012222222222222222862142437805;0.008888888888888888881179006773;0.008518518518518519017090895318;0.008518518518518519017090895318;0.009259259259259258745267118229;0.022592592592592591199673890401;0.028888888888888887562789165031;0.010370370370370370072254928573;0.008148148148148147418279307885;0.000370370370370370351979089074;0.021481481481481479872686080057;0.003703703703703703845051542487;0.011481481481481481399242738917;0.000000000000000000000000000000;0.012592592592592592726230549260;0.008888888888888888881179006773;0.007037037037037036958653235530;0.028888888888888887562789165031;0.021111111111111111743321444578;0.028888888888888887562789165031;0.014074074074074073917306471060
-0.008333333333333333217685101602;0.016666666666666666435370203203;0.017708333333333332870740406406;0.640277777777777723500207684992;0.002777777777777777883788656865;0.006250000000000000346944695195;0.004513888888888888464845372539;0.018402777777777778317469525859;0.008680555555555555941049661328;0.003472222222222222029475169336;0.004861111111111111188209932266;0.001388888888888888941894328433;0.004166666666666666608842550801;0.005902777777777777623580135469;0.017708333333333332870740406406;0.006250000000000000346944695195;0.007986111111111110494320541875;0.015277777777777777276635440273;0.011458333333333332523795711211;0.003819444444444444319158860068;0.009722222222222222376419864531;0.008680555555555555941049661328;0.008333333333333333217685101602;0.005555555555555555767577313730;0.004861111111111111188209932266;0.009027777777777776929690745078;0.015625000000000000000000000000;0.013194444444444444405895033867;0.001041666666666666652210637700;0.008680555555555555941049661328;0.006597222222222222202947516934;0.004861111111111111188209932266;0.006250000000000000346944695195;0.006250000000000000346944695195;0.005555555555555555767577313730;0.007638888888888888638317720137;0.001388888888888888941894328433;0.004861111111111111188209932266;0.001388888888888888941894328433;0.013541666666666667129259593594;0.007986111111111110494320541875;0.008333333333333333217685101602;0.000000000000000000000000000000;0.003472222222222222029475169336;0.007638888888888888638317720137;0.006944444444444444058950338672;0.006944444444444444058950338672;0.001041666666666666652210637700;0.004861111111111111188209932266;0.003819444444444444319158860068
-0.022916666666666665047591422422;0.008333333333333333217685101602;0.027083333333333334258519187188;0.433333333333333348136306995002;0.002430555555555555594104966133;0.018055555555555553859381490156;0.001736111111111111014737584668;0.010416666666666666088425508008;0.012500000000000000693889390391;0.014930555555555556287994356524;0.011111111111111111535154627461;0.018055555555555553859381490156;0.012847222222222221682530474141;0.016666666666666666435370203203;0.009374999999999999653055304805;0.015277777777777777276635440273;0.011111111111111111535154627461;0.014236111111111110841265237070;0.011111111111111111535154627461;0.004166666666666666608842550801;0.007291666666666666782314898398;0.015625000000000000000000000000;0.009027777777777776929690745078;0.014930555555555556287994356524;0.027777777777777776235801354687;0.013888888888888888117900677344;0.012847222222222221682530474141;0.004513888888888888464845372539;0.000694444444444444470947164216;0.021874999999999998612221219219;0.014930555555555556287994356524;0.010416666666666666088425508008;0.006597222222222222202947516934;0.006250000000000000346944695195;0.019444444444444444752839729063;0.019097222222222223764198645313;0.005208333333333333044212754004;0.007986111111111110494320541875;0.003472222222222222029475169336;0.013194444444444444405895033867;0.003125000000000000173472347598;0.005902777777777777623580135469;0.000000000000000000000000000000;0.006250000000000000346944695195;0.010763888888888888811790067734;0.008333333333333333217685101602;0.015972222222222220988641083750;0.012500000000000000693889390391;0.013541666666666667129259593594;0.012847222222222221682530474141
-0.036363636363636361870099733551;0.009469696969696969959806587269;0.066287878787878784514475682954;0.001136363636363636308440616673;0.002272727272727272616881233347;0.026893939393939393645016622258;0.003030303030303030300401934127;0.015909090909090907450806895440;0.029545454545454544886817771498;0.030303030303030303871381079261;0.016287878787878788677812025298;0.011363636363636363951767904723;0.014393939393939394685850707845;0.048863636363636366033436075895;0.008333333333333333217685101602;0.018939393939393939919613174538;0.027272727272727271402574800163;0.039393939393939390869459060696;0.012500000000000000693889390391;0.012121212121212121201607736509;0.015151515151515151935690539631;0.026136363636363634660453314495;0.012121212121212121201607736509;0.040151515151515153323469320412;0.038636363636363635354342704886;0.033333333333333332870740406406;0.028787878787878789371701415689;0.008333333333333333217685101602;0.001515151515151515150200967064;0.010606060606060606701928072937;0.010606060606060606701928072937;0.019696969696969695434729530348;0.007954545454545453725403447720;0.007954545454545453725403447720;0.024242424242424242403215473018;0.047727272727272729291314590228;0.014015151515151515193569053963;0.012878787878787878451447568295;0.003030303030303030300401934127;0.021969696969696968918972501683;0.004166666666666666608842550801;0.011363636363636363951767904723;0.000000000000000000000000000000;0.027272727272727271402574800163;0.003409090909090908925321850020;0.018560606060606062162054996634;0.043939393939393937837945003366;0.032575757575757577355624050597;0.022727272727272727903535809446;0.020454545454545454419292838111
-0.027272727272727271402574800163;0.004166666666666666608842550801;0.058712121212121215485524317046;0.004924242424242423858682382587;0.014772727272727272443408885749;0.015530303030303029693248717535;0.001136363636363636308440616673;0.021969696969696968918972501683;0.022727272727272727903535809446;0.060984848484848482030873384474;0.012500000000000000693889390391;0.008333333333333333217685101602;0.006818181818181817850643700041;0.050000000000000002775557561563;0.004166666666666666608842550801;0.016287878787878788677812025298;0.020833333333333332176851016015;0.020454545454545454419292838111;0.010227272727272727209646419055;0.009090909090909090467524933388;0.013257575757575757943729222177;0.013636363636363635701287400082;0.005303030303030303350964036468;0.092424242424242422644375949403;0.018181818181818180935049866775;0.062500000000000000000000000000;0.021969696969696968918972501683;0.015530303030303029693248717535;0.000000000000000000000000000000;0.015530303030303029693248717535;0.006818181818181817850643700041;0.029545454545454544886817771498;0.003030303030303030300401934127;0.006060606060606060600803868255;0.006818181818181817850643700041;0.066287878787878784514475682954;0.009848484848484847717364765174;0.007575757575757575967845269815;0.003030303030303030300401934127;0.008333333333333333217685101602;0.004545454545454545233762466694;0.014772727272727272443408885749;0.000000000000000000000000000000;0.032954545454545451643735276548;0.005303030303030303350964036468;0.019696969696969695434729530348;0.061742424242424244484883644191;0.026515151515151515887458444354;0.021212121212121213403856145874;0.016666666666666666435370203203
-0.034313725490196081424620899725;0.008169934640522876281854003366;0.058823529411764705066012481893;0.001307189542483660040297910321;0.022549019607843136941971451392;0.019934640522875815560333023768;0.001633986928104575213002713774;0.018954248366013070475899482403;0.029411764705882352533006240947;0.035947712418300650782931882077;0.012745098039215686097636037744;0.024836601307189540982500730593;0.012745098039215686097636037744;0.045424836601307187755605099255;0.013725490196078431182069579108;0.018954248366013070475899482403;0.025490196078431372195272075487;0.027124183006535948492476961746;0.009150326797385621366287544731;0.007843137254901960675468330919;0.011764705882352941013202496379;0.021895424836601305729200106498;0.007843137254901960675468330919;0.047712418300653591796134378455;0.030718954248366011489101978782;0.040196078431372551931222147914;0.020261437908496732901442172192;0.016339869281045752563708006733;0.002287581699346405341571886183;0.043464052287581697586738016525;0.008823529411764705759901872284;0.019607843137254901688670827298;0.007843137254901960675468330919;0.009477124183006535237949741202;0.020261437908496732901442172192;0.034313725490196081424620899725;0.007516339869281045936444396460;0.006862745098039215591034789554;0.001633986928104575213002713774;0.012745098039215686097636037744;0.008496732026143790153516199837;0.018627450980392156604237285933;0.000000000000000000000000000000;0.019281045751633987817008630827;0.010457516339869280322383282567;0.014705882352941176266503120473;0.047058823529411764052809985515;0.037908496732026140951798964807;0.019607843137254901688670827298;0.023202614379084968154742796287
-0.018627450980392156604237285933;0.002941176470588235253300624095;0.087254901960784309045138229521;0.078431372549019606754683309191;0.001470588235294117626650312047;0.008823529411764705759901872284;0.000980392156862745084433541365;0.017156862745098040712310449862;0.019607843137254901688670827298;0.035784313725490193847100783842;0.014705882352941176266503120473;0.000980392156862745084433541365;0.002450980392156862711083853412;0.071568627450980387694201567683;0.006862745098039215591034789554;0.012745098039215686097636037744;0.010294117647058823386552184331;0.033333333333333332870740406406;0.008333333333333333217685101602;0.012254901960784313555419267061;0.007352941176470588133251560237;0.033823529411764703678233701112;0.003431372549019607795517394777;0.063235294117647056211239942058;0.024509803921568627110838534122;0.050490196078431373583050856269;0.036764705882352942400981277160;0.000980392156862745084433541365;0.001960784313725490168867082730;0.000980392156862745084433541365;0.001960784313725490168867082730;0.025980392156862746472212322146;0.002941176470588235253300624095;0.012745098039215686097636037744;0.008333333333333333217685101602;0.056862745098039214897145399163;0.011764705882352941013202496379;0.005392156862745097964384477507;0.002450980392156862711083853412;0.016176470588235295627876908497;0.005392156862745097964384477507;0.002941176470588235253300624095;0.000000000000000000000000000000;0.020098039215686275965611073957;0.005882352941176470506601248189;0.008823529411764705759901872284;0.072549019607843143186975964909;0.031862745098039213509366618382;0.020588235294117646773104368663;0.019117647058823530881177532592
-0.012765957446808509981317492077;0.018085106382978721750731665452;0.041843971631205671701803083806;0.441489361702127658393379761037;0.003900709219858156020371842132;0.005319148936170212636775911363;0.004609929078014184111733442251;0.019503546099290780535540079654;0.009574468085106382919668988052;0.013829787234042552335200326752;0.004609929078014184111733442251;0.007446808510638298211903318702;0.003546099290780141757850607576;0.019858156028368795231742183205;0.031914893617021274085931992204;0.010992907801418439969753926277;0.015248226950354609385285264977;0.018085106382978721750731665452;0.010638297872340425273551822727;0.006382978723404254990658746038;0.009574468085106382919668988052;0.012765957446808509981317492077;0.004964539007092198807935545801;0.019503546099290780535540079654;0.009929078014184397615871091602;0.018085106382978721750731665452;0.017375886524822695827774410304;0.011347517730496454665956029828;0.001773049645390070878925303788;0.004964539007092198807935545801;0.004255319148936170282893076688;0.016312056737588651739168099652;0.002836879432624113666489007457;0.009574468085106382919668988052;0.006737588652482269686860849589;0.024113475177304964647273521905;0.007092198581560283515701215151;0.005673758865248227332978014914;0.003546099290780141757850607576;0.011347517730496454665956029828;0.009574468085106382919668988052;0.003546099290780141757850607576;0.000000000000000000000000000000;0.011347517730496454665956029828;0.012056737588652482323636760952;0.007446808510638298211903318702;0.024113475177304964647273521905;0.012765957446808509981317492077;0.008865248226950355261988256927;0.008865248226950355261988256927
-0.005555555555555555767577313730;0.007516339869281045936444396460;0.015686274509803921350936661838;0.661437908496732007712637368968;0.026470588235294117279705616852;0.011111111111111111535154627461;0.000980392156862745084433541365;0.007189542483660130330058724013;0.004901960784313725422167706824;0.006209150326797385245625182648;0.002287581699346405341571886183;0.005555555555555555767577313730;0.005882352941176470506601248189;0.007189542483660130330058724013;0.016339869281045752563708006733;0.002287581699346405341571886183;0.010130718954248366450721086096;0.011111111111111111535154627461;0.009150326797385621366287544731;0.004248366013071895076758099918;0.006535947712418300852010855095;0.007516339869281045936444396460;0.003594771241830065165029362007;0.008169934640522876281854003366;0.009150326797385621366287544731;0.004248366013071895076758099918;0.009150326797385621366287544731;0.015359477124183005744550989391;0.000653594771241830020148955160;0.019607843137254901688670827298;0.001960784313725490168867082730;0.005555555555555555767577313730;0.001960784313725490168867082730;0.003267973856209150426005427548;0.009803921568627450844335413649;0.008496732026143790153516199837;0.002941176470588235253300624095;0.000653594771241830020148955160;0.000653594771241830020148955160;0.009803921568627450844335413649;0.005228758169934640161191641283;0.002941176470588235253300624095;0.000000000000000000000000000000;0.003267973856209150426005427548;0.009150326797385621366287544731;0.003267973856209150426005427548;0.007516339869281045936444396460;0.007516339869281045936444396460;0.004575163398692810683143772366;0.006209150326797385245625182648
-0.018027210884353741388030911708;0.013265306122448979053718431942;0.026870748299319728580325516987;0.306462585034013579310396835353;0.043537414965986391546248768236;0.014965986394557822744544317572;0.002721088435374149471640548015;0.027210884353741495583767218136;0.017687074829931974384589210558;0.015986394557823128959039848951;0.010884353741496597886562192059;0.008843537414965987192294605279;0.009523809523809524668624959531;0.012925170068027210315553254816;0.021768707482993195773124384118;0.006122448979591836419611450282;0.015646258503401361955598147802;0.038095238095238098674499838125;0.018707482993197278864361265960;0.004421768707482993596147302640;0.012925170068027210315553254816;0.009863945578231291672066660681;0.010204081632653060410231837807;0.019727891156462583344133321361;0.019387755102040816340691620212;0.013605442176870747791883609068;0.025170068027210883154776155379;0.026870748299319728580325516987;0.002040816326530612428991062757;0.025850340136054420631106509632;0.006802721088435373895941804534;0.013945578231292516530048786194;0.009523809523809524668624959531;0.005102040816326530205115918903;0.008843537414965987192294605279;0.023129251700680270725785092623;0.007823129251700680977799073901;0.007142857142857142634106981660;0.001700680272108843473985451134;0.005442176870748298943281096030;0.008843537414965987192294605279;0.008843537414965987192294605279;0.000000000000000000000000000000;0.014965986394557822744544317572;0.013265306122448979053718431942;0.013605442176870747791883609068;0.022108843537414966246013037221;0.009523809523809524668624959531;0.012925170068027210315553254816;0.007142857142857142634106981660
-0.031439393939393940613502564929;0.004545454545454545233762466694;0.066666666666666665741480812812;0.000000000000000000000000000000;0.001893939393939393991961317454;0.025000000000000001387778780781;0.001515151515151515150200967064;0.027272727272727271402574800163;0.023863636363636364645657295114;0.043560606060606063549833777415;0.017045454545454544192928381108;0.013257575757575757943729222177;0.010227272727272727209646419055;0.038257575757575754127337575028;0.005303030303030303350964036468;0.024242424242424242403215473018;0.029166666666666667129259593594;0.027272727272727271402574800163;0.013257575757575757943729222177;0.006060606060606060600803868255;0.013636363636363635701287400082;0.021212121212121213403856145874;0.004166666666666666608842550801;0.068939393939393939225723784148;0.034090909090909088385856762216;0.042045454545454545580707161889;0.027272727272727271402574800163;0.015151515151515151935690539631;0.002272727272727272616881233347;0.015151515151515151935690539631;0.014015151515151515193569053963;0.022727272727272727903535809446;0.007575757575757575967845269815;0.008712121212121212709966755483;0.012121212121212121201607736509;0.062121212121212118772994870142;0.010984848484848484459486250842;0.013257575757575757943729222177;0.002651515151515151675482018234;0.012500000000000000693889390391;0.007575757575757575967845269815;0.008333333333333333217685101602;0.000000000000000000000000000000;0.023484848484848483418652165255;0.004545454545454545233762466694;0.016666666666666666435370203203;0.054166666666666668517038374375;0.030303030303030303871381079261;0.023106060606060605661093987351;0.011363636363636363951767904723
-0.034210526315789475948481168643;0.012280701754385964924454199831;0.030701754385964910576412023602;0.030263157894736842506988594437;0.017543859649122806043664013487;0.046491228070175437403488416521;0.005263157894736841986571551644;0.024561403508771929848908399663;0.013596491228070176071618391234;0.010964912280701753777290008429;0.018859649122807017190828204889;0.029385964912280702898694784153;0.024122807017543858310038018544;0.021929824561403507554580016858;0.013157894736842104532748010115;0.023684210526315790240614589379;0.024561403508771929848908399663;0.027631578947368420212660211632;0.039035087719298248998267553134;0.005701754385964912658080194774;0.019736842105263156799122015173;0.018859649122807017190828204889;0.012280701754385964924454199831;0.034649122807017540548457645855;0.034649122807017540548457645855;0.025438596491228069457202209946;0.033771929824561404409610787525;0.009210526315789472825978911885;0.003070175438596491231113549958;0.044736842105263158186900795954;0.034649122807017540548457645855;0.012280701754385964924454199831;0.024561403508771929848908399663;0.009210526315789472825978911885;0.034210526315789475948481168643;0.024561403508771929848908399663;0.011842105263157895120307294690;0.012719298245614034728601104973;0.001754385964912280734470662047;0.019298245614035088729698586008;0.004824561403508772182424646502;0.007017543859649122937882648188;0.000000000000000000000000000000;0.011842105263157895120307294690;0.013596491228070176071618391234;0.020614035087719299876862777410;0.014473684210526315679912201517;0.016666666666666666435370203203;0.024561403508771929848908399663;0.010964912280701753777290008429
-0.027407407407407408106436719208;0.015555555555555555108382392859;0.043333333333333334813630699500;0.159259259259259267071939802918;0.006296296296296296363115274630;0.009629629629629630344078705662;0.005555555555555555767577313730;0.021851851851851851471497667490;0.010740740740740739936343040029;0.049259259259259259577934386698;0.011851851851851851263330850372;0.009259259259259258745267118229;0.005925925925925925631665425186;0.029629629629629630760412339896;0.021111111111111111743321444578;0.026296296296296296779448908865;0.017407407407407406163546426114;0.018888888888888889089345823891;0.012962962962962962590318660716;0.007777777777777777554191196430;0.012592592592592592726230549260;0.012962962962962962590318660716;0.001481481481481481407916356297;0.067407407407407402000210083770;0.025185185185185185452461098521;0.036296296296296298722339201959;0.019259259259259260688157411323;0.021111111111111111743321444578;0.002592592592592592518063732143;0.005185185185185185036127464286;0.007407407407407407690103084974;0.031851851851851853414387960584;0.004814814814814815172039352831;0.004814814814814815172039352831;0.002222222222222222220294751693;0.051111111111111114102545371907;0.005925925925925925631665425186;0.014444444444444443781394582516;0.001481481481481481407916356297;0.005925925925925925631665425186;0.006666666666666667094565124074;0.008148148148148147418279307885;0.000000000000000000000000000000;0.038148148148148146308056283260;0.015555555555555555108382392859;0.020740740740740740144509857146;0.034814814814814812327092852229;0.015925925925925926707193980292;0.004814814814814815172039352831;0.011111111111111111535154627461
-0.009374999999999999653055304805;0.003125000000000000173472347598;0.029166666666666667129259593594;0.533333333333333325931846502499;0.007291666666666666782314898398;0.010416666666666666088425508008;0.001041666666666666652210637700;0.015625000000000000000000000000;0.024479166666666666435370203203;0.011979166666666667476204288789;0.007291666666666666782314898398;0.005208333333333333044212754004;0.004687499999999999826527652402;0.014062500000000000346944695195;0.019791666666666665741480812812;0.008854166666666666435370203203;0.019270833333333334258519187188;0.018229166666666667823148983985;0.008333333333333333217685101602;0.002083333333333333304421275400;0.011458333333333332523795711211;0.015104166666666666782314898398;0.000520833333333333326105318850;0.016666666666666666435370203203;0.007812500000000000000000000000;0.011979166666666667476204288789;0.013541666666666667129259593594;0.004687499999999999826527652402;0.002083333333333333304421275400;0.007812500000000000000000000000;0.005729166666666666261897855605;0.013541666666666667129259593594;0.003645833333333333391157449199;0.015625000000000000000000000000;0.005208333333333333044212754004;0.016666666666666666435370203203;0.004166666666666666608842550801;0.006770833333333333564629796797;0.001562500000000000086736173799;0.003645833333333333391157449199;0.004687499999999999826527652402;0.009895833333333332870740406406;0.000000000000000000000000000000;0.008333333333333333217685101602;0.010416666666666666088425508008;0.008854166666666666435370203203;0.012500000000000000693889390391;0.007812500000000000000000000000;0.009895833333333332870740406406;0.005729166666666666261897855605
-0.030416666666666668239482618219;0.014583333333333333564629796797;0.019583333333333334536074943344;0.309166666666666645202354857247;0.009166666666666666712925959359;0.038333333333333330372738601000;0.010833333333333333703407674875;0.021250000000000001526556658860;0.011249999999999999583666365766;0.014166666666666665949647629930;0.011249999999999999583666365766;0.022083333333333333287074040641;0.009166666666666666712925959359;0.022916666666666665047591422422;0.027916666666666666019036568969;0.019166666666666665186369300500;0.005000000000000000104083408559;0.012083333333333333078907223523;0.023750000000000000277555756156;0.003749999999999999861222121922;0.020833333333333332176851016015;0.003749999999999999861222121922;0.004166666666666666608842550801;0.022499999999999999167332731531;0.025416666666666667268037471672;0.019166666666666665186369300500;0.020833333333333332176851016015;0.006250000000000000346944695195;0.001250000000000000026020852140;0.032083333333333331760517381781;0.012500000000000000693889390391;0.007083333333333332974823814965;0.007916666666666667337426410711;0.007916666666666667337426410711;0.009166666666666666712925959359;0.018749999999999999306110609609;0.004166666666666666608842550801;0.008333333333333333217685101602;0.001250000000000000026020852140;0.006666666666666667094565124074;0.010416666666666666088425508008;0.004583333333333333356462979680;0.000000000000000000000000000000;0.018333333333333333425851918719;0.023750000000000000277555756156;0.012083333333333333078907223523;0.014999999999999999444888487687;0.012083333333333333078907223523;0.011666666666666667198648532633;0.016250000000000000555111512313
-0.027642276422764226750938831856;0.021544715447154472176549688811;0.021544715447154472176549688811;0.094715447154471540947007213163;0.027642276422764226750938831856;0.047154471544715449715656774288;0.003658536585365853872203745212;0.030487804878048779810839619131;0.011788617886178862428914193572;0.007317073170731707744407490424;0.015040650406504065678126025318;0.047967479674796746624831911276;0.028048780487804878674973352304;0.019105691056910567571236470030;0.031300813008130083658908660027;0.016260162601626017980782634709;0.005284552845528455063128792091;0.036178861788617885930641193681;0.040243902439024391293198590347;0.004878048780487804873817747620;0.023983739837398373312415955638;0.004878048780487804873817747620;0.020325203252032519873893079421;0.015447154471544715867437069790;0.029674796747967479432217530189;0.021544715447154472176549688811;0.031300813008130083658908660027;0.008130081300813008990391317354;0.000406504065040650406151478968;0.056504065040650405804534273102;0.026422764227642277917729174419;0.004471544715447154684506703148;0.024390243902439025236450476086;0.004878048780487804873817747620;0.021951219512195120631137257305;0.018699186991869919116648901536;0.010569105691056910126257584182;0.006504065040650406498423663493;0.001626016260162601624605915873;0.014634146341463415488814980847;0.004878048780487804873817747620;0.010975609756097560315568628653;0.000000000000000000000000000000;0.006504065040650406498423663493;0.022357723577235772555171777753;0.007723577235772357933718534895;0.006910569105691056687734707964;0.013821138211382113375469415928;0.031707317073170732113496228521;0.010975609756097560315568628653
-0.014634146341463415488814980847;0.019105691056910567571236470030;0.037398373983739838233297803072;0.408130081300813019051787478020;0.013414634146341463186158371457;0.014227642276422763564780460399;0.002439024390243902436908873810;0.011788617886178862428914193572;0.027642276422764226750938831856;0.009349593495934959558324450768;0.005691056910569106119801574550;0.014634146341463415488814980847;0.006910569105691056687734707964;0.020731707317073171797927599869;0.026422764227642277917729174419;0.010975609756097560315568628653;0.017073170731707318359404723651;0.023983739837398373312415955638;0.010162601626016259936946539710;0.004878048780487804873817747620;0.009349593495934959558324450768;0.016666666666666666435370203203;0.008130081300813008990391317354;0.013821138211382113375469415928;0.021951219512195120631137257305;0.019105691056910567571236470030;0.015853658536585366056748114261;0.010975609756097560315568628653;0.002032520325203252247597829339;0.006910569105691056687734707964;0.013414634146341463186158371457;0.012195121951219512618225238043;0.005691056910569106119801574550;0.006504065040650406498423663493;0.013008130081300812996847326986;0.014634146341463415488814980847;0.004065040650406504495195658677;0.004065040650406504495195658677;0.004065040650406504495195658677;0.010975609756097560315568628653;0.006097560975609756309112619022;0.008536585365853659179702361826;0.000000000000000000000000000000;0.006504065040650406498423663493;0.012195121951219512618225238043;0.004878048780487804873817747620;0.015447154471544715867437069790;0.015040650406504065678126025318;0.010569105691056910126257584182;0.007723577235772357933718534895
-0.021904761904761906043948016531;0.010476190476190475747708674703;0.023333333333333334397297065266;0.468095238095238119768737306003;0.006190476190476190687661528500;0.015238095238095238082021154469;0.004761904761904762334312479766;0.013809523809523809728672105734;0.007142857142857142634106981660;0.012380952380952381375323057000;0.009047619047619047394359625969;0.013809523809523809728672105734;0.005238095238095237873854337352;0.013809523809523809728672105734;0.018571428571428572062984585500;0.021904761904761906043948016531;0.011428571428571428561515865852;0.016190476190476189161104869640;0.012857142857142856914864914586;0.003809523809523809520505288617;0.016190476190476189161104869640;0.008095238095238094580552434820;0.001428571428571428570189483231;0.020476190476190477690598967797;0.020952380952380951495417349406;0.017619047619047617514453918375;0.013333333333333334189130248149;0.013809523809523809728672105734;0.004285714285714285927408884191;0.011904761904761904101057723437;0.017142857142857143709635536766;0.011904761904761904101057723437;0.001428571428571428570189483231;0.002380952380952381167156239883;0.002380952380952381167156239883;0.023809523809523808202115446875;0.004761904761904762334312479766;0.006190476190476190687661528500;0.000952380952380952380126322154;0.007619047619047619041010577234;0.002857142857142857140378966463;0.004285714285714285927408884191;0.000000000000000000000000000000;0.017619047619047617514453918375;0.009523809523809524668624959531;0.009523809523809524668624959531;0.013809523809523809728672105734;0.008571428571428571854817768383;0.007619047619047619041010577234;0.009523809523809524668624959531
-0.049404761904761902713278942656;0.005357142857142857192420670742;0.043154761904761904101057723437;0.026488095238095237665687520234;0.002083333333333333304421275400;0.030059523809523810283783618047;0.002976190476190476025264430859;0.024107142857142858233254756328;0.010714285714285714384841341484;0.032142857142857139685077072500;0.020535714285714285615158658516;0.023511904761904761640423089375;0.015178571428571428422737987773;0.042857142857142857539365365938;0.015476190476190476719153821250;0.036309523809523812365451789219;0.011309523809523809242949532461;0.024702380952380951356639471328;0.021428571428571428769682682969;0.009226190476190476372209126055;0.027976190476190477413043211641;0.010119047619047619526733150508;0.009226190476190476372209126055;0.045535714285714283533490487343;0.053869047619047621955346016875;0.041666666666666664353702032031;0.031547619047619046561692357500;0.001190476190476190583578119941;0.000595238095238095291789059971;0.011904761904761904101057723437;0.014583333333333333564629796797;0.019940476190476189022326991562;0.011904761904761904101057723437;0.009226190476190476372209126055;0.017261904761904763028201870156;0.030654761904761903407168333047;0.017559523809523809589894227656;0.013392857142857142113689938867;0.002083333333333333304421275400;0.015476190476190476719153821250;0.006250000000000000346944695195;0.003273809523809523887999395342;0.000000000000000000000000000000;0.023214285714285715078730731875;0.006547619047619047775998790684;0.018452380952380952744418252109;0.042261904761904764415980650938;0.027380952380952380820211544687;0.023214285714285715078730731875;0.016666666666666666435370203203
-0.022222222222222223070309254922;0.008796296296296296848837847904;0.051388888888888886730121896562;0.055555555555555552471602709375;0.005092592592592593003786305417;0.017129629629629630066522949505;0.007870370370370369586532355299;0.034722222222222223764198645313;0.018055555555555553859381490156;0.018518518518518517490534236458;0.021296296296296295808003762318;0.005555555555555555767577313730;0.016203703703703702804217456901;0.042592592592592591616007524635;0.018055555555555553859381490156;0.011111111111111111535154627461;0.015277777777777777276635440273;0.038888888888888889505679458125;0.025462962962962961549484575130;0.013425925925925926221471407018;0.025925925925925925180637321432;0.014351851851851851749053423646;0.008333333333333333217685101602;0.037962962962962962243373965521;0.020370370370370372015145221667;0.031018518518518518184423626849;0.045833333333333330095182844843;0.010648148148148147904001881159;0.001388888888888888941894328433;0.010648148148148147904001881159;0.001851851851851851922525771243;0.018518518518518517490534236458;0.014814814814814815380206169948;0.013425925925925926221471407018;0.018981481481481481121686982760;0.036111111111111107718762980312;0.016666666666666666435370203203;0.006944444444444444058950338672;0.003240740740740740647579665179;0.021296296296296295808003762318;0.011111111111111111535154627461;0.010185185185185186007572610833;0.000000000000000000000000000000;0.025000000000000001387778780781;0.009722222222222222376419864531;0.016666666666666666435370203203;0.044444444444444446140618509844;0.025000000000000001387778780781;0.033333333333333332870740406406;0.018981481481481481121686982760
-0.026666666666666668378260496297;0.018749999999999999306110609609;0.057500000000000002498001805407;0.044166666666666666574148081281;0.057083333333333333148296162562;0.037083333333333336201409480282;0.003749999999999999861222121922;0.027083333333333334258519187188;0.011249999999999999583666365766;0.014166666666666665949647629930;0.020416666666666666296592325125;0.025000000000000001387778780781;0.020416666666666666296592325125;0.037083333333333336201409480282;0.014583333333333333564629796797;0.025833333333333333148296162562;0.017500000000000001665334536938;0.035416666666666665741480812812;0.026666666666666668378260496297;0.006666666666666667094565124074;0.011666666666666667198648532633;0.015833333333333334674852821422;0.012500000000000000693889390391;0.019583333333333334536074943344;0.035416666666666665741480812812;0.028333333333333331899295259859;0.027916666666666666019036568969;0.012500000000000000693889390391;0.000000000000000000000000000000;0.040416666666666663243479007406;0.010000000000000000208166817117;0.006666666666666667094565124074;0.009166666666666666712925959359;0.007916666666666667337426410711;0.020000000000000000416333634234;0.025833333333333333148296162562;0.014166666666666665949647629930;0.009583333333333332593184650250;0.001250000000000000026020852140;0.013750000000000000069388939039;0.004583333333333333356462979680;0.012083333333333333078907223523;0.000000000000000000000000000000;0.005000000000000000104083408559;0.018333333333333333425851918719;0.007916666666666667337426410711;0.034583333333333333980963431031;0.021666666666666667406815349750;0.026666666666666668378260496297;0.019583333333333334536074943344
-0.028846153846153847755129362440;0.014102564102564102768710974090;0.047435897435897433904727904519;0.190705128205128193741302311537;0.001923076923076923183675290829;0.026602564102564101727876888503;0.002884615384615384775512936244;0.019230769230769231836752908293;0.020512820512820512802720784862;0.020833333333333332176851016015;0.012179487179487179585035683260;0.011858974358974358476181976130;0.011217948717948717993198037846;0.043589743589743587537377322860;0.014743589743589743251694912374;0.022435897435897435986396075691;0.013141025641025641176873328675;0.025320512820512820761909011935;0.012179487179487179585035683260;0.007692307692307692734701163317;0.009294871794871794809522747016;0.011538461538461539102051744976;0.007692307692307692734701163317;0.031089743589743590312934884423;0.039102564102564102421766278894;0.033333333333333332870740406406;0.023076923076923078204103489952;0.021153846153846155020428199123;0.000641025641025641025085024527;0.008974358974358973700669039886;0.008333333333333333217685101602;0.014743589743589743251694912374;0.006410256410256410034009810772;0.008653846153846154326538808732;0.017948717948717947401338079771;0.033653846153846152244870637560;0.011538461538461539102051744976;0.006730769230769231142863517903;0.002243589743589743425167259971;0.012179487179487179585035683260;0.009294871794871794809522747016;0.008974358974358973700669039886;0.000000000000000000000000000000;0.009615384615384615918376454147;0.007692307692307692734701163317;0.007692307692307692734701163317;0.039423076923076921795896510048;0.021474358974358974394558430276;0.021153846153846155020428199123;0.018910256410256408993175725186
-0.011764705882352941013202496379;0.007189542483660130330058724013;0.046405228758169936309485592574;0.412418300653594749327623958379;0.004901960784313725422167706824;0.019607843137254901688670827298;0.001960784313725490168867082730;0.013398692810457515575683906661;0.020915032679738560644766565133;0.012745098039215686097636037744;0.007843137254901960675468330919;0.005228758169934640161191641283;0.008169934640522876281854003366;0.026797385620915031151367813322;0.011111111111111111535154627461;0.007189542483660130330058724013;0.014705882352941176266503120473;0.025490196078431372195272075487;0.014052287581699346788455251556;0.005882352941176470506601248189;0.007516339869281045936444396460;0.013071895424836601704021710191;0.007189542483660130330058724013;0.024836601307189540982500730593;0.018954248366013070475899482403;0.021895424836601305729200106498;0.022549019607843136941971451392;0.003921568627450980337734165460;0.000000000000000000000000000000;0.014379084967320260660117448026;0.002941176470588235253300624095;0.015686274509803921350936661838;0.006209150326797385245625182648;0.005555555555555555767577313730;0.008169934640522876281854003366;0.026470588235294117279705616852;0.007189542483660130330058724013;0.003921568627450980337734165460;0.003921568627450980337734165460;0.010130718954248366450721086096;0.005228758169934640161191641283;0.006209150326797385245625182648;0.000000000000000000000000000000;0.010457516339869280322383282567;0.004901960784313725422167706824;0.005882352941176470506601248189;0.022222222222222223070309254922;0.015032679738562091872888792921;0.015359477124183005744550989391;0.012418300653594770491250365296
-0.032222222222222221543752596062;0.010370370370370370072254928573;0.069629629629629624654185704458;0.006666666666666667094565124074;0.004814814814814815172039352831;0.025925925925925925180637321432;0.000740740740740740703958178148;0.030370370370370370488588562807;0.023333333333333334397297065266;0.034074074074074076068363581271;0.024814814814814813853649511088;0.013703703703703704053218359604;0.018148148148148149361169600979;0.045185185185185182399347780802;0.009629629629629630344078705662;0.014814814814814815380206169948;0.020000000000000000416333634234;0.034814814814814812327092852229;0.016296296296296294836558615771;0.005925925925925925631665425186;0.017407407407407406163546426114;0.013703703703703704053218359604;0.018518518518518517490534236458;0.048518518518518516380311211833;0.030740740740740742087400150240;0.038518518518518521376314822646;0.038888888888888889505679458125;0.008148148148148147418279307885;0.000000000000000000000000000000;0.025925925925925925180637321432;0.003333333333333333547282562037;0.020740740740740740144509857146;0.012962962962962962590318660716;0.008888888888888888881179006773;0.021481481481481479872686080057;0.054444444444444441144614899031;0.011481481481481481399242738917;0.003333333333333333547282562037;0.001111111111111111110147375847;0.013703703703703704053218359604;0.006296296296296296363115274630;0.011111111111111111535154627461;0.000000000000000000000000000000;0.020000000000000000416333634234;0.008148148148148147418279307885;0.009629629629629630344078705662;0.037407407407407410049327012302;0.027407407407407408106436719208;0.029259259259259259161600752464;0.017407407407407406163546426114
-0.019871794871794870585013370601;0.009615384615384615918376454147;0.086538461538461536326494183413;0.005128205128205128200680196215;0.003846153846153846367350581659;0.008974358974358973700669039886;0.000641025641025641025085024527;0.019871794871794870585013370601;0.032692307692307694122479944099;0.061538461538461541877609306539;0.005769230769230769551025872488;0.005769230769230769551025872488;0.001923076923076923183675290829;0.041666666666666664353702032031;0.008333333333333333217685101602;0.007692307692307692734701163317;0.048717948717948718340142733041;0.057692307692307695510258724880;0.009615384615384615918376454147;0.012820512820512820068019621544;0.009615384615384615918376454147;0.017307692307692308653077617464;0.002564102564102564100340098108;0.087820512820512813823015108028;0.013461538461538462285727035805;0.037820512820512817986351450372;0.025000000000000001387778780781;0.024358974358974359170071366520;0.003846153846153846367350581659;0.004487179487179486850334519943;0.003205128205128205017004905386;0.052564102564102564707493314700;0.004487179487179486850334519943;0.001923076923076923183675290829;0.005769230769230769551025872488;0.092948717948717951564674422116;0.010897435897435896884344330715;0.002564102564102564100340098108;0.001282051282051282050170049054;0.006410256410256410034009810772;0.012179487179487179585035683260;0.010897435897435896884344330715;0.000000000000000000000000000000;0.020512820512820512802720784862;0.005128205128205128200680196215;0.012820512820512820068019621544;0.050000000000000002775557561563;0.012820512820512820068019621544;0.008333333333333333217685101602;0.010256410256410256401360392431
-0.021428571428571428769682682969;0.010416666666666666088425508008;0.046726190476190476719153821250;0.186904761904761906876615285000;0.008928571428571428075793292578;0.018154761904761906182725894610;0.002083333333333333304421275400;0.021726190476190475331375040469;0.025297619047619047949471138281;0.023809523809523808202115446875;0.016964285714285712997062560703;0.016666666666666666435370203203;0.009226190476190476372209126055;0.019642857142857142460634634062;0.021726190476190475331375040469;0.024702380952380951356639471328;0.023809523809523808202115446875;0.025892857142857144542302805235;0.015476190476190476719153821250;0.006250000000000000346944695195;0.011011904761904762681257174961;0.014880952380952380126322154297;0.005654761904761904621474766230;0.030952380952380953438307642500;0.027678571428571427381903902187;0.027976190476190477413043211641;0.027678571428571427381903902187;0.012202380952380952397473556914;0.002380952380952381167156239883;0.015476190476190476719153821250;0.018749999999999999306110609609;0.016964285714285712997062560703;0.008333333333333333217685101602;0.008630952380952381514100935078;0.016964285714285712997062560703;0.030059523809523810283783618047;0.010119047619047619526733150508;0.014880952380952380126322154297;0.002380952380952381167156239883;0.011607142857142857539365365938;0.007440476190476190063161077148;0.015773809523809523280846178750;0.000000000000000000000000000000;0.019642857142857142460634634062;0.011309523809523809242949532461;0.013095238095238095551997581367;0.024702380952380951356639471328;0.019642857142857142460634634062;0.016071428571428569842538536250;0.011904761904761904101057723437
-0.017424242424242425419933510966;0.023106060606060605661093987351;0.046212121212121211322187974702;0.229545454545454552519601065796;0.006060606060606060600803868255;0.007196969696969697342925353922;0.003409090909090908925321850020;0.027272727272727271402574800163;0.051515151515151513805790273182;0.015530303030303029693248717535;0.010227272727272727209646419055;0.005303030303030303350964036468;0.004924242424242423858682382587;0.020833333333333332176851016015;0.031060606060606059386497435071;0.009469696969696969959806587269;0.019318181818181817677171352443;0.032575757575757577355624050597;0.016287878787878788677812025298;0.007575757575757575967845269815;0.015530303030303029693248717535;0.023484848484848483418652165255;0.010606060606060606701928072937;0.025757575757575756902895136591;0.011363636363636363951767904723;0.020454545454545454419292838111;0.028787878787878789371701415689;0.018181818181818180935049866775;0.001515151515151515150200967064;0.005303030303030303350964036468;0.004545454545454545233762466694;0.015909090909090907450806895440;0.008712121212121212709966755483;0.005681818181818181975883952362;0.009090909090909090467524933388;0.030681818181818181628939257166;0.006439393939393939225723784148;0.005681818181818181975883952362;0.007196969696969697342925353922;0.012878787878787878451447568295;0.010606060606060606701928072937;0.045833333333333330095182844843;0.000000000000000000000000000000;0.012500000000000000693889390391;0.010606060606060606701928072937;0.013257575757575757943729222177;0.024621212121212120160773650923;0.009848484848484847717364765174;0.012500000000000000693889390391;0.007575757575757575967845269815
-0.017283950617283948963942563637;0.005864197530864197899225231936;0.041666666666666664353702032031;0.379012345679012319088485583052;0.002777777777777777883788656865;0.011728395061728395798450463872;0.002160493827160493620492820455;0.012962962962962962590318660716;0.015740740740740739173064710599;0.028086419753086420969534486858;0.012037037037037037062736644089;0.002777777777777777883788656865;0.008024691358024691953398921385;0.031172839506172840551290192934;0.015123456790123456644492350165;0.015740740740740739173064710599;0.014814814814814815380206169948;0.017283950617283948963942563637;0.006481481481481481295159330358;0.008333333333333333217685101602;0.011111111111111111535154627461;0.011728395061728395798450463872;0.004320987654320987240985640909;0.032098765432098767813595685539;0.019135802469135803488553548846;0.025617283950617283916351141215;0.020679012345679013279431401884;0.003703703703703703845051542487;0.001543209876543209790877853038;0.004012345679012345976699460692;0.006172839506172839163511412153;0.015740740740740739173064710599;0.003703703703703703845051542487;0.006172839506172839163511412153;0.009876543209876543008562954640;0.030555555555555554553270880547;0.007716049382716048954389265191;0.006172839506172839163511412153;0.001851851851851851922525771243;0.013580246913580246853614497127;0.004938271604938271504281477320;0.006481481481481481295159330358;0.000000000000000000000000000000;0.014506172839506172381196513754;0.006790123456790123426807248563;0.009567901234567901744276774423;0.029629629629629630760412339896;0.017592592592592593697675695807;0.011111111111111111535154627461;0.014814814814814815380206169948
-0.039705882352941174184834949301;0.007843137254901960675468330919;0.074019607843137255609455849026;0.000490196078431372542216770682;0.002450980392156862711083853412;0.018627450980392156604237285933;0.000980392156862745084433541365;0.013235294117647058639852808426;0.018627450980392156604237285933;0.038235294117647061762355065184;0.021078431372549021050044615322;0.007352941176470588133251560237;0.016176470588235295627876908497;0.050490196078431373583050856269;0.006372549019607843048818018872;0.032843137254901962063247111701;0.018627450980392156604237285933;0.029901960784313726809946487606;0.009313725490196078302118642966;0.011764705882352941013202496379;0.011764705882352941013202496379;0.022549019607843136941971451392;0.010294117647058823386552184331;0.040686274509803922738715442620;0.046078431372549022437823396103;0.051470588235294115198037445680;0.024509803921568627110838534122;0.003431372549019607795517394777;0.000980392156862745084433541365;0.003921568627450980337734165460;0.005882352941176470506601248189;0.020588235294117646773104368663;0.013235294117647058639852808426;0.010784313725490195928768955014;0.023039215686274511218911698052;0.049019607843137254221677068244;0.011764705882352941013202496379;0.012745098039215686097636037744;0.001470588235294117626650312047;0.018627450980392156604237285933;0.002941176470588235253300624095;0.011764705882352941013202496379;0.000000000000000000000000000000;0.024509803921568627110838534122;0.005392156862745097964384477507;0.015686274509803921350936661838;0.054411764705882353920785021728;0.039215686274509803377341654596;0.023039215686274511218911698052;0.022058823529411766134478156687
-0.018553459119496854695663401458;0.010062893081761005789620533335;0.055031446540880504803006090242;0.117924528301886794023900506545;0.008176100628930817529327335080;0.016981132075471697812085736246;0.002830188679245282824120666376;0.019811320754716980202525533628;0.018238993710691823318947868415;0.044339622641509431055784062892;0.012578616352201258538068273651;0.017610062893081760565516802330;0.010377358490566037166336066377;0.038993710691823897651620001170;0.010691823899371068543051599420;0.016981132075471697812085736246;0.025157232704402517076136547303;0.031761006289308175987162741194;0.009748427672955974412905000293;0.010062893081761005789620533335;0.011006289308176099919767132462;0.019811320754716980202525533628;0.006603773584905660645749669868;0.056603773584905661686583755454;0.025786163522012579829567613388;0.034276729559748427000887005534;0.025157232704402517076136547303;0.005660377358490565648241332752;0.000943396226415094346987033624;0.022641509433962262592965331010;0.016666666666666666435370203203;0.026415094339622642582998679472;0.002515723270440251447405133334;0.006289308176100629269034136826;0.011320754716981131296482665505;0.049685534591194971398842028520;0.006918238993710692022465202911;0.009748427672955974412905000293;0.002515723270440251447405133334;0.016981132075471697812085736246;0.009433962264150943036189467250;0.009748427672955974412905000293;0.000000000000000000000000000000;0.019496855345911948825810000585;0.004716981132075471518094733625;0.012893081761006289914783806694;0.036792452830188678014611269873;0.022955974842767293969680864052;0.017610062893081760565516802330;0.012893081761006289914783806694
-0.017021276595744681131572306754;0.029432624113475178151411171257;0.040070921985815605159686469960;0.142198581560283698888014214390;0.014184397163120567031402430302;0.004255319148936170282893076688;0.005673758865248227332978014914;0.042198581560283686398005187357;0.013120567375886524677519595627;0.048226950354609929294547043810;0.010992907801418439969753926277;0.008865248226950355261988256927;0.002836879432624113666489007457;0.026241134751773049355039191255;0.027659574468085104670400653504;0.005673758865248227332978014914;0.018439716312056736446933769002;0.031560283687943259389729888653;0.026241134751773049355039191255;0.005319148936170212636775911363;0.014539007092198581727604533853;0.008865248226950355261988256927;0.004964539007092198807935545801;0.069503546099290783311097641217;0.014184397163120567031402430302;0.032624113475177303478336199305;0.025886524822695034658837087704;0.008865248226950355261988256927;0.001063829787234042570723269172;0.010638297872340425273551822727;0.002836879432624113666489007457;0.037588652482269502286271745106;0.007446808510638298211903318702;0.003191489361702127495329373019;0.003900709219858156020371842132;0.053900709219858157494886796712;0.011347517730496454665956029828;0.005319148936170212636775911363;0.004255319148936170282893076688;0.005319148936170212636775911363;0.014893617021276596423806637404;0.007801418439716312040743684264;0.000000000000000000000000000000;0.034042553191489362263144613507;0.018085106382978721750731665452;0.010992907801418439969753926277;0.040425531914893619855888573511;0.010992907801418439969753926277;0.008865248226950355261988256927;0.007446808510638298211903318702
-0.017500000000000001665334536938;0.027500000000000000138777878078;0.032222222222222221543752596062;0.178611111111111109384097517250;0.024722222222222221821308352219;0.019444444444444444752839729063;0.003055555555555555715535609451;0.025555555555555557051272685953;0.021944444444444443503838826359;0.010555555555555555871660722289;0.013888888888888888117900677344;0.026944444444444444475283972906;0.011111111111111111535154627461;0.017777777777777777762358013547;0.042222222222222223486642889156;0.017222222222222222098864108375;0.014444444444444443781394582516;0.036111111111111107718762980312;0.020833333333333332176851016015;0.005555555555555555767577313730;0.016111111111111110771876298031;0.018055555555555553859381490156;0.021944444444444443503838826359;0.014166666666666665949647629930;0.029444444444444443226283070203;0.014999999999999999444888487687;0.018055555555555553859381490156;0.024722222222222221821308352219;0.000833333333333333386820640509;0.019166666666666665186369300500;0.023333333333333334397297065266;0.008055555555555555385938149016;0.015277777777777777276635440273;0.006111111111111111431071218902;0.014444444444444443781394582516;0.022222222222222223070309254922;0.007222222222222221890697291258;0.010555555555555555871660722289;0.002777777777777777883788656865;0.015833333333333334674852821422;0.007222222222222221890697291258;0.017222222222222222098864108375;0.000000000000000000000000000000;0.008333333333333333217685101602;0.015277777777777777276635440273;0.011666666666666667198648532633;0.018055555555555553859381490156;0.014999999999999999444888487687;0.020833333333333332176851016015;0.015833333333333334674852821422
-0.011111111111111111535154627461;0.025462962962962961549484575130;0.020370370370370372015145221667;0.431481481481481465856120394164;0.003703703703703703845051542487;0.014351851851851851749053423646;0.000000000000000000000000000000;0.004166666666666666608842550801;0.021296296296296295808003762318;0.008333333333333333217685101602;0.004166666666666666608842550801;0.020833333333333332176851016015;0.012500000000000000693889390391;0.012037037037037037062736644089;0.013888888888888888117900677344;0.014814814814814815380206169948;0.015740740740740739173064710599;0.020833333333333332176851016015;0.005092592592592593003786305417;0.003240740740740740647579665179;0.004629629629629629372633559115;0.018518518518518517490534236458;0.014351851851851851749053423646;0.010648148148148147904001881159;0.023148148148148146863167795573;0.014814814814814815380206169948;0.011574074074074073431583897786;0.021759259259259259439156508620;0.000925925925925925961262885622;0.014351851851851851749053423646;0.025462962962962961549484575130;0.009722222222222222376419864531;0.007870370370370369586532355299;0.006018518518518518531368322044;0.012962962962962962590318660716;0.016203703703703702804217456901;0.005092592592592593003786305417;0.012500000000000000693889390391;0.011111111111111111535154627461;0.018055555555555553859381490156;0.006481481481481481295159330358;0.018518518518518517490534236458;0.000000000000000000000000000000;0.005092592592592593003786305417;0.005555555555555555767577313730;0.005555555555555555767577313730;0.011111111111111111535154627461;0.008796296296296296848837847904;0.007407407407407407690103084974;0.008333333333333333217685101602
-0.024166666666666666157814447047;0.029999999999999998889776975375;0.025000000000000001387778780781;0.215833333333333321490954403998;0.015833333333333334674852821422;0.016666666666666666435370203203;0.009166666666666666712925959359;0.025416666666666667268037471672;0.032916666666666663521034763562;0.012916666666666666574148081281;0.006666666666666667094565124074;0.010833333333333333703407674875;0.008750000000000000832667268469;0.022499999999999999167332731531;0.017083333333333332315628894094;0.016250000000000000555111512313;0.029166666666666667129259593594;0.030416666666666668239482618219;0.020833333333333332176851016015;0.005416666666666666851703837438;0.023750000000000000277555756156;0.015833333333333334674852821422;0.006250000000000000346944695195;0.024166666666666666157814447047;0.015833333333333334674852821422;0.022083333333333333287074040641;0.012500000000000000693889390391;0.025416666666666667268037471672;0.002083333333333333304421275400;0.011666666666666667198648532633;0.016666666666666666435370203203;0.014999999999999999444888487687;0.001666666666666666773641281019;0.005833333333333333599324266316;0.014583333333333333564629796797;0.030833333333333334119741309109;0.005000000000000000104083408559;0.010416666666666666088425508008;0.006250000000000000346944695195;0.012916666666666666574148081281;0.014999999999999999444888487687;0.030416666666666668239482618219;0.000000000000000000000000000000;0.012083333333333333078907223523;0.014583333333333333564629796797;0.017916666666666667545593227828;0.021250000000000001526556658860;0.012083333333333333078907223523;0.011249999999999999583666365766;0.010833333333333333703407674875
-0.015909090909090907450806895440;0.026515151515151515887458444354;0.030681818181818181628939257166;0.235227272727272729291314590228;0.035984848484848487581988507600;0.014772727272727272443408885749;0.003787878787878787983922634908;0.018939393939393939919613174538;0.015151515151515151935690539631;0.020833333333333332176851016015;0.005681818181818181975883952362;0.017045454545454544192928381108;0.003030303030303030300401934127;0.016666666666666666435370203203;0.033712121212121214097745536264;0.017803030303030303177491688871;0.020454545454545454419292838111;0.027651515151515152629579930021;0.016287878787878788677812025298;0.004545454545454545233762466694;0.007575757575757575967845269815;0.025757575757575756902895136591;0.017803030303030303177491688871;0.022348484848484850145977631541;0.018560606060606062162054996634;0.017045454545454544192928381108;0.017803030303030303177491688871;0.022727272727272727903535809446;0.000757575757575757575100483532;0.016287878787878788677812025298;0.025757575757575756902895136591;0.011742424242424241709326082628;0.016666666666666666435370203203;0.004924242424242423858682382587;0.008333333333333333217685101602;0.027272727272727271402574800163;0.004924242424242423858682382587;0.012121212121212121201607736509;0.005303030303030303350964036468;0.014772727272727272443408885749;0.006818181818181817850643700041;0.015909090909090907450806895440;0.000000000000000000000000000000;0.012121212121212121201607736509;0.025378787878787879145336958686;0.007575757575757575967845269815;0.017045454545454544192928381108;0.016287878787878788677812025298;0.013257575757575757943729222177;0.006439393939393939225723784148
-0.014166666666666665949647629930;0.017500000000000001665334536938;0.021111111111111111743321444578;0.428888888888888875072780137998;0.020833333333333332176851016015;0.010555555555555555871660722289;0.004722222222222222272336455973;0.011111111111111111535154627461;0.031666666666666669349705642844;0.009444444444444444544672911945;0.006388888888888889262818171488;0.013611111111111110286153724758;0.005833333333333333599324266316;0.010833333333333333703407674875;0.022777777777777778733803160094;0.007777777777777777554191196430;0.016388888888888890338346726594;0.018333333333333333425851918719;0.010833333333333333703407674875;0.001666666666666666773641281019;0.008888888888888888881179006773;0.019722222222222220849863205672;0.007222222222222221890697291258;0.019166666666666665186369300500;0.012500000000000000693889390391;0.012500000000000000693889390391;0.011388888888888889366901580047;0.017500000000000001665334536938;0.001111111111111111110147375847;0.020277777777777776513357110844;0.010277777777777778039913769703;0.013888888888888888117900677344;0.004444444444444444440589503387;0.005555555555555555767577313730;0.010555555555555555871660722289;0.016944444444444446001840631766;0.003333333333333333547282562037;0.005555555555555555767577313730;0.005555555555555555767577313730;0.013611111111111110286153724758;0.009166666666666666712925959359;0.021111111111111111743321444578;0.000000000000000000000000000000;0.009722222222222222376419864531;0.008888888888888888881179006773;0.011111111111111111535154627461;0.011388888888888889366901580047;0.009722222222222222376419864531;0.008055555555555555385938149016;0.006388888888888889262818171488
-0.013690476190476190410105772344;0.035416666666666665741480812812;0.033928571428571425994125121406;0.216369047619047627506461140001;0.023214285714285715078730731875;0.010416666666666666088425508008;0.007738095238095238359576910625;0.022321428571428571924206707422;0.036011904761904758864865527812;0.016964285714285712997062560703;0.006547619047619047775998790684;0.016071428571428569842538536250;0.005059523809523809763366575254;0.013392857142857142113689938867;0.030357142857142856845475975547;0.013988095238095238706521605820;0.030357142857142856845475975547;0.031845238095238093123384715000;0.016666666666666666435370203203;0.005059523809523809763366575254;0.012202380952380952397473556914;0.013095238095238095551997581367;0.004166666666666666608842550801;0.024107142857142858233254756328;0.014583333333333333564629796797;0.020535714285714285615158658516;0.017857142857142856151586585156;0.058333333333333334258519187188;0.002380952380952381167156239883;0.016666666666666666435370203203;0.012500000000000000693889390391;0.022916666666666665047591422422;0.006250000000000000346944695195;0.002678571428571428596210335371;0.004761904761904762334312479766;0.025595238095238094511163495781;0.008333333333333333217685101602;0.013690476190476190410105772344;0.004761904761904762334312479766;0.005654761904761904621474766230;0.011011904761904762681257174961;0.025892857142857144542302805235;0.000000000000000000000000000000;0.015178571428571428422737987773;0.015476190476190476719153821250;0.014285714285714285268213963320;0.013690476190476190410105772344;0.008630952380952381514100935078;0.010119047619047619526733150508;0.009226190476190476372209126055
-0.023809523809523808202115446875;0.033035714285714286309048048906;0.045535714285714283533490487343;0.068452380952380958989422765626;0.032440476190476193185663333907;0.018452380952380952744418252109;0.002678571428571428596210335371;0.019345238095238095898942276563;0.047619047619047616404230893750;0.024404761904761904794947113828;0.013988095238095238706521605820;0.018154761904761906182725894610;0.007440476190476190063161077148;0.021726190476190475331375040469;0.031845238095238093123384715000;0.020535714285714285615158658516;0.018452380952380952744418252109;0.050297619047619049337249919063;0.014880952380952380126322154297;0.009226190476190476372209126055;0.011904761904761904101057723437;0.025000000000000001387778780781;0.009523809523809524668624959531;0.020535714285714285615158658516;0.024702380952380951356639471328;0.028869047619047620567567236094;0.021428571428571428769682682969;0.040773809523809524668624959531;0.000595238095238095291789059971;0.020535714285714285615158658516;0.014285714285714285268213963320;0.013095238095238095551997581367;0.005952380952380952050528861719;0.004464285714285714037896646289;0.011309523809523809242949532461;0.027678571428571427381903902187;0.010714285714285714384841341484;0.009523809523809524668624959531;0.004761904761904762334312479766;0.018154761904761906182725894610;0.007142857142857142634106981660;0.026785714285714284227379877734;0.000000000000000000000000000000;0.016666666666666666435370203203;0.017857142857142856151586585156;0.009821428571428571230317317031;0.023511904761904761640423089375;0.019940476190476189022326991562;0.020833333333333332176851016015;0.011309523809523809242949532461
-0.023666666666666665713725237197;0.029000000000000001471045507628;0.037333333333333336423454085207;0.188333333333333324821623477874;0.029333333333333332787473679559;0.026666666666666668378260496297;0.004000000000000000083266726847;0.011666666666666667198648532633;0.044333333333333335701809119200;0.012333333333333333300951828448;0.007333333333333333196868419890;0.027333333333333334480563792113;0.017333333333333332537673499019;0.016333333333333331649495079319;0.012999999999999999403255124264;0.021000000000000001304512053935;0.025333333333333332704206952712;0.043666666666666666130058871431;0.014333333333333333342585191872;0.007000000000000000145716771982;0.008333333333333333217685101602;0.021333333333333332620940225866;0.004666666666666667052931760651;0.013333333333333334189130248149;0.027333333333333334480563792113;0.014666666666666666393736839780;0.011666666666666667198648532633;0.042333333333333333925452279800;0.001333333333333333288808764117;0.022999999999999999611421941381;0.017999999999999998639976794834;0.010333333333333333259318465025;0.006333333333333333176051738178;0.004333333333333333134418374755;0.012999999999999999403255124264;0.021999999999999998723243521681;0.008999999999999999319988397417;0.012000000000000000249800180541;0.005333333333333333155235056466;0.020000000000000000416333634234;0.007000000000000000145716771982;0.032666666666666663298990158637;0.000000000000000000000000000000;0.004666666666666667052931760651;0.006666666666666667094565124074;0.008666666666666666268836749509;0.013333333333333334189130248149;0.014666666666666666393736839780;0.015333333333333332496040135595;0.009333333333333334105863521302
-0.022222222222222223070309254922;0.021851851851851851471497667490;0.044074074074074071072359970458;0.166296296296296303163231300459;0.012592592592592592726230549260;0.015925925925925926707193980292;0.001481481481481481407916356297;0.020740740740740740144509857146;0.017037037037037038034181790636;0.021851851851851851471497667490;0.009629629629629630344078705662;0.020000000000000000416333634234;0.007037037037037036958653235530;0.026296296296296296779448908865;0.020370370370370372015145221667;0.021481481481481479872686080057;0.022222222222222223070309254922;0.038888888888888889505679458125;0.016296296296296294836558615771;0.008888888888888888881179006773;0.012962962962962962590318660716;0.020370370370370372015145221667;0.006666666666666667094565124074;0.027407407407407408106436719208;0.031111111111111110216764785719;0.027407407407407408106436719208;0.022222222222222223070309254922;0.033703703703703701000105041885;0.000740740740740740703958178148;0.017037037037037038034181790636;0.016296296296296294836558615771;0.011851851851851851263330850372;0.012592592592592592726230549260;0.007777777777777777554191196430;0.013703703703703704053218359604;0.031481481481481478346129421197;0.009629629629629630344078705662;0.007407407407407407690103084974;0.004074074074074073709139653943;0.015555555555555555108382392859;0.005925925925925925631665425186;0.008518518518518519017090895318;0.000000000000000000000000000000;0.014814814814814815380206169948;0.013703703703703704053218359604;0.008148148148148147418279307885;0.032592592592592589673117231541;0.015555555555555555108382392859;0.022222222222222223070309254922;0.013333333333333334189130248149
-0.037777777777777778178691647781;0.007407407407407407690103084974;0.077407407407407410881994280771;0.000000000000000000000000000000;0.001481481481481481407916356297;0.024814814814814813853649511088;0.003333333333333333547282562037;0.028518518518518519433424529552;0.036296296296296298722339201959;0.029259259259259259161600752464;0.023703703703703702526661700745;0.009629629629629630344078705662;0.011851851851851851263330850372;0.043703703703703702942995334979;0.010370370370370370072254928573;0.018518518518518517490534236458;0.025925925925925925180637321432;0.040370370370370368962031903948;0.015185185185185185244294281404;0.011851851851851851263330850372;0.018148148148148149361169600979;0.021851851851851851471497667490;0.007777777777777777554191196430;0.043703703703703702942995334979;0.038518518518518521376314822646;0.046666666666666668794594130532;0.032592592592592589673117231541;0.000740740740740740703958178148;0.000740740740740740703958178148;0.005185185185185185036127464286;0.007777777777777777554191196430;0.018888888888888889089345823891;0.012222222222222222862142437805;0.009259259259259258745267118229;0.015555555555555555108382392859;0.046666666666666668794594130532;0.018518518518518517490534236458;0.010740740740740739936343040029;0.000370370370370370351979089074;0.013333333333333334189130248149;0.006666666666666667094565124074;0.007407407407407407690103084974;0.000000000000000000000000000000;0.020000000000000000416333634234;0.005555555555555555767577313730;0.012222222222222222862142437805;0.040740740740740744030290443334;0.027407407407407408106436719208;0.037407407407407410049327012302;0.015925925925925926707193980292
-0.029457364341085270909026405661;0.006589147286821705334913801266;0.055426356589147289521957162606;0.151550387596899233111358284987;0.002325581395348837177028400447;0.017441860465116278827713003352;0.003100775193798449569371200596;0.020542635658914728397084203948;0.029457364341085270909026405661;0.027131782945736433731998005214;0.018604651162790697416227203576;0.006976744186046511531085201341;0.012790697674418604473656202458;0.039922480620155041675101159626;0.010077519379844961100456401937;0.020930232558139534593255604022;0.025968992248062015143483804991;0.039922480620155041675101159626;0.013565891472868216865999002607;0.010077519379844961100456401937;0.012403100775193798277484802384;0.022480620155038759377941204320;0.010465116279069767296627802011;0.031395348837209305359330357987;0.035658914728682170047768806853;0.034883720930232557655426006704;0.030620155038759689497540605885;0.001550387596899224784685600298;0.001162790697674418588514200223;0.005813953488372092942571001117;0.011240310077519379688970602160;0.017054263565891472631541603278;0.006976744186046511531085201341;0.011240310077519379688970602160;0.012403100775193798277484802384;0.044186046511627906363539608492;0.012790697674418604473656202458;0.005813953488372092942571001117;0.000775193798449612392342800149;0.009302325581395348708113601788;0.002325581395348837177028400447;0.014341085271317829258341802756;0.000000000000000000000000000000;0.014728682170542635454513202831;0.008139534883720930119599401564;0.008914728682170542511942201713;0.026356589147286821339655205065;0.022868217054263565574112604395;0.027519379844961239928169405289;0.014728682170542635454513202831
-0.026785714285714284227379877734;0.012202380952380952397473556914;0.051488095238095235584019349062;0.170238095238095243910692033751;0.008630952380952381514100935078;0.019345238095238095898942276563;0.004166666666666666608842550801;0.013988095238095238706521605820;0.020535714285714285615158658516;0.017857142857142856151586585156;0.012202380952380952397473556914;0.014880952380952380126322154297;0.010416666666666666088425508008;0.028571428571428570536427926640;0.016071428571428569842538536250;0.020833333333333332176851016015;0.023511904761904761640423089375;0.030357142857142856845475975547;0.015476190476190476719153821250;0.007142857142857142634106981660;0.009523809523809524668624959531;0.022321428571428571924206707422;0.007440476190476190063161077148;0.028571428571428570536427926640;0.038095238095238098674499838125;0.029166666666666667129259593594;0.026488095238095237665687520234;0.013095238095238095551997581367;0.001785714285714285658526745415;0.013392857142857142113689938867;0.019345238095238095898942276563;0.016964285714285712997062560703;0.007440476190476190063161077148;0.008928571428571428075793292578;0.019642857142857142460634634062;0.033333333333333332870740406406;0.008928571428571428075793292578;0.013988095238095238706521605820;0.004761904761904762334312479766;0.013392857142857142113689938867;0.004761904761904762334312479766;0.014583333333333333564629796797;0.000000000000000000000000000000;0.012500000000000000693889390391;0.007440476190476190063161077148;0.008035714285714284921269268125;0.029464285714285713690951951094;0.023214285714285715078730731875;0.020535714285714285615158658516;0.018154761904761906182725894610
-0.026415094339622642582998679472;0.027044025157232705336429745557;0.043396226415094336925637463764;0.074528301886792450159369138873;0.026415094339622642582998679472;0.020125786163522011579241066670;0.005345911949685534271525799710;0.025471698113207548452852080345;0.016037735849056603681939137118;0.015094339622641509551792537991;0.015723270440251572305223604076;0.013522012578616352668214872779;0.012893081761006289914783806694;0.031446540880503144610447208152;0.039622641509433960405051067255;0.022641509433962262592965331010;0.014779874213836478175077004948;0.030503144654088050480300609024;0.021069182389937105709387665797;0.005660377358490565648241332752;0.015723270440251572305223604076;0.018238993710691823318947868415;0.010062893081761005789620533335;0.026729559748427673959714212515;0.027358490566037736713145278600;0.026415094339622642582998679472;0.023584905660377360192558882090;0.053459119496855347919428425030;0.000000000000000000000000000000;0.017924528301886791942232335373;0.014779874213836478175077004948;0.013522012578616352668214872779;0.007861635220125786152611802038;0.009748427672955974412905000293;0.019496855345911948825810000585;0.024213836477987422945989948175;0.009433962264150943036189467250;0.010377358490566037166336066377;0.006603773584905660645749669868;0.022012578616352199839534264925;0.008805031446540880282758401165;0.010062893081761005789620533335;0.000000000000000000000000000000;0.009748427672955974412905000293;0.026729559748427673959714212515;0.009433962264150943036189467250;0.029874213836477987726869542939;0.026729559748427673959714212515;0.017295597484276729188801269288;0.016037735849056603681939137118
-0.023263888888888889505679458125;0.038541666666666668517038374375;0.034027777777777774848022573906;0.080555555555555560798275394063;0.041319444444444443365060948281;0.025000000000000001387778780781;0.005902777777777777623580135469;0.018402777777777778317469525859;0.043402777777777776235801354687;0.009027777777777776929690745078;0.008680555555555555941049661328;0.031944444444444441977282167500;0.012152777777777777970524830664;0.018402777777777778317469525859;0.038541666666666668517038374375;0.015625000000000000000000000000;0.017013888888888887424011286953;0.027777777777777776235801354687;0.022222222222222223070309254922;0.005208333333333333044212754004;0.014930555555555556287994356524;0.023611111111111110494320541875;0.011805555555555555247160270937;0.015972222222222220988641083750;0.025000000000000001387778780781;0.016319444444444445446729119453;0.018055555555555553859381490156;0.061111111111111109106541761093;0.001736111111111111014737584668;0.028472222222222221682530474141;0.021874999999999998612221219219;0.010416666666666666088425508008;0.004166666666666666608842550801;0.003819444444444444319158860068;0.014236111111111110841265237070;0.016666666666666666435370203203;0.006597222222222222202947516934;0.008333333333333333217685101602;0.018055555555555553859381490156;0.019444444444444444752839729063;0.005208333333333333044212754004;0.029513888888888888117900677344;0.000000000000000000000000000000;0.012152777777777777970524830664;0.026388888888888888811790067734;0.011458333333333332523795711211;0.016666666666666666435370203203;0.019097222222222223764198645313;0.013194444444444444405895033867;0.008680555555555555941049661328
-0.033333333333333332870740406406;0.005228758169934640161191641283;0.063071895424836599275408843823;0.005228758169934640161191641283;0.004248366013071895076758099918;0.022222222222222223070309254922;0.003921568627450980337734165460;0.015032679738562091872888792921;0.043790849673202611458400212996;0.026143790849673203408043420382;0.011437908496732025406816823931;0.034313725490196081424620899725;0.014705882352941176266503120473;0.039869281045751631120666047536;0.006535947712418300852010855095;0.029411764705882352533006240947;0.024509803921568627110838534122;0.029084967320261438661344044476;0.010457516339869280322383282567;0.012091503267973856619588168826;0.011111111111111111535154627461;0.032026143790849670445197716617;0.009803921568627450844335413649;0.028104575163398693576910503111;0.034313725490196081424620899725;0.030718954248366011489101978782;0.025163398692810458323609879017;0.003594771241830065165029362007;0.001307189542483660040297910321;0.017647058823529411519803744568;0.035620915032679736911269685606;0.018954248366013070475899482403;0.006209150326797385245625182648;0.013725490196078431182069579108;0.027450980392156862364139158217;0.045424836601307187755605099255;0.014379084967320260660117448026;0.014705882352941176266503120473;0.007843137254901960675468330919;0.025490196078431372195272075487;0.001960784313725490168867082730;0.011437908496732025406816823931;0.000000000000000000000000000000;0.017973856209150325391465941038;0.004901960784313725422167706824;0.016339869281045752563708006733;0.039215686274509803377341654596;0.030392156862745097617439782312;0.022549019607843136941971451392;0.016993464052287580307032399674
-0.022499999999999999167332731531;0.030833333333333334119741309109;0.056666666666666663798590519718;0.015833333333333334674852821422;0.017222222222222222098864108375;0.021388888888888887840344921187;0.009166666666666666712925959359;0.035277777777777775958245598531;0.020833333333333332176851016015;0.016666666666666666435370203203;0.015833333333333334674852821422;0.018333333333333333425851918719;0.016111111111111110771876298031;0.031388888888888889783235214281;0.040833333333333332593184650250;0.022222222222222223070309254922;0.019722222222222220849863205672;0.043055555555555555247160270937;0.022499999999999999167332731531;0.006111111111111111431071218902;0.021666666666666667406815349750;0.016666666666666666435370203203;0.017777777777777777762358013547;0.021666666666666667406815349750;0.033888888888888892003681263532;0.024444444444444445724284875610;0.029166666666666667129259593594;0.021944444444444443503838826359;0.001111111111111111110147375847;0.027777777777777776235801354687;0.013888888888888888117900677344;0.012777777777777778525636342977;0.023055555555555554830826636703;0.007777777777777777554191196430;0.016388888888888890338346726594;0.035833333333333335091186455656;0.009444444444444444544672911945;0.010277777777777778039913769703;0.002222222222222222220294751693;0.015833333333333334674852821422;0.011388888888888889366901580047;0.007499999999999999722444243844;0.000000000000000000000000000000;0.011111111111111111535154627461;0.025277777777777777484802257391;0.012500000000000000693889390391;0.028611111111111111465765688422;0.017777777777777777762358013547;0.021388888888888887840344921187;0.018333333333333333425851918719
-0.021333333333333332620940225866;0.023333333333333334397297065266;0.051333333333333334980164153194;0.035666666666666665963525417737;0.013333333333333334189130248149;0.022666666666666668294993769450;0.004666666666666667052931760651;0.022333333333333333509118645566;0.028666666666666666685170383744;0.012999999999999999403255124264;0.017666666666666667323548622903;0.010999999999999999361621760841;0.017333333333333332537673499019;0.025666666666666667490082076597;0.020000000000000000416333634234;0.014000000000000000291433543964;0.025999999999999998806510248528;0.042333333333333333925452279800;0.027333333333333334480563792113;0.010999999999999999361621760841;0.017999999999999998639976794834;0.031666666666666669349705642844;0.029000000000000001471045507628;0.025000000000000001387778780781;0.022333333333333333509118645566;0.021999999999999998723243521681;0.029999999999999998889776975375;0.016000000000000000333066907388;0.000666666666666666644404382058;0.020666666666666666518636930050;0.007666666666666666248020067798;0.012999999999999999403255124264;0.025333333333333332704206952712;0.009666666666666667157015169209;0.025000000000000001387778780781;0.032666666666666663298990158637;0.012666666666666666352103476356;0.014000000000000000291433543964;0.008666666666666666268836749509;0.035000000000000003330669073875;0.008333333333333333217685101602;0.025000000000000001387778780781;0.000000000000000000000000000000;0.009666666666666667157015169209;0.017000000000000001221245327088;0.014333333333333333342585191872;0.022999999999999999611421941381;0.017999999999999998639976794834;0.025000000000000001387778780781;0.012000000000000000249800180541
-0.027564102564102563319714533918;0.007051282051282051384355487045;0.085256410256410258829973258798;0.132051282051282053986440701010;0.002243589743589743425167259971;0.017307692307692308653077617464;0.000641025641025641025085024527;0.016025641025641024217662788942;0.028525641025641024911552179333;0.027884615384615386163291717025;0.013461538461538462285727035805;0.006730769230769231142863517903;0.014102564102564102768710974090;0.047435897435897433904727904519;0.008653846153846154326538808732;0.023397435897435897578233721106;0.024038461538461539795941135367;0.026923076923076924571454071611;0.005448717948717948442172165358;0.009615384615384615918376454147;0.007692307692307692734701163317;0.025320512820512820761909011935;0.011538461538461539102051744976;0.032371794871794874748349712945;0.025641025641025640136039243089;0.036217948717948721115700294604;0.021794871794871793768688661430;0.003846153846153846367350581659;0.000320512820512820512542512263;0.009615384615384615918376454147;0.006410256410256410034009810772;0.014102564102564102768710974090;0.007371794871794871625847456187;0.010897435897435896884344330715;0.023397435897435897578233721106;0.045192307692307691346922382536;0.014423076923076923877564681220;0.005448717948717948442172165358;0.002564102564102564100340098108;0.026602564102564101727876888503;0.003525641025641025692177743522;0.004807692307692307959188227073;0.000000000000000000000000000000;0.010897435897435896884344330715;0.006730769230769231142863517903;0.007051282051282051384355487045;0.042628205128205129414986629399;0.028846153846153847755129362440;0.021153846153846155020428199123;0.019230769230769231836752908293
-0.014074074074074073917306471060;0.005185185185185185036127464286;0.095925925925925928372528517230;0.188888888888888883954564334999;0.002962962962962962815832712593;0.006666666666666667094565124074;0.001111111111111111110147375847;0.014074074074074073917306471060;0.020370370370370372015145221667;0.039259259259259257635044093604;0.008148148148148147418279307885;0.001481481481481481407916356297;0.005925925925925925631665425186;0.049629629629629627707299022177;0.012962962962962962590318660716;0.011111111111111111535154627461;0.028518518518518519433424529552;0.037407407407407410049327012302;0.004444444444444444440589503387;0.012222222222222222862142437805;0.005185185185185185036127464286;0.019259259259259260688157411323;0.007407407407407407690103084974;0.048148148148148148250946576354;0.012592592592592592726230549260;0.034074074074074076068363581271;0.027777777777777776235801354687;0.004074074074074073709139653943;0.000000000000000000000000000000;0.007777777777777777554191196430;0.002592592592592592518063732143;0.025185185185185185452461098521;0.002962962962962962815832712593;0.006666666666666667094565124074;0.005925925925925925631665425186;0.053333333333333336756520992594;0.010370370370370370072254928573;0.006296296296296296363115274630;0.000740740740740740703958178148;0.007407407407407407690103084974;0.002962962962962962815832712593;0.008518518518518519017090895318;0.000000000000000000000000000000;0.015925925925925926707193980292;0.004444444444444444440589503387;0.008518518518518519017090895318;0.053703703703703704885885628073;0.022592592592592591199673890401;0.020370370370370372015145221667;0.014814814814814815380206169948
-0.020212765957446809927944286756;0.010283687943262410577349719176;0.068794326241134753918693434116;0.157801418439716317765331154988;0.014893617021276596423806637404;0.014539007092198581727604533853;0.004255319148936170282893076688;0.016312056737588651739168099652;0.032978723404255318174538302856;0.026241134751773049355039191255;0.010638297872340425273551822727;0.007092198581560283515701215151;0.011702127659574467627434657402;0.038652482269503546374878055758;0.015957446808510637042965996102;0.015248226950354609385285264977;0.030496453900709218770570529955;0.035460992907801421047953027710;0.009574468085106382919668988052;0.013829787234042552335200326752;0.010283687943262410577349719176;0.023758865248226949951071418354;0.007092198581560283515701215151;0.030496453900709218770570529955;0.024822695035460994039677729006;0.025886524822695034658837087704;0.022340425531914894635709956106;0.015602836879432624081487368528;0.001063829787234042570723269172;0.008156028368794325869584049826;0.008865248226950355261988256927;0.016312056737588651739168099652;0.005319148936170212636775911363;0.004964539007092198807935545801;0.017021276595744681131572306754;0.035815602836879435744155131260;0.011702127659574467627434657402;0.007092198581560283515701215151;0.002127659574468085141446538344;0.019858156028368795231742183205;0.009929078014184397615871091602;0.019503546099290780535540079654;0.000000000000000000000000000000;0.012411347517730497019838864503;0.006737588652482269686860849589;0.010283687943262410577349719176;0.035460992907801421047953027710;0.018085106382978721750731665452;0.020567375886524821154699438353;0.013475177304964539373721699178
-0.020652173913043476993767200156;0.017028985507246376801537834922;0.035144927536231884701578565000;0.221739130434782605316712533750;0.019202898550724638998543625235;0.017028985507246376801537834922;0.005072463768115941656899892109;0.019927536231884056261431936719;0.017028985507246376801537834922;0.013405797101449274874584993711;0.014855072463768116339255520586;0.019565217391304349364711256953;0.010869565217391304046135047656;0.026811594202898549749169987422;0.029710144927536232678511041172;0.017028985507246376801537834922;0.018478260869565218266208361797;0.030434782608695653410846304610;0.014130434782608695606920257148;0.007608695652173913352711576152;0.015579710144927537071590784024;0.013768115942028985240752625430;0.017028985507246376801537834922;0.028623188405797101580008146016;0.021376811594202897726102463594;0.018840579710144928632375993516;0.021014492753623187359934831875;0.015942028985507245703034939766;0.000362318840579710149327197222;0.022463768115942028824605358750;0.019927536231884056261431936719;0.013043478260869564508417361992;0.007246376811594202986543944434;0.003623188405797101493271972217;0.014130434782608695606920257148;0.030434782608695653410846304610;0.007971014492753622851517469883;0.010869565217391304046135047656;0.001811594202898550746635986108;0.011956521739130435144637942813;0.009782608695652174682355628477;0.010507246376811593679967415937;0.000000000000000000000000000000;0.013405797101449274874584993711;0.014492753623188405973087888867;0.010507246376811593679967415937;0.026449275362318839383002355703;0.014492753623188405973087888867;0.019927536231884056261431936719;0.008695652173913043583852733320
-0.042916666666666665463925056656;0.002500000000000000052041704279;0.058749999999999996669330926125;0.000000000000000000000000000000;0.005416666666666666851703837438;0.017500000000000001665334536938;0.000416666666666666693410320255;0.025833333333333333148296162562;0.022083333333333333287074040641;0.040000000000000000832667268469;0.017083333333333332315628894094;0.006250000000000000346944695195;0.010416666666666666088425508008;0.051249999999999996946886682281;0.003749999999999999861222121922;0.029166666666666667129259593594;0.018749999999999999306110609609;0.031250000000000000000000000000;0.011249999999999999583666365766;0.009583333333333332593184650250;0.019583333333333334536074943344;0.012500000000000000693889390391;0.005833333333333333599324266316;0.063750000000000001110223024625;0.035416666666666665741480812812;0.052499999999999998057109706906;0.032500000000000001110223024625;0.000000000000000000000000000000;0.000833333333333333386820640509;0.016666666666666666435370203203;0.006666666666666667094565124074;0.027500000000000000138777878078;0.007916666666666667337426410711;0.003749999999999999861222121922;0.012916666666666666574148081281;0.057916666666666664908813544344;0.017500000000000001665334536938;0.009166666666666666712925959359;0.001250000000000000026020852140;0.007916666666666667337426410711;0.006250000000000000346944695195;0.007916666666666667337426410711;0.000000000000000000000000000000;0.030833333333333334119741309109;0.003333333333333333547282562037;0.015416666666666667059870654555;0.054166666666666668517038374375;0.040000000000000000832667268469;0.023333333333333334397297065266;0.022499999999999999167332731531
-0.026023391812865497019213734120;0.018421052631578945651957823770;0.059649122807017541936236426636;0.031578947368421053654152785839;0.022807017543859650632320779096;0.020467836257309940384274682401;0.002631578947368420993285775822;0.028947368421052631359824403035;0.034795321637426900041045740863;0.025146198830409357410919923836;0.014327485380116959656771058462;0.013157894736842104532748010115;0.011403508771929825316160389548;0.042397660818713447938854699260;0.017251461988304093997381727377;0.021345029239766083462015444638;0.022807017543859650632320779096;0.034795321637426900041045740863;0.019298245614035088729698586008;0.005847953216374268681221337829;0.013742690058479532094759534289;0.026315789473684209065496020230;0.009649122807017544364849293004;0.042982456140350878970313175387;0.034502923976608187994763454753;0.025730994152046784972931448010;0.027777777777777776235801354687;0.019298245614035088729698586008;0.004385964912280701510916003372;0.013742690058479532094759534289;0.009064327485380116802837768830;0.029239766081871343406106689145;0.007309941520467835851526672286;0.008479532163742689240826244657;0.015204678362573099265064868746;0.041228070175438599753725554820;0.007894736842105263413538196460;0.009649122807017544364849293004;0.003508771929824561468941324094;0.012573099415204678705459961918;0.006140350877192982462227099916;0.011695906432748537362442675658;0.000000000000000000000000000000;0.019590643274853800775980872118;0.016374269005847954389087917093;0.015204678362573099265064868746;0.035380116959064324133610313083;0.024853801169590641895190685773;0.018713450292397661167687061834;0.016666666666666666435370203203
-0.018560606060606062162054996634;0.018181818181818180935049866775;0.045075757575757574580066489034;0.032954545454545451643735276548;0.019696969696969695434729530348;0.013636363636363635701287400082;0.001893939393939393991961317454;0.021590909090909091161414323778;0.037878787878787879839226349077;0.048863636363636366033436075895;0.010227272727272727209646419055;0.012500000000000000693889390391;0.007575757575757575967845269815;0.030681818181818181628939257166;0.030681818181818181628939257166;0.016666666666666666435370203203;0.019696969696969695434729530348;0.034848484848484850839867021932;0.018939393939393939919613174538;0.006818181818181817850643700041;0.007954545454545453725403447720;0.019318181818181817677171352443;0.006818181818181817850643700041;0.078030303030303033162695669489;0.023106060606060605661093987351;0.033712121212121214097745536264;0.023106060606060605661093987351;0.018181818181818180935049866775;0.001893939393939393991961317454;0.010227272727272727209646419055;0.009469696969696969959806587269;0.036742424242424243097104863409;0.006060606060606060600803868255;0.001893939393939393991961317454;0.008333333333333333217685101602;0.052272727272727269320906628991;0.010227272727272727209646419055;0.007954545454545453725403447720;0.003787878787878787983922634908;0.007575757575757575967845269815;0.009469696969696969959806587269;0.020833333333333332176851016015;0.000000000000000000000000000000;0.041287878787878790065590806080;0.017045454545454544192928381108;0.017424242424242425419933510966;0.032954545454545451643735276548;0.017045454545454544192928381108;0.014015151515151515193569053963;0.016287878787878788677812025298
-0.008888888888888888881179006773;0.001851851851851851922525771243;0.048518518518518516380311211833;0.000740740740740740703958178148;0.000000000000000000000000000000;0.003333333333333333547282562037;0.001851851851851851922525771243;0.021111111111111111743321444578;0.009259259259259258745267118229;0.117777777777777772905132280812;0.010740740740740739936343040029;0.000000000000000000000000000000;0.002222222222222222220294751693;0.047777777777777780121581940875;0.003333333333333333547282562037;0.008148148148148147418279307885;0.020000000000000000416333634234;0.019259259259259260688157411323;0.008888888888888888881179006773;0.008518518518518519017090895318;0.007777777777777777554191196430;0.005555555555555555767577313730;0.001481481481481481407916356297;0.176296296296296284289439881832;0.004074074074074073709139653943;0.046666666666666668794594130532;0.018148148148148149361169600979;0.000000000000000000000000000000;0.001111111111111111110147375847;0.001111111111111111110147375847;0.001851851851851851922525771243;0.055925925925925927539861248761;0.000740740740740740703958178148;0.001481481481481481407916356297;0.003333333333333333547282562037;0.088148148148148142144719940916;0.008148148148148147418279307885;0.003333333333333333547282562037;0.000370370370370370351979089074;0.003703703703703703845051542487;0.012222222222222222862142437805;0.005185185185185185036127464286;0.000000000000000000000000000000;0.081111111111111106053428443374;0.001111111111111111110147375847;0.039259259259259257635044093604;0.058888888888888886452566140406;0.014074074074074073917306471060;0.010740740740740739936343040029;0.005925925925925925631665425186
-0.021376811594202897726102463594;0.011231884057971014412302679375;0.092028985507246377495427225313;0.021376811594202897726102463594;0.026449275362318839383002355703;0.007246376811594202986543944434;0.002173913043478260895963183330;0.025362318840579711753946412500;0.041304347826086953987534400312;0.034420289855072463969243301563;0.011956521739130435144637942813;0.005072463768115941656899892109;0.005797101449275362389235155547;0.048188405797101450944719402969;0.014492753623188405973087888867;0.020289855072463766627599568437;0.038768115942028988363254882188;0.039855072463768112522863873437;0.011956521739130435144637942813;0.012681159420289855876973206250;0.009782608695652174682355628477;0.030797101449275363777013936328;0.006521739130434782254208680996;0.044927536231884057649210717500;0.020289855072463766627599568437;0.032971014492753622504572774687;0.024637681159420291021611149063;0.004347826086956521791926366660;0.000362318840579710149327197222;0.007608695652173913352711576152;0.002536231884057970828449946055;0.020652173913043476993767200156;0.003623188405797101493271972217;0.004347826086956521791926366660;0.012318840579710145510805574531;0.070289855072463769403157130000;0.013043478260869564508417361992;0.010507246376811593679967415937;0.001811594202898550746635986108;0.015942028985507245703034939766;0.011231884057971014412302679375;0.017753623188405797533873098359;0.000000000000000000000000000000;0.017391304347826087167705466641;0.007608695652173913352711576152;0.009420289855072464316187996758;0.051811594202898547667501816250;0.023188405797101449556940622188;0.020652173913043476993767200156;0.011594202898550724778470311094
-0.023636363636363635909454217199;0.027272727272727271402574800163;0.037878787878787879839226349077;0.022727272727272727903535809446;0.027575757575757576384178904050;0.022424242424242422921931705559;0.003939393939393939607362948863;0.035454545454545453864181325798;0.016363636363636364923213051270;0.020303030303030301928490786167;0.016363636363636364923213051270;0.020606060606060606910094890054;0.010909090909090909948808700847;0.029999999999999998889776975375;0.033636363636363637852344510293;0.021212121212121213403856145874;0.020606060606060606910094890054;0.049090909090909087830745249903;0.030606060606060605383538231195;0.008484848484848485708487153545;0.018181818181818180935049866775;0.015151515151515151935690539631;0.018787878787878787428811122595;0.024545454545454543915372624951;0.023636363636363635909454217199;0.026060606060606061884499240477;0.030303030303030303871381079261;0.026666666666666668378260496297;0.000606060606060606060080386825;0.026666666666666668378260496297;0.014545454545454545441929283811;0.016666666666666666435370203203;0.020000000000000000416333634234;0.004848484848484848480643094604;0.016060606060606059941608947383;0.038181818181818184820830452963;0.014848484848484848688809911721;0.011212121212121211460965852780;0.001515151515151515150200967064;0.011818181818181817954727108599;0.011515151515151514707846480690;0.013030303030303030942249620239;0.000000000000000000000000000000;0.014242424242424242195048655901;0.027575757575757576384178904050;0.012727272727272727695368992329;0.025757575757575756902895136591;0.016969696969696971416974307090;0.027272727272727271402574800163;0.011515151515151514707846480690
-0.032222222222222221543752596062;0.015555555555555555108382392859;0.044814814814814814269983145323;0.009629629629629630344078705662;0.031851851851851853414387960584;0.031481481481481478346129421197;0.002962962962962962815832712593;0.038888888888888889505679458125;0.020000000000000000416333634234;0.025185185185185185452461098521;0.020370370370370372015145221667;0.025185185185185185452461098521;0.013333333333333334189130248149;0.035185185185185187395351391615;0.020740740740740740144509857146;0.015925925925925926707193980292;0.012222222222222222862142437805;0.056666666666666663798590519718;0.033703703703703701000105041885;0.010370370370370370072254928573;0.028888888888888887562789165031;0.010370370370370370072254928573;0.016666666666666666435370203203;0.025555555555555557051272685953;0.031111111111111110216764785719;0.026296296296296296779448908865;0.035185185185185187395351391615;0.008888888888888888881179006773;0.000000000000000000000000000000;0.028518518518518519433424529552;0.015555555555555555108382392859;0.011851851851851851263330850372;0.024074074074074074125473288177;0.005555555555555555767577313730;0.013333333333333334189130248149;0.036666666666666666851703837438;0.018518518518518517490534236458;0.005925925925925925631665425186;0.001851851851851851922525771243;0.006666666666666667094565124074;0.011851851851851851263330850372;0.017037037037037038034181790636;0.000000000000000000000000000000;0.010740740740740739936343040029;0.010740740740740739936343040029;0.011481481481481481399242738917;0.028148148148148147834612942120;0.017407407407407406163546426114;0.035185185185185187395351391615;0.009629629629629630344078705662
-0.019047619047619049337249919063;0.011564625850340135362892546311;0.047278911564625852870236144554;0.167346938775510212238373242144;0.015986394557823128959039848951;0.009523809523809524668624959531;0.003061224489795918209805725141;0.024829931972789116151334454230;0.025850340136054420631106509632;0.034013605442176873816517712612;0.010544217687074829148397014933;0.011904761904761904101057723437;0.003401360544217686947970902267;0.034013605442176873816517712612;0.026530612244897958107436863884;0.018027210884353741388030911708;0.029931972789115645489088635145;0.029931972789115645489088635145;0.011224489795918366624727369185;0.005442176870748298943281096030;0.014965986394557822744544317572;0.021768707482993195773124384118;0.003401360544217686947970902267;0.043537414965986391546248768236;0.020748299319727891293352328717;0.034693877551020407823401114911;0.029591836734693878485646933996;0.009183673469387755930459782405;0.001700680272108843473985451134;0.012585034013605441577388077690;0.013605442176870747791883609068;0.027891156462585033060097572388;0.004761904761904762334312479766;0.002040816326530612428991062757;0.004081632653061224857982125513;0.044557823129251702964914727545;0.010544217687074829148397014933;0.005782312925170067681446273156;0.004081632653061224857982125513;0.006802721088435373895941804534;0.006802721088435373895941804534;0.012244897959183672839222900564;0.000000000000000000000000000000;0.015646258503401361955598147802;0.013265306122448979053718431942;0.011904761904761904101057723437;0.037755102040816328201611185023;0.019387755102040816340691620212;0.012925170068027210315553254816;0.014285714285714285268213963320
-0.027777777777777776235801354687;0.025000000000000001387778780781;0.026984126984126985404621734688;0.193253968253968261281627860626;0.014682539682539682418527249297;0.011507936507936508685467913438;0.011507936507936508685467913438;0.032936507936507937455150596406;0.006746031746031746351155433672;0.023412698412698412786525636875;0.014285714285714285268213963320;0.006746031746031746351155433672;0.006349206349206349200842147695;0.034126984126984123701920026406;0.031349206349206348853897452500;0.011111111111111111535154627461;0.011904761904761904101057723437;0.016269841269841271019780393203;0.021825396825396824185272492969;0.003174603174603174600421073848;0.023015873015873017370935826875;0.008333333333333333217685101602;0.003968253968253968033685907812;0.041666666666666664353702032031;0.013095238095238095551997581367;0.037698412698412696320016124218;0.027777777777777776235801354687;0.026190476190476191103995162734;0.004365079365079365183999193789;0.014682539682539682418527249297;0.006746031746031746351155433672;0.015079365079365079568840535273;0.007539682539682539784420267637;0.008730158730158730367998387578;0.006349206349206349200842147695;0.023809523809523808202115446875;0.011904761904761904101057723437;0.008333333333333333217685101602;0.001984126984126984016842953906;0.003968253968253968033685907812;0.021031746031746033354092872969;0.005952380952380952050528861719;0.000000000000000000000000000000;0.028174603174603175120838116641;0.023412698412698412786525636875;0.016269841269841271019780393203;0.036507936507936510073246694219;0.013888888888888888117900677344;0.012698412698412698401684295391;0.015873015873015872134743631250
-0.021944444444444443503838826359;0.025833333333333333148296162562;0.029722222222222222792753498766;0.295833333333333337034076748751;0.018611111111111109522875395328;0.010833333333333333703407674875;0.009166666666666666712925959359;0.024444444444444445724284875610;0.021388888888888887840344921187;0.014999999999999999444888487687;0.009444444444444444544672911945;0.006944444444444444058950338672;0.005555555555555555767577313730;0.017500000000000001665334536938;0.028888888888888887562789165031;0.009444444444444444544672911945;0.022222222222222223070309254922;0.035555555555555555524716027094;0.015833333333333334674852821422;0.006666666666666667094565124074;0.020000000000000000416333634234;0.018055555555555553859381490156;0.008611111111111111049432054187;0.021111111111111111743321444578;0.016666666666666666435370203203;0.014999999999999999444888487687;0.017500000000000001665334536938;0.026944444444444444475283972906;0.001111111111111111110147375847;0.014722222222222221613141535101;0.006666666666666667094565124074;0.012777777777777778525636342977;0.008888888888888888881179006773;0.004166666666666666608842550801;0.007499999999999999722444243844;0.023055555555555554830826636703;0.006388888888888889262818171488;0.009722222222222222376419864531;0.004722222222222222272336455973;0.009444444444444444544672911945;0.010000000000000000208166817117;0.015277777777777777276635440273;0.000000000000000000000000000000;0.013055555555555556357383295563;0.018333333333333333425851918719;0.013055555555555556357383295563;0.014999999999999999444888487687;0.010277777777777778039913769703;0.013611111111111110286153724758;0.007499999999999999722444243844
-0.023214285714285715078730731875;0.008035714285714284921269268125;0.058630952380952380820211544687;0.293452380952380964540537888752;0.005654761904761904621474766230;0.014583333333333333564629796797;0.001190476190476190583578119941;0.013392857142857142113689938867;0.020535714285714285615158658516;0.021130952380952382207990325469;0.012797619047619047255581747891;0.012202380952380952397473556914;0.008630952380952381514100935078;0.032142857142857139685077072500;0.006250000000000000346944695195;0.019940476190476189022326991562;0.025297619047619047949471138281;0.028869047619047620567567236094;0.005654761904761904621474766230;0.012202380952380952397473556914;0.009226190476190476372209126055;0.020535714285714285615158658516;0.002678571428571428596210335371;0.021130952380952382207990325469;0.026785714285714284227379877734;0.025297619047619047949471138281;0.017559523809523809589894227656;0.007738095238095238359576910625;0.001190476190476190583578119941;0.005952380952380952050528861719;0.015178571428571428422737987773;0.014583333333333333564629796797;0.002083333333333333304421275400;0.006547619047619047775998790684;0.011904761904761904101057723437;0.033035714285714286309048048906;0.009226190476190476372209126055;0.010119047619047619526733150508;0.003869047619047619179788455313;0.011607142857142857539365365938;0.002976190476190476025264430859;0.011011904761904762681257174961;0.000000000000000000000000000000;0.011309523809523809242949532461;0.004464285714285714037896646289;0.011309523809523809242949532461;0.032440476190476193185663333907;0.019345238095238095898942276563;0.017559523809523809589894227656;0.009523809523809524668624959531
-0.033950617283950615399312766840;0.009259259259259258745267118229;0.086111111111111110494320541875;0.001543209876543209790877853038;0.002469135802469135752140738660;0.019753086419753086017125909279;0.001851851851851851922525771243;0.017592592592592593697675695807;0.037962962962962962243373965521;0.026851851851851852442942814037;0.011419753086419752799440807678;0.012345679012345678327022824305;0.013271604938271605589328316910;0.051851851851851850361274642864;0.009259259259259258745267118229;0.024382716049382715389759468394;0.028395061728395062233820667075;0.058333333333333334258519187188;0.007716049382716048954389265191;0.013580246913580246853614497127;0.012654320987654321326032480499;0.028395061728395062233820667075;0.011419753086419752799440807678;0.040740740740740744030290443334;0.029938271604938272024698520113;0.038271604938271606977107097691;0.028395061728395062233820667075;0.004012345679012345976699460692;0.000617283950617283938035184665;0.011111111111111111535154627461;0.014814814814814815380206169948;0.017283950617283948963942563637;0.006790123456790123426807248563;0.008333333333333333217685101602;0.018518518518518517490534236458;0.050000000000000002775557561563;0.013888888888888888117900677344;0.015740740740740739173064710599;0.000925925925925925961262885622;0.022530864197530864334595435139;0.004629629629629629372633559115;0.015123456790123456644492350165;0.000000000000000000000000000000;0.014506172839506172381196513754;0.002160493827160493620492820455;0.013580246913580246853614497127;0.037037037037037034981068472916;0.025000000000000001387778780781;0.030864197530864195817557060764;0.014814814814814815380206169948
-0.025724637681159418650667092265;0.007608695652173913352711576152;0.042028985507246374719869663750;0.182246376811594196221122388124;0.002173913043478260895963183330;0.021739130434782608092270095312;0.003260869565217391127104340498;0.014492753623188405973087888867;0.028260869565217391213840514297;0.015942028985507245703034939766;0.015217391304347826705423152305;0.020652173913043476993767200156;0.014492753623188405973087888867;0.032608695652173912138405142969;0.013768115942028985240752625430;0.017391304347826087167705466641;0.022463768115942028824605358750;0.028985507246376811946175777734;0.009420289855072464316187996758;0.005072463768115941656899892109;0.009057971014492753950020365039;0.025000000000000001387778780781;0.013405797101449274874584993711;0.028985507246376811946175777734;0.028985507246376811946175777734;0.028985507246376811946175777734;0.025724637681159418650667092265;0.004710144927536232158093998379;0.001086956521739130447981591665;0.010144927536231883313799784219;0.013043478260869564508417361992;0.016304347826086956069202571484;0.006521739130434782254208680996;0.011594202898550724778470311094;0.019202898550724638998543625235;0.030797101449275363777013936328;0.009782608695652174682355628477;0.015942028985507245703034939766;0.006884057971014492620376312715;0.028985507246376811946175777734;0.004710144927536232158093998379;0.017753623188405797533873098359;0.000000000000000000000000000000;0.014130434782608695606920257148;0.009420289855072464316187996758;0.010507246376811593679967415937;0.025000000000000001387778780781;0.021376811594202897726102463594;0.023913043478260870289275885625;0.014492753623188405973087888867
-0.026785714285714284227379877734;0.008035714285714284921269268125;0.061309523809523806814336666093;0.181547619047619041010577234374;0.004464285714285714037896646289;0.022619047619047618485899064922;0.002678571428571428596210335371;0.012797619047619047255581747891;0.029464285714285713690951951094;0.020238095238095239053466301016;0.012202380952380952397473556914;0.022619047619047618485899064922;0.011309523809523809242949532461;0.030654761904761903407168333047;0.014583333333333333564629796797;0.020238095238095239053466301016;0.027678571428571427381903902187;0.027976190476190477413043211641;0.009523809523809524668624959531;0.007142857142857142634106981660;0.012797619047619047255581747891;0.025297619047619047949471138281;0.004464285714285714037896646289;0.029464285714285713690951951094;0.030952380952380953438307642500;0.022321428571428571924206707422;0.018452380952380952744418252109;0.003571428571428571317053490830;0.002083333333333333304421275400;0.013690476190476190410105772344;0.020238095238095239053466301016;0.024107142857142858233254756328;0.004761904761904762334312479766;0.010416666666666666088425508008;0.018154761904761906182725894610;0.031547619047619046561692357500;0.008035714285714284921269268125;0.009226190476190476372209126055;0.003273809523809523887999395342;0.020238095238095239053466301016;0.006250000000000000346944695195;0.012202380952380952397473556914;0.000000000000000000000000000000;0.015178571428571428422737987773;0.004761904761904762334312479766;0.009226190476190476372209126055;0.027678571428571427381903902187;0.027083333333333334258519187188;0.016666666666666666435370203203;0.013988095238095238706521605820
-0.022499999999999999167332731531;0.032083333333333331760517381781;0.072083333333333332593184650250;0.020833333333333332176851016015;0.039166666666666669072149886688;0.012916666666666666574148081281;0.002083333333333333304421275400;0.025000000000000001387778780781;0.035000000000000003330669073875;0.021666666666666667406815349750;0.010416666666666666088425508008;0.012916666666666666574148081281;0.010833333333333333703407674875;0.028750000000000001249000902703;0.030416666666666668239482618219;0.017500000000000001665334536938;0.045833333333333330095182844843;0.046666666666666668794594130532;0.015416666666666667059870654555;0.013750000000000000069388939039;0.009166666666666666712925959359;0.034166666666666664631257788187;0.007916666666666667337426410711;0.032083333333333331760517381781;0.024166666666666666157814447047;0.019166666666666665186369300500;0.017916666666666667545593227828;0.028333333333333331899295259859;0.001666666666666666773641281019;0.015833333333333334674852821422;0.018333333333333333425851918719;0.027916666666666666019036568969;0.009166666666666666712925959359;0.006250000000000000346944695195;0.012083333333333333078907223523;0.038333333333333330372738601000;0.007916666666666667337426410711;0.010833333333333333703407674875;0.002500000000000000052041704279;0.019583333333333334536074943344;0.010000000000000000208166817117;0.017500000000000001665334536938;0.000000000000000000000000000000;0.014583333333333333564629796797;0.015416666666666667059870654555;0.011666666666666667198648532633;0.026666666666666668378260496297;0.017500000000000001665334536938;0.015416666666666667059870654555;0.012083333333333333078907223523
-0.014880952380952380126322154297;0.036011904761904758864865527812;0.032142857142857139685077072500;0.225000000000000005551115123126;0.056547619047619047949471138281;0.011607142857142857539365365938;0.002678571428571428596210335371;0.026488095238095237665687520234;0.036309523809523812365451789219;0.015178571428571428422737987773;0.008333333333333333217685101602;0.011309523809523809242949532461;0.005654761904761904621474766230;0.013988095238095238706521605820;0.047321428571428569842538536250;0.009821428571428571230317317031;0.012202380952380952397473556914;0.026190476190476191103995162734;0.019047619047619049337249919063;0.005059523809523809763366575254;0.009226190476190476372209126055;0.019345238095238095898942276563;0.002976190476190476025264430859;0.025000000000000001387778780781;0.011904761904761904101057723437;0.018154761904761906182725894610;0.021428571428571428769682682969;0.047619047619047616404230893750;0.000000000000000000000000000000;0.025000000000000001387778780781;0.007738095238095238359576910625;0.008928571428571428075793292578;0.006547619047619047775998790684;0.003869047619047619179788455313;0.006547619047619047775998790684;0.024404761904761904794947113828;0.004464285714285714037896646289;0.005654761904761904621474766230;0.005654761904761904621474766230;0.008630952380952381514100935078;0.011904761904761904101057723437;0.013690476190476190410105772344;0.000000000000000000000000000000;0.012797619047619047255581747891;0.027678571428571427381903902187;0.005059523809523809763366575254;0.019642857142857142460634634062;0.010714285714285714384841341484;0.011309523809523809242949532461;0.008333333333333333217685101602
-0.020930232558139534593255604022;0.015891472868217054043027403054;0.040697674418604654067443959775;0.223643410852713164782556987120;0.022480620155038759377941204320;0.015891472868217054043027403054;0.003100775193798449569371200596;0.017054263565891472631541603278;0.035271317829457367321044358732;0.037209302325581394832454407151;0.006201550387596899138742401192;0.023643410852713177966455404544;0.005426356589147286746399601043;0.020542635658914728397084203948;0.008527131782945736315770801639;0.018604651162790697416227203576;0.027906976744186046124340805363;0.025193798449612402751141004842;0.009302325581395348708113601788;0.005426356589147286746399601043;0.011240310077519379688970602160;0.017441860465116278827713003352;0.001550387596899224784685600298;0.043023255813953491244472360222;0.020155038759689922200912803874;0.027906976744186046124340805363;0.018604651162790697416227203576;0.016279069767441860239198803129;0.000775193798449612392342800149;0.022868217054263565574112604395;0.015116279069767441650684602905;0.020542635658914728397084203948;0.000387596899224806196171400074;0.003488372093023255765542600670;0.007364341085271317727256601415;0.030620155038759689497540605885;0.003100775193798449569371200596;0.013565891472868216865999002607;0.003100775193798449569371200596;0.005038759689922480550228200968;0.005813953488372092942571001117;0.025968992248062015143483804991;0.000000000000000000000000000000;0.021705426356589146985598404171;0.006201550387596899138742401192;0.019379844961240309808570003725;0.025581395348837208947312404916;0.011240310077519379688970602160;0.006976744186046511531085201341;0.012015503875968992081313402309
-0.037916666666666667961926862063;0.005000000000000000104083408559;0.052499999999999998057109706906;0.000416666666666666693410320255;0.001250000000000000026020852140;0.020416666666666666296592325125;0.004166666666666666608842550801;0.016666666666666666435370203203;0.024583333333333332038073137937;0.054583333333333330927850113312;0.020416666666666666296592325125;0.021250000000000001526556658860;0.007499999999999999722444243844;0.041250000000000001942890293094;0.007499999999999999722444243844;0.034583333333333333980963431031;0.032500000000000001110223024625;0.036249999999999997501998194593;0.012083333333333333078907223523;0.005833333333333333599324266316;0.012500000000000000693889390391;0.014166666666666665949647629930;0.006250000000000000346944695195;0.063333333333333338699411285688;0.038333333333333330372738601000;0.042500000000000003053113317719;0.023750000000000000277555756156;0.000833333333333333386820640509;0.001666666666666666773641281019;0.013750000000000000069388939039;0.018333333333333333425851918719;0.032500000000000001110223024625;0.007083333333333332974823814965;0.008333333333333333217685101602;0.014999999999999999444888487687;0.050000000000000002775557561563;0.011249999999999999583666365766;0.012500000000000000693889390391;0.002083333333333333304421275400;0.006250000000000000346944695195;0.005000000000000000104083408559;0.011249999999999999583666365766;0.000000000000000000000000000000;0.035833333333333335091186455656;0.004166666666666666608842550801;0.017916666666666667545593227828;0.048333333333333332315628894094;0.025000000000000001387778780781;0.020000000000000000416333634234;0.015416666666666667059870654555
-0.024576271186440679095142058941;0.012146892655367232116692122190;0.044915254237288135263916899476;0.051129943502824862222588819805;0.012146892655367232116692122190;0.014124293785310734414273348136;0.003389830508474576172689429754;0.035310734463276836903045108329;0.016101694915254236711854574082;0.046892655367231639296221601398;0.013841807909604519552515533576;0.004237288135593220324282004441;0.006497175141242937483621044947;0.030225988700564972860851398195;0.028248587570621468828546696272;0.011299435028248587531418678509;0.020056497175141241307017025974;0.037005649717514126073591995691;0.026836158192090394519757623470;0.004519774011299435186039819001;0.021751412429378530477563913337;0.007627118644067796930652303189;0.008757062146892655510321823442;0.066101694915254236017965183692;0.020338983050847456168774840535;0.039548022598870059829412326735;0.035310734463276836903045108329;0.011581920903954802393176493069;0.002542372881355932021096855067;0.018079096045197740744159276005;0.003389830508474576172689429754;0.024576271186440679095142058941;0.015254237288135593861304606378;0.005084745762711864042193710134;0.010451977401129942946145234828;0.049435028248587573052041932442;0.016949152542372881297128017763;0.005932203389830508627467153815;0.001977401129943502731262094940;0.005367231638418078903951524694;0.011864406779661017254934307630;0.009604519774011300095595267123;0.000000000000000000000000000000;0.029096045197740113413820139954;0.013841807909604519552515533576;0.021186440677966100754048284216;0.043220338983050846093370012113;0.017514124293785311020643646884;0.024858757062146893956899873501;0.015254237288135593861304606378
-0.020666666666666666518636930050;0.015666666666666665547191783503;0.055000000000000000277555756156;0.003666666666666666598434209945;0.014999999999999999444888487687;0.029333333333333332787473679559;0.001666666666666666773641281019;0.033333333333333332870740406406;0.031333333333333331094383567006;0.018999999999999999528155214534;0.021333333333333332620940225866;0.016333333333333331649495079319;0.014333333333333333342585191872;0.030333333333333333675652099259;0.021333333333333332620940225866;0.013666666666666667240281896056;0.022999999999999999611421941381;0.052666666666666667184770744825;0.037333333333333336423454085207;0.007333333333333333196868419890;0.022999999999999999611421941381;0.025666666666666667490082076597;0.013666666666666667240281896056;0.026333333333333333592385372413;0.028000000000000000582867087928;0.021999999999999998723243521681;0.042666666666666665241880451731;0.012000000000000000249800180541;0.001666666666666666773641281019;0.030333333333333333675652099259;0.009666666666666667157015169209;0.017999999999999998639976794834;0.022333333333333333509118645566;0.010999999999999999361621760841;0.016333333333333331649495079319;0.039666666666666669516239096538;0.020000000000000000416333634234;0.006666666666666667094565124074;0.005000000000000000104083408559;0.014999999999999999444888487687;0.010333333333333333259318465025;0.016666666666666666435370203203;0.000000000000000000000000000000;0.012666666666666666352103476356;0.017666666666666667323548622903;0.011333333333333334147496884725;0.022333333333333333509118645566;0.017999999999999998639976794834;0.025999999999999998806510248528;0.013666666666666667240281896056
-0.030487804878048779810839619131;0.013008130081300812996847326986;0.052439024390243900441976876436;0.000000000000000000000000000000;0.004878048780487804873817747620;0.030894308943089431734874139579;0.000813008130081300812302957937;0.016260162601626017980782634709;0.048780487804878050472900952172;0.015853658536585366056748114261;0.015853658536585366056748114261;0.023170731707317072933793866696;0.026016260162601625993694653971;0.031300813008130083658908660027;0.009349593495934959558324450768;0.027642276422764226750938831856;0.022764227642276424479206298201;0.049186991869918698927488520667;0.009349593495934959558324450768;0.008130081300813008990391317354;0.010975609756097560315568628653;0.033739837398373981325327974901;0.013821138211382113375469415928;0.020731707317073171797927599869;0.037398373983739838233297803072;0.030081300813008131356252050637;0.027642276422764226750938831856;0.011788617886178862428914193572;0.002032520325203252247597829339;0.026422764227642277917729174419;0.017886178861788618738026812593;0.010975609756097560315568628653;0.015040650406504065678126025318;0.010162601626016259936946539710;0.032926829268292684416152837912;0.030487804878048779810839619131;0.013414634146341463186158371457;0.013414634146341463186158371457;0.009349593495934959558324450768;0.029268292682926830977629961694;0.003658536585365853872203745212;0.035365853658536582082572152785;0.000000000000000000000000000000;0.009349593495934959558324450768;0.004471544715447154684506703148;0.010569105691056910126257584182;0.027642276422764226750938831856;0.023983739837398373312415955638;0.027235772357723578296351263361;0.023983739837398373312415955638
-0.026666666666666668378260496297;0.020740740740740740144509857146;0.043703703703703702942995334979;0.000000000000000000000000000000;0.003703703703703703845051542487;0.036666666666666666851703837438;0.003333333333333333547282562037;0.011111111111111111535154627461;0.081481481481481488060580886668;0.017407407407407406163546426114;0.010000000000000000208166817117;0.024074074074074074125473288177;0.025925925925925925180637321432;0.024814814814814813853649511088;0.002222222222222222220294751693;0.017037037037037038034181790636;0.037037037037037034981068472916;0.040370370370370368962031903948;0.009259259259259258745267118229;0.012592592592592592726230549260;0.008888888888888888881179006773;0.050000000000000002775557561563;0.018148148148148149361169600979;0.020370370370370372015145221667;0.022962962962962962798485477833;0.013703703703703704053218359604;0.016296296296296294836558615771;0.014444444444444443781394582516;0.000740740740740740703958178148;0.024444444444444445724284875610;0.027407407407407408106436719208;0.010740740740740739936343040029;0.009629629629629630344078705662;0.011111111111111111535154627461;0.031481481481481478346129421197;0.034444444444444444197728216750;0.008888888888888888881179006773;0.017407407407407406163546426114;0.013703703703703704053218359604;0.037037037037037034981068472916;0.002962962962962962815832712593;0.079629629629629633535969901459;0.000000000000000000000000000000;0.007407407407407407690103084974;0.003333333333333333547282562037;0.010370370370370370072254928573;0.012962962962962962590318660716;0.013333333333333334189130248149;0.020740740740740740144509857146;0.009259259259259258745267118229
-0.028030303030303030387138107926;0.020833333333333332176851016015;0.043939393939393937837945003366;0.000000000000000000000000000000;0.004924242424242423858682382587;0.033712121212121214097745536264;0.001893939393939393991961317454;0.013636363636363635701287400082;0.080681818181818187873943770683;0.014772727272727272443408885749;0.018939393939393939919613174538;0.018181818181818180935049866775;0.027272727272727271402574800163;0.025000000000000001387778780781;0.006818181818181817850643700041;0.016666666666666666435370203203;0.032575757575757577355624050597;0.038257575757575754127337575028;0.017424242424242425419933510966;0.009469696969696969959806587269;0.010606060606060606701928072937;0.042424242424242426807712291748;0.015909090909090907450806895440;0.020075757575757576661734660206;0.027272727272727271402574800163;0.019318181818181817677171352443;0.022727272727272727903535809446;0.014393939393939394685850707845;0.001893939393939393991961317454;0.029166666666666667129259593594;0.008712121212121212709966755483;0.015909090909090907450806895440;0.016666666666666666435370203203;0.010606060606060606701928072937;0.030303030303030303871381079261;0.022727272727272727903535809446;0.008712121212121212709966755483;0.006060606060606060600803868255;0.026893939393939393645016622258;0.031818181818181814901613790880;0.001515151515151515150200967064;0.074621212121212115997437308579;0.000000000000000000000000000000;0.010606060606060606701928072937;0.004166666666666666608842550801;0.008333333333333333217685101602;0.018939393939393939919613174538;0.017803030303030303177491688871;0.020833333333333332176851016015;0.007954545454545453725403447720
-0.027777777777777776235801354687;0.011111111111111111535154627461;0.045370370370370373402924002448;0.187037037037037029429953349791;0.001543209876543209790877853038;0.024691358024691356654045648611;0.003395061728395061713403624282;0.017592592592592593697675695807;0.034876543209876542661618259444;0.016666666666666666435370203203;0.011728395061728395798450463872;0.015432098765432097908778530382;0.020370370370370372015145221667;0.022530864197530864334595435139;0.009259259259259258745267118229;0.015432098765432097908778530382;0.027469135802469134971515174470;0.045679012345679011197763230712;0.014814814814814815380206169948;0.006172839506172839163511412153;0.012654320987654321326032480499;0.027469135802469134971515174470;0.020679012345679013279431401884;0.026234567901234566444923501649;0.023148148148148146863167795573;0.017283950617283948963942563637;0.020679012345679013279431401884;0.003703703703703703845051542487;0.001234567901234567876070369330;0.020370370370370372015145221667;0.012037037037037037062736644089;0.014814814814814815380206169948;0.010802469135802468536144971267;0.006481481481481481295159330358;0.024074074074074074125473288177;0.025925925925925925180637321432;0.010493827160493827271858791050;0.008641975308641974481971281818;0.004938271604938271504281477320;0.019444444444444444752839729063;0.003703703703703703845051542487;0.023765432098765432861187107960;0.000000000000000000000000000000;0.013580246913580246853614497127;0.006481481481481481295159330358;0.011419753086419752799440807678;0.019753086419753086017125909279;0.017283950617283948963942563637;0.021296296296296295808003762318;0.012654320987654321326032480499
-0.017543859649122806043664013487;0.008333333333333333217685101602;0.027631578947368420212660211632;0.353947368421052621645372937564;0.007894736842105263413538196460;0.031578947368421053654152785839;0.001315789473684210496642887911;0.010087719298245614168996198146;0.027192982456140352143236782467;0.009210526315789472825978911885;0.008333333333333333217685101602;0.028508771929824559820954021916;0.014035087719298245875765296375;0.012280701754385964924454199831;0.003947368421052631706769098230;0.020175438596491228337992396291;0.015789473684210526827076392919;0.021491228070175439485156587693;0.010087719298245614168996198146;0.006578947368421052266374005058;0.006140350877192982462227099916;0.021052631578947367946286206575;0.011842105263157895120307294690;0.014912280701754385484059106659;0.023684210526315790240614589379;0.012719298245614034728601104973;0.010964912280701753777290008429;0.007456140350877192742029553330;0.000438596491228070183617665512;0.026315789473684209065496020230;0.046052631578947365864618035403;0.010087719298245614168996198146;0.003947368421052631706769098230;0.001315789473684210496642887911;0.017543859649122806043664013487;0.019736842105263156799122015173;0.006578947368421052266374005058;0.014912280701754385484059106659;0.005701754385964912658080194774;0.015789473684210526827076392919;0.004385964912280701510916003372;0.011842105263157895120307294690;0.000000000000000000000000000000;0.010526315789473683973143103287;0.004824561403508772182424646502;0.007894736842105263413538196460;0.015350877192982455288206011801;0.009649122807017544364849293004;0.014035087719298245875765296375;0.008333333333333333217685101602
-0.030081300813008131356252050637;0.003658536585365853872203745212;0.081707317073170734889053790084;0.000000000000000000000000000000;0.002032520325203252247597829339;0.020325203252032519873893079421;0.000813008130081300812302957937;0.014634146341463415488814980847;0.039024390243902438990541980957;0.045121951219512193564931124001;0.011382113821138212239603149101;0.014634146341463415488814980847;0.006504065040650406498423663493;0.056910569105691054259121841596;0.001626016260162601624605915873;0.023983739837398373312415955638;0.032926829268292684416152837912;0.042276422764227640505030336726;0.004471544715447154684506703148;0.018292682926829267192614381088;0.007723577235772357933718534895;0.024796747967479673691038044581;0.008536585365853659179702361826;0.047154471544715449715656774288;0.031300813008130083658908660027;0.039024390243902438990541980957;0.025203252032520325615072565029;0.000813008130081300812302957937;0.001626016260162601624605915873;0.010569105691056910126257584182;0.008536585365853659179702361826;0.026016260162601625993694653971;0.002845528455284553059900787275;0.012195121951219512618225238043;0.015040650406504065678126025318;0.063821138211382119620473929444;0.012195121951219512618225238043;0.004065040650406504495195658677;0.002032520325203252247597829339;0.015040650406504065678126025318;0.005284552845528455063128792091;0.014227642276422763564780460399;0.000000000000000000000000000000;0.024390243902439025236450476086;0.001219512195121951218454436905;0.011382113821138212239603149101;0.060975609756097559621679238262;0.027642276422764226750938831856;0.027642276422764226750938831856;0.018292682926829267192614381088
-0.035526315789473683626198408092;0.012719298245614034728601104973;0.074122807017543854146701676200;0.002631578947368420993285775822;0.004385964912280701510916003372;0.025877192982456140996072591065;0.001754385964912280734470662047;0.020175438596491228337992396291;0.043421052631578950509183556505;0.024561403508771929848908399663;0.014473684210526315679912201517;0.019298245614035088729698586008;0.007456140350877192742029553330;0.030263157894736842506988594437;0.014473684210526315679912201517;0.023245614035087718701744208261;0.034649122807017540548457645855;0.050438596491228067375534038774;0.008333333333333333217685101602;0.010964912280701753777290008429;0.007894736842105263413538196460;0.032894736842105261331870025288;0.006578947368421052266374005058;0.036403508771929826703939170329;0.039473684210526313598244030345;0.032456140350877189792999644169;0.018859649122807017190828204889;0.011403508771929825316160389548;0.001315789473684210496642887911;0.012280701754385964924454199831;0.020614035087719299876862777410;0.023245614035087718701744208261;0.008333333333333333217685101602;0.012719298245614034728601104973;0.015350877192982455288206011801;0.045614035087719301264641558191;0.007894736842105263413538196460;0.014912280701754385484059106659;0.010087719298245614168996198146;0.018421052631578945651957823770;0.005701754385964912658080194774;0.028947368421052631359824403035;0.000000000000000000000000000000;0.018421052631578945651957823770;0.002631578947368420993285775822;0.012719298245614034728601104973;0.033771929824561404409610787525;0.021929824561403507554580016858;0.025000000000000001387778780781;0.015350877192982455288206011801
-0.022023809523809525362514349922;0.035119047619047619179788455313;0.041369047619047617792009674531;0.050595238095238095898942276563;0.039880952380952378044653983125;0.014583333333333333564629796797;0.007738095238095238359576910625;0.043154761904761904101057723437;0.019345238095238095898942276563;0.013095238095238095551997581367;0.016369047619047619873677845703;0.008333333333333333217685101602;0.009523809523809524668624959531;0.021428571428571428769682682969;0.054166666666666668517038374375;0.013690476190476190410105772344;0.019642857142857142460634634062;0.048214285714285716466509512657;0.033035714285714286309048048906;0.008928571428571428075793292578;0.019047619047619049337249919063;0.013690476190476190410105772344;0.009821428571428571230317317031;0.022619047619047618485899064922;0.021428571428571428769682682969;0.022619047619047618485899064922;0.037499999999999998612221219219;0.031845238095238093123384715000;0.001785714285714285658526745415;0.014285714285714285268213963320;0.013392857142857142113689938867;0.012797619047619047255581747891;0.017857142857142856151586585156;0.008630952380952381514100935078;0.011904761904761904101057723437;0.036011904761904758864865527812;0.019642857142857142460634634062;0.010416666666666666088425508008;0.002678571428571428596210335371;0.011607142857142857539365365938;0.016964285714285712997062560703;0.012202380952380952397473556914;0.000000000000000000000000000000;0.013392857142857142113689938867;0.023809523809523808202115446875;0.011309523809523809242949532461;0.018452380952380952744418252109;0.010714285714285714384841341484;0.025892857142857144542302805235;0.007440476190476190063161077148
-0.023232323232323232736762363970;0.019191919191919190601502975824;0.063636363636363629803227581760;0.051515151515151513805790273182;0.015151515151515151935690539631;0.006565656565656565434030422779;0.003535353535353535567309357646;0.037878787878787879839226349077;0.022222222222222223070309254922;0.020202020202020203737403036826;0.015656565656565656768917094155;0.003535353535353535567309357646;0.010606060606060606701928072937;0.034343434343434342537193515454;0.036868686868686870172773240029;0.010606060606060606701928072937;0.019696969696969695434729530348;0.054040404040404041441369997756;0.034343434343434342537193515454;0.011616161616161616368381181985;0.014141414141414142269237430583;0.015656565656565656768917094155;0.019191919191919190601502975824;0.029292929292929294204927970213;0.018686868686868685768276421300;0.025252525252525252069668582067;0.037878787878787879839226349077;0.017676767676767676101823312251;0.000505050505050505050066989021;0.022222222222222223070309254922;0.000505050505050505050066989021;0.014646464646464647102463985107;0.018181818181818180935049866775;0.007070707070707071134618715291;0.016161616161616161602143648679;0.039393939393939390869459060696;0.020707070707070708570629591350;0.006565656565656565434030422779;0.001010101010101010100133978042;0.016666666666666666435370203203;0.011616161616161616368381181985;0.008080808080808080801071824339;0.000000000000000000000000000000;0.013131313131313130868060845557;0.020202020202020203737403036826;0.015656565656565656768917094155;0.035353535353535352203646624503;0.020202020202020203737403036826;0.029292929292929294204927970213;0.010606060606060606701928072937
-0.025816993464052286066934271958;0.015032679738562091872888792921;0.055882352941176473282158809752;0.188888888888888883954564334999;0.024836601307189540982500730593;0.017647058823529411519803744568;0.002614379084967320080595820642;0.011111111111111111535154627461;0.028104575163398693576910503111;0.025163398692810458323609879017;0.013725490196078431182069579108;0.016993464052287580307032399674;0.009477124183006535237949741202;0.025490196078431372195272075487;0.015032679738562091872888792921;0.013071895424836601704021710191;0.033333333333333332870740406406;0.034640522875816995296283096195;0.008169934640522876281854003366;0.008169934640522876281854003366;0.008169934640522876281854003366;0.021568627450980391857537910028;0.008169934640522876281854003366;0.030392156862745097617439782312;0.024836601307189540982500730593;0.021568627450980391857537910028;0.016013071895424835222598858309;0.013398692810457515575683906661;0.000980392156862745084433541365;0.012091503267973856619588168826;0.018300653594771242732575089462;0.024836601307189540982500730593;0.005555555555555555767577313730;0.010457516339869280322383282567;0.011437908496732025406816823931;0.043137254901960783715075820055;0.009803921568627450844335413649;0.005555555555555555767577313730;0.001960784313725490168867082730;0.018627450980392156604237285933;0.005228758169934640161191641283;0.010784313725490195928768955014;0.000000000000000000000000000000;0.016013071895424835222598858309;0.007843137254901960675468330919;0.010784313725490195928768955014;0.023856209150326795898067189228;0.018300653594771242732575089462;0.016339869281045752563708006733;0.010784313725490195928768955014
-0.023563218390804597374144080391;0.025000000000000001387778780781;0.031609195402298853605493889063;0.125000000000000000000000000000;0.051436781609195403319745310000;0.027586206896551723755095508750;0.002298850574712643646257959062;0.021839080459770114639450611094;0.030459770114942528312917957578;0.007183908045977011394556122070;0.011494252873563218231289795312;0.029310344827586206489788978047;0.010057471264367815952378570898;0.016666666666666666435370203203;0.022413793103448275551015100859;0.020402298850574714095262862656;0.013793103448275861877547754375;0.029310344827586206489788978047;0.022126436781609196829956331953;0.004597701149425287292515918125;0.012931034482758620510201019727;0.026724137931034484122472250078;0.010919540229885057319725305547;0.012931034482758620510201019727;0.024425287356321840476214291016;0.012356321839080459598636529961;0.016091954022988505523805713437;0.064942528735632179537340391562;0.000287356321839080455782244883;0.031609195402298853605493889063;0.029022988505747127768730209141;0.009195402298850574585031836250;0.010632183908045976863943060664;0.006609195402298850482991632305;0.018965517241379310081628162266;0.019252873563218392272133883125;0.006034482758620689571427142539;0.006034482758620689571427142539;0.007471264367816091850338366953;0.019252873563218392272133883125;0.009195402298850574585031836250;0.023850574712643679564649801250;0.000000000000000000000000000000;0.008333333333333333217685101602;0.020114942528735631904757141797;0.005172413793103448204080407891;0.018103448275862070449004903594;0.015229885057471264156458978789;0.013793103448275861877547754375;0.014367816091954022789112244141
-0.028333333333333331899295259859;0.020416666666666666296592325125;0.046249999999999999444888487687;0.074583333333333334813630699500;0.031250000000000000000000000000;0.025833333333333333148296162562;0.001250000000000000026020852140;0.014166666666666665949647629930;0.030833333333333334119741309109;0.015416666666666667059870654555;0.017083333333333332315628894094;0.021250000000000001526556658860;0.014166666666666665949647629930;0.028750000000000001249000902703;0.019583333333333334536074943344;0.034583333333333333980963431031;0.024166666666666666157814447047;0.026666666666666668378260496297;0.014999999999999999444888487687;0.005000000000000000104083408559;0.012083333333333333078907223523;0.029166666666666667129259593594;0.005833333333333333599324266316;0.016250000000000000555111512313;0.046666666666666668794594130532;0.033333333333333332870740406406;0.019166666666666665186369300500;0.037499999999999998612221219219;0.001250000000000000026020852140;0.017500000000000001665334536938;0.019583333333333334536074943344;0.011249999999999999583666365766;0.012916666666666666574148081281;0.010416666666666666088425508008;0.018749999999999999306110609609;0.026666666666666668378260496297;0.002916666666666666799662133158;0.011666666666666667198648532633;0.003333333333333333547282562037;0.017083333333333332315628894094;0.003749999999999999861222121922;0.018749999999999999306110609609;0.000000000000000000000000000000;0.009166666666666666712925959359;0.020833333333333332176851016015;0.011249999999999999583666365766;0.027500000000000000138777878078;0.020416666666666666296592325125;0.016250000000000000555111512313;0.024166666666666666157814447047
-0.037878787878787879839226349077;0.019318181818181817677171352443;0.039015151515151516581347834745;0.034090909090909088385856762216;0.028787878787878789371701415689;0.026515151515151515887458444354;0.003409090909090908925321850020;0.014772727272727272443408885749;0.029166666666666667129259593594;0.023106060606060605661093987351;0.017045454545454544192928381108;0.025378787878787879145336958686;0.017045454545454544192928381108;0.039015151515151516581347834745;0.015151515151515151935690539631;0.025757575757575756902895136591;0.023484848484848483418652165255;0.031060606060606059386497435071;0.011742424242424241709326082628;0.011742424242424241709326082628;0.013636363636363635701287400082;0.022348484848484850145977631541;0.010227272727272727209646419055;0.030681818181818181628939257166;0.037499999999999998612221219219;0.036742424242424243097104863409;0.020454545454545454419292838111;0.027651515151515152629579930021;0.001515151515151515150200967064;0.026893939393939393645016622258;0.025378787878787879145336958686;0.013636363636363635701287400082;0.008712121212121212709966755483;0.007954545454545453725403447720;0.021969696969696968918972501683;0.034848484848484850839867021932;0.009469696969696969959806587269;0.012121212121212121201607736509;0.001515151515151515150200967064;0.010606060606060606701928072937;0.006439393939393939225723784148;0.016666666666666666435370203203;0.000000000000000000000000000000;0.013257575757575757943729222177;0.007575757575757575967845269815;0.010227272727272727209646419055;0.029924242424242422644375949403;0.026136363636363634660453314495;0.020833333333333332176851016015;0.021590909090909091161414323778
-0.077777777777777779011358916250;0.001282051282051282050170049054;0.051709401709401706104252127716;0.000000000000000000000000000000;0.025641025641025640136039243089;0.022222222222222223070309254922;0.000854700854700854700113366036;0.012393162393162392501122504029;0.011538461538461539102051744976;0.031623931623931622603151936346;0.012820512820512820068019621544;0.011538461538461539102051744976;0.015811965811965811301575968173;0.067094017094017091573654454351;0.000000000000000000000000000000;0.030769230769230770938804653269;0.018803418803418802535132314802;0.015811965811965811301575968173;0.009401709401709401267566157401;0.017094017094017095736990796695;0.018376068376068376702958673263;0.007692307692307692734701163317;0.005128205128205128200680196215;0.050854700854700854439904844639;0.062820512820512819374130231154;0.050854700854700854439904844639;0.020512820512820512802720784862;0.000000000000000000000000000000;0.000427350427350427350056683018;0.000427350427350427350056683018;0.008119658119658120301598280832;0.017521367521367521569164438233;0.001709401709401709400226732072;0.005982905982905983334474431246;0.034615384615384617306155234928;0.041880341880341877269788852800;0.023076923076923078204103489952;0.006837606837606837600906928287;0.000854700854700854700113366036;0.008974358974358973700669039886;0.002564102564102564100340098108;0.001709401709401709400226732072;0.000000000000000000000000000000;0.022222222222222223070309254922;0.000427350427350427350056683018;0.010683760683760683968257509946;0.053846153846153849142908143222;0.058547008547008547174606007957;0.029487179487179486503389824748;0.019658119658119657668926549832
-0.040277777777777780399137697032;0.019444444444444444752839729063;0.066319444444444444752839729063;0.020486111111111111188209932266;0.009722222222222222376419864531;0.017361111111111111882099322656;0.001736111111111111014737584668;0.019097222222222223764198645313;0.023263888888888889505679458125;0.047569444444444441977282167500;0.010069444444444445099784424258;0.010763888888888888811790067734;0.009027777777777776929690745078;0.034027777777777774848022573906;0.012847222222222221682530474141;0.023263888888888889505679458125;0.031597222222222220988641083750;0.037847222222222219600862302968;0.017013888888888887424011286953;0.011111111111111111535154627461;0.013541666666666667129259593594;0.018749999999999999306110609609;0.004861111111111111188209932266;0.050694444444444444752839729063;0.030208333333333333564629796797;0.042361111111111113269878103438;0.026388888888888888811790067734;0.014930555555555556287994356524;0.000000000000000000000000000000;0.017708333333333332870740406406;0.009374999999999999653055304805;0.026736111111111109800431151484;0.005208333333333333044212754004;0.001736111111111111014737584668;0.006944444444444444058950338672;0.060763888888888888117900677344;0.012847222222222221682530474141;0.009374999999999999653055304805;0.002430555555555555594104966133;0.005902777777777777623580135469;0.007291666666666666782314898398;0.013541666666666667129259593594;0.000000000000000000000000000000;0.028472222222222221682530474141;0.008680555555555555941049661328;0.015625000000000000000000000000;0.037847222222222219600862302968;0.023958333333333334952408577578;0.020833333333333332176851016015;0.020138888888888890199568848516
-0.025213675213675214303865601551;0.026495726495726495269833478119;0.026495726495726495269833478119;0.061538461538461541877609306539;0.032051282051282048435325577884;0.020085470085470086970547143324;0.002136752136752136967123849587;0.037179487179487179238090988065;0.015384615384615385469402326635;0.020512820512820512802720784862;0.014529914529914530335608091605;0.020940170940170938634894426400;0.011965811965811966668948862491;0.023931623931623933337897724982;0.035897435897435894802676159543;0.013675213675213675201813856575;0.023504273504273504036277131490;0.047008547008547008072554262981;0.032905982905982907038566764868;0.006837606837606837600906928287;0.014957264957264957902505209120;0.013247863247863247634916739059;0.013675213675213675201813856575;0.026923076923076924571454071611;0.025213675213675214303865601551;0.026923076923076924571454071611;0.031623931623931622603151936346;0.037179487179487179238090988065;0.001282051282051282050170049054;0.026923076923076924571454071611;0.012393162393162392501122504029;0.012393162393162392501122504029;0.014957264957264957902505209120;0.005128205128205128200680196215;0.013247863247863247634916739059;0.032905982905982907038566764868;0.017521367521367521569164438233;0.008547008547008547868495398347;0.003846153846153846367350581659;0.011111111111111111535154627461;0.009401709401709401267566157401;0.014529914529914530335608091605;0.000000000000000000000000000000;0.013675213675213675201813856575;0.029487179487179486503389824748;0.012820512820512820068019621544;0.022222222222222223070309254922;0.011538461538461539102051744976;0.023504273504273504036277131490;0.014529914529914530335608091605
-0.033928571428571425994125121406;0.013988095238095238706521605820;0.076190476190476197348999676251;0.011904761904761904101057723437;0.019940476190476189022326991562;0.013392857142857142113689938867;0.002380952380952381167156239883;0.020535714285714285615158658516;0.036011904761904758864865527812;0.032142857142857139685077072500;0.014583333333333333564629796797;0.008333333333333333217685101602;0.008333333333333333217685101602;0.041369047619047617792009674531;0.027380952380952380820211544687;0.018154761904761906182725894610;0.034226190476190479494711382813;0.035119047619047619179788455313;0.016071428571428569842538536250;0.010714285714285714384841341484;0.013988095238095238706521605820;0.032440476190476193185663333907;0.004464285714285714037896646289;0.040476190476190478106932602032;0.033928571428571425994125121406;0.035119047619047619179788455313;0.022916666666666665047591422422;0.013095238095238095551997581367;0.000297619047619047645894529985;0.014880952380952380126322154297;0.007142857142857142634106981660;0.026190476190476191103995162734;0.005654761904761904621474766230;0.006845238095238095205052886172;0.012500000000000000693889390391;0.054464285714285715078730731875;0.012202380952380952397473556914;0.008630952380952381514100935078;0.005059523809523809763366575254;0.013690476190476190410105772344;0.007440476190476190063161077148;0.012500000000000000693889390391;0.000000000000000000000000000000;0.019940476190476189022326991562;0.018749999999999999306110609609;0.010714285714285714384841341484;0.036607142857142858927144146719;0.025297619047619047949471138281;0.016666666666666666435370203203;0.013392857142857142113689938867
-0.051449275362318837301334184531;0.009782608695652174682355628477;0.050000000000000002775557561563;0.008333333333333333217685101602;0.025724637681159418650667092265;0.026811594202898549749169987422;0.005434782608695652023067523828;0.016666666666666666435370203203;0.038768115942028988363254882188;0.022101449275362318458437727031;0.019927536231884056261431936719;0.016666666666666666435370203203;0.016304347826086956069202571484;0.037318840579710146898584355313;0.015217391304347826705423152305;0.028985507246376811946175777734;0.028985507246376811946175777734;0.026811594202898549749169987422;0.025000000000000001387778780781;0.009420289855072464316187996758;0.018115942028985507900040730078;0.020289855072463766627599568437;0.006884057971014492620376312715;0.026449275362318839383002355703;0.040579710144927533255199136875;0.029710144927536232678511041172;0.021376811594202897726102463594;0.008333333333333333217685101602;0.001086956521739130447981591665;0.018840579710144928632375993516;0.019927536231884056261431936719;0.014492753623188405973087888867;0.010507246376811593679967415937;0.006521739130434782254208680996;0.017028985507246376801537834922;0.032608695652173912138405142969;0.009420289855072464316187996758;0.018840579710144928632375993516;0.002173913043478260895963183330;0.017753623188405797533873098359;0.004710144927536232158093998379;0.019927536231884056261431936719;0.000000000000000000000000000000;0.014130434782608695606920257148;0.017028985507246376801537834922;0.014855072463768116339255520586;0.031159420289855074143181568047;0.032246376811594201772237511250;0.024275362318840580655443517344;0.021014492753623187359934831875
-0.053658536585365852744633485827;0.009756097560975609747635495239;0.053658536585365852744633485827;0.000000000000000000000000000000;0.000406504065040650406151478968;0.021138211382113820252515168363;0.001219512195121951218454436905;0.010569105691056910126257584182;0.019918699186991871419305510926;0.049593495934959347382076089161;0.017886178861788618738026812593;0.027642276422764226750938831856;0.014227642276422763564780460399;0.044715447154471545110343555507;0.004471544715447154684506703148;0.035365853658536582082572152785;0.020731707317073171797927599869;0.023577235772357724857828387144;0.009756097560975609747635495239;0.011788617886178862428914193572;0.010162601626016259936946539710;0.016260162601626017980782634709;0.006097560975609756309112619022;0.052032520325203251987389307942;0.047154471544715449715656774288;0.045121951219512193564931124001;0.023577235772357724857828387144;0.002439024390243902436908873810;0.001219512195121951218454436905;0.013414634146341463186158371457;0.019918699186991871419305510926;0.018699186991869919116648901536;0.002845528455284553059900787275;0.005284552845528455063128792091;0.023170731707317072933793866696;0.037804878048780486687885371566;0.008130081300813008990391317354;0.021951219512195120631137257305;0.001219512195121951218454436905;0.021138211382113820252515168363;0.002439024390243902436908873810;0.015040650406504065678126025318;0.000000000000000000000000000000;0.027235772357723578296351263361;0.000813008130081300812302957937;0.011788617886178862428914193572;0.051626016260162603532801739448;0.042276422764227640505030336726;0.019105691056910567571236470030;0.021951219512195120631137257305
-0.034108527131782945263083206555;0.012403100775193798277484802384;0.025968992248062015143483804991;0.036821705426356592105729959030;0.010077519379844961100456401937;0.005426356589147286746399601043;0.003100775193798449569371200596;0.031782945736434108086054806108;0.001937984496124030980857000372;0.083720930232558138373022416090;0.010852713178294573492799202086;0.002325581395348837177028400447;0.003488372093023255765542600670;0.044573643410852716029157960520;0.020155038759689922200912803874;0.015116279069767441650684602905;0.011627906976744185885142002235;0.018604651162790697416227203576;0.012015503875968992081313402309;0.000775193798449612392342800149;0.022480620155038759377941204320;0.004651162790697674354056800894;0.005813953488372092942571001117;0.116279069767441858851420022347;0.023643410852713177966455404544;0.062790697674418610718660715975;0.018992248062015503612398603650;0.018992248062015503612398603650;0.000000000000000000000000000000;0.005813953488372092942571001117;0.001550387596899224784685600298;0.029844961240310077105197805736;0.008139534883720930119599401564;0.003488372093023255765542600670;0.007364341085271317727256601415;0.055813953488372092248681610727;0.014341085271317829258341802756;0.005813953488372092942571001117;0.000387596899224806196171400074;0.001162790697674418588514200223;0.011627906976744185885142002235;0.001937984496124030980857000372;0.000000000000000000000000000000;0.048837209302325580717596409386;0.012790697674418604473656202458;0.024806201550387596554969604767;0.063953488372093025837727964245;0.024031007751937984162626804618;0.010852713178294573492799202086;0.008914728682170542511942201713
-0.022115384615384616612265844537;0.041987179487179483727832263185;0.033974358974358971619000868714;0.058974358974358973006779649495;0.015384615384615385469402326635;0.020833333333333332176851016015;0.004807692307692307959188227073;0.033333333333333332870740406406;0.017307692307692308653077617464;0.013461538461538462285727035805;0.013141025641025641176873328675;0.012820512820512820068019621544;0.013461538461538462285727035805;0.021153846153846155020428199123;0.038141025641025644299375585433;0.016025641025641024217662788942;0.026282051282051282353746657350;0.042307692307692310040856398246;0.017948717948717947401338079771;0.007371794871794871625847456187;0.013782051282051281659857266959;0.016666666666666666435370203203;0.015384615384615385469402326635;0.022756410256410255360526306845;0.029807692307692309346967007855;0.023717948717948716952363952259;0.029166666666666667129259593594;0.049679487179487176462533426502;0.002564102564102564100340098108;0.010897435897435896884344330715;0.013782051282051281659857266959;0.020512820512820512802720784862;0.014102564102564102768710974090;0.008333333333333333217685101602;0.026602564102564101727876888503;0.033012820512820513496610175252;0.010897435897435896884344330715;0.012500000000000000693889390391;0.003525641025641025692177743522;0.024358974358974359170071366520;0.011858974358974358476181976130;0.021474358974358974394558430276;0.000000000000000000000000000000;0.013461538461538462285727035805;0.015064102564102564360548619504;0.011217948717948717993198037846;0.019871794871794870585013370601;0.016666666666666666435370203203;0.027564102564102563319714533918;0.009935897435897435292506685300
-0.028861788617886179053595441246;0.026829268292682926372316742913;0.030487804878048779810839619131;0.107723577235772360882748444055;0.013821138211382113375469415928;0.023983739837398373312415955638;0.006097560975609756309112619022;0.021951219512195120631137257305;0.033739837398373981325327974901;0.019105691056910567571236470030;0.015447154471544715867437069790;0.032926829268292684416152837912;0.013821138211382113375469415928;0.018699186991869919116648901536;0.026829268292682926372316742913;0.029268292682926830977629961694;0.015447154471544715867437069790;0.021544715447154472176549688811;0.015447154471544715867437069790;0.004065040650406504495195658677;0.017886178861788618738026812593;0.018292682926829267192614381088;0.007723577235772357933718534895;0.023577235772357724857828387144;0.038211382113821135142472940061;0.028048780487804878674973352304;0.015040650406504065678126025318;0.037398373983739838233297803072;0.001219512195121951218454436905;0.025609756097560974069660133523;0.028048780487804878674973352304;0.015853658536585366056748114261;0.008130081300813008990391317354;0.004065040650406504495195658677;0.012195121951219512618225238043;0.022764227642276424479206298201;0.005691056910569106119801574550;0.018699186991869919116648901536;0.012601626016260162807536282514;0.009756097560975609747635495239;0.010569105691056910126257584182;0.019105691056910567571236470030;0.000000000000000000000000000000;0.013414634146341463186158371457;0.020731707317073171797927599869;0.015447154471544715867437069790;0.020731707317073171797927599869;0.015447154471544715867437069790;0.013008130081300812996847326986;0.014634146341463415488814980847
-0.037698412698412696320016124218;0.009126984126984127518311673555;0.064682539682539688663531762813;0.000793650793650793650105268462;0.002380952380952381167156239883;0.035317460317460316887583360312;0.001190476190476190583578119941;0.021031746031746033354092872969;0.040079365079365082691342792032;0.027380952380952380820211544687;0.017857142857142856151586585156;0.025000000000000001387778780781;0.015476190476190476719153821250;0.048809523809523809589894227656;0.011111111111111111535154627461;0.035714285714285712303173170312;0.021428571428571428769682682969;0.034920634920634921471993550313;0.019444444444444444752839729063;0.009920634920634920084214769531;0.011507936507936508685467913438;0.028968253968253969421464688594;0.014285714285714285268213963320;0.034920634920634921471993550313;0.042460317460317462123775555938;0.026587301587301586519584972734;0.030158730158730159137681070547;0.001587301587301587300210536924;0.000793650793650793650105268462;0.014682539682539682418527249297;0.021031746031746033354092872969;0.024206349206349207087152208828;0.008730158730158730367998387578;0.005555555555555555767577313730;0.019841269841269840168429539062;0.038888888888888889505679458125;0.007936507936507936067371815625;0.012301587301587301251371009414;0.002777777777777777883788656865;0.020634920634920634469056111016;0.004761904761904762334312479766;0.013095238095238095551997581367;0.000000000000000000000000000000;0.014682539682539682418527249297;0.004365079365079365183999193789;0.010714285714285714384841341484;0.034126984126984123701920026406;0.028968253968253969421464688594;0.027380952380952380820211544687;0.014682539682539682418527249297
-0.044827586206896551102030201719;0.006034482758620689571427142539;0.069827586206896552489808982500;0.000287356321839080455782244883;0.004310344827586206836733673242;0.022988505747126436462579590625;0.000574712643678160911564489766;0.013793103448275861877547754375;0.030747126436781610503423678438;0.028735632183908045578224488281;0.015804597701149426802746944531;0.021264367816091953727886121328;0.018103448275862070449004903594;0.051436781609195403319745310000;0.003735632183908045925169183477;0.029310344827586206489788978047;0.024425287356321840476214291016;0.023563218390804597374144080391;0.008620689655172413673467346484;0.010344827586206896408160815781;0.011206896551724137775507550430;0.030459770114942528312917957578;0.012643678160919540054418774844;0.046264367816091951646217950156;0.039080459770114941986385304062;0.036494252873563219619068576094;0.024712643678160919197273059922;0.001724137931034482734693469297;0.000862068965517241367346734648;0.010344827586206896408160815781;0.020402298850574714095262862656;0.020402298850574714095262862656;0.006034482758620689571427142539;0.013793103448275861877547754375;0.022988505747126436462579590625;0.035057471264367819074880827657;0.010057471264367815952378570898;0.010632183908045976863943060664;0.004022988505747126380951428359;0.020977011494252875006827352422;0.006034482758620689571427142539;0.015517241379310344612241223672;0.000000000000000000000000000000;0.022988505747126436462579590625;0.003448275862068965469386938594;0.013505747126436781421765509492;0.052011494252873560761862847812;0.035919540229885055238057134375;0.023850574712643679564649801250;0.019827586206896553183698372891
-0.032407407407407405608434913802;0.008333333333333333217685101602;0.064814814814814811216869827604;0.003703703703703703845051542487;0.000925925925925925961262885622;0.018518518518518517490534236458;0.000925925925925925961262885622;0.011574074074074073431583897786;0.024537037037037037756626034479;0.027777777777777776235801354687;0.014814814814814815380206169948;0.011574074074074073431583897786;0.011111111111111111535154627461;0.050925925925925923098969150260;0.009259259259259258745267118229;0.026851851851851852442942814037;0.022685185185185186701462001224;0.023611111111111110494320541875;0.005092592592592593003786305417;0.012500000000000000693889390391;0.008333333333333333217685101602;0.024537037037037037756626034479;0.006018518518518518531368322044;0.043518518518518518878313017240;0.043055555555555555247160270937;0.053240740740740741254732881771;0.022222222222222223070309254922;0.040740740740740744030290443334;0.000462962962962962980631442811;0.010185185185185186007572610833;0.015740740740740739173064710599;0.018055555555555553859381490156;0.001851851851851851922525771243;0.014351851851851851749053423646;0.016666666666666666435370203203;0.037037037037037034981068472916;0.007407407407407407690103084974;0.014351851851851851749053423646;0.001851851851851851922525771243;0.017129629629629630066522949505;0.004629629629629629372633559115;0.035185185185185187395351391615;0.000000000000000000000000000000;0.020370370370370372015145221667;0.003240740740740740647579665179;0.015740740740740739173064710599;0.057407407407407406996213694583;0.039814814814814816767984950729;0.021296296296296295808003762318;0.023611111111111110494320541875
-0.012121212121212121201607736509;0.035984848484848487581988507600;0.018181818181818180935049866775;0.043939393939393937837945003366;0.054545454545454542805149600326;0.011742424242424241709326082628;0.003787878787878787983922634908;0.020075757575757576661734660206;0.062878787878787881227005129858;0.013257575757575757943729222177;0.008333333333333333217685101602;0.018181818181818180935049866775;0.007196969696969697342925353922;0.011363636363636363951767904723;0.030681818181818181628939257166;0.012121212121212121201607736509;0.019318181818181817677171352443;0.039772727272727272096464190554;0.015530303030303029693248717535;0.002651515151515151675482018234;0.008333333333333333217685101602;0.020833333333333332176851016015;0.008712121212121212709966755483;0.012121212121212121201607736509;0.016287878787878788677812025298;0.012500000000000000693889390391;0.019318181818181817677171352443;0.095833333333333339809634310313;0.003409090909090908925321850020;0.032196969696969696128618920739;0.008712121212121212709966755483;0.018939393939393939919613174538;0.008333333333333333217685101602;0.005303030303030303350964036468;0.010606060606060606701928072937;0.023106060606060605661093987351;0.007954545454545453725403447720;0.004166666666666666608842550801;0.006818181818181817850643700041;0.011742424242424241709326082628;0.005303030303030303350964036468;0.143181818181818187873943770683;0.000000000000000000000000000000;0.010606060606060606701928072937;0.022727272727272727903535809446;0.009090909090909090467524933388;0.011742424242424241709326082628;0.006818181818181817850643700041;0.009848484848484847717364765174;0.003787878787878787983922634908
-0.018181818181818180935049866775;0.016363636363636364923213051270;0.048484848484848484806430946037;0.097272727272727274594465995960;0.070303030303030297765154443823;0.014242424242424242195048655901;0.004545454545454545233762466694;0.020000000000000000416333634234;0.028484848484848484390097311802;0.020909090909090908422252041987;0.008787878787878787220644305478;0.013939393939393938948168027991;0.008181818181818182461606525635;0.030303030303030303871381079261;0.024848484848484848896976728838;0.012424242424242424448488364419;0.029393939393939392396015719555;0.040303030303030305814271372356;0.012121212121212121201607736509;0.006969696969696969474084013996;0.012121212121212121201607736509;0.026060606060606061884499240477;0.009696969696969696961286189207;0.031818181818181814901613790880;0.022121212121212121409774553626;0.030303030303030303871381079261;0.023030303030303029415692961379;0.011212121212121211460965852780;0.003939393939393939607362948863;0.020303030303030301928490786167;0.005757575757575757353923240345;0.024545454545454543915372624951;0.008787878787878787220644305478;0.006969696969696969474084013996;0.008181818181818182461606525635;0.032424242424242424864821998653;0.007878787878787879214725897725;0.009696969696969696961286189207;0.003636363636363636360482320953;0.015757575757575758429451795450;0.006363636363636363847684496164;0.023030303030303029415692961379;0.000000000000000000000000000000;0.020909090909090908422252041987;0.013030303030303030942249620239;0.012727272727272727695368992329;0.034848484848484850839867021932;0.019393939393939393922572378415;0.012424242424242424448488364419;0.016969696969696971416974307090
-0.023809523809523808202115446875;0.005442176870748298943281096030;0.076530612244897960882994425447;0.023469387755102041198673745726;0.001020408163265306214495531378;0.016666666666666666435370203203;0.002721088435374149471640548015;0.012925170068027210315553254816;0.047959183673469386877119546853;0.043877551020408162019137421339;0.018027210884353741388030911708;0.011224489795918366624727369185;0.007823129251700680977799073901;0.061904761904761906876615285000;0.008503401360544218454129428153;0.017006802721088436908258856306;0.031292517006802723911196295603;0.034013605442176873816517712612;0.007142857142857142634106981660;0.011904761904761904101057723437;0.011904761904761904101057723437;0.025170068027210883154776155379;0.007823129251700680977799073901;0.047959183673469386877119546853;0.031972789115646257918079697902;0.043197278911564628012254019040;0.024829931972789116151334454230;0.002380952380952381167156239883;0.001020408163265306214495531378;0.006122448979591836419611450282;0.004761904761904762334312479766;0.022789115646258503722343391473;0.003741496598639455686136079393;0.010544217687074829148397014933;0.012585034013605441577388077690;0.045578231292517007444686782947;0.013945578231292516530048786194;0.006802721088435373895941804534;0.005442176870748298943281096030;0.014625850340136054006379140446;0.004081632653061224857982125513;0.016666666666666666435370203203;0.000000000000000000000000000000;0.024829931972789116151334454230;0.003741496598639455686136079393;0.022789115646258503722343391473;0.051360544217687077728218270067;0.036054421768707482776061823415;0.015646258503401361955598147802;0.018367346938775511860919564811
-0.036163522012578615261180203788;0.002830188679245282824120666376;0.060691823899371069583885685006;0.032075471698113207363878274236;0.002515723270440251447405133334;0.013836477987421384044930405821;0.002201257861635220070689600291;0.014150943396226415421645938864;0.028301886792452830843291877727;0.048742138364779877268695429393;0.016352201257861635058654670161;0.009433962264150943036189467250;0.012264150943396227161352740609;0.043710691823899368302352996807;0.007232704402515723399180735953;0.028301886792452830843291877727;0.022641509433962262592965331010;0.025471698113207548452852080345;0.006289308176100629269034136826;0.006603773584905660645749669868;0.013207547169811321291499339736;0.026729559748427673959714212515;0.006603773584905660645749669868;0.079245283018867920810102134510;0.032389937106918238740593807279;0.049056603773584908645410962436;0.016352201257861635058654670161;0.009433962264150943036189467250;0.000943396226415094346987033624;0.008805031446540880282758401165;0.006918238993710692022465202911;0.024528301886792454322705481218;0.003459119496855346011232601455;0.006918238993710692022465202911;0.017924528301886791942232335373;0.040251572327044023158482133340;0.007232704402515723399180735953;0.013836477987421384044930405821;0.003144654088050314634517068413;0.014779874213836478175077004948;0.002830188679245282824120666376;0.013207547169811321291499339736;0.000000000000000000000000000000;0.030817610062893081857016142067;0.005345911949685534271525799710;0.018238993710691823318947868415;0.052201257861635222412566292860;0.035534591194968552507749137703;0.022012578616352199839534264925;0.018238993710691823318947868415
-0.034313725490196081424620899725;0.007843137254901960675468330919;0.049019607843137254221677068244;0.000000000000000000000000000000;0.000653594771241830020148955160;0.011764705882352941013202496379;0.000653594771241830020148955160;0.014052287581699346788455251556;0.043137254901960783715075820055;0.066666666666666665741480812812;0.008823529411764705759901872284;0.005555555555555555767577313730;0.005882352941176470506601248189;0.042483660130718955971751427114;0.003594771241830065165029362007;0.025816993464052286066934271958;0.015032679738562091872888792921;0.027124183006535948492476961746;0.006862745098039215591034789554;0.007843137254901960675468330919;0.015359477124183005744550989391;0.038235294117647061762355065184;0.008823529411764705759901872284;0.099019607843137250058340725900;0.019934640522875815560333023768;0.062091503267973857660422254412;0.016666666666666666435370203203;0.017973856209150325391465941038;0.001960784313725490168867082730;0.003921568627450980337734165460;0.009150326797385621366287544731;0.023856209150326795898067189228;0.001307189542483660040297910321;0.002941176470588235253300624095;0.008823529411764705759901872284;0.047385620915032677924472181985;0.010784313725490195928768955014;0.012418300653594770491250365296;0.017320261437908497648141548098;0.013725490196078431182069579108;0.008823529411764705759901872284;0.023529411764705882026404992757;0.000000000000000000000000000000;0.046732026143790850181147789044;0.001307189542483660040297910321;0.024509803921568627110838534122;0.043790849673202611458400212996;0.024509803921568627110838534122;0.007189542483660130330058724013;0.010784313725490195928768955014
-0.024333333333333331816028533012;0.027666666666666665796991964044;0.037333333333333336423454085207;0.158333333333333325931846502499;0.002666666666666666577617528233;0.027333333333333334480563792113;0.005000000000000000104083408559;0.015666666666666665547191783503;0.042999999999999996558308623662;0.012333333333333333300951828448;0.012333333333333333300951828448;0.018999999999999999528155214534;0.012999999999999999403255124264;0.021000000000000001304512053935;0.012666666666666666352103476356;0.012333333333333333300951828448;0.040000000000000000832667268469;0.047000000000000000111022302463;0.008333333333333333217685101602;0.007000000000000000145716771982;0.008000000000000000166533453694;0.033333333333333332870740406406;0.012666666666666666352103476356;0.014333333333333333342585191872;0.027333333333333334480563792113;0.018333333333333333425851918719;0.017999999999999998639976794834;0.016000000000000000333066907388;0.001333333333333333288808764117;0.018666666666666668211727042603;0.018999999999999999528155214534;0.012999999999999999403255124264;0.010000000000000000208166817117;0.008333333333333333217685101602;0.021999999999999998723243521681;0.027666666666666665796991964044;0.007000000000000000145716771982;0.008666666666666666268836749509;0.005333333333333333155235056466;0.027666666666666665796991964044;0.005000000000000000104083408559;0.043666666666666666130058871431;0.000000000000000000000000000000;0.010999999999999999361621760841;0.007666666666666666248020067798;0.013666666666666667240281896056;0.019666666666666665630458510350;0.012333333333333333300951828448;0.015333333333333332496040135595;0.008666666666666666268836749509
-0.035000000000000003330669073875;0.018333333333333333425851918719;0.035416666666666665741480812812;0.347499999999999975575093458247;0.007499999999999999722444243844;0.015833333333333334674852821422;0.002083333333333333304421275400;0.015416666666666667059870654555;0.012916666666666666574148081281;0.017916666666666667545593227828;0.012500000000000000693889390391;0.014166666666666665949647629930;0.008750000000000000832667268469;0.020000000000000000416333634234;0.019166666666666665186369300500;0.018333333333333333425851918719;0.020416666666666666296592325125;0.024583333333333332038073137937;0.012916666666666666574148081281;0.005833333333333333599324266316;0.012916666666666666574148081281;0.013750000000000000069388939039;0.003749999999999999861222121922;0.022083333333333333287074040641;0.022083333333333333287074040641;0.027083333333333334258519187188;0.014999999999999999444888487687;0.010416666666666666088425508008;0.000833333333333333386820640509;0.008333333333333333217685101602;0.014583333333333333564629796797;0.011666666666666667198648532633;0.002500000000000000052041704279;0.005000000000000000104083408559;0.007916666666666667337426410711;0.020000000000000000416333634234;0.005000000000000000104083408559;0.011666666666666667198648532633;0.002500000000000000052041704279;0.008750000000000000832667268469;0.004166666666666666608842550801;0.010000000000000000208166817117;0.000000000000000000000000000000;0.013333333333333334189130248149;0.009166666666666666712925959359;0.014583333333333333564629796797;0.020416666666666666296592325125;0.015416666666666667059870654555;0.009583333333333332593184650250;0.012916666666666666574148081281
-0.027037037037037036507625131776;0.023333333333333334397297065266;0.030740740740740742087400150240;0.224074074074074064411021822707;0.017037037037037038034181790636;0.016296296296296294836558615771;0.003333333333333333547282562037;0.020000000000000000416333634234;0.019629629629629628817522046802;0.012222222222222222862142437805;0.010370370370370370072254928573;0.010000000000000000208166817117;0.016666666666666666435370203203;0.017407407407407406163546426114;0.042962962962962959745372160114;0.017407407407407406163546426114;0.023703703703703702526661700745;0.028888888888888887562789165031;0.015925925925925926707193980292;0.007777777777777777554191196430;0.016666666666666666435370203203;0.016666666666666666435370203203;0.008888888888888888881179006773;0.016666666666666666435370203203;0.021481481481481479872686080057;0.018518518518518517490534236458;0.018148148148148149361169600979;0.027037037037037036507625131776;0.002592592592592592518063732143;0.012962962962962962590318660716;0.010370370370370370072254928573;0.012592592592592592726230549260;0.014444444444444443781394582516;0.007777777777777777554191196430;0.019629629629629628817522046802;0.021481481481481479872686080057;0.008888888888888888881179006773;0.014074074074074073917306471060;0.005185185185185185036127464286;0.019259259259259260688157411323;0.011111111111111111535154627461;0.012962962962962962590318660716;0.000000000000000000000000000000;0.012592592592592592726230549260;0.021481481481481479872686080057;0.013703703703703704053218359604;0.012222222222222222862142437805;0.011111111111111111535154627461;0.014814814814814815380206169948;0.011851851851851851263330850372
-0.017982456140350877582534394605;0.039912280701754385137114411464;0.048684210526315788158946418207;0.007017543859649122937882648188;0.005701754385964912658080194774;0.014912280701754385484059106659;0.008333333333333333217685101602;0.040350877192982456675984792582;0.030701754385964910576412023602;0.024122807017543858310038018544;0.017105263157894737974240584322;0.004824561403508772182424646502;0.015789473684210526827076392919;0.023684210526315790240614589379;0.042105263157894735892572413150;0.009210526315789472825978911885;0.038596491228070177459397172015;0.053947368421052632747603183816;0.016666666666666666435370203203;0.009649122807017544364849293004;0.010087719298245614168996198146;0.015789473684210526827076392919;0.010964912280701753777290008429;0.033333333333333332870740406406;0.024122807017543858310038018544;0.022807017543859650632320779096;0.024561403508771929848908399663;0.042982456140350878970313175387;0.002631578947368420993285775822;0.014473684210526315679912201517;0.005263157894736841986571551644;0.028070175438596491751530592751;0.009649122807017544364849293004;0.008333333333333333217685101602;0.020175438596491228337992396291;0.040789473684210528214855173701;0.011403508771929825316160389548;0.009210526315789472825978911885;0.005263157894736841986571551644;0.025438596491228069457202209946;0.021052631578947367946286206575;0.016666666666666666435370203203;0.000000000000000000000000000000;0.013157894736842104532748010115;0.018859649122807017190828204889;0.014473684210526315679912201517;0.022807017543859650632320779096;0.019298245614035088729698586008;0.026754385964912280604366401349;0.012280701754385964924454199831
-0.020155038759689922200912803874;0.003488372093023255765542600670;0.108527131782945734927992020857;0.000000000000000000000000000000;0.000775193798449612392342800149;0.008139534883720930119599401564;0.001550387596899224784685600298;0.019767441860465116004741403799;0.042248062015503878852129560073;0.037209302325581394832454407151;0.011627906976744185885142002235;0.003488372093023255765542600670;0.008527131782945736315770801639;0.056201550387596901914299962755;0.005426356589147286746399601043;0.011627906976744185885142002235;0.054651162790697677129614362457;0.057364341085271317033367211025;0.004263565891472868157885400819;0.023255813953488371770284004469;0.006589147286821705334913801266;0.037984496124031007224797207300;0.005813953488372092942571001117;0.059302325581395351483671163351;0.020542635658914728397084203948;0.030620155038759689497540605885;0.021317829457364340789427004097;0.000387596899224806196171400074;0.000000000000000000000000000000;0.015891472868217054043027403054;0.003875968992248061961714000745;0.036821705426356592105729959030;0.001550387596899224784685600298;0.008139534883720930119599401564;0.011240310077519379688970602160;0.067054263565891475407099164840;0.016279069767441860239198803129;0.006201550387596899138742401192;0.000387596899224806196171400074;0.016279069767441860239198803129;0.006201550387596899138742401192;0.012015503875968992081313402309;0.000000000000000000000000000000;0.018992248062015503612398603650;0.003100775193798449569371200596;0.011627906976744185885142002235;0.048837209302325580717596409386;0.024806201550387596554969604767;0.018217054263565891220055803501;0.011627906976744185885142002235
-0.021874999999999998612221219219;0.004166666666666666608842550801;0.079861111111111104943205418749;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006250000000000000346944695195;0.001388888888888888941894328433;0.020486111111111111188209932266;0.028819444444444446140618509844;0.075347222222222218213083522187;0.012152777777777777970524830664;0.003125000000000000173472347598;0.005208333333333333044212754004;0.052430555555555556634939051719;0.004166666666666666608842550801;0.013541666666666667129259593594;0.038541666666666668517038374375;0.034722222222222223764198645313;0.003125000000000000173472347598;0.009374999999999999653055304805;0.010069444444444445099784424258;0.021874999999999998612221219219;0.002777777777777777883788656865;0.109375000000000000000000000000;0.017013888888888887424011286953;0.044097222222222225151977426094;0.019097222222222223764198645313;0.000000000000000000000000000000;0.001736111111111111014737584668;0.000694444444444444470947164216;0.002083333333333333304421275400;0.045138888888888888117900677344;0.001736111111111111014737584668;0.003472222222222222029475169336;0.007638888888888888638317720137;0.080555555555555560798275394063;0.013888888888888888117900677344;0.005208333333333333044212754004;0.000000000000000000000000000000;0.008333333333333333217685101602;0.009027777777777776929690745078;0.005902777777777777623580135469;0.000000000000000000000000000000;0.048958333333333332870740406406;0.000347222222222222235473582108;0.018749999999999999306110609609;0.061805555555555558022717832500;0.021527777777777777623580135469;0.012152777777777777970524830664;0.012152777777777777970524830664
-0.023391812865497074724885351316;0.011988304093567251143448437745;0.040350877192982456675984792582;0.114912280701754382361556849901;0.026315789473684209065496020230;0.011695906432748537362442675658;0.001461988304093567170305334457;0.019883040935672516291710110181;0.014619883040935671703053344572;0.060526315789473685013977188873;0.008771929824561403021832006743;0.011695906432748537362442675658;0.006140350877192982462227099916;0.038304093567251465413114885905;0.007309941520467835851526672286;0.013742690058479532094759534289;0.019883040935672516291710110181;0.018128654970760233605675537660;0.005847953216374268681221337829;0.004970760233918129072927527545;0.011695906432748537362442675658;0.009064327485380116802837768830;0.002339181286549707645960882729;0.088596491228070173296060829671;0.022807017543859650632320779096;0.044444444444444446140618509844;0.011695906432748537362442675658;0.035087719298245612087328026973;0.002046783625730994298635989637;0.018128654970760233605675537660;0.003216374269005848121616431001;0.029532163742690058921835927208;0.001754385964912280734470662047;0.002631578947368420993285775822;0.007602339181286549632532434373;0.053216374269005849162450516587;0.007309941520467835851526672286;0.006725146198830409156876886101;0.003216374269005848121616431001;0.004093567251461988597271979273;0.008771929824561403021832006743;0.017251461988304093997381727377;0.000000000000000000000000000000;0.044152046783625734094336223734;0.004385964912280701510916003372;0.023099415204678362678603065206;0.040350877192982456675984792582;0.018128654970760233605675537660;0.007602339181286549632532434373;0.011111111111111111535154627461
-0.022868217054263565574112604395;0.022868217054263565574112604395;0.052325581395348839952585962010;0.161240310077519377607302430988;0.048449612403100777990871961265;0.013953488372093023062170402682;0.001550387596899224784685600298;0.014341085271317829258341802756;0.036434108527131782440111607002;0.011627906976744185885142002235;0.008527131782945736315770801639;0.019767441860465116004741403799;0.013565891472868216865999002607;0.029457364341085270909026405661;0.011627906976744185885142002235;0.010852713178294573492799202086;0.014728682170542635454513202831;0.034108527131782945263083206555;0.005813953488372092942571001117;0.007364341085271317727256601415;0.008914728682170542511942201713;0.027906976744186046124340805363;0.014728682170542635454513202831;0.016279069767441860239198803129;0.023255813953488371770284004469;0.022093023255813953181769804246;0.019379844961240309808570003725;0.060077519379844963876013963500;0.000000000000000000000000000000;0.023643410852713177966455404544;0.013953488372093023062170402682;0.008527131782945736315770801639;0.008914728682170542511942201713;0.005426356589147286746399601043;0.014728682170542635454513202831;0.024418604651162790358798204693;0.007751937984496123923428001490;0.006201550387596899138742401192;0.009689922480620154904285001862;0.020542635658914728397084203948;0.004651162790697674354056800894;0.032945736434108530144015958285;0.000000000000000000000000000000;0.006976744186046511531085201341;0.007364341085271317727256601415;0.005813953488372092942571001117;0.020930232558139534593255604022;0.012403100775193798277484802384;0.020155038759689922200912803874;0.010852713178294573492799202086
-0.022222222222222223070309254922;0.016944444444444446001840631766;0.035277777777777775958245598531;0.206388888888888899497686679751;0.024722222222222221821308352219;0.016944444444444446001840631766;0.001111111111111111110147375847;0.015555555555555555108382392859;0.047777777777777780121581940875;0.013055555555555556357383295563;0.011944444444444445030395485219;0.029722222222222222792753498766;0.020555555555555556079827539406;0.016111111111111110771876298031;0.016666666666666666435370203203;0.014444444444444443781394582516;0.018055555555555553859381490156;0.025000000000000001387778780781;0.010555555555555555871660722289;0.004444444444444444440589503387;0.011944444444444445030395485219;0.026388888888888888811790067734;0.007777777777777777554191196430;0.018333333333333333425851918719;0.026111111111111112714766591125;0.018333333333333333425851918719;0.020277777777777776513357110844;0.015277777777777777276635440273;0.000833333333333333386820640509;0.026111111111111112714766591125;0.013055555555555556357383295563;0.009722222222222222376419864531;0.007222222222222221890697291258;0.008333333333333333217685101602;0.020000000000000000416333634234;0.022222222222222223070309254922;0.010000000000000000208166817117;0.009444444444444444544672911945;0.010555555555555555871660722289;0.018611111111111109522875395328;0.004722222222222222272336455973;0.036111111111111107718762980312;0.000000000000000000000000000000;0.007222222222222221890697291258;0.009722222222222222376419864531;0.010833333333333333703407674875;0.015277777777777777276635440273;0.015277777777777777276635440273;0.023611111111111110494320541875;0.009166666666666666712925959359
-0.019858156028368795231742183205;0.014539007092198581727604533853;0.035106382978723406351750924159;0.219503546099290791637770325906;0.014184397163120567031402430302;0.014539007092198581727604533853;0.002482269503546099403967772901;0.009929078014184397615871091602;0.054609929078014186887291003814;0.017021276595744681131572306754;0.010283687943262410577349719176;0.023049645390070920558667211253;0.005319148936170212636775911363;0.021631205673758865243305749004;0.007446808510638298211903318702;0.020921985815602835850901541903;0.039716312056737590463484366410;0.028723404255319148759006964156;0.006382978723404254990658746038;0.007446808510638298211903318702;0.008865248226950355261988256927;0.024113475177304964647273521905;0.004255319148936170282893076688;0.029432624113475178151411171257;0.017021276595744681131572306754;0.019503546099290780535540079654;0.018794326241134751143135872553;0.021276595744680850547103645454;0.001773049645390070878925303788;0.017375886524822695827774410304;0.019503546099290780535540079654;0.030496453900709218770570529955;0.001418439716312056833244503729;0.003191489361702127495329373019;0.007801418439716312040743684264;0.030851063829787233466772633506;0.007446808510638298211903318702;0.012056737588652482323636760952;0.007801418439716312040743684264;0.012765957446808509981317492077;0.007092198581560283515701215151;0.028368794326241134062804860605;0.000000000000000000000000000000;0.014539007092198581727604533853;0.005673758865248227332978014914;0.017730496453900710523976513855;0.019858156028368795231742183205;0.014539007092198581727604533853;0.009574468085106382919668988052;0.014184397163120567031402430302
-0.033333333333333332870740406406;0.003525641025641025692177743522;0.081410256410256412462622677140;0.000000000000000000000000000000;0.000000000000000000000000000000;0.010256410256410256401360392431;0.000320512820512820512542512263;0.018269230769230770244915262879;0.036217948717948721115700294604;0.052884615384615384081623545853;0.010576923076923077510214099561;0.012820512820512820068019621544;0.006410256410256410034009810772;0.053846153846153849142908143222;0.004807692307692307959188227073;0.024358974358974359170071366520;0.031089743589743590312934884423;0.029807692307692309346967007855;0.008333333333333333217685101602;0.011217948717948717993198037846;0.011217948717948717993198037846;0.025000000000000001387778780781;0.003525641025641025692177743522;0.082371794871794870585013370601;0.034294871794871797932025003774;0.041666666666666664353702032031;0.026923076923076924571454071611;0.000961538461538461591837645415;0.000320512820512820512542512263;0.003205128205128205017004905386;0.016987179487179485809500434357;0.028205128205128205537421948179;0.004487179487179486850334519943;0.009294871794871794809522747016;0.012179487179487179585035683260;0.056089743589743591700713665205;0.011217948717948717993198037846;0.008653846153846154326538808732;0.005128205128205128200680196215;0.012179487179487179585035683260;0.005128205128205128200680196215;0.008012820512820512108831394471;0.000000000000000000000000000000;0.033012820512820513496610175252;0.001282051282051282050170049054;0.019551282051282051210883139447;0.045192307692307691346922382536;0.026602564102564101727876888503;0.020833333333333332176851016015;0.016987179487179485809500434357
-0.021666666666666667406815349750;0.002083333333333333304421275400;0.036666666666666666851703837438;0.082083333333333327597181039437;0.000833333333333333386820640509;0.008333333333333333217685101602;0.001250000000000000026020852140;0.026249999999999999028554853453;0.003749999999999999861222121922;0.091249999999999997779553950750;0.010833333333333333703407674875;0.003333333333333333547282562037;0.004583333333333333356462979680;0.040000000000000000832667268469;0.004166666666666666608842550801;0.010416666666666666088425508008;0.009583333333333332593184650250;0.011249999999999999583666365766;0.007083333333333332974823814965;0.005416666666666666851703837438;0.013333333333333334189130248149;0.003749999999999999861222121922;0.001250000000000000026020852140;0.141249999999999986677323704498;0.019583333333333334536074943344;0.055833333333333332038073137937;0.018749999999999999306110609609;0.001250000000000000026020852140;0.001666666666666666773641281019;0.013750000000000000069388939039;0.002916666666666666799662133158;0.043333333333333334813630699500;0.000416666666666666693410320255;0.008333333333333333217685101602;0.001666666666666666773641281019;0.063333333333333338699411285688;0.008750000000000000832667268469;0.007083333333333332974823814965;0.000000000000000000000000000000;0.001666666666666666773641281019;0.007916666666666667337426410711;0.000000000000000000000000000000;0.000000000000000000000000000000;0.063333333333333338699411285688;0.009166666666666666712925959359;0.027083333333333334258519187188;0.064166666666666663521034763562;0.021666666666666667406815349750;0.007499999999999999722444243844;0.010416666666666666088425508008
-0.020740740740740740144509857146;0.012222222222222222862142437805;0.022592592592592591199673890401;0.244814814814814818433319487667;0.010000000000000000208166817117;0.015555555555555555108382392859;0.010000000000000000208166817117;0.023333333333333334397297065266;0.007777777777777777554191196430;0.025185185185185185452461098521;0.011851851851851851263330850372;0.015185185185185185244294281404;0.010000000000000000208166817117;0.020000000000000000416333634234;0.022962962962962962798485477833;0.014074074074074073917306471060;0.015185185185185185244294281404;0.018518518518518517490534236458;0.014814814814814815380206169948;0.003333333333333333547282562037;0.020740740740740740144509857146;0.006296296296296296363115274630;0.012592592592592592726230549260;0.033333333333333332870740406406;0.022592592592592591199673890401;0.020740740740740740144509857146;0.028888888888888887562789165031;0.020000000000000000416333634234;0.006666666666666667094565124074;0.023333333333333334397297065266;0.012592592592592592726230549260;0.029259259259259259161600752464;0.013703703703703704053218359604;0.017037037037037038034181790636;0.011111111111111111535154627461;0.023703703703703702526661700745;0.004444444444444444440589503387;0.011851851851851851263330850372;0.000740740740740740703958178148;0.007407407407407407690103084974;0.011481481481481481399242738917;0.006666666666666667094565124074;0.000000000000000000000000000000;0.026296296296296296779448908865;0.014814814814814815380206169948;0.023703703703703702526661700745;0.020000000000000000416333634234;0.009259259259259258745267118229;0.009629629629629630344078705662;0.012962962962962962590318660716
-0.024358974358974359170071366520;0.003418803418803418800453464144;0.042735042735042735873030039784;0.108547008547008549950163569520;0.023931623931623933337897724982;0.030341880341880341637184059778;0.005128205128205128200680196215;0.018803418803418802535132314802;0.026068376068376069437659836581;0.016666666666666666435370203203;0.015384615384615385469402326635;0.010683760683760683968257509946;0.038034188034188030902438271141;0.027777777777777776235801354687;0.011538461538461539102051744976;0.010683760683760683968257509946;0.023076923076923078204103489952;0.033333333333333332870740406406;0.015384615384615385469402326635;0.008547008547008547868495398347;0.014102564102564102768710974090;0.026495726495726495269833478119;0.022649572649572648902482896460;0.027777777777777776235801354687;0.023076923076923078204103489952;0.018376068376068376702958673263;0.021794871794871793768688661430;0.003418803418803418800453464144;0.002991452991452991667237215623;0.022222222222222223070309254922;0.006410256410256410034009810772;0.020940170940170938634894426400;0.019230769230769231836752908293;0.011538461538461539102051744976;0.040598290598290599773267928185;0.027350427350427350403627713149;0.008974358974358973700669039886;0.010256410256410256401360392431;0.004273504273504273934247699174;0.031196581196581196770978294808;0.005982905982905983334474431246;0.016239316239316240603196561665;0.000000000000000000000000000000;0.011965811965811966668948862491;0.009401709401709401267566157401;0.013675213675213675201813856575;0.026495726495726495269833478119;0.014102564102564102768710974090;0.028205128205128205537421948179;0.015811965811965811301575968173
-0.030303030303030303871381079261;0.021818181818181819897617401693;0.056969696969696968780194623605;0.029393939393939392396015719555;0.004242424242424242854243576772;0.015757575757575758429451795450;0.005454545454545454974404350423;0.022727272727272727903535809446;0.022121212121212121409774553626;0.034848484848484850839867021932;0.009696969696969696961286189207;0.011818181818181817954727108599;0.012121212121212121201607736509;0.037575757575757574857622245190;0.016060606060606059941608947383;0.019090909090909092410415226482;0.055454545454545457749961911986;0.041212121212121213820189780108;0.006666666666666667094565124074;0.007575757575757575967845269815;0.012424242424242424448488364419;0.018484848484848485916653970662;0.006666666666666667094565124074;0.053636363636363634799231192574;0.020909090909090908422252041987;0.030303030303030303871381079261;0.020606060606060606910094890054;0.016666666666666666435370203203;0.004242424242424242854243576772;0.010606060606060606701928072937;0.009090909090909090467524933388;0.039393939393939390869459060696;0.007878787878787879214725897725;0.007575757575757575967845269815;0.020000000000000000416333634234;0.050303030303030300818267761542;0.008484848484848485708487153545;0.010606060606060606701928072937;0.002727272727272727487202175212;0.016060606060606059941608947383;0.006363636363636363847684496164;0.023636363636363635909454217199;0.000000000000000000000000000000;0.026363636363636363396656392410;0.010606060606060606701928072937;0.018787878787878787428811122595;0.028787878787878789371701415689;0.020303030303030301928490786167;0.023333333333333334397297065266;0.014242424242424242195048655901
-0.032440476190476193185663333907;0.014583333333333333564629796797;0.047321428571428569842538536250;0.039583333333333331482961625625;0.016369047619047619873677845703;0.016369047619047619873677845703;0.011904761904761904101057723437;0.021130952380952382207990325469;0.010714285714285714384841341484;0.029464285714285713690951951094;0.013690476190476190410105772344;0.005357142857142857192420670742;0.014880952380952380126322154297;0.048809523809523809589894227656;0.013690476190476190410105772344;0.019940476190476189022326991562;0.019047619047619049337249919063;0.028869047619047620567567236094;0.018154761904761906182725894610;0.008630952380952381514100935078;0.018154761904761906182725894610;0.010119047619047619526733150508;0.019047619047619049337249919063;0.047619047619047616404230893750;0.030059523809523810283783618047;0.040476190476190478106932602032;0.023809523809523808202115446875;0.030952380952380953438307642500;0.002678571428571428596210335371;0.010714285714285714384841341484;0.004761904761904762334312479766;0.026190476190476191103995162734;0.010119047619047619526733150508;0.007142857142857142634106981660;0.021428571428571428769682682969;0.038392857142857145236192195625;0.010714285714285714384841341484;0.010714285714285714384841341484;0.000892857142857142829263372708;0.023511904761904761640423089375;0.010416666666666666088425508008;0.005059523809523809763366575254;0.000000000000000000000000000000;0.022023809523809525362514349922;0.010119047619047619526733150508;0.019642857142857142460634634062;0.041369047619047617792009674531;0.028869047619047620567567236094;0.028869047619047620567567236094;0.015178571428571428422737987773
-0.021818181818181819897617401693;0.008484848484848485708487153545;0.039393939393939390869459060696;0.228484848484848485083986702193;0.003333333333333333547282562037;0.013333333333333334189130248149;0.004848484848484848480643094604;0.014545454545454545441929283811;0.025757575757575756902895136591;0.018787878787878787428811122595;0.008787878787878787220644305478;0.005151515151515151727523722514;0.022424242424242422921931705559;0.025757575757575756902895136591;0.007878787878787879214725897725;0.012424242424242424448488364419;0.023939393939393940891058321085;0.029696969696969697377619823442;0.007575757575757575967845269815;0.011212121212121211460965852780;0.006060606060606060600803868255;0.027878787878787877896336055983;0.019696969696969695434729530348;0.026060606060606061884499240477;0.020303030303030301928490786167;0.022121212121212121409774553626;0.016060606060606059941608947383;0.003939393939393939607362948863;0.003030303030303030300401934127;0.012424242424242424448488364419;0.010606060606060606701928072937;0.014848484848484848688809911721;0.007272727272727272720964641906;0.010909090909090909948808700847;0.030606060606060605383538231195;0.031515151515151516858903590901;0.007575757575757575967845269815;0.012121212121212121201607736509;0.003939393939393939607362948863;0.039090909090909092826748860716;0.004848484848484848480643094604;0.010000000000000000208166817117;0.000000000000000000000000000000;0.016060606060606059941608947383;0.007575757575757575967845269815;0.016666666666666666435370203203;0.029696969696969697377619823442;0.021515151515151514916013297807;0.021515151515151514916013297807;0.012424242424242424448488364419
-0.014583333333333333564629796797;0.020000000000000000416333634234;0.020000000000000000416333634234;0.400833333333333319270508354748;0.008333333333333333217685101602;0.008333333333333333217685101602;0.004583333333333333356462979680;0.020833333333333332176851016015;0.010000000000000000208166817117;0.009166666666666666712925959359;0.006666666666666667094565124074;0.006250000000000000346944695195;0.017500000000000001665334536938;0.012083333333333333078907223523;0.028750000000000001249000902703;0.014166666666666665949647629930;0.014166666666666665949647629930;0.020833333333333332176851016015;0.013750000000000000069388939039;0.003333333333333333547282562037;0.010833333333333333703407674875;0.016666666666666666435370203203;0.010000000000000000208166817117;0.017500000000000001665334536938;0.012916666666666666574148081281;0.016250000000000000555111512313;0.017083333333333332315628894094;0.010833333333333333703407674875;0.005000000000000000104083408559;0.006666666666666667094565124074;0.007083333333333332974823814965;0.018333333333333333425851918719;0.007499999999999999722444243844;0.010416666666666666088425508008;0.025000000000000001387778780781;0.017916666666666667545593227828;0.006666666666666667094565124074;0.010833333333333333703407674875;0.001666666666666666773641281019;0.018333333333333333425851918719;0.007916666666666667337426410711;0.005416666666666666851703837438;0.000000000000000000000000000000;0.012916666666666666574148081281;0.013333333333333334189130248149;0.010000000000000000208166817117;0.016250000000000000555111512313;0.008750000000000000832667268469;0.016250000000000000555111512313;0.007499999999999999722444243844
-0.020588235294117646773104368663;0.027450980392156862364139158217;0.031372549019607842701873323676;0.190196078431372539441213120881;0.021895424836601305729200106498;0.019281045751633987817008630827;0.005882352941176470506601248189;0.029738562091503266404668437417;0.015686274509803921350936661838;0.015032679738562091872888792921;0.015032679738562091872888792921;0.010784313725490195928768955014;0.016666666666666666435370203203;0.023202614379084968154742796287;0.031699346405228756573535520147;0.014705882352941176266503120473;0.016339869281045752563708006733;0.031372549019607842701873323676;0.024509803921568627110838534122;0.007516339869281045936444396460;0.016666666666666666435370203203;0.014379084967320260660117448026;0.011764705882352941013202496379;0.020588235294117646773104368663;0.021568627450980391857537910028;0.019281045751633987817008630827;0.025816993464052286066934271958;0.021568627450980391857537910028;0.002941176470588235253300624095;0.023856209150326795898067189228;0.009150326797385621366287544731;0.016339869281045752563708006733;0.013725490196078431182069579108;0.009150326797385621366287544731;0.010784313725490195928768955014;0.021895424836601305729200106498;0.008169934640522876281854003366;0.008823529411764705759901872284;0.002287581699346405341571886183;0.014379084967320260660117448026;0.011111111111111111535154627461;0.012091503267973856619588168826;0.000000000000000000000000000000;0.010457516339869280322383282567;0.025490196078431372195272075487;0.015359477124183005744550989391;0.014052287581699346788455251556;0.016993464052287580307032399674;0.019607843137254901688670827298;0.012745098039215686097636037744
-0.013071895424836601704021710191;0.024509803921568627110838534122;0.032026143790849670445197716617;0.238235294117647045109009695807;0.025490196078431372195272075487;0.015359477124183005744550989391;0.004575163398692810683143772366;0.019934640522875815560333023768;0.017647058823529411519803744568;0.008496732026143790153516199837;0.009803921568627450844335413649;0.010130718954248366450721086096;0.014052287581699346788455251556;0.012091503267973856619588168826;0.030392156862745097617439782312;0.007516339869281045936444396460;0.016339869281045752563708006733;0.030718954248366011489101978782;0.018954248366013070475899482403;0.004901960784313725422167706824;0.015686274509803921350936661838;0.019607843137254901688670827298;0.018300653594771242732575089462;0.015359477124183005744550989391;0.017320261437908497648141548098;0.022222222222222223070309254922;0.026470588235294117279705616852;0.037908496732026140951798964807;0.004575163398692810683143772366;0.016339869281045752563708006733;0.005555555555555555767577313730;0.013398692810457515575683906661;0.014052287581699346788455251556;0.007516339869281045936444396460;0.015686274509803921350936661838;0.018627450980392156604237285933;0.008496732026143790153516199837;0.005882352941176470506601248189;0.010457516339869280322383282567;0.032352941176470591255753816995;0.007843137254901960675468330919;0.016013071895424835222598858309;0.000000000000000000000000000000;0.007843137254901960675468330919;0.018954248366013070475899482403;0.017320261437908497648141548098;0.012418300653594770491250365296;0.008496732026143790153516199837;0.022222222222222223070309254922;0.008823529411764705759901872284
-0.005416666666666666851703837438;0.021666666666666667406815349750;0.007916666666666667337426410711;0.460000000000000019984014443253;0.012916666666666666574148081281;0.007083333333333332974823814965;0.010000000000000000208166817117;0.012916666666666666574148081281;0.022499999999999999167332731531;0.007083333333333332974823814965;0.004166666666666666608842550801;0.011666666666666667198648532633;0.012916666666666666574148081281;0.003333333333333333547282562037;0.010833333333333333703407674875;0.004166666666666666608842550801;0.028750000000000001249000902703;0.018749999999999999306110609609;0.007916666666666667337426410711;0.001666666666666666773641281019;0.008750000000000000832667268469;0.012500000000000000693889390391;0.017083333333333332315628894094;0.012500000000000000693889390391;0.007083333333333332974823814965;0.005000000000000000104083408559;0.009583333333333332593184650250;0.016250000000000000555111512313;0.002500000000000000052041704279;0.014999999999999999444888487687;0.013750000000000000069388939039;0.017083333333333332315628894094;0.007083333333333332974823814965;0.003749999999999999861222121922;0.025416666666666667268037471672;0.008750000000000000832667268469;0.002500000000000000052041704279;0.010000000000000000208166817117;0.017916666666666667545593227828;0.027083333333333334258519187188;0.006666666666666667094565124074;0.029583333333333333009518284484;0.000000000000000000000000000000;0.009166666666666666712925959359;0.010416666666666666088425508008;0.016666666666666666435370203203;0.003333333333333333547282562037;0.002500000000000000052041704279;0.007499999999999999722444243844;0.002916666666666666799662133158
-0.025362318840579711753946412500;0.022101449275362318458437727031;0.035869565217391305433913828438;0.002898550724637681194617577773;0.018840579710144928632375993516;0.015579710144927537071590784024;0.009057971014492753950020365039;0.032608695652173912138405142969;0.017028985507246376801537834922;0.023188405797101449556940622188;0.014492753623188405973087888867;0.018840579710144928632375993516;0.019565217391304349364711256953;0.024275362318840580655443517344;0.021014492753623187359934831875;0.015579710144927537071590784024;0.018840579710144928632375993516;0.047101449275362319846216507813;0.022826086956521739190772990469;0.008333333333333333217685101602;0.018115942028985507900040730078;0.017028985507246376801537834922;0.027536231884057970481505250859;0.022826086956521739190772990469;0.021376811594202897726102463594;0.025362318840579711753946412500;0.030797101449275363777013936328;0.022463768115942028824605358750;0.005072463768115941656899892109;0.036956521739130436532416723594;0.017753623188405797533873098359;0.018840579710144928632375993516;0.016304347826086956069202571484;0.009057971014492753950020365039;0.029710144927536232678511041172;0.044565217391304347283043085781;0.011956521739130435144637942813;0.017028985507246376801537834922;0.009420289855072464316187996758;0.034782608695652174335410933281;0.010869565217391304046135047656;0.011956521739130435144637942813;0.000000000000000000000000000000;0.020652173913043476993767200156;0.009420289855072464316187996758;0.018840579710144928632375993516;0.023188405797101449556940622188;0.014855072463768116339255520586;0.025362318840579711753946412500;0.014492753623188405973087888867
-0.015094339622641509551792537991;0.047798742138364783138548830266;0.030817610062893081857016142067;0.002830188679245282824120666376;0.005974842767295597892318603783;0.014150943396226415421645938864;0.006289308176100629269034136826;0.047798742138364783138548830266;0.023584905660377360192558882090;0.016037735849056603681939137118;0.013522012578616352668214872779;0.004088050314465408764663667540;0.016666666666666666435370203203;0.015408805031446540928508071033;0.041509433962264148665344265510;0.009433962264150943036189467250;0.026415094339622642582998679472;0.070440251572327042262067209322;0.030503144654088050480300609024;0.006918238993710692022465202911;0.021383647798742137086103198840;0.017610062893081760565516802330;0.034591194968553458377602538576;0.021069182389937105709387665797;0.016352201257861635058654670161;0.020754716981132074332672132755;0.037735849056603772144757869000;0.052515723270440253789281825902;0.002201257861635220070689600291;0.012264150943396227161352740609;0.003459119496855346011232601455;0.012264150943396227161352740609;0.020125786163522011579241066670;0.005031446540880502894810266667;0.020125786163522011579241066670;0.034591194968553458377602538576;0.019182389937106917449094467543;0.011006289308176099919767132462;0.006603773584905660645749669868;0.023899371069182391569274415133;0.018238993710691823318947868415;0.021698113207547168462818731882;0.000000000000000000000000000000;0.015094339622641509551792537991;0.015408805031446540928508071033;0.020125786163522011579241066670;0.012264150943396227161352740609;0.012893081761006289914783806694;0.034591194968553458377602538576;0.011635220125786162673198198547
-0.021751412429378530477563913337;0.015819209039548021850096759522;0.046610169491525424434463786838;0.001977401129943502731262094940;0.002259887005649717593019909501;0.020621468926553671030532655095;0.006779661016949152345378859508;0.024011299435028249371626429820;0.023163841807909604786352986139;0.020056497175141241307017025974;0.014406779661016949276031162697;0.011864406779661017254934307630;0.030225988700564972860851398195;0.030790960451977402584367027316;0.019491525423728815052948348807;0.018079096045197740744159276005;0.026836158192090394519757623470;0.040395480225988697475791866509;0.011581920903954802393176493069;0.008192090395480225786806194321;0.013559322033898304690757719015;0.029378531073446328275577954514;0.035593220338983051764802922889;0.034745762711864407179529479208;0.026836158192090394519757623470;0.025141242937853108818657688062;0.026553672316384179657999808910;0.006779661016949152345378859508;0.003672316384180791034447244314;0.011864406779661017254934307630;0.010734463276836157807903049388;0.024858757062146893956899873501;0.021751412429378530477563913337;0.016666666666666666435370203203;0.040395480225988697475791866509;0.032768361581920903147224777285;0.008474576271186440648564008882;0.011016949152542372669660863949;0.004519774011299435186039819001;0.037288135593220340935349810252;0.005367231638418078903951524694;0.013559322033898304690757719015;0.000000000000000000000000000000;0.027401129943502824243273252591;0.007909604519774010925048379761;0.019491525423728815052948348807;0.029378531073446328275577954514;0.023728813559322034509868615260;0.038418079096045200382381068493;0.017231638418079096158885832324
-0.017460317460317460735996775156;0.002777777777777777883788656865;0.069841269841269842943987100625;0.000000000000000000000000000000;0.003968253968253968033685907812;0.020634920634920634469056111016;0.002777777777777777883788656865;0.011507936507936508685467913438;0.040476190476190478106932602032;0.034126984126984123701920026406;0.012301587301587301251371009414;0.019444444444444444752839729063;0.030158730158730159137681070547;0.041269841269841268938112222031;0.004761904761904762334312479766;0.017460317460317460735996775156;0.033730158730158728286330216406;0.028571428571428570536427926640;0.004365079365079365183999193789;0.013492063492063492702310867344;0.011904761904761904101057723437;0.037698412698412696320016124218;0.018253968253968255036623347110;0.041269841269841268938112222031;0.026984126984126985404621734688;0.027380952380952380820211544687;0.021825396825396824185272492969;0.000793650793650793650105268462;0.003571428571428571317053490830;0.017857142857142856151586585156;0.009523809523809524668624959531;0.030952380952380953438307642500;0.006746031746031746351155433672;0.016666666666666666435370203203;0.053968253968253970809243469375;0.040476190476190478106932602032;0.008333333333333333217685101602;0.008730158730158730367998387578;0.004761904761904762334312479766;0.041666666666666664353702032031;0.005158730158730158617264027754;0.010317460317460317234528055508;0.000000000000000000000000000000;0.021825396825396824185272492969;0.002777777777777777883788656865;0.014682539682539682418527249297;0.032539682539682542039560786407;0.027777777777777776235801354687;0.031349206349206348853897452500;0.015079365079365079568840535273
-0.026422764227642277917729174419;0.010569105691056910126257584182;0.035365853658536582082572152785;0.001626016260162601624605915873;0.004065040650406504495195658677;0.021951219512195120631137257305;0.012195121951219512618225238043;0.019512195121951219495270990478;0.022764227642276424479206298201;0.024390243902439025236450476086;0.013821138211382113375469415928;0.012601626016260162807536282514;0.036991869918699189778710234577;0.027235772357723578296351263361;0.015853658536585366056748114261;0.017073170731707318359404723651;0.034146341463414636718809447302;0.027642276422764226750938831856;0.012601626016260162807536282514;0.007723577235772357933718534895;0.012601626016260162807536282514;0.025203252032520325615072565029;0.031300813008130083658908660027;0.035365853658536582082572152785;0.021544715447154472176549688811;0.028455284552845527129560920798;0.022764227642276424479206298201;0.013821138211382113375469415928;0.007723577235772357933718534895;0.027642276422764226750938831856;0.013821138211382113375469415928;0.030894308943089431734874139579;0.008536585365853659179702361826;0.011382113821138212239603149101;0.054878048780487805047290095217;0.034959349593495933627984584291;0.008130081300813008990391317354;0.024796747967479673691038044581;0.010162601626016259936946539710;0.038617886178861790535954412462;0.009349593495934959558324450768;0.025609756097560974069660133523;0.000000000000000000000000000000;0.023170731707317072933793866696;0.007317073170731707744407490424;0.021544715447154472176549688811;0.014634146341463415488814980847;0.013821138211382113375469415928;0.023983739837398373312415955638;0.013414634146341463186158371457
-0.015789473684210526827076392919;0.015789473684210526827076392919;0.035526315789473683626198408092;0.058771929824561405797389568306;0.048245614035087716620076037088;0.020614035087719299876862777410;0.010087719298245614168996198146;0.025877192982456140996072591065;0.014912280701754385484059106659;0.025438596491228069457202209946;0.015350877192982455288206011801;0.010526315789473683973143103287;0.014912280701754385484059106659;0.024122807017543858310038018544;0.042982456140350878970313175387;0.012280701754385964924454199831;0.016666666666666666435370203203;0.026315789473684209065496020230;0.028947368421052631359824403035;0.005701754385964912658080194774;0.016228070175438594896499822084;0.021052631578947367946286206575;0.013596491228070176071618391234;0.026754385964912280604366401349;0.017982456140350877582534394605;0.021491228070175439485156587693;0.035964912280701755165068789211;0.032017543859649125193023166958;0.002631578947368420993285775822;0.031140350877192982115282404720;0.012719298245614034728601104973;0.024122807017543858310038018544;0.014035087719298245875765296375;0.008333333333333333217685101602;0.014035087719298245875765296375;0.031140350877192982115282404720;0.006140350877192982462227099916;0.014912280701754385484059106659;0.004385964912280701510916003372;0.019736842105263156799122015173;0.007456140350877192742029553330;0.010526315789473683973143103287;0.000000000000000000000000000000;0.021929824561403507554580016858;0.030263157894736842506988594437;0.023245614035087718701744208261;0.020175438596491228337992396291;0.019298245614035088729698586008;0.017982456140350877582534394605;0.011842105263157895120307294690
-0.025555555555555557051272685953;0.011388888888888889366901580047;0.028888888888888887562789165031;0.227500000000000007771561172376;0.006111111111111111431071218902;0.022777777777777778733803160094;0.010555555555555555871660722289;0.021666666666666667406815349750;0.012222222222222222862142437805;0.015555555555555555108382392859;0.008333333333333333217685101602;0.009722222222222222376419864531;0.021388888888888887840344921187;0.022222222222222223070309254922;0.015555555555555555108382392859;0.010277777777777778039913769703;0.021666666666666667406815349750;0.029999999999999998889776975375;0.017777777777777777762358013547;0.004722222222222222272336455973;0.014722222222222221613141535101;0.012777777777777778525636342977;0.020000000000000000416333634234;0.020833333333333332176851016015;0.016111111111111110771876298031;0.023611111111111110494320541875;0.025277777777777777484802257391;0.006666666666666667094565124074;0.006111111111111111431071218902;0.019722222222222220849863205672;0.012222222222222222862142437805;0.019166666666666665186369300500;0.017777777777777777762358013547;0.013055555555555556357383295563;0.022499999999999999167332731531;0.033611111111111112437210834969;0.007777777777777777554191196430;0.012500000000000000693889390391;0.001111111111111111110147375847;0.013333333333333334189130248149;0.004722222222222222272336455973;0.006944444444444444058950338672;0.000000000000000000000000000000;0.018888888888888889089345823891;0.014444444444444443781394582516;0.020555555555555556079827539406;0.018611111111111109522875395328;0.014999999999999999444888487687;0.024444444444444445724284875610;0.013611111111111110286153724758
-0.013095238095238095551997581367;0.010119047619047619526733150508;0.032142857142857139685077072500;0.325297619047619057663922603751;0.003571428571428571317053490830;0.007440476190476190063161077148;0.007142857142857142634106981660;0.028571428571428570536427926640;0.007440476190476190063161077148;0.032142857142857139685077072500;0.011309523809523809242949532461;0.009523809523809524668624959531;0.005059523809523809763366575254;0.030952380952380953438307642500;0.022321428571428571924206707422;0.008035714285714284921269268125;0.011607142857142857539365365938;0.017261904761904763028201870156;0.010119047619047619526733150508;0.003869047619047619179788455313;0.012202380952380952397473556914;0.006845238095238095205052886172;0.003869047619047619179788455313;0.044345238095238097286721057344;0.012797619047619047255581747891;0.024404761904761904794947113828;0.024404761904761904794947113828;0.006250000000000000346944695195;0.005952380952380952050528861719;0.009226190476190476372209126055;0.006547619047619047775998790684;0.019642857142857142460634634062;0.005654761904761904621474766230;0.015476190476190476719153821250;0.008333333333333333217685101602;0.029761904761904760252644308594;0.007142857142857142634106981660;0.009523809523809524668624959531;0.001190476190476190583578119941;0.008928571428571428075793292578;0.010714285714285714384841341484;0.003869047619047619179788455313;0.000000000000000000000000000000;0.031845238095238093123384715000;0.011011904761904762681257174961;0.019642857142857142460634634062;0.028869047619047620567567236094;0.011011904761904762681257174961;0.010714285714285714384841341484;0.012797619047619047255581747891
-0.011206896551724137775507550430;0.025287356321839080108837549687;0.026436781609195401931966529219;0.222126436781609204462739626251;0.016666666666666666435370203203;0.014367816091954022789112244141;0.006321839080459770027209387422;0.033620689655172411591799175312;0.020114942528735631904757141797;0.031896551724137932326552657969;0.009195402298850574585031836250;0.013793103448275861877547754375;0.003735632183908045925169183477;0.018390804597701149170063672500;0.028735632183908045578224488281;0.008333333333333333217685101602;0.011494252873563218231289795312;0.025000000000000001387778780781;0.021551724137931035918391842188;0.002873563218390804557822448828;0.014942528735632183700676733906;0.012356321839080459598636529961;0.008333333333333333217685101602;0.043678160919540229278901222187;0.011781609195402298687072040195;0.025574712643678162299343270547;0.033620689655172411591799175312;0.028448275862068966857165719375;0.002298850574712643646257959062;0.015517241379310344612241223672;0.005459770114942528659862652773;0.020114942528735631904757141797;0.010632183908045976863943060664;0.010057471264367815952378570898;0.006321839080459770027209387422;0.031321839080459767945541216250;0.007471264367816091850338366953;0.004597701149425287292515918125;0.007471264367816091850338366953;0.006034482758620689571427142539;0.011781609195402298687072040195;0.024712643678160919197273059922;0.000000000000000000000000000000;0.018103448275862070449004903594;0.018965517241379310081628162266;0.013218390804597700965983264609;0.022988505747126436462579590625;0.012068965517241379142854285078;0.014367816091954022789112244141;0.006609195402298850482991632305
-0.023015873015873017370935826875;0.018650793650793650452213157109;0.034126984126984123701920026406;0.052777777777777777623580135469;0.034126984126984123701920026406;0.020238095238095239053466301016;0.003571428571428571317053490830;0.023015873015873017370935826875;0.027380952380952380820211544687;0.040873015873015873522522412031;0.014285714285714285268213963320;0.029761904761904760252644308594;0.007142857142857142634106981660;0.018650793650793650452213157109;0.018253968253968255036623347110;0.013095238095238095551997581367;0.012698412698412698401684295391;0.028174603174603175120838116641;0.023015873015873017370935826875;0.007142857142857142634106981660;0.015873015873015872134743631250;0.016666666666666666435370203203;0.012301587301587301251371009414;0.059920634920634922859772331094;0.023412698412698412786525636875;0.022619047619047618485899064922;0.023809523809523808202115446875;0.011507936507936508685467913438;0.003174603174603174600421073848;0.043650793650793648370544985937;0.032539682539682542039560786407;0.025793650793650792218958400781;0.012301587301587301251371009414;0.003571428571428571317053490830;0.012301587301587301251371009414;0.034126984126984123701920026406;0.007539682539682539784420267637;0.004365079365079365183999193789;0.011111111111111111535154627461;0.013095238095238095551997581367;0.009920634920634920084214769531;0.016269841269841271019780393203;0.000000000000000000000000000000;0.030555555555555554553270880547;0.019841269841269840168429539062;0.020634920634920634469056111016;0.022222222222222223070309254922;0.013095238095238095551997581367;0.017460317460317460735996775156;0.010317460317460317234528055508
-0.020689655172413792816321631562;0.022988505747126436462579590625;0.032758620689655175428622868594;0.045114942528735629823088970625;0.031609195402298853605493889063;0.012068965517241379142854285078;0.007758620689655172306120611836;0.027586206896551723755095508750;0.007471264367816091850338366953;0.047988505747126437850358371406;0.008620689655172413673467346484;0.005747126436781609115644897656;0.011781609195402298687072040195;0.031321839080459767945541216250;0.032758620689655175428622868594;0.015804597701149426802746944531;0.017528735632183909537440413828;0.026149425287356323210907760313;0.018103448275862070449004903594;0.004597701149425287292515918125;0.014080459770114942333329999258;0.007758620689655172306120611836;0.013218390804597700965983264609;0.088505747126436787319825327813;0.020114942528735631904757141797;0.034482758620689654693869385937;0.023275862068965518653085311485;0.018678160919540231360569393360;0.001149425287356321823128979531;0.018103448275862070449004903594;0.005747126436781609115644897656;0.033045977011494254149681637500;0.008333333333333333217685101602;0.007183908045977011394556122070;0.015517241379310344612241223672;0.045114942528735629823088970625;0.006321839080459770027209387422;0.009482758620689655040814081133;0.001149425287356321823128979531;0.016091954022988505523805713437;0.015229885057471264156458978789;0.008908045977011494129249591367;0.000000000000000000000000000000;0.041666666666666664353702032031;0.018390804597701149170063672500;0.026724137931034484122472250078;0.027011494252873562843531018984;0.019252873563218392272133883125;0.015804597701149426802746944531;0.011206896551724137775507550430
-0.013888888888888888117900677344;0.025925925925925925180637321432;0.036111111111111107718762980312;0.086111111111111110494320541875;0.048148148148148148250946576354;0.012500000000000000693889390391;0.008333333333333333217685101602;0.026851851851851852442942814037;0.017129629629629630066522949505;0.018518518518518517490534236458;0.014814814814814815380206169948;0.006944444444444444058950338672;0.017129629629629630066522949505;0.018518518518518517490534236458;0.051388888888888886730121896562;0.013425925925925926221471407018;0.025462962962962961549484575130;0.034722222222222223764198645313;0.020833333333333332176851016015;0.008333333333333333217685101602;0.013888888888888888117900677344;0.013425925925925926221471407018;0.015740740740740739173064710599;0.023148148148148146863167795573;0.019907407407407408383992475365;0.025000000000000001387778780781;0.025462962962962961549484575130;0.031018518518518518184423626849;0.011111111111111111535154627461;0.017129629629629630066522949505;0.007407407407407407690103084974;0.019907407407407408383992475365;0.011574074074074073431583897786;0.006481481481481481295159330358;0.018981481481481481121686982760;0.024074074074074074125473288177;0.005092592592592593003786305417;0.010648148148148147904001881159;0.001851851851851851922525771243;0.034722222222222223764198645313;0.011574074074074073431583897786;0.011574074074074073431583897786;0.000000000000000000000000000000;0.018055555555555553859381490156;0.032407407407407405608434913802;0.020370370370370372015145221667;0.017129629629629630066522949505;0.011111111111111111535154627461;0.026388888888888888811790067734;0.009722222222222222376419864531
-0.043703703703703702942995334979;0.007777777777777777554191196430;0.047037037037037036923958766010;0.000370370370370370351979089074;0.004074074074074073709139653943;0.031481481481481478346129421197;0.003333333333333333547282562037;0.025185185185185185452461098521;0.022592592592592591199673890401;0.022962962962962962798485477833;0.017037037037037038034181790636;0.014814814814814815380206169948;0.025925925925925925180637321432;0.031481481481481478346129421197;0.007037037037037036958653235530;0.034814814814814812327092852229;0.015925925925925926707193980292;0.030370370370370370488588562807;0.015925925925925926707193980292;0.010370370370370370072254928573;0.020370370370370372015145221667;0.011481481481481481399242738917;0.022592592592592591199673890401;0.036666666666666666851703837438;0.048518518518518516380311211833;0.033703703703703701000105041885;0.032222222222222221543752596062;0.004074074074074073709139653943;0.001481481481481481407916356297;0.023333333333333334397297065266;0.019259259259259260688157411323;0.014814814814814815380206169948;0.020740740740740740144509857146;0.006296296296296296363115274630;0.035555555555555555524716027094;0.037777777777777778178691647781;0.012222222222222222862142437805;0.013703703703703704053218359604;0.002592592592592592518063732143;0.028518518518518519433424529552;0.007037037037037036958653235530;0.011481481481481481399242738917;0.000000000000000000000000000000;0.013703703703703704053218359604;0.006296296296296296363115274630;0.021851851851851851471497667490;0.027037037037037036507625131776;0.021851851851851851471497667490;0.034074074074074076068363581271;0.018518518518518517490534236458
-0.020512820512820512802720784862;0.022115384615384616612265844537;0.061858974358974361251739537693;0.030128205128205128721097239008;0.026282051282051282353746657350;0.023717948717948716952363952259;0.002564102564102564100340098108;0.025320512820512820761909011935;0.020512820512820512802720784862;0.019230769230769231836752908293;0.015064102564102564360548619504;0.016987179487179485809500434357;0.015384615384615385469402326635;0.037179487179487179238090988065;0.025000000000000001387778780781;0.014102564102564102768710974090;0.022435897435897435986396075691;0.036217948717948721115700294604;0.021474358974358974394558430276;0.010897435897435896884344330715;0.017307692307692308653077617464;0.016987179487179485809500434357;0.016987179487179485809500434357;0.028846153846153847755129362440;0.027884615384615386163291717025;0.029487179487179486503389824748;0.028846153846153847755129362440;0.022435897435897435986396075691;0.000961538461538461591837645415;0.022756410256410255360526306845;0.008974358974358973700669039886;0.015064102564102564360548619504;0.015705128205128204843532557788;0.009294871794871794809522747016;0.023076923076923078204103489952;0.031730769230769229061195346731;0.010256410256410256401360392431;0.007371794871794871625847456187;0.001602564102564102508502452693;0.025320512820512820761909011935;0.008653846153846154326538808732;0.011538461538461539102051744976;0.000000000000000000000000000000;0.016987179487179485809500434357;0.015384615384615385469402326635;0.014102564102564102768710974090;0.031089743589743590312934884423;0.024358974358974359170071366520;0.033653846153846152244870637560;0.016346153846153847061239972049
-0.016346153846153847061239972049;0.040384615384615386857181107416;0.037499999999999998612221219219;0.022756410256410255360526306845;0.021474358974358974394558430276;0.014743589743589743251694912374;0.010256410256410256401360392431;0.038141025641025644299375585433;0.017307692307692308653077617464;0.017628205128205128027207848618;0.012500000000000000693889390391;0.006410256410256410034009810772;0.017307692307692308653077617464;0.015705128205128204843532557788;0.036858974358974359863960756911;0.014423076923076923877564681220;0.016987179487179485809500434357;0.060576923076923076816324709171;0.033333333333333332870740406406;0.008012820512820512108831394471;0.026602564102564101727876888503;0.017948717948717947401338079771;0.038782051282051283047636047741;0.021153846153846155020428199123;0.017307692307692308653077617464;0.017628205128205128027207848618;0.032051282051282048435325577884;0.047115384615384614530597673365;0.001282051282051282050170049054;0.020192307692307693428590553708;0.006089743589743589792517841630;0.015384615384615385469402326635;0.022115384615384616612265844537;0.007692307692307692734701163317;0.024038461538461539795941135367;0.028205128205128205537421948179;0.011217948717948717993198037846;0.007692307692307692734701163317;0.002243589743589743425167259971;0.025320512820512820761909011935;0.017307692307692308653077617464;0.011538461538461539102051744976;0.000000000000000000000000000000;0.010256410256410256401360392431;0.025961538461538462979616426196;0.016666666666666666435370203203;0.015384615384615385469402326635;0.013782051282051281659857266959;0.028205128205128205537421948179;0.012179487179487179585035683260
-0.018181818181818180935049866775;0.026969696969696969890417648230;0.056363636363636365755880319739;0.015151515151515151935690539631;0.015151515151515151935690539631;0.020909090909090908422252041987;0.006969696969696969474084013996;0.028181818181818182877940159869;0.019696969696969695434729530348;0.024848484848484848896976728838;0.016666666666666666435370203203;0.009696969696969696961286189207;0.012424242424242424448488364419;0.036666666666666666851703837438;0.024545454545454543915372624951;0.010606060606060606701928072937;0.027575757575757576384178904050;0.038787878787878787845144756830;0.019090909090909092410415226482;0.011212121212121211460965852780;0.013333333333333334189130248149;0.017878787878787879422892714842;0.015757575757575758429451795450;0.039090909090909092826748860716;0.020606060606060606910094890054;0.024545454545454543915372624951;0.024848484848484848896976728838;0.040303030303030305814271372356;0.000909090909090909090120580238;0.035757575757575758845785429685;0.008181818181818182461606525635;0.016363636363636364923213051270;0.013636363636363635701287400082;0.007575757575757575967845269815;0.020909090909090908422252041987;0.048181818181818179824826842150;0.009393939393939393714405561298;0.008484848484848485708487153545;0.002424242424242424240321547302;0.016969696969696971416974307090;0.016060606060606059941608947383;0.013333333333333334189130248149;0.000000000000000000000000000000;0.013636363636363635701287400082;0.018484848484848485916653970662;0.017272727272727272929131459023;0.034545454545454545858262918046;0.023333333333333334397297065266;0.026969696969696969890417648230;0.011515151515151514707846480690
-0.023703703703703702526661700745;0.005555555555555555767577313730;0.082962962962962960578039428583;0.000000000000000000000000000000;0.000000000000000000000000000000;0.011481481481481481399242738917;0.001111111111111111110147375847;0.019629629629629628817522046802;0.022222222222222223070309254922;0.054814814814814816212873438417;0.015555555555555555108382392859;0.001851851851851851922525771243;0.007037037037037036958653235530;0.050000000000000002775557561563;0.004444444444444444440589503387;0.013333333333333334189130248149;0.043703703703703702942995334979;0.045555555555555557467606320188;0.011111111111111111535154627461;0.021111111111111111743321444578;0.013333333333333334189130248149;0.018888888888888889089345823891;0.007037037037037036958653235530;0.061851851851851852304164935958;0.019629629629629628817522046802;0.037777777777777778178691647781;0.025185185185185185452461098521;0.000740740740740740703958178148;0.001851851851851851922525771243;0.005925925925925925631665425186;0.001111111111111111110147375847;0.043333333333333334813630699500;0.002592592592592592518063732143;0.003333333333333333547282562037;0.014074074074074073917306471060;0.073703703703703701832772310354;0.021851851851851851471497667490;0.006296296296296296363115274630;0.000000000000000000000000000000;0.011111111111111111535154627461;0.006296296296296296363115274630;0.007407407407407407690103084974;0.000000000000000000000000000000;0.028148148148148147834612942120;0.003703703703703703845051542487;0.018148148148148149361169600979;0.056296296296296295669225884239;0.032962962962962964741375770927;0.028148148148148147834612942120;0.014074074074074073917306471060
-0.038148148148148146308056283260;0.011851851851851851263330850372;0.059629629629629629650189315271;0.000370370370370370351979089074;0.000000000000000000000000000000;0.015925925925925926707193980292;0.001111111111111111110147375847;0.018518518518518517490534236458;0.052592592592592593558897817729;0.029999999999999998889776975375;0.017407407407407406163546426114;0.007407407407407407690103084974;0.009259259259259258745267118229;0.041481481481481480289019714291;0.002592592592592592518063732143;0.027407407407407408106436719208;0.038888888888888889505679458125;0.047407407407407405053323401489;0.008888888888888888881179006773;0.011111111111111111535154627461;0.013703703703703704053218359604;0.021851851851851851471497667490;0.010370370370370370072254928573;0.038888888888888889505679458125;0.042592592592592591616007524635;0.038148148148148146308056283260;0.024814814814814813853649511088;0.009629629629629630344078705662;0.001851851851851851922525771243;0.003333333333333333547282562037;0.004444444444444444440589503387;0.029999999999999998889776975375;0.005555555555555555767577313730;0.003703703703703703845051542487;0.015925925925925926707193980292;0.050370370370370370904922197042;0.010000000000000000208166817117;0.010000000000000000208166817117;0.007407407407407407690103084974;0.021481481481481479872686080057;0.005925925925925925631665425186;0.038148148148148146308056283260;0.000000000000000000000000000000;0.029999999999999998889776975375;0.001111111111111111110147375847;0.014814814814814815380206169948;0.043333333333333334813630699500;0.022592592592592591199673890401;0.024444444444444445724284875610;0.015555555555555555108382392859
-0.037755102040816328201611185023;0.011224489795918366624727369185;0.057823129251700682018633159487;0.007142857142857142634106981660;0.002040816326530612428991062757;0.006122448979591836419611450282;0.002040816326530612428991062757;0.017006802721088436908258856306;0.013265306122448979053718431942;0.054761904761904761640423089375;0.011564625850340135362892546311;0.002040816326530612428991062757;0.007482993197278911372272158786;0.059183673469387756971293867991;0.015986394557823128959039848951;0.023129251700680270725785092623;0.017006802721088436908258856306;0.019047619047619049337249919063;0.010884353741496597886562192059;0.010544217687074829148397014933;0.016326530612244899431928502054;0.017687074829931974384589210558;0.010204081632653060410231837807;0.064965986394557820315931451205;0.037074829931972787255833878817;0.074489795918367351923450314644;0.023469387755102041198673745726;0.016666666666666666435370203203;0.000340136054421768683955068502;0.003061224489795918209805725141;0.002721088435374149471640548015;0.024829931972789116151334454230;0.003061224489795918209805725141;0.006122448979591836419611450282;0.014625850340136054006379140446;0.041836734693877553059593310536;0.011564625850340135362892546311;0.010884353741496597886562192059;0.002040816326530612428991062757;0.021428571428571428769682682969;0.003741496598639455686136079393;0.003401360544217686947970902267;0.000000000000000000000000000000;0.032653061224489798863857004108;0.005102040816326530205115918903;0.021088435374149658296794029866;0.057482993197278911545744506384;0.047278911564625852870236144554;0.019387755102040816340691620212;0.020408163265306120820463675614
-0.013963963963963963582637362038;0.018468468468468467180709779996;0.081081081081081085581985234967;0.049549549549549549987137453400;0.031081081081081082806427673404;0.006306306306306306078135470727;0.006756756756756757131832102914;0.030630630630630630018007565241;0.018918918918918919969129888159;0.016666666666666666435370203203;0.009009009009009008930868311893;0.002252252252252252232717077973;0.013063063063063063209967573641;0.038288288288288285787785980574;0.045045045045045042919618083488;0.007657657657657657504501891310;0.022072072072072072140835885534;0.035585585585585582935053139408;0.018018018018018017861736623786;0.014414414414414414636333994224;0.018468468468468467180709779996;0.030180180180180180699034409031;0.014864864864864865690030626411;0.025675675675675677100961991073;0.015765765765765764327976938830;0.016666666666666666435370203203;0.039189189189189191364626196901;0.037387387387387387149839668155;0.001351351351351351426366420583;0.010360360360360360357234732476;0.000900900900900900914770874639;0.013513513513513514263664205828;0.006756756756756757131832102914;0.011261261261261260729904520872;0.025675675675675677100961991073;0.036486486486486488511893355735;0.012162162162162162837297785245;0.004504504504504504465434155946;0.001801801801801801829541749278;0.036036036036036035723473247572;0.011711711711711711783601153058;0.008108108108108108558198523497;0.000000000000000000000000000000;0.009909909909909909303538100289;0.020720720720720720714469464951;0.006306306306306306078135470727;0.037837837837837839938259776318;0.022522522522522521459809041744;0.028378378378378379953694832238;0.016666666666666666435370203203
-0.033750000000000002220446049250;0.003749999999999999861222121922;0.059583333333333335368742211813;0.063750000000000001110223024625;0.012083333333333333078907223523;0.010416666666666666088425508008;0.003333333333333333547282562037;0.013333333333333334189130248149;0.014583333333333333564629796797;0.033750000000000002220446049250;0.011666666666666667198648532633;0.009166666666666666712925959359;0.013333333333333334189130248149;0.050833333333333334536074943344;0.007083333333333332974823814965;0.017083333333333332315628894094;0.029583333333333333009518284484;0.020833333333333332176851016015;0.006666666666666667094565124074;0.013750000000000000069388939039;0.015833333333333334674852821422;0.014999999999999999444888487687;0.010833333333333333703407674875;0.044583333333333335923853724125;0.033750000000000002220446049250;0.039166666666666669072149886688;0.025000000000000001387778780781;0.000416666666666666693410320255;0.003333333333333333547282562037;0.007499999999999999722444243844;0.010833333333333333703407674875;0.023750000000000000277555756156;0.004166666666666666608842550801;0.013750000000000000069388939039;0.025833333333333333148296162562;0.048333333333333332315628894094;0.010000000000000000208166817117;0.018333333333333333425851918719;0.001666666666666666773641281019;0.028750000000000001249000902703;0.005000000000000000104083408559;0.006666666666666667094565124074;0.000000000000000000000000000000;0.030833333333333334119741309109;0.002500000000000000052041704279;0.022499999999999999167332731531;0.053333333333333336756520992594;0.025416666666666667268037471672;0.025416666666666667268037471672;0.019166666666666665186369300500
-0.019551282051282051210883139447;0.009935897435897435292506685300;0.030128205128205128721097239008;0.238141025641025627646030216056;0.060897435897435896190454940324;0.012820512820512820068019621544;0.007692307692307692734701163317;0.019871794871794870585013370601;0.008012820512820512108831394471;0.019871794871794870585013370601;0.011538461538461539102051744976;0.015384615384615385469402326635;0.005448717948717948442172165358;0.021474358974358974394558430276;0.023717948717948716952363952259;0.015705128205128204843532557788;0.014102564102564102768710974090;0.017307692307692308653077617464;0.016666666666666666435370203203;0.002884615384615384775512936244;0.016025641025641024217662788942;0.010256410256410256401360392431;0.004807692307692307959188227073;0.031410256410256409687065115577;0.016666666666666666435370203203;0.022435897435897435986396075691;0.024679487179487178544201597674;0.051602564102564099646208717331;0.003846153846153846367350581659;0.016346153846153847061239972049;0.012179487179487179585035683260;0.018589743589743589619045494032;0.006410256410256410034009810772;0.015705128205128204843532557788;0.010576923076923077510214099561;0.023397435897435897578233721106;0.003205128205128205017004905386;0.009615384615384615918376454147;0.003846153846153846367350581659;0.011538461538461539102051744976;0.006410256410256410034009810772;0.006410256410256410034009810772;0.000000000000000000000000000000;0.015705128205128204843532557788;0.013782051282051281659857266959;0.021794871794871793768688661430;0.019230769230769231836752908293;0.009615384615384615918376454147;0.011217948717948717993198037846;0.011538461538461539102051744976
-0.017687074829931974384589210558;0.016666666666666666435370203203;0.034013605442176873816517712612;0.261224489795918390910856032860;0.009523809523809524668624959531;0.009523809523809524668624959531;0.012585034013605441577388077690;0.025510204081632653627664808482;0.018027210884353741388030911708;0.019727891156462583344133321361;0.012244897959183672839222900564;0.007482993197278911372272158786;0.014285714285714285268213963320;0.019387755102040816340691620212;0.030952380952380953438307642500;0.010204081632653060410231837807;0.020408163265306120820463675614;0.025170068027210883154776155379;0.015306122448979591482709494699;0.006122448979591836419611450282;0.019727891156462583344133321361;0.014285714285714285268213963320;0.013605442176870747791883609068;0.024149659863945578675004099978;0.014285714285714285268213963320;0.023129251700680270725785092623;0.030952380952380953438307642500;0.010544217687074829148397014933;0.004761904761904762334312479766;0.011564625850340135362892546311;0.008843537414965987192294605279;0.014285714285714285268213963320;0.007823129251700680977799073901;0.011904761904761904101057723437;0.014965986394557822744544317572;0.022789115646258503722343391473;0.006802721088435373895941804534;0.014625850340136054006379140446;0.003741496598639455686136079393;0.012925170068027210315553254816;0.008843537414965987192294605279;0.013945578231292516530048786194;0.000000000000000000000000000000;0.017346938775510203911700557455;0.017687074829931974384589210558;0.019387755102040816340691620212;0.013945578231292516530048786194;0.007142857142857142634106981660;0.015986394557823128959039848951;0.013945578231292516530048786194
-0.014728682170542635454513202831;0.020930232558139534593255604022;0.031395348837209305359330357987;0.101162790697674420670182371396;0.014728682170542635454513202831;0.017829457364341085023884403427;0.008139534883720930119599401564;0.026356589147286821339655205065;0.027906976744186046124340805363;0.016279069767441860239198803129;0.009689922480620154904285001862;0.006201550387596899138742401192;0.024806201550387596554969604767;0.020930232558139534593255604022;0.033333333333333332870740406406;0.007364341085271317727256601415;0.026356589147286821339655205065;0.033720930232558142536358758434;0.025193798449612402751141004842;0.006589147286821705334913801266;0.013953488372093023062170402682;0.026356589147286821339655205065;0.040697674418604654067443959775;0.020155038759689922200912803874;0.010077519379844961100456401937;0.017441860465116278827713003352;0.030620155038759689497540605885;0.026744186046511627535826605140;0.004263565891472868157885400819;0.017829457364341085023884403427;0.005813953488372092942571001117;0.018217054263565891220055803501;0.016279069767441860239198803129;0.010465116279069767296627802011;0.030620155038759689497540605885;0.025581395348837208947312404916;0.006589147286821705334913801266;0.008914728682170542511942201713;0.011240310077519379688970602160;0.034496124031007754928701558583;0.011240310077519379688970602160;0.018217054263565891220055803501;0.000000000000000000000000000000;0.017441860465116278827713003352;0.026356589147286821339655205065;0.012015503875968992081313402309;0.015891472868217054043027403054;0.015891472868217054043027403054;0.021317829457364340789427004097;0.011627906976744185885142002235
-0.013725490196078431182069579108;0.021895424836601305729200106498;0.041503267973856207417870933796;0.183333333333333320380731379373;0.016993464052287580307032399674;0.009150326797385621366287544731;0.009150326797385621366287544731;0.036274509803921571593487982454;0.011437908496732025406816823931;0.034313725490196081424620899725;0.010130718954248366450721086096;0.008823529411764705759901872284;0.005882352941176470506601248189;0.026143790849673203408043420382;0.031045751633986928830211127206;0.013071895424836601704021710191;0.019281045751633987817008630827;0.022549019607843136941971451392;0.020261437908496732901442172192;0.003594771241830065165029362007;0.018954248366013070475899482403;0.007843137254901960675468330919;0.015686274509803921350936661838;0.037254901960784313208474571866;0.016339869281045752563708006733;0.026143790849673203408043420382;0.025163398692810458323609879017;0.013725490196078431182069579108;0.004248366013071895076758099918;0.019607843137254901688670827298;0.004248366013071895076758099918;0.019934640522875815560333023768;0.009803921568627450844335413649;0.010784313725490195928768955014;0.013725490196078431182069579108;0.034313725490196081424620899725;0.007189542483660130330058724013;0.005228758169934640161191641283;0.001960784313725490168867082730;0.007843137254901960675468330919;0.018300653594771242732575089462;0.010130718954248366450721086096;0.000000000000000000000000000000;0.026797385620915031151367813322;0.020261437908496732901442172192;0.021241830065359477985875713557;0.032352941176470591255753816995;0.011111111111111111535154627461;0.010784313725490195928768955014;0.010457516339869280322383282567
-0.008750000000000000832667268469;0.003749999999999999861222121922;0.040833333333333332593184650250;0.404583333333333350356753044252;0.000833333333333333386820640509;0.005416666666666666851703837438;0.008333333333333333217685101602;0.019166666666666665186369300500;0.007916666666666667337426410711;0.026666666666666668378260496297;0.008750000000000000832667268469;0.005833333333333333599324266316;0.000416666666666666693410320255;0.025000000000000001387778780781;0.023750000000000000277555756156;0.014166666666666665949647629930;0.012083333333333333078907223523;0.009583333333333332593184650250;0.004166666666666666608842550801;0.001250000000000000026020852140;0.018333333333333333425851918719;0.008333333333333333217685101602;0.003333333333333333547282562037;0.045833333333333330095182844843;0.013333333333333334189130248149;0.032916666666666663521034763562;0.022916666666666665047591422422;0.003749999999999999861222121922;0.005000000000000000104083408559;0.001666666666666666773641281019;0.002500000000000000052041704279;0.024583333333333332038073137937;0.001250000000000000026020852140;0.013333333333333334189130248149;0.003749999999999999861222121922;0.026666666666666668378260496297;0.003333333333333333547282562037;0.003749999999999999861222121922;0.000833333333333333386820640509;0.002916666666666666799662133158;0.010000000000000000208166817117;0.004583333333333333356462979680;0.000000000000000000000000000000;0.027916666666666666019036568969;0.005416666666666666851703837438;0.029583333333333333009518284484;0.026249999999999999028554853453;0.009583333333333332593184650250;0.005000000000000000104083408559;0.012083333333333333078907223523
-0.024242424242424242403215473018;0.013333333333333334189130248149;0.055757575757575755792672111966;0.013030303030303030942249620239;0.001515151515151515150200967064;0.011818181818181817954727108599;0.005757575757575757353923240345;0.020909090909090908422252041987;0.013939393939393938948168027991;0.031515151515151516858903590901;0.016363636363636364923213051270;0.002727272727272727487202175212;0.021818181818181819897617401693;0.048484848484848484806430946037;0.010909090909090909948808700847;0.019393939393939393922572378415;0.019393939393939393922572378415;0.035454545454545453864181325798;0.007272727272727272720964641906;0.010000000000000000208166817117;0.010606060606060606701928072937;0.018484848484848485916653970662;0.028484848484848484390097311802;0.043333333333333334813630699500;0.028484848484848484390097311802;0.035757575757575758845785429685;0.025454545454545455390737984658;0.013939393939393938948168027991;0.004242424242424242854243576772;0.003333333333333333547282562037;0.009393939393939393714405561298;0.023636363636363635909454217199;0.010909090909090909948808700847;0.012121212121212121201607736509;0.047575757575757576800512538284;0.046060606060606058831385922758;0.013636363636363635701287400082;0.011212121212121211460965852780;0.001515151515151515150200967064;0.039090909090909092826748860716;0.004848484848484848480643094604;0.010000000000000000208166817117;0.000000000000000000000000000000;0.025757575757575756902895136591;0.002727272727272727487202175212;0.023939393939393940891058321085;0.033636363636363637852344510293;0.031515151515151516858903590901;0.039090909090909092826748860716;0.017575757575757574441288610956
-0.026488095238095237665687520234;0.013392857142857142113689938867;0.037797619047619045173913576718;0.043749999999999997224442438437;0.002976190476190476025264430859;0.023809523809523808202115446875;0.013095238095238095551997581367;0.013988095238095238706521605820;0.016071428571428569842538536250;0.023214285714285715078730731875;0.016369047619047619873677845703;0.018154761904761906182725894610;0.033035714285714286309048048906;0.027380952380952380820211544687;0.008333333333333333217685101602;0.019642857142857142460634634062;0.021428571428571428769682682969;0.027380952380952380820211544687;0.011309523809523809242949532461;0.008928571428571428075793292578;0.011607142857142857539365365938;0.018749999999999999306110609609;0.018154761904761906182725894610;0.030059523809523810283783618047;0.035416666666666665741480812812;0.037499999999999998612221219219;0.025595238095238094511163495781;0.007738095238095238359576910625;0.004464285714285714037896646289;0.014583333333333333564629796797;0.026190476190476191103995162734;0.017559523809523809589894227656;0.014285714285714285268213963320;0.008630952380952381514100935078;0.048214285714285716466509512657;0.031845238095238093123384715000;0.009226190476190476372209126055;0.019642857142857142460634634062;0.005059523809523809763366575254;0.032440476190476193185663333907;0.005952380952380952050528861719;0.021428571428571428769682682969;0.000000000000000000000000000000;0.022023809523809525362514349922;0.002678571428571428596210335371;0.028869047619047620567567236094;0.021428571428571428769682682969;0.023809523809523808202115446875;0.037202380952380952050528861719;0.013095238095238095551997581367
-0.030172413793103449591859188672;0.014942528735632183700676733906;0.043965517241379307999959991093;0.046839080459770116027229391875;0.004885057471264367748298163008;0.021839080459770114639450611094;0.005172413793103448204080407891;0.027011494252873562843531018984;0.014942528735632183700676733906;0.022126436781609196829956331953;0.016954022988505748625875924063;0.010632183908045976863943060664;0.024137931034482758285708570156;0.024425287356321840476214291016;0.020977011494252875006827352422;0.014655172413793103244894489023;0.018965517241379310081628162266;0.043678160919540229278901222187;0.023275862068965518653085311485;0.011494252873563218231289795312;0.016954022988505748625875924063;0.015517241379310344612241223672;0.029597701149425288680294698906;0.029597701149425288680294698906;0.025287356321839080108837549687;0.033045977011494254149681637500;0.032183908045977011047611426875;0.008908045977011494129249591367;0.001149425287356321823128979531;0.015517241379310344612241223672;0.008908045977011494129249591367;0.014367816091954022789112244141;0.022413793103448275551015100859;0.012356321839080459598636529961;0.035344827586206897795939596563;0.035057471264367819074880827657;0.016954022988505748625875924063;0.012068965517241379142854285078;0.002586206896551724102040203945;0.032471264367816089768670195781;0.008333333333333333217685101602;0.013505747126436781421765509492;0.000000000000000000000000000000;0.017241379310344827346934692969;0.014367816091954022789112244141;0.023563218390804597374144080391;0.017241379310344827346934692969;0.019540229885057470993192652031;0.034195402298850575972810617031;0.010632183908045976863943060664
-0.031007751937984495693712005959;0.015116279069767441650684602905;0.045736434108527131148225208790;0.079844961240310083350202319252;0.001162790697674418588514200223;0.026356589147286821339655205065;0.007751937984496123923428001490;0.019767441860465116004741403799;0.018604651162790697416227203576;0.027131782945736433731998005214;0.018604651162790697416227203576;0.006589147286821705334913801266;0.023643410852713177966455404544;0.026356589147286821339655205065;0.010465116279069767296627802011;0.017441860465116278827713003352;0.022480620155038759377941204320;0.044186046511627906363539608492;0.017441860465116278827713003352;0.011240310077519379688970602160;0.017054263565891472631541603278;0.018992248062015503612398603650;0.027519379844961239928169405289;0.022480620155038759377941204320;0.032945736434108530144015958285;0.030232558139534883301369205810;0.024418604651162790358798204693;0.002325581395348837177028400447;0.001162790697674418588514200223;0.010852713178294573492799202086;0.013565891472868216865999002607;0.013953488372093023062170402682;0.011240310077519379688970602160;0.012015503875968992081313402309;0.034883720930232557655426006704;0.036046511627906979713387158881;0.013178294573643410669827602533;0.015503875968992247846856002980;0.001937984496124030980857000372;0.044961240310077518755882408641;0.008527131782945736315770801639;0.010852713178294573492799202086;0.000000000000000000000000000000;0.014341085271317829258341802756;0.005038759689922480550228200968;0.020930232558139534593255604022;0.017829457364341085023884403427;0.016666666666666666435370203203;0.033720930232558142536358758434;0.015891472868217054043027403054
-0.017528735632183909537440413828;0.031321839080459767945541216250;0.031609195402298853605493889063;0.281609195402298839727706081248;0.018390804597701149170063672500;0.004022988505747126380951428359;0.008045977011494252761902856719;0.020402298850574714095262862656;0.014080459770114942333329999258;0.014942528735632183700676733906;0.007758620689655172306120611836;0.002586206896551724102040203945;0.006321839080459770027209387422;0.022126436781609196829956331953;0.052873563218390803863933058437;0.006321839080459770027209387422;0.013505747126436781421765509492;0.039367816091954020707444072968;0.011781609195402298687072040195;0.006609195402298850482991632305;0.012068965517241379142854285078;0.015229885057471264156458978789;0.015804597701149426802746944531;0.014655172413793103244894489023;0.013505747126436781421765509492;0.018390804597701149170063672500;0.018103448275862070449004903594;0.031034482758620689224482447344;0.001436781609195402278911224414;0.005459770114942528659862652773;0.002586206896551724102040203945;0.016379310344827587714311434297;0.006034482758620689571427142539;0.012931034482758620510201019727;0.012068965517241379142854285078;0.024137931034482758285708570156;0.006034482758620689571427142539;0.011206896551724137775507550430;0.001724137931034482734693469297;0.031609195402298853605493889063;0.013505747126436781421765509492;0.004885057471264367748298163008;0.000000000000000000000000000000;0.014367816091954022789112244141;0.020977011494252875006827352422;0.010632183908045976863943060664;0.020689655172413792816321631562;0.013218390804597700965983264609;0.012643678160919540054418774844;0.007471264367816091850338366953
-0.003900709219858156020371842132;0.056737588652482268125609721210;0.017730496453900710523976513855;0.177659574468085112997073338192;0.042553191489361701094207290907;0.004964539007092198807935545801;0.006382978723404254990658746038;0.041134751773049642309398876705;0.014539007092198581727604533853;0.004964539007092198807935545801;0.005673758865248227332978014914;0.001418439716312056833244503729;0.004609929078014184111733442251;0.009574468085106382919668988052;0.082624113475177299314999856961;0.005673758865248227332978014914;0.012765957446808509981317492077;0.043262411347517730486611498009;0.030141843971631204074368426404;0.004609929078014184111733442251;0.018439716312056736446933769002;0.017021276595744681131572306754;0.019503546099290780535540079654;0.010283687943262410577349719176;0.006382978723404254990658746038;0.007446808510638298211903318702;0.020212765957446809927944286756;0.098936170212765961462508812474;0.002127659574468085141446538344;0.011702127659574467627434657402;0.002127659574468085141446538344;0.006028368794326241161818380476;0.009929078014184397615871091602;0.005673758865248227332978014914;0.009929078014184397615871091602;0.018085106382978721750731665452;0.006028368794326241161818380476;0.002836879432624113666489007457;0.005319148936170212636775911363;0.028014184397163119366602757054;0.021276595744680850547103645454;0.014893617021276596423806637404;0.000000000000000000000000000000;0.006382978723404254990658746038;0.040780141843971634552090677062;0.008510638297872340565786153377;0.008865248226950355261988256927;0.004255319148936170282893076688;0.014184397163120567031402430302;0.003900709219858156020371842132
-0.011956521739130435144637942813;0.055434782608695651329178133437;0.018115942028985507900040730078;0.071014492753623190135492393438;0.027898550724637680847672882578;0.009420289855072464316187996758;0.014130434782608695606920257148;0.046739130434782609480048876094;0.024637681159420291021611149063;0.013405797101449274874584993711;0.010507246376811593679967415937;0.003985507246376811425758734941;0.008695652173913043583852733320;0.010507246376811593679967415937;0.059057971014492754990854450625;0.006884057971014492620376312715;0.024637681159420291021611149063;0.045289855072463768015378349219;0.031884057971014491406069879531;0.002898550724637681194617577773;0.019927536231884056261431936719;0.014130434782608695606920257148;0.019565217391304349364711256953;0.018840579710144928632375993516;0.010144927536231883313799784219;0.014130434782608695606920257148;0.036956521739130436532416723594;0.074275362318840576492107175000;0.008333333333333333217685101602;0.019927536231884056261431936719;0.004710144927536232158093998379;0.010144927536231883313799784219;0.019202898550724638998543625235;0.014130434782608695606920257148;0.014130434782608695606920257148;0.014492753623188405973087888867;0.008333333333333333217685101602;0.007246376811594202986543944434;0.005797101449275362389235155547;0.024275362318840580655443517344;0.025724637681159418650667092265;0.024637681159420291021611149063;0.000000000000000000000000000000;0.014130434782608695606920257148;0.028260869565217391213840514297;0.016666666666666666435370203203;0.006884057971014492620376312715;0.003985507246376811425758734941;0.016666666666666666435370203203;0.007246376811594202986543944434
-0.013333333333333334189130248149;0.006250000000000000346944695195;0.025000000000000001387778780781;0.292499999999999982236431605997;0.006666666666666667094565124074;0.015833333333333334674852821422;0.016250000000000000555111512313;0.029166666666666667129259593594;0.024583333333333332038073137937;0.018749999999999999306110609609;0.009583333333333332593184650250;0.017083333333333332315628894094;0.005416666666666666851703837438;0.025000000000000001387778780781;0.026249999999999999028554853453;0.012916666666666666574148081281;0.014999999999999999444888487687;0.018749999999999999306110609609;0.010416666666666666088425508008;0.005416666666666666851703837438;0.015833333333333334674852821422;0.012916666666666666574148081281;0.002500000000000000052041704279;0.025833333333333333148296162562;0.016250000000000000555111512313;0.022499999999999999167332731531;0.033750000000000002220446049250;0.006250000000000000346944695195;0.007916666666666667337426410711;0.011666666666666667198648532633;0.012083333333333333078907223523;0.020416666666666666296592325125;0.005833333333333333599324266316;0.017500000000000001665334536938;0.006250000000000000346944695195;0.024583333333333332038073137937;0.006250000000000000346944695195;0.010833333333333333703407674875;0.002083333333333333304421275400;0.005416666666666666851703837438;0.011249999999999999583666365766;0.013750000000000000069388939039;0.000000000000000000000000000000;0.022499999999999999167332731531;0.017083333333333332315628894094;0.021666666666666667406815349750;0.014999999999999999444888487687;0.011249999999999999583666365766;0.012500000000000000693889390391;0.014166666666666665949647629930
-0.017272727272727272929131459023;0.034848484848484850839867021932;0.041818181818181816844504083974;0.066969696969696970723084916699;0.036666666666666666851703837438;0.016666666666666666435370203203;0.004848484848484848480643094604;0.027878787878787877896336055983;0.033030303030303027889136302520;0.013636363636363635701287400082;0.011212121212121211460965852780;0.016969696969696971416974307090;0.013333333333333334189130248149;0.025454545454545455390737984658;0.045757575757575760788675722779;0.011515151515151514707846480690;0.020606060606060606910094890054;0.032424242424242424864821998653;0.018181818181818180935049866775;0.008181818181818182461606525635;0.012424242424242424448488364419;0.020909090909090908422252041987;0.008181818181818182461606525635;0.022424242424242422921931705559;0.029999999999999998889776975375;0.021818181818181819897617401693;0.025454545454545455390737984658;0.051212121212121208824186169295;0.000909090909090909090120580238;0.023939393939393940891058321085;0.010909090909090909948808700847;0.010000000000000000208166817117;0.007272727272727272720964641906;0.013333333333333334189130248149;0.020909090909090908422252041987;0.028181818181818182877940159869;0.013333333333333334189130248149;0.005454545454545454974404350423;0.004848484848484848480643094604;0.018484848484848485916653970662;0.010606060606060606701928072937;0.018181818181818180935049866775;0.000000000000000000000000000000;0.013333333333333334189130248149;0.026363636363636363396656392410;0.010606060606060606701928072937;0.020303030303030301928490786167;0.017272727272727272929131459023;0.023333333333333334397297065266;0.012727272727272727695368992329
-0.013333333333333334189130248149;0.018055555555555553859381490156;0.048055555555555552749158465531;0.173888888888888898387463655126;0.025000000000000001387778780781;0.019444444444444444752839729063;0.004166666666666666608842550801;0.026666666666666668378260496297;0.020833333333333332176851016015;0.013888888888888888117900677344;0.011666666666666667198648532633;0.012222222222222222862142437805;0.010555555555555555871660722289;0.020277777777777776513357110844;0.032777777777777780676693453188;0.013888888888888888117900677344;0.017777777777777777762358013547;0.033888888888888892003681263532;0.025833333333333333148296162562;0.004722222222222222272336455973;0.015555555555555555108382392859;0.021944444444444443503838826359;0.011388888888888889366901580047;0.023888888888888890060790970438;0.015833333333333334674852821422;0.027777777777777776235801354687;0.030833333333333334119741309109;0.037222222222222219045750790656;0.002500000000000000052041704279;0.018888888888888889089345823891;0.006388888888888889262818171488;0.014444444444444443781394582516;0.009166666666666666712925959359;0.012777777777777778525636342977;0.012777777777777778525636342977;0.022499999999999999167332731531;0.006944444444444444058950338672;0.006666666666666667094565124074;0.003888888888888888777095598215;0.022499999999999999167332731531;0.012222222222222222862142437805;0.014166666666666665949647629930;0.000000000000000000000000000000;0.014444444444444443781394582516;0.017777777777777777762358013547;0.010277777777777778039913769703;0.023611111111111110494320541875;0.009722222222222222376419864531;0.014722222222222221613141535101;0.012222222222222222862142437805
-0.013703703703703704053218359604;0.003333333333333333547282562037;0.049259259259259259577934386698;0.309629629629629643527977123085;0.011111111111111111535154627461;0.007037037037037036958653235530;0.005555555555555555767577313730;0.025185185185185185452461098521;0.014074074074074073917306471060;0.024814814814814813853649511088;0.009629629629629630344078705662;0.004814814814814815172039352831;0.001481481481481481407916356297;0.025185185185185185452461098521;0.026666666666666668378260496297;0.014444444444444443781394582516;0.023333333333333334397297065266;0.019259259259259260688157411323;0.010370370370370370072254928573;0.005185185185185185036127464286;0.013333333333333334189130248149;0.014814814814814815380206169948;0.001851851851851851922525771243;0.033333333333333332870740406406;0.018518518518518517490534236458;0.030370370370370370488588562807;0.023703703703703702526661700745;0.032222222222222221543752596062;0.002962962962962962815832712593;0.008148148148148147418279307885;0.002962962962962962815832712593;0.019629629629629628817522046802;0.003333333333333333547282562037;0.017777777777777777762358013547;0.004074074074074073709139653943;0.032962962962962964741375770927;0.007777777777777777554191196430;0.006296296296296296363115274630;0.000740740740740740703958178148;0.004814814814814815172039352831;0.010000000000000000208166817117;0.005185185185185185036127464286;0.000000000000000000000000000000;0.017777777777777777762358013547;0.010740740740740739936343040029;0.015185185185185185244294281404;0.028518518518518519433424529552;0.008148148148148147418279307885;0.007777777777777777554191196430;0.012962962962962962590318660716
-0.012916666666666666574148081281;0.008750000000000000832667268469;0.078750000000000000555111512313;0.095833333333333339809634310313;0.003333333333333333547282562037;0.005000000000000000104083408559;0.007916666666666667337426410711;0.020416666666666666296592325125;0.048750000000000001665334536938;0.029999999999999998889776975375;0.012083333333333333078907223523;0.005416666666666666851703837438;0.010416666666666666088425508008;0.029999999999999998889776975375;0.011249999999999999583666365766;0.012916666666666666574148081281;0.070000000000000006661338147751;0.056666666666666663798590519718;0.008750000000000000832667268469;0.019583333333333334536074943344;0.014999999999999999444888487687;0.035833333333333335091186455656;0.011666666666666667198648532633;0.033333333333333332870740406406;0.016250000000000000555111512313;0.020833333333333332176851016015;0.018749999999999999306110609609;0.004166666666666666608842550801;0.003333333333333333547282562037;0.006666666666666667094565124074;0.002083333333333333304421275400;0.028750000000000001249000902703;0.002916666666666666799662133158;0.009166666666666666712925959359;0.010416666666666666088425508008;0.055000000000000000277555756156;0.011249999999999999583666365766;0.006666666666666667094565124074;0.000416666666666666693410320255;0.021666666666666667406815349750;0.004583333333333333356462979680;0.014999999999999999444888487687;0.000000000000000000000000000000;0.009166666666666666712925959359;0.004166666666666666608842550801;0.017500000000000001665334536938;0.042083333333333333703407674875;0.013333333333333334189130248149;0.024583333333333332038073137937;0.006666666666666667094565124074
-0.016666666666666666435370203203;0.021874999999999998612221219219;0.039236111111111110494320541875;0.112152777777777781786916477813;0.023263888888888889505679458125;0.010763888888888888811790067734;0.013541666666666667129259593594;0.028125000000000000693889390391;0.012847222222222221682530474141;0.022222222222222223070309254922;0.014930555555555556287994356524;0.004166666666666666608842550801;0.015625000000000000000000000000;0.027430555555555555247160270937;0.029861111111111112575988713047;0.010763888888888888811790067734;0.017708333333333332870740406406;0.040625000000000001387778780781;0.018402777777777778317469525859;0.005902777777777777623580135469;0.020833333333333332176851016015;0.019791666666666665741480812812;0.017361111111111111882099322656;0.035416666666666665741480812812;0.017708333333333332870740406406;0.021874999999999998612221219219;0.030902777777777779011358916250;0.017708333333333332870740406406;0.007291666666666666782314898398;0.010763888888888888811790067734;0.005208333333333333044212754004;0.025694444444444443365060948281;0.011111111111111111535154627461;0.013194444444444444405895033867;0.021874999999999998612221219219;0.038541666666666668517038374375;0.013888888888888888117900677344;0.009722222222222222376419864531;0.007291666666666666782314898398;0.014236111111111110841265237070;0.016666666666666666435370203203;0.013888888888888888117900677344;0.000000000000000000000000000000;0.026736111111111109800431151484;0.011805555555555555247160270937;0.021180555555555556634939051719;0.019791666666666665741480812812;0.014236111111111110841265237070;0.021180555555555556634939051719;0.007986111111111110494320541875
-0.014444444444444443781394582516;0.015555555555555555108382392859;0.037777777777777778178691647781;0.117407407407407404775767645333;0.001851851851851851922525771243;0.012222222222222222862142437805;0.006296296296296296363115274630;0.029999999999999998889776975375;0.017407407407407406163546426114;0.015925925925925926707193980292;0.012222222222222222862142437805;0.007777777777777777554191196430;0.018518518518518517490534236458;0.023703703703703702526661700745;0.029629629629629630760412339896;0.016296296296296294836558615771;0.023703703703703702526661700745;0.036666666666666666851703837438;0.011851851851851851263330850372;0.005925925925925925631665425186;0.018888888888888889089345823891;0.017407407407407406163546426114;0.038888888888888889505679458125;0.027037037037037036507625131776;0.020000000000000000416333634234;0.024814814814814813853649511088;0.034814814814814812327092852229;0.009259259259259258745267118229;0.004444444444444444440589503387;0.009259259259259258745267118229;0.010370370370370370072254928573;0.017037037037037038034181790636;0.012962962962962962590318660716;0.017407407407407406163546426114;0.032222222222222221543752596062;0.031111111111111110216764785719;0.012962962962962962590318660716;0.014074074074074073917306471060;0.004814814814814815172039352831;0.037037037037037034981068472916;0.011481481481481481399242738917;0.014074074074074073917306471060;0.000000000000000000000000000000;0.014444444444444443781394582516;0.013333333333333334189130248149;0.019259259259259260688157411323;0.020000000000000000416333634234;0.012962962962962962590318660716;0.029999999999999998889776975375;0.014444444444444443781394582516
-0.016981132075471697812085736246;0.015094339622641509551792537991;0.046540880503144650692792794189;0.226100628930817615369619488774;0.005345911949685534271525799710;0.006289308176100629269034136826;0.006918238993710692022465202911;0.030817610062893081857016142067;0.010377358490566037166336066377;0.029245283018867924973438476854;0.016037735849056603681939137118;0.006603773584905660645749669868;0.004716981132075471518094733625;0.033333333333333332870740406406;0.027358490566037736713145278600;0.018238993710691823318947868415;0.025786163522012579829567613388;0.023899371069182391569274415133;0.012264150943396227161352740609;0.004088050314465408764663667540;0.012264150943396227161352740609;0.014465408805031446798361471906;0.005974842767295597892318603783;0.037421383647798740768042335958;0.019182389937106917449094467543;0.028616352201257862220007410770;0.027358490566037736713145278600;0.010377358490566037166336066377;0.004402515723270440141379200583;0.009748427672955974412905000293;0.002515723270440251447405133334;0.027044025157232705336429745557;0.005974842767295597892318603783;0.014465408805031446798361471906;0.007547169811320754775896268995;0.036477987421383646637895736831;0.006603773584905660645749669868;0.010062893081761005789620533335;0.001257861635220125723702566667;0.008490566037735848906042868123;0.014779874213836478175077004948;0.006603773584905660645749669868;0.000000000000000000000000000000;0.020754716981132074332672132755;0.014465408805031446798361471906;0.012893081761006289914783806694;0.030817610062893081857016142067;0.017295597484276729188801269288;0.010691823899371068543051599420;0.015408805031446540928508071033
-0.020289855072463766627599568437;0.011231884057971014412302679375;0.041304347826086953987534400312;0.177173913043478264972563351876;0.008695652173913043583852733320;0.019927536231884056261431936719;0.006521739130434782254208680996;0.026449275362318839383002355703;0.007608695652173913352711576152;0.025362318840579711753946412500;0.022826086956521739190772990469;0.006159420289855072755402787266;0.015579710144927537071590784024;0.037681159420289857264751987032;0.025362318840579711753946412500;0.014492753623188405973087888867;0.013768115942028985240752625430;0.026449275362318839383002355703;0.023913043478260870289275885625;0.007608695652173913352711576152;0.021376811594202897726102463594;0.008695652173913043583852733320;0.013043478260869564508417361992;0.030434782608695653410846304610;0.023550724637681159923108253906;0.039130434782608698729422513907;0.028623188405797101580008146016;0.012681159420289855876973206250;0.001449275362318840597308788887;0.015942028985507245703034939766;0.007971014492753622851517469883;0.019202898550724638998543625235;0.012681159420289855876973206250;0.010144927536231883313799784219;0.019565217391304349364711256953;0.032971014492753622504572774687;0.006159420289855072755402787266;0.007608695652173913352711576152;0.001449275362318840597308788887;0.013768115942028985240752625430;0.007971014492753622851517469883;0.003985507246376811425758734941;0.000000000000000000000000000000;0.010507246376811593679967415937;0.015217391304347826705423152305;0.013405797101449274874584993711;0.032971014492753622504572774687;0.015579710144927537071590784024;0.019565217391304349364711256953;0.015942028985507245703034939766
-0.019444444444444444752839729063;0.013888888888888888117900677344;0.045138888888888888117900677344;0.062500000000000000000000000000;0.003125000000000000173472347598;0.012847222222222221682530474141;0.004861111111111111188209932266;0.025694444444444443365060948281;0.031250000000000000000000000000;0.029861111111111112575988713047;0.013194444444444444405895033867;0.012847222222222221682530474141;0.012152777777777777970524830664;0.025000000000000001387778780781;0.022222222222222223070309254922;0.015625000000000000000000000000;0.027777777777777776235801354687;0.043055555555555555247160270937;0.010763888888888888811790067734;0.007291666666666666782314898398;0.014930555555555556287994356524;0.024305555555555555941049661328;0.008333333333333333217685101602;0.047569444444444441977282167500;0.020833333333333332176851016015;0.028125000000000000693889390391;0.035416666666666665741480812812;0.011458333333333332523795711211;0.008680555555555555941049661328;0.008333333333333333217685101602;0.009722222222222222376419864531;0.037152777777777777623580135469;0.007638888888888888638317720137;0.014930555555555556287994356524;0.021180555555555556634939051719;0.040277777777777780399137697032;0.008680555555555555941049661328;0.010416666666666666088425508008;0.002777777777777777883788656865;0.016666666666666666435370203203;0.011805555555555555247160270937;0.021180555555555556634939051719;0.000000000000000000000000000000;0.035069444444444444752839729063;0.009374999999999999653055304805;0.026388888888888888811790067734;0.026041666666666667823148983985;0.014930555555555556287994356524;0.022569444444444444058950338672;0.016666666666666666435370203203
-0.012500000000000000693889390391;0.017500000000000001665334536938;0.045277777777777777901135891625;0.380277777777777770129574719249;0.006388888888888889262818171488;0.009444444444444444544672911945;0.008888888888888888881179006773;0.018611111111111109522875395328;0.015555555555555555108382392859;0.023333333333333334397297065266;0.013611111111111110286153724758;0.011388888888888889366901580047;0.003055555555555555715535609451;0.025000000000000001387778780781;0.025277777777777777484802257391;0.012777777777777778525636342977;0.012222222222222222862142437805;0.016388888888888890338346726594;0.007499999999999999722444243844;0.001388888888888888941894328433;0.015277777777777777276635440273;0.012777777777777778525636342977;0.000555555555555555555073687923;0.028055555555555555802271783250;0.018333333333333333425851918719;0.022222222222222223070309254922;0.025833333333333333148296162562;0.013888888888888888117900677344;0.003333333333333333547282562037;0.008611111111111111049432054187;0.004444444444444444440589503387;0.018055555555555553859381490156;0.003888888888888888777095598215;0.011944444444444445030395485219;0.000833333333333333386820640509;0.019722222222222220849863205672;0.006388888888888889262818171488;0.002222222222222222220294751693;0.000833333333333333386820640509;0.002777777777777777883788656865;0.012222222222222222862142437805;0.002222222222222222220294751693;0.000000000000000000000000000000;0.017500000000000001665334536938;0.012500000000000000693889390391;0.012222222222222222862142437805;0.023055555555555554830826636703;0.010555555555555555871660722289;0.009166666666666666712925959359;0.014166666666666665949647629930
-0.012681159420289855876973206250;0.014130434782608695606920257148;0.036231884057971015800081460156;0.520289855072463724994236144994;0.027536231884057970481505250859;0.006884057971014492620376312715;0.005072463768115941656899892109;0.010507246376811593679967415937;0.009057971014492753950020365039;0.009782608695652174682355628477;0.006521739130434782254208680996;0.002173913043478260895963183330;0.002173913043478260895963183330;0.017028985507246376801537834922;0.028985507246376811946175777734;0.009782608695652174682355628477;0.009420289855072464316187996758;0.013405797101449274874584993711;0.009057971014492753950020365039;0.001449275362318840597308788887;0.007971014492753622851517469883;0.009782608695652174682355628477;0.003260869565217391127104340498;0.009057971014492753950020365039;0.012681159420289855876973206250;0.016304347826086956069202571484;0.016666666666666666435370203203;0.016666666666666666435370203203;0.000362318840579710149327197222;0.006521739130434782254208680996;0.001811594202898550746635986108;0.005072463768115941656899892109;0.006159420289855072755402787266;0.007608695652173913352711576152;0.003623188405797101493271972217;0.017391304347826087167705466641;0.001811594202898550746635986108;0.003623188405797101493271972217;0.000000000000000000000000000000;0.007608695652173913352711576152;0.005072463768115941656899892109;0.005072463768115941656899892109;0.000000000000000000000000000000;0.009057971014492753950020365039;0.018840579710144928632375993516;0.006159420289855072755402787266;0.022101449275362318458437727031;0.012318840579710145510805574531;0.007246376811594202986543944434;0.007971014492753622851517469883
-0.022569444444444444058950338672;0.018749999999999999306110609609;0.038888888888888889505679458125;0.176388888888888900607909704377;0.037499999999999998612221219219;0.007986111111111110494320541875;0.004861111111111111188209932266;0.018402777777777778317469525859;0.009722222222222222376419864531;0.031250000000000000000000000000;0.009722222222222222376419864531;0.002430555555555555594104966133;0.005208333333333333044212754004;0.036111111111111107718762980312;0.040972222222222222376419864531;0.012847222222222221682530474141;0.016666666666666666435370203203;0.020486111111111111188209932266;0.014930555555555556287994356524;0.005208333333333333044212754004;0.011458333333333332523795711211;0.011458333333333332523795711211;0.001388888888888888941894328433;0.050694444444444444752839729063;0.020486111111111111188209932266;0.030555555555555554553270880547;0.018749999999999999306110609609;0.041666666666666664353702032031;0.002777777777777777883788656865;0.004166666666666666608842550801;0.003472222222222222029475169336;0.024652777777777776929690745078;0.004861111111111111188209932266;0.006597222222222222202947516934;0.008680555555555555941049661328;0.044444444444444446140618509844;0.009722222222222222376419864531;0.007638888888888888638317720137;0.001041666666666666652210637700;0.007291666666666666782314898398;0.009374999999999999653055304805;0.003125000000000000173472347598;0.000000000000000000000000000000;0.027430555555555555247160270937;0.024305555555555555941049661328;0.013194444444444444405895033867;0.034027777777777774848022573906;0.021180555555555556634939051719;0.011458333333333332523795711211;0.013194444444444444405895033867
-0.026754385964912280604366401349;0.008771929824561403021832006743;0.056578947368421055041931566620;0.100877192982456134751068077549;0.008771929824561403021832006743;0.010526315789473683973143103287;0.005701754385964912658080194774;0.023684210526315790240614589379;0.007894736842105263413538196460;0.042982456140350878970313175387;0.014912280701754385484059106659;0.001315789473684210496642887911;0.003947368421052631706769098230;0.060964912280701756552847569992;0.020175438596491228337992396291;0.009649122807017544364849293004;0.017543859649122806043664013487;0.024561403508771929848908399663;0.013157894736842104532748010115;0.009210526315789472825978911885;0.016666666666666666435370203203;0.009649122807017544364849293004;0.007017543859649122937882648188;0.047807017543859652020099559877;0.020614035087719299876862777410;0.045175438596491229725771177073;0.037280701754385962842786028659;0.010526315789473683973143103287;0.000000000000000000000000000000;0.007456140350877192742029553330;0.001315789473684210496642887911;0.021491228070175439485156587693;0.004385964912280701510916003372;0.006578947368421052266374005058;0.009210526315789472825978911885;0.058333333333333334258519187188;0.018421052631578945651957823770;0.007456140350877192742029553330;0.000438596491228070183617665512;0.009649122807017544364849293004;0.009210526315789472825978911885;0.004824561403508772182424646502;0.000000000000000000000000000000;0.029824561403508770968118213318;0.010087719298245614168996198146;0.019736842105263156799122015173;0.053947368421052632747603183816;0.023684210526315790240614589379;0.026315789473684209065496020230;0.014912280701754385484059106659
-0.042592592592592591616007524635;0.003333333333333333547282562037;0.044444444444444446140618509844;0.000000000000000000000000000000;0.003333333333333333547282562037;0.027407407407407408106436719208;0.004814814814814815172039352831;0.029259259259259259161600752464;0.015185185185185185244294281404;0.030740740740740742087400150240;0.025925925925925925180637321432;0.015185185185185185244294281404;0.021111111111111111743321444578;0.051851851851851850361274642864;0.008518518518518519017090895318;0.021111111111111111743321444578;0.024444444444444445724284875610;0.037777777777777778178691647781;0.021111111111111111743321444578;0.009259259259259258745267118229;0.011111111111111111535154627461;0.011481481481481481399242738917;0.015555555555555555108382392859;0.033703703703703701000105041885;0.038888888888888889505679458125;0.043703703703703702942995334979;0.043333333333333334813630699500;0.001111111111111111110147375847;0.002962962962962962815832712593;0.019259259259259260688157411323;0.010370370370370370072254928573;0.015555555555555555108382392859;0.013703703703703704053218359604;0.009259259259259258745267118229;0.027037037037037036507625131776;0.042592592592592591616007524635;0.015555555555555555108382392859;0.009259259259259258745267118229;0.001481481481481481407916356297;0.020740740740740740144509857146;0.005555555555555555767577313730;0.010370370370370370072254928573;0.000000000000000000000000000000;0.019629629629629628817522046802;0.005925925925925925631665425186;0.015925925925925926707193980292;0.040000000000000000832667268469;0.022962962962962962798485477833;0.038888888888888889505679458125;0.016666666666666666435370203203
-0.027192982456140352143236782467;0.009649122807017544364849293004;0.036549707602339179257633361431;0.280409356725146219346811449213;0.000584795321637426911490220682;0.019590643274853800775980872118;0.006432748538011696243232862003;0.023684210526315790240614589379;0.014327485380116959656771058462;0.018128654970760233605675537660;0.015204678362573099265064868746;0.010526315789473683973143103287;0.012573099415204678705459961918;0.021637426900584795508297730748;0.011988304093567251143448437745;0.020175438596491228337992396291;0.016666666666666666435370203203;0.022222222222222223070309254922;0.012573099415204678705459961918;0.004678362573099415291921765458;0.015497076023391813046070630833;0.013450292397660818313753772202;0.014035087719298245875765296375;0.028070175438596491751530592751;0.023391812865497074724885351316;0.026900584795321636627507544404;0.027192982456140352143236782467;0.002339181286549707645960882729;0.003801169590643274816266217186;0.010818713450292397754148865374;0.009064327485380116802837768830;0.016081871345029238873358679029;0.007602339181286549632532434373;0.014035087719298245875765296375;0.022222222222222223070309254922;0.026315789473684209065496020230;0.007894736842105263413538196460;0.007017543859649122937882648188;0.001754385964912280734470662047;0.014619883040935671703053344572;0.007894736842105263413538196460;0.006140350877192982462227099916;0.000000000000000000000000000000;0.019005847953216373213969347944;0.005555555555555555767577313730;0.015789473684210526827076392919;0.018128654970760233605675537660;0.012865497076023392486465724005;0.026900584795321636627507544404;0.010818713450292397754148865374
-0.015497076023391813046070630833;0.007894736842105263413538196460;0.057017543859649119641908043832;0.209941520467836262309191397435;0.000584795321637426911490220682;0.005847953216374268681221337829;0.012573099415204678705459961918;0.026315789473684209065496020230;0.026023391812865497019213734120;0.025146198830409357410919923836;0.012280701754385964924454199831;0.004678362573099415291921765458;0.006432748538011696243232862003;0.032163742690058477746717358059;0.024561403508771929848908399663;0.012865497076023392486465724005;0.024269005847953217802626113553;0.022222222222222223070309254922;0.007894736842105263413538196460;0.005263157894736841986571551644;0.021637426900584795508297730748;0.026023391812865497019213734120;0.007602339181286549632532434373;0.032748538011695908778175834186;0.016374269005847954389087917093;0.021929824561403507554580016858;0.031871345029239765700435071949;0.002923976608187134340610668914;0.003216374269005848121616431001;0.004093567251461988597271979273;0.002631578947368420993285775822;0.021637426900584795508297730748;0.004093567251461988597271979273;0.013450292397660818313753772202;0.017543859649122806043664013487;0.031871345029239765700435071949;0.007017543859649122937882648188;0.008479532163742689240826244657;0.003801169590643274816266217186;0.026608187134502924581225258294;0.014912280701754385484059106659;0.010233918128654970192137341201;0.000000000000000000000000000000;0.023099415204678362678603065206;0.012280701754385964924454199831;0.026608187134502924581225258294;0.022807017543859650632320779096;0.010526315789473683973143103287;0.017836257309941521559393251550;0.016666666666666666435370203203
-0.025617283950617283916351141215;0.011419753086419752799440807678;0.057407407407407406996213694583;0.011728395061728395798450463872;0.001851851851851851922525771243;0.019444444444444444752839729063;0.005246913580246913635929395525;0.021604938271604937072289942535;0.024382716049382715389759468394;0.019135802469135803488553548846;0.015123456790123456644492350165;0.008950617283950617480980938012;0.031172839506172840551290192934;0.037962962962962962243373965521;0.012037037037037037062736644089;0.016666666666666666435370203203;0.025308641975308642652064960998;0.048148148148148148250946576354;0.014197530864197531116910333537;0.015740740740740739173064710599;0.016666666666666666435370203203;0.022530864197530864334595435139;0.032407407407407405608434913802;0.025925925925925925180637321432;0.036419753086419752452496112483;0.026234567901234566444923501649;0.034567901234567897927885127274;0.005246913580246913635929395525;0.003395061728395061713403624282;0.015123456790123456644492350165;0.008024691358024691953398921385;0.016666666666666666435370203203;0.014506172839506172381196513754;0.015123456790123456644492350165;0.032407407407407405608434913802;0.037345679012345679714801605087;0.017283950617283948963942563637;0.007716049382716048954389265191;0.002160493827160493620492820455;0.055246913580246914676763481111;0.009259259259259258745267118229;0.013271604938271605589328316910;0.000000000000000000000000000000;0.015432098765432097908778530382;0.002777777777777777883788656865;0.012962962962962962590318660716;0.025925925925925925180637321432;0.021604938271604937072289942535;0.039506172839506172034251818559;0.011111111111111111535154627461
-0.025193798449612402751141004842;0.015891472868217054043027403054;0.055426356589147289521957162606;0.070155038759689924976470365436;0.002325581395348837177028400447;0.018604651162790697416227203576;0.002713178294573643373199800521;0.026356589147286821339655205065;0.018217054263565891220055803501;0.019379844961240309808570003725;0.019379844961240309808570003725;0.014341085271317829258341802756;0.016666666666666666435370203203;0.034496124031007754928701558583;0.017441860465116278827713003352;0.013178294573643410669827602533;0.018604651162790697416227203576;0.055813953488372092248681610727;0.010077519379844961100456401937;0.013178294573643410669827602533;0.016279069767441860239198803129;0.017829457364341085023884403427;0.022480620155038759377941204320;0.027131782945736433731998005214;0.021705426356589146985598404171;0.029069767441860464712855005587;0.038759689922480619617140007449;0.004263565891472868157885400819;0.003100775193798449569371200596;0.013953488372093023062170402682;0.008527131782945736315770801639;0.015116279069767441650684602905;0.008139534883720930119599401564;0.010077519379844961100456401937;0.037209302325581394832454407151;0.038759689922480619617140007449;0.016666666666666666435370203203;0.010852713178294573492799202086;0.000387596899224806196171400074;0.043798449612403103636815160371;0.005426356589147286746399601043;0.009302325581395348708113601788;0.000000000000000000000000000000;0.015503875968992247846856002980;0.006976744186046511531085201341;0.012790697674418604473656202458;0.027131782945736433731998005214;0.015503875968992247846856002980;0.041860465116279069186511208045;0.013953488372093023062170402682
-0.020760233918128655900003920465;0.008479532163742689240826244657;0.030701754385964910576412023602;0.239473684210526310822686468782;0.009941520467836258145855055091;0.016666666666666666435370203203;0.009064327485380116802837768830;0.023684210526315790240614589379;0.011111111111111111535154627461;0.022807017543859650632320779096;0.011695906432748537362442675658;0.007309941520467835851526672286;0.012573099415204678705459961918;0.023684210526315790240614589379;0.023099415204678362678603065206;0.014912280701754385484059106659;0.017543859649122806043664013487;0.023099415204678362678603065206;0.012865497076023392486465724005;0.007017543859649122937882648188;0.013450292397660818313753772202;0.012280701754385964924454199831;0.011403508771929825316160389548;0.030409356725146198530129737492;0.020467836257309940384274682401;0.021345029239766083462015444638;0.025146198830409357410919923836;0.007894736842105263413538196460;0.004093567251461988597271979273;0.016959064327485378481652489313;0.013157894736842104532748010115;0.018421052631578945651957823770;0.009941520467836258145855055091;0.008771929824561403021832006743;0.021637426900584795508297730748;0.025730994152046784972931448010;0.006432748538011696243232862003;0.016959064327485378481652489313;0.002339181286549707645960882729;0.017251461988304093997381727377;0.009356725146198830583843530917;0.008771929824561403021832006743;0.000000000000000000000000000000;0.025730994152046784972931448010;0.016374269005847954389087917093;0.022807017543859650632320779096;0.021052631578947367946286206575;0.012280701754385964924454199831;0.019005847953216373213969347944;0.014035087719298245875765296375
-0.027878787878787877896336055983;0.012121212121212121201607736509;0.053030303030303031774916888708;0.163030303030303025391134497113;0.002121212121212121427121788386;0.009090909090909090467524933388;0.006363636363636363847684496164;0.027575757575757576384178904050;0.019696969696969695434729530348;0.031212121212121211877299487014;0.009393939393939393714405561298;0.004848484848484848480643094604;0.007878787878787879214725897725;0.039696969696969695851063164582;0.015757575757575758429451795450;0.010606060606060606701928072937;0.018787878787878787428811122595;0.040909090909090908838585676222;0.006666666666666667094565124074;0.007878787878787879214725897725;0.016363636363636364923213051270;0.012424242424242424448488364419;0.008181818181818182461606525635;0.034848484848484850839867021932;0.018787878787878787428811122595;0.037878787878787879839226349077;0.031212121212121211877299487014;0.004545454545454545233762466694;0.003030303030303030300401934127;0.004242424242424242854243576772;0.006060606060606060600803868255;0.024242424242424242403215473018;0.004848484848484848480643094604;0.006969696969696969474084013996;0.011212121212121211460965852780;0.054545454545454542805149600326;0.012727272727272727695368992329;0.008787878787878787220644305478;0.001818181818181818180241160476;0.014545454545454545441929283811;0.010606060606060606701928072937;0.008181818181818182461606525635;0.000000000000000000000000000000;0.025151515151515150409133880771;0.010303030303030303455047445027;0.021212121212121213403856145874;0.032121212121212119883217894767;0.023333333333333334397297065266;0.029393939393939392396015719555;0.007878787878787879214725897725
-0.023611111111111110494320541875;0.017500000000000001665334536938;0.062777777777777779566470428563;0.039166666666666669072149886688;0.016944444444444446001840631766;0.017777777777777777762358013547;0.005000000000000000104083408559;0.026944444444444444475283972906;0.019444444444444444752839729063;0.024722222222222221821308352219;0.014999999999999999444888487687;0.008055555555555555385938149016;0.020000000000000000416333634234;0.033055555555555553304269977843;0.028888888888888887562789165031;0.010555555555555555871660722289;0.026944444444444444475283972906;0.050277777777777775403134086218;0.019722222222222220849863205672;0.011111111111111111535154627461;0.011944444444444445030395485219;0.020277777777777776513357110844;0.016944444444444446001840631766;0.028888888888888887562789165031;0.018888888888888889089345823891;0.033611111111111112437210834969;0.035000000000000003330669073875;0.010833333333333333703407674875;0.001666666666666666773641281019;0.022499999999999999167332731531;0.003611111111111110945348645629;0.014999999999999999444888487687;0.012500000000000000693889390391;0.008888888888888888881179006773;0.025000000000000001387778780781;0.043888888888888887007677652718;0.018055555555555553859381490156;0.006111111111111111431071218902;0.005277777777777777935830361145;0.021944444444444443503838826359;0.012500000000000000693889390391;0.015833333333333334674852821422;0.000000000000000000000000000000;0.012222222222222222862142437805;0.012222222222222222862142437805;0.012500000000000000693889390391;0.028333333333333331899295259859;0.018888888888888889089345823891;0.030277777777777778456247403938;0.018888888888888889089345823891
-0.018055555555555553859381490156;0.039583333333333331482961625625;0.033333333333333332870740406406;0.039583333333333331482961625625;0.015625000000000000000000000000;0.015625000000000000000000000000;0.010069444444444445099784424258;0.041319444444444443365060948281;0.021180555555555556634939051719;0.010069444444444445099784424258;0.012500000000000000693889390391;0.007638888888888888638317720137;0.017361111111111111882099322656;0.018055555555555553859381490156;0.033333333333333332870740406406;0.007291666666666666782314898398;0.035763888888888886730121896562;0.062152777777777779011358916250;0.021180555555555556634939051719;0.006944444444444444058950338672;0.022569444444444444058950338672;0.014583333333333333564629796797;0.022222222222222223070309254922;0.019791666666666665741480812812;0.015277777777777777276635440273;0.015277777777777777276635440273;0.038541666666666668517038374375;0.037499999999999998612221219219;0.005902777777777777623580135469;0.021527777777777777623580135469;0.006250000000000000346944695195;0.018749999999999999306110609609;0.022569444444444444058950338672;0.009374999999999999653055304805;0.026388888888888888811790067734;0.031597222222222220988641083750;0.011111111111111111535154627461;0.006944444444444444058950338672;0.007638888888888888638317720137;0.021180555555555556634939051719;0.015972222222222220988641083750;0.030902777777777779011358916250;0.000000000000000000000000000000;0.011805555555555555247160270937;0.022916666666666665047591422422;0.018749999999999999306110609609;0.013541666666666667129259593594;0.007291666666666666782314898398;0.023958333333333334952408577578;0.013194444444444444405895033867
-0.017320261437908497648141548098;0.028431372549019607448572699582;0.036274509803921571593487982454;0.011764705882352941013202496379;0.023856209150326795898067189228;0.013398692810457515575683906661;0.007516339869281045936444396460;0.036274509803921571593487982454;0.024183006535947713239176337652;0.015359477124183005744550989391;0.016666666666666666435370203203;0.008823529411764705759901872284;0.020588235294117646773104368663;0.016666666666666666435370203203;0.025163398692810458323609879017;0.012091503267973856619588168826;0.020261437908496732901442172192;0.048039215686274512606690478833;0.031372549019607842701873323676;0.006535947712418300852010855095;0.022222222222222223070309254922;0.027450980392156862364139158217;0.040849673202614379674546540855;0.026470588235294117279705616852;0.016993464052287580307032399674;0.021241830065359477985875713557;0.029738562091503266404668437417;0.025490196078431372195272075487;0.002287581699346405341571886183;0.027124183006535948492476961746;0.009803921568627450844335413649;0.017973856209150325391465941038;0.019607843137254901688670827298;0.011437908496732025406816823931;0.035294117647058823039607489136;0.027777777777777776235801354687;0.014052287581699346788455251556;0.007516339869281045936444396460;0.010130718954248366450721086096;0.048039215686274512606690478833;0.007843137254901960675468330919;0.015686274509803921350936661838;0.000000000000000000000000000000;0.016013071895424835222598858309;0.019281045751633987817008630827;0.015686274509803921350936661838;0.013725490196078431182069579108;0.015032679738562091872888792921;0.027777777777777776235801354687;0.006862745098039215591034789554
-0.027380952380952380820211544687;0.012202380952380952397473556914;0.046130952380952383595769106250;0.000892857142857142829263372708;0.006250000000000000346944695195;0.022321428571428571924206707422;0.010416666666666666088425508008;0.019047619047619049337249919063;0.021428571428571428769682682969;0.021130952380952382207990325469;0.012202380952380952397473556914;0.016071428571428569842538536250;0.030654761904761903407168333047;0.030654761904761903407168333047;0.010416666666666666088425508008;0.017559523809523809589894227656;0.033035714285714286309048048906;0.038690476190476191797884553125;0.011607142857142857539365365938;0.011011904761904762681257174961;0.016071428571428569842538536250;0.019940476190476189022326991562;0.034226190476190479494711382813;0.030654761904761903407168333047;0.029166666666666667129259593594;0.027083333333333334258519187188;0.026190476190476191103995162734;0.008928571428571428075793292578;0.005059523809523809763366575254;0.018749999999999999306110609609;0.015178571428571428422737987773;0.022916666666666665047591422422;0.014880952380952380126322154297;0.011011904761904762681257174961;0.044047619047619050725028699844;0.037202380952380952050528861719;0.011309523809523809242949532461;0.018452380952380952744418252109;0.003869047619047619179788455313;0.039285714285714284921269268125;0.008035714285714284921269268125;0.016071428571428569842538536250;0.000000000000000000000000000000;0.019345238095238095898942276563;0.008035714285714284921269268125;0.026190476190476191103995162734;0.022321428571428571924206707422;0.021130952380952382207990325469;0.032142857142857139685077072500;0.013392857142857142113689938867
-0.022340425531914894635709956106;0.009929078014184397615871091602;0.052482269503546098710078382510;0.050709219858156025229067864757;0.003546099290780141757850607576;0.020567375886524821154699438353;0.008510638297872340565786153377;0.021276595744680850547103645454;0.025886524822695034658837087704;0.022340425531914894635709956106;0.010638297872340425273551822727;0.006737588652482269686860849589;0.031560283687943259389729888653;0.033333333333333332870740406406;0.013829787234042552335200326752;0.017021276595744681131572306754;0.035815602836879435744155131260;0.046808510638297870509738629607;0.015602836879432624081487368528;0.009574468085106382919668988052;0.014184397163120567031402430302;0.025886524822695034658837087704;0.029787234042553192847613274807;0.031914893617021274085931992204;0.026595744680851064051241294806;0.025531914893617019962634984154;0.026950354609929078747443398356;0.006382978723404254990658746038;0.004609929078014184111733442251;0.024468085106382979343475625456;0.010283687943262410577349719176;0.019148936170212765839337976104;0.015957446808510637042965996102;0.011347517730496454665956029828;0.040780141843971634552090677062;0.029078014184397163455209067706;0.009929078014184397615871091602;0.012765957446808509981317492077;0.004964539007092198807935545801;0.031205673758865248162974737056;0.009574468085106382919668988052;0.014184397163120567031402430302;0.000000000000000000000000000000;0.018794326241134751143135872553;0.006028368794326241161818380476;0.017375886524822695827774410304;0.025177304964539008735879832557;0.014539007092198581727604533853;0.020921985815602835850901541903;0.013120567375886524677519595627
-0.020370370370370372015145221667;0.022592592592592591199673890401;0.034814814814814812327092852229;0.084074074074074078843921142834;0.007037037037037036958653235530;0.012962962962962962590318660716;0.009259259259259258745267118229;0.029999999999999998889776975375;0.015185185185185185244294281404;0.018148148148148149361169600979;0.017037037037037038034181790636;0.003333333333333333547282562037;0.033333333333333332870740406406;0.021851851851851851471497667490;0.025925925925925925180637321432;0.010000000000000000208166817117;0.039259259259259257635044093604;0.035925925925925923654080662573;0.022592592592592591199673890401;0.005925925925925925631665425186;0.021481481481481479872686080057;0.018518518518518517490534236458;0.020000000000000000416333634234;0.027777777777777776235801354687;0.020000000000000000416333634234;0.019259259259259260688157411323;0.030740740740740742087400150240;0.023703703703703702526661700745;0.006666666666666667094565124074;0.008888888888888888881179006773;0.004444444444444444440589503387;0.032222222222222221543752596062;0.021851851851851851471497667490;0.013703703703703704053218359604;0.051111111111111114102545371907;0.029259259259259259161600752464;0.008518518518518519017090895318;0.008148148148148147418279307885;0.003333333333333333547282562037;0.028148148148148147834612942120;0.009629629629629630344078705662;0.010370370370370370072254928573;0.000000000000000000000000000000;0.013703703703703704053218359604;0.019629629629629628817522046802;0.018148148148148149361169600979;0.020370370370370372015145221667;0.009629629629629630344078705662;0.015555555555555555108382392859;0.015555555555555555108382392859
-0.027243589743589743945584302764;0.008653846153846154326538808732;0.068589743589743595864050007549;0.031089743589743590312934884423;0.001282051282051282050170049054;0.020512820512820512802720784862;0.003205128205128205017004905386;0.016987179487179485809500434357;0.025961538461538462979616426196;0.032051282051282048435325577884;0.014743589743589743251694912374;0.008012820512820512108831394471;0.013141025641025641176873328675;0.046794871794871795156467442212;0.005128205128205128200680196215;0.026282051282051282353746657350;0.031730769230769229061195346731;0.029166666666666667129259593594;0.007692307692307692734701163317;0.008012820512820512108831394471;0.014102564102564102768710974090;0.024038461538461539795941135367;0.012500000000000000693889390391;0.042307692307692310040856398246;0.025961538461538462979616426196;0.033012820512820513496610175252;0.024358974358974359170071366520;0.001923076923076923183675290829;0.004166666666666666608842550801;0.010576923076923077510214099561;0.008333333333333333217685101602;0.033653846153846152244870637560;0.007051282051282051384355487045;0.015384615384615385469402326635;0.028846153846153847755129362440;0.051923076923076925959232852392;0.009615384615384615918376454147;0.014102564102564102768710974090;0.002884615384615384775512936244;0.031410256410256409687065115577;0.007371794871794871625847456187;0.008974358974358973700669039886;0.000000000000000000000000000000;0.025961538461538462979616426196;0.003846153846153846367350581659;0.025000000000000001387778780781;0.044551282051282052598661920229;0.017307692307692308653077617464;0.026282051282051282353746657350;0.018269230769230770244915262879
-0.017261904761904763028201870156;0.012500000000000000693889390391;0.076785714285714290472384391251;0.200595238095238104225614961251;0.001488095238095238012632215430;0.010714285714285714384841341484;0.001190476190476190583578119941;0.013095238095238095551997581367;0.014880952380952380126322154297;0.031547619047619046561692357500;0.008035714285714284921269268125;0.004464285714285714037896646289;0.008035714285714284921269268125;0.048511904761904763028201870156;0.010416666666666666088425508008;0.019345238095238095898942276563;0.030059523809523810283783618047;0.025892857142857144542302805235;0.005654761904761904621474766230;0.007738095238095238359576910625;0.008630952380952381514100935078;0.014285714285714285268213963320;0.001785714285714285658526745415;0.058630952380952380820211544687;0.022916666666666665047591422422;0.031845238095238093123384715000;0.019047619047619049337249919063;0.003273809523809523887999395342;0.001190476190476190583578119941;0.001785714285714285658526745415;0.002976190476190476025264430859;0.027976190476190477413043211641;0.000892857142857142829263372708;0.009226190476190476372209126055;0.013690476190476190410105772344;0.056250000000000001387778780781;0.008630952380952381514100935078;0.005952380952380952050528861719;0.000595238095238095291789059971;0.013690476190476190410105772344;0.005952380952380952050528861719;0.010416666666666666088425508008;0.000000000000000000000000000000;0.017261904761904763028201870156;0.003869047619047619179788455313;0.011904761904761904101057723437;0.043154761904761904101057723437;0.026190476190476191103995162734;0.014880952380952380126322154297;0.014880952380952380126322154297
-0.012393162393162392501122504029;0.012820512820512820068019621544;0.051709401709401706104252127716;0.342735042735042738648587601347;0.012820512820512820068019621544;0.004273504273504273934247699174;0.008119658119658120301598280832;0.021367521367521367936515019892;0.020085470085470086970547143324;0.021794871794871793768688661430;0.003418803418803418800453464144;0.001282051282051282050170049054;0.001282051282051282050170049054;0.018803418803418802535132314802;0.020940170940170938634894426400;0.003846153846153846367350581659;0.041025641025641025605441569724;0.029914529914529915805010418239;0.011538461538461539102051744976;0.004700854700854700633783078700;0.009401709401709401267566157401;0.023076923076923078204103489952;0.001282051282051282050170049054;0.029914529914529915805010418239;0.010683760683760683968257509946;0.015384615384615385469402326635;0.015811965811965811301575968173;0.061538461538461541877609306539;0.003418803418803418800453464144;0.006837606837606837600906928287;0.001282051282051282050170049054;0.022649572649572648902482896460;0.002136752136752136967123849587;0.005555555555555555767577313730;0.002991452991452991667237215623;0.038461538461538463673505816587;0.005555555555555555767577313730;0.003846153846153846367350581659;0.000854700854700854700113366036;0.005982905982905983334474431246;0.008547008547008547868495398347;0.006410256410256410034009810772;0.000000000000000000000000000000;0.014102564102564102768710974090;0.008974358974358973700669039886;0.008974358974358973700669039886;0.020940170940170938634894426400;0.006837606837606837600906928287;0.008974358974358973700669039886;0.004700854700854700633783078700
-0.021111111111111111743321444578;0.008148148148148147418279307885;0.037037037037037034981068472916;0.224444444444444446418174266000;0.097037037037037032760622423666;0.009629629629629630344078705662;0.004444444444444444440589503387;0.018148148148148149361169600979;0.008518518518518519017090895318;0.017037037037037038034181790636;0.011481481481481481399242738917;0.005185185185185185036127464286;0.012962962962962962590318660716;0.025555555555555557051272685953;0.014444444444444443781394582516;0.010740740740740739936343040029;0.021851851851851851471497667490;0.024814814814814813853649511088;0.010000000000000000208166817117;0.008148148148148147418279307885;0.011111111111111111535154627461;0.010740740740740739936343040029;0.008148148148148147418279307885;0.031481481481481478346129421197;0.024074074074074074125473288177;0.024444444444444445724284875610;0.018148148148148149361169600979;0.020000000000000000416333634234;0.001111111111111111110147375847;0.011481481481481481399242738917;0.002962962962962962815832712593;0.020000000000000000416333634234;0.007777777777777777554191196430;0.010370370370370370072254928573;0.025185185185185185452461098521;0.024444444444444445724284875610;0.008148148148148147418279307885;0.005185185185185185036127464286;0.000740740740740740703958178148;0.023703703703703702526661700745;0.006666666666666667094565124074;0.007037037037037036958653235530;0.000000000000000000000000000000;0.014074074074074073917306471060;0.008148148148148147418279307885;0.012592592592592592726230549260;0.027407407407407408106436719208;0.015185185185185185244294281404;0.017407407407407406163546426114;0.011481481481481481399242738917
-0.013611111111111110286153724758;0.024166666666666666157814447047;0.053055555555555557190050564031;0.212499999999999994448884876874;0.019166666666666665186369300500;0.010555555555555555871660722289;0.005277777777777777935830361145;0.024444444444444445724284875610;0.024444444444444445724284875610;0.021666666666666667406815349750;0.010555555555555555871660722289;0.002500000000000000052041704279;0.006944444444444444058950338672;0.020833333333333332176851016015;0.019166666666666665186369300500;0.014444444444444443781394582516;0.031388888888888889783235214281;0.035555555555555555524716027094;0.013333333333333334189130248149;0.007777777777777777554191196430;0.014722222222222221613141535101;0.026388888888888888811790067734;0.011388888888888889366901580047;0.023611111111111110494320541875;0.015555555555555555108382392859;0.023611111111111110494320541875;0.025000000000000001387778780781;0.013333333333333334189130248149;0.004444444444444444440589503387;0.008055555555555555385938149016;0.004166666666666666608842550801;0.023888888888888890060790970438;0.007777777777777777554191196430;0.010833333333333333703407674875;0.016666666666666666435370203203;0.027500000000000000138777878078;0.006944444444444444058950338672;0.008333333333333333217685101602;0.003611111111111110945348645629;0.019166666666666665186369300500;0.011111111111111111535154627461;0.017500000000000001665334536938;0.000000000000000000000000000000;0.015555555555555555108382392859;0.010000000000000000208166817117;0.016944444444444446001840631766;0.020277777777777776513357110844;0.011944444444444445030395485219;0.017500000000000001665334536938;0.012777777777777778525636342977
-0.011851851851851851263330850372;0.012962962962962962590318660716;0.047407407407407405053323401489;0.329629629629629605780394285830;0.025185185185185185452461098521;0.010000000000000000208166817117;0.002592592592592592518063732143;0.015925925925925926707193980292;0.017037037037037038034181790636;0.020740740740740740144509857146;0.014074074074074073917306471060;0.004814814814814815172039352831;0.008148148148148147418279307885;0.025185185185185185452461098521;0.014444444444444443781394582516;0.010000000000000000208166817117;0.014444444444444443781394582516;0.021481481481481479872686080057;0.010740740740740739936343040029;0.004814814814814815172039352831;0.013333333333333334189130248149;0.016666666666666666435370203203;0.003703703703703703845051542487;0.025925925925925925180637321432;0.017407407407407406163546426114;0.024444444444444445724284875610;0.023703703703703702526661700745;0.024814814814814813853649511088;0.000370370370370370351979089074;0.010740740740740739936343040029;0.002592592592592592518063732143;0.015185185185185185244294281404;0.004074074074074073709139653943;0.012592592592592592726230549260;0.006666666666666667094565124074;0.031111111111111110216764785719;0.008518518518518519017090895318;0.004814814814814815172039352831;0.002222222222222222220294751693;0.007407407407407407690103084974;0.010370370370370370072254928573;0.007777777777777777554191196430;0.000000000000000000000000000000;0.012222222222222222862142437805;0.011481481481481481399242738917;0.005185185185185185036127464286;0.031111111111111110216764785719;0.014444444444444443781394582516;0.012962962962962962590318660716;0.016666666666666666435370203203
-0.025706214689265535072726365229;0.003954802259887005462524189880;0.072598870056497177838394918581;0.026271186440677964796241994350;0.000282485875706214699127488688;0.009322033898305085233837452563;0.003389830508474576172689429754;0.030790960451977402584367027316;0.008757062146892655510321823442;0.058474576271186441689398094468;0.014124293785310734414273348136;0.001977401129943502731262094940;0.007909604519774010925048379761;0.064406779661016946847418296329;0.006214689265536723489224968375;0.012146892655367232116692122190;0.021186440677966100754048284216;0.028531073446327683690304510833;0.009604519774011300095595267123;0.006779661016949152345378859508;0.014971751412429378999546791817;0.005932203389830508627467153815;0.006779661016949152345378859508;0.081073446327683609813341547579;0.024576271186440679095142058941;0.056779661016949152518851207105;0.042090395480225986646338753872;0.000564971751412429398254977375;0.002259887005649717593019909501;0.006779661016949152345378859508;0.002542372881355932021096855067;0.037570621468926555797107624812;0.006214689265536723489224968375;0.007062146892655367207136674068;0.012994350282485874967242089895;0.060169491525423730859944981830;0.014689265536723164137788977257;0.007062146892655367207136674068;0.000564971751412429398254977375;0.004802259887005650047797633562;0.008192090395480225786806194321;0.001694915254237288086344714877;0.000000000000000000000000000000;0.033333333333333332870740406406;0.006497175141242937483621044947;0.020056497175141241307017025974;0.061864406779661020030491869193;0.020056497175141241307017025974;0.022598870056497175062837357018;0.017796610169491525882401461445
-0.019444444444444444752839729063;0.008888888888888888881179006773;0.065555555555555561353386906376;0.178333333333333343695414896501;0.002777777777777777883788656865;0.008611111111111111049432054187;0.000833333333333333386820640509;0.023888888888888890060790970438;0.012777777777777778525636342977;0.045555555555555557467606320188;0.013611111111111110286153724758;0.002777777777777777883788656865;0.008055555555555555385938149016;0.049722222222222223209087133000;0.011666666666666667198648532633;0.012777777777777778525636342977;0.020833333333333332176851016015;0.029166666666666667129259593594;0.006944444444444444058950338672;0.006111111111111111431071218902;0.010000000000000000208166817117;0.013611111111111110286153724758;0.006944444444444444058950338672;0.046666666666666668794594130532;0.021388888888888887840344921187;0.047222222222222220988641083750;0.027500000000000000138777878078;0.003611111111111110945348645629;0.000000000000000000000000000000;0.006388888888888889262818171488;0.000555555555555555555073687923;0.023888888888888890060790970438;0.004444444444444444440589503387;0.005277777777777777935830361145;0.012777777777777778525636342977;0.050555555555555554969604514781;0.010000000000000000208166817117;0.006666666666666667094565124074;0.001666666666666666773641281019;0.007499999999999999722444243844;0.006111111111111111431071218902;0.006666666666666667094565124074;0.000000000000000000000000000000;0.021111111111111111743321444578;0.001944444444444444388547799107;0.013333333333333334189130248149;0.053888888888888888950567945813;0.024444444444444445724284875610;0.019166666666666665186369300500;0.018333333333333333425851918719
-0.012962962962962962590318660716;0.016666666666666666435370203203;0.049074074074074075513252068959;0.370833333333333348136306995002;0.002314814814814814686316779557;0.011574074074074073431583897786;0.002314814814814814686316779557;0.012500000000000000693889390391;0.031018518518518518184423626849;0.009722222222222222376419864531;0.006018518518518518531368322044;0.002314814814814814686316779557;0.007870370370370369586532355299;0.026388888888888888811790067734;0.009259259259259258745267118229;0.004166666666666666608842550801;0.018981481481481481121686982760;0.035185185185185187395351391615;0.006944444444444444058950338672;0.013425925925925926221471407018;0.009259259259259258745267118229;0.021759259259259259439156508620;0.013888888888888888117900677344;0.017129629629629630066522949505;0.014351851851851851749053423646;0.017592592592592593697675695807;0.018518518518518517490534236458;0.007407407407407407690103084974;0.000462962962962962980631442811;0.004166666666666666608842550801;0.002777777777777777883788656865;0.007407407407407407690103084974;0.006481481481481481295159330358;0.003703703703703703845051542487;0.016203703703703702804217456901;0.030092592592592590922118134245;0.011574074074074073431583897786;0.002314814814814814686316779557;0.005092592592592593003786305417;0.029166666666666667129259593594;0.009259259259259258745267118229;0.017592592592592593697675695807;0.000000000000000000000000000000;0.008333333333333333217685101602;0.003703703703703703845051542487;0.009259259259259258745267118229;0.018518518518518517490534236458;0.012037037037037037062736644089;0.025925925925925925180637321432;0.006481481481481481295159330358
-0.031333333333333331094383567006;0.021333333333333332620940225866;0.029999999999999998889776975375;0.017333333333333332537673499019;0.010333333333333333259318465025;0.021000000000000001304512053935;0.009333333333333334105863521302;0.036999999999999998168132009368;0.017999999999999998639976794834;0.024333333333333331816028533012;0.018666666666666668211727042603;0.005000000000000000104083408559;0.025999999999999998806510248528;0.017999999999999998639976794834;0.017000000000000001221245327088;0.015666666666666665547191783503;0.021999999999999998723243521681;0.058333333333333334258519187188;0.031333333333333331094383567006;0.006333333333333333176051738178;0.027666666666666665796991964044;0.012000000000000000249800180541;0.031666666666666669349705642844;0.026333333333333333592385372413;0.022666666666666668294993769450;0.026666666666666668378260496297;0.035333333333333334647097245806;0.010999999999999999361621760841;0.004333333333333333134418374755;0.021000000000000001304512053935;0.008000000000000000166533453694;0.013333333333333334189130248149;0.020000000000000000416333634234;0.008333333333333333217685101602;0.038999999999999999944488848769;0.035666666666666665963525417737;0.015666666666666665547191783503;0.016000000000000000333066907388;0.004666666666666667052931760651;0.025000000000000001387778780781;0.008999999999999999319988397417;0.018999999999999999528155214534;0.000000000000000000000000000000;0.019666666666666665630458510350;0.009666666666666667157015169209;0.029333333333333332787473679559;0.014000000000000000291433543964;0.012333333333333333300951828448;0.035666666666666665963525417737;0.008666666666666666268836749509
-0.023030303030303029415692961379;0.026060606060606061884499240477;0.036666666666666666851703837438;0.071212121212121212709966755483;0.015757575757575758429451795450;0.016666666666666666435370203203;0.011212121212121211460965852780;0.028484848484848484390097311802;0.019696969696969695434729530348;0.025151515151515150409133880771;0.015454545454545455182571167541;0.005757575757575757353923240345;0.018484848484848485916653970662;0.026363636363636363396656392410;0.029696969696969697377619823442;0.011515151515151514707846480690;0.025151515151515150409133880771;0.036666666666666666851703837438;0.022424242424242422921931705559;0.005757575757575757353923240345;0.020606060606060606910094890054;0.020909090909090908422252041987;0.013939393939393938948168027991;0.029999999999999998889776975375;0.020909090909090908422252041987;0.023636363636363635909454217199;0.028484848484848484390097311802;0.029999999999999998889776975375;0.007878787878787879214725897725;0.017575757575757574441288610956;0.006060606060606060600803868255;0.026666666666666668378260496297;0.011515151515151514707846480690;0.013939393939393938948168027991;0.020000000000000000416333634234;0.028484848484848484390097311802;0.011212121212121211460965852780;0.008787878787878787220644305478;0.003939393939393939607362948863;0.029090909090909090883858567622;0.009393939393939393714405561298;0.021515151515151514916013297807;0.000000000000000000000000000000;0.022727272727272727903535809446;0.013636363636363635701287400082;0.018787878787878787428811122595;0.023333333333333334397297065266;0.012121212121212121201607736509;0.019393939393939393922572378415;0.014242424242424242195048655901
-0.013636363636363635701287400082;0.004924242424242423858682382587;0.048484848484848484806430946037;0.260227272727272751495775082731;0.001136363636363636308440616673;0.006818181818181817850643700041;0.007196969696969697342925353922;0.014393939393939394685850707845;0.026515151515151515887458444354;0.027272727272727271402574800163;0.006060606060606060600803868255;0.002272727272727272616881233347;0.007575757575757575967845269815;0.033712121212121214097745536264;0.008333333333333333217685101602;0.009469696969696969959806587269;0.038636363636363635354342704886;0.026893939393939393645016622258;0.003787878787878787983922634908;0.006439393939393939225723784148;0.005681818181818181975883952362;0.031818181818181814901613790880;0.007954545454545453725403447720;0.033712121212121214097745536264;0.015530303030303029693248717535;0.023863636363636364645657295114;0.023484848484848483418652165255;0.001136363636363636308440616673;0.004545454545454545233762466694;0.003787878787878787983922634908;0.003787878787878787983922634908;0.031818181818181814901613790880;0.001515151515151515150200967064;0.017803030303030303177491688871;0.015909090909090907450806895440;0.036363636363636361870099733551;0.006818181818181817850643700041;0.009090909090909090467524933388;0.003409090909090908925321850020;0.032196969696969696128618920739;0.005681818181818181975883952362;0.010227272727272727209646419055;0.000000000000000000000000000000;0.020454545454545454419292838111;0.004545454545454545233762466694;0.016666666666666666435370203203;0.028787878787878789371701415689;0.020833333333333332176851016015;0.018939393939393939919613174538;0.009848484848484847717364765174
-0.008611111111111111049432054187;0.004722222222222222272336455973;0.025277777777777777484802257391;0.568611111111111067195622581494;0.000555555555555555555073687923;0.003888888888888888777095598215;0.007222222222222221890697291258;0.016666666666666666435370203203;0.006666666666666667094565124074;0.012777777777777778525636342977;0.007777777777777777554191196430;0.003611111111111110945348645629;0.004722222222222222272336455973;0.019166666666666665186369300500;0.017777777777777777762358013547;0.006111111111111111431071218902;0.011111111111111111535154627461;0.009166666666666666712925959359;0.008888888888888888881179006773;0.001388888888888888941894328433;0.011388888888888889366901580047;0.011666666666666667198648532633;0.002777777777777777883788656865;0.023055555555555554830826636703;0.005833333333333333599324266316;0.015555555555555555108382392859;0.020000000000000000416333634234;0.001388888888888888941894328433;0.003055555555555555715535609451;0.005000000000000000104083408559;0.001944444444444444388547799107;0.011111111111111111535154627461;0.005277777777777777935830361145;0.017500000000000001665334536938;0.005277777777777777935830361145;0.012500000000000000693889390391;0.002777777777777777883788656865;0.003055555555555555715535609451;0.000833333333333333386820640509;0.003888888888888888777095598215;0.006388888888888889262818171488;0.004166666666666666608842550801;0.000000000000000000000000000000;0.013611111111111110286153724758;0.008888888888888888881179006773;0.020833333333333332176851016015;0.019722222222222220849863205672;0.003888888888888888777095598215;0.005833333333333333599324266316;0.008055555555555555385938149016
-0.011515151515151514707846480690;0.006060606060606060600803868255;0.030909090909090910365142335081;0.396060606060606057443607141977;0.001212121212121212120160773651;0.007575757575757575967845269815;0.009393939393939393714405561298;0.029090909090909090883858567622;0.006666666666666667094565124074;0.024242424242424242403215473018;0.010606060606060606701928072937;0.001515151515151515150200967064;0.007575757575757575967845269815;0.023636363636363635909454217199;0.019393939393939393922572378415;0.006969696969696969474084013996;0.010909090909090909948808700847;0.015454545454545455182571167541;0.008181818181818182461606525635;0.004242424242424242854243576772;0.010606060606060606701928072937;0.009090909090909090467524933388;0.007575757575757575967845269815;0.034242424242424240876658814159;0.012121212121212121201607736509;0.020606060606060606910094890054;0.026666666666666668378260496297;0.001515151515151515150200967064;0.005757575757575757353923240345;0.006363636363636363847684496164;0.002121212121212121427121788386;0.017272727272727272929131459023;0.006666666666666667094565124074;0.016060606060606059941608947383;0.016363636363636364923213051270;0.028787878787878789371701415689;0.006969696969696969474084013996;0.005151515151515151727523722514;0.000606060606060606060080386825;0.012727272727272727695368992329;0.007272727272727272720964641906;0.003030303030303030300401934127;0.000000000000000000000000000000;0.024545454545454543915372624951;0.009090909090909090467524933388;0.019696969696969695434729530348;0.023636363636363635909454217199;0.008484848484848485708487153545;0.016969696969696971416974307090;0.008787878787878787220644305478
-0.021111111111111111743321444578;0.004814814814814815172039352831;0.029629629629629630760412339896;0.223333333333333328152292551749;0.005555555555555555767577313730;0.012962962962962962590318660716;0.008148148148148147418279307885;0.027407407407407408106436719208;0.011111111111111111535154627461;0.021111111111111111743321444578;0.011111111111111111535154627461;0.010370370370370370072254928573;0.015925925925925926707193980292;0.027407407407407408106436719208;0.010370370370370370072254928573;0.011111111111111111535154627461;0.018518518518518517490534236458;0.026666666666666668378260496297;0.008148148148148147418279307885;0.005555555555555555767577313730;0.017037037037037038034181790636;0.013703703703703704053218359604;0.017407407407407406163546426114;0.037407407407407410049327012302;0.020740740740740740144509857146;0.025555555555555557051272685953;0.022222222222222223070309254922;0.002962962962962962815832712593;0.005185185185185185036127464286;0.013333333333333334189130248149;0.010370370370370370072254928573;0.018148148148148149361169600979;0.006296296296296296363115274630;0.014444444444444443781394582516;0.039629629629629632703302632990;0.035185185185185187395351391615;0.009259259259259258745267118229;0.012222222222222222862142437805;0.001111111111111111110147375847;0.028148148148148147834612942120;0.007037037037037036958653235530;0.007407407407407407690103084974;0.000000000000000000000000000000;0.023333333333333334397297065266;0.007407407407407407690103084974;0.017037037037037038034181790636;0.021851851851851851471497667490;0.016296296296296294836558615771;0.031111111111111110216764785719;0.007777777777777777554191196430
-0.018376068376068376702958673263;0.017094017094017095736990796695;0.033760683760683758702914047944;0.253418803418803406657389132306;0.003846153846153846367350581659;0.010683760683760683968257509946;0.008547008547008547868495398347;0.014957264957264957902505209120;0.025213675213675214303865601551;0.020085470085470086970547143324;0.008547008547008547868495398347;0.005982905982905983334474431246;0.012393162393162392501122504029;0.016666666666666666435370203203;0.011965811965811966668948862491;0.013247863247863247634916739059;0.030341880341880341637184059778;0.036752136752136753405917346527;0.009829059829059828834463274916;0.005128205128205128200680196215;0.011111111111111111535154627461;0.024358974358974359170071366520;0.005555555555555555767577313730;0.028205128205128205537421948179;0.019230769230769231836752908293;0.017521367521367521569164438233;0.017521367521367521569164438233;0.014957264957264957902505209120;0.013247863247863247634916739059;0.017948717948717947401338079771;0.011965811965811966668948862491;0.032478632478632481206393123330;0.007692307692307692734701163317;0.017521367521367521569164438233;0.014102564102564102768710974090;0.025213675213675214303865601551;0.004273504273504273934247699174;0.009829059829059828834463274916;0.008547008547008547868495398347;0.021367521367521367936515019892;0.007264957264957265167804045802;0.015811965811965811301575968173;0.000000000000000000000000000000;0.015811965811965811301575968173;0.008547008547008547868495398347;0.021794871794871793768688661430;0.017948717948717947401338079771;0.011111111111111111535154627461;0.014957264957264957902505209120;0.007264957264957265167804045802
-0.021794871794871793768688661430;0.012500000000000000693889390391;0.054487179487179487891168605529;0.000000000000000000000000000000;0.005448717948717948442172165358;0.026923076923076924571454071611;0.002564102564102564100340098108;0.022115384615384616612265844537;0.007692307692307692734701163317;0.060256410256410257442194478017;0.012500000000000000693889390391;0.014102564102564102768710974090;0.015705128205128204843532557788;0.036858974358974359863960756911;0.005128205128205128200680196215;0.016666666666666666435370203203;0.027884615384615386163291717025;0.034294871794871797932025003774;0.010897435897435896884344330715;0.006730769230769231142863517903;0.010576923076923077510214099561;0.011538461538461539102051744976;0.012179487179487179585035683260;0.083653846153846148081534295216;0.028525641025641024911552179333;0.028525641025641024911552179333;0.022435897435897435986396075691;0.001923076923076923183675290829;0.002564102564102564100340098108;0.022756410256410255360526306845;0.012820512820512820068019621544;0.048397435897435898966012501887;0.008333333333333333217685101602;0.009294871794871794809522747016;0.019871794871794870585013370601;0.073397435897435900353791282669;0.009294871794871794809522747016;0.008333333333333333217685101602;0.000320512820512820512542512263;0.009615384615384615918376454147;0.012820512820512820068019621544;0.006410256410256410034009810772;0.000000000000000000000000000000;0.041346153846153844979571800877;0.002564102564102564100340098108;0.024679487179487178544201597674;0.033012820512820513496610175252;0.021474358974358974394558430276;0.022115384615384616612265844537;0.016666666666666666435370203203
-0.005263157894736841986571551644;0.002631578947368420993285775822;0.040789473684210528214855173701;0.107017543859649122417465605395;0.000000000000000000000000000000;0.000438596491228070183617665512;0.001754385964912280734470662047;0.016228070175438594896499822084;0.008333333333333333217685101602;0.100000000000000005551115123126;0.001754385964912280734470662047;0.000438596491228070183617665512;0.000877192982456140367235331023;0.018421052631578945651957823770;0.002192982456140350755458001686;0.006578947368421052266374005058;0.032894736842105261331870025288;0.022807017543859650632320779096;0.000438596491228070183617665512;0.005701754385964912658080194774;0.004824561403508772182424646502;0.008771929824561403021832006743;0.000877192982456140367235331023;0.156578947368421039776364978025;0.007456140350877192742029553330;0.023684210526315790240614589379;0.010964912280701753777290008429;0.000000000000000000000000000000;0.006140350877192982462227099916;0.000000000000000000000000000000;0.000000000000000000000000000000;0.072368421052631581869007959540;0.000877192982456140367235331023;0.002192982456140350755458001686;0.002631578947368420993285775822;0.118421052631578940794732091035;0.003947368421052631706769098230;0.002192982456140350755458001686;0.000438596491228070183617665512;0.003070175438596491231113549958;0.023684210526315790240614589379;0.007017543859649122937882648188;0.000000000000000000000000000000;0.074561403508771925685572057318;0.000000000000000000000000000000;0.033771929824561404409610787525;0.039035087719298248998267553134;0.012280701754385964924454199831;0.003947368421052631706769098230;0.005701754385964912658080194774
-0.023015873015873017370935826875;0.006349206349206349200842147695;0.037301587301587300904426314219;0.368253968253968277934973230003;0.003968253968253968033685907812;0.017857142857142856151586585156;0.003174603174603174600421073848;0.010317460317460317234528055508;0.012301587301587301251371009414;0.017460317460317460735996775156;0.010317460317460317234528055508;0.008333333333333333217685101602;0.012301587301587301251371009414;0.025000000000000001387778780781;0.010317460317460317234528055508;0.014285714285714285268213963320;0.019841269841269840168429539062;0.018253968253968255036623347110;0.005952380952380952050528861719;0.007142857142857142634106981660;0.005952380952380952050528861719;0.015476190476190476719153821250;0.002380952380952381167156239883;0.028174603174603175120838116641;0.020238095238095239053466301016;0.021428571428571428769682682969;0.015476190476190476719153821250;0.003174603174603174600421073848;0.004365079365079365183999193789;0.004365079365079365183999193789;0.009523809523809524668624959531;0.019047619047619049337249919063;0.004365079365079365183999193789;0.011507936507936508685467913438;0.021031746031746033354092872969;0.029365079365079364837054498594;0.004761904761904762334312479766;0.012301587301587301251371009414;0.001190476190476190583578119941;0.017460317460317460735996775156;0.001587301587301587300210536924;0.005555555555555555767577313730;0.000000000000000000000000000000;0.021031746031746033354092872969;0.006349206349206349200842147695;0.013492063492063492702310867344;0.025793650793650792218958400781;0.018253968253968255036623347110;0.012301587301587301251371009414;0.012301587301587301251371009414
-0.018217054263565891220055803501;0.005426356589147286746399601043;0.050775193798449615167900361712;0.285658914728682156169980999039;0.000775193798449612392342800149;0.009689922480620154904285001862;0.003488372093023255765542600670;0.012403100775193798277484802384;0.021317829457364340789427004097;0.022868217054263565574112604395;0.009689922480620154904285001862;0.003100775193798449569371200596;0.012015503875968992081313402309;0.027519379844961239928169405289;0.009689922480620154904285001862;0.014341085271317829258341802756;0.029457364341085270909026405661;0.024418604651162790358798204693;0.002325581395348837177028400447;0.008914728682170542511942201713;0.007751937984496123923428001490;0.023255813953488371770284004469;0.012015503875968992081313402309;0.027519379844961239928169405289;0.022093023255813953181769804246;0.025193798449612402751141004842;0.018604651162790697416227203576;0.001550387596899224784685600298;0.003875968992248061961714000745;0.003100775193798449569371200596;0.003100775193798449569371200596;0.023255813953488371770284004469;0.005813953488372092942571001117;0.016279069767441860239198803129;0.024031007751937984162626804618;0.032558139534883720478397606257;0.003875968992248061961714000745;0.009689922480620154904285001862;0.001937984496124030980857000372;0.032945736434108530144015958285;0.003875968992248061961714000745;0.007751937984496123923428001490;0.000000000000000000000000000000;0.019767441860465116004741403799;0.003100775193798449569371200596;0.013953488372093023062170402682;0.030232558139534883301369205810;0.017829457364341085023884403427;0.018992248062015503612398603650;0.013953488372093023062170402682
-0.032163742690058477746717358059;0.005847953216374268681221337829;0.040935672514619880768549364802;0.169883040935672524618382794870;0.001169590643274853822980441365;0.017543859649122806043664013487;0.008479532163742689240826244657;0.019005847953216373213969347944;0.021637426900584795508297730748;0.023684210526315790240614589379;0.012280701754385964924454199831;0.007017543859649122937882648188;0.022514619883040935116591541032;0.022514619883040935116591541032;0.014619883040935671703053344572;0.014912280701754385484059106659;0.027485380116959064189519068577;0.037426900584795322335374123668;0.009649122807017544364849293004;0.008771929824561403021832006743;0.013450292397660818313753772202;0.026315789473684209065496020230;0.025146198830409357410919923836;0.027485380116959064189519068577;0.016666666666666666435370203203;0.023391812865497074724885351316;0.024561403508771929848908399663;0.002631578947368420993285775822;0.004093567251461988597271979273;0.015204678362573099265064868746;0.003216374269005848121616431001;0.023099415204678362678603065206;0.009941520467836258145855055091;0.013157894736842104532748010115;0.035964912280701755165068789211;0.028070175438596491751530592751;0.009941520467836258145855055091;0.009649122807017544364849293004;0.002923976608187134340610668914;0.030409356725146198530129737492;0.006432748538011696243232862003;0.013450292397660818313753772202;0.000000000000000000000000000000;0.014912280701754385484059106659;0.007602339181286549632532434373;0.017836257309941521559393251550;0.021052631578947367946286206575;0.019883040935672516291710110181;0.024269005847953217802626113553;0.011695906432748537362442675658
-0.016379310344827587714311434297;0.021839080459770114639450611094;0.030172413793103449591859188672;0.360057471264367823238217170001;0.017241379310344827346934692969;0.009195402298850574585031836250;0.006609195402298850482991632305;0.027298850574712645034036739844;0.022701149425287357741520821719;0.012643678160919540054418774844;0.008333333333333333217685101602;0.008620689655172413673467346484;0.004885057471264367748298163008;0.015229885057471264156458978789;0.023275862068965518653085311485;0.010344827586206896408160815781;0.012068965517241379142854285078;0.023563218390804597374144080391;0.010919540229885057319725305547;0.002873563218390804557822448828;0.014367816091954022789112244141;0.018390804597701149170063672500;0.005747126436781609115644897656;0.016379310344827587714311434297;0.015229885057471264156458978789;0.016379310344827587714311434297;0.023850574712643679564649801250;0.027011494252873562843531018984;0.005459770114942528659862652773;0.013218390804597700965983264609;0.008333333333333333217685101602;0.015804597701149426802746944531;0.005172413793103448204080407891;0.008908045977011494129249591367;0.004310344827586206836733673242;0.022701149425287357741520821719;0.004885057471264367748298163008;0.006321839080459770027209387422;0.003448275862068965469386938594;0.008620689655172413673467346484;0.006321839080459770027209387422;0.016091954022988505523805713437;0.000000000000000000000000000000;0.015804597701149426802746944531;0.011781609195402298687072040195;0.014655172413793103244894489023;0.016091954022988505523805713437;0.007758620689655172306120611836;0.011206896551724137775507550430;0.011494252873563218231289795312
-0.016203703703703702804217456901;0.016203703703703702804217456901;0.033333333333333332870740406406;0.230555555555555569124948078752;0.036111111111111107718762980312;0.016666666666666666435370203203;0.003703703703703703845051542487;0.014351851851851851749053423646;0.027314814814814816074095560339;0.012500000000000000693889390391;0.011574074074074073431583897786;0.017129629629629630066522949505;0.015740740740740739173064710599;0.022685185185185186701462001224;0.028240740740740739866954100989;0.014814814814814815380206169948;0.018055555555555553859381490156;0.028703703703703703498106847292;0.018055555555555553859381490156;0.005092592592592593003786305417;0.012962962962962962590318660716;0.015740740740740739173064710599;0.004166666666666666608842550801;0.017592592592592593697675695807;0.024074074074074074125473288177;0.020833333333333332176851016015;0.024074074074074074125473288177;0.042592592592592591616007524635;0.002777777777777777883788656865;0.019444444444444444752839729063;0.025925925925925925180637321432;0.013425925925925926221471407018;0.005092592592592593003786305417;0.005555555555555555767577313730;0.015277777777777777276635440273;0.016666666666666666435370203203;0.007407407407407407690103084974;0.011111111111111111535154627461;0.002777777777777777883788656865;0.012037037037037037062736644089;0.003703703703703703845051542487;0.025925925925925925180637321432;0.000000000000000000000000000000;0.007407407407407407690103084974;0.015740740740740739173064710599;0.010185185185185186007572610833;0.016666666666666666435370203203;0.010648148148148147904001881159;0.013425925925925926221471407018;0.009722222222222222376419864531
-0.026388888888888888811790067734;0.008333333333333333217685101602;0.039166666666666669072149886688;0.201111111111111101612536344874;0.030555555555555554553270880547;0.026388888888888888811790067734;0.003333333333333333547282562037;0.014722222222222221613141535101;0.041111111111111112159655078813;0.012777777777777778525636342977;0.013611111111111110286153724758;0.023888888888888890060790970438;0.008888888888888888881179006773;0.017777777777777777762358013547;0.010555555555555555871660722289;0.020277777777777776513357110844;0.024722222222222221821308352219;0.027500000000000000138777878078;0.017222222222222222098864108375;0.007222222222222221890697291258;0.010277777777777778039913769703;0.019166666666666665186369300500;0.006388888888888889262818171488;0.016944444444444446001840631766;0.020833333333333332176851016015;0.019444444444444444752839729063;0.017500000000000001665334536938;0.016388888888888890338346726594;0.003333333333333333547282562037;0.019166666666666665186369300500;0.033611111111111112437210834969;0.014444444444444443781394582516;0.005277777777777777935830361145;0.008888888888888888881179006773;0.008333333333333333217685101602;0.024166666666666666157814447047;0.008333333333333333217685101602;0.016111111111111110771876298031;0.008333333333333333217685101602;0.013333333333333334189130248149;0.004444444444444444440589503387;0.038611111111111109939209029562;0.000000000000000000000000000000;0.014999999999999999444888487687;0.009444444444444444544672911945;0.010833333333333333703407674875;0.019166666666666665186369300500;0.010555555555555555871660722289;0.016666666666666666435370203203;0.009444444444444444544672911945
-0.027777777777777776235801354687;0.013157894736842104532748010115;0.041228070175438599753725554820;0.200584795321637421317007010657;0.012865497076023392486465724005;0.014619883040935671703053344572;0.004970760233918129072927527545;0.016374269005847954389087917093;0.032456140350877189792999644169;0.016081871345029238873358679029;0.011403508771929825316160389548;0.014912280701754385484059106659;0.008187134502923977194543958547;0.021637426900584795508297730748;0.018713450292397661167687061834;0.018128654970760233605675537660;0.028070175438596491751530592751;0.034502923976608187994763454753;0.017836257309941521559393251550;0.005263157894736841986571551644;0.017251461988304093997381727377;0.018713450292397661167687061834;0.011111111111111111535154627461;0.021345029239766083462015444638;0.018713450292397661167687061834;0.019298245614035088729698586008;0.023976608187134502286896875489;0.022807017543859650632320779096;0.002923976608187134340610668914;0.011111111111111111535154627461;0.019590643274853800775980872118;0.010818713450292397754148865374;0.007309941520467835851526672286;0.007017543859649122937882648188;0.010526315789473683973143103287;0.030994152046783626092141261665;0.008479532163742689240826244657;0.030701754385964910576412023602;0.006140350877192982462227099916;0.016081871345029238873358679029;0.008187134502923977194543958547;0.030701754385964910576412023602;0.000000000000000000000000000000;0.011988304093567251143448437745;0.011111111111111111535154627461;0.011695906432748537362442675658;0.019590643274853800775980872118;0.008187134502923977194543958547;0.014912280701754385484059106659;0.009941520467836258145855055091
-0.019345238095238095898942276563;0.022023809523809525362514349922;0.033630952380952379432432763906;0.140178571428571430157461463750;0.014880952380952380126322154297;0.018154761904761906182725894610;0.007440476190476190063161077148;0.019047619047619049337249919063;0.041369047619047617792009674531;0.016071428571428569842538536250;0.009523809523809524668624959531;0.018452380952380952744418252109;0.012202380952380952397473556914;0.016369047619047619873677845703;0.014285714285714285268213963320;0.021428571428571428769682682969;0.019345238095238095898942276563;0.033928571428571425994125121406;0.016071428571428569842538536250;0.005059523809523809763366575254;0.010416666666666666088425508008;0.022619047619047618485899064922;0.009226190476190476372209126055;0.023511904761904761640423089375;0.021726190476190475331375040469;0.020535714285714285615158658516;0.014583333333333333564629796797;0.037499999999999998612221219219;0.003869047619047619179788455313;0.019642857142857142460634634062;0.048809523809523809589894227656;0.018154761904761906182725894610;0.008035714285714284921269268125;0.008035714285714284921269268125;0.013095238095238095551997581367;0.023809523809523808202115446875;0.006845238095238095205052886172;0.016666666666666666435370203203;0.011011904761904762681257174961;0.010416666666666666088425508008;0.007142857142857142634106981660;0.051488095238095235584019349062;0.000000000000000000000000000000;0.016369047619047619873677845703;0.009821428571428571230317317031;0.017857142857142856151586585156;0.018154761904761906182725894610;0.011309523809523809242949532461;0.012500000000000000693889390391;0.008035714285714284921269268125
-0.019090909090909092410415226482;0.017272727272727272929131459023;0.026666666666666668378260496297;0.198787878787878791175813830705;0.019090909090909092410415226482;0.014545454545454545441929283811;0.007272727272727272720964641906;0.020303030303030301928490786167;0.026363636363636363396656392410;0.013939393939393938948168027991;0.013333333333333334189130248149;0.021515151515151514916013297807;0.011212121212121211460965852780;0.016969696969696971416974307090;0.016969696969696971416974307090;0.017878787878787879422892714842;0.015151515151515151935690539631;0.026363636363636363396656392410;0.018484848484848485916653970662;0.006060606060606060600803868255;0.010606060606060606701928072937;0.016363636363636364923213051270;0.007272727272727272720964641906;0.021818181818181819897617401693;0.024242424242424242403215473018;0.019090909090909092410415226482;0.023636363636363635909454217199;0.021212121212121213403856145874;0.003030303030303030300401934127;0.023636363636363635909454217199;0.072121212121212127654779067143;0.009696969696969696961286189207;0.009090909090909090467524933388;0.004848484848484848480643094604;0.008787878787878787220644305478;0.023333333333333334397297065266;0.007272727272727272720964641906;0.018787878787878787428811122595;0.010303030303030303455047445027;0.009696969696969696961286189207;0.006969696969696969474084013996;0.026060606060606061884499240477;0.000000000000000000000000000000;0.015757575757575758429451795450;0.016969696969696971416974307090;0.013030303030303030942249620239;0.016666666666666666435370203203;0.009393939393939393714405561298;0.016060606060606059941608947383;0.006969696969696969474084013996
-0.025886524822695034658837087704;0.020567375886524821154699438353;0.033687943262411347566942509957;0.167730496453900701503414438776;0.042907801418439715790409394458;0.014539007092198581727604533853;0.006737588652482269686860849589;0.017021276595744681131572306754;0.024113475177304964647273521905;0.012765957446808509981317492077;0.011347517730496454665956029828;0.014184397163120567031402430302;0.010992907801418439969753926277;0.018085106382978721750731665452;0.013475177304964539373721699178;0.015248226950354609385285264977;0.021276595744680850547103645454;0.032269503546099288782134095754;0.016312056737588651739168099652;0.004964539007092198807935545801;0.018794326241134751143135872553;0.015957446808510637042965996102;0.009574468085106382919668988052;0.020212765957446809927944286756;0.027659574468085104670400653504;0.017021276595744681131572306754;0.021985815602836879939507852555;0.029787234042553192847613274807;0.004964539007092198807935545801;0.022340425531914894635709956106;0.026950354609929078747443398356;0.014539007092198581727604533853;0.006382978723404254990658746038;0.008156028368794325869584049826;0.015248226950354609385285264977;0.021631205673758865243305749004;0.006382978723404254990658746038;0.023049645390070920558667211253;0.003191489361702127495329373019;0.022340425531914894635709956106;0.005319148936170212636775911363;0.024822695035460994039677729006;0.000000000000000000000000000000;0.014184397163120567031402430302;0.012411347517730497019838864503;0.021631205673758865243305749004;0.018085106382978721750731665452;0.014184397163120567031402430302;0.012056737588652482323636760952;0.017021276595744681131572306754
-0.031250000000000000000000000000;0.009374999999999999653055304805;0.037499999999999998612221219219;0.047395833333333331482961625625;0.120833333333333334258519187188;0.015625000000000000000000000000;0.002604166666666666522106377002;0.021354166666666667129259593594;0.018749999999999999306110609609;0.019270833333333334258519187188;0.014583333333333333564629796797;0.024479166666666666435370203203;0.010937499999999999306110609609;0.028645833333333332176851016015;0.015625000000000000000000000000;0.024479166666666666435370203203;0.021874999999999998612221219219;0.025000000000000001387778780781;0.013020833333333333911574491992;0.008854166666666666435370203203;0.011458333333333332523795711211;0.018229166666666667823148983985;0.007812500000000000000000000000;0.025000000000000001387778780781;0.034895833333333334258519187188;0.030208333333333333564629796797;0.023437500000000000000000000000;0.019791666666666665741480812812;0.003125000000000000173472347598;0.037499999999999998612221219219;0.016666666666666666435370203203;0.015625000000000000000000000000;0.008333333333333333217685101602;0.010416666666666666088425508008;0.013541666666666667129259593594;0.035416666666666665741480812812;0.009895833333333332870740406406;0.013020833333333333911574491992;0.003125000000000000173472347598;0.013020833333333333911574491992;0.007812500000000000000000000000;0.019791666666666665741480812812;0.000000000000000000000000000000;0.019270833333333334258519187188;0.007291666666666666782314898398;0.015625000000000000000000000000;0.021874999999999998612221219219;0.019791666666666665741480812812;0.017187500000000001387778780781;0.009374999999999999653055304805
-0.027678571428571427381903902187;0.010714285714285714384841341484;0.025892857142857144542302805235;0.139880952380952383595769106250;0.017559523809523809589894227656;0.025000000000000001387778780781;0.006547619047619047775998790684;0.020833333333333332176851016015;0.025000000000000001387778780781;0.014285714285714285268213963320;0.020238095238095239053466301016;0.012500000000000000693889390391;0.012797619047619047255581747891;0.018154761904761906182725894610;0.015476190476190476719153821250;0.026190476190476191103995162734;0.016666666666666666435370203203;0.029464285714285713690951951094;0.039285714285714284921269268125;0.004464285714285714037896646289;0.021428571428571428769682682969;0.009821428571428571230317317031;0.009226190476190476372209126055;0.016666666666666666435370203203;0.023511904761904761640423089375;0.018154761904761906182725894610;0.022619047619047618485899064922;0.059226190476190473943596259687;0.001190476190476190583578119941;0.027678571428571427381903902187;0.033928571428571425994125121406;0.011309523809523809242949532461;0.012797619047619047255581747891;0.005357142857142857192420670742;0.008630952380952381514100935078;0.021428571428571428769682682969;0.011309523809523809242949532461;0.037202380952380952050528861719;0.006250000000000000346944695195;0.010119047619047619526733150508;0.004166666666666666608842550801;0.020238095238095239053466301016;0.000000000000000000000000000000;0.010416666666666666088425508008;0.017559523809523809589894227656;0.021130952380952382207990325469;0.015178571428571428422737987773;0.009226190476190476372209126055;0.018749999999999999306110609609;0.006845238095238095205052886172
-0.021250000000000001526556658860;0.010000000000000000208166817117;0.032083333333333331760517381781;0.358750000000000013322676295502;0.009166666666666666712925959359;0.011666666666666667198648532633;0.004166666666666666608842550801;0.012083333333333333078907223523;0.020833333333333332176851016015;0.025833333333333333148296162562;0.010000000000000000208166817117;0.006250000000000000346944695195;0.018333333333333333425851918719;0.023333333333333334397297065266;0.015416666666666667059870654555;0.010000000000000000208166817117;0.010833333333333333703407674875;0.016250000000000000555111512313;0.014999999999999999444888487687;0.005833333333333333599324266316;0.012500000000000000693889390391;0.013750000000000000069388939039;0.003333333333333333547282562037;0.029999999999999998889776975375;0.018749999999999999306110609609;0.027083333333333334258519187188;0.016666666666666666435370203203;0.012916666666666666574148081281;0.000000000000000000000000000000;0.012500000000000000693889390391;0.008750000000000000832667268469;0.014166666666666665949647629930;0.006666666666666667094565124074;0.005416666666666666851703837438;0.014999999999999999444888487687;0.023750000000000000277555756156;0.005000000000000000104083408559;0.010833333333333333703407674875;0.007083333333333332974823814965;0.003749999999999999861222121922;0.007083333333333332974823814965;0.011666666666666667198648532633;0.000000000000000000000000000000;0.014166666666666665949647629930;0.008333333333333333217685101602;0.008333333333333333217685101602;0.024166666666666666157814447047;0.019166666666666665186369300500;0.007916666666666667337426410711;0.014166666666666665949647629930
-0.021631205673758865243305749004;0.023404255319148935254869314804;0.021631205673758865243305749004;0.167375886524822686807212335225;0.022695035460992909331912059656;0.030141843971631204074368426404;0.003191489361702127495329373019;0.014893617021276596423806637404;0.036170212765957443501463330904;0.010992907801418439969753926277;0.013475177304964539373721699178;0.037588652482269502286271745106;0.006382978723404254990658746038;0.012765957446808509981317492077;0.016666666666666666435370203203;0.017375886524822695827774410304;0.018439716312056736446933769002;0.026241134751773049355039191255;0.024113475177304964647273521905;0.003546099290780141757850607576;0.015602836879432624081487368528;0.015602836879432624081487368528;0.006028368794326241161818380476;0.016312056737588651739168099652;0.023049645390070920558667211253;0.017375886524822695827774410304;0.020212765957446809927944286756;0.032624113475177303478336199305;0.001063829787234042570723269172;0.032269503546099288782134095754;0.074468085106382975180139283111;0.012056737588652482323636760952;0.007446808510638298211903318702;0.004609929078014184111733442251;0.008510638297872340565786153377;0.017021276595744681131572306754;0.005319148936170212636775911363;0.015602836879432624081487368528;0.000709219858156028416622251864;0.009929078014184397615871091602;0.006382978723404254990658746038;0.041134751773049642309398876705;0.000000000000000000000000000000;0.009929078014184397615871091602;0.020921985815602835850901541903;0.007092198581560283515701215151;0.015248226950354609385285264977;0.010638297872340425273551822727;0.013475177304964539373721699178;0.010638297872340425273551822727
-0.021515151515151514916013297807;0.023333333333333334397297065266;0.049696969696969697793953457676;0.126363636363636372417218467490;0.007272727272727272720964641906;0.028484848484848484390097311802;0.003636363636363636360482320953;0.019696969696969695434729530348;0.051818181818181818787394377068;0.012121212121212121201607736509;0.015454545454545455182571167541;0.016666666666666666435370203203;0.014545454545454545441929283811;0.019696969696969695434729530348;0.015454545454545455182571167541;0.018787878787878787428811122595;0.022727272727272727903535809446;0.039090909090909092826748860716;0.015454545454545455182571167541;0.004848484848484848480643094604;0.010909090909090909948808700847;0.026363636363636363396656392410;0.011818181818181817954727108599;0.013333333333333334189130248149;0.027272727272727271402574800163;0.019696969696969695434729530348;0.027575757575757576384178904050;0.019090909090909092410415226482;0.000606060606060606060080386825;0.023636363636363635909454217199;0.032121212121212119883217894767;0.011515151515151514707846480690;0.012727272727272727695368992329;0.008787878787878787220644305478;0.016060606060606059941608947383;0.021212121212121213403856145874;0.006969696969696969474084013996;0.010303030303030303455047445027;0.013333333333333334189130248149;0.021515151515151514916013297807;0.006666666666666667094565124074;0.037272727272727269876018141304;0.000000000000000000000000000000;0.008484848484848485708487153545;0.008484848484848485708487153545;0.010303030303030303455047445027;0.019393939393939393922572378415;0.018181818181818180935049866775;0.016969696969696971416974307090;0.012727272727272727695368992329
-0.017283950617283948963942563637;0.016975308641975307699656383420;0.050000000000000002775557561563;0.163888888888888889505679458125;0.008333333333333333217685101602;0.021604938271604937072289942535;0.002777777777777777883788656865;0.025000000000000001387778780781;0.040123456790123454562824178993;0.017283950617283948963942563637;0.016049382716049383906797842769;0.015432098765432097908778530382;0.012654320987654321326032480499;0.022530864197530864334595435139;0.017283950617283948963942563637;0.021296296296296295808003762318;0.026543209876543211178656633820;0.036419753086419752452496112483;0.014197530864197531116910333537;0.008024691358024691953398921385;0.009567901234567901744276774423;0.025308641975308642652064960998;0.006790123456790123426807248563;0.018209876543209876226248056241;0.030246913580246913288984700330;0.024691358024691356654045648611;0.025925925925925925180637321432;0.011419753086419752799440807678;0.001234567901234567876070369330;0.010802469135802468536144971267;0.020061728395061727281412089496;0.012345679012345678327022824305;0.010493827160493827271858791050;0.007098765432098765558455166769;0.011728395061728395798450463872;0.029012345679012344762393027509;0.008024691358024691953398921385;0.010802469135802468536144971267;0.010185185185185186007572610833;0.017592592592592593697675695807;0.005246913580246913635929395525;0.025308641975308642652064960998;0.000000000000000000000000000000;0.011728395061728395798450463872;0.011111111111111111535154627461;0.009876543209876543008562954640;0.028395061728395062233820667075;0.017283950617283948963942563637;0.016049382716049383906797842769;0.019753086419753086017125909279
-0.025141242937853108818657688062;0.014689265536723164137788977257;0.046892655367231639296221601398;0.163276836158192079073714353399;0.011864406779661017254934307630;0.024576271186440679095142058941;0.001129943502824858796509954750;0.019209039548022600191190534247;0.036158192090395481488318552010;0.014689265536723164137788977257;0.015254237288135593861304606378;0.018644067796610170467674905126;0.011581920903954802393176493069;0.023728813559322034509868615260;0.014971751412429378999546791817;0.022881355932203389924595171578;0.021186440677966100754048284216;0.043220338983050846093370012113;0.015536723163841808723062420938;0.005084745762711864042193710134;0.008757062146892655510321823442;0.024011299435028249371626429820;0.009887005649717514957353081684;0.024293785310734464233384244380;0.035875706214689266626560737450;0.024293785310734464233384244380;0.029378531073446328275577954514;0.011299435028248587531418678509;0.000847457627118644043172357438;0.024576271186440679095142058941;0.023446327683615819648110800699;0.009887005649717514957353081684;0.009887005649717514957353081684;0.005649717514124293765709339254;0.011581920903954802393176493069;0.028531073446327683690304510833;0.009039548022598870372079638003;0.009604519774011300095595267123;0.007909604519774010925048379761;0.013841807909604519552515533576;0.003954802259887005462524189880;0.029378531073446328275577954514;0.000000000000000000000000000000;0.008757062146892655510321823442;0.011864406779661017254934307630;0.010451977401129942946145234828;0.020056497175141241307017025974;0.013559322033898304690757719015;0.016384180790960451573612388643;0.013276836158192089828999904455
-0.015497076023391813046070630833;0.014327485380116959656771058462;0.053508771929824561208732802697;0.157602339181286549285587739178;0.009941520467836258145855055091;0.022514619883040935116591541032;0.003216374269005848121616431001;0.013450292397660818313753772202;0.056725146198830407595625757722;0.015204678362573099265064868746;0.015204678362573099265064868746;0.026315789473684209065496020230;0.010233918128654970192137341201;0.019298245614035088729698586008;0.019005847953216373213969347944;0.020467836257309940384274682401;0.022514619883040935116591541032;0.039766081871345032583420220362;0.012280701754385964924454199831;0.005263157894736841986571551644;0.007602339181286549632532434373;0.035380116959064324133610313083;0.005555555555555555767577313730;0.017543859649122806043664013487;0.028654970760233919313542116925;0.022222222222222223070309254922;0.023099415204678362678603065206;0.009356725146198830583843530917;0.000584795321637426911490220682;0.024561403508771929848908399663;0.030409356725146198530129737492;0.013157894736842104532748010115;0.009649122807017544364849293004;0.011988304093567251143448437745;0.011988304093567251143448437745;0.021637426900584795508297730748;0.004970760233918129072927527545;0.009649122807017544364849293004;0.010526315789473683973143103287;0.012280701754385964924454199831;0.007017543859649122937882648188;0.037134502923976610289091837558;0.000000000000000000000000000000;0.008479532163742689240826244657;0.010526315789473683973143103287;0.006432748538011696243232862003;0.018421052631578945651957823770;0.013742690058479532094759534289;0.016374269005847954389087917093;0.018713450292397661167687061834
-0.011111111111111111535154627461;0.018333333333333333425851918719;0.033055555555555553304269977843;0.243333333333333345915860945752;0.014444444444444443781394582516;0.016111111111111110771876298031;0.002500000000000000052041704279;0.015277777777777777276635440273;0.046388888888888889228123701969;0.007777777777777777554191196430;0.009166666666666666712925959359;0.029166666666666667129259593594;0.010000000000000000208166817117;0.018611111111111109522875395328;0.016666666666666666435370203203;0.019166666666666665186369300500;0.018333333333333333425851918719;0.029166666666666667129259593594;0.012222222222222222862142437805;0.004444444444444444440589503387;0.007777777777777777554191196430;0.027500000000000000138777878078;0.007777777777777777554191196430;0.013333333333333334189130248149;0.022777777777777778733803160094;0.019444444444444444752839729063;0.017222222222222222098864108375;0.035833333333333335091186455656;0.000000000000000000000000000000;0.024444444444444445724284875610;0.022777777777777778733803160094;0.010555555555555555871660722289;0.009444444444444444544672911945;0.006666666666666667094565124074;0.011111111111111111535154627461;0.023888888888888890060790970438;0.003333333333333333547282562037;0.006111111111111111431071218902;0.015555555555555555108382392859;0.012777777777777778525636342977;0.004722222222222222272336455973;0.049444444444444443642616704437;0.000000000000000000000000000000;0.005277777777777777935830361145;0.010833333333333333703407674875;0.006944444444444444058950338672;0.015555555555555555108382392859;0.009722222222222222376419864531;0.013611111111111110286153724758;0.010277777777777778039913769703
-0.015579710144927537071590784024;0.006884057971014492620376312715;0.027536231884057970481505250859;0.259420289855072483398146232503;0.024275362318840580655443517344;0.028985507246376811946175777734;0.005797101449275362389235155547;0.014855072463768116339255520586;0.030434782608695653410846304610;0.007971014492753622851517469883;0.009420289855072464316187996758;0.027536231884057970481505250859;0.008333333333333333217685101602;0.010507246376811593679967415937;0.011231884057971014412302679375;0.014492753623188405973087888867;0.015942028985507245703034939766;0.019927536231884056261431936719;0.026449275362318839383002355703;0.003985507246376811425758734941;0.012681159420289855876973206250;0.027536231884057970481505250859;0.012318840579710145510805574531;0.013043478260869564508417361992;0.017028985507246376801537834922;0.014855072463768116339255520586;0.019927536231884056261431936719;0.016304347826086956069202571484;0.003623188405797101493271972217;0.036231884057971015800081460156;0.028985507246376811946175777734;0.011231884057971014412302679375;0.013043478260869564508417361992;0.007608695652173913352711576152;0.009782608695652174682355628477;0.019202898550724638998543625235;0.007246376811594202986543944434;0.014130434782608695606920257148;0.011956521739130435144637942813;0.015579710144927537071590784024;0.007246376811594202986543944434;0.031159420289855074143181568047;0.000000000000000000000000000000;0.014130434782608695606920257148;0.014130434782608695606920257148;0.009420289855072464316187996758;0.011956521739130435144637942813;0.009057971014492753950020365039;0.015217391304347826705423152305;0.005797101449275362389235155547
-0.031388888888888889783235214281;0.013888888888888888117900677344;0.026666666666666668378260496297;0.065833333333333327042069527124;0.009722222222222222376419864531;0.026111111111111112714766591125;0.007222222222222221890697291258;0.027500000000000000138777878078;0.021388888888888887840344921187;0.012222222222222222862142437805;0.018888888888888889089345823891;0.021944444444444443503838826359;0.011944444444444445030395485219;0.011944444444444445030395485219;0.018055555555555553859381490156;0.026944444444444444475283972906;0.020833333333333332176851016015;0.039444444444444441699726411343;0.036388888888888887285233408875;0.004444444444444444440589503387;0.028611111111111111465765688422;0.017222222222222222098864108375;0.013611111111111110286153724758;0.022222222222222223070309254922;0.027222222222222220572307449515;0.019722222222222220849863205672;0.028333333333333331899295259859;0.028333333333333331899295259859;0.002500000000000000052041704279;0.023611111111111110494320541875;0.081944444444444444752839729063;0.015833333333333334674852821422;0.012777777777777778525636342977;0.004722222222222222272336455973;0.010833333333333333703407674875;0.023888888888888890060790970438;0.009166666666666666712925959359;0.022222222222222223070309254922;0.008888888888888888881179006773;0.009722222222222222376419864531;0.005000000000000000104083408559;0.029999999999999998889776975375;0.000000000000000000000000000000;0.011388888888888889366901580047;0.014999999999999999444888487687;0.016111111111111110771876298031;0.013888888888888888117900677344;0.011944444444444445030395485219;0.022222222222222223070309254922;0.010277777777777778039913769703
-0.022448979591836733249454738370;0.012244897959183672839222900564;0.035714285714285712303173170312;0.136054421768707495266070850448;0.008163265306122449715964251027;0.017006802721088436908258856306;0.007823129251700680977799073901;0.012585034013605441577388077690;0.022108843537414966246013037221;0.040136054421768707634043948929;0.008163265306122449715964251027;0.010204081632653060410231837807;0.012244897959183672839222900564;0.029591836734693878485646933996;0.006122448979591836419611450282;0.015646258503401361955598147802;0.029251700680272108012758280893;0.022108843537414966246013037221;0.009183673469387755930459782405;0.009863945578231291672066660681;0.010884353741496597886562192059;0.014625850340136054006379140446;0.004081632653061224857982125513;0.056802721088435377538861104085;0.016326530612244899431928502054;0.027891156462585033060097572388;0.015306122448979591482709494699;0.043197278911564628012254019040;0.006122448979591836419611450282;0.012925170068027210315553254816;0.027551020408163266056655871239;0.027891156462585033060097572388;0.004421768707482993596147302640;0.003741496598639455686136079393;0.008163265306122449715964251027;0.045238095238095236971798129844;0.005442176870748298943281096030;0.017687074829931974384589210558;0.010544217687074829148397014933;0.011564625850340135362892546311;0.007482993197278911372272158786;0.036734693877551023721839129621;0.000000000000000000000000000000;0.024149659863945578675004099978;0.009523809523809524668624959531;0.015986394557823128959039848951;0.034353741496598637350512461808;0.016666666666666666435370203203;0.009523809523809524668624959531;0.008503401360544218454129428153
-0.031060606060606059386497435071;0.010606060606060606701928072937;0.063257575757575762454010259717;0.022727272727272727903535809446;0.004924242424242423858682382587;0.005681818181818181975883952362;0.000757575757575757575100483532;0.019318181818181817677171352443;0.013636363636363635701287400082;0.071212121212121212709966755483;0.005681818181818181975883952362;0.001515151515151515150200967064;0.003030303030303030300401934127;0.048106060606060603579425816179;0.012500000000000000693889390391;0.019318181818181817677171352443;0.025000000000000001387778780781;0.026515151515151515887458444354;0.005681818181818181975883952362;0.008712121212121212709966755483;0.013257575757575757943729222177;0.010984848484848484459486250842;0.003030303030303030300401934127;0.100378787878787872900332445170;0.022348484848484850145977631541;0.057954545454545453031514057329;0.017424242424242425419933510966;0.027272727272727271402574800163;0.000000000000000000000000000000;0.006818181818181817850643700041;0.001893939393939393991961317454;0.032954545454545451643735276548;0.001136363636363636308440616673;0.001515151515151515150200967064;0.006439393939393939225723784148;0.079924242424242425419933510966;0.010227272727272727209646419055;0.005681818181818181975883952362;0.003030303030303030300401934127;0.005303030303030303350964036468;0.006439393939393939225723784148;0.008333333333333333217685101602;0.000000000000000000000000000000;0.034469696969696969612861892074;0.001893939393939393991961317454;0.013257575757575757943729222177;0.068181818181818176771713524431;0.034848484848484850839867021932;0.012121212121212121201607736509;0.013636363636363635701287400082
-0.017045454545454544192928381108;0.017424242424242425419933510966;0.043560606060606063549833777415;0.045075757575757574580066489034;0.026515151515151515887458444354;0.028787878787878789371701415689;0.005303030303030303350964036468;0.020075757575757576661734660206;0.053030303030303031774916888708;0.016287878787878788677812025298;0.009469696969696969959806587269;0.046212121212121211322187974702;0.007954545454545453725403447720;0.021969696969696968918972501683;0.015909090909090907450806895440;0.018939393939393939919613174538;0.027272727272727271402574800163;0.031439393939393940613502564929;0.012121212121212121201607736509;0.007575757575757575967845269815;0.011742424242424241709326082628;0.028409090909090908144696285831;0.007575757575757575967845269815;0.023484848484848483418652165255;0.031439393939393940613502564929;0.027651515151515152629579930021;0.019318181818181817677171352443;0.032575757575757577355624050597;0.005681818181818181975883952362;0.046212121212121211322187974702;0.027651515151515152629579930021;0.021969696969696968918972501683;0.006818181818181817850643700041;0.007575757575757575967845269815;0.009848484848484847717364765174;0.026893939393939393645016622258;0.005303030303030303350964036468;0.008712121212121212709966755483;0.008712121212121212709966755483;0.013636363636363635701287400082;0.006060606060606060600803868255;0.051136363636363639517679047231;0.000000000000000000000000000000;0.013636363636363635701287400082;0.009090909090909090467524933388;0.009848484848484847717364765174;0.024242424242424242403215473018;0.014772727272727272443408885749;0.014393939393939394685850707845;0.013636363636363635701287400082
-0.023913043478260870289275885625;0.009420289855072464316187996758;0.053623188405797099498339974843;0.079347826086956521618454019062;0.021739130434782608092270095312;0.025724637681159418650667092265;0.001811594202898550746635986108;0.007246376811594202986543944434;0.061594202898550727554027872657;0.017753623188405797533873098359;0.011231884057971014412302679375;0.048188405797101450944719402969;0.015217391304347826705423152305;0.026449275362318839383002355703;0.011594202898550724778470311094;0.019565217391304349364711256953;0.023913043478260870289275885625;0.029710144927536232678511041172;0.007608695652173913352711576152;0.008333333333333333217685101602;0.007608695652173913352711576152;0.029347826086956522312343409453;0.007971014492753622851517469883;0.026811594202898549749169987422;0.036956521739130436532416723594;0.019565217391304349364711256953;0.016666666666666666435370203203;0.045652173913043478381545980938;0.001449275362318840597308788887;0.019927536231884056261431936719;0.026811594202898549749169987422;0.011594202898550724778470311094;0.004710144927536232158093998379;0.006159420289855072755402787266;0.020652173913043476993767200156;0.024637681159420291021611149063;0.007608695652173913352711576152;0.008333333333333333217685101602;0.009782608695652174682355628477;0.010869565217391304046135047656;0.002536231884057970828449946055;0.053985507246376809864507606562;0.000000000000000000000000000000;0.009057971014492753950020365039;0.005072463768115941656899892109;0.009420289855072464316187996758;0.022463768115942028824605358750;0.017391304347826087167705466641;0.017028985507246376801537834922;0.015942028985507245703034939766
-0.017037037037037038034181790636;0.022592592592592591199673890401;0.022592592592592591199673890401;0.159259259259259267071939802918;0.054074074074074073015250263552;0.022222222222222223070309254922;0.003333333333333333547282562037;0.015185185185185185244294281404;0.036296296296296298722339201959;0.012222222222222222862142437805;0.011481481481481481399242738917;0.029629629629629630760412339896;0.009629629629629630344078705662;0.008518518518518519017090895318;0.016666666666666666435370203203;0.022222222222222223070309254922;0.027037037037037036507625131776;0.024444444444444445724284875610;0.020000000000000000416333634234;0.005555555555555555767577313730;0.008888888888888888881179006773;0.016666666666666666435370203203;0.008518518518518519017090895318;0.014074074074074073917306471060;0.018518518518518517490534236458;0.016666666666666666435370203203;0.015185185185185185244294281404;0.080740740740740737924063807895;0.001481481481481481407916356297;0.038148148148148146308056283260;0.050740740740740739034286832521;0.012592592592592592726230549260;0.005185185185185185036127464286;0.006666666666666667094565124074;0.003333333333333333547282562037;0.017777777777777777762358013547;0.003703703703703703845051542487;0.018518518518518517490534236458;0.012222222222222222862142437805;0.008148148148148147418279307885;0.005555555555555555767577313730;0.032222222222222221543752596062;0.000000000000000000000000000000;0.009259259259259258745267118229;0.010370370370370370072254928573;0.011851851851851851263330850372;0.009629629629629630344078705662;0.006296296296296296363115274630;0.009259259259259258745267118229;0.007777777777777777554191196430
-0.025786163522012579829567613388;0.016666666666666666435370203203;0.033018867924528301494024873364;0.218238993710691830951731162713;0.066981132075471697118196345855;0.026415094339622642582998679472;0.003144654088050314634517068413;0.010377358490566037166336066377;0.031446540880503144610447208152;0.014779874213836478175077004948;0.011006289308176099919767132462;0.046226415094339619316077261146;0.005031446540880502894810266667;0.013522012578616352668214872779;0.014150943396226415421645938864;0.013207547169811321291499339736;0.012264150943396227161352740609;0.027672955974842768089860811642;0.011949685534591195784637207566;0.004088050314465408764663667540;0.009433962264150943036189467250;0.018553459119496854695663401458;0.005345911949685534271525799710;0.014779874213836478175077004948;0.028301886792452830843291877727;0.016037735849056603681939137118;0.018867924528301886072378934500;0.024842767295597485699421014260;0.002515723270440251447405133334;0.045283018867924525185930662019;0.035534591194968552507749137703;0.010691823899371068543051599420;0.004716981132075471518094733625;0.003773584905660377387948134498;0.005660377358490565648241332752;0.019811320754716980202525533628;0.005974842767295597892318603783;0.006603773584905660645749669868;0.005345911949685534271525799710;0.008490566037735848906042868123;0.005031446540880502894810266667;0.026100628930817611206283146430;0.000000000000000000000000000000;0.011006289308176099919767132462;0.009119496855345911659473934208;0.005660377358490565648241332752;0.017610062893081760565516802330;0.009748427672955974412905000293;0.010062893081761005789620533335;0.009119496855345911659473934208
-0.034294871794871797932025003774;0.009935897435897435292506685300;0.049038461538461537714272964195;0.164743589743589741170026741202;0.004807692307692307959188227073;0.023397435897435897578233721106;0.007051282051282051384355487045;0.016666666666666666435370203203;0.034615384615384617306155234928;0.013782051282051281659857266959;0.016987179487179485809500434357;0.011217948717948717993198037846;0.007692307692307692734701163317;0.022756410256410255360526306845;0.018269230769230770244915262879;0.031410256410256409687065115577;0.017307692307692308653077617464;0.034294871794871797932025003774;0.012820512820512820068019621544;0.007051282051282051384355487045;0.017307692307692308653077617464;0.027564102564102563319714533918;0.011217948717948717993198037846;0.016987179487179485809500434357;0.030448717948717948095227470162;0.023076923076923078204103489952;0.023717948717948716952363952259;0.008974358974358973700669039886;0.001602564102564102508502452693;0.012179487179487179585035683260;0.019871794871794870585013370601;0.014423076923076923877564681220;0.008012820512820512108831394471;0.008333333333333333217685101602;0.013782051282051281659857266959;0.021474358974358974394558430276;0.008974358974358973700669039886;0.028525641025641024911552179333;0.012500000000000000693889390391;0.025320512820512820761909011935;0.006089743589743589792517841630;0.018910256410256408993175725186;0.000000000000000000000000000000;0.015705128205128204843532557788;0.009294871794871794809522747016;0.014102564102564102768710974090;0.015705128205128204843532557788;0.018269230769230770244915262879;0.016987179487179485809500434357;0.012500000000000000693889390391
-0.029696969696969697377619823442;0.012424242424242424448488364419;0.035757575757575758845785429685;0.293636363636363639795234803387;0.005757575757575757353923240345;0.008787878787878787220644305478;0.007878787878787879214725897725;0.019696969696969695434729530348;0.015151515151515151935690539631;0.021818181818181819897617401693;0.013939393939393938948168027991;0.005757575757575757353923240345;0.002727272727272727487202175212;0.023939393939393940891058321085;0.019696969696969695434729530348;0.026363636363636363396656392410;0.013939393939393938948168027991;0.013636363636363635701287400082;0.014242424242424242195048655901;0.003030303030303030300401934127;0.019696969696969695434729530348;0.008181818181818182461606525635;0.002424242424242424240321547302;0.029393939393939392396015719555;0.021818181818181819897617401693;0.034545454545454545858262918046;0.023636363636363635909454217199;0.023939393939393940891058321085;0.001818181818181818180241160476;0.005151515151515151727523722514;0.014848484848484848688809911721;0.013939393939393938948168027991;0.005454545454545454974404350423;0.004242424242424242854243576772;0.004242424242424242854243576772;0.021212121212121213403856145874;0.007878787878787879214725897725;0.025454545454545455390737984658;0.004545454545454545233762466694;0.002424242424242424240321547302;0.009696969696969696961286189207;0.015151515151515151935690539631;0.000000000000000000000000000000;0.017272727272727272929131459023;0.010303030303030303455047445027;0.024848484848484848896976728838;0.025151515151515150409133880771;0.012121212121212121201607736509;0.007575757575757575967845269815;0.015151515151515151935690539631
-0.019166666666666665186369300500;0.012500000000000000693889390391;0.046666666666666668794594130532;0.359583333333333310388724157747;0.015416666666666667059870654555;0.011666666666666667198648532633;0.004166666666666666608842550801;0.011666666666666667198648532633;0.025416666666666667268037471672;0.016250000000000000555111512313;0.007916666666666667337426410711;0.012500000000000000693889390391;0.001250000000000000026020852140;0.024166666666666666157814447047;0.012916666666666666574148081281;0.026666666666666668378260496297;0.012500000000000000693889390391;0.015416666666666667059870654555;0.014166666666666665949647629930;0.002916666666666666799662133158;0.009583333333333332593184650250;0.020416666666666666296592325125;0.002083333333333333304421275400;0.019583333333333334536074943344;0.030833333333333334119741309109;0.028333333333333331899295259859;0.017083333333333332315628894094;0.019166666666666665186369300500;0.000416666666666666693410320255;0.007083333333333332974823814965;0.014166666666666665949647629930;0.011249999999999999583666365766;0.004166666666666666608842550801;0.003749999999999999861222121922;0.002916666666666666799662133158;0.023333333333333334397297065266;0.002083333333333333304421275400;0.007916666666666667337426410711;0.006666666666666667094565124074;0.002916666666666666799662133158;0.003333333333333333547282562037;0.016250000000000000555111512313;0.000000000000000000000000000000;0.010416666666666666088425508008;0.009166666666666666712925959359;0.011249999999999999583666365766;0.027500000000000000138777878078;0.016666666666666666435370203203;0.004583333333333333356462979680;0.014166666666666665949647629930
-0.018939393939393939919613174538;0.020075757575757576661734660206;0.023484848484848483418652165255;0.243939393939393928123493537896;0.012878787878787878451447568295;0.018560606060606062162054996634;0.005681818181818181975883952362;0.017045454545454544192928381108;0.026136363636363634660453314495;0.015530303030303029693248717535;0.008712121212121212709966755483;0.018181818181818180935049866775;0.007196969696969697342925353922;0.014772727272727272443408885749;0.022348484848484850145977631541;0.021969696969696968918972501683;0.018181818181818180935049866775;0.027651515151515152629579930021;0.011363636363636363951767904723;0.003030303030303030300401934127;0.010606060606060606701928072937;0.017045454545454544192928381108;0.008333333333333333217685101602;0.020075757575757576661734660206;0.017803030303030303177491688871;0.017045454545454544192928381108;0.015151515151515151935690539631;0.026893939393939393645016622258;0.003787878787878787983922634908;0.020454545454545454419292838111;0.067045454545454546968485942671;0.015151515151515151935690539631;0.005681818181818181975883952362;0.004545454545454545233762466694;0.009848484848484847717364765174;0.016666666666666666435370203203;0.005681818181818181975883952362;0.021212121212121213403856145874;0.008712121212121212709966755483;0.012121212121212121201607736509;0.007196969696969697342925353922;0.035606060606060606354983377742;0.000000000000000000000000000000;0.008333333333333333217685101602;0.012878787878787878451447568295;0.018939393939393939919613174538;0.010606060606060606701928072937;0.008333333333333333217685101602;0.010606060606060606701928072937;0.007954545454545453725403447720
-0.030232558139534883301369205810;0.013953488372093023062170402682;0.023643410852713177966455404544;0.183720930232558143924137539216;0.026356589147286821339655205065;0.026356589147286821339655205065;0.012015503875968992081313402309;0.023255813953488371770284004469;0.016279069767441860239198803129;0.010852713178294573492799202086;0.013178294573643410669827602533;0.026744186046511627535826605140;0.010077519379844961100456401937;0.015116279069767441650684602905;0.021705426356589146985598404171;0.034108527131782945263083206555;0.011240310077519379688970602160;0.022868217054263565574112604395;0.036821705426356592105729959030;0.002713178294573643373199800521;0.027906976744186046124340805363;0.011627906976744185885142002235;0.003488372093023255765542600670;0.017054263565891472631541603278;0.032945736434108530144015958285;0.017829457364341085023884403427;0.013565891472868216865999002607;0.013178294573643410669827602533;0.003100775193798449569371200596;0.014728682170542635454513202831;0.055813953488372092248681610727;0.017829457364341085023884403427;0.009689922480620154904285001862;0.003100775193798449569371200596;0.008527131782945736315770801639;0.020155038759689922200912803874;0.001937984496124030980857000372;0.026744186046511627535826605140;0.006976744186046511531085201341;0.007751937984496123923428001490;0.010852713178294573492799202086;0.009302325581395348708113601788;0.000000000000000000000000000000;0.016666666666666666435370203203;0.025581395348837208947312404916;0.017054263565891472631541603278;0.013178294573643410669827602533;0.010465116279069767296627802011;0.010852713178294573492799202086;0.010852713178294573492799202086
-0.016666666666666666435370203203;0.015333333333333332496040135595;0.035999999999999997279953589668;0.169000000000000011324274851177;0.051333333333333334980164153194;0.020000000000000000416333634234;0.004333333333333333134418374755;0.020666666666666666518636930050;0.036333333333333335535275665507;0.014666666666666666393736839780;0.009666666666666667157015169209;0.017666666666666667323548622903;0.011333333333333334147496884725;0.015333333333333332496040135595;0.028333333333333331899295259859;0.016333333333333331649495079319;0.018666666666666668211727042603;0.033000000000000001554312234475;0.016000000000000000333066907388;0.005333333333333333155235056466;0.012666666666666666352103476356;0.024666666666666666601903656897;0.010999999999999999361621760841;0.020000000000000000416333634234;0.017000000000000001221245327088;0.014999999999999999444888487687;0.022999999999999999611421941381;0.038666666666666668628060676838;0.003000000000000000062450045135;0.029333333333333332787473679559;0.013333333333333334189130248149;0.011666666666666667198648532633;0.009333333333333334105863521302;0.008999999999999999319988397417;0.014333333333333333342585191872;0.017333333333333332537673499019;0.006333333333333333176051738178;0.008666666666666666268836749509;0.006666666666666667094565124074;0.021666666666666667406815349750;0.007000000000000000145716771982;0.034666666666666665075346998037;0.000000000000000000000000000000;0.012333333333333333300951828448;0.016333333333333331649495079319;0.010333333333333333259318465025;0.019333333333333334314030338419;0.008333333333333333217685101602;0.016000000000000000333066907388;0.007000000000000000145716771982
-0.023703703703703702526661700745;0.019259259259259260688157411323;0.035185185185185187395351391615;0.090740740740740746805848004897;0.072962962962962965574043039396;0.024814814814814813853649511088;0.007407407407407407690103084974;0.011851851851851851263330850372;0.029629629629629630760412339896;0.014814814814814815380206169948;0.013333333333333334189130248149;0.021111111111111111743321444578;0.015555555555555555108382392859;0.017777777777777777762358013547;0.016296296296296294836558615771;0.019629629629629628817522046802;0.023703703703703702526661700745;0.032962962962962964741375770927;0.015925925925925926707193980292;0.005925925925925925631665425186;0.015925925925925926707193980292;0.019259259259259260688157411323;0.007037037037037036958653235530;0.021111111111111111743321444578;0.028888888888888887562789165031;0.021851851851851851471497667490;0.018888888888888889089345823891;0.054444444444444441144614899031;0.002962962962962962815832712593;0.029999999999999998889776975375;0.028518518518518519433424529552;0.017777777777777777762358013547;0.005925925925925925631665425186;0.008518518518518519017090895318;0.014814814814814815380206169948;0.023703703703703702526661700745;0.004814814814814815172039352831;0.011851851851851851263330850372;0.010370370370370370072254928573;0.017037037037037038034181790636;0.004814814814814815172039352831;0.033333333333333332870740406406;0.000000000000000000000000000000;0.008888888888888888881179006773;0.011111111111111111535154627461;0.014074074074074073917306471060;0.014814814814814815380206169948;0.010740740740740739936343040029;0.015185185185185185244294281404;0.010740740740740739936343040029
-0.016666666666666666435370203203;0.018269230769230770244915262879;0.027243589743589743945584302764;0.230769230769230782041034899521;0.050000000000000002775557561563;0.025641025641025640136039243089;0.005448717948717948442172165358;0.017628205128205128027207848618;0.026923076923076924571454071611;0.008653846153846154326538808732;0.009935897435897435292506685300;0.038782051282051283047636047741;0.021474358974358974394558430276;0.008974358974358973700669039886;0.020192307692307693428590553708;0.012820512820512820068019621544;0.012500000000000000693889390391;0.025320512820512820761909011935;0.023076923076923078204103489952;0.006410256410256410034009810772;0.011858974358974358476181976130;0.015384615384615385469402326635;0.012820512820512820068019621544;0.011858974358974358476181976130;0.018589743589743589619045494032;0.010576923076923077510214099561;0.017307692307692308653077617464;0.025000000000000001387778780781;0.001923076923076923183675290829;0.047756410256410253278858135673;0.025641025641025640136039243089;0.008974358974358973700669039886;0.011217948717948717993198037846;0.006730769230769231142863517903;0.017948717948717947401338079771;0.012820512820512820068019621544;0.005128205128205128200680196215;0.006410256410256410034009810772;0.009935897435897435292506685300;0.011858974358974358476181976130;0.006410256410256410034009810772;0.016666666666666666435370203203;0.000000000000000000000000000000;0.008333333333333333217685101602;0.021794871794871793768688661430;0.005769230769230769551025872488;0.011858974358974358476181976130;0.008012820512820512108831394471;0.016025641025641024217662788942;0.008653846153846154326538808732
-0.021515151515151514916013297807;0.023636363636363635909454217199;0.044848484848484845843863411119;0.165454545454545465243967328206;0.032727272727272729846426102540;0.013030303030303030942249620239;0.004848484848484848480643094604;0.025151515151515150409133880771;0.020606060606060606910094890054;0.018484848484848485916653970662;0.016969696969696971416974307090;0.012727272727272727695368992329;0.007575757575757575967845269815;0.023939393939393940891058321085;0.039696969696969695851063164582;0.019393939393939393922572378415;0.013636363636363635701287400082;0.032424242424242424864821998653;0.016060606060606059941608947383;0.005151515151515151727523722514;0.011818181818181817954727108599;0.018484848484848485916653970662;0.005454545454545454974404350423;0.024545454545454543915372624951;0.031818181818181814901613790880;0.027878787878787877896336055983;0.026969696969696969890417648230;0.044242424242424242819549107253;0.000606060606060606060080386825;0.013030303030303030942249620239;0.015151515151515151935690539631;0.011212121212121211460965852780;0.007272727272727272720964641906;0.006969696969696969474084013996;0.007878787878787879214725897725;0.023636363636363635909454217199;0.006060606060606060600803868255;0.006363636363636363847684496164;0.002121212121212121427121788386;0.010303030303030303455047445027;0.013030303030303030942249620239;0.014242424242424242195048655901;0.000000000000000000000000000000;0.009393939393939393714405561298;0.024848484848484848896976728838;0.006969696969696969474084013996;0.021515151515151514916013297807;0.018181818181818180935049866775;0.015757575757575758429451795450;0.016363636363636364923213051270
-0.019491525423728815052948348807;0.027401129943502824243273252591;0.033050847457627118008982591846;0.205367231638418079597840915085;0.019491525423728815052948348807;0.018361581920903955605917090566;0.006214689265536723489224968375;0.016666666666666666435370203203;0.044350282485875705540401270355;0.014971751412429378999546791817;0.014406779661016949276031162697;0.013841807909604519552515533576;0.009039548022598870372079638003;0.016384180790960451573612388643;0.015536723163841808723062420938;0.014971751412429378999546791817;0.022598870056497175062837357018;0.039830508474576267752276237388;0.014971751412429378999546791817;0.004802259887005650047797633562;0.014971751412429378999546791817;0.020056497175141241307017025974;0.007627118644067796930652303189;0.020621468926553671030532655095;0.022316384180790960201079542458;0.022598870056497175062837357018;0.020056497175141241307017025974;0.039265536723163844967654512175;0.001412429378531073441427334814;0.018361581920903955605917090566;0.008474576271186440648564008882;0.015254237288135593861304606378;0.008757062146892655510321823442;0.004237288135593220324282004441;0.009604519774011300095595267123;0.021186440677966100754048284216;0.006497175141242937483621044947;0.009887005649717514957353081684;0.010451977401129942946145234828;0.011581920903954802393176493069;0.008757062146892655510321823442;0.042372881355932201508096568432;0.000000000000000000000000000000;0.010169491525423728084387420267;0.007344632768361582068894488629;0.009604519774011300095595267123;0.017514124293785311020643646884;0.015254237288135593861304606378;0.011864406779661017254934307630;0.012146892655367232116692122190
-0.017094017094017095736990796695;0.016666666666666666435370203203;0.027777777777777776235801354687;0.161965811965811973260898071203;0.020512820512820512802720784862;0.022222222222222223070309254922;0.008547008547008547868495398347;0.010256410256410256401360392431;0.044444444444444446140618509844;0.014529914529914530335608091605;0.010256410256410256401360392431;0.030769230769230770938804653269;0.015384615384615385469402326635;0.017094017094017095736990796695;0.009401709401709401267566157401;0.013675213675213675201813856575;0.030341880341880341637184059778;0.025213675213675214303865601551;0.013675213675213675201813856575;0.005982905982905983334474431246;0.008119658119658120301598280832;0.036752136752136753405917346527;0.010683760683760683968257509946;0.023076923076923078204103489952;0.020512820512820512802720784862;0.016239316239316240603196561665;0.014102564102564102768710974090;0.034615384615384617306155234928;0.008119658119658120301598280832;0.034615384615384617306155234928;0.028205128205128205537421948179;0.017948717948717947401338079771;0.005982905982905983334474431246;0.002564102564102564100340098108;0.023931623931623933337897724982;0.022222222222222223070309254922;0.003846153846153846367350581659;0.013675213675213675201813856575;0.015384615384615385469402326635;0.026068376068376069437659836581;0.003846153846153846367350581659;0.034188034188034191473981593390;0.000000000000000000000000000000;0.011538461538461539102051744976;0.007264957264957265167804045802;0.020085470085470086970547143324;0.011538461538461539102051744976;0.008119658119658120301598280832;0.014102564102564102768710974090;0.006837606837606837600906928287
-0.012318840579710145510805574531;0.021739130434782608092270095312;0.021376811594202897726102463594;0.225362318840579722856176658752;0.043115942028985505818372558906;0.011231884057971014412302679375;0.008333333333333333217685101602;0.039492753623188409095590145625;0.018478260869565218266208361797;0.014855072463768116339255520586;0.009420289855072464316187996758;0.015217391304347826705423152305;0.003985507246376811425758734941;0.013768115942028985240752625430;0.040217391304347822889031505156;0.012681159420289855876973206250;0.010144927536231883313799784219;0.024275362318840580655443517344;0.026086956521739129016834723984;0.001086956521739130447981591665;0.029347826086956522312343409453;0.006521739130434782254208680996;0.002536231884057970828449946055;0.023188405797101449556940622188;0.014130434782608695606920257148;0.014855072463768116339255520586;0.029347826086956522312343409453;0.088043478260869570406477180313;0.004347826086956521791926366660;0.034420289855072463969243301563;0.011231884057971014412302679375;0.011956521739130435144637942813;0.004347826086956521791926366660;0.008695652173913043583852733320;0.002898550724637681194617577773;0.020289855072463766627599568437;0.007971014492753622851517469883;0.003623188405797101493271972217;0.004347826086956521791926366660;0.001449275362318840597308788887;0.015579710144927537071590784024;0.012318840579710145510805574531;0.000000000000000000000000000000;0.013043478260869564508417361992;0.020289855072463766627599568437;0.009420289855072464316187996758;0.011594202898550724778470311094;0.003985507246376811425758734941;0.008333333333333333217685101602;0.008695652173913043583852733320
-0.008518518518518519017090895318;0.046666666666666668794594130532;0.024074074074074074125473288177;0.175185185185185193779133783210;0.034444444444444444197728216750;0.014444444444444443781394582516;0.006666666666666667094565124074;0.027037037037037036507625131776;0.028888888888888887562789165031;0.011111111111111111535154627461;0.009259259259259258745267118229;0.024074074074074074125473288177;0.009629629629629630344078705662;0.011111111111111111535154627461;0.043703703703703702942995334979;0.007037037037037036958653235530;0.011481481481481481399242738917;0.034814814814814812327092852229;0.019259259259259260688157411323;0.003333333333333333547282562037;0.012222222222222222862142437805;0.015555555555555555108382392859;0.007777777777777777554191196430;0.013333333333333334189130248149;0.008888888888888888881179006773;0.010740740740740739936343040029;0.021851851851851851471497667490;0.119259259259259259300378630542;0.000370370370370370351979089074;0.028888888888888887562789165031;0.008888888888888888881179006773;0.004444444444444444440589503387;0.009259259259259258745267118229;0.002222222222222222220294751693;0.012222222222222222862142437805;0.023333333333333334397297065266;0.009259259259259258745267118229;0.004444444444444444440589503387;0.006666666666666667094565124074;0.005185185185185185036127464286;0.008888888888888888881179006773;0.028148148148148147834612942120;0.000000000000000000000000000000;0.007407407407407407690103084974;0.029259259259259259161600752464;0.011481481481481481399242738917;0.012222222222222222862142437805;0.007037037037037036958653235530;0.014074074074074073917306471060;0.005925925925925925631665425186
-0.021666666666666667406815349750;0.013333333333333334189130248149;0.029166666666666667129259593594;0.229166666666666657414808128124;0.018611111111111109522875395328;0.020277777777777776513357110844;0.003055555555555555715535609451;0.013333333333333334189130248149;0.037777777777777778178691647781;0.012222222222222222862142437805;0.010555555555555555871660722289;0.024722222222222221821308352219;0.009166666666666666712925959359;0.016666666666666666435370203203;0.014444444444444443781394582516;0.018333333333333333425851918719;0.018888888888888889089345823891;0.030555555555555554553270880547;0.014722222222222221613141535101;0.005555555555555555767577313730;0.011944444444444445030395485219;0.013333333333333334189130248149;0.007222222222222221890697291258;0.019444444444444444752839729063;0.024444444444444445724284875610;0.023611111111111110494320541875;0.019166666666666665186369300500;0.044444444444444446140618509844;0.001111111111111111110147375847;0.016944444444444446001840631766;0.032222222222222221543752596062;0.013888888888888888117900677344;0.006111111111111111431071218902;0.003888888888888888777095598215;0.013888888888888888117900677344;0.020833333333333332176851016015;0.005555555555555555767577313730;0.013888888888888888117900677344;0.010555555555555555871660722289;0.008333333333333333217685101602;0.003888888888888888777095598215;0.028055555555555555802271783250;0.000000000000000000000000000000;0.013888888888888888117900677344;0.011388888888888889366901580047;0.013333333333333334189130248149;0.018333333333333333425851918719;0.012777777777777778525636342977;0.015833333333333334674852821422;0.009444444444444444544672911945
-0.028231292517006803532986225491;0.009183673469387755930459782405;0.024829931972789116151334454230;0.180272108843537420819203020983;0.032312925170068028390968351005;0.027210884353741495583767218136;0.003061224489795918209805725141;0.021768707482993195773124384118;0.029931972789115645489088635145;0.013945578231292516530048786194;0.010884353741496597886562192059;0.025170068027210883154776155379;0.009863945578231291672066660681;0.020408163265306120820463675614;0.017346938775510203911700557455;0.018707482993197278864361265960;0.015986394557823128959039848951;0.024829931972789116151334454230;0.022789115646258503722343391473;0.003061224489795918209805725141;0.015306122448979591482709494699;0.021428571428571428769682682969;0.004081632653061224857982125513;0.023469387755102041198673745726;0.026190476190476191103995162734;0.025850340136054420631106509632;0.021768707482993195773124384118;0.046258503401360541451570185245;0.003741496598639455686136079393;0.026190476190476191103995162734;0.026190476190476191103995162734;0.012244897959183672839222900564;0.006122448979591836419611450282;0.006462585034013605157776627408;0.011224489795918366624727369185;0.022448979591836733249454738370;0.005102040816326530205115918903;0.017006802721088436908258856306;0.007142857142857142634106981660;0.006462585034013605157776627408;0.006462585034013605157776627408;0.020408163265306120820463675614;0.000000000000000000000000000000;0.014625850340136054006379140446;0.013265306122448979053718431942;0.014625850340136054006379140446;0.014965986394557822744544317572;0.013605442176870747791883609068;0.014285714285714285268213963320;0.013265306122448979053718431942
-0.020333333333333331732761806165;0.021666666666666667406815349750;0.021000000000000001304512053935;0.297999999999999987121412914348;0.035333333333333334647097245806;0.018333333333333333425851918719;0.006333333333333333176051738178;0.022666666666666668294993769450;0.014999999999999999444888487687;0.009666666666666667157015169209;0.010333333333333333259318465025;0.029000000000000001471045507628;0.008666666666666666268836749509;0.012000000000000000249800180541;0.035666666666666665963525417737;0.014666666666666666393736839780;0.009333333333333334105863521302;0.017666666666666667323548622903;0.022999999999999999611421941381;0.001333333333333333288808764117;0.017999999999999998639976794834;0.008333333333333333217685101602;0.003000000000000000062450045135;0.021666666666666667406815349750;0.015666666666666665547191783503;0.018999999999999999528155214534;0.021666666666666667406815349750;0.029000000000000001471045507628;0.001000000000000000020816681712;0.041333333333333333037273860100;0.016666666666666666435370203203;0.018333333333333333425851918719;0.008000000000000000166533453694;0.011333333333333334147496884725;0.007000000000000000145716771982;0.012999999999999999403255124264;0.003000000000000000062450045135;0.008000000000000000166533453694;0.007000000000000000145716771982;0.004000000000000000083266726847;0.010999999999999999361621760841;0.010666666666666666310470112933;0.000000000000000000000000000000;0.012666666666666666352103476356;0.018666666666666668211727042603;0.012666666666666666352103476356;0.009333333333333334105863521302;0.005666666666666667073748442363;0.006666666666666667094565124074;0.007666666666666666248020067798
-0.020652173913043476993767200156;0.011594202898550724778470311094;0.022826086956521739190772990469;0.219565217391304356997494551251;0.046014492753623188747713612656;0.028985507246376811946175777734;0.006884057971014492620376312715;0.014130434782608695606920257148;0.017028985507246376801537834922;0.010144927536231883313799784219;0.009420289855072464316187996758;0.015217391304347826705423152305;0.032246376811594201772237511250;0.013405797101449274874584993711;0.017753623188405797533873098359;0.018478260869565218266208361797;0.011594202898550724778470311094;0.022826086956521739190772990469;0.023550724637681159923108253906;0.007246376811594202986543944434;0.016304347826086956069202571484;0.014492753623188405973087888867;0.014855072463768116339255520586;0.011231884057971014412302679375;0.017391304347826087167705466641;0.012681159420289855876973206250;0.019202898550724638998543625235;0.013768115942028985240752625430;0.001086956521739130447981591665;0.059057971014492754990854450625;0.021376811594202897726102463594;0.007971014492753622851517469883;0.024637681159420291021611149063;0.006159420289855072755402787266;0.020289855072463766627599568437;0.017028985507246376801537834922;0.005072463768115941656899892109;0.015579710144927537071590784024;0.013043478260869564508417361992;0.018115942028985507900040730078;0.007971014492753622851517469883;0.014130434782608695606920257148;0.000000000000000000000000000000;0.010144927536231883313799784219;0.016666666666666666435370203203;0.011231884057971014412302679375;0.009782608695652174682355628477;0.006884057971014492620376312715;0.016304347826086956069202571484;0.007971014492753622851517469883
-0.042792792792792792855305350486;0.010360360360360360357234732476;0.020720720720720720714469464951;0.237387387387387377435388202684;0.005405405405405405705465682331;0.022522522522522521459809041744;0.008558558558558557877171679706;0.008108108108108108558198523497;0.022972972972972974248229149907;0.009459459459459459984564944079;0.009009009009009008930868311893;0.017117117117117115754343359413;0.005405405405405405705465682331;0.005405405405405405705465682331;0.013963963963963963582637362038;0.044594594594594597070091879232;0.011711711711711711783601153058;0.021171171171171170033442621161;0.015765765765765764327976938830;0.004504504504504504465434155946;0.023423423423423423567202306117;0.012162162162162162837297785245;0.004954954954954954651769050145;0.016666666666666666435370203203;0.027927927927927927165274724075;0.016216216216216217116397046993;0.014414414414414414636333994224;0.013063063063063063209967573641;0.001801801801801801829541749278;0.018468468468468467180709779996;0.076576576576576571575571961148;0.009009009009009008930868311893;0.004054054054054054279099261748;0.004054054054054054279099261748;0.010360360360360360357234732476;0.017567567567567568542763467576;0.003603603603603603659083498556;0.074324324324324328450153132053;0.006306306306306306078135470727;0.007657657657657657504501891310;0.002702702702702702852732841166;0.019819819819819818607076200578;0.000000000000000000000000000000;0.013513513513513514263664205828;0.009009009009009008930868311893;0.020270270270270271395496308742;0.011711711711711711783601153058;0.005855855855855855891800576529;0.009009009009009008930868311893;0.008558558558558557877171679706
-0.013888888888888888117900677344;0.024537037037037037756626034479;0.027314814814814816074095560339;0.086574074074074067186579384270;0.061111111111111109106541761093;0.025925925925925925180637321432;0.003240740740740740647579665179;0.024537037037037037756626034479;0.046759259259259257357488337448;0.019444444444444444752839729063;0.012962962962962962590318660716;0.032407407407407405608434913802;0.006944444444444444058950338672;0.013888888888888888117900677344;0.028240740740740739866954100989;0.013425925925925926221471407018;0.016203703703703702804217456901;0.025925925925925925180637321432;0.022685185185185186701462001224;0.002777777777777777883788656865;0.016203703703703702804217456901;0.013425925925925926221471407018;0.001388888888888888941894328433;0.023148148148148146863167795573;0.015277777777777777276635440273;0.013425925925925926221471407018;0.017129629629629630066522949505;0.052777777777777777623580135469;0.003703703703703703845051542487;0.057407407407407406996213694583;0.028703703703703703498106847292;0.019907407407407408383992475365;0.007870370370370369586532355299;0.004166666666666666608842550801;0.005092592592592593003786305417;0.021296296296296295808003762318;0.003703703703703703845051542487;0.008333333333333333217685101602;0.017129629629629630066522949505;0.005555555555555555767577313730;0.006018518518518518531368322044;0.052314814814814813992427389167;0.000000000000000000000000000000;0.015277777777777777276635440273;0.025925925925925925180637321432;0.012962962962962962590318660716;0.016203703703703702804217456901;0.009722222222222222376419864531;0.010185185185185186007572610833;0.006944444444444444058950338672
-0.024038461538461539795941135367;0.012500000000000000693889390391;0.044871794871794871972792151382;0.077564102564102566095272095481;0.021153846153846155020428199123;0.024358974358974359170071366520;0.002243589743589743425167259971;0.022115384615384616612265844537;0.036217948717948721115700294604;0.028525641025641024911552179333;0.014423076923076923877564681220;0.035256410256410256054415697236;0.014102564102564102768710974090;0.025000000000000001387778780781;0.016025641025641024217662788942;0.018269230769230770244915262879;0.019871794871794870585013370601;0.042628205128205129414986629399;0.021794871794871793768688661430;0.005769230769230769551025872488;0.018269230769230770244915262879;0.016025641025641024217662788942;0.008012820512820512108831394471;0.031730769230769229061195346731;0.025961538461538462979616426196;0.027564102564102563319714533918;0.024038461538461539795941135367;0.022435897435897435986396075691;0.002243589743589743425167259971;0.032692307692307694122479944099;0.030769230769230770938804653269;0.019871794871794870585013370601;0.006410256410256410034009810772;0.005128205128205128200680196215;0.008333333333333333217685101602;0.037820512820512817986351450372;0.010256410256410256401360392431;0.005769230769230769551025872488;0.005769230769230769551025872488;0.002884615384615384775512936244;0.007692307692307692734701163317;0.022115384615384616612265844537;0.000000000000000000000000000000;0.020512820512820512802720784862;0.015384615384615385469402326635;0.018589743589743589619045494032;0.026602564102564101727876888503;0.015705128205128204843532557788;0.016666666666666666435370203203;0.008012820512820512108831394471
-0.040277777777777780399137697032;0.011111111111111111535154627461;0.046527777777777779011358916250;0.002777777777777777883788656865;0.006250000000000000346944695195;0.017013888888888887424011286953;0.004861111111111111188209932266;0.029861111111111112575988713047;0.022569444444444444058950338672;0.047569444444444441977282167500;0.018055555555555553859381490156;0.010069444444444445099784424258;0.014236111111111110841265237070;0.036458333333333335646297967969;0.015625000000000000000000000000;0.014236111111111110841265237070;0.032986111111111111882099322656;0.039930555555555552471602709375;0.022569444444444444058950338672;0.006944444444444444058950338672;0.018749999999999999306110609609;0.009722222222222222376419864531;0.005902777777777777623580135469;0.064583333333333339809634310313;0.025694444444444443365060948281;0.046527777777777779011358916250;0.029513888888888888117900677344;0.021874999999999998612221219219;0.002430555555555555594104966133;0.014236111111111110841265237070;0.008333333333333333217685101602;0.032986111111111111882099322656;0.008680555555555555941049661328;0.002777777777777777883788656865;0.007986111111111110494320541875;0.052430555555555556634939051719;0.012847222222222221682530474141;0.009374999999999999653055304805;0.005902777777777777623580135469;0.005555555555555555767577313730;0.008333333333333333217685101602;0.008680555555555555941049661328;0.000000000000000000000000000000;0.032986111111111111882099322656;0.009722222222222222376419864531;0.019444444444444444752839729063;0.034722222222222223764198645313;0.018402777777777778317469525859;0.025347222222222222376419864531;0.016319444444444445446729119453
-0.023055555555555554830826636703;0.021111111111111111743321444578;0.058055555555555554692048758625;0.029444444444444443226283070203;0.016944444444444446001840631766;0.021666666666666667406815349750;0.003611111111111110945348645629;0.029999999999999998889776975375;0.033611111111111112437210834969;0.019444444444444444752839729063;0.011666666666666667198648532633;0.021666666666666667406815349750;0.009722222222222222376419864531;0.025277777777777777484802257391;0.023333333333333334397297065266;0.020833333333333332176851016015;0.023888888888888890060790970438;0.041388888888888891726125507375;0.016388888888888890338346726594;0.006666666666666667094565124074;0.013055555555555556357383295563;0.020833333333333332176851016015;0.008611111111111111049432054187;0.036388888888888887285233408875;0.032222222222222221543752596062;0.032777777777777780676693453188;0.033055555555555553304269977843;0.017222222222222222098864108375;0.001944444444444444388547799107;0.015277777777777777276635440273;0.036388888888888887285233408875;0.020833333333333332176851016015;0.010555555555555555871660722289;0.006944444444444444058950338672;0.008611111111111111049432054187;0.044166666666666666574148081281;0.012500000000000000693889390391;0.016666666666666666435370203203;0.002500000000000000052041704279;0.008611111111111111049432054187;0.010000000000000000208166817117;0.022777777777777778733803160094;0.000000000000000000000000000000;0.016944444444444446001840631766;0.014999999999999999444888487687;0.017500000000000001665334536938;0.030555555555555554553270880547;0.017777777777777777762358013547;0.018888888888888889089345823891;0.013611111111111110286153724758
-0.017836257309941521559393251550;0.018128654970760233605675537660;0.048538011695906435605252227106;0.073976608187134501593007485098;0.080994152046783632337145775182;0.020175438596491228337992396291;0.001461988304093567170305334457;0.014619883040935671703053344572;0.049415204678362571744099085436;0.014035087719298245875765296375;0.015204678362573099265064868746;0.014619883040935671703053344572;0.009356725146198830583843530917;0.022514619883040935116591541032;0.020760233918128655900003920465;0.023391812865497074724885351316;0.017543859649122806043664013487;0.036257309941520467211351075321;0.028070175438596491751530592751;0.004093567251461988597271979273;0.013157894736842104532748010115;0.023976608187134502286896875489;0.007017543859649122937882648188;0.016666666666666666435370203203;0.022222222222222223070309254922;0.019298245614035088729698586008;0.021637426900584795508297730748;0.043859649122807015109160033717;0.000292397660818713455745110341;0.039766081871345032583420220362;0.018421052631578945651957823770;0.011111111111111111535154627461;0.013157894736842104532748010115;0.006140350877192982462227099916;0.009649122807017544364849293004;0.020760233918128655900003920465;0.009064327485380116802837768830;0.005555555555555555767577313730;0.007309941520467835851526672286;0.008771929824561403021832006743;0.004678362573099415291921765458;0.047953216374269004573793750978;0.000000000000000000000000000000;0.007894736842105263413538196460;0.018421052631578945651957823770;0.004678362573099415291921765458;0.026315789473684209065496020230;0.011988304093567251143448437745;0.015789473684210526827076392919;0.013450292397660818313753772202
-0.013636363636363635701287400082;0.020303030303030301928490786167;0.028181818181818182877940159869;0.116666666666666668517038374375;0.124242424242424237545989740283;0.014242424242424242195048655901;0.002121212121212121427121788386;0.014545454545454545441929283811;0.043636363636363639795234803387;0.010606060606060606701928072937;0.013333333333333334189130248149;0.008787878787878787220644305478;0.013939393939393938948168027991;0.013030303030303030942249620239;0.018787878787878787428811122595;0.011212121212121211460965852780;0.020909090909090908422252041987;0.035454545454545453864181325798;0.023333333333333334397297065266;0.004242424242424242854243576772;0.013636363636363635701287400082;0.030606060606060605383538231195;0.012727272727272727695368992329;0.016969696969696971416974307090;0.015757575757575758429451795450;0.013333333333333334189130248149;0.018787878787878787428811122595;0.032424242424242424864821998653;0.001515151515151515150200967064;0.038181818181818184820830452963;0.017272727272727272929131459023;0.011515151515151514707846480690;0.018181818181818180935049866775;0.005454545454545454974404350423;0.012727272727272727695368992329;0.016060606060606059941608947383;0.004242424242424242854243576772;0.008181818181818182461606525635;0.015454545454545455182571167541;0.015151515151515151935690539631;0.003939393939393939607362948863;0.039393939393939390869459060696;0.000000000000000000000000000000;0.010303030303030303455047445027;0.016969696969696971416974307090;0.010000000000000000208166817117;0.015151515151515151935690539631;0.010909090909090909948808700847;0.014848484848484848688809911721;0.009090909090909090467524933388
-0.019727891156462583344133321361;0.030272108843537415961977288248;0.028911564625850341009316579743;0.227551020408163273689439165537;0.026870748299319728580325516987;0.025510204081632653627664808482;0.004421768707482993596147302640;0.021768707482993195773124384118;0.039455782312925166688266642723;0.006462585034013605157776627408;0.011564625850340135362892546311;0.015986394557823128959039848951;0.017346938775510203911700557455;0.011564625850340135362892546311;0.021428571428571428769682682969;0.010884353741496597886562192059;0.011224489795918366624727369185;0.029251700680272108012758280893;0.023129251700680270725785092623;0.004421768707482993596147302640;0.015306122448979591482709494699;0.018367346938775511860919564811;0.012925170068027210315553254816;0.007482993197278911372272158786;0.015986394557823128959039848951;0.010884353741496597886562192059;0.015986394557823128959039848951;0.037074829931972787255833878817;0.000680272108843537367910137004;0.028911564625850341009316579743;0.026530612244897958107436863884;0.007482993197278911372272158786;0.012244897959183672839222900564;0.008843537414965987192294605279;0.017346938775510203911700557455;0.012925170068027210315553254816;0.008843537414965987192294605279;0.016666666666666666435370203203;0.012244897959183672839222900564;0.014625850340136054006379140446;0.004421768707482993596147302640;0.037755102040816328201611185023;0.000000000000000000000000000000;0.005442176870748298943281096030;0.016666666666666666435370203203;0.011224489795918366624727369185;0.009183673469387755930459782405;0.005782312925170067681446273156;0.014965986394557822744544317572;0.005442176870748298943281096030
-0.024829931972789116151334454230;0.020068027210884353817021974464;0.024829931972789116151334454230;0.127891156462585031672318791607;0.013945578231292516530048786194;0.025850340136054420631106509632;0.007142857142857142634106981660;0.027210884353741495583767218136;0.034693877551020407823401114911;0.009523809523809524668624959531;0.013265306122448979053718431942;0.014965986394557822744544317572;0.015306122448979591482709494699;0.011904761904761904101057723437;0.024489795918367345678445801127;0.026870748299319728580325516987;0.016326530612244899431928502054;0.039795918367346937161155295826;0.020068027210884353817021974464;0.002380952380952381167156239883;0.014965986394557822744544317572;0.017346938775510203911700557455;0.007823129251700680977799073901;0.016326530612244899431928502054;0.026530612244897958107436863884;0.023469387755102041198673745726;0.020408163265306120820463675614;0.043197278911564628012254019040;0.003741496598639455686136079393;0.023129251700680270725785092623;0.040816326530612241640927351227;0.011564625850340135362892546311;0.011564625850340135362892546311;0.004421768707482993596147302640;0.008503401360544218454129428153;0.017687074829931974384589210558;0.005442176870748298943281096030;0.030612244897959182965418989397;0.010884353741496597886562192059;0.007482993197278911372272158786;0.014625850340136054006379140446;0.045238095238095236971798129844;0.000000000000000000000000000000;0.010544217687074829148397014933;0.022108843537414966246013037221;0.014965986394557822744544317572;0.011904761904761904101057723437;0.008843537414965987192294605279;0.012925170068027210315553254816;0.011564625850340135362892546311
-0.018468468468468467180709779996;0.034234234234234231508686718826;0.025225225225225224312541882909;0.013963963963963963582637362038;0.012162162162162162837297785245;0.030630630630630630018007565241;0.006306306306306306078135470727;0.019369369369369369288103044369;0.043693693693693691493251662905;0.011711711711711711783601153058;0.015765765765765764327976938830;0.050450450450450448625083765819;0.007207207207207207318166997112;0.013513513513513514263664205828;0.024324324324324325674595570490;0.018018018018018017861736623786;0.016216216216216217116397046993;0.043693693693693691493251662905;0.019369369369369369288103044369;0.003603603603603603659083498556;0.015765765765765764327976938830;0.020270270270270271395496308742;0.013513513513513514263664205828;0.014864864864864865690030626411;0.024774774774774774993568726700;0.020720720720720720714469464951;0.021171171171171170033442621161;0.085585585585585585710610700971;0.001801801801801801829541749278;0.029729729729729731380061252821;0.082882882882882882857877859806;0.010360360360360360357234732476;0.009009009009009008930868311893;0.002702702702702702852732841166;0.006756756756756757131832102914;0.019369369369369369288103044369;0.004504504504504504465434155946;0.009009009009009008930868311893;0.009009009009009008930868311893;0.011261261261261260729904520872;0.011261261261261260729904520872;0.072072072072072071446946495143;0.000000000000000000000000000000;0.006756756756756757131832102914;0.009009009009009008930868311893;0.008108108108108108558198523497;0.018468468468468467180709779996;0.011711711711711711783601153058;0.011711711711711711783601153058;0.009909909909909909303538100289
-0.033333333333333332870740406406;0.026296296296296296779448908865;0.032592592592592589673117231541;0.124074074074074072737694507396;0.022222222222222223070309254922;0.014444444444444443781394582516;0.006296296296296296363115274630;0.022962962962962962798485477833;0.012222222222222222862142437805;0.024444444444444445724284875610;0.016666666666666666435370203203;0.015185185185185185244294281404;0.009259259259259258745267118229;0.022592592592592591199673890401;0.032222222222222221543752596062;0.031481481481481478346129421197;0.014444444444444443781394582516;0.029629629629629630760412339896;0.017037037037037038034181790636;0.005185185185185185036127464286;0.016296296296296294836558615771;0.011111111111111111535154627461;0.001851851851851851922525771243;0.034444444444444444197728216750;0.031851851851851853414387960584;0.034074074074074076068363581271;0.024444444444444445724284875610;0.028518518518518519433424529552;0.001481481481481481407916356297;0.028148148148148147834612942120;0.010000000000000000208166817117;0.020000000000000000416333634234;0.008148148148148147418279307885;0.010000000000000000208166817117;0.008148148148148147418279307885;0.024074074074074074125473288177;0.007037037037037036958653235530;0.016666666666666666435370203203;0.000370370370370370351979089074;0.006296296296296296363115274630;0.011111111111111111535154627461;0.009629629629629630344078705662;0.000000000000000000000000000000;0.026296296296296296779448908865;0.018518518518518517490534236458;0.016296296296296294836558615771;0.029629629629629630760412339896;0.024074074074074074125473288177;0.014444444444444443781394582516;0.014444444444444443781394582516
-0.016216216216216217116397046993;0.011711711711711711783601153058;0.014414414414414414636333994224;0.308108108108108125211543892874;0.008108108108108108558198523497;0.014414414414414414636333994224;0.055405405405405408481023243894;0.037387387387387387149839668155;0.019369369369369369288103044369;0.012612612612612612156270941455;0.007207207207207207318166997112;0.009009009009009008930868311893;0.005855855855855855891800576529;0.008558558558558557877171679706;0.022972972972972974248229149907;0.009459459459459459984564944079;0.008558558558558557877171679706;0.005855855855855855891800576529;0.058558558558558557183282289316;0.002252252252252252232717077973;0.054504504504504502904183027567;0.010360360360360360357234732476;0.004954954954954954651769050145;0.015315315315315315009003782620;0.018468468468468467180709779996;0.013963963963963963582637362038;0.018468468468468467180709779996;0.008558558558558557877171679706;0.003603603603603603659083498556;0.013963963963963963582637362038;0.008558558558558557877171679706;0.011711711711711711783601153058;0.003153153153153153039067735364;0.006306306306306306078135470727;0.003603603603603603659083498556;0.008558558558558557877171679706;0.003603603603603603659083498556;0.014864864864864865690030626411;0.002702702702702702852732841166;0.004054054054054054279099261748;0.031981981981981981444373985823;0.009909909909909909303538100289;0.000000000000000000000000000000;0.013963963963963963582637362038;0.021171171171171170033442621161;0.027477477477477477846301567865;0.008558558558558557877171679706;0.004504504504504504465434155946;0.004504504504504504465434155946;0.012612612612612612156270941455
-0.023958333333333334952408577578;0.011458333333333332523795711211;0.024305555555555555941049661328;0.316319444444444430875051921248;0.007986111111111110494320541875;0.015972222222222220988641083750;0.012152777777777777970524830664;0.031944444444444441977282167500;0.017708333333333332870740406406;0.016666666666666666435370203203;0.015625000000000000000000000000;0.019444444444444444752839729063;0.002083333333333333304421275400;0.010416666666666666088425508008;0.031944444444444441977282167500;0.019097222222222223764198645313;0.011111111111111111535154627461;0.015625000000000000000000000000;0.021527777777777777623580135469;0.001041666666666666652210637700;0.027083333333333334258519187188;0.012152777777777777970524830664;0.003472222222222222029475169336;0.027430555555555555247160270937;0.017361111111111111882099322656;0.022569444444444444058950338672;0.031597222222222220988641083750;0.011458333333333332523795711211;0.005208333333333333044212754004;0.010069444444444445099784424258;0.006250000000000000346944695195;0.009722222222222222376419864531;0.005555555555555555767577313730;0.013194444444444444405895033867;0.002430555555555555594104966133;0.021527777777777777623580135469;0.006250000000000000346944695195;0.005555555555555555767577313730;0.001041666666666666652210637700;0.002430555555555555594104966133;0.024305555555555555941049661328;0.006597222222222222202947516934;0.000000000000000000000000000000;0.019444444444444444752839729063;0.018055555555555553859381490156;0.024652777777777776929690745078;0.015625000000000000000000000000;0.004166666666666666608842550801;0.007638888888888888638317720137;0.010763888888888888811790067734
-0.031944444444444441977282167500;0.007777777777777777554191196430;0.048611111111111111882099322656;0.149722222222222228760202256126;0.004444444444444444440589503387;0.023611111111111110494320541875;0.005833333333333333599324266316;0.021111111111111111743321444578;0.019166666666666665186369300500;0.025277777777777777484802257391;0.016666666666666666435370203203;0.015555555555555555108382392859;0.011111111111111111535154627461;0.029444444444444443226283070203;0.015555555555555555108382392859;0.034722222222222223764198645313;0.016666666666666666435370203203;0.021111111111111111743321444578;0.012500000000000000693889390391;0.004444444444444444440589503387;0.015555555555555555108382392859;0.015277777777777777276635440273;0.005000000000000000104083408559;0.035277777777777775958245598531;0.037499999999999998612221219219;0.039722222222222221266196839906;0.024722222222222221821308352219;0.004722222222222222272336455973;0.002500000000000000052041704279;0.012222222222222222862142437805;0.013333333333333334189130248149;0.014999999999999999444888487687;0.004444444444444444440589503387;0.007499999999999999722444243844;0.012222222222222222862142437805;0.031666666666666669349705642844;0.006944444444444444058950338672;0.018333333333333333425851918719;0.001666666666666666773641281019;0.007777777777777777554191196430;0.009166666666666666712925959359;0.013055555555555556357383295563;0.000000000000000000000000000000;0.022499999999999999167332731531;0.006666666666666667094565124074;0.020277777777777776513357110844;0.036944444444444446418174266000;0.028611111111111111465765688422;0.015555555555555555108382392859;0.020555555555555556079827539406
-0.017261904761904763028201870156;0.016071428571428569842538536250;0.065476190476190479494711382813;0.167857142857142843661577558123;0.008035714285714284921269268125;0.016369047619047619873677845703;0.006845238095238095205052886172;0.024404761904761904794947113828;0.029464285714285713690951951094;0.022619047619047618485899064922;0.015178571428571428422737987773;0.009821428571428571230317317031;0.013095238095238095551997581367;0.028869047619047620567567236094;0.017559523809523809589894227656;0.019345238095238095898942276563;0.021726190476190475331375040469;0.026785714285714284227379877734;0.008630952380952381514100935078;0.007142857142857142634106981660;0.015178571428571428422737987773;0.028273809523809523974735569141;0.005059523809523809763366575254;0.029761904761904760252644308594;0.030357142857142856845475975547;0.029166666666666667129259593594;0.024702380952380951356639471328;0.011904761904761904101057723437;0.001785714285714285658526745415;0.005952380952380952050528861719;0.013392857142857142113689938867;0.017559523809523809589894227656;0.005059523809523809763366575254;0.012797619047619047255581747891;0.011607142857142857539365365938;0.028571428571428570536427926640;0.006547619047619047775998790684;0.007738095238095238359576910625;0.005952380952380952050528861719;0.013392857142857142113689938867;0.006547619047619047775998790684;0.015178571428571428422737987773;0.000000000000000000000000000000;0.018452380952380952744418252109;0.010119047619047619526733150508;0.008333333333333333217685101602;0.034226190476190479494711382813;0.021428571428571428769682682969;0.018749999999999999306110609609;0.019642857142857142460634634062
-0.008490566037735848906042868123;0.015408805031446540928508071033;0.027358490566037736713145278600;0.401257861635220147711322624673;0.008176100628930817529327335080;0.009119496855345911659473934208;0.005974842767295597892318603783;0.028616352201257862220007410770;0.021383647798742137086103198840;0.024528301886792454322705481218;0.009119496855345911659473934208;0.005660377358490565648241332752;0.004402515723270440141379200583;0.009433962264150943036189467250;0.031132075471698113233731675109;0.008176100628930817529327335080;0.015408805031446540928508071033;0.016037735849056603681939137118;0.019811320754716980202525533628;0.001572327044025157317258534206;0.014465408805031446798361471906;0.015094339622641509551792537991;0.000628930817610062861851283333;0.031761006289308175987162741194;0.008490566037735848906042868123;0.014150943396226415421645938864;0.025786163522012579829567613388;0.025786163522012579829567613388;0.003144654088050314634517068413;0.015094339622641509551792537991;0.001572327044025157317258534206;0.017924528301886791942232335373;0.005974842767295597892318603783;0.007547169811320754775896268995;0.000628930817610062861851283333;0.021698113207547168462818731882;0.001886792452830188693974067249;0.002201257861635220070689600291;0.003144654088050314634517068413;0.000943396226415094346987033624;0.012893081761006289914783806694;0.012264150943396227161352740609;0.000000000000000000000000000000;0.019496855345911948825810000585;0.019496855345911948825810000585;0.022012578616352199839534264925;0.011320754716981131296482665505;0.001886792452830188693974067249;0.003773584905660377387948134498;0.007861635220125786152611802038
-0.008730158730158730367998387578;0.012301587301587301251371009414;0.025000000000000001387778780781;0.372222222222222232090871330001;0.004761904761904762334312479766;0.005555555555555555767577313730;0.007142857142857142634106981660;0.023412698412698412786525636875;0.007142857142857142634106981660;0.045634920634920632387387939843;0.007142857142857142634106981660;0.002777777777777777883788656865;0.004365079365079365183999193789;0.021031746031746033354092872969;0.023412698412698412786525636875;0.010714285714285714384841341484;0.010317460317460317234528055508;0.015873015873015872134743631250;0.014285714285714285268213963320;0.005952380952380952050528861719;0.013492063492063492702310867344;0.009523809523809524668624959531;0.003571428571428571317053490830;0.054761904761904761640423089375;0.011111111111111111535154627461;0.026587301587301586519584972734;0.014682539682539682418527249297;0.005952380952380952050528861719;0.002380952380952381167156239883;0.005952380952380952050528861719;0.005952380952380952050528861719;0.021825396825396824185272492969;0.003968253968253968033685907812;0.004761904761904762334312479766;0.003968253968253968033685907812;0.029365079365079364837054498594;0.006746031746031746351155433672;0.004365079365079365183999193789;0.000396825396825396825052634231;0.005158730158730158617264027754;0.011904761904761904101057723437;0.003968253968253968033685907812;0.000000000000000000000000000000;0.036111111111111107718762980312;0.008333333333333333217685101602;0.023015873015873017370935826875;0.025793650793650792218958400781;0.011904761904761904101057723437;0.008333333333333333217685101602;0.008333333333333333217685101602
-0.026041666666666667823148983985;0.018055555555555553859381490156;0.050694444444444444752839729063;0.017708333333333332870740406406;0.020486111111111111188209932266;0.020486111111111111188209932266;0.004861111111111111188209932266;0.026736111111111109800431151484;0.027777777777777776235801354687;0.016666666666666666435370203203;0.017361111111111111882099322656;0.010763888888888888811790067734;0.024652777777777776929690745078;0.030555555555555554553270880547;0.020833333333333332176851016015;0.017361111111111111882099322656;0.027430555555555555247160270937;0.036111111111111107718762980312;0.020138888888888890199568848516;0.010416666666666666088425508008;0.016319444444444445446729119453;0.025000000000000001387778780781;0.019097222222222223764198645313;0.024652777777777776929690745078;0.029513888888888888117900677344;0.028819444444444446140618509844;0.031944444444444441977282167500;0.012847222222222221682530474141;0.002777777777777777883788656865;0.023263888888888889505679458125;0.012500000000000000693889390391;0.018402777777777778317469525859;0.019444444444444444752839729063;0.011805555555555555247160270937;0.033333333333333332870740406406;0.032291666666666669904817155157;0.012500000000000000693889390391;0.012152777777777777970524830664;0.003819444444444444319158860068;0.031597222222222220988641083750;0.009027777777777776929690745078;0.013194444444444444405895033867;0.000000000000000000000000000000;0.014236111111111110841265237070;0.012500000000000000693889390391;0.012847222222222221682530474141;0.026041666666666667823148983985;0.020486111111111111188209932266;0.034027777777777774848022573906;0.010416666666666666088425508008
-0.029710144927536232678511041172;0.014492753623188405973087888867;0.025362318840579711753946412500;0.085869565217391308209471390001;0.077536231884057976726509764376;0.044927536231884057649210717500;0.003260869565217391127104340498;0.021376811594202897726102463594;0.005797101449275362389235155547;0.009057971014492753950020365039;0.018840579710144928632375993516;0.034782608695652174335410933281;0.031884057971014491406069879531;0.015217391304347826705423152305;0.023188405797101449556940622188;0.013405797101449274874584993711;0.005434782608695652023067523828;0.026811594202898549749169987422;0.034782608695652174335410933281;0.001449275362318840597308788887;0.014130434782608695606920257148;0.007971014492753622851517469883;0.014492753623188405973087888867;0.012681159420289855876973206250;0.037318840579710146898584355313;0.016666666666666666435370203203;0.020289855072463766627599568437;0.031884057971014491406069879531;0.000362318840579710149327197222;0.069927536231884052098095594374;0.018478260869565218266208361797;0.005797101449275362389235155547;0.026811594202898549749169987422;0.003985507246376811425758734941;0.023550724637681159923108253906;0.017753623188405797533873098359;0.010869565217391304046135047656;0.011594202898550724778470311094;0.001449275362318840597308788887;0.011594202898550724778470311094;0.005434782608695652023067523828;0.007971014492753622851517469883;0.000000000000000000000000000000;0.007608695652173913352711576152;0.026811594202898549749169987422;0.009420289855072464316187996758;0.007971014492753622851517469883;0.015217391304347826705423152305;0.029710144927536232678511041172;0.009057971014492753950020365039
-0.051550387596899227560243161861;0.001550387596899224784685600298;0.031007751937984495693712005959;0.010077519379844961100456401937;0.009302325581395348708113601788;0.041472868217054266459786759924;0.001937984496124030980857000372;0.016279069767441860239198803129;0.004651162790697674354056800894;0.032170542635658917751673158136;0.015116279069767441650684602905;0.041860465116279069186511208045;0.022480620155038759377941204320;0.039534883720930232009482807598;0.004651162790697674354056800894;0.046511627906976743540568008939;0.010077519379844961100456401937;0.012015503875968992081313402309;0.018992248062015503612398603650;0.004263565891472868157885400819;0.023643410852713177966455404544;0.003100775193798449569371200596;0.006201550387596899138742401192;0.053875968992248064737271562308;0.063178294573643406506491260188;0.052713178294573642679310410131;0.017441860465116278827713003352;0.000387596899224806196171400074;0.001162790697674418588514200223;0.027519379844961239928169405289;0.035271317829457367321044358732;0.015116279069767441650684602905;0.006976744186046511531085201341;0.005426356589147286746399601043;0.021317829457364340789427004097;0.031007751937984495693712005959;0.012015503875968992081313402309;0.025968992248062015143483804991;0.000387596899224806196171400074;0.008139534883720930119599401564;0.001937984496124030980857000372;0.001162790697674418588514200223;0.000000000000000000000000000000;0.032945736434108530144015958285;0.006589147286821705334913801266;0.023255813953488371770284004469;0.036821705426356592105729959030;0.034108527131782945263083206555;0.017441860465116278827713003352;0.019379844961240309808570003725
-0.048913043478260871677054666407;0.002173913043478260895963183330;0.060869565217391306821692609219;0.000000000000000000000000000000;0.004347826086956521791926366660;0.019565217391304349364711256953;0.000000000000000000000000000000;0.013768115942028985240752625430;0.016666666666666666435370203203;0.049637681159420292409389929844;0.014855072463768116339255520586;0.025000000000000001387778780781;0.006159420289855072755402787266;0.058695652173913044624686818906;0.000724637681159420298654394443;0.034057971014492753603075669844;0.014492753623188405973087888867;0.016304347826086956069202571484;0.003623188405797101493271972217;0.003623188405797101493271972217;0.014130434782608695606920257148;0.018478260869565218266208361797;0.003623188405797101493271972217;0.072463768115942031600162920313;0.053985507246376809864507606562;0.063405797101449279384866031251;0.020652173913043476993767200156;0.000000000000000000000000000000;0.000724637681159420298654394443;0.015579710144927537071590784024;0.022101449275362318458437727031;0.018840579710144928632375993516;0.003623188405797101493271972217;0.005434782608695652023067523828;0.011594202898550724778470311094;0.048550724637681161310887034688;0.009420289855072464316187996758;0.010869565217391304046135047656;0.000000000000000000000000000000;0.008695652173913043583852733320;0.001811594202898550746635986108;0.003260869565217391127104340498;0.000000000000000000000000000000;0.037318840579710146898584355313;0.001811594202898550746635986108;0.013043478260869564508417361992;0.055072463768115940963010501719;0.052898550724637678766004711406;0.014855072463768116339255520586;0.024275362318840580655443517344
-0.018859649122807017190828204889;0.007017543859649122937882648188;0.094736842105263160962458357517;0.000877192982456140367235331023;0.025438596491228069457202209946;0.029385964912280702898694784153;0.000000000000000000000000000000;0.014912280701754385484059106659;0.046491228070175437403488416521;0.018421052631578945651957823770;0.017982456140350877582534394605;0.034210526315789475948481168643;0.010964912280701753777290008429;0.040789473684210528214855173701;0.005701754385964912658080194774;0.025000000000000001387778780781;0.020175438596491228337992396291;0.036403508771929826703939170329;0.010526315789473683973143103287;0.013157894736842104532748010115;0.008333333333333333217685101602;0.039473684210526313598244030345;0.013596491228070176071618391234;0.018859649122807017190828204889;0.039035087719298248998267553134;0.021491228070175439485156587693;0.026754385964912280604366401349;0.003947368421052631706769098230;0.000438596491228070183617665512;0.025877192982456140996072591065;0.032456140350877189792999644169;0.011403508771929825316160389548;0.007017543859649122937882648188;0.014035087719298245875765296375;0.027631578947368420212660211632;0.035526315789473683626198408092;0.010526315789473683973143103287;0.008333333333333333217685101602;0.003508771929824561468941324094;0.030263157894736842506988594437;0.002192982456140350755458001686;0.023245614035087718701744208261;0.000000000000000000000000000000;0.005701754385964912658080194774;0.004385964912280701510916003372;0.005701754385964912658080194774;0.033333333333333332870740406406;0.025000000000000001387778780781;0.032894736842105261331870025288;0.017982456140350877582534394605
-0.024206349206349207087152208828;0.009126984126984127518311673555;0.127777777777777767909128669999;0.000000000000000000000000000000;0.000000000000000000000000000000;0.009126984126984127518311673555;0.000793650793650793650105268462;0.013095238095238095551997581367;0.032936507936507937455150596406;0.028174603174603175120838116641;0.011904761904761904101057723437;0.007142857142857142634106981660;0.012301587301587301251371009414;0.069841269841269842943987100625;0.004365079365079365183999193789;0.016269841269841271019780393203;0.035317460317460316887583360312;0.059920634920634922859772331094;0.004761904761904762334312479766;0.017063492063492061850960013203;0.006746031746031746351155433672;0.036111111111111107718762980312;0.009126984126984127518311673555;0.034920634920634921471993550313;0.039682539682539680336859078125;0.036507936507936510073246694219;0.023809523809523808202115446875;0.001190476190476190583578119941;0.000000000000000000000000000000;0.003571428571428571317053490830;0.005158730158730158617264027754;0.021031746031746033354092872969;0.004365079365079365183999193789;0.012301587301587301251371009414;0.018253968253968255036623347110;0.052380952380952382207990325469;0.009920634920634920084214769531;0.003571428571428571317053490830;0.000793650793650793650105268462;0.024603174603174602502742018828;0.003174603174603174600421073848;0.006349206349206349200842147695;0.000000000000000000000000000000;0.011904761904761904101057723437;0.002777777777777777883788656865;0.009920634920634920084214769531;0.052777777777777777623580135469;0.040476190476190478106932602032;0.028174603174603175120838116641;0.016269841269841271019780393203
-0.032485875706214688285466962725;0.012711864406779661840207751311;0.066666666666666665741480812812;0.000282485875706214699127488688;0.003672316384180791034447244314;0.024576271186440679095142058941;0.002824858757062146882854669627;0.020621468926553671030532655095;0.024293785310734464233384244380;0.029378531073446328275577954514;0.018926553672316385329432719686;0.020621468926553671030532655095;0.015254237288135593861304606378;0.049717514124293787913799747002;0.009887005649717514957353081684;0.042090395480225986646338753872;0.021186440677966100754048284216;0.030508474576271187722609212756;0.011581920903954802393176493069;0.005932203389830508627467153815;0.015254237288135593861304606378;0.020903954802259885892290469656;0.007344632768361582068894488629;0.029661016949152543137335769075;0.046610169491525424434463786838;0.039265536723163844967654512175;0.035028248587570622041287293769;0.002542372881355932021096855067;0.000282485875706214699127488688;0.010169491525423728084387420267;0.028248587570621468828546696272;0.017796610169491525882401461445;0.007627118644067796930652303189;0.016384180790960451573612388643;0.013559322033898304690757719015;0.037005649717514126073591995691;0.012711864406779661840207751311;0.020621468926553671030532655095;0.002542372881355932021096855067;0.013559322033898304690757719015;0.004519774011299435186039819001;0.010169491525423728084387420267;0.000000000000000000000000000000;0.023163841807909604786352986139;0.003954802259887005462524189880;0.015819209039548021850096759522;0.046045197740112994710948157717;0.026271186440677964796241994350;0.020621468926553671030532655095;0.029096045197740113413820139954
-0.034463276836158192317771664648;0.010169491525423728084387420267;0.082203389830508469260372805820;0.008192090395480225786806194321;0.004519774011299435186039819001;0.018644067796610170467674905126;0.003107344632768361744612484188;0.024011299435028249371626429820;0.017231638418079096158885832324;0.036723163841807911211834181131;0.019774011299435029914706163368;0.009039548022598870372079638003;0.009039548022598870372079638003;0.044915254237288135263916899476;0.016101694915254236711854574082;0.033898305084745762594256035527;0.019491525423728815052948348807;0.031920903954802258561951333604;0.010169491525423728084387420267;0.009322033898305085233837452563;0.013841807909604519552515533576;0.021186440677966100754048284216;0.011864406779661017254934307630;0.038135593220338985520623253933;0.048870056497175143328526303321;0.045762711864406779849190343157;0.032768361581920903147224777285;0.008757062146892655510321823442;0.000847457627118644043172357438;0.009039548022598870372079638003;0.009322033898305085233837452563;0.018361581920903955605917090566;0.008192090395480225786806194321;0.007062146892655367207136674068;0.013276836158192089828999904455;0.048022598870056498743252859640;0.012994350282485874967242089895;0.011581920903954802393176493069;0.002824858757062146882854669627;0.016384180790960451573612388643;0.005084745762711864042193710134;0.005084745762711864042193710134;0.000000000000000000000000000000;0.022598870056497175062837357018;0.007062146892655367207136674068;0.013559322033898304690757719015;0.051977401129943499868968359579;0.035028248587570622041287293769;0.015254237288135593861304606378;0.022316384180790960201079542458
-0.029166666666666667129259593594;0.008712121212121212709966755483;0.059090909090909089773635542997;0.020454545454545454419292838111;0.043181818181818182322828647557;0.019318181818181817677171352443;0.003030303030303030300401934127;0.020075757575757576661734660206;0.021212121212121213403856145874;0.036742424242424243097104863409;0.014772727272727272443408885749;0.014393939393939394685850707845;0.010984848484848484459486250842;0.044318181818181819064950133225;0.016287878787878788677812025298;0.019318181818181817677171352443;0.025378787878787879145336958686;0.028409090909090908144696285831;0.014772727272727272443408885749;0.009469696969696969959806587269;0.015151515151515151935690539631;0.017803030303030303177491688871;0.007196969696969697342925353922;0.043181818181818182322828647557;0.025757575757575756902895136591;0.039015151515151516581347834745;0.025378787878787879145336958686;0.014393939393939394685850707845;0.001893939393939393991961317454;0.016666666666666666435370203203;0.021969696969696968918972501683;0.021969696969696968918972501683;0.006818181818181817850643700041;0.006060606060606060600803868255;0.014015151515151515193569053963;0.043560606060606063549833777415;0.013636363636363635701287400082;0.013257575757575757943729222177;0.003030303030303030300401934127;0.015909090909090907450806895440;0.008712121212121212709966755483;0.007196969696969697342925353922;0.000000000000000000000000000000;0.026136363636363634660453314495;0.010984848484848484459486250842;0.012500000000000000693889390391;0.041666666666666664353702032031;0.030681818181818181628939257166;0.018181818181818180935049866775;0.018181818181818180935049866775
-0.038738738738738738576206088737;0.004954954954954954651769050145;0.054054054054054057054656823311;0.000000000000000000000000000000;0.004504504504504504465434155946;0.038738738738738738576206088737;0.003153153153153153039067735364;0.013063063063063063209967573641;0.030180180180180180699034409031;0.027027027027027028527328411656;0.019819819819819818607076200578;0.035135135135135137085526935152;0.017117117117117115754343359413;0.034684684684684684297106826989;0.004954954954954954651769050145;0.031531531531531528655953877660;0.018918918918918919969129888159;0.028828828828828829272667988448;0.011261261261261260729904520872;0.009459459459459459984564944079;0.016666666666666666435370203203;0.026576576576576575738908303492;0.009459459459459459984564944079;0.036036036036036035723473247572;0.046396396396396394345984504071;0.039639639639639637214152401157;0.025225225225225224312541882909;0.023423423423423423567202306117;0.002252252252252252232717077973;0.029279279279279278591641144658;0.032882882882882880082320298243;0.010360360360360360357234732476;0.008108108108108108558198523497;0.006756756756756757131832102914;0.023423423423423423567202306117;0.041891891891891894217359038066;0.009009009009009008930868311893;0.015315315315315315009003782620;0.008108108108108108558198523497;0.017117117117117115754343359413;0.004054054054054054279099261748;0.012162162162162162837297785245;0.000000000000000000000000000000;0.015315315315315315009003782620;0.003603603603603603659083498556;0.013963963963963963582637362038;0.029279279279279278591641144658;0.030180180180180180699034409031;0.024324324324324325674595570490;0.013063063063063063209967573641
-0.051543209876543212566435414601;0.011111111111111111535154627461;0.042283950617283953821168296372;0.000000000000000000000000000000;0.003703703703703703845051542487;0.030246913580246913288984700330;0.007098765432098765558455166769;0.015740740740740739173064710599;0.016049382716049383906797842769;0.022530864197530864334595435139;0.022530864197530864334595435139;0.019753086419753086017125909279;0.026234567901234566444923501649;0.046913580246913583193801855487;0.005246913580246913635929395525;0.027777777777777776235801354687;0.013580246913580246853614497127;0.024074074074074074125473288177;0.011728395061728395798450463872;0.009567901234567901744276774423;0.016358024691358025171084022986;0.013271604938271605589328316910;0.017901234567901234961961876024;0.036728395061728397186229244653;0.049382716049382713308091297222;0.042901234567901236349740656806;0.027160493827160493707228994253;0.005246913580246913635929395525;0.004320987654320987240985640909;0.016975308641975307699656383420;0.021604938271604937072289942535;0.014197530864197531116910333537;0.011419753086419752799440807678;0.012654320987654321326032480499;0.033333333333333332870740406406;0.040740740740740744030290443334;0.012962962962962962590318660716;0.017283950617283948963942563637;0.002160493827160493620492820455;0.022222222222222223070309254922;0.003086419753086419581755706076;0.011728395061728395798450463872;0.000000000000000000000000000000;0.020370370370370372015145221667;0.004012345679012345976699460692;0.018827160493827162224267368629;0.038271604938271606977107097691;0.028703703703703703498106847292;0.026234567901234566444923501649;0.022222222222222223070309254922
-0.044771241830065360012280706314;0.003267973856209150426005427548;0.045098039215686273883942902785;0.000980392156862745084433541365;0.013398692810457515575683906661;0.048039215686274512606690478833;0.005882352941176470506601248189;0.018300653594771242732575089462;0.011437908496732025406816823931;0.023856209150326795898067189228;0.020261437908496732901442172192;0.051307189542483658262206347445;0.028104575163398693576910503111;0.039542483660130717249003851066;0.006862745098039215591034789554;0.035947712418300650782931882077;0.013398692810457515575683906661;0.016666666666666666435370203203;0.030718954248366011489101978782;0.006209150326797385245625182648;0.020261437908496732901442172192;0.012745098039215686097636037744;0.004575163398692810683143772366;0.026797385620915031151367813322;0.058823529411764705066012481893;0.033660130718954246742402602877;0.022222222222222223070309254922;0.008169934640522876281854003366;0.000653594771241830020148955160;0.030065359477124183745777585841;0.024509803921568627110838534122;0.016013071895424835222598858309;0.012091503267973856619588168826;0.007843137254901960675468330919;0.026470588235294117279705616852;0.032679738562091505127416013465;0.008169934640522876281854003366;0.018300653594771242732575089462;0.001307189542483660040297910321;0.010457516339869280322383282567;0.005228758169934640161191641283;0.001633986928104575213002713774;0.000000000000000000000000000000;0.020261437908496732901442172192;0.010130718954248366450721086096;0.015686274509803921350936661838;0.036274509803921571593487982454;0.031699346405228756573535520147;0.022222222222222223070309254922;0.016993464052287580307032399674
-0.038011695906432746427938695888;0.002923976608187134340610668914;0.044152046783625734094336223734;0.002339181286549707645960882729;0.045029239766081870233183082064;0.056140350877192983503061185502;0.003216374269005848121616431001;0.015204678362573099265064868746;0.013742690058479532094759534289;0.022222222222222223070309254922;0.018713450292397661167687061834;0.030701754385964910576412023602;0.020760233918128655900003920465;0.034502923976608187994763454753;0.008479532163742689240826244657;0.045029239766081870233183082064;0.017836257309941521559393251550;0.015497076023391813046070630833;0.021052631578947367946286206575;0.003508771929824561468941324094;0.014035087719298245875765296375;0.017251461988304093997381727377;0.003216374269005848121616431001;0.031578947368421053654152785839;0.065789473684210522663740050575;0.029824561403508770968118213318;0.020175438596491228337992396291;0.014035087719298245875765296375;0.002339181286549707645960882729;0.045321637426900582279465368174;0.037426900584795322335374123668;0.014035087719298245875765296375;0.011695906432748537362442675658;0.009356725146198830583843530917;0.012280701754385964924454199831;0.021637426900584795508297730748;0.005263157894736841986571551644;0.021929824561403507554580016858;0.002631578947368420993285775822;0.015204678362573099265064868746;0.001461988304093567170305334457;0.002339181286549707645960882729;0.000000000000000000000000000000;0.012865497076023392486465724005;0.014035087719298245875765296375;0.011403508771929825316160389548;0.032163742690058477746717358059;0.033040935672514620824458120296;0.015204678362573099265064868746;0.023391812865497074724885351316
-0.033055555555555553304269977843;0.006666666666666667094565124074;0.075833333333333335923853724125;0.000000000000000000000000000000;0.035833333333333335091186455656;0.028888888888888887562789165031;0.003333333333333333547282562037;0.020555555555555556079827539406;0.026944444444444444475283972906;0.020000000000000000416333634234;0.010833333333333333703407674875;0.026111111111111112714766591125;0.014166666666666665949647629930;0.038611111111111109939209029562;0.008333333333333333217685101602;0.030555555555555554553270880547;0.031944444444444441977282167500;0.035000000000000003330669073875;0.013333333333333334189130248149;0.009444444444444444544672911945;0.011111111111111111535154627461;0.020277777777777776513357110844;0.013055555555555556357383295563;0.026666666666666668378260496297;0.038055555555555557745162076344;0.032222222222222221543752596062;0.025277777777777777484802257391;0.001388888888888888941894328433;0.000555555555555555555073687923;0.042500000000000003053113317719;0.015833333333333334674852821422;0.018055555555555553859381490156;0.010000000000000000208166817117;0.008333333333333333217685101602;0.018888888888888889089345823891;0.038888888888888889505679458125;0.011111111111111111535154627461;0.013888888888888888117900677344;0.002222222222222222220294751693;0.015833333333333334674852821422;0.005000000000000000104083408559;0.010555555555555555871660722289;0.000000000000000000000000000000;0.014166666666666665949647629930;0.003888888888888888777095598215;0.011944444444444445030395485219;0.040833333333333332593184650250;0.033611111111111112437210834969;0.028333333333333331899295259859;0.018055555555555553859381490156
-0.030555555555555554553270880547;0.011904761904761904101057723437;0.036111111111111107718762980312;0.003571428571428571317053490830;0.049206349206349205005484037656;0.049206349206349205005484037656;0.003571428571428571317053490830;0.019444444444444444752839729063;0.021428571428571428769682682969;0.024206349206349207087152208828;0.012301587301587301251371009414;0.068253968253968247403840052812;0.014285714285714285268213963320;0.018253968253968255036623347110;0.009126984126984127518311673555;0.013095238095238095551997581367;0.018253968253968255036623347110;0.031349206349206348853897452500;0.028968253968253969421464688594;0.008333333333333333217685101602;0.010714285714285714384841341484;0.015476190476190476719153821250;0.023412698412698412786525636875;0.018650793650793650452213157109;0.032539682539682542039560786407;0.015079365079365079568840535273;0.019841269841269840168429539062;0.013492063492063492702310867344;0.001587301587301587300210536924;0.089285714285714287696826829688;0.021428571428571428769682682969;0.011507936507936508685467913438;0.012301587301587301251371009414;0.003571428571428571317053490830;0.015079365079365079568840535273;0.029365079365079364837054498594;0.006746031746031746351155433672;0.015873015873015872134743631250;0.001984126984126984016842953906;0.026190476190476191103995162734;0.010714285714285714384841341484;0.027380952380952380820211544687;0.000000000000000000000000000000;0.013492063492063492702310867344;0.007539682539682539784420267637;0.015079365079365079568840535273;0.022619047619047618485899064922;0.014285714285714285268213963320;0.024603174603174602502742018828;0.008730158730158730367998387578
-0.022395833333333333564629796797;0.006250000000000000346944695195;0.031770833333333331482961625625;0.031250000000000000000000000000;0.173437499999999994448884876874;0.038020833333333330095182844843;0.004166666666666666608842550801;0.014062500000000000346944695195;0.014062500000000000346944695195;0.011458333333333332523795711211;0.011458333333333332523795711211;0.025000000000000001387778780781;0.011979166666666667476204288789;0.018749999999999999306110609609;0.022395833333333333564629796797;0.027083333333333334258519187188;0.012500000000000000693889390391;0.023958333333333334952408577578;0.031250000000000000000000000000;0.004166666666666666608842550801;0.017708333333333332870740406406;0.014062500000000000346944695195;0.009895833333333332870740406406;0.020833333333333332176851016015;0.030208333333333333564629796797;0.022395833333333333564629796797;0.019791666666666665741480812812;0.025520833333333332870740406406;0.000520833333333333326105318850;0.051041666666666665741480812812;0.028645833333333332176851016015;0.011458333333333332523795711211;0.018749999999999999306110609609;0.007291666666666666782314898398;0.011458333333333332523795711211;0.020833333333333332176851016015;0.005729166666666666261897855605;0.013020833333333333911574491992;0.006250000000000000346944695195;0.009895833333333332870740406406;0.003645833333333333391157449199;0.008333333333333333217685101602;0.000000000000000000000000000000;0.012500000000000000693889390391;0.027083333333333334258519187188;0.010937499999999999306110609609;0.010937499999999999306110609609;0.012500000000000000693889390391;0.020833333333333332176851016015;0.012500000000000000693889390391
-0.038787878787878787845144756830;0.003030303030303030300401934127;0.058484848484848486749321239131;0.000303030303030303030040193413;0.008787878787878787220644305478;0.023333333333333334397297065266;0.001212121212121212120160773651;0.015151515151515151935690539631;0.016969696969696971416974307090;0.057272727272727273761798727492;0.015151515151515151935690539631;0.016666666666666666435370203203;0.008181818181818182461606525635;0.059696969696969699736843750770;0.003333333333333333547282562037;0.032424242424242424864821998653;0.021212121212121213403856145874;0.019090909090909092410415226482;0.005757575757575757353923240345;0.010303030303030303455047445027;0.013333333333333334189130248149;0.012727272727272727695368992329;0.005454545454545454974404350423;0.068181818181818176771713524431;0.043939393939393937837945003366;0.050303030303030300818267761542;0.022424242424242422921931705559;0.008787878787878787220644305478;0.000909090909090909090120580238;0.005151515151515151727523722514;0.014848484848484848688809911721;0.028181818181818182877940159869;0.003636363636363636360482320953;0.005757575757575757353923240345;0.013030303030303030942249620239;0.062121212121212118772994870142;0.011212121212121211460965852780;0.013333333333333334189130248149;0.003636363636363636360482320953;0.010606060606060606701928072937;0.004242424242424242854243576772;0.011212121212121211460965852780;0.000000000000000000000000000000;0.029999999999999998889776975375;0.001212121212121212120160773651;0.013030303030303030942249620239;0.055151515151515152768357808100;0.035454545454545453864181325798;0.019393939393939393922572378415;0.017575757575757574441288610956
-0.025793650793650792218958400781;0.001190476190476190583578119941;0.055158730158730157056012899375;0.000396825396825396825052634231;0.000396825396825396825052634231;0.009126984126984127518311673555;0.001190476190476190583578119941;0.021825396825396824185272492969;0.009126984126984127518311673555;0.069841269841269842943987100625;0.012301587301587301251371009414;0.003571428571428571317053490830;0.011507936507936508685467913438;0.055952380952380954826086423282;0.005555555555555555767577313730;0.019047619047619049337249919063;0.018253968253968255036623347110;0.020238095238095239053466301016;0.006349206349206349200842147695;0.011111111111111111535154627461;0.013888888888888888117900677344;0.006746031746031746351155433672;0.004365079365079365183999193789;0.100396825396825400966704933126;0.028968253968253969421464688594;0.061507936507936504522131571093;0.027380952380952380820211544687;0.015476190476190476719153821250;0.000396825396825396825052634231;0.002777777777777777883788656865;0.005555555555555555767577313730;0.032142857142857139685077072500;0.005952380952380952050528861719;0.004365079365079365183999193789;0.010317460317460317234528055508;0.080158730158730165382685584063;0.013492063492063492702310867344;0.005952380952380952050528861719;0.000000000000000000000000000000;0.006349206349206349200842147695;0.003174603174603174600421073848;0.002777777777777777883788656865;0.000000000000000000000000000000;0.041269841269841268938112222031;0.003968253968253968033685907812;0.020238095238095239053466301016;0.073809523809523810977673008438;0.039285714285714284921269268125;0.017063492063492061850960013203;0.014285714285714285268213963320
-0.044654088050314462432499595934;0.007861635220125786152611802038;0.039308176100628929028335534213;0.160062893081760998503781934232;0.002201257861635220070689600291;0.016981132075471697812085736246;0.002515723270440251447405133334;0.023584905660377360192558882090;0.012578616352201258538068273651;0.033333333333333332870740406406;0.016037735849056603681939137118;0.014150943396226415421645938864;0.010377358490566037166336066377;0.030503144654088050480300609024;0.010062893081761005789620533335;0.028930817610062893596722943812;0.014779874213836478175077004948;0.026729559748427673959714212515;0.014465408805031446798361471906;0.003773584905660377387948134498;0.012578616352201258538068273651;0.014150943396226415421645938864;0.004402515723270440141379200583;0.040566037735849054535197666382;0.039308176100628929028335534213;0.049056603773584908645410962436;0.032389937106918238740593807279;0.004402515723270440141379200583;0.002201257861635220070689600291;0.008805031446540880282758401165;0.011006289308176099919767132462;0.019496855345911948825810000585;0.007861635220125786152611802038;0.005974842767295597892318603783;0.009748427672955974412905000293;0.035849056603773583884464670746;0.009119496855345911659473934208;0.013836477987421384044930405821;0.002201257861635220070689600291;0.010691823899371068543051599420;0.002830188679245282824120666376;0.007861635220125786152611802038;0.000000000000000000000000000000;0.026100628930817611206283146430;0.006918238993710692022465202911;0.019811320754716980202525533628;0.029245283018867924973438476854;0.024842767295597485699421014260;0.021698113207547168462818731882;0.014150943396226415421645938864
-0.017753623188405797533873098359;0.003260869565217391127104340498;0.027173913043478260115337619141;0.450724637681159445712353317504;0.002898550724637681194617577773;0.012681159420289855876973206250;0.004710144927536232158093998379;0.016666666666666666435370203203;0.011231884057971014412302679375;0.017391304347826087167705466641;0.009782608695652174682355628477;0.006521739130434782254208680996;0.006521739130434782254208680996;0.021739130434782608092270095312;0.009420289855072464316187996758;0.015217391304347826705423152305;0.014492753623188405973087888867;0.018115942028985507900040730078;0.007971014492753622851517469883;0.003623188405797101493271972217;0.008333333333333333217685101602;0.011594202898550724778470311094;0.005434782608695652023067523828;0.018840579710144928632375993516;0.025000000000000001387778780781;0.026086956521739129016834723984;0.016666666666666666435370203203;0.002898550724637681194617577773;0.005072463768115941656899892109;0.002898550724637681194617577773;0.006521739130434782254208680996;0.020289855072463766627599568437;0.004710144927536232158093998379;0.007246376811594202986543944434;0.010144927536231883313799784219;0.025362318840579711753946412500;0.007246376811594202986543944434;0.008695652173913043583852733320;0.002173913043478260895963183330;0.006884057971014492620376312715;0.006159420289855072755402787266;0.004710144927536232158093998379;0.000000000000000000000000000000;0.014855072463768116339255520586;0.003985507246376811425758734941;0.011956521739130435144637942813;0.019927536231884056261431936719;0.016304347826086956069202571484;0.011594202898550724778470311094;0.010507246376811593679967415937
-0.050000000000000002775557561563;0.006818181818181817850643700041;0.056439393939393942001281345711;0.000000000000000000000000000000;0.001136363636363636308440616673;0.032575757575757577355624050597;0.004924242424242423858682382587;0.018939393939393939919613174538;0.018181818181818180935049866775;0.018560606060606062162054996634;0.019696969696969695434729530348;0.011363636363636363951767904723;0.026893939393939393645016622258;0.050000000000000002775557561563;0.004924242424242423858682382587;0.017045454545454544192928381108;0.022727272727272727903535809446;0.038636363636363635354342704886;0.014393939393939394685850707845;0.008712121212121212709966755483;0.015151515151515151935690539631;0.018939393939393939919613174538;0.020454545454545454419292838111;0.021590909090909091161414323778;0.042045454545454545580707161889;0.039772727272727272096464190554;0.033712121212121214097745536264;0.001515151515151515150200967064;0.002272727272727272616881233347;0.017424242424242425419933510966;0.011363636363636363951767904723;0.011742424242424241709326082628;0.012121212121212121201607736509;0.010227272727272727209646419055;0.048106060606060603579425816179;0.034848484848484850839867021932;0.015909090909090907450806895440;0.010606060606060606701928072937;0.004924242424242423858682382587;0.028030303030303030387138107926;0.002651515151515151675482018234;0.012121212121212121201607736509;0.000000000000000000000000000000;0.022727272727272727903535809446;0.002651515151515151675482018234;0.011363636363636363951767904723;0.032196969696969696128618920739;0.028030303030303030387138107926;0.049242424242424240321547301846;0.016287878787878788677812025298
-0.019298245614035088729698586008;0.019736842105263156799122015173;0.095614035087719304040199119754;0.000000000000000000000000000000;0.001315789473684210496642887911;0.014912280701754385484059106659;0.000000000000000000000000000000;0.016228070175438594896499822084;0.051754385964912281992145182130;0.018421052631578945651957823770;0.012280701754385964924454199831;0.005701754385964912658080194774;0.024561403508771929848908399663;0.035526315789473683626198408092;0.010526315789473683973143103287;0.010964912280701753777290008429;0.033333333333333332870740406406;0.067105263157894737280351193931;0.005263157894736841986571551644;0.009210526315789472825978911885;0.005701754385964912658080194774;0.055263157894736840425320423265;0.029385964912280702898694784153;0.017105263157894737974240584322;0.028947368421052631359824403035;0.020614035087719299876862777410;0.023245614035087718701744208261;0.003508771929824561468941324094;0.000877192982456140367235331023;0.017982456140350877582534394605;0.013596491228070176071618391234;0.012719298245614034728601104973;0.007017543859649122937882648188;0.012280701754385964924454199831;0.030263157894736842506988594437;0.046491228070175437403488416521;0.010087719298245614168996198146;0.005701754385964912658080194774;0.010964912280701753777290008429;0.050438596491228067375534038774;0.004824561403508772182424646502;0.024122807017543858310038018544;0.000000000000000000000000000000;0.011842105263157895120307294690;0.002631578947368420993285775822;0.009210526315789472825978911885;0.026754385964912280604366401349;0.019298245614035088729698586008;0.038596491228070177459397172015;0.008771929824561403021832006743
-0.048333333333333332315628894094;0.013750000000000000069388939039;0.052916666666666667406815349750;0.003749999999999999861222121922;0.001666666666666666773641281019;0.022499999999999999167332731531;0.003333333333333333547282562037;0.017083333333333332315628894094;0.035416666666666665741480812812;0.041250000000000001942890293094;0.010833333333333333703407674875;0.017500000000000001665334536938;0.007916666666666667337426410711;0.034583333333333333980963431031;0.013333333333333334189130248149;0.036249999999999997501998194593;0.029166666666666667129259593594;0.031666666666666669349705642844;0.011249999999999999583666365766;0.008333333333333333217685101602;0.014166666666666665949647629930;0.019166666666666665186369300500;0.002916666666666666799662133158;0.057083333333333333148296162562;0.032500000000000001110223024625;0.041666666666666664353702032031;0.027500000000000000138777878078;0.014999999999999999444888487687;0.001250000000000000026020852140;0.005833333333333333599324266316;0.008750000000000000832667268469;0.028333333333333331899295259859;0.005833333333333333599324266316;0.005000000000000000104083408559;0.009583333333333332593184650250;0.052499999999999998057109706906;0.012500000000000000693889390391;0.011666666666666667198648532633;0.000416666666666666693410320255;0.007083333333333332974823814965;0.008333333333333333217685101602;0.033333333333333332870740406406;0.000000000000000000000000000000;0.035416666666666665741480812812;0.006666666666666667094565124074;0.019583333333333334536074943344;0.039166666666666669072149886688;0.027083333333333334258519187188;0.015833333333333334674852821422;0.014999999999999999444888487687
-0.064957264957264962412786246659;0.001709401709401709400226732072;0.045726495726495723637139434459;0.000000000000000000000000000000;0.000854700854700854700113366036;0.038034188034188030902438271141;0.001709401709401709400226732072;0.009829059829059828834463274916;0.016239316239316240603196561665;0.037179487179487179238090988065;0.018803418803418802535132314802;0.027777777777777776235801354687;0.021794871794871793768688661430;0.045726495726495723637139434459;0.001709401709401709400226732072;0.039316239316239315337853099663;0.015384615384615385469402326635;0.014529914529914530335608091605;0.006410256410256410034009810772;0.011538461538461539102051744976;0.015811965811965811301575968173;0.014957264957264957902505209120;0.004273504273504273934247699174;0.050427350427350428607731203101;0.067948717948717943238001737427;0.046581196581196582240380621442;0.013675213675213675201813856575;0.000000000000000000000000000000;0.002136752136752136967123849587;0.011538461538461539102051744976;0.025213675213675214303865601551;0.026923076923076924571454071611;0.004273504273504273934247699174;0.008119658119658120301598280832;0.017521367521367521569164438233;0.034615384615384617306155234928;0.008547008547008547868495398347;0.020940170940170938634894426400;0.002564102564102564100340098108;0.008547008547008547868495398347;0.006837606837606837600906928287;0.009829059829059828834463274916;0.000000000000000000000000000000;0.027777777777777776235801354687;0.000854700854700854700113366036;0.023504273504273504036277131490;0.045299145299145297804965792920;0.040598290598290599773267928185;0.020940170940170938634894426400;0.020512820512820512802720784862
-0.021705426356589146985598404171;0.004263565891472868157885400819;0.098837209302325576554260067041;0.000000000000000000000000000000;0.000000000000000000000000000000;0.013953488372093023062170402682;0.000775193798449612392342800149;0.013178294573643410669827602533;0.038372093023255816890415559328;0.045348837209302328421500760669;0.010077519379844961100456401937;0.006589147286821705334913801266;0.014728682170542635454513202831;0.043798449612403103636815160371;0.004651162790697674354056800894;0.017441860465116278827713003352;0.047286821705426355932910809088;0.045736434108527131148225208790;0.004263565891472868157885400819;0.017441860465116278827713003352;0.012015503875968992081313402309;0.022868217054263565574112604395;0.008527131782945736315770801639;0.058527131782945739091328363202;0.029844961240310077105197805736;0.031395348837209305359330357987;0.022093023255813953181769804246;0.000387596899224806196171400074;0.000000000000000000000000000000;0.002713178294573643373199800521;0.005426356589147286746399601043;0.043023255813953491244472360222;0.003100775193798449569371200596;0.003875968992248061961714000745;0.016279069767441860239198803129;0.082558139534883723253955167820;0.012790697674418604473656202458;0.012015503875968992081313402309;0.000775193798449612392342800149;0.015503875968992247846856002980;0.004651162790697674354056800894;0.012403100775193798277484802384;0.000000000000000000000000000000;0.031782945736434108086054806108;0.000387596899224806196171400074;0.017441860465116278827713003352;0.048062015503875968325253609237;0.022868217054263565574112604395;0.018604651162790697416227203576;0.011627906976744185885142002235
-0.024242424242424242403215473018;0.012727272727272727695368992329;0.055454545454545457749961911986;0.008181818181818182461606525635;0.013030303030303030942249620239;0.013636363636363635701287400082;0.003333333333333333547282562037;0.025151515151515150409133880771;0.010000000000000000208166817117;0.051515151515151513805790273182;0.014848484848484848688809911721;0.007575757575757575967845269815;0.004545454545454545233762466694;0.047575757575757576800512538284;0.017575757575757574441288610956;0.026969696969696969890417648230;0.019696969696969695434729530348;0.031515151515151516858903590901;0.023030303030303029415692961379;0.006666666666666667094565124074;0.015757575757575758429451795450;0.006363636363636363847684496164;0.003939393939393939607362948863;0.073030303030303028721803570988;0.024848484848484848896976728838;0.054242424242424244762439400347;0.029393939393939392396015719555;0.008787878787878787220644305478;0.001212121212121212120160773651;0.013636363636363635701287400082;0.005454545454545454974404350423;0.025454545454545455390737984658;0.013030303030303030942249620239;0.005151515151515151727523722514;0.010606060606060606701928072937;0.059090909090909089773635542997;0.012121212121212121201607736509;0.007575757575757575967845269815;0.000303030303030303030040193413;0.003636363636363636360482320953;0.007272727272727272720964641906;0.006969696969696969474084013996;0.000000000000000000000000000000;0.039393939393939390869459060696;0.015757575757575758429451795450;0.022727272727272727903535809446;0.053333333333333336756520992594;0.030303030303030303871381079261;0.016969696969696971416974307090;0.016363636363636364923213051270
-0.042592592592592591616007524635;0.010000000000000000208166817117;0.044444444444444446140618509844;0.019259259259259260688157411323;0.044074074074074071072359970458;0.032592592592592589673117231541;0.012222222222222222862142437805;0.028148148148148147834612942120;0.008518518518518519017090895318;0.017037037037037038034181790636;0.020370370370370372015145221667;0.019629629629629628817522046802;0.012962962962962962590318660716;0.032592592592592589673117231541;0.022962962962962962798485477833;0.024814814814814813853649511088;0.013703703703703704053218359604;0.021851851851851851471497667490;0.035555555555555555524716027094;0.007777777777777777554191196430;0.028518518518518519433424529552;0.011481481481481481399242738917;0.008518518518518519017090895318;0.027037037037037036507625131776;0.047407407407407405053323401489;0.039259259259259257635044093604;0.028148148148148147834612942120;0.010370370370370370072254928573;0.001111111111111111110147375847;0.026666666666666668378260496297;0.021481481481481479872686080057;0.010370370370370370072254928573;0.015185185185185185244294281404;0.004814814814814815172039352831;0.020370370370370372015145221667;0.024814814814814813853649511088;0.016296296296296294836558615771;0.020370370370370372015145221667;0.000370370370370370351979089074;0.008888888888888888881179006773;0.007037037037037036958653235530;0.006296296296296296363115274630;0.000000000000000000000000000000;0.018148148148148149361169600979;0.020000000000000000416333634234;0.023333333333333334397297065266;0.026296296296296296779448908865;0.019629629629629628817522046802;0.021851851851851851471497667490;0.014814814814814815380206169948
-0.049691358024691358041824429392;0.009259259259259258745267118229;0.052160493827160495095007775035;0.000308641975308641969017592332;0.002777777777777777883788656865;0.026851851851851852442942814037;0.005555555555555555767577313730;0.014197530864197531116910333537;0.021604938271604937072289942535;0.025617283950617283916351141215;0.014197530864197531116910333537;0.019135802469135803488553548846;0.017901234567901234961961876024;0.035185185185185187395351391615;0.005246913580246913635929395525;0.035185185185185187395351391615;0.022839506172839505598881615356;0.033641975308641977604473538577;0.010493827160493827271858791050;0.012962962962962962590318660716;0.017901234567901234961961876024;0.024691358024691356654045648611;0.015123456790123456644492350165;0.035493827160493825190190619878;0.040123456790123454562824178993;0.033024691358024688137007274236;0.018518518518518517490534236458;0.008333333333333333217685101602;0.000925925925925925961262885622;0.011111111111111111535154627461;0.032716049382716050342168045972;0.019444444444444444752839729063;0.009259259259259258745267118229;0.008950617283950617480980938012;0.020987654320987654543717582101;0.038888888888888889505679458125;0.006481481481481481295159330358;0.032098765432098767813595685539;0.011111111111111111535154627461;0.021296296296296295808003762318;0.003395061728395061713403624282;0.013271604938271605589328316910;0.000000000000000000000000000000;0.025308641975308642652064960998;0.004320987654320987240985640909;0.026234567901234566444923501649;0.027777777777777776235801354687;0.031172839506172840551290192934;0.029629629629629630760412339896;0.017592592592592593697675695807
-0.040530303030303027611580546363;0.006060606060606060600803868255;0.031060606060606059386497435071;0.144696969696969685026388674487;0.006818181818181817850643700041;0.025378787878787879145336958686;0.005303030303030303350964036468;0.019696969696969695434729530348;0.022727272727272727903535809446;0.015909090909090907450806895440;0.018939393939393939919613174538;0.013257575757575757943729222177;0.025757575757575756902895136591;0.023484848484848483418652165255;0.009469696969696969959806587269;0.020833333333333332176851016015;0.018560606060606062162054996634;0.025378787878787879145336958686;0.013636363636363635701287400082;0.005303030303030303350964036468;0.015909090909090907450806895440;0.015909090909090907450806895440;0.014393939393939394685850707845;0.024242424242424242403215473018;0.033333333333333332870740406406;0.028030303030303030387138107926;0.018560606060606062162054996634;0.018939393939393939919613174538;0.001893939393939393991961317454;0.013257575757575757943729222177;0.017045454545454544192928381108;0.020833333333333332176851016015;0.010606060606060606701928072937;0.007196969696969697342925353922;0.033712121212121214097745536264;0.026515151515151515887458444354;0.014015151515151515193569053963;0.021590909090909091161414323778;0.008333333333333333217685101602;0.021590909090909091161414323778;0.005681818181818181975883952362;0.018560606060606062162054996634;0.000000000000000000000000000000;0.019318181818181817677171352443;0.006060606060606060600803868255;0.018939393939393939919613174538;0.018939393939393939919613174538;0.012878787878787878451447568295;0.025757575757575756902895136591;0.015151515151515151935690539631
-0.020720720720720720714469464951;0.006756756756756757131832102914;0.039639639639639637214152401157;0.311261261261261246158227322667;0.036936936936936934361419559991;0.011261261261261260729904520872;0.005405405405405405705465682331;0.030180180180180180699034409031;0.016216216216216217116397046993;0.025225225225225224312541882909;0.016666666666666666435370203203;0.010360360360360360357234732476;0.000450450450450450457385437320;0.024324324324324325674595570490;0.025675675675675677100961991073;0.016216216216216217116397046993;0.013963963963963963582637362038;0.009009009009009008930868311893;0.007657657657657657504501891310;0.000000000000000000000000000000;0.018018018018018017861736623786;0.014414414414414414636333994224;0.000450450450450450457385437320;0.039639639639639637214152401157;0.025225225225225224312541882909;0.036486486486486488511893355735;0.033783783783783785659160514570;0.002702702702702702852732841166;0.003153153153153153039067735364;0.004504504504504504465434155946;0.004054054054054054279099261748;0.018468468468468467180709779996;0.000900900900900900914770874639;0.018918918918918919969129888159;0.000000000000000000000000000000;0.020270270270270271395496308742;0.003153153153153153039067735364;0.004054054054054054279099261748;0.001351351351351351426366420583;0.000450450450450450457385437320;0.016216216216216217116397046993;0.004504504504504504465434155946;0.000000000000000000000000000000;0.019819819819819818607076200578;0.014414414414414414636333994224;0.021171171171171170033442621161;0.026576576576576575738908303492;0.004054054054054054279099261748;0.001801801801801801829541749278;0.013513513513513514263664205828
-0.021985815602836879939507852555;0.004609929078014184111733442251;0.066666666666666665741480812812;0.011702127659574467627434657402;0.004255319148936170282893076688;0.011347517730496454665956029828;0.002482269503546099403967772901;0.024468085106382979343475625456;0.019148936170212765839337976104;0.059929078014184400391428653165;0.013829787234042552335200326752;0.007092198581560283515701215151;0.007446808510638298211903318702;0.052127659574468084013876278959;0.007092198581560283515701215151;0.023404255319148935254869314804;0.019858156028368795231742183205;0.029078014184397163455209067706;0.007801418439716312040743684264;0.008156028368794325869584049826;0.010992907801418439969753926277;0.023049645390070920558667211253;0.004609929078014184111733442251;0.079787234042553195623170836370;0.024822695035460994039677729006;0.054964539007092201583493107364;0.026241134751773049355039191255;0.003900709219858156020371842132;0.001773049645390070878925303788;0.004964539007092198807935545801;0.007446808510638298211903318702;0.027659574468085104670400653504;0.000709219858156028416622251864;0.009219858156028368223466884501;0.010638297872340425273551822727;0.066312056737588651045278709262;0.010992907801418439969753926277;0.006737588652482269686860849589;0.001063829787234042570723269172;0.014184397163120567031402430302;0.006382978723404254990658746038;0.008510638297872340565786153377;0.000000000000000000000000000000;0.034397163120567376959346717058;0.004964539007092198807935545801;0.023404255319148935254869314804;0.062411347517730496325949474112;0.032269503546099288782134095754;0.018085106382978721750731665452;0.017021276595744681131572306754
-0.030416666666666668239482618219;0.012916666666666666574148081281;0.052916666666666667406815349750;0.043333333333333334813630699500;0.025000000000000001387778780781;0.029999999999999998889776975375;0.004166666666666666608842550801;0.016250000000000000555111512313;0.024583333333333332038073137937;0.018749999999999999306110609609;0.013750000000000000069388939039;0.018749999999999999306110609609;0.014166666666666665949647629930;0.027500000000000000138777878078;0.019583333333333334536074943344;0.032916666666666663521034763562;0.029583333333333333009518284484;0.032083333333333331760517381781;0.012500000000000000693889390391;0.009166666666666666712925959359;0.013333333333333334189130248149;0.025416666666666667268037471672;0.007916666666666667337426410711;0.033750000000000002220446049250;0.045833333333333330095182844843;0.033750000000000002220446049250;0.020416666666666666296592325125;0.008750000000000000832667268469;0.000416666666666666693410320255;0.017083333333333332315628894094;0.025833333333333333148296162562;0.019583333333333334536074943344;0.005000000000000000104083408559;0.009583333333333332593184650250;0.025833333333333333148296162562;0.029166666666666667129259593594;0.007499999999999999722444243844;0.025833333333333333148296162562;0.004166666666666666608842550801;0.022499999999999999167332731531;0.004583333333333333356462979680;0.014583333333333333564629796797;0.000000000000000000000000000000;0.015416666666666667059870654555;0.010833333333333333703407674875;0.007499999999999999722444243844;0.030833333333333334119741309109;0.021666666666666667406815349750;0.022499999999999999167332731531;0.022083333333333333287074040641
-0.026666666666666668378260496297;0.018888888888888889089345823891;0.059259259259259261520824679792;0.049629629629629627707299022177;0.015925925925925926707193980292;0.013333333333333334189130248149;0.004074074074074073709139653943;0.017407407407407406163546426114;0.017037037037037038034181790636;0.033333333333333332870740406406;0.012962962962962962590318660716;0.009629629629629630344078705662;0.011851851851851851263330850372;0.044444444444444446140618509844;0.018888888888888889089345823891;0.025925925925925925180637321432;0.025185185185185185452461098521;0.047407407407407405053323401489;0.013333333333333334189130248149;0.013703703703703704053218359604;0.012592592592592592726230549260;0.019259259259259260688157411323;0.006666666666666667094565124074;0.029259259259259259161600752464;0.031481481481481478346129421197;0.037777777777777778178691647781;0.028888888888888887562789165031;0.014814814814814815380206169948;0.000370370370370370351979089074;0.011851851851851851263330850372;0.015555555555555555108382392859;0.015925925925925926707193980292;0.007037037037037036958653235530;0.008888888888888888881179006773;0.015185185185185185244294281404;0.040370370370370368962031903948;0.010000000000000000208166817117;0.012962962962962962590318660716;0.005185185185185185036127464286;0.017777777777777777762358013547;0.008518518518518519017090895318;0.011111111111111111535154627461;0.000000000000000000000000000000;0.019629629629629628817522046802;0.015185185185185185244294281404;0.012222222222222222862142437805;0.040000000000000000832667268469;0.029629629629629630760412339896;0.025185185185185185452461098521;0.017777777777777777762358013547
-0.047037037037037036923958766010;0.002592592592592592518063732143;0.052962962962962961688262453208;0.022962962962962962798485477833;0.007407407407407407690103084974;0.016296296296296294836558615771;0.001111111111111111110147375847;0.018148148148148149361169600979;0.007037037037037036958653235530;0.044444444444444446140618509844;0.021481481481481479872686080057;0.011851851851851851263330850372;0.011111111111111111535154627461;0.051111111111111114102545371907;0.009259259259259258745267118229;0.036666666666666666851703837438;0.011851851851851851263330850372;0.017407407407407406163546426114;0.016296296296296294836558615771;0.005925925925925925631665425186;0.018148148148148149361169600979;0.007037037037037036958653235530;0.001481481481481481407916356297;0.056296296296296295669225884239;0.046296296296296293726335591145;0.071111111111111111049432054187;0.028888888888888887562789165031;0.005555555555555555767577313730;0.001111111111111111110147375847;0.012222222222222222862142437805;0.016666666666666666435370203203;0.019259259259259260688157411323;0.004074074074074073709139653943;0.008888888888888888881179006773;0.011851851851851851263330850372;0.040740740740740744030290443334;0.010740740740740739936343040029;0.016666666666666666435370203203;0.000370370370370370351979089074;0.005555555555555555767577313730;0.006296296296296296363115274630;0.003333333333333333547282562037;0.000000000000000000000000000000;0.034074074074074076068363581271;0.007407407407407407690103084974;0.015925925925925926707193980292;0.057037037037037038866849059104;0.039259259259259257635044093604;0.020740740740740740144509857146;0.020000000000000000416333634234
-0.038405797101449277997087250469;0.003985507246376811425758734941;0.060869565217391306821692609219;0.003260869565217391127104340498;0.007246376811594202986543944434;0.017753623188405797533873098359;0.002536231884057970828449946055;0.021376811594202897726102463594;0.011956521739130435144637942813;0.051086956521739133874060456719;0.017753623188405797533873098359;0.021014492753623187359934831875;0.009057971014492753950020365039;0.055797101449275361695345765156;0.007608695652173913352711576152;0.029347826086956522312343409453;0.017391304347826087167705466641;0.022826086956521739190772990469;0.009782608695652174682355628477;0.007608695652173913352711576152;0.011956521739130435144637942813;0.011594202898550724778470311094;0.002898550724637681194617577773;0.053623188405797099498339974843;0.043478260869565216184540190625;0.068478260869565210633425067499;0.027173913043478260115337619141;0.002536231884057970828449946055;0.000362318840579710149327197222;0.008695652173913043583852733320;0.013405797101449274874584993711;0.027173913043478260115337619141;0.002536231884057970828449946055;0.007246376811594202986543944434;0.011956521739130435144637942813;0.049637681159420292409389929844;0.013043478260869564508417361992;0.014492753623188405973087888867;0.000724637681159420298654394443;0.011231884057971014412302679375;0.003260869565217391127104340498;0.005797101449275362389235155547;0.000000000000000000000000000000;0.027173913043478260115337619141;0.006159420289855072755402787266;0.018115942028985507900040730078;0.057246376811594203160016292031;0.038043478260869567630919618750;0.022463768115942028824605358750;0.022826086956521739190772990469
-0.023750000000000000277555756156;0.010416666666666666088425508008;0.095833333333333339809634310313;0.001250000000000000026020852140;0.002083333333333333304421275400;0.012083333333333333078907223523;0.000000000000000000000000000000;0.019166666666666665186369300500;0.020000000000000000416333634234;0.050833333333333334536074943344;0.014166666666666665949647629930;0.007499999999999999722444243844;0.006250000000000000346944695195;0.066250000000000003330669073875;0.004583333333333333356462979680;0.022083333333333333287074040641;0.034166666666666664631257788187;0.032916666666666663521034763562;0.010000000000000000208166817117;0.017083333333333332315628894094;0.009583333333333332593184650250;0.012083333333333333078907223523;0.002500000000000000052041704279;0.068333333333333329262515576374;0.025416666666666667268037471672;0.048750000000000001665334536938;0.020833333333333332176851016015;0.005833333333333333599324266316;0.000833333333333333386820640509;0.005416666666666666851703837438;0.010000000000000000208166817117;0.033750000000000002220446049250;0.003333333333333333547282562037;0.005416666666666666851703837438;0.009166666666666666712925959359;0.082083333333333327597181039437;0.013333333333333334189130248149;0.008750000000000000832667268469;0.000000000000000000000000000000;0.005416666666666666851703837438;0.005416666666666666851703837438;0.013750000000000000069388939039;0.000000000000000000000000000000;0.024583333333333332038073137937;0.001250000000000000026020852140;0.010000000000000000208166817117;0.060833333333333336478965236438;0.032083333333333331760517381781;0.014166666666666665949647629930;0.016666666666666666435370203203
-0.024583333333333332038073137937;0.013750000000000000069388939039;0.061249999999999998889776975375;0.001666666666666666773641281019;0.034166666666666664631257788187;0.055416666666666669627261399000;0.002500000000000000052041704279;0.023333333333333334397297065266;0.014583333333333333564629796797;0.020000000000000000416333634234;0.022499999999999999167332731531;0.047916666666666669904817155157;0.017916666666666667545593227828;0.035416666666666665741480812812;0.014166666666666665949647629930;0.022499999999999999167332731531;0.014999999999999999444888487687;0.024166666666666666157814447047;0.036249999999999997501998194593;0.004166666666666666608842550801;0.011666666666666667198648532633;0.009583333333333332593184650250;0.006666666666666667094565124074;0.020833333333333332176851016015;0.038749999999999999722444243844;0.022916666666666665047591422422;0.029583333333333333009518284484;0.009166666666666666712925959359;0.000416666666666666693410320255;0.076666666666666660745477201999;0.035000000000000003330669073875;0.010416666666666666088425508008;0.015833333333333334674852821422;0.008333333333333333217685101602;0.010000000000000000208166817117;0.025000000000000001387778780781;0.008333333333333333217685101602;0.009166666666666666712925959359;0.001250000000000000026020852140;0.010000000000000000208166817117;0.003333333333333333547282562037;0.006666666666666667094565124074;0.000000000000000000000000000000;0.004583333333333333356462979680;0.010416666666666666088425508008;0.008333333333333333217685101602;0.039166666666666669072149886688;0.025000000000000001387778780781;0.024166666666666666157814447047;0.027500000000000000138777878078
-0.019583333333333334536074943344;0.017500000000000001665334536938;0.025416666666666667268037471672;0.043333333333333334813630699500;0.057916666666666664908813544344;0.062500000000000000000000000000;0.003333333333333333547282562037;0.020833333333333332176851016015;0.016666666666666666435370203203;0.005416666666666666851703837438;0.017500000000000001665334536938;0.061666666666666668239482618219;0.015416666666666667059870654555;0.015833333333333334674852821422;0.015833333333333334674852821422;0.018749999999999999306110609609;0.004166666666666666608842550801;0.019583333333333334536074943344;0.044583333333333335923853724125;0.002083333333333333304421275400;0.020000000000000000416333634234;0.011249999999999999583666365766;0.007083333333333332974823814965;0.012500000000000000693889390391;0.035000000000000003330669073875;0.021666666666666667406815349750;0.030833333333333334119741309109;0.018333333333333333425851918719;0.000000000000000000000000000000;0.109583333333333338144299773376;0.030416666666666668239482618219;0.006666666666666667094565124074;0.022499999999999999167332731531;0.008750000000000000832667268469;0.010416666666666666088425508008;0.013750000000000000069388939039;0.006666666666666667094565124074;0.008750000000000000832667268469;0.001666666666666666773641281019;0.007083333333333332974823814965;0.005000000000000000104083408559;0.018749999999999999306110609609;0.000000000000000000000000000000;0.006666666666666667094565124074;0.022499999999999999167332731531;0.005833333333333333599324266316;0.014999999999999999444888487687;0.016250000000000000555111512313;0.027916666666666666019036568969;0.011249999999999999583666365766
-0.025416666666666667268037471672;0.017083333333333332315628894094;0.034166666666666664631257788187;0.000416666666666666693410320255;0.044166666666666666574148081281;0.063333333333333338699411285688;0.001666666666666666773641281019;0.029583333333333333009518284484;0.015833333333333334674852821422;0.008750000000000000832667268469;0.024166666666666666157814447047;0.066666666666666665741480812812;0.018749999999999999306110609609;0.018333333333333333425851918719;0.015833333333333334674852821422;0.024583333333333332038073137937;0.007083333333333332974823814965;0.027083333333333334258519187188;0.043333333333333334813630699500;0.002916666666666666799662133158;0.024583333333333332038073137937;0.006666666666666667094565124074;0.008750000000000000832667268469;0.012083333333333333078907223523;0.039166666666666669072149886688;0.020833333333333332176851016015;0.028333333333333331899295259859;0.014583333333333333564629796797;0.000416666666666666693410320255;0.093750000000000000000000000000;0.034583333333333333980963431031;0.002916666666666666799662133158;0.023333333333333334397297065266;0.005833333333333333599324266316;0.015833333333333334674852821422;0.014583333333333333564629796797;0.012083333333333333078907223523;0.007499999999999999722444243844;0.000833333333333333386820640509;0.010416666666666666088425508008;0.003749999999999999861222121922;0.019583333333333334536074943344;0.000000000000000000000000000000;0.005000000000000000104083408559;0.020000000000000000416333634234;0.010000000000000000208166817117;0.017083333333333332315628894094;0.014166666666666665949647629930;0.030416666666666668239482618219;0.013750000000000000069388939039
-0.035833333333333335091186455656;0.013333333333333334189130248149;0.031250000000000000000000000000;0.000416666666666666693410320255;0.043749999999999997224442438437;0.063750000000000001110223024625;0.001250000000000000026020852140;0.017500000000000001665334536938;0.006666666666666667094565124074;0.012083333333333333078907223523;0.020416666666666666296592325125;0.050833333333333334536074943344;0.033333333333333332870740406406;0.025416666666666667268037471672;0.017916666666666667545593227828;0.027083333333333334258519187188;0.006250000000000000346944695195;0.020833333333333332176851016015;0.033333333333333332870740406406;0.006250000000000000346944695195;0.021250000000000001526556658860;0.008333333333333333217685101602;0.006666666666666667094565124074;0.011666666666666667198648532633;0.048750000000000001665334536938;0.026249999999999999028554853453;0.025000000000000001387778780781;0.007499999999999999722444243844;0.000000000000000000000000000000;0.083333333333333328707404064062;0.037916666666666667961926862063;0.006666666666666667094565124074;0.023333333333333334397297065266;0.007499999999999999722444243844;0.026666666666666668378260496297;0.019166666666666665186369300500;0.008750000000000000832667268469;0.008750000000000000832667268469;0.000416666666666666693410320255;0.009166666666666666712925959359;0.006250000000000000346944695195;0.015833333333333334674852821422;0.000000000000000000000000000000;0.010833333333333333703407674875;0.017916666666666667545593227828;0.007083333333333332974823814965;0.021666666666666667406815349750;0.022499999999999999167332731531;0.025416666666666667268037471672;0.017916666666666667545593227828
-0.041250000000000001942890293094;0.009166666666666666712925959359;0.044166666666666666574148081281;0.000000000000000000000000000000;0.022916666666666665047591422422;0.061249999999999998889776975375;0.000833333333333333386820640509;0.020000000000000000416333634234;0.009583333333333332593184650250;0.012500000000000000693889390391;0.032083333333333331760517381781;0.058749999999999996669330926125;0.017500000000000001665334536938;0.030416666666666668239482618219;0.007916666666666667337426410711;0.027500000000000000138777878078;0.007083333333333332974823814965;0.024166666666666666157814447047;0.032500000000000001110223024625;0.005416666666666666851703837438;0.019166666666666665186369300500;0.006250000000000000346944695195;0.008333333333333333217685101602;0.013333333333333334189130248149;0.055000000000000000277555756156;0.033750000000000002220446049250;0.027916666666666666019036568969;0.007499999999999999722444243844;0.000416666666666666693410320255;0.085833333333333330927850113312;0.039166666666666669072149886688;0.007916666666666667337426410711;0.016666666666666666435370203203;0.010000000000000000208166817117;0.018333333333333333425851918719;0.023333333333333334397297065266;0.013333333333333334189130248149;0.010000000000000000208166817117;0.001666666666666666773641281019;0.010000000000000000208166817117;0.002916666666666666799662133158;0.012500000000000000693889390391;0.000000000000000000000000000000;0.009166666666666666712925959359;0.007499999999999999722444243844;0.005000000000000000104083408559;0.026249999999999999028554853453;0.020416666666666666296592325125;0.025416666666666667268037471672;0.017916666666666667545593227828
-0.042083333333333333703407674875;0.007916666666666667337426410711;0.032083333333333331760517381781;0.002916666666666666799662133158;0.025000000000000001387778780781;0.069583333333333330372738601000;0.000000000000000000000000000000;0.017916666666666667545593227828;0.009583333333333332593184650250;0.015416666666666667059870654555;0.031666666666666669349705642844;0.064583333333333339809634310313;0.032916666666666663521034763562;0.029166666666666667129259593594;0.007083333333333332974823814965;0.031250000000000000000000000000;0.010833333333333333703407674875;0.025000000000000001387778780781;0.023750000000000000277555756156;0.010000000000000000208166817117;0.013333333333333334189130248149;0.011249999999999999583666365766;0.011666666666666667198648532633;0.012500000000000000693889390391;0.052916666666666667406815349750;0.023750000000000000277555756156;0.025000000000000001387778780781;0.007499999999999999722444243844;0.000416666666666666693410320255;0.072083333333333332593184650250;0.037083333333333336201409480282;0.010833333333333333703407674875;0.017916666666666667545593227828;0.007916666666666667337426410711;0.025416666666666667268037471672;0.022083333333333333287074040641;0.007916666666666667337426410711;0.009583333333333332593184650250;0.000833333333333333386820640509;0.012500000000000000693889390391;0.005833333333333333599324266316;0.011666666666666667198648532633;0.000000000000000000000000000000;0.005416666666666666851703837438;0.007916666666666667337426410711;0.005000000000000000104083408559;0.027916666666666666019036568969;0.024166666666666666157814447047;0.020833333333333332176851016015;0.020000000000000000416333634234
-0.030416666666666668239482618219;0.018333333333333333425851918719;0.028333333333333331899295259859;0.000000000000000000000000000000;0.026249999999999999028554853453;0.077499999999999999444888487687;0.001666666666666666773641281019;0.009166666666666666712925959359;0.015833333333333334674852821422;0.006666666666666667094565124074;0.022916666666666665047591422422;0.063333333333333338699411285688;0.030416666666666668239482618219;0.027916666666666666019036568969;0.005833333333333333599324266316;0.030833333333333334119741309109;0.008333333333333333217685101602;0.022916666666666665047591422422;0.025000000000000001387778780781;0.003749999999999999861222121922;0.011666666666666667198648532633;0.015416666666666667059870654555;0.008333333333333333217685101602;0.012083333333333333078907223523;0.052916666666666667406815349750;0.022916666666666665047591422422;0.027083333333333334258519187188;0.005000000000000000104083408559;0.000000000000000000000000000000;0.096250000000000002220446049250;0.046249999999999999444888487687;0.008333333333333333217685101602;0.017916666666666667545593227828;0.010833333333333333703407674875;0.028750000000000001249000902703;0.015833333333333334674852821422;0.008750000000000000832667268469;0.007916666666666667337426410711;0.002916666666666666799662133158;0.013333333333333334189130248149;0.003333333333333333547282562037;0.013750000000000000069388939039;0.000000000000000000000000000000;0.010000000000000000208166817117;0.012500000000000000693889390391;0.005000000000000000104083408559;0.026249999999999999028554853453;0.021666666666666667406815349750;0.022083333333333333287074040641;0.017500000000000001665334536938
-0.034166666666666664631257788187;0.017916666666666667545593227828;0.040833333333333332593184650250;0.000416666666666666693410320255;0.034583333333333333980963431031;0.077499999999999999444888487687;0.001666666666666666773641281019;0.015416666666666667059870654555;0.012083333333333333078907223523;0.010416666666666666088425508008;0.022083333333333333287074040641;0.067916666666666666851703837438;0.034166666666666664631257788187;0.027500000000000000138777878078;0.009583333333333332593184650250;0.032083333333333331760517381781;0.012916666666666666574148081281;0.017500000000000001665334536938;0.027500000000000000138777878078;0.005416666666666666851703837438;0.017083333333333332315628894094;0.011666666666666667198648532633;0.010000000000000000208166817117;0.016250000000000000555111512313;0.048333333333333332315628894094;0.020000000000000000416333634234;0.022083333333333333287074040641;0.004583333333333333356462979680;0.000000000000000000000000000000;0.094166666666666662410811738937;0.031666666666666669349705642844;0.004583333333333333356462979680;0.022916666666666665047591422422;0.007499999999999999722444243844;0.022083333333333333287074040641;0.017500000000000001665334536938;0.009166666666666666712925959359;0.010833333333333333703407674875;0.001250000000000000026020852140;0.017083333333333332315628894094;0.002500000000000000052041704279;0.009583333333333332593184650250;0.000000000000000000000000000000;0.002916666666666666799662133158;0.012500000000000000693889390391;0.005833333333333333599324266316;0.023333333333333334397297065266;0.020000000000000000416333634234;0.018749999999999999306110609609;0.014166666666666665949647629930
-0.032916666666666663521034763562;0.014166666666666665949647629930;0.042083333333333333703407674875;0.000416666666666666693410320255;0.037499999999999998612221219219;0.076666666666666660745477201999;0.002500000000000000052041704279;0.012500000000000000693889390391;0.020416666666666666296592325125;0.010000000000000000208166817117;0.019166666666666665186369300500;0.067916666666666666851703837438;0.032500000000000001110223024625;0.036249999999999997501998194593;0.007083333333333332974823814965;0.028750000000000001249000902703;0.005000000000000000104083408559;0.017083333333333332315628894094;0.024166666666666666157814447047;0.004166666666666666608842550801;0.014583333333333333564629796797;0.012500000000000000693889390391;0.005833333333333333599324266316;0.016250000000000000555111512313;0.044583333333333335923853724125;0.024583333333333332038073137937;0.017916666666666667545593227828;0.008333333333333333217685101602;0.000000000000000000000000000000;0.095833333333333339809634310313;0.038333333333333330372738601000;0.005000000000000000104083408559;0.017916666666666667545593227828;0.011666666666666667198648532633;0.016666666666666666435370203203;0.020000000000000000416333634234;0.009166666666666666712925959359;0.008333333333333333217685101602;0.001250000000000000026020852140;0.008750000000000000832667268469;0.002916666666666666799662133158;0.014583333333333333564629796797;0.000000000000000000000000000000;0.009166666666666666712925959359;0.007083333333333332974823814965;0.007499999999999999722444243844;0.023333333333333334397297065266;0.024166666666666666157814447047;0.024166666666666666157814447047;0.018333333333333333425851918719
-0.032500000000000001110223024625;0.014166666666666665949647629930;0.039583333333333331482961625625;0.000000000000000000000000000000;0.033750000000000002220446049250;0.058333333333333334258519187188;0.002916666666666666799662133158;0.017083333333333332315628894094;0.012500000000000000693889390391;0.015416666666666667059870654555;0.025000000000000001387778780781;0.060833333333333336478965236438;0.025833333333333333148296162562;0.032083333333333331760517381781;0.006666666666666667094565124074;0.031666666666666669349705642844;0.008333333333333333217685101602;0.023750000000000000277555756156;0.028750000000000001249000902703;0.004583333333333333356462979680;0.017083333333333332315628894094;0.012083333333333333078907223523;0.006250000000000000346944695195;0.015833333333333334674852821422;0.046249999999999999444888487687;0.027500000000000000138777878078;0.028333333333333331899295259859;0.005416666666666666851703837438;0.000000000000000000000000000000;0.078333333333333338144299773376;0.044166666666666666574148081281;0.005416666666666666851703837438;0.018333333333333333425851918719;0.008750000000000000832667268469;0.013750000000000000069388939039;0.022499999999999999167332731531;0.010416666666666666088425508008;0.012500000000000000693889390391;0.000000000000000000000000000000;0.012083333333333333078907223523;0.003333333333333333547282562037;0.009583333333333332593184650250;0.000000000000000000000000000000;0.006250000000000000346944695195;0.012500000000000000693889390391;0.007083333333333332974823814965;0.027500000000000000138777878078;0.027500000000000000138777878078;0.026249999999999999028554853453;0.021250000000000001526556658860
-0.039166666666666669072149886688;0.017083333333333332315628894094;0.035000000000000003330669073875;0.000833333333333333386820640509;0.027500000000000000138777878078;0.052916666666666667406815349750;0.002083333333333333304421275400;0.020416666666666666296592325125;0.013750000000000000069388939039;0.013750000000000000069388939039;0.018749999999999999306110609609;0.082500000000000003885780586188;0.017916666666666667545593227828;0.027500000000000000138777878078;0.010416666666666666088425508008;0.029999999999999998889776975375;0.010416666666666666088425508008;0.022083333333333333287074040641;0.026249999999999999028554853453;0.004166666666666666608842550801;0.013750000000000000069388939039;0.007916666666666667337426410711;0.010833333333333333703407674875;0.016250000000000000555111512313;0.047500000000000000555111512313;0.033333333333333332870740406406;0.029166666666666667129259593594;0.011249999999999999583666365766;0.000416666666666666693410320255;0.073749999999999996114219413812;0.063750000000000001110223024625;0.007916666666666667337426410711;0.012916666666666666574148081281;0.005000000000000000104083408559;0.010000000000000000208166817117;0.018749999999999999306110609609;0.010000000000000000208166817117;0.020833333333333332176851016015;0.001666666666666666773641281019;0.007916666666666667337426410711;0.004166666666666666608842550801;0.011249999999999999583666365766;0.000000000000000000000000000000;0.008750000000000000832667268469;0.011249999999999999583666365766;0.008333333333333333217685101602;0.018749999999999999306110609609;0.017500000000000001665334536938;0.025000000000000001387778780781;0.019583333333333334536074943344
-0.035000000000000003330669073875;0.009583333333333332593184650250;0.046666666666666668794594130532;0.000416666666666666693410320255;0.043749999999999997224442438437;0.036666666666666666851703837438;0.002500000000000000052041704279;0.027500000000000000138777878078;0.013333333333333334189130248149;0.019166666666666665186369300500;0.020833333333333332176851016015;0.057083333333333333148296162562;0.018749999999999999306110609609;0.030416666666666668239482618219;0.013750000000000000069388939039;0.029583333333333333009518284484;0.011666666666666667198648532633;0.020833333333333332176851016015;0.024583333333333332038073137937;0.005833333333333333599324266316;0.014583333333333333564629796797;0.014166666666666665949647629930;0.006666666666666667094565124074;0.022083333333333333287074040641;0.049583333333333333425851918719;0.031250000000000000000000000000;0.022499999999999999167332731531;0.005416666666666666851703837438;0.000000000000000000000000000000;0.067916666666666666851703837438;0.044583333333333335923853724125;0.012500000000000000693889390391;0.014583333333333333564629796797;0.009166666666666666712925959359;0.011249999999999999583666365766;0.026249999999999999028554853453;0.010416666666666666088425508008;0.012916666666666666574148081281;0.002916666666666666799662133158;0.010416666666666666088425508008;0.005416666666666666851703837438;0.007499999999999999722444243844;0.000000000000000000000000000000;0.012916666666666666574148081281;0.010000000000000000208166817117;0.010416666666666666088425508008;0.035000000000000003330669073875;0.016250000000000000555111512313;0.025416666666666667268037471672;0.020000000000000000416333634234
-0.035000000000000003330669073875;0.011249999999999999583666365766;0.042500000000000003053113317719;0.000000000000000000000000000000;0.031666666666666669349705642844;0.054583333333333330927850113312;0.001666666666666666773641281019;0.018333333333333333425851918719;0.025833333333333333148296162562;0.014166666666666665949647629930;0.015416666666666667059870654555;0.052916666666666667406815349750;0.018749999999999999306110609609;0.036249999999999997501998194593;0.008750000000000000832667268469;0.034166666666666664631257788187;0.015416666666666667059870654555;0.028333333333333331899295259859;0.025833333333333333148296162562;0.008333333333333333217685101602;0.012916666666666666574148081281;0.011249999999999999583666365766;0.008333333333333333217685101602;0.022499999999999999167332731531;0.054166666666666668517038374375;0.028333333333333331899295259859;0.023750000000000000277555756156;0.004166666666666666608842550801;0.000416666666666666693410320255;0.062500000000000000000000000000;0.049583333333333333425851918719;0.008750000000000000832667268469;0.013750000000000000069388939039;0.010000000000000000208166817117;0.020000000000000000416333634234;0.024166666666666666157814447047;0.010416666666666666088425508008;0.007916666666666667337426410711;0.001666666666666666773641281019;0.006666666666666667094565124074;0.002083333333333333304421275400;0.011249999999999999583666365766;0.000000000000000000000000000000;0.011666666666666667198648532633;0.007083333333333332974823814965;0.009166666666666666712925959359;0.028333333333333331899295259859;0.026666666666666668378260496297;0.025416666666666667268037471672;0.017916666666666667545593227828
-0.040833333333333332593184650250;0.015833333333333334674852821422;0.040000000000000000832667268469;0.000000000000000000000000000000;0.027083333333333334258519187188;0.057083333333333333148296162562;0.000416666666666666693410320255;0.016250000000000000555111512313;0.010416666666666666088425508008;0.013333333333333334189130248149;0.022916666666666665047591422422;0.051666666666666666296592325125;0.020416666666666666296592325125;0.032916666666666663521034763562;0.006666666666666667094565124074;0.029166666666666667129259593594;0.008333333333333333217685101602;0.025416666666666667268037471672;0.025833333333333333148296162562;0.007916666666666667337426410711;0.018333333333333333425851918719;0.013333333333333334189130248149;0.011249999999999999583666365766;0.015416666666666667059870654555;0.048750000000000001665334536938;0.029999999999999998889776975375;0.026666666666666668378260496297;0.009583333333333332593184650250;0.000000000000000000000000000000;0.076666666666666660745477201999;0.045416666666666667684371105906;0.010416666666666666088425508008;0.017916666666666667545593227828;0.007499999999999999722444243844;0.018333333333333333425851918719;0.018333333333333333425851918719;0.014166666666666665949647629930;0.010833333333333333703407674875;0.004583333333333333356462979680;0.011249999999999999583666365766;0.006250000000000000346944695195;0.012500000000000000693889390391;0.000000000000000000000000000000;0.015416666666666667059870654555;0.007916666666666667337426410711;0.012500000000000000693889390391;0.024583333333333332038073137937;0.022499999999999999167332731531;0.022916666666666665047591422422;0.014166666666666665949647629930
-0.038333333333333330372738601000;0.013333333333333334189130248149;0.041250000000000001942890293094;0.000416666666666666693410320255;0.028750000000000001249000902703;0.061666666666666668239482618219;0.001250000000000000026020852140;0.014583333333333333564629796797;0.012083333333333333078907223523;0.013750000000000000069388939039;0.024583333333333332038073137937;0.062083333333333330650294357156;0.022083333333333333287074040641;0.032500000000000001110223024625;0.012083333333333333078907223523;0.040833333333333332593184650250;0.012083333333333333078907223523;0.022499999999999999167332731531;0.022916666666666665047591422422;0.010833333333333333703407674875;0.015833333333333334674852821422;0.011666666666666667198648532633;0.010000000000000000208166817117;0.011666666666666667198648532633;0.062916666666666662410811738937;0.031250000000000000000000000000;0.025416666666666667268037471672;0.004583333333333333356462979680;0.000416666666666666693410320255;0.071666666666666670182372911313;0.041250000000000001942890293094;0.005416666666666666851703837438;0.013333333333333334189130248149;0.008750000000000000832667268469;0.016250000000000000555111512313;0.020416666666666666296592325125;0.010000000000000000208166817117;0.012916666666666666574148081281;0.001250000000000000026020852140;0.007083333333333332974823814965;0.001666666666666666773641281019;0.010416666666666666088425508008;0.000000000000000000000000000000;0.005833333333333333599324266316;0.011249999999999999583666365766;0.010833333333333333703407674875;0.024583333333333332038073137937;0.024583333333333332038073137937;0.023333333333333334397297065266;0.017500000000000001665334536938
-0.035833333333333335091186455656;0.014999999999999999444888487687;0.047083333333333331205405869468;0.000833333333333333386820640509;0.017916666666666667545593227828;0.047916666666666669904817155157;0.002083333333333333304421275400;0.022083333333333333287074040641;0.022083333333333333287074040641;0.019583333333333334536074943344;0.022499999999999999167332731531;0.047500000000000000555111512313;0.015416666666666667059870654555;0.035416666666666665741480812812;0.013333333333333334189130248149;0.028750000000000001249000902703;0.010833333333333333703407674875;0.027083333333333334258519187188;0.021666666666666667406815349750;0.003749999999999999861222121922;0.019583333333333334536074943344;0.014166666666666665949647629930;0.007916666666666667337426410711;0.022083333333333333287074040641;0.054166666666666668517038374375;0.036666666666666666851703837438;0.027083333333333334258519187188;0.010416666666666666088425508008;0.000416666666666666693410320255;0.052916666666666667406815349750;0.046666666666666668794594130532;0.006666666666666667094565124074;0.012500000000000000693889390391;0.010000000000000000208166817117;0.014166666666666665949647629930;0.026249999999999999028554853453;0.010000000000000000208166817117;0.009583333333333332593184650250;0.003333333333333333547282562037;0.013333333333333334189130248149;0.003749999999999999861222121922;0.014166666666666665949647629930;0.000000000000000000000000000000;0.008333333333333333217685101602;0.009583333333333332593184650250;0.007499999999999999722444243844;0.034166666666666664631257788187;0.019166666666666665186369300500;0.031666666666666669349705642844;0.017083333333333332315628894094
-0.038749999999999999722444243844;0.010833333333333333703407674875;0.052499999999999998057109706906;0.000000000000000000000000000000;0.022916666666666665047591422422;0.052916666666666667406815349750;0.001250000000000000026020852140;0.015833333333333334674852821422;0.026666666666666668378260496297;0.013333333333333334189130248149;0.018333333333333333425851918719;0.048333333333333332315628894094;0.013750000000000000069388939039;0.039166666666666669072149886688;0.011249999999999999583666365766;0.031666666666666669349705642844;0.010833333333333333703407674875;0.022916666666666665047591422422;0.028333333333333331899295259859;0.008750000000000000832667268469;0.015416666666666667059870654555;0.014166666666666665949647629930;0.007916666666666667337426410711;0.021250000000000001526556658860;0.047083333333333331205405869468;0.034583333333333333980963431031;0.025000000000000001387778780781;0.004583333333333333356462979680;0.000833333333333333386820640509;0.060833333333333336478965236438;0.037499999999999998612221219219;0.004583333333333333356462979680;0.010000000000000000208166817117;0.007916666666666667337426410711;0.017500000000000001665334536938;0.027916666666666666019036568969;0.011666666666666667198648532633;0.009583333333333332593184650250;0.003333333333333333547282562037;0.013750000000000000069388939039;0.004583333333333333356462979680;0.016666666666666666435370203203;0.000000000000000000000000000000;0.014999999999999999444888487687;0.010000000000000000208166817117;0.008333333333333333217685101602;0.026666666666666668378260496297;0.022916666666666665047591422422;0.030416666666666668239482618219;0.021666666666666667406815349750
-0.040833333333333332593184650250;0.010833333333333333703407674875;0.050833333333333334536074943344;0.000000000000000000000000000000;0.020000000000000000416333634234;0.052499999999999998057109706906;0.002083333333333333304421275400;0.014166666666666665949647629930;0.020833333333333332176851016015;0.013750000000000000069388939039;0.029166666666666667129259593594;0.052083333333333335646297967969;0.021666666666666667406815349750;0.040416666666666663243479007406;0.007916666666666667337426410711;0.027500000000000000138777878078;0.012916666666666666574148081281;0.021250000000000001526556658860;0.024166666666666666157814447047;0.005833333333333333599324266316;0.016250000000000000555111512313;0.019583333333333334536074943344;0.011249999999999999583666365766;0.019166666666666665186369300500;0.050833333333333334536074943344;0.037499999999999998612221219219;0.031666666666666669349705642844;0.007499999999999999722444243844;0.000000000000000000000000000000;0.053333333333333336756520992594;0.028750000000000001249000902703;0.005833333333333333599324266316;0.012083333333333333078907223523;0.009583333333333332593184650250;0.010833333333333333703407674875;0.027500000000000000138777878078;0.015833333333333334674852821422;0.009583333333333332593184650250;0.005000000000000000104083408559;0.010833333333333333703407674875;0.001666666666666666773641281019;0.014999999999999999444888487687;0.000000000000000000000000000000;0.008333333333333333217685101602;0.005833333333333333599324266316;0.007499999999999999722444243844;0.028750000000000001249000902703;0.029166666666666667129259593594;0.031250000000000000000000000000;0.020833333333333332176851016015
-0.042916666666666665463925056656;0.013333333333333334189130248149;0.044583333333333335923853724125;0.000000000000000000000000000000;0.019583333333333334536074943344;0.065000000000000002220446049250;0.002083333333333333304421275400;0.016666666666666666435370203203;0.018749999999999999306110609609;0.014999999999999999444888487687;0.022499999999999999167332731531;0.057916666666666664908813544344;0.020416666666666666296592325125;0.035000000000000003330669073875;0.005833333333333333599324266316;0.036249999999999997501998194593;0.009166666666666666712925959359;0.022916666666666665047591422422;0.030416666666666668239482618219;0.002083333333333333304421275400;0.017500000000000001665334536938;0.009166666666666666712925959359;0.007916666666666667337426410711;0.016250000000000000555111512313;0.055416666666666669627261399000;0.032500000000000001110223024625;0.028750000000000001249000902703;0.013333333333333334189130248149;0.000000000000000000000000000000;0.070416666666666669072149886688;0.033333333333333332870740406406;0.003333333333333333547282562037;0.015416666666666667059870654555;0.009583333333333332593184650250;0.016666666666666666435370203203;0.023750000000000000277555756156;0.014166666666666665949647629930;0.009583333333333332593184650250;0.002083333333333333304421275400;0.004166666666666666608842550801;0.005000000000000000104083408559;0.017083333333333332315628894094;0.000000000000000000000000000000;0.008333333333333333217685101602;0.007083333333333332974823814965;0.006250000000000000346944695195;0.025000000000000001387778780781;0.020833333333333332176851016015;0.025416666666666667268037471672;0.021250000000000001526556658860
-0.042083333333333333703407674875;0.009583333333333332593184650250;0.053333333333333336756520992594;0.000000000000000000000000000000;0.013750000000000000069388939039;0.047916666666666669904817155157;0.000833333333333333386820640509;0.017916666666666667545593227828;0.015833333333333334674852821422;0.016666666666666666435370203203;0.021666666666666667406815349750;0.054166666666666668517038374375;0.020000000000000000416333634234;0.033333333333333332870740406406;0.008750000000000000832667268469;0.035000000000000003330669073875;0.007916666666666667337426410711;0.021666666666666667406815349750;0.032500000000000001110223024625;0.008750000000000000832667268469;0.016250000000000000555111512313;0.010833333333333333703407674875;0.010000000000000000208166817117;0.021250000000000001526556658860;0.055000000000000000277555756156;0.038333333333333330372738601000;0.025000000000000001387778780781;0.006666666666666667094565124074;0.000833333333333333386820640509;0.045833333333333330095182844843;0.034166666666666664631257788187;0.004583333333333333356462979680;0.012083333333333333078907223523;0.012500000000000000693889390391;0.015416666666666667059870654555;0.028750000000000001249000902703;0.010416666666666666088425508008;0.010416666666666666088425508008;0.002916666666666666799662133158;0.009166666666666666712925959359;0.002083333333333333304421275400;0.017916666666666667545593227828;0.000000000000000000000000000000;0.007499999999999999722444243844;0.011666666666666667198648532633;0.007083333333333332974823814965;0.042500000000000003053113317719;0.030833333333333334119741309109;0.023333333333333334397297065266;0.025000000000000001387778780781
-0.040000000000000000832667268469;0.012916666666666666574148081281;0.035416666666666665741480812812;0.000833333333333333386820640509;0.027500000000000000138777878078;0.062083333333333330650294357156;0.001666666666666666773641281019;0.016250000000000000555111512313;0.017916666666666667545593227828;0.012083333333333333078907223523;0.023750000000000000277555756156;0.064166666666666663521034763562;0.020416666666666666296592325125;0.029583333333333333009518284484;0.006666666666666667094565124074;0.035416666666666665741480812812;0.006250000000000000346944695195;0.019583333333333334536074943344;0.030833333333333334119741309109;0.001666666666666666773641281019;0.016666666666666666435370203203;0.011249999999999999583666365766;0.005416666666666666851703837438;0.015833333333333334674852821422;0.059999999999999997779553950750;0.027500000000000000138777878078;0.029166666666666667129259593594;0.011249999999999999583666365766;0.000416666666666666693410320255;0.059999999999999997779553950750;0.053333333333333336756520992594;0.007499999999999999722444243844;0.014583333333333333564629796797;0.005833333333333333599324266316;0.012916666666666666574148081281;0.016666666666666666435370203203;0.014166666666666665949647629930;0.012916666666666666574148081281;0.003749999999999999861222121922;0.007916666666666667337426410711;0.004583333333333333356462979680;0.017500000000000001665334536938;0.000000000000000000000000000000;0.009166666666666666712925959359;0.011666666666666667198648532633;0.007083333333333332974823814965;0.026249999999999999028554853453;0.022916666666666665047591422422;0.021250000000000001526556658860;0.027500000000000000138777878078
-0.029583333333333333009518284484;0.009583333333333332593184650250;0.049583333333333333425851918719;0.000833333333333333386820640509;0.012500000000000000693889390391;0.057083333333333333148296162562;0.000416666666666666693410320255;0.019583333333333334536074943344;0.017083333333333332315628894094;0.014583333333333333564629796797;0.023333333333333334397297065266;0.062083333333333330650294357156;0.013750000000000000069388939039;0.040000000000000000832667268469;0.011666666666666667198648532633;0.028750000000000001249000902703;0.008750000000000000832667268469;0.023750000000000000277555756156;0.030416666666666668239482618219;0.011249999999999999583666365766;0.016250000000000000555111512313;0.011666666666666667198648532633;0.007916666666666667337426410711;0.022499999999999999167332731531;0.054166666666666668517038374375;0.035000000000000003330669073875;0.022916666666666665047591422422;0.010416666666666666088425508008;0.000416666666666666693410320255;0.047083333333333331205405869468;0.045416666666666667684371105906;0.010000000000000000208166817117;0.010833333333333333703407674875;0.012083333333333333078907223523;0.014999999999999999444888487687;0.029583333333333333009518284484;0.009166666666666666712925959359;0.012500000000000000693889390391;0.002083333333333333304421275400;0.011249999999999999583666365766;0.005416666666666666851703837438;0.007499999999999999722444243844;0.000000000000000000000000000000;0.008750000000000000832667268469;0.007083333333333332974823814965;0.007083333333333332974823814965;0.040833333333333332593184650250;0.028333333333333331899295259859;0.019583333333333334536074943344;0.024583333333333332038073137937
-0.037499999999999998612221219219;0.010416666666666666088425508008;0.047916666666666669904817155157;0.000833333333333333386820640509;0.009166666666666666712925959359;0.066666666666666665741480812812;0.000833333333333333386820640509;0.013750000000000000069388939039;0.025833333333333333148296162562;0.011249999999999999583666365766;0.015833333333333334674852821422;0.066250000000000003330669073875;0.016666666666666666435370203203;0.045416666666666667684371105906;0.003749999999999999861222121922;0.041666666666666664353702032031;0.008333333333333333217685101602;0.014999999999999999444888487687;0.019583333333333334536074943344;0.006666666666666667094565124074;0.012083333333333333078907223523;0.018333333333333333425851918719;0.005000000000000000104083408559;0.018749999999999999306110609609;0.052916666666666667406815349750;0.037499999999999998612221219219;0.023333333333333334397297065266;0.007083333333333332974823814965;0.000416666666666666693410320255;0.055000000000000000277555756156;0.057083333333333333148296162562;0.010416666666666666088425508008;0.010416666666666666088425508008;0.010000000000000000208166817117;0.018333333333333333425851918719;0.024583333333333332038073137937;0.011249999999999999583666365766;0.013750000000000000069388939039;0.006250000000000000346944695195;0.010000000000000000208166817117;0.002083333333333333304421275400;0.008750000000000000832667268469;0.000000000000000000000000000000;0.007499999999999999722444243844;0.005416666666666666851703837438;0.003749999999999999861222121922;0.036249999999999997501998194593;0.030833333333333334119741309109;0.022499999999999999167332731531;0.017083333333333332315628894094
-0.040416666666666663243479007406;0.011249999999999999583666365766;0.065000000000000002220446049250;0.007083333333333332974823814965;0.008333333333333333217685101602;0.055000000000000000277555756156;0.000000000000000000000000000000;0.014166666666666665949647629930;0.021666666666666667406815349750;0.017083333333333332315628894094;0.017083333333333332315628894094;0.071249999999999993893773364562;0.017083333333333332315628894094;0.040416666666666663243479007406;0.009166666666666666712925959359;0.040833333333333332593184650250;0.010833333333333333703407674875;0.014166666666666665949647629930;0.014583333333333333564629796797;0.005000000000000000104083408559;0.012083333333333333078907223523;0.011249999999999999583666365766;0.003333333333333333547282562037;0.023333333333333334397297065266;0.056666666666666663798590519718;0.038749999999999999722444243844;0.020833333333333332176851016015;0.008750000000000000832667268469;0.000000000000000000000000000000;0.041666666666666664353702032031;0.068333333333333329262515576374;0.009583333333333332593184650250;0.008333333333333333217685101602;0.007916666666666667337426410711;0.013750000000000000069388939039;0.022083333333333333287074040641;0.007083333333333332974823814965;0.017500000000000001665334536938;0.002083333333333333304421275400;0.006250000000000000346944695195;0.002083333333333333304421275400;0.010416666666666666088425508008;0.000000000000000000000000000000;0.009166666666666666712925959359;0.007083333333333332974823814965;0.010833333333333333703407674875;0.035000000000000003330669073875;0.034166666666666664631257788187;0.013750000000000000069388939039;0.017500000000000001665334536938
-0.043333333333333334813630699500;0.013333333333333334189130248149;0.047083333333333331205405869468;0.038333333333333330372738601000;0.023750000000000000277555756156;0.047916666666666669904817155157;0.000833333333333333386820640509;0.010833333333333333703407674875;0.017083333333333332315628894094;0.016250000000000000555111512313;0.021250000000000001526556658860;0.057500000000000002498001805407;0.019583333333333334536074943344;0.040416666666666663243479007406;0.005416666666666666851703837438;0.032916666666666663521034763562;0.009166666666666666712925959359;0.017916666666666667545593227828;0.024166666666666666157814447047;0.005833333333333333599324266316;0.013333333333333334189130248149;0.014166666666666665949647629930;0.005416666666666666851703837438;0.024583333333333332038073137937;0.049166666666666664076146275875;0.027500000000000000138777878078;0.022083333333333333287074040641;0.014166666666666665949647629930;0.000833333333333333386820640509;0.062500000000000000000000000000;0.047916666666666669904817155157;0.007083333333333332974823814965;0.012916666666666666574148081281;0.008750000000000000832667268469;0.016250000000000000555111512313;0.018749999999999999306110609609;0.011249999999999999583666365766;0.007499999999999999722444243844;0.003333333333333333547282562037;0.005416666666666666851703837438;0.002083333333333333304421275400;0.007499999999999999722444243844;0.000000000000000000000000000000;0.007499999999999999722444243844;0.006666666666666667094565124074;0.003749999999999999861222121922;0.036666666666666666851703837438;0.028333333333333331899295259859;0.019166666666666665186369300500;0.022499999999999999167332731531
-0.031666666666666669349705642844;0.018749999999999999306110609609;0.049583333333333333425851918719;0.028333333333333331899295259859;0.017500000000000001665334536938;0.050416666666666665186369300500;0.000416666666666666693410320255;0.012083333333333333078907223523;0.018333333333333333425851918719;0.012083333333333333078907223523;0.021250000000000001526556658860;0.065000000000000002220446049250;0.018333333333333333425851918719;0.032500000000000001110223024625;0.010833333333333333703407674875;0.029583333333333333009518284484;0.006666666666666667094565124074;0.024166666666666666157814447047;0.020416666666666666296592325125;0.006250000000000000346944695195;0.010416666666666666088425508008;0.016250000000000000555111512313;0.008333333333333333217685101602;0.016250000000000000555111512313;0.058749999999999996669330926125;0.030416666666666668239482618219;0.027916666666666666019036568969;0.013750000000000000069388939039;0.000000000000000000000000000000;0.062916666666666662410811738937;0.041666666666666664353702032031;0.010416666666666666088425508008;0.014166666666666665949647629930;0.009583333333333332593184650250;0.016250000000000000555111512313;0.025416666666666667268037471672;0.007916666666666667337426410711;0.009166666666666666712925959359;0.003749999999999999861222121922;0.010416666666666666088425508008;0.002500000000000000052041704279;0.019583333333333334536074943344;0.000000000000000000000000000000;0.004166666666666666608842550801;0.011666666666666667198648532633;0.007083333333333332974823814965;0.027916666666666666019036568969;0.025416666666666667268037471672;0.020000000000000000416333634234;0.013750000000000000069388939039
-0.032083333333333331760517381781;0.014999999999999999444888487687;0.053333333333333336756520992594;0.029999999999999998889776975375;0.039583333333333331482961625625;0.052916666666666667406815349750;0.001250000000000000026020852140;0.018333333333333333425851918719;0.023750000000000000277555756156;0.014583333333333333564629796797;0.018333333333333333425851918719;0.065000000000000002220446049250;0.013750000000000000069388939039;0.037083333333333336201409480282;0.005833333333333333599324266316;0.023750000000000000277555756156;0.007499999999999999722444243844;0.022083333333333333287074040641;0.022499999999999999167332731531;0.005000000000000000104083408559;0.009583333333333332593184650250;0.017500000000000001665334536938;0.007499999999999999722444243844;0.015416666666666667059870654555;0.047500000000000000555111512313;0.027083333333333334258519187188;0.026666666666666668378260496297;0.020000000000000000416333634234;0.000000000000000000000000000000;0.063750000000000001110223024625;0.043749999999999997224442438437;0.007499999999999999722444243844;0.007499999999999999722444243844;0.008750000000000000832667268469;0.013333333333333334189130248149;0.019583333333333334536074943344;0.006666666666666667094565124074;0.007499999999999999722444243844;0.006250000000000000346944695195;0.009583333333333332593184650250;0.003749999999999999861222121922;0.014999999999999999444888487687;0.000000000000000000000000000000;0.007499999999999999722444243844;0.004166666666666666608842550801;0.006250000000000000346944695195;0.031250000000000000000000000000;0.019166666666666665186369300500;0.025000000000000001387778780781;0.020833333333333332176851016015
-0.026666666666666668378260496297;0.012916666666666666574148081281;0.061666666666666668239482618219;0.043333333333333334813630699500;0.032083333333333331760517381781;0.046249999999999999444888487687;0.000833333333333333386820640509;0.018749999999999999306110609609;0.024166666666666666157814447047;0.007499999999999999722444243844;0.018749999999999999306110609609;0.053333333333333336756520992594;0.016666666666666666435370203203;0.035000000000000003330669073875;0.012083333333333333078907223523;0.030416666666666668239482618219;0.014166666666666665949647629930;0.023333333333333334397297065266;0.025416666666666667268037471672;0.007083333333333332974823814965;0.014166666666666665949647629930;0.017500000000000001665334536938;0.003749999999999999861222121922;0.014166666666666665949647629930;0.041250000000000001942890293094;0.032083333333333331760517381781;0.025833333333333333148296162562;0.007916666666666667337426410711;0.000416666666666666693410320255;0.067500000000000004440892098501;0.037499999999999998612221219219;0.007499999999999999722444243844;0.011249999999999999583666365766;0.007916666666666667337426410711;0.011666666666666667198648532633;0.025416666666666667268037471672;0.009166666666666666712925959359;0.006250000000000000346944695195;0.001250000000000000026020852140;0.010833333333333333703407674875;0.002916666666666666799662133158;0.011666666666666667198648532633;0.000000000000000000000000000000;0.005833333333333333599324266316;0.008333333333333333217685101602;0.005833333333333333599324266316;0.033750000000000002220446049250;0.026249999999999999028554853453;0.023750000000000000277555756156;0.017916666666666667545593227828
-0.028333333333333331899295259859;0.020416666666666666296592325125;0.053333333333333336756520992594;0.012083333333333333078907223523;0.026666666666666668378260496297;0.053333333333333336756520992594;0.000833333333333333386820640509;0.013750000000000000069388939039;0.036666666666666666851703837438;0.009166666666666666712925959359;0.020833333333333332176851016015;0.050416666666666665186369300500;0.020000000000000000416333634234;0.037083333333333336201409480282;0.012500000000000000693889390391;0.024583333333333332038073137937;0.018333333333333333425851918719;0.026249999999999999028554853453;0.027083333333333334258519187188;0.002916666666666666799662133158;0.015416666666666667059870654555;0.020833333333333332176851016015;0.007083333333333332974823814965;0.011249999999999999583666365766;0.037083333333333336201409480282;0.026249999999999999028554853453;0.025833333333333333148296162562;0.013750000000000000069388939039;0.000000000000000000000000000000;0.071666666666666670182372911313;0.035833333333333335091186455656;0.007499999999999999722444243844;0.012500000000000000693889390391;0.006666666666666667094565124074;0.015416666666666667059870654555;0.020000000000000000416333634234;0.007916666666666667337426410711;0.006666666666666667094565124074;0.010416666666666666088425508008;0.006250000000000000346944695195;0.001666666666666666773641281019;0.022499999999999999167332731531;0.000000000000000000000000000000;0.006250000000000000346944695195;0.008750000000000000832667268469;0.008333333333333333217685101602;0.036249999999999997501998194593;0.019583333333333334536074943344;0.025416666666666667268037471672;0.018333333333333333425851918719
-0.024166666666666666157814447047;0.016250000000000000555111512313;0.040833333333333332593184650250;0.059583333333333335368742211813;0.047916666666666669904817155157;0.060833333333333336478965236438;0.001666666666666666773641281019;0.016666666666666666435370203203;0.028750000000000001249000902703;0.009583333333333332593184650250;0.020416666666666666296592325125;0.050416666666666665186369300500;0.019166666666666665186369300500;0.024583333333333332038073137937;0.016250000000000000555111512313;0.022499999999999999167332731531;0.008333333333333333217685101602;0.022916666666666665047591422422;0.035416666666666665741480812812;0.003333333333333333547282562037;0.019583333333333334536074943344;0.017500000000000001665334536938;0.004583333333333333356462979680;0.016250000000000000555111512313;0.032916666666666663521034763562;0.019166666666666665186369300500;0.026249999999999999028554853453;0.013750000000000000069388939039;0.000000000000000000000000000000;0.070000000000000006661338147751;0.038749999999999999722444243844;0.005833333333333333599324266316;0.018333333333333333425851918719;0.010833333333333333703407674875;0.008750000000000000832667268469;0.019583333333333334536074943344;0.007499999999999999722444243844;0.007916666666666667337426410711;0.004166666666666666608842550801;0.007499999999999999722444243844;0.004166666666666666608842550801;0.016666666666666666435370203203;0.000000000000000000000000000000;0.003333333333333333547282562037;0.024583333333333332038073137937;0.005000000000000000104083408559;0.020416666666666666296592325125;0.015833333333333334674852821422;0.016250000000000000555111512313;0.014999999999999999444888487687
-0.027500000000000000138777878078;0.019166666666666665186369300500;0.032083333333333331760517381781;0.037499999999999998612221219219;0.044583333333333335923853724125;0.066250000000000003330669073875;0.002916666666666666799662133158;0.016250000000000000555111512313;0.016250000000000000555111512313;0.007083333333333332974823814965;0.017500000000000001665334536938;0.056666666666666663798590519718;0.024166666666666666157814447047;0.020416666666666666296592325125;0.019583333333333334536074943344;0.020833333333333332176851016015;0.010416666666666666088425508008;0.018333333333333333425851918719;0.044583333333333335923853724125;0.005833333333333333599324266316;0.013333333333333334189130248149;0.009166666666666666712925959359;0.006666666666666667094565124074;0.008750000000000000832667268469;0.042500000000000003053113317719;0.020416666666666666296592325125;0.029999999999999998889776975375;0.035000000000000003330669073875;0.000000000000000000000000000000;0.088749999999999995559107901499;0.040000000000000000832667268469;0.007499999999999999722444243844;0.024583333333333332038073137937;0.006666666666666667094565124074;0.010000000000000000208166817117;0.013750000000000000069388939039;0.006250000000000000346944695195;0.010416666666666666088425508008;0.003333333333333333547282562037;0.008333333333333333217685101602;0.002916666666666666799662133158;0.018749999999999999306110609609;0.000000000000000000000000000000;0.005833333333333333599324266316;0.015416666666666667059870654555;0.002916666666666666799662133158;0.016666666666666666435370203203;0.012916666666666666574148081281;0.017916666666666667545593227828;0.013333333333333334189130248149
-0.024583333333333332038073137937;0.017083333333333332315628894094;0.025416666666666667268037471672;0.031250000000000000000000000000;0.057083333333333333148296162562;0.062083333333333330650294357156;0.001666666666666666773641281019;0.016666666666666666435370203203;0.020833333333333332176851016015;0.010416666666666666088425508008;0.017916666666666667545593227828;0.058749999999999996669330926125;0.016250000000000000555111512313;0.017916666666666667545593227828;0.022083333333333333287074040641;0.029166666666666667129259593594;0.012083333333333333078907223523;0.019583333333333334536074943344;0.041250000000000001942890293094;0.002916666666666666799662133158;0.014583333333333333564629796797;0.015416666666666667059870654555;0.004166666666666666608842550801;0.009166666666666666712925959359;0.037916666666666667961926862063;0.017500000000000001665334536938;0.024166666666666666157814447047;0.014999999999999999444888487687;0.000416666666666666693410320255;0.079583333333333339254522798001;0.067916666666666666851703837438;0.004166666666666666608842550801;0.014166666666666665949647629930;0.009166666666666666712925959359;0.015833333333333334674852821422;0.010416666666666666088425508008;0.004166666666666666608842550801;0.011666666666666667198648532633;0.005833333333333333599324266316;0.009583333333333332593184650250;0.004166666666666666608842550801;0.017916666666666667545593227828;0.000000000000000000000000000000;0.007083333333333332974823814965;0.022083333333333333287074040641;0.004583333333333333356462979680;0.017916666666666667545593227828;0.020000000000000000416333634234;0.012500000000000000693889390391;0.017916666666666667545593227828
-0.035000000000000003330669073875;0.015833333333333334674852821422;0.032083333333333331760517381781;0.008750000000000000832667268469;0.017083333333333332315628894094;0.062916666666666662410811738937;0.001250000000000000026020852140;0.013750000000000000069388939039;0.025000000000000001387778780781;0.005833333333333333599324266316;0.020416666666666666296592325125;0.072916666666666671292595935938;0.020000000000000000416333634234;0.029583333333333333009518284484;0.013333333333333334189130248149;0.038749999999999999722444243844;0.011249999999999999583666365766;0.017916666666666667545593227828;0.022083333333333333287074040641;0.006666666666666667094565124074;0.009583333333333332593184650250;0.022083333333333333287074040641;0.007499999999999999722444243844;0.010000000000000000208166817117;0.057916666666666664908813544344;0.022083333333333333287074040641;0.022499999999999999167332731531;0.018749999999999999306110609609;0.000833333333333333386820640509;0.062916666666666662410811738937;0.073749999999999996114219413812;0.007499999999999999722444243844;0.011666666666666667198648532633;0.010000000000000000208166817117;0.020833333333333332176851016015;0.016666666666666666435370203203;0.006666666666666667094565124074;0.010416666666666666088425508008;0.006250000000000000346944695195;0.010416666666666666088425508008;0.003749999999999999861222121922;0.025000000000000001387778780781;0.000000000000000000000000000000;0.005833333333333333599324266316;0.011249999999999999583666365766;0.003333333333333333547282562037;0.020416666666666666296592325125;0.017083333333333332315628894094;0.020000000000000000416333634234;0.014583333333333333564629796797
-0.042083333333333333703407674875;0.011249999999999999583666365766;0.044166666666666666574148081281;0.000416666666666666693410320255;0.005416666666666666851703837438;0.062916666666666662410811738937;0.001250000000000000026020852140;0.009583333333333332593184650250;0.014999999999999999444888487687;0.014166666666666665949647629930;0.017083333333333332315628894094;0.085416666666666668517038374375;0.016250000000000000555111512313;0.033333333333333332870740406406;0.002916666666666666799662133158;0.050000000000000002775557561563;0.006666666666666667094565124074;0.012916666666666666574148081281;0.012500000000000000693889390391;0.005000000000000000104083408559;0.007499999999999999722444243844;0.010833333333333333703407674875;0.006666666666666667094565124074;0.017083333333333332315628894094;0.070416666666666669072149886688;0.028750000000000001249000902703;0.019166666666666665186369300500;0.005833333333333333599324266316;0.000000000000000000000000000000;0.044999999999999998334665463062;0.116250000000000006106226635438;0.008333333333333333217685101602;0.006666666666666667094565124074;0.014583333333333333564629796797;0.017916666666666667545593227828;0.015416666666666667059870654555;0.007916666666666667337426410711;0.025416666666666667268037471672;0.002083333333333333304421275400;0.008750000000000000832667268469;0.000416666666666666693410320255;0.016250000000000000555111512313;0.000000000000000000000000000000;0.007916666666666667337426410711;0.005000000000000000104083408559;0.007499999999999999722444243844;0.022083333333333333287074040641;0.022083333333333333287074040641;0.019583333333333334536074943344;0.016250000000000000555111512313
-0.042500000000000003053113317719;0.013333333333333334189130248149;0.047916666666666669904817155157;0.000000000000000000000000000000;0.005000000000000000104083408559;0.047083333333333331205405869468;0.000833333333333333386820640509;0.012916666666666666574148081281;0.014166666666666665949647629930;0.011249999999999999583666365766;0.021666666666666667406815349750;0.080000000000000001665334536938;0.020000000000000000416333634234;0.039583333333333331482961625625;0.004583333333333333356462979680;0.042500000000000003053113317719;0.010833333333333333703407674875;0.022499999999999999167332731531;0.017083333333333332315628894094;0.003333333333333333547282562037;0.008750000000000000832667268469;0.022083333333333333287074040641;0.007499999999999999722444243844;0.011666666666666667198648532633;0.066250000000000003330669073875;0.031250000000000000000000000000;0.024166666666666666157814447047;0.006250000000000000346944695195;0.000416666666666666693410320255;0.040833333333333332593184650250;0.095833333333333339809634310313;0.004166666666666666608842550801;0.011249999999999999583666365766;0.010000000000000000208166817117;0.014583333333333333564629796797;0.014166666666666665949647629930;0.008333333333333333217685101602;0.020000000000000000416333634234;0.003333333333333333547282562037;0.009583333333333332593184650250;0.001666666666666666773641281019;0.009583333333333332593184650250;0.000000000000000000000000000000;0.008750000000000000832667268469;0.002500000000000000052041704279;0.008333333333333333217685101602;0.026249999999999999028554853453;0.027500000000000000138777878078;0.022916666666666665047591422422;0.025000000000000001387778780781
-0.031666666666666669349705642844;0.010833333333333333703407674875;0.077083333333333337034076748751;0.000833333333333333386820640509;0.007916666666666667337426410711;0.046666666666666668794594130532;0.001250000000000000026020852140;0.008333333333333333217685101602;0.022083333333333333287074040641;0.017083333333333332315628894094;0.019583333333333334536074943344;0.066666666666666665741480812812;0.012083333333333333078907223523;0.033333333333333332870740406406;0.005416666666666666851703837438;0.041250000000000001942890293094;0.016666666666666666435370203203;0.023750000000000000277555756156;0.016666666666666666435370203203;0.005833333333333333599324266316;0.009166666666666666712925959359;0.017500000000000001665334536938;0.007083333333333332974823814965;0.014583333333333333564629796797;0.046666666666666668794594130532;0.024583333333333332038073137937;0.023750000000000000277555756156;0.005000000000000000104083408559;0.000000000000000000000000000000;0.038333333333333330372738601000;0.099583333333333329262515576374;0.017083333333333332315628894094;0.006666666666666667094565124074;0.010833333333333333703407674875;0.016666666666666666435370203203;0.027500000000000000138777878078;0.006666666666666667094565124074;0.019583333333333334536074943344;0.002916666666666666799662133158;0.012916666666666666574148081281;0.002500000000000000052041704279;0.010833333333333333703407674875;0.000000000000000000000000000000;0.009166666666666666712925959359;0.004583333333333333356462979680;0.005833333333333333599324266316;0.036249999999999997501998194593;0.021666666666666667406815349750;0.019166666666666665186369300500;0.017916666666666667545593227828
-0.039166666666666669072149886688;0.010833333333333333703407674875;0.044166666666666666574148081281;0.002500000000000000052041704279;0.012916666666666666574148081281;0.050416666666666665186369300500;0.000833333333333333386820640509;0.014583333333333333564629796797;0.007916666666666667337426410711;0.010000000000000000208166817117;0.016250000000000000555111512313;0.083333333333333328707404064062;0.013750000000000000069388939039;0.031250000000000000000000000000;0.008750000000000000832667268469;0.044583333333333335923853724125;0.011666666666666667198648532633;0.011249999999999999583666365766;0.022083333333333333287074040641;0.004166666666666666608842550801;0.014583333333333333564629796797;0.006666666666666667094565124074;0.002916666666666666799662133158;0.019583333333333334536074943344;0.054166666666666668517038374375;0.028750000000000001249000902703;0.020416666666666666296592325125;0.007916666666666667337426410711;0.000000000000000000000000000000;0.062916666666666662410811738937;0.116250000000000006106226635438;0.007916666666666667337426410711;0.010416666666666666088425508008;0.005833333333333333599324266316;0.011666666666666667198648532633;0.023750000000000000277555756156;0.007083333333333332974823814965;0.027916666666666666019036568969;0.000416666666666666693410320255;0.006250000000000000346944695195;0.003333333333333333547282562037;0.003749999999999999861222121922;0.000000000000000000000000000000;0.007916666666666667337426410711;0.010000000000000000208166817117;0.009166666666666666712925959359;0.032083333333333331760517381781;0.026249999999999999028554853453;0.014999999999999999444888487687;0.016666666666666666435370203203
-0.033750000000000002220446049250;0.009583333333333332593184650250;0.050000000000000002775557561563;0.000000000000000000000000000000;0.025000000000000001387778780781;0.072083333333333332593184650250;0.000000000000000000000000000000;0.014999999999999999444888487687;0.004583333333333333356462979680;0.020416666666666666296592325125;0.025416666666666667268037471672;0.059583333333333335368742211813;0.026249999999999999028554853453;0.048750000000000001665334536938;0.007499999999999999722444243844;0.029583333333333333009518284484;0.010833333333333333703407674875;0.015833333333333334674852821422;0.019583333333333334536074943344;0.009583333333333332593184650250;0.012083333333333333078907223523;0.008333333333333333217685101602;0.005000000000000000104083408559;0.022083333333333333287074040641;0.050416666666666665186369300500;0.034166666666666664631257788187;0.022083333333333333287074040641;0.002500000000000000052041704279;0.000000000000000000000000000000;0.090833333333333335368742211813;0.027500000000000000138777878078;0.010416666666666666088425508008;0.010000000000000000208166817117;0.007083333333333332974823814965;0.017916666666666667545593227828;0.024166666666666666157814447047;0.010833333333333333703407674875;0.007499999999999999722444243844;0.000000000000000000000000000000;0.008750000000000000832667268469;0.002083333333333333304421275400;0.004166666666666666608842550801;0.000000000000000000000000000000;0.009583333333333332593184650250;0.006666666666666667094565124074;0.005000000000000000104083408559;0.037499999999999998612221219219;0.028750000000000001249000902703;0.027083333333333334258519187188;0.024166666666666666157814447047
-0.037916666666666667961926862063;0.010833333333333333703407674875;0.055000000000000000277555756156;0.000000000000000000000000000000;0.016666666666666666435370203203;0.065416666666666664631257788187;0.000000000000000000000000000000;0.014166666666666665949647629930;0.009166666666666666712925959359;0.022499999999999999167332731531;0.025000000000000001387778780781;0.044166666666666666574148081281;0.021250000000000001526556658860;0.035833333333333335091186455656;0.005833333333333333599324266316;0.027083333333333334258519187188;0.012083333333333333078907223523;0.020000000000000000416333634234;0.019583333333333334536074943344;0.010000000000000000208166817117;0.012916666666666666574148081281;0.014583333333333333564629796797;0.006666666666666667094565124074;0.017500000000000001665334536938;0.062916666666666662410811738937;0.031666666666666669349705642844;0.030416666666666668239482618219;0.005833333333333333599324266316;0.000000000000000000000000000000;0.075833333333333335923853724125;0.025833333333333333148296162562;0.008750000000000000832667268469;0.011249999999999999583666365766;0.012500000000000000693889390391;0.020833333333333332176851016015;0.022499999999999999167332731531;0.010833333333333333703407674875;0.009583333333333332593184650250;0.001250000000000000026020852140;0.014583333333333333564629796797;0.001250000000000000026020852140;0.009583333333333332593184650250;0.000000000000000000000000000000;0.006666666666666667094565124074;0.005000000000000000104083408559;0.009583333333333332593184650250;0.039166666666666669072149886688;0.027083333333333334258519187188;0.030416666666666668239482618219;0.022499999999999999167332731531
-0.040833333333333332593184650250;0.009583333333333332593184650250;0.051249999999999996946886682281;0.000000000000000000000000000000;0.016666666666666666435370203203;0.074166666666666672402818960563;0.000416666666666666693410320255;0.010416666666666666088425508008;0.005416666666666666851703837438;0.013333333333333334189130248149;0.022499999999999999167332731531;0.057500000000000002498001805407;0.025833333333333333148296162562;0.042083333333333333703407674875;0.005416666666666666851703837438;0.022083333333333333287074040641;0.007083333333333332974823814965;0.017500000000000001665334536938;0.016250000000000000555111512313;0.007916666666666667337426410711;0.012916666666666666574148081281;0.006666666666666667094565124074;0.008333333333333333217685101602;0.015833333333333334674852821422;0.052083333333333335646297967969;0.040000000000000000832667268469;0.029999999999999998889776975375;0.002916666666666666799662133158;0.000000000000000000000000000000;0.087499999999999994448884876874;0.037499999999999998612221219219;0.010416666666666666088425508008;0.008750000000000000832667268469;0.009166666666666666712925959359;0.018333333333333333425851918719;0.024166666666666666157814447047;0.012916666666666666574148081281;0.009166666666666666712925959359;0.000000000000000000000000000000;0.012083333333333333078907223523;0.002500000000000000052041704279;0.003749999999999999861222121922;0.000000000000000000000000000000;0.007916666666666667337426410711;0.005000000000000000104083408559;0.008750000000000000832667268469;0.037083333333333336201409480282;0.039166666666666669072149886688;0.025833333333333333148296162562;0.025000000000000001387778780781
-0.041666666666666664353702032031;0.009166666666666666712925959359;0.042916666666666665463925056656;0.000000000000000000000000000000;0.019583333333333334536074943344;0.060833333333333336478965236438;0.000416666666666666693410320255;0.014166666666666665949647629930;0.004166666666666666608842550801;0.020833333333333332176851016015;0.027083333333333334258519187188;0.057916666666666664908813544344;0.022499999999999999167332731531;0.050416666666666665186369300500;0.005000000000000000104083408559;0.030416666666666668239482618219;0.007916666666666667337426410711;0.019166666666666665186369300500;0.022916666666666665047591422422;0.004583333333333333356462979680;0.018333333333333333425851918719;0.007499999999999999722444243844;0.008333333333333333217685101602;0.014999999999999999444888487687;0.057083333333333333148296162562;0.039166666666666669072149886688;0.034583333333333333980963431031;0.004166666666666666608842550801;0.000000000000000000000000000000;0.052916666666666667406815349750;0.032916666666666663521034763562;0.007083333333333332974823814965;0.010000000000000000208166817117;0.007916666666666667337426410711;0.018749999999999999306110609609;0.028750000000000001249000902703;0.013333333333333334189130248149;0.010416666666666666088425508008;0.000000000000000000000000000000;0.008750000000000000832667268469;0.001666666666666666773641281019;0.006666666666666667094565124074;0.000000000000000000000000000000;0.009166666666666666712925959359;0.006250000000000000346944695195;0.007083333333333332974823814965;0.037916666666666667961926862063;0.035000000000000003330669073875;0.033750000000000002220446049250;0.025833333333333333148296162562
-0.039583333333333331482961625625;0.007083333333333332974823814965;0.050000000000000002775557561563;0.000000000000000000000000000000;0.030833333333333334119741309109;0.052499999999999998057109706906;0.001250000000000000026020852140;0.019583333333333334536074943344;0.012916666666666666574148081281;0.012916666666666666574148081281;0.026666666666666668378260496297;0.062500000000000000000000000000;0.020000000000000000416333634234;0.035000000000000003330669073875;0.008333333333333333217685101602;0.034583333333333333980963431031;0.010416666666666666088425508008;0.018333333333333333425851918719;0.028333333333333331899295259859;0.010833333333333333703407674875;0.019583333333333334536074943344;0.012083333333333333078907223523;0.006666666666666667094565124074;0.016250000000000000555111512313;0.051666666666666666296592325125;0.033333333333333332870740406406;0.028750000000000001249000902703;0.003333333333333333547282562037;0.000833333333333333386820640509;0.065833333333333327042069527124;0.028750000000000001249000902703;0.009583333333333332593184650250;0.016250000000000000555111512313;0.010000000000000000208166817117;0.019166666666666665186369300500;0.023333333333333334397297065266;0.014583333333333333564629796797;0.005416666666666666851703837438;0.000833333333333333386820640509;0.013333333333333334189130248149;0.004166666666666666608842550801;0.007499999999999999722444243844;0.000000000000000000000000000000;0.005833333333333333599324266316;0.008750000000000000832667268469;0.009583333333333332593184650250;0.036249999999999997501998194593;0.022916666666666665047591422422;0.027500000000000000138777878078;0.016250000000000000555111512313
-0.032500000000000001110223024625;0.014999999999999999444888487687;0.063333333333333338699411285688;0.000416666666666666693410320255;0.025000000000000001387778780781;0.053333333333333336756520992594;0.000000000000000000000000000000;0.017916666666666667545593227828;0.009166666666666666712925959359;0.020416666666666666296592325125;0.024583333333333332038073137937;0.053333333333333336756520992594;0.016250000000000000555111512313;0.046249999999999999444888487687;0.004166666666666666608842550801;0.028333333333333331899295259859;0.010000000000000000208166817117;0.020000000000000000416333634234;0.023750000000000000277555756156;0.007916666666666667337426410711;0.014583333333333333564629796797;0.013750000000000000069388939039;0.006250000000000000346944695195;0.019583333333333334536074943344;0.053749999999999999167332731531;0.035833333333333335091186455656;0.029583333333333333009518284484;0.005000000000000000104083408559;0.000416666666666666693410320255;0.050000000000000002775557561563;0.039166666666666669072149886688;0.007499999999999999722444243844;0.010833333333333333703407674875;0.009166666666666666712925959359;0.011666666666666667198648532633;0.027083333333333334258519187188;0.008750000000000000832667268469;0.005416666666666666851703837438;0.001250000000000000026020852140;0.014166666666666665949647629930;0.001666666666666666773641281019;0.007916666666666667337426410711;0.000000000000000000000000000000;0.008750000000000000832667268469;0.005000000000000000104083408559;0.010000000000000000208166817117;0.042500000000000003053113317719;0.035833333333333335091186455656;0.035000000000000003330669073875;0.017916666666666667545593227828
-0.034166666666666664631257788187;0.014583333333333333564629796797;0.057916666666666664908813544344;0.000000000000000000000000000000;0.022083333333333333287074040641;0.054583333333333330927850113312;0.000000000000000000000000000000;0.018749999999999999306110609609;0.018333333333333333425851918719;0.015416666666666667059870654555;0.022083333333333333287074040641;0.076249999999999998334665463062;0.017500000000000001665334536938;0.030416666666666668239482618219;0.006250000000000000346944695195;0.035000000000000003330669073875;0.007083333333333332974823814965;0.023750000000000000277555756156;0.022916666666666665047591422422;0.005416666666666666851703837438;0.014583333333333333564629796797;0.017083333333333332315628894094;0.005833333333333333599324266316;0.015416666666666667059870654555;0.052499999999999998057109706906;0.024583333333333332038073137937;0.028333333333333331899295259859;0.006666666666666667094565124074;0.000000000000000000000000000000;0.064583333333333339809634310313;0.050833333333333334536074943344;0.007083333333333332974823814965;0.012916666666666666574148081281;0.007916666666666667337426410711;0.017916666666666667545593227828;0.025833333333333333148296162562;0.008750000000000000832667268469;0.006666666666666667094565124074;0.002500000000000000052041704279;0.011249999999999999583666365766;0.002083333333333333304421275400;0.010416666666666666088425508008;0.000000000000000000000000000000;0.006666666666666667094565124074;0.005833333333333333599324266316;0.006250000000000000346944695195;0.033750000000000002220446049250;0.025000000000000001387778780781;0.026666666666666668378260496297;0.019583333333333334536074943344
-0.037916666666666667961926862063;0.008333333333333333217685101602;0.042916666666666665463925056656;0.000000000000000000000000000000;0.020416666666666666296592325125;0.067500000000000004440892098501;0.000416666666666666693410320255;0.013333333333333334189130248149;0.019166666666666665186369300500;0.010833333333333333703407674875;0.019583333333333334536074943344;0.040833333333333332593184650250;0.032916666666666663521034763562;0.044999999999999998334665463062;0.004583333333333333356462979680;0.026249999999999999028554853453;0.007083333333333332974823814965;0.020833333333333332176851016015;0.022083333333333333287074040641;0.007499999999999999722444243844;0.013333333333333334189130248149;0.008750000000000000832667268469;0.010000000000000000208166817117;0.022083333333333333287074040641;0.062500000000000000000000000000;0.034166666666666664631257788187;0.022499999999999999167332731531;0.009583333333333332593184650250;0.000416666666666666693410320255;0.096250000000000002220446049250;0.027916666666666666019036568969;0.009583333333333332593184650250;0.010416666666666666088425508008;0.007083333333333332974823814965;0.024583333333333332038073137937;0.023333333333333334397297065266;0.007916666666666667337426410711;0.010000000000000000208166817117;0.002500000000000000052041704279;0.012083333333333333078907223523;0.002916666666666666799662133158;0.008333333333333333217685101602;0.000000000000000000000000000000;0.007083333333333332974823814965;0.004166666666666666608842550801;0.007083333333333332974823814965;0.028750000000000001249000902703;0.025000000000000001387778780781;0.035416666666666665741480812812;0.018749999999999999306110609609
-0.033333333333333332870740406406;0.010833333333333333703407674875;0.047500000000000000555111512313;0.000000000000000000000000000000;0.023333333333333334397297065266;0.057500000000000002498001805407;0.000833333333333333386820640509;0.014999999999999999444888487687;0.010000000000000000208166817117;0.016250000000000000555111512313;0.023333333333333334397297065266;0.044583333333333335923853724125;0.031666666666666669349705642844;0.043749999999999997224442438437;0.008750000000000000832667268469;0.023333333333333334397297065266;0.008750000000000000832667268469;0.022083333333333333287074040641;0.025833333333333333148296162562;0.007916666666666667337426410711;0.016250000000000000555111512313;0.007083333333333332974823814965;0.011249999999999999583666365766;0.017083333333333332315628894094;0.050000000000000002775557561563;0.033333333333333332870740406406;0.030833333333333334119741309109;0.007083333333333332974823814965;0.000416666666666666693410320255;0.094166666666666662410811738937;0.031666666666666669349705642844;0.008750000000000000832667268469;0.012500000000000000693889390391;0.008750000000000000832667268469;0.024583333333333332038073137937;0.025416666666666667268037471672;0.010000000000000000208166817117;0.008333333333333333217685101602;0.000000000000000000000000000000;0.011249999999999999583666365766;0.004166666666666666608842550801;0.010416666666666666088425508008;0.000000000000000000000000000000;0.010833333333333333703407674875;0.005416666666666666851703837438;0.010416666666666666088425508008;0.025000000000000001387778780781;0.023750000000000000277555756156;0.024166666666666666157814447047;0.022499999999999999167332731531
-0.020416666666666666296592325125;0.011666666666666667198648532633;0.042500000000000003053113317719;0.002500000000000000052041704279;0.031666666666666669349705642844;0.068750000000000005551115123126;0.002083333333333333304421275400;0.012916666666666666574148081281;0.024583333333333332038073137937;0.005833333333333333599324266316;0.017500000000000001665334536938;0.058749999999999996669330926125;0.046249999999999999444888487687;0.029583333333333333009518284484;0.012083333333333333078907223523;0.022916666666666665047591422422;0.011249999999999999583666365766;0.024583333333333332038073137937;0.013333333333333334189130248149;0.007499999999999999722444243844;0.006666666666666667094565124074;0.018333333333333333425851918719;0.010833333333333333703407674875;0.009583333333333332593184650250;0.047500000000000000555111512313;0.023750000000000000277555756156;0.019166666666666665186369300500;0.004166666666666666608842550801;0.000000000000000000000000000000;0.109166666666666661855700226624;0.037083333333333336201409480282;0.006250000000000000346944695195;0.021666666666666667406815349750;0.008750000000000000832667268469;0.028750000000000001249000902703;0.017916666666666667545593227828;0.010416666666666666088425508008;0.008750000000000000832667268469;0.004583333333333333356462979680;0.012500000000000000693889390391;0.001666666666666666773641281019;0.016250000000000000555111512313;0.000000000000000000000000000000;0.006666666666666667094565124074;0.007916666666666667337426410711;0.005416666666666666851703837438;0.019166666666666665186369300500;0.019166666666666665186369300500;0.027083333333333334258519187188;0.024166666666666666157814447047
-0.025416666666666667268037471672;0.014999999999999999444888487687;0.045416666666666667684371105906;0.001666666666666666773641281019;0.023750000000000000277555756156;0.075833333333333335923853724125;0.001250000000000000026020852140;0.012500000000000000693889390391;0.010833333333333333703407674875;0.011666666666666667198648532633;0.019166666666666665186369300500;0.049583333333333333425851918719;0.038333333333333330372738601000;0.039583333333333331482961625625;0.006666666666666667094565124074;0.028333333333333331899295259859;0.013750000000000000069388939039;0.020416666666666666296592325125;0.020000000000000000416333634234;0.007916666666666667337426410711;0.007499999999999999722444243844;0.015833333333333334674852821422;0.008750000000000000832667268469;0.021666666666666667406815349750;0.041250000000000001942890293094;0.029166666666666667129259593594;0.022916666666666665047591422422;0.005416666666666666851703837438;0.000000000000000000000000000000;0.121666666666666672957930472876;0.025416666666666667268037471672;0.008750000000000000832667268469;0.020416666666666666296592325125;0.006666666666666667094565124074;0.021666666666666667406815349750;0.027083333333333334258519187188;0.007916666666666667337426410711;0.005833333333333333599324266316;0.000833333333333333386820640509;0.010000000000000000208166817117;0.003333333333333333547282562037;0.006666666666666667094565124074;0.000000000000000000000000000000;0.010416666666666666088425508008;0.008333333333333333217685101602;0.004166666666666666608842550801;0.028333333333333331899295259859;0.022916666666666665047591422422;0.021250000000000001526556658860;0.018749999999999999306110609609
-0.030833333333333334119741309109;0.011666666666666667198648532633;0.051249999999999996946886682281;0.000416666666666666693410320255;0.028750000000000001249000902703;0.046249999999999999444888487687;0.000000000000000000000000000000;0.017916666666666667545593227828;0.012083333333333333078907223523;0.013750000000000000069388939039;0.023750000000000000277555756156;0.037916666666666667961926862063;0.026249999999999999028554853453;0.040000000000000000832667268469;0.010833333333333333703407674875;0.020833333333333332176851016015;0.014999999999999999444888487687;0.024583333333333332038073137937;0.034166666666666664631257788187;0.010833333333333333703407674875;0.017083333333333332315628894094;0.016666666666666666435370203203;0.006250000000000000346944695195;0.014166666666666665949647629930;0.041250000000000001942890293094;0.030416666666666668239482618219;0.029999999999999998889776975375;0.007499999999999999722444243844;0.000416666666666666693410320255;0.074999999999999997224442438437;0.031250000000000000000000000000;0.007916666666666667337426410711;0.020833333333333332176851016015;0.008333333333333333217685101602;0.020416666666666666296592325125;0.023750000000000000277555756156;0.008750000000000000832667268469;0.004583333333333333356462979680;0.003749999999999999861222121922;0.014166666666666665949647629930;0.003333333333333333547282562037;0.009166666666666666712925959359;0.000000000000000000000000000000;0.010833333333333333703407674875;0.014999999999999999444888487687;0.007499999999999999722444243844;0.039583333333333331482961625625;0.027916666666666666019036568969;0.027916666666666666019036568969;0.019166666666666665186369300500
-0.029999999999999998889776975375;0.016250000000000000555111512313;0.055000000000000000277555756156;0.006666666666666667094565124074;0.024166666666666666157814447047;0.056250000000000001387778780781;0.001666666666666666773641281019;0.017916666666666667545593227828;0.017083333333333332315628894094;0.012500000000000000693889390391;0.025416666666666667268037471672;0.052083333333333335646297967969;0.026249999999999999028554853453;0.036666666666666666851703837438;0.014166666666666665949647629930;0.029999999999999998889776975375;0.009166666666666666712925959359;0.024583333333333332038073137937;0.015833333333333334674852821422;0.007499999999999999722444243844;0.010416666666666666088425508008;0.019166666666666665186369300500;0.007916666666666667337426410711;0.013333333333333334189130248149;0.055000000000000000277555756156;0.028333333333333331899295259859;0.023750000000000000277555756156;0.002083333333333333304421275400;0.000416666666666666693410320255;0.081666666666666665186369300500;0.032500000000000001110223024625;0.008333333333333333217685101602;0.009583333333333332593184650250;0.010000000000000000208166817117;0.014166666666666665949647629930;0.020416666666666666296592325125;0.012083333333333333078907223523;0.005416666666666666851703837438;0.002500000000000000052041704279;0.011666666666666667198648532633;0.003749999999999999861222121922;0.013333333333333334189130248149;0.000000000000000000000000000000;0.007499999999999999722444243844;0.003749999999999999861222121922;0.007083333333333332974823814965;0.038749999999999999722444243844;0.028333333333333331899295259859;0.027083333333333334258519187188;0.022499999999999999167332731531
-0.044583333333333335923853724125;0.006666666666666667094565124074;0.063750000000000001110223024625;0.001666666666666666773641281019;0.009166666666666666712925959359;0.071249999999999993893773364562;0.001250000000000000026020852140;0.015416666666666667059870654555;0.008750000000000000832667268469;0.013750000000000000069388939039;0.026249999999999999028554853453;0.057500000000000002498001805407;0.023750000000000000277555756156;0.042083333333333333703407674875;0.008750000000000000832667268469;0.034166666666666664631257788187;0.012500000000000000693889390391;0.017083333333333332315628894094;0.023750000000000000277555756156;0.003749999999999999861222121922;0.011666666666666667198648532633;0.012500000000000000693889390391;0.005416666666666666851703837438;0.017500000000000001665334536938;0.056250000000000001387778780781;0.043333333333333334813630699500;0.026249999999999999028554853453;0.002916666666666666799662133158;0.000000000000000000000000000000;0.052916666666666667406815349750;0.031250000000000000000000000000;0.010000000000000000208166817117;0.010833333333333333703407674875;0.010000000000000000208166817117;0.018333333333333333425851918719;0.027916666666666666019036568969;0.010416666666666666088425508008;0.005416666666666666851703837438;0.000416666666666666693410320255;0.010416666666666666088425508008;0.002083333333333333304421275400;0.005833333333333333599324266316;0.000000000000000000000000000000;0.014166666666666665949647629930;0.006666666666666667094565124074;0.007499999999999999722444243844;0.032500000000000001110223024625;0.022499999999999999167332731531;0.032500000000000001110223024625;0.026666666666666668378260496297
-0.021250000000000001526556658860;0.016666666666666666435370203203;0.047083333333333331205405869468;0.010000000000000000208166817117;0.032500000000000001110223024625;0.067083333333333328152292551749;0.001250000000000000026020852140;0.017916666666666667545593227828;0.010416666666666666088425508008;0.011666666666666667198648532633;0.022499999999999999167332731531;0.053333333333333336756520992594;0.027916666666666666019036568969;0.035416666666666665741480812812;0.015416666666666667059870654555;0.020416666666666666296592325125;0.013750000000000000069388939039;0.021250000000000001526556658860;0.030416666666666668239482618219;0.005833333333333333599324266316;0.012500000000000000693889390391;0.012083333333333333078907223523;0.005833333333333333599324266316;0.014166666666666665949647629930;0.035000000000000003330669073875;0.032083333333333331760517381781;0.020000000000000000416333634234;0.010416666666666666088425508008;0.000000000000000000000000000000;0.095000000000000001110223024625;0.020416666666666666296592325125;0.008333333333333333217685101602;0.021666666666666667406815349750;0.010833333333333333703407674875;0.017500000000000001665334536938;0.025416666666666667268037471672;0.005416666666666666851703837438;0.005000000000000000104083408559;0.002500000000000000052041704279;0.010416666666666666088425508008;0.002916666666666666799662133158;0.010416666666666666088425508008;0.000000000000000000000000000000;0.006250000000000000346944695195;0.020416666666666666296592325125;0.002916666666666666799662133158;0.034583333333333333980963431031;0.024583333333333332038073137937;0.026666666666666668378260496297;0.024583333333333332038073137937
-0.017916666666666667545593227828;0.012916666666666666574148081281;0.036666666666666666851703837438;0.001250000000000000026020852140;0.045833333333333330095182844843;0.078333333333333338144299773376;0.001250000000000000026020852140;0.012916666666666666574148081281;0.020000000000000000416333634234;0.007499999999999999722444243844;0.025833333333333333148296162562;0.070416666666666669072149886688;0.046249999999999999444888487687;0.021250000000000001526556658860;0.020416666666666666296592325125;0.019583333333333334536074943344;0.008333333333333333217685101602;0.021666666666666667406815349750;0.029583333333333333009518284484;0.002083333333333333304421275400;0.012916666666666666574148081281;0.015416666666666667059870654555;0.010000000000000000208166817117;0.008750000000000000832667268469;0.044166666666666666574148081281;0.019166666666666665186369300500;0.021666666666666667406815349750;0.010000000000000000208166817117;0.000833333333333333386820640509;0.115000000000000004996003610813;0.028750000000000001249000902703;0.007083333333333332974823814965;0.019583333333333334536074943344;0.007916666666666667337426410711;0.026249999999999999028554853453;0.015416666666666667059870654555;0.008333333333333333217685101602;0.006250000000000000346944695195;0.002083333333333333304421275400;0.004583333333333333356462979680;0.004583333333333333356462979680;0.010000000000000000208166817117;0.000000000000000000000000000000;0.005000000000000000104083408559;0.019166666666666665186369300500;0.005833333333333333599324266316;0.019166666666666665186369300500;0.012500000000000000693889390391;0.022916666666666665047591422422;0.016666666666666666435370203203
-0.022083333333333333287074040641;0.017916666666666667545593227828;0.030833333333333334119741309109;0.003749999999999999861222121922;0.064166666666666663521034763562;0.085833333333333330927850113312;0.001666666666666666773641281019;0.017916666666666667545593227828;0.015833333333333334674852821422;0.007916666666666667337426410711;0.017916666666666667545593227828;0.070833333333333331482961625625;0.039583333333333331482961625625;0.022083333333333333287074040641;0.021666666666666667406815349750;0.020833333333333332176851016015;0.005833333333333333599324266316;0.022499999999999999167332731531;0.032500000000000001110223024625;0.005000000000000000104083408559;0.013333333333333334189130248149;0.011249999999999999583666365766;0.008750000000000000832667268469;0.007499999999999999722444243844;0.040833333333333332593184650250;0.018749999999999999306110609609;0.021666666666666667406815349750;0.008333333333333333217685101602;0.000000000000000000000000000000;0.131250000000000005551115123126;0.027916666666666666019036568969;0.002916666666666666799662133158;0.025416666666666667268037471672;0.003749999999999999861222121922;0.011666666666666667198648532633;0.012500000000000000693889390391;0.008750000000000000832667268469;0.003749999999999999861222121922;0.000416666666666666693410320255;0.005833333333333333599324266316;0.003749999999999999861222121922;0.014166666666666665949647629930;0.000000000000000000000000000000;0.005000000000000000104083408559;0.018749999999999999306110609609;0.004583333333333333356462979680;0.010833333333333333703407674875;0.012083333333333333078907223523;0.025416666666666667268037471672;0.014166666666666665949647629930
-0.024166666666666666157814447047;0.017500000000000001665334536938;0.022083333333333333287074040641;0.002500000000000000052041704279;0.077916666666666661855700226624;0.064583333333333339809634310313;0.003333333333333333547282562037;0.025000000000000001387778780781;0.014166666666666665949647629930;0.005833333333333333599324266316;0.023750000000000000277555756156;0.073749999999999996114219413812;0.025416666666666667268037471672;0.009583333333333332593184650250;0.015416666666666667059870654555;0.020416666666666666296592325125;0.006666666666666667094565124074;0.016250000000000000555111512313;0.036666666666666666851703837438;0.003749999999999999861222121922;0.012083333333333333078907223523;0.002916666666666666799662133158;0.008333333333333333217685101602;0.010000000000000000208166817117;0.042916666666666665463925056656;0.022083333333333333287074040641;0.025416666666666667268037471672;0.016666666666666666435370203203;0.000833333333333333386820640509;0.128750000000000003330669073875;0.037083333333333336201409480282;0.005416666666666666851703837438;0.024166666666666666157814447047;0.007083333333333332974823814965;0.020000000000000000416333634234;0.014999999999999999444888487687;0.012083333333333333078907223523;0.008750000000000000832667268469;0.001250000000000000026020852140;0.003333333333333333547282562037;0.006250000000000000346944695195;0.015416666666666667059870654555;0.000000000000000000000000000000;0.007083333333333332974823814965;0.018749999999999999306110609609;0.004166666666666666608842550801;0.011249999999999999583666365766;0.012500000000000000693889390391;0.020000000000000000416333634234;0.011666666666666667198648532633
-0.025416666666666667268037471672;0.018749999999999999306110609609;0.024583333333333332038073137937;0.003333333333333333547282562037;0.082500000000000003885780586188;0.056666666666666663798590519718;0.002083333333333333304421275400;0.018333333333333333425851918719;0.018749999999999999306110609609;0.005000000000000000104083408559;0.024166666666666666157814447047;0.081250000000000002775557561563;0.019583333333333334536074943344;0.012916666666666666574148081281;0.025416666666666667268037471672;0.014583333333333333564629796797;0.009166666666666666712925959359;0.022916666666666665047591422422;0.042083333333333333703407674875;0.005416666666666666851703837438;0.014166666666666665949647629930;0.008333333333333333217685101602;0.009583333333333332593184650250;0.009583333333333332593184650250;0.036249999999999997501998194593;0.014166666666666665949647629930;0.032500000000000001110223024625;0.014583333333333333564629796797;0.000000000000000000000000000000;0.117916666666666669627261399000;0.032916666666666663521034763562;0.007083333333333332974823814965;0.014999999999999999444888487687;0.007499999999999999722444243844;0.014166666666666665949647629930;0.016666666666666666435370203203;0.010833333333333333703407674875;0.005833333333333333599324266316;0.002916666666666666799662133158;0.012083333333333333078907223523;0.007083333333333332974823814965;0.015833333333333334674852821422;0.000000000000000000000000000000;0.004583333333333333356462979680;0.022916666666666665047591422422;0.005416666666666666851703837438;0.012916666666666666574148081281;0.011666666666666667198648532633;0.017916666666666667545593227828;0.006666666666666667094565124074
-0.025000000000000001387778780781;0.017500000000000001665334536938;0.021250000000000001526556658860;0.003749999999999999861222121922;0.084583333333333329817627088687;0.054583333333333330927850113312;0.005000000000000000104083408559;0.035416666666666665741480812812;0.010000000000000000208166817117;0.006666666666666667094565124074;0.022083333333333333287074040641;0.061666666666666668239482618219;0.016250000000000000555111512313;0.012916666666666666574148081281;0.031666666666666669349705642844;0.011666666666666667198648532633;0.006250000000000000346944695195;0.022916666666666665047591422422;0.060416666666666667129259593594;0.005000000000000000104083408559;0.022916666666666665047591422422;0.009583333333333332593184650250;0.014166666666666665949647629930;0.009583333333333332593184650250;0.030833333333333334119741309109;0.017083333333333332315628894094;0.027916666666666666019036568969;0.011666666666666667198648532633;0.000000000000000000000000000000;0.110416666666666662965923251249;0.023750000000000000277555756156;0.004166666666666666608842550801;0.031250000000000000000000000000;0.006250000000000000346944695195;0.012916666666666666574148081281;0.012500000000000000693889390391;0.012083333333333333078907223523;0.002500000000000000052041704279;0.002500000000000000052041704279;0.010833333333333333703407674875;0.002500000000000000052041704279;0.013333333333333334189130248149;0.000000000000000000000000000000;0.006250000000000000346944695195;0.032083333333333331760517381781;0.005416666666666666851703837438;0.008750000000000000832667268469;0.007083333333333332974823814965;0.028750000000000001249000902703;0.008333333333333333217685101602
-0.023750000000000000277555756156;0.020833333333333332176851016015;0.028750000000000001249000902703;0.002083333333333333304421275400;0.054583333333333330927850113312;0.059583333333333335368742211813;0.002083333333333333304421275400;0.026666666666666668378260496297;0.012500000000000000693889390391;0.008750000000000000832667268469;0.020000000000000000416333634234;0.064583333333333339809634310313;0.020000000000000000416333634234;0.018333333333333333425851918719;0.021666666666666667406815349750;0.022083333333333333287074040641;0.009583333333333332593184650250;0.021666666666666667406815349750;0.052499999999999998057109706906;0.003749999999999999861222121922;0.021250000000000001526556658860;0.008333333333333333217685101602;0.007499999999999999722444243844;0.013750000000000000069388939039;0.041250000000000001942890293094;0.017916666666666667545593227828;0.030833333333333334119741309109;0.008750000000000000832667268469;0.000000000000000000000000000000;0.115000000000000004996003610813;0.032083333333333331760517381781;0.003333333333333333547282562037;0.027916666666666666019036568969;0.006666666666666667094565124074;0.011666666666666667198648532633;0.013333333333333334189130248149;0.012916666666666666574148081281;0.003333333333333333547282562037;0.000833333333333333386820640509;0.007499999999999999722444243844;0.006666666666666667094565124074;0.012916666666666666574148081281;0.000000000000000000000000000000;0.007083333333333332974823814965;0.022916666666666665047591422422;0.006666666666666667094565124074;0.018333333333333333425851918719;0.010416666666666666088425508008;0.027083333333333334258519187188;0.010000000000000000208166817117
-0.024166666666666666157814447047;0.019166666666666665186369300500;0.022499999999999999167332731531;0.001250000000000000026020852140;0.075833333333333335923853724125;0.052499999999999998057109706906;0.003333333333333333547282562037;0.020833333333333332176851016015;0.015416666666666667059870654555;0.007499999999999999722444243844;0.022083333333333333287074040641;0.063333333333333338699411285688;0.024166666666666666157814447047;0.013750000000000000069388939039;0.023333333333333334397297065266;0.013750000000000000069388939039;0.008333333333333333217685101602;0.021666666666666667406815349750;0.045416666666666667684371105906;0.002916666666666666799662133158;0.023333333333333334397297065266;0.018749999999999999306110609609;0.011666666666666667198648532633;0.010416666666666666088425508008;0.029999999999999998889776975375;0.019166666666666665186369300500;0.026249999999999999028554853453;0.017083333333333332315628894094;0.000000000000000000000000000000;0.117916666666666669627261399000;0.030416666666666668239482618219;0.003333333333333333547282562037;0.029999999999999998889776975375;0.007916666666666667337426410711;0.014583333333333333564629796797;0.011666666666666667198648532633;0.009166666666666666712925959359;0.005833333333333333599324266316;0.001666666666666666773641281019;0.014583333333333333564629796797;0.006250000000000000346944695195;0.015416666666666667059870654555;0.000000000000000000000000000000;0.006666666666666667094565124074;0.020833333333333332176851016015;0.010833333333333333703407674875;0.008750000000000000832667268469;0.010833333333333333703407674875;0.025000000000000001387778780781;0.010416666666666666088425508008
-0.035833333333333335091186455656;0.016250000000000000555111512313;0.027916666666666666019036568969;0.002916666666666666799662133158;0.041666666666666664353702032031;0.060833333333333336478965236438;0.002916666666666666799662133158;0.031666666666666669349705642844;0.011249999999999999583666365766;0.009583333333333332593184650250;0.021666666666666667406815349750;0.074999999999999997224442438437;0.016666666666666666435370203203;0.023333333333333334397297065266;0.026666666666666668378260496297;0.017083333333333332315628894094;0.008333333333333333217685101602;0.023333333333333334397297065266;0.050833333333333334536074943344;0.003333333333333333547282562037;0.019166666666666665186369300500;0.008333333333333333217685101602;0.012916666666666666574148081281;0.010000000000000000208166817117;0.039583333333333331482961625625;0.023750000000000000277555756156;0.030416666666666668239482618219;0.012083333333333333078907223523;0.000000000000000000000000000000;0.097083333333333327042069527124;0.039583333333333331482961625625;0.003749999999999999861222121922;0.020000000000000000416333634234;0.005000000000000000104083408559;0.012500000000000000693889390391;0.014166666666666665949647629930;0.006666666666666667094565124074;0.006666666666666667094565124074;0.002083333333333333304421275400;0.009583333333333332593184650250;0.005000000000000000104083408559;0.011249999999999999583666365766;0.000000000000000000000000000000;0.006250000000000000346944695195;0.017083333333333332315628894094;0.009166666666666666712925959359;0.017083333333333332315628894094;0.014999999999999999444888487687;0.021250000000000001526556658860;0.017500000000000001665334536938
-0.032083333333333331760517381781;0.013750000000000000069388939039;0.042500000000000003053113317719;0.002916666666666666799662133158;0.042500000000000003053113317719;0.050416666666666665186369300500;0.002083333333333333304421275400;0.017500000000000001665334536938;0.015416666666666667059870654555;0.013333333333333334189130248149;0.020000000000000000416333634234;0.067083333333333328152292551749;0.015416666666666667059870654555;0.032916666666666663521034763562;0.012083333333333333078907223523;0.020000000000000000416333634234;0.014166666666666665949647629930;0.027500000000000000138777878078;0.032083333333333331760517381781;0.006666666666666667094565124074;0.014999999999999999444888487687;0.020833333333333332176851016015;0.007499999999999999722444243844;0.011666666666666667198648532633;0.039166666666666669072149886688;0.020833333333333332176851016015;0.029166666666666667129259593594;0.009166666666666666712925959359;0.000833333333333333386820640509;0.089999999999999996669330926125;0.035000000000000003330669073875;0.007499999999999999722444243844;0.018333333333333333425851918719;0.006666666666666667094565124074;0.010416666666666666088425508008;0.025000000000000001387778780781;0.012083333333333333078907223523;0.005000000000000000104083408559;0.002916666666666666799662133158;0.013333333333333334189130248149;0.003749999999999999861222121922;0.011249999999999999583666365766;0.000000000000000000000000000000;0.007499999999999999722444243844;0.014999999999999999444888487687;0.007083333333333332974823814965;0.025833333333333333148296162562;0.019583333333333334536074943344;0.034166666666666664631257788187;0.014999999999999999444888487687
-0.032083333333333331760517381781;0.014999999999999999444888487687;0.050000000000000002775557561563;0.000416666666666666693410320255;0.030833333333333334119741309109;0.049166666666666664076146275875;0.001666666666666666773641281019;0.022083333333333333287074040641;0.027916666666666666019036568969;0.012500000000000000693889390391;0.022083333333333333287074040641;0.057916666666666664908813544344;0.020000000000000000416333634234;0.042500000000000003053113317719;0.009166666666666666712925959359;0.017500000000000001665334536938;0.014583333333333333564629796797;0.029583333333333333009518284484;0.032083333333333331760517381781;0.005416666666666666851703837438;0.017500000000000001665334536938;0.027083333333333334258519187188;0.006250000000000000346944695195;0.020000000000000000416333634234;0.035833333333333335091186455656;0.027916666666666666019036568969;0.024583333333333332038073137937;0.012916666666666666574148081281;0.000000000000000000000000000000;0.060833333333333336478965236438;0.033333333333333332870740406406;0.011249999999999999583666365766;0.012500000000000000693889390391;0.007499999999999999722444243844;0.012500000000000000693889390391;0.026666666666666668378260496297;0.007916666666666667337426410711;0.007916666666666667337426410711;0.003749999999999999861222121922;0.016666666666666666435370203203;0.007083333333333332974823814965;0.020833333333333332176851016015;0.000000000000000000000000000000;0.010000000000000000208166817117;0.006250000000000000346944695195;0.007916666666666667337426410711;0.029999999999999998889776975375;0.017083333333333332315628894094;0.021250000000000001526556658860;0.014166666666666665949647629930
-0.027083333333333334258519187188;0.011666666666666667198648532633;0.059166666666666666019036568969;0.000416666666666666693410320255;0.035000000000000003330669073875;0.049166666666666664076146275875;0.000416666666666666693410320255;0.014999999999999999444888487687;0.019166666666666665186369300500;0.014166666666666665949647629930;0.019166666666666665186369300500;0.080833333333333326486958014812;0.017916666666666667545593227828;0.032500000000000001110223024625;0.013333333333333334189130248149;0.022083333333333333287074040641;0.014999999999999999444888487687;0.025416666666666667268037471672;0.020416666666666666296592325125;0.011666666666666667198648532633;0.010000000000000000208166817117;0.023750000000000000277555756156;0.009583333333333332593184650250;0.013333333333333334189130248149;0.044999999999999998334665463062;0.022499999999999999167332731531;0.025000000000000001387778780781;0.007499999999999999722444243844;0.000000000000000000000000000000;0.086666666666666669627261399000;0.034166666666666664631257788187;0.006250000000000000346944695195;0.011666666666666667198648532633;0.009166666666666666712925959359;0.015833333333333334674852821422;0.020833333333333332176851016015;0.008333333333333333217685101602;0.002916666666666666799662133158;0.001666666666666666773641281019;0.014999999999999999444888487687;0.004583333333333333356462979680;0.016666666666666666435370203203;0.000000000000000000000000000000;0.009583333333333332593184650250;0.010000000000000000208166817117;0.004583333333333333356462979680;0.034583333333333333980963431031;0.025833333333333333148296162562;0.016250000000000000555111512313;0.019166666666666665186369300500
-0.028333333333333331899295259859;0.019583333333333334536074943344;0.042083333333333333703407674875;0.001666666666666666773641281019;0.025833333333333333148296162562;0.047083333333333331205405869468;0.002083333333333333304421275400;0.021666666666666667406815349750;0.027500000000000000138777878078;0.011249999999999999583666365766;0.023333333333333334397297065266;0.069166666666666667961926862063;0.014166666666666665949647629930;0.035833333333333335091186455656;0.010000000000000000208166817117;0.022083333333333333287074040641;0.009166666666666666712925959359;0.027500000000000000138777878078;0.022083333333333333287074040641;0.009166666666666666712925959359;0.016666666666666666435370203203;0.017916666666666667545593227828;0.007083333333333332974823814965;0.012916666666666666574148081281;0.048333333333333332315628894094;0.035833333333333335091186455656;0.027916666666666666019036568969;0.010833333333333333703407674875;0.000000000000000000000000000000;0.075416666666666673513041985188;0.049166666666666664076146275875;0.006666666666666667094565124074;0.017083333333333332315628894094;0.006666666666666667094565124074;0.012083333333333333078907223523;0.022083333333333333287074040641;0.009583333333333332593184650250;0.005833333333333333599324266316;0.002500000000000000052041704279;0.009166666666666666712925959359;0.004583333333333333356462979680;0.017916666666666667545593227828;0.000000000000000000000000000000;0.009166666666666666712925959359;0.009166666666666666712925959359;0.008750000000000000832667268469;0.025416666666666667268037471672;0.019166666666666665186369300500;0.027083333333333334258519187188;0.015416666666666667059870654555
-0.032083333333333331760517381781;0.015833333333333334674852821422;0.038333333333333330372738601000;0.002916666666666666799662133158;0.036666666666666666851703837438;0.068750000000000005551115123126;0.002083333333333333304421275400;0.012500000000000000693889390391;0.022083333333333333287074040641;0.011666666666666667198648532633;0.020833333333333332176851016015;0.063333333333333338699411285688;0.032083333333333331760517381781;0.029583333333333333009518284484;0.012916666666666666574148081281;0.020833333333333332176851016015;0.009583333333333332593184650250;0.024583333333333332038073137937;0.025833333333333333148296162562;0.007916666666666667337426410711;0.013333333333333334189130248149;0.013333333333333334189130248149;0.006250000000000000346944695195;0.012083333333333333078907223523;0.042500000000000003053113317719;0.035000000000000003330669073875;0.021666666666666667406815349750;0.019166666666666665186369300500;0.000000000000000000000000000000;0.090833333333333335368742211813;0.031666666666666669349705642844;0.004583333333333333356462979680;0.014999999999999999444888487687;0.007499999999999999722444243844;0.018333333333333333425851918719;0.018749999999999999306110609609;0.010000000000000000208166817117;0.008750000000000000832667268469;0.002083333333333333304421275400;0.011666666666666667198648532633;0.002083333333333333304421275400;0.012500000000000000693889390391;0.000000000000000000000000000000;0.006250000000000000346944695195;0.012500000000000000693889390391;0.007499999999999999722444243844;0.020416666666666666296592325125;0.018333333333333333425851918719;0.027083333333333334258519187188;0.020416666666666666296592325125
-0.033750000000000002220446049250;0.012083333333333333078907223523;0.032916666666666663521034763562;0.000000000000000000000000000000;0.030416666666666668239482618219;0.070000000000000006661338147751;0.001250000000000000026020852140;0.015833333333333334674852821422;0.014583333333333333564629796797;0.009166666666666666712925959359;0.024166666666666666157814447047;0.075833333333333335923853724125;0.022499999999999999167332731531;0.032916666666666663521034763562;0.009166666666666666712925959359;0.023750000000000000277555756156;0.005833333333333333599324266316;0.021250000000000001526556658860;0.034583333333333333980963431031;0.005416666666666666851703837438;0.012916666666666666574148081281;0.008750000000000000832667268469;0.007499999999999999722444243844;0.012083333333333333078907223523;0.046666666666666668794594130532;0.023750000000000000277555756156;0.024166666666666666157814447047;0.015416666666666667059870654555;0.000416666666666666693410320255;0.099166666666666666851703837438;0.050833333333333334536074943344;0.003333333333333333547282562037;0.014166666666666665949647629930;0.006666666666666667094565124074;0.014583333333333333564629796797;0.018749999999999999306110609609;0.012083333333333333078907223523;0.007499999999999999722444243844;0.003333333333333333547282562037;0.008750000000000000832667268469;0.001666666666666666773641281019;0.021666666666666667406815349750;0.000000000000000000000000000000;0.007083333333333332974823814965;0.013333333333333334189130248149;0.007083333333333332974823814965;0.025000000000000001387778780781;0.021666666666666667406815349750;0.023333333333333334397297065266;0.012916666666666666574148081281
-0.019583333333333334536074943344;0.011666666666666667198648532633;0.073749999999999996114219413812;0.003749999999999999861222121922;0.047083333333333331205405869468;0.048333333333333332315628894094;0.001250000000000000026020852140;0.014999999999999999444888487687;0.005833333333333333599324266316;0.013750000000000000069388939039;0.015416666666666667059870654555;0.037916666666666667961926862063;0.021666666666666667406815349750;0.045416666666666667684371105906;0.009583333333333332593184650250;0.025833333333333333148296162562;0.010833333333333333703407674875;0.017500000000000001665334536938;0.021250000000000001526556658860;0.010833333333333333703407674875;0.010416666666666666088425508008;0.012500000000000000693889390391;0.003749999999999999861222121922;0.021666666666666667406815349750;0.034583333333333333980963431031;0.037083333333333336201409480282;0.025416666666666667268037471672;0.011249999999999999583666365766;0.000416666666666666693410320255;0.083333333333333328707404064062;0.032083333333333331760517381781;0.008750000000000000832667268469;0.026249999999999999028554853453;0.012916666666666666574148081281;0.013333333333333334189130248149;0.026666666666666668378260496297;0.008333333333333333217685101602;0.009166666666666666712925959359;0.000416666666666666693410320255;0.010000000000000000208166817117;0.003749999999999999861222121922;0.006250000000000000346944695195;0.000000000000000000000000000000;0.008333333333333333217685101602;0.012916666666666666574148081281;0.003749999999999999861222121922;0.044166666666666666574148081281;0.029583333333333333009518284484;0.022499999999999999167332731531;0.024166666666666666157814447047
-0.024583333333333332038073137937;0.010416666666666666088425508008;0.073333333333333333703407674875;0.014166666666666665949647629930;0.048333333333333332315628894094;0.052499999999999998057109706906;0.000416666666666666693410320255;0.012916666666666666574148081281;0.009166666666666666712925959359;0.014583333333333333564629796797;0.012083333333333333078907223523;0.034583333333333333980963431031;0.017916666666666667545593227828;0.044999999999999998334665463062;0.017500000000000001665334536938;0.029166666666666667129259593594;0.007916666666666667337426410711;0.015833333333333334674852821422;0.021666666666666667406815349750;0.004583333333333333356462979680;0.007916666666666667337426410711;0.014166666666666665949647629930;0.002500000000000000052041704279;0.018749999999999999306110609609;0.038333333333333330372738601000;0.032083333333333331760517381781;0.026249999999999999028554853453;0.017500000000000001665334536938;0.000000000000000000000000000000;0.089583333333333334258519187188;0.024583333333333332038073137937;0.009166666666666666712925959359;0.015833333333333334674852821422;0.010000000000000000208166817117;0.021666666666666667406815349750;0.020416666666666666296592325125;0.006250000000000000346944695195;0.008333333333333333217685101602;0.002083333333333333304421275400;0.012500000000000000693889390391;0.002500000000000000052041704279;0.002083333333333333304421275400;0.000000000000000000000000000000;0.005416666666666666851703837438;0.020833333333333332176851016015;0.003333333333333333547282562037;0.047500000000000000555111512313;0.031250000000000000000000000000;0.016250000000000000555111512313;0.026249999999999999028554853453
-0.024166666666666666157814447047;0.010000000000000000208166817117;0.056666666666666663798590519718;0.001250000000000000026020852140;0.042916666666666665463925056656;0.056250000000000001387778780781;0.001250000000000000026020852140;0.011249999999999999583666365766;0.009583333333333332593184650250;0.016666666666666666435370203203;0.017500000000000001665334536938;0.052083333333333335646297967969;0.033750000000000002220446049250;0.047083333333333331205405869468;0.010000000000000000208166817117;0.030833333333333334119741309109;0.010000000000000000208166817117;0.015833333333333334674852821422;0.026666666666666668378260496297;0.002500000000000000052041704279;0.008750000000000000832667268469;0.013750000000000000069388939039;0.007083333333333332974823814965;0.019166666666666665186369300500;0.044999999999999998334665463062;0.036666666666666666851703837438;0.022083333333333333287074040641;0.006666666666666667094565124074;0.000000000000000000000000000000;0.101666666666666669072149886688;0.026666666666666668378260496297;0.010000000000000000208166817117;0.015833333333333334674852821422;0.009166666666666666712925959359;0.023750000000000000277555756156;0.022083333333333333287074040641;0.007499999999999999722444243844;0.008750000000000000832667268469;0.001666666666666666773641281019;0.008750000000000000832667268469;0.000833333333333333386820640509;0.009166666666666666712925959359;0.000000000000000000000000000000;0.004583333333333333356462979680;0.011666666666666667198648532633;0.005833333333333333599324266316;0.033750000000000002220446049250;0.021666666666666667406815349750;0.019166666666666665186369300500;0.022083333333333333287074040641
-0.017916666666666667545593227828;0.010833333333333333703407674875;0.072083333333333332593184650250;0.007916666666666667337426410711;0.087916666666666670737484423626;0.040000000000000000832667268469;0.000416666666666666693410320255;0.016250000000000000555111512313;0.017916666666666667545593227828;0.020000000000000000416333634234;0.017916666666666667545593227828;0.034583333333333333980963431031;0.012500000000000000693889390391;0.043749999999999997224442438437;0.012083333333333333078907223523;0.021250000000000001526556658860;0.011666666666666667198648532633;0.021250000000000001526556658860;0.024583333333333332038073137937;0.003749999999999999861222121922;0.012916666666666666574148081281;0.015833333333333334674852821422;0.005000000000000000104083408559;0.017083333333333332315628894094;0.027916666666666666019036568969;0.025000000000000001387778780781;0.029999999999999998889776975375;0.015416666666666667059870654555;0.000416666666666666693410320255;0.087083333333333332038073137937;0.015416666666666667059870654555;0.008333333333333333217685101602;0.014166666666666665949647629930;0.017083333333333332315628894094;0.020833333333333332176851016015;0.020833333333333332176851016015;0.003749999999999999861222121922;0.006666666666666667094565124074;0.001666666666666666773641281019;0.011249999999999999583666365766;0.002083333333333333304421275400;0.007916666666666667337426410711;0.000000000000000000000000000000;0.008333333333333333217685101602;0.013750000000000000069388939039;0.004583333333333333356462979680;0.042083333333333333703407674875;0.025000000000000001387778780781;0.019583333333333334536074943344;0.025416666666666667268037471672
-0.023333333333333334397297065266;0.010000000000000000208166817117;0.061666666666666668239482618219;0.007083333333333332974823814965;0.035833333333333335091186455656;0.054166666666666668517038374375;0.001250000000000000026020852140;0.020833333333333332176851016015;0.028750000000000001249000902703;0.014166666666666665949647629930;0.020833333333333332176851016015;0.037916666666666667961926862063;0.024166666666666666157814447047;0.040000000000000000832667268469;0.010833333333333333703407674875;0.025000000000000001387778780781;0.009583333333333332593184650250;0.017500000000000001665334536938;0.027916666666666666019036568969;0.004166666666666666608842550801;0.007916666666666667337426410711;0.019166666666666665186369300500;0.006250000000000000346944695195;0.013333333333333334189130248149;0.045416666666666667684371105906;0.034583333333333333980963431031;0.024166666666666666157814447047;0.011666666666666667198648532633;0.000833333333333333386820640509;0.082916666666666666296592325125;0.031250000000000000000000000000;0.013333333333333334189130248149;0.017083333333333332315628894094;0.009166666666666666712925959359;0.012500000000000000693889390391;0.021250000000000001526556658860;0.006250000000000000346944695195;0.009166666666666666712925959359;0.003333333333333333547282562037;0.015416666666666667059870654555;0.002916666666666666799662133158;0.011666666666666667198648532633;0.000000000000000000000000000000;0.008333333333333333217685101602;0.010416666666666666088425508008;0.006666666666666667094565124074;0.035000000000000003330669073875;0.024166666666666666157814447047;0.019166666666666665186369300500;0.021666666666666667406815349750
-0.028333333333333331899295259859;0.014166666666666665949647629930;0.055416666666666669627261399000;0.003749999999999999861222121922;0.034583333333333333980963431031;0.062500000000000000000000000000;0.000416666666666666693410320255;0.012083333333333333078907223523;0.010833333333333333703407674875;0.013750000000000000069388939039;0.020416666666666666296592325125;0.060416666666666667129259593594;0.021666666666666667406815349750;0.038749999999999999722444243844;0.006250000000000000346944695195;0.022499999999999999167332731531;0.011666666666666667198648532633;0.019583333333333334536074943344;0.034583333333333333980963431031;0.007083333333333332974823814965;0.013750000000000000069388939039;0.012500000000000000693889390391;0.006666666666666667094565124074;0.015833333333333334674852821422;0.042916666666666665463925056656;0.029583333333333333009518284484;0.026249999999999999028554853453;0.008750000000000000832667268469;0.000000000000000000000000000000;0.092499999999999998889776975375;0.036666666666666666851703837438;0.010000000000000000208166817117;0.019166666666666665186369300500;0.013333333333333334189130248149;0.011249999999999999583666365766;0.022916666666666665047591422422;0.010000000000000000208166817117;0.007916666666666667337426410711;0.001666666666666666773641281019;0.007916666666666667337426410711;0.004583333333333333356462979680;0.005416666666666666851703837438;0.000000000000000000000000000000;0.008750000000000000832667268469;0.021250000000000001526556658860;0.002500000000000000052041704279;0.026249999999999999028554853453;0.018333333333333333425851918719;0.019166666666666665186369300500;0.025416666666666667268037471672
-0.023333333333333334397297065266;0.012083333333333333078907223523;0.051666666666666666296592325125;0.004166666666666666608842550801;0.061249999999999998889776975375;0.038333333333333330372738601000;0.001666666666666666773641281019;0.015833333333333334674852821422;0.012916666666666666574148081281;0.014999999999999999444888487687;0.012916666666666666574148081281;0.044583333333333335923853724125;0.014999999999999999444888487687;0.043749999999999997224442438437;0.010833333333333333703407674875;0.024583333333333332038073137937;0.010416666666666666088425508008;0.014583333333333333564629796797;0.049583333333333333425851918719;0.006250000000000000346944695195;0.019583333333333334536074943344;0.018333333333333333425851918719;0.004583333333333333356462979680;0.012916666666666666574148081281;0.035833333333333335091186455656;0.033750000000000002220446049250;0.033333333333333332870740406406;0.010833333333333333703407674875;0.000416666666666666693410320255;0.078750000000000000555111512313;0.027916666666666666019036568969;0.008750000000000000832667268469;0.024166666666666666157814447047;0.011249999999999999583666365766;0.012083333333333333078907223523;0.025833333333333333148296162562;0.008333333333333333217685101602;0.005833333333333333599324266316;0.001666666666666666773641281019;0.009166666666666666712925959359;0.003749999999999999861222121922;0.005416666666666666851703837438;0.000000000000000000000000000000;0.007083333333333332974823814965;0.020833333333333332176851016015;0.004583333333333333356462979680;0.039166666666666669072149886688;0.025416666666666667268037471672;0.020416666666666666296592325125;0.021250000000000001526556658860
-0.029166666666666667129259593594;0.017500000000000001665334536938;0.046666666666666668794594130532;0.006250000000000000346944695195;0.044583333333333335923853724125;0.050000000000000002775557561563;0.002500000000000000052041704279;0.024166666666666666157814447047;0.014583333333333333564629796797;0.013750000000000000069388939039;0.022083333333333333287074040641;0.045416666666666667684371105906;0.013333333333333334189130248149;0.035833333333333335091186455656;0.014999999999999999444888487687;0.025833333333333333148296162562;0.011666666666666667198648532633;0.020000000000000000416333634234;0.048333333333333332315628894094;0.004166666666666666608842550801;0.012500000000000000693889390391;0.012916666666666666574148081281;0.005416666666666666851703837438;0.017500000000000001665334536938;0.045833333333333330095182844843;0.027916666666666666019036568969;0.030833333333333334119741309109;0.010000000000000000208166817117;0.000000000000000000000000000000;0.080833333333333326486958014812;0.022499999999999999167332731531;0.005416666666666666851703837438;0.019583333333333334536074943344;0.004583333333333333356462979680;0.014583333333333333564629796797;0.023333333333333334397297065266;0.010833333333333333703407674875;0.006666666666666667094565124074;0.000416666666666666693410320255;0.007499999999999999722444243844;0.004583333333333333356462979680;0.010416666666666666088425508008;0.000000000000000000000000000000;0.006666666666666667094565124074;0.020416666666666666296592325125;0.007916666666666667337426410711;0.024583333333333332038073137937;0.030833333333333334119741309109;0.027916666666666666019036568969;0.016666666666666666435370203203
-0.022916666666666665047591422422;0.020833333333333332176851016015;0.050416666666666665186369300500;0.005000000000000000104083408559;0.034583333333333333980963431031;0.033750000000000002220446049250;0.001666666666666666773641281019;0.035416666666666665741480812812;0.010000000000000000208166817117;0.012500000000000000693889390391;0.017916666666666667545593227828;0.043749999999999997224442438437;0.015833333333333334674852821422;0.035833333333333335091186455656;0.017916666666666667545593227828;0.015416666666666667059870654555;0.011666666666666667198648532633;0.042083333333333333703407674875;0.035416666666666665741480812812;0.010416666666666666088425508008;0.016666666666666666435370203203;0.007499999999999999722444243844;0.013333333333333334189130248149;0.023750000000000000277555756156;0.030416666666666668239482618219;0.026666666666666668378260496297;0.039166666666666669072149886688;0.012500000000000000693889390391;0.000416666666666666693410320255;0.072499999999999995003996389187;0.021250000000000001526556658860;0.006250000000000000346944695195;0.025000000000000001387778780781;0.007083333333333332974823814965;0.015833333333333334674852821422;0.032083333333333331760517381781;0.012083333333333333078907223523;0.005416666666666666851703837438;0.000416666666666666693410320255;0.018749999999999999306110609609;0.008333333333333333217685101602;0.003333333333333333547282562037;0.000000000000000000000000000000;0.008750000000000000832667268469;0.019166666666666665186369300500;0.006666666666666667094565124074;0.017083333333333332315628894094;0.016250000000000000555111512313;0.043333333333333334813630699500;0.016666666666666666435370203203
-0.024583333333333332038073137937;0.009583333333333332593184650250;0.053333333333333336756520992594;0.002916666666666666799662133158;0.055000000000000000277555756156;0.047916666666666669904817155157;0.002500000000000000052041704279;0.020000000000000000416333634234;0.016666666666666666435370203203;0.011666666666666667198648532633;0.020833333333333332176851016015;0.048750000000000001665334536938;0.015416666666666667059870654555;0.042500000000000003053113317719;0.012500000000000000693889390391;0.021666666666666667406815349750;0.011249999999999999583666365766;0.019583333333333334536074943344;0.032500000000000001110223024625;0.008750000000000000832667268469;0.012083333333333333078907223523;0.015416666666666667059870654555;0.005833333333333333599324266316;0.014999999999999999444888487687;0.038333333333333330372738601000;0.035833333333333335091186455656;0.035833333333333335091186455656;0.010000000000000000208166817117;0.000000000000000000000000000000;0.073749999999999996114219413812;0.040416666666666663243479007406;0.007083333333333332974823814965;0.010000000000000000208166817117;0.011666666666666667198648532633;0.014583333333333333564629796797;0.029583333333333333009518284484;0.010416666666666666088425508008;0.006250000000000000346944695195;0.005416666666666666851703837438;0.014583333333333333564629796797;0.002083333333333333304421275400;0.007499999999999999722444243844;0.000000000000000000000000000000;0.007083333333333332974823814965;0.012083333333333333078907223523;0.007916666666666667337426410711;0.032916666666666663521034763562;0.022083333333333333287074040641;0.019583333333333334536074943344;0.018749999999999999306110609609
-0.029166666666666667129259593594;0.011249999999999999583666365766;0.050000000000000002775557561563;0.001250000000000000026020852140;0.039166666666666669072149886688;0.057916666666666664908813544344;0.000416666666666666693410320255;0.013750000000000000069388939039;0.029583333333333333009518284484;0.015416666666666667059870654555;0.025416666666666667268037471672;0.067916666666666666851703837438;0.017916666666666667545593227828;0.025833333333333333148296162562;0.009166666666666666712925959359;0.022916666666666665047591422422;0.013750000000000000069388939039;0.023750000000000000277555756156;0.037499999999999998612221219219;0.006666666666666667094565124074;0.014583333333333333564629796797;0.018749999999999999306110609609;0.006250000000000000346944695195;0.015833333333333334674852821422;0.035833333333333335091186455656;0.027916666666666666019036568969;0.020416666666666666296592325125;0.010416666666666666088425508008;0.000416666666666666693410320255;0.073749999999999996114219413812;0.036666666666666666851703837438;0.005416666666666666851703837438;0.019166666666666665186369300500;0.005833333333333333599324266316;0.015416666666666667059870654555;0.015833333333333334674852821422;0.005833333333333333599324266316;0.007499999999999999722444243844;0.002500000000000000052041704279;0.012500000000000000693889390391;0.001250000000000000026020852140;0.014166666666666665949647629930;0.000000000000000000000000000000;0.010000000000000000208166817117;0.015416666666666667059870654555;0.007499999999999999722444243844;0.029583333333333333009518284484;0.024166666666666666157814447047;0.021666666666666667406815349750;0.026666666666666668378260496297
-0.037499999999999998612221219219;0.007916666666666667337426410711;0.045833333333333330095182844843;0.002083333333333333304421275400;0.054166666666666668517038374375;0.044999999999999998334665463062;0.002500000000000000052041704279;0.017916666666666667545593227828;0.018749999999999999306110609609;0.012916666666666666574148081281;0.016250000000000000555111512313;0.058749999999999996669330926125;0.015416666666666667059870654555;0.026249999999999999028554853453;0.013333333333333334189130248149;0.024583333333333332038073137937;0.012083333333333333078907223523;0.021666666666666667406815349750;0.035416666666666665741480812812;0.007083333333333332974823814965;0.016250000000000000555111512313;0.020833333333333332176851016015;0.007916666666666667337426410711;0.016250000000000000555111512313;0.045416666666666667684371105906;0.027500000000000000138777878078;0.023750000000000000277555756156;0.015833333333333334674852821422;0.000000000000000000000000000000;0.085000000000000006106226635438;0.038333333333333330372738601000;0.007083333333333332974823814965;0.015416666666666667059870654555;0.005833333333333333599324266316;0.011666666666666667198648532633;0.020833333333333332176851016015;0.007916666666666667337426410711;0.009166666666666666712925959359;0.001666666666666666773641281019;0.011666666666666667198648532633;0.004166666666666666608842550801;0.005000000000000000104083408559;0.000000000000000000000000000000;0.006666666666666667094565124074;0.016666666666666666435370203203;0.007499999999999999722444243844;0.024583333333333332038073137937;0.027500000000000000138777878078;0.022499999999999999167332731531;0.021666666666666667406815349750
-0.024166666666666666157814447047;0.008750000000000000832667268469;0.039583333333333331482961625625;0.001666666666666666773641281019;0.069166666666666667961926862063;0.048750000000000001665334536938;0.001250000000000000026020852140;0.012916666666666666574148081281;0.010000000000000000208166817117;0.017916666666666667545593227828;0.021250000000000001526556658860;0.053333333333333336756520992594;0.015416666666666667059870654555;0.028333333333333331899295259859;0.014166666666666665949647629930;0.022499999999999999167332731531;0.012083333333333333078907223523;0.020833333333333332176851016015;0.044166666666666666574148081281;0.010416666666666666088425508008;0.012083333333333333078907223523;0.007916666666666667337426410711;0.005833333333333333599324266316;0.019583333333333334536074943344;0.040416666666666663243479007406;0.032500000000000001110223024625;0.023750000000000000277555756156;0.005000000000000000104083408559;0.000000000000000000000000000000;0.103333333333333332593184650250;0.034166666666666664631257788187;0.006666666666666667094565124074;0.014583333333333333564629796797;0.011249999999999999583666365766;0.014583333333333333564629796797;0.022499999999999999167332731531;0.010833333333333333703407674875;0.007083333333333332974823814965;0.001250000000000000026020852140;0.010416666666666666088425508008;0.005416666666666666851703837438;0.005000000000000000104083408559;0.000000000000000000000000000000;0.006666666666666667094565124074;0.016250000000000000555111512313;0.009583333333333332593184650250;0.027500000000000000138777878078;0.024166666666666666157814447047;0.023750000000000000277555756156;0.021250000000000001526556658860
-0.031666666666666669349705642844;0.010000000000000000208166817117;0.040833333333333332593184650250;0.002500000000000000052041704279;0.042500000000000003053113317719;0.044583333333333335923853724125;0.001666666666666666773641281019;0.019166666666666665186369300500;0.022083333333333333287074040641;0.015416666666666667059870654555;0.016666666666666666435370203203;0.067916666666666666851703837438;0.014166666666666665949647629930;0.023750000000000000277555756156;0.014166666666666665949647629930;0.022916666666666665047591422422;0.009166666666666666712925959359;0.019166666666666665186369300500;0.047083333333333331205405869468;0.007083333333333332974823814965;0.017083333333333332315628894094;0.017500000000000001665334536938;0.006250000000000000346944695195;0.016666666666666666435370203203;0.042500000000000003053113317719;0.027500000000000000138777878078;0.023750000000000000277555756156;0.014166666666666665949647629930;0.000000000000000000000000000000;0.075416666666666673513041985188;0.054166666666666668517038374375;0.004583333333333333356462979680;0.015416666666666667059870654555;0.009583333333333332593184650250;0.014583333333333333564629796797;0.016666666666666666435370203203;0.011666666666666667198648532633;0.009583333333333332593184650250;0.003333333333333333547282562037;0.011249999999999999583666365766;0.001666666666666666773641281019;0.013333333333333334189130248149;0.000000000000000000000000000000;0.007916666666666667337426410711;0.022083333333333333287074040641;0.009583333333333332593184650250;0.018749999999999999306110609609;0.022083333333333333287074040641;0.023333333333333334397297065266;0.017083333333333332315628894094
-0.023750000000000000277555756156;0.016666666666666666435370203203;0.041250000000000001942890293094;0.005000000000000000104083408559;0.042500000000000003053113317719;0.046249999999999999444888487687;0.002500000000000000052041704279;0.019166666666666665186369300500;0.029166666666666667129259593594;0.012916666666666666574148081281;0.022083333333333333287074040641;0.054583333333333330927850113312;0.014583333333333333564629796797;0.032083333333333331760517381781;0.015416666666666667059870654555;0.017916666666666667545593227828;0.009166666666666666712925959359;0.023333333333333334397297065266;0.048333333333333332315628894094;0.004166666666666666608842550801;0.017083333333333332315628894094;0.014583333333333333564629796797;0.009583333333333332593184650250;0.015416666666666667059870654555;0.042083333333333333703407674875;0.018333333333333333425851918719;0.030416666666666668239482618219;0.015833333333333334674852821422;0.000000000000000000000000000000;0.092916666666666661300588714312;0.034583333333333333980963431031;0.003749999999999999861222121922;0.023333333333333334397297065266;0.010833333333333333703407674875;0.011666666666666667198648532633;0.017916666666666667545593227828;0.010416666666666666088425508008;0.003749999999999999861222121922;0.002916666666666666799662133158;0.011249999999999999583666365766;0.004166666666666666608842550801;0.018749999999999999306110609609;0.000000000000000000000000000000;0.006666666666666667094565124074;0.019583333333333334536074943344;0.005416666666666666851703837438;0.020000000000000000416333634234;0.020833333333333332176851016015;0.021666666666666667406815349750;0.015416666666666667059870654555
-0.027083333333333334258519187188;0.009166666666666666712925959359;0.059999999999999997779553950750;0.003749999999999999861222121922;0.049583333333333333425851918719;0.040833333333333332593184650250;0.000833333333333333386820640509;0.023333333333333334397297065266;0.016666666666666666435370203203;0.010833333333333333703407674875;0.021666666666666667406815349750;0.045833333333333330095182844843;0.017500000000000001665334536938;0.031666666666666669349705642844;0.013333333333333334189130248149;0.025000000000000001387778780781;0.012500000000000000693889390391;0.025416666666666667268037471672;0.040416666666666663243479007406;0.007916666666666667337426410711;0.014583333333333333564629796797;0.014166666666666665949647629930;0.007916666666666667337426410711;0.018749999999999999306110609609;0.040833333333333332593184650250;0.029999999999999998889776975375;0.030416666666666668239482618219;0.012083333333333333078907223523;0.000000000000000000000000000000;0.078750000000000000555111512313;0.022499999999999999167332731531;0.009583333333333332593184650250;0.022916666666666665047591422422;0.009583333333333332593184650250;0.017500000000000001665334536938;0.029583333333333333009518284484;0.010416666666666666088425508008;0.005416666666666666851703837438;0.000833333333333333386820640509;0.007083333333333332974823814965;0.004583333333333333356462979680;0.007916666666666667337426410711;0.000000000000000000000000000000;0.008333333333333333217685101602;0.022499999999999999167332731531;0.004583333333333333356462979680;0.027916666666666666019036568969;0.020000000000000000416333634234;0.021250000000000001526556658860;0.016666666666666666435370203203
-0.036666666666666666851703837438;0.009166666666666666712925959359;0.044583333333333335923853724125;0.001666666666666666773641281019;0.067500000000000004440892098501;0.036249999999999997501998194593;0.000833333333333333386820640509;0.017916666666666667545593227828;0.014999999999999999444888487687;0.014999999999999999444888487687;0.017916666666666667545593227828;0.052916666666666667406815349750;0.012916666666666666574148081281;0.035416666666666665741480812812;0.012083333333333333078907223523;0.022916666666666665047591422422;0.006250000000000000346944695195;0.019166666666666665186369300500;0.035000000000000003330669073875;0.007916666666666667337426410711;0.015416666666666667059870654555;0.007083333333333332974823814965;0.006666666666666667094565124074;0.020833333333333332176851016015;0.049583333333333333425851918719;0.028333333333333331899295259859;0.027916666666666666019036568969;0.007499999999999999722444243844;0.000000000000000000000000000000;0.092499999999999998889776975375;0.029583333333333333009518284484;0.005833333333333333599324266316;0.017916666666666667545593227828;0.007499999999999999722444243844;0.018333333333333333425851918719;0.035000000000000003330669073875;0.007916666666666667337426410711;0.007916666666666667337426410711;0.001666666666666666773641281019;0.014166666666666665949647629930;0.003749999999999999861222121922;0.007083333333333332974823814965;0.000000000000000000000000000000;0.006250000000000000346944695195;0.020833333333333332176851016015;0.005833333333333333599324266316;0.021666666666666667406815349750;0.021250000000000001526556658860;0.027083333333333334258519187188;0.017500000000000001665334536938
-0.022499999999999999167332731531;0.009583333333333332593184650250;0.045416666666666667684371105906;0.002083333333333333304421275400;0.059166666666666666019036568969;0.054166666666666668517038374375;0.002083333333333333304421275400;0.012083333333333333078907223523;0.018749999999999999306110609609;0.008750000000000000832667268469;0.018749999999999999306110609609;0.073333333333333333703407674875;0.014999999999999999444888487687;0.026666666666666668378260496297;0.011666666666666667198648532633;0.019166666666666665186369300500;0.008750000000000000832667268469;0.023333333333333334397297065266;0.044583333333333335923853724125;0.003333333333333333547282562037;0.009166666666666666712925959359;0.014166666666666665949647629930;0.006666666666666667094565124074;0.009583333333333332593184650250;0.039166666666666669072149886688;0.025000000000000001387778780781;0.022916666666666665047591422422;0.016666666666666666435370203203;0.000000000000000000000000000000;0.115000000000000004996003610813;0.048333333333333332315628894094;0.004583333333333333356462979680;0.019166666666666665186369300500;0.009166666666666666712925959359;0.017500000000000001665334536938;0.014999999999999999444888487687;0.005833333333333333599324266316;0.004583333333333333356462979680;0.004166666666666666608842550801;0.006250000000000000346944695195;0.001666666666666666773641281019;0.014999999999999999444888487687;0.000000000000000000000000000000;0.009166666666666666712925959359;0.012083333333333333078907223523;0.003333333333333333547282562037;0.025833333333333333148296162562;0.019166666666666665186369300500;0.030416666666666668239482618219;0.011249999999999999583666365766
-0.024166666666666666157814447047;0.014999999999999999444888487687;0.027083333333333334258519187188;0.003749999999999999861222121922;0.079583333333333339254522798001;0.067916666666666666851703837438;0.002500000000000000052041704279;0.020416666666666666296592325125;0.021666666666666667406815349750;0.005833333333333333599324266316;0.014999999999999999444888487687;0.090833333333333335368742211813;0.012083333333333333078907223523;0.018749999999999999306110609609;0.015416666666666667059870654555;0.018749999999999999306110609609;0.003333333333333333547282562037;0.013333333333333334189130248149;0.053749999999999999167332731531;0.005000000000000000104083408559;0.022916666666666665047591422422;0.010000000000000000208166817117;0.005000000000000000104083408559;0.008750000000000000832667268469;0.033333333333333332870740406406;0.020416666666666666296592325125;0.017083333333333332315628894094;0.010833333333333333703407674875;0.000000000000000000000000000000;0.135833333333333333703407674875;0.040416666666666663243479007406;0.006666666666666667094565124074;0.022083333333333333287074040641;0.003749999999999999861222121922;0.009166666666666666712925959359;0.014583333333333333564629796797;0.009583333333333332593184650250;0.010000000000000000208166817117;0.002083333333333333304421275400;0.006666666666666667094565124074;0.005000000000000000104083408559;0.014166666666666665949647629930;0.000000000000000000000000000000;0.003333333333333333547282562037;0.017500000000000001665334536938;0.004583333333333333356462979680;0.012083333333333333078907223523;0.013333333333333334189130248149;0.016666666666666666435370203203;0.010000000000000000208166817117
-0.035000000000000003330669073875;0.010833333333333333703407674875;0.030833333333333334119741309109;0.000416666666666666693410320255;0.034166666666666664631257788187;0.081250000000000002775557561563;0.000416666666666666693410320255;0.015833333333333334674852821422;0.013333333333333334189130248149;0.010000000000000000208166817117;0.026666666666666668378260496297;0.081250000000000002775557561563;0.016666666666666666435370203203;0.023750000000000000277555756156;0.007916666666666667337426410711;0.033333333333333332870740406406;0.007916666666666667337426410711;0.016250000000000000555111512313;0.032500000000000001110223024625;0.004583333333333333356462979680;0.015416666666666667059870654555;0.008333333333333333217685101602;0.005416666666666666851703837438;0.014583333333333333564629796797;0.070833333333333331482961625625;0.025833333333333333148296162562;0.027500000000000000138777878078;0.005416666666666666851703837438;0.000000000000000000000000000000;0.090833333333333335368742211813;0.040833333333333332593184650250;0.003749999999999999861222121922;0.013333333333333334189130248149;0.009166666666666666712925959359;0.010833333333333333703407674875;0.015416666666666667059870654555;0.012500000000000000693889390391;0.009583333333333332593184650250;0.002083333333333333304421275400;0.005833333333333333599324266316;0.003749999999999999861222121922;0.009166666666666666712925959359;0.000000000000000000000000000000;0.007083333333333332974823814965;0.006666666666666667094565124074;0.005833333333333333599324266316;0.025000000000000001387778780781;0.023333333333333334397297065266;0.025833333333333333148296162562;0.022916666666666665047591422422
-0.033750000000000002220446049250;0.017083333333333332315628894094;0.038749999999999999722444243844;0.004583333333333333356462979680;0.030833333333333334119741309109;0.057083333333333333148296162562;0.000833333333333333386820640509;0.020416666666666666296592325125;0.012083333333333333078907223523;0.012916666666666666574148081281;0.019583333333333334536074943344;0.065416666666666664631257788187;0.018333333333333333425851918719;0.033750000000000002220446049250;0.011666666666666667198648532633;0.029166666666666667129259593594;0.005000000000000000104083408559;0.020000000000000000416333634234;0.036666666666666666851703837438;0.004583333333333333356462979680;0.017500000000000001665334536938;0.016250000000000000555111512313;0.009166666666666666712925959359;0.017916666666666667545593227828;0.048333333333333332315628894094;0.032500000000000001110223024625;0.025416666666666667268037471672;0.005000000000000000104083408559;0.000416666666666666693410320255;0.082083333333333327597181039437;0.042083333333333333703407674875;0.009166666666666666712925959359;0.014999999999999999444888487687;0.010833333333333333703407674875;0.018333333333333333425851918719;0.018333333333333333425851918719;0.008750000000000000832667268469;0.011666666666666667198648532633;0.002083333333333333304421275400;0.007916666666666667337426410711;0.004166666666666666608842550801;0.007499999999999999722444243844;0.000000000000000000000000000000;0.007083333333333332974823814965;0.010833333333333333703407674875;0.007499999999999999722444243844;0.028750000000000001249000902703;0.023750000000000000277555756156;0.021250000000000001526556658860;0.017916666666666667545593227828
-0.046249999999999999444888487687;0.005833333333333333599324266316;0.040416666666666663243479007406;0.000416666666666666693410320255;0.022499999999999999167332731531;0.057500000000000002498001805407;0.000833333333333333386820640509;0.015416666666666667059870654555;0.010416666666666666088425508008;0.017500000000000001665334536938;0.029583333333333333009518284484;0.056250000000000001387778780781;0.023750000000000000277555756156;0.030416666666666668239482618219;0.007083333333333332974823814965;0.033333333333333332870740406406;0.013333333333333334189130248149;0.024166666666666666157814447047;0.029583333333333333009518284484;0.006666666666666667094565124074;0.016250000000000000555111512313;0.010416666666666666088425508008;0.005416666666666666851703837438;0.013750000000000000069388939039;0.059583333333333335368742211813;0.028333333333333331899295259859;0.032500000000000001110223024625;0.002916666666666666799662133158;0.000416666666666666693410320255;0.067916666666666666851703837438;0.033750000000000002220446049250;0.012500000000000000693889390391;0.015833333333333334674852821422;0.008333333333333333217685101602;0.022083333333333333287074040641;0.022916666666666665047591422422;0.010833333333333333703407674875;0.012083333333333333078907223523;0.001250000000000000026020852140;0.010416666666666666088425508008;0.002916666666666666799662133158;0.006250000000000000346944695195;0.000000000000000000000000000000;0.013333333333333334189130248149;0.005416666666666666851703837438;0.010416666666666666088425508008;0.026666666666666668378260496297;0.022499999999999999167332731531;0.030833333333333334119741309109;0.022916666666666665047591422422
-0.042916666666666665463925056656;0.013333333333333334189130248149;0.039583333333333331482961625625;0.000000000000000000000000000000;0.017916666666666667545593227828;0.060833333333333336478965236438;0.001250000000000000026020852140;0.017500000000000001665334536938;0.007916666666666667337426410711;0.025833333333333333148296162562;0.024166666666666666157814447047;0.049583333333333333425851918719;0.021666666666666667406815349750;0.040000000000000000832667268469;0.007916666666666667337426410711;0.034583333333333333980963431031;0.007083333333333332974823814965;0.019583333333333334536074943344;0.020416666666666666296592325125;0.006666666666666667094565124074;0.012083333333333333078907223523;0.009583333333333332593184650250;0.008750000000000000832667268469;0.022499999999999999167332731531;0.055000000000000000277555756156;0.037499999999999998612221219219;0.037916666666666667961926862063;0.005833333333333333599324266316;0.000000000000000000000000000000;0.062500000000000000000000000000;0.026249999999999999028554853453;0.008750000000000000832667268469;0.010833333333333333703407674875;0.014166666666666665949647629930;0.017916666666666667545593227828;0.023750000000000000277555756156;0.008750000000000000832667268469;0.005416666666666666851703837438;0.000416666666666666693410320255;0.009166666666666666712925959359;0.004583333333333333356462979680;0.010000000000000000208166817117;0.000000000000000000000000000000;0.013750000000000000069388939039;0.005833333333333333599324266316;0.009583333333333332593184650250;0.033333333333333332870740406406;0.033750000000000002220446049250;0.025000000000000001387778780781;0.028333333333333331899295259859
-0.036249999999999997501998194593;0.008750000000000000832667268469;0.050833333333333334536074943344;0.005000000000000000104083408559;0.019583333333333334536074943344;0.047500000000000000555111512313;0.000000000000000000000000000000;0.019583333333333334536074943344;0.006250000000000000346944695195;0.016666666666666666435370203203;0.025000000000000001387778780781;0.064166666666666663521034763562;0.014166666666666665949647629930;0.045416666666666667684371105906;0.004166666666666666608842550801;0.028333333333333331899295259859;0.008750000000000000832667268469;0.020416666666666666296592325125;0.015833333333333334674852821422;0.007083333333333332974823814965;0.021250000000000001526556658860;0.009583333333333332593184650250;0.007499999999999999722444243844;0.017916666666666667545593227828;0.057500000000000002498001805407;0.046249999999999999444888487687;0.037499999999999998612221219219;0.005833333333333333599324266316;0.000416666666666666693410320255;0.059999999999999997779553950750;0.035416666666666665741480812812;0.004166666666666666608842550801;0.009583333333333332593184650250;0.009583333333333332593184650250;0.021666666666666667406815349750;0.023333333333333334397297065266;0.012916666666666666574148081281;0.010000000000000000208166817117;0.000833333333333333386820640509;0.010833333333333333703407674875;0.003749999999999999861222121922;0.009166666666666666712925959359;0.000000000000000000000000000000;0.010833333333333333703407674875;0.006666666666666667094565124074;0.008333333333333333217685101602;0.033333333333333332870740406406;0.024583333333333332038073137937;0.033750000000000002220446049250;0.023750000000000000277555756156
-0.031250000000000000000000000000;0.012083333333333333078907223523;0.044583333333333335923853724125;0.002083333333333333304421275400;0.024166666666666666157814447047;0.050000000000000002775557561563;0.002083333333333333304421275400;0.018749999999999999306110609609;0.011249999999999999583666365766;0.021250000000000001526556658860;0.025833333333333333148296162562;0.057916666666666664908813544344;0.019166666666666665186369300500;0.039166666666666669072149886688;0.010416666666666666088425508008;0.028333333333333331899295259859;0.011249999999999999583666365766;0.022916666666666665047591422422;0.019166666666666665186369300500;0.006666666666666667094565124074;0.014583333333333333564629796797;0.007499999999999999722444243844;0.009166666666666666712925959359;0.021666666666666667406815349750;0.042083333333333333703407674875;0.036249999999999997501998194593;0.032083333333333331760517381781;0.002916666666666666799662133158;0.000000000000000000000000000000;0.069166666666666667961926862063;0.040833333333333332593184650250;0.007916666666666667337426410711;0.012916666666666666574148081281;0.010000000000000000208166817117;0.016666666666666666435370203203;0.028333333333333331899295259859;0.014583333333333333564629796797;0.010833333333333333703407674875;0.000833333333333333386820640509;0.007499999999999999722444243844;0.002083333333333333304421275400;0.011666666666666667198648532633;0.000000000000000000000000000000;0.012083333333333333078907223523;0.008333333333333333217685101602;0.007083333333333332974823814965;0.029999999999999998889776975375;0.033750000000000002220446049250;0.030416666666666668239482618219;0.020416666666666666296592325125
-0.037499999999999998612221219219;0.010833333333333333703407674875;0.046666666666666668794594130532;0.000000000000000000000000000000;0.025416666666666667268037471672;0.052916666666666667406815349750;0.000833333333333333386820640509;0.023750000000000000277555756156;0.013750000000000000069388939039;0.015833333333333334674852821422;0.028750000000000001249000902703;0.051666666666666666296592325125;0.023333333333333334397297065266;0.039583333333333331482961625625;0.006250000000000000346944695195;0.032500000000000001110223024625;0.007083333333333332974823814965;0.021250000000000001526556658860;0.032500000000000001110223024625;0.002916666666666666799662133158;0.020416666666666666296592325125;0.008333333333333333217685101602;0.008333333333333333217685101602;0.017500000000000001665334536938;0.044999999999999998334665463062;0.031250000000000000000000000000;0.038749999999999999722444243844;0.002916666666666666799662133158;0.000000000000000000000000000000;0.055000000000000000277555756156;0.037499999999999998612221219219;0.010833333333333333703407674875;0.013333333333333334189130248149;0.007916666666666667337426410711;0.018749999999999999306110609609;0.024166666666666666157814447047;0.014583333333333333564629796797;0.009166666666666666712925959359;0.002916666666666666799662133158;0.009583333333333332593184650250;0.004166666666666666608842550801;0.012083333333333333078907223523;0.000000000000000000000000000000;0.007499999999999999722444243844;0.005833333333333333599324266316;0.008333333333333333217685101602;0.026666666666666668378260496297;0.028333333333333331899295259859;0.036249999999999997501998194593;0.021250000000000001526556658860
-0.040000000000000000832667268469;0.012083333333333333078907223523;0.053333333333333336756520992594;0.000000000000000000000000000000;0.023333333333333334397297065266;0.060416666666666667129259593594;0.000000000000000000000000000000;0.015833333333333334674852821422;0.014166666666666665949647629930;0.012083333333333333078907223523;0.023333333333333334397297065266;0.063750000000000001110223024625;0.014999999999999999444888487687;0.035833333333333335091186455656;0.006250000000000000346944695195;0.027500000000000000138777878078;0.011249999999999999583666365766;0.026249999999999999028554853453;0.022083333333333333287074040641;0.008333333333333333217685101602;0.016666666666666666435370203203;0.011249999999999999583666365766;0.009166666666666666712925959359;0.019166666666666665186369300500;0.051666666666666666296592325125;0.033333333333333332870740406406;0.029166666666666667129259593594;0.005416666666666666851703837438;0.000416666666666666693410320255;0.068750000000000005551115123126;0.035416666666666665741480812812;0.008333333333333333217685101602;0.012916666666666666574148081281;0.007916666666666667337426410711;0.020416666666666666296592325125;0.024583333333333332038073137937;0.010833333333333333703407674875;0.013750000000000000069388939039;0.002083333333333333304421275400;0.012500000000000000693889390391;0.001666666666666666773641281019;0.010000000000000000208166817117;0.000000000000000000000000000000;0.007499999999999999722444243844;0.007916666666666667337426410711;0.004166666666666666608842550801;0.032500000000000001110223024625;0.027916666666666666019036568969;0.023333333333333334397297065266;0.020416666666666666296592325125
-0.036249999999999997501998194593;0.009583333333333332593184650250;0.031250000000000000000000000000;0.000833333333333333386820640509;0.026666666666666668378260496297;0.070000000000000006661338147751;0.002083333333333333304421275400;0.015416666666666667059870654555;0.006666666666666667094565124074;0.011666666666666667198648532633;0.025000000000000001387778780781;0.072916666666666671292595935938;0.026249999999999999028554853453;0.037916666666666667961926862063;0.007083333333333332974823814965;0.034166666666666664631257788187;0.007083333333333332974823814965;0.015833333333333334674852821422;0.025833333333333333148296162562;0.003749999999999999861222121922;0.012083333333333333078907223523;0.007083333333333332974823814965;0.007499999999999999722444243844;0.012500000000000000693889390391;0.055416666666666669627261399000;0.036249999999999997501998194593;0.027500000000000000138777878078;0.003749999999999999861222121922;0.000000000000000000000000000000;0.082083333333333327597181039437;0.035000000000000003330669073875;0.010000000000000000208166817117;0.017500000000000001665334536938;0.006666666666666667094565124074;0.021250000000000001526556658860;0.018333333333333333425851918719;0.013750000000000000069388939039;0.010416666666666666088425508008;0.000000000000000000000000000000;0.009166666666666666712925959359;0.004583333333333333356462979680;0.011249999999999999583666365766;0.000000000000000000000000000000;0.009583333333333332593184650250;0.006250000000000000346944695195;0.007083333333333332974823814965;0.030416666666666668239482618219;0.025000000000000001387778780781;0.028750000000000001249000902703;0.024583333333333332038073137937
-0.035833333333333335091186455656;0.012083333333333333078907223523;0.047083333333333331205405869468;0.002083333333333333304421275400;0.026666666666666668378260496297;0.066666666666666665741480812812;0.002500000000000000052041704279;0.016250000000000000555111512313;0.011666666666666667198648532633;0.015833333333333334674852821422;0.025416666666666667268037471672;0.060416666666666667129259593594;0.034583333333333333980963431031;0.034583333333333333980963431031;0.014583333333333333564629796797;0.036249999999999997501998194593;0.008333333333333333217685101602;0.019583333333333334536074943344;0.018333333333333333425851918719;0.002916666666666666799662133158;0.010833333333333333703407674875;0.009166666666666666712925959359;0.005833333333333333599324266316;0.010833333333333333703407674875;0.054583333333333330927850113312;0.029166666666666667129259593594;0.022916666666666665047591422422;0.007916666666666667337426410711;0.000416666666666666693410320255;0.079166666666666662965923251249;0.035416666666666665741480812812;0.008750000000000000832667268469;0.015833333333333334674852821422;0.010000000000000000208166817117;0.016666666666666666435370203203;0.017916666666666667545593227828;0.009583333333333332593184650250;0.012916666666666666574148081281;0.001666666666666666773641281019;0.009583333333333332593184650250;0.002916666666666666799662133158;0.007083333333333332974823814965;0.000000000000000000000000000000;0.011249999999999999583666365766;0.010833333333333333703407674875;0.005833333333333333599324266316;0.026249999999999999028554853453;0.027500000000000000138777878078;0.022083333333333333287074040641;0.025416666666666667268037471672
-0.035000000000000003330669073875;0.014583333333333333564629796797;0.039583333333333331482961625625;0.006250000000000000346944695195;0.022916666666666665047591422422;0.078333333333333338144299773376;0.003333333333333333547282562037;0.013750000000000000069388939039;0.014999999999999999444888487687;0.011249999999999999583666365766;0.021666666666666667406815349750;0.050833333333333334536074943344;0.031250000000000000000000000000;0.032083333333333331760517381781;0.014166666666666665949647629930;0.027500000000000000138777878078;0.012916666666666666574148081281;0.022916666666666665047591422422;0.028750000000000001249000902703;0.004166666666666666608842550801;0.012500000000000000693889390391;0.017083333333333332315628894094;0.007916666666666667337426410711;0.012916666666666666574148081281;0.054166666666666668517038374375;0.026666666666666668378260496297;0.027916666666666666019036568969;0.009583333333333332593184650250;0.000833333333333333386820640509;0.077916666666666661855700226624;0.028750000000000001249000902703;0.006250000000000000346944695195;0.014166666666666665949647629930;0.009583333333333332593184650250;0.015833333333333334674852821422;0.024583333333333332038073137937;0.008333333333333333217685101602;0.010000000000000000208166817117;0.002083333333333333304421275400;0.012083333333333333078907223523;0.002916666666666666799662133158;0.009166666666666666712925959359;0.000000000000000000000000000000;0.012500000000000000693889390391;0.012500000000000000693889390391;0.006250000000000000346944695195;0.028750000000000001249000902703;0.020833333333333332176851016015;0.023333333333333334397297065266;0.018333333333333333425851918719
-0.036249999999999997501998194593;0.009166666666666666712925959359;0.057500000000000002498001805407;0.000000000000000000000000000000;0.014166666666666665949647629930;0.064166666666666663521034763562;0.000416666666666666693410320255;0.017083333333333332315628894094;0.012083333333333333078907223523;0.017083333333333332315628894094;0.027916666666666666019036568969;0.066666666666666665741480812812;0.021666666666666667406815349750;0.040833333333333332593184650250;0.006666666666666667094565124074;0.027083333333333334258519187188;0.012500000000000000693889390391;0.020000000000000000416333634234;0.018333333333333333425851918719;0.003749999999999999861222121922;0.014166666666666665949647629930;0.013750000000000000069388939039;0.006250000000000000346944695195;0.020000000000000000416333634234;0.058333333333333334258519187188;0.028333333333333331899295259859;0.028750000000000001249000902703;0.004583333333333333356462979680;0.000416666666666666693410320255;0.059583333333333335368742211813;0.034583333333333333980963431031;0.010000000000000000208166817117;0.013333333333333334189130248149;0.009166666666666666712925959359;0.017083333333333332315628894094;0.027500000000000000138777878078;0.008750000000000000832667268469;0.007916666666666667337426410711;0.000833333333333333386820640509;0.011666666666666667198648532633;0.002083333333333333304421275400;0.013333333333333334189130248149;0.000000000000000000000000000000;0.006250000000000000346944695195;0.003333333333333333547282562037;0.007499999999999999722444243844;0.034166666666666664631257788187;0.022499999999999999167332731531;0.037916666666666667961926862063;0.024583333333333332038073137937
-0.034583333333333333980963431031;0.011666666666666667198648532633;0.043749999999999997224442438437;0.003333333333333333547282562037;0.012500000000000000693889390391;0.062500000000000000000000000000;0.000416666666666666693410320255;0.019583333333333334536074943344;0.014999999999999999444888487687;0.014999999999999999444888487687;0.027500000000000000138777878078;0.047083333333333331205405869468;0.022499999999999999167332731531;0.038749999999999999722444243844;0.005833333333333333599324266316;0.030833333333333334119741309109;0.013333333333333334189130248149;0.026666666666666668378260496297;0.020000000000000000416333634234;0.008333333333333333217685101602;0.016666666666666666435370203203;0.010833333333333333703407674875;0.007499999999999999722444243844;0.020416666666666666296592325125;0.050833333333333334536074943344;0.032916666666666663521034763562;0.028750000000000001249000902703;0.010833333333333333703407674875;0.000416666666666666693410320255;0.065833333333333327042069527124;0.037916666666666667961926862063;0.004583333333333333356462979680;0.011249999999999999583666365766;0.010833333333333333703407674875;0.019166666666666665186369300500;0.028333333333333331899295259859;0.014999999999999999444888487687;0.010833333333333333703407674875;0.004166666666666666608842550801;0.008333333333333333217685101602;0.003749999999999999861222121922;0.009166666666666666712925959359;0.000000000000000000000000000000;0.007499999999999999722444243844;0.005416666666666666851703837438;0.005833333333333333599324266316;0.030416666666666668239482618219;0.033333333333333332870740406406;0.025833333333333333148296162562;0.024166666666666666157814447047
-0.036249999999999997501998194593;0.014583333333333333564629796797;0.035833333333333335091186455656;0.000416666666666666693410320255;0.018333333333333333425851918719;0.066666666666666665741480812812;0.000416666666666666693410320255;0.021666666666666667406815349750;0.017916666666666667545593227828;0.010000000000000000208166817117;0.024166666666666666157814447047;0.068750000000000005551115123126;0.021250000000000001526556658860;0.028333333333333331899295259859;0.009166666666666666712925959359;0.027083333333333334258519187188;0.007916666666666667337426410711;0.025416666666666667268037471672;0.027500000000000000138777878078;0.005416666666666666851703837438;0.016250000000000000555111512313;0.014166666666666665949647629930;0.008750000000000000832667268469;0.015833333333333334674852821422;0.051666666666666666296592325125;0.028750000000000001249000902703;0.030833333333333334119741309109;0.003333333333333333547282562037;0.000000000000000000000000000000;0.071249999999999993893773364562;0.045416666666666667684371105906;0.005416666666666666851703837438;0.014999999999999999444888487687;0.007916666666666667337426410711;0.020833333333333332176851016015;0.026249999999999999028554853453;0.013333333333333334189130248149;0.009166666666666666712925959359;0.004583333333333333356462979680;0.007916666666666667337426410711;0.002500000000000000052041704279;0.015416666666666667059870654555;0.000000000000000000000000000000;0.008750000000000000832667268469;0.004583333333333333356462979680;0.009166666666666666712925959359;0.026666666666666668378260496297;0.015833333333333334674852821422;0.035000000000000003330669073875;0.018333333333333333425851918719
-0.027083333333333334258519187188;0.014999999999999999444888487687;0.039166666666666669072149886688;0.000000000000000000000000000000;0.032500000000000001110223024625;0.082083333333333327597181039437;0.000833333333333333386820640509;0.011249999999999999583666365766;0.046666666666666668794594130532;0.012500000000000000693889390391;0.021666666666666667406815349750;0.062500000000000000000000000000;0.015833333333333334674852821422;0.027916666666666666019036568969;0.008750000000000000832667268469;0.018333333333333333425851918719;0.010833333333333333703407674875;0.022083333333333333287074040641;0.023750000000000000277555756156;0.004583333333333333356462979680;0.013333333333333334189130248149;0.015833333333333334674852821422;0.006250000000000000346944695195;0.014166666666666665949647629930;0.047083333333333331205405869468;0.019166666666666665186369300500;0.018333333333333333425851918719;0.016666666666666666435370203203;0.000000000000000000000000000000;0.094166666666666662410811738937;0.034166666666666664631257788187;0.006666666666666667094565124074;0.010000000000000000208166817117;0.008333333333333333217685101602;0.017083333333333332315628894094;0.024166666666666666157814447047;0.007499999999999999722444243844;0.005000000000000000104083408559;0.003333333333333333547282562037;0.008750000000000000832667268469;0.001666666666666666773641281019;0.045416666666666667684371105906;0.000000000000000000000000000000;0.006250000000000000346944695195;0.008333333333333333217685101602;0.005416666666666666851703837438;0.021666666666666667406815349750;0.018749999999999999306110609609;0.024166666666666666157814447047;0.014999999999999999444888487687
-0.032500000000000001110223024625;0.010416666666666666088425508008;0.047083333333333331205405869468;0.009166666666666666712925959359;0.014999999999999999444888487687;0.072499999999999995003996389187;0.000833333333333333386820640509;0.020833333333333332176851016015;0.013750000000000000069388939039;0.013333333333333334189130248149;0.029999999999999998889776975375;0.051666666666666666296592325125;0.027916666666666666019036568969;0.037499999999999998612221219219;0.007916666666666667337426410711;0.032916666666666663521034763562;0.008750000000000000832667268469;0.020416666666666666296592325125;0.022083333333333333287074040641;0.005416666666666666851703837438;0.011666666666666667198648532633;0.011666666666666667198648532633;0.005000000000000000104083408559;0.016250000000000000555111512313;0.056666666666666663798590519718;0.031250000000000000000000000000;0.024583333333333332038073137937;0.010833333333333333703407674875;0.000000000000000000000000000000;0.075416666666666673513041985188;0.028750000000000001249000902703;0.006250000000000000346944695195;0.014999999999999999444888487687;0.016666666666666666435370203203;0.018333333333333333425851918719;0.020416666666666666296592325125;0.010000000000000000208166817117;0.013333333333333334189130248149;0.000416666666666666693410320255;0.011249999999999999583666365766;0.002916666666666666799662133158;0.005416666666666666851703837438;0.000000000000000000000000000000;0.003333333333333333547282562037;0.006666666666666667094565124074;0.006666666666666667094565124074;0.030416666666666668239482618219;0.035000000000000003330669073875;0.022499999999999999167332731531;0.023333333333333334397297065266
-0.036666666666666666851703837438;0.011249999999999999583666365766;0.054166666666666668517038374375;0.005833333333333333599324266316;0.020833333333333332176851016015;0.064166666666666663521034763562;0.000416666666666666693410320255;0.014583333333333333564629796797;0.016250000000000000555111512313;0.010416666666666666088425508008;0.031250000000000000000000000000;0.058333333333333334258519187188;0.029166666666666667129259593594;0.034583333333333333980963431031;0.009583333333333332593184650250;0.038333333333333330372738601000;0.007499999999999999722444243844;0.016666666666666666435370203203;0.015833333333333334674852821422;0.004583333333333333356462979680;0.012083333333333333078907223523;0.010833333333333333703407674875;0.006250000000000000346944695195;0.017083333333333332315628894094;0.066250000000000003330669073875;0.032916666666666663521034763562;0.025416666666666667268037471672;0.005000000000000000104083408559;0.000416666666666666693410320255;0.046666666666666668794594130532;0.037083333333333336201409480282;0.006666666666666667094565124074;0.010000000000000000208166817117;0.009583333333333332593184650250;0.017500000000000001665334536938;0.020000000000000000416333634234;0.010416666666666666088425508008;0.011249999999999999583666365766;0.000833333333333333386820640509;0.010416666666666666088425508008;0.001250000000000000026020852140;0.010416666666666666088425508008;0.000000000000000000000000000000;0.008333333333333333217685101602;0.010000000000000000208166817117;0.005000000000000000104083408559;0.042083333333333333703407674875;0.030833333333333334119741309109;0.029583333333333333009518284484;0.025416666666666667268037471672
-0.045416666666666667684371105906;0.008750000000000000832667268469;0.051249999999999996946886682281;0.003333333333333333547282562037;0.014999999999999999444888487687;0.050833333333333334536074943344;0.001250000000000000026020852140;0.016250000000000000555111512313;0.011249999999999999583666365766;0.016666666666666666435370203203;0.022499999999999999167332731531;0.044999999999999998334665463062;0.022083333333333333287074040641;0.048333333333333332315628894094;0.005833333333333333599324266316;0.027916666666666666019036568969;0.011249999999999999583666365766;0.016666666666666666435370203203;0.023750000000000000277555756156;0.008333333333333333217685101602;0.013333333333333334189130248149;0.013333333333333334189130248149;0.016666666666666666435370203203;0.017916666666666667545593227828;0.048750000000000001665334536938;0.037499999999999998612221219219;0.029166666666666667129259593594;0.006250000000000000346944695195;0.000000000000000000000000000000;0.051666666666666666296592325125;0.029166666666666667129259593594;0.011666666666666667198648532633;0.008750000000000000832667268469;0.013333333333333334189130248149;0.032916666666666663521034763562;0.022916666666666665047591422422;0.011249999999999999583666365766;0.007499999999999999722444243844;0.000416666666666666693410320255;0.018749999999999999306110609609;0.002500000000000000052041704279;0.012083333333333333078907223523;0.000000000000000000000000000000;0.008333333333333333217685101602;0.004583333333333333356462979680;0.010000000000000000208166817117;0.037083333333333336201409480282;0.024166666666666666157814447047;0.037499999999999998612221219219;0.020833333333333332176851016015
-0.037916666666666667961926862063;0.009166666666666666712925959359;0.053333333333333336756520992594;0.005000000000000000104083408559;0.018333333333333333425851918719;0.059583333333333335368742211813;0.002500000000000000052041704279;0.022499999999999999167332731531;0.010833333333333333703407674875;0.012916666666666666574148081281;0.026249999999999999028554853453;0.045833333333333330095182844843;0.022083333333333333287074040641;0.035833333333333335091186455656;0.011666666666666667198648532633;0.028750000000000001249000902703;0.012500000000000000693889390391;0.021666666666666667406815349750;0.024166666666666666157814447047;0.010833333333333333703407674875;0.012916666666666666574148081281;0.009583333333333332593184650250;0.010000000000000000208166817117;0.017916666666666667545593227828;0.048333333333333332315628894094;0.035833333333333335091186455656;0.034583333333333333980963431031;0.009583333333333332593184650250;0.000416666666666666693410320255;0.056250000000000001387778780781;0.026666666666666668378260496297;0.009583333333333332593184650250;0.016666666666666666435370203203;0.010000000000000000208166817117;0.017916666666666667545593227828;0.023750000000000000277555756156;0.011249999999999999583666365766;0.014166666666666665949647629930;0.000000000000000000000000000000;0.010416666666666666088425508008;0.004583333333333333356462979680;0.010833333333333333703407674875;0.000000000000000000000000000000;0.007499999999999999722444243844;0.012500000000000000693889390391;0.006666666666666667094565124074;0.033750000000000002220446049250;0.028333333333333331899295259859;0.027916666666666666019036568969;0.020416666666666666296592325125
-0.033750000000000002220446049250;0.011666666666666667198648532633;0.054583333333333330927850113312;0.021250000000000001526556658860;0.025416666666666667268037471672;0.050416666666666665186369300500;0.002083333333333333304421275400;0.022083333333333333287074040641;0.008333333333333333217685101602;0.016666666666666666435370203203;0.019583333333333334536074943344;0.046666666666666668794594130532;0.016666666666666666435370203203;0.034166666666666664631257788187;0.014999999999999999444888487687;0.031250000000000000000000000000;0.012916666666666666574148081281;0.027083333333333334258519187188;0.031666666666666669349705642844;0.007083333333333332974823814965;0.017500000000000001665334536938;0.010833333333333333703407674875;0.006250000000000000346944695195;0.010833333333333333703407674875;0.046666666666666668794594130532;0.029583333333333333009518284484;0.029583333333333333009518284484;0.013750000000000000069388939039;0.000416666666666666693410320255;0.056666666666666663798590519718;0.035416666666666665741480812812;0.008750000000000000832667268469;0.017916666666666667545593227828;0.007499999999999999722444243844;0.013750000000000000069388939039;0.024166666666666666157814447047;0.013333333333333334189130248149;0.011666666666666667198648532633;0.000000000000000000000000000000;0.009583333333333332593184650250;0.003749999999999999861222121922;0.007083333333333332974823814965;0.000000000000000000000000000000;0.010416666666666666088425508008;0.013750000000000000069388939039;0.006250000000000000346944695195;0.029166666666666667129259593594;0.021666666666666667406815349750;0.032916666666666663521034763562;0.022499999999999999167332731531
-0.032083333333333331760517381781;0.010416666666666666088425508008;0.055416666666666669627261399000;0.030833333333333334119741309109;0.020000000000000000416333634234;0.041666666666666664353702032031;0.001250000000000000026020852140;0.020416666666666666296592325125;0.014166666666666665949647629930;0.014999999999999999444888487687;0.023750000000000000277555756156;0.049583333333333333425851918719;0.016666666666666666435370203203;0.032500000000000001110223024625;0.015416666666666667059870654555;0.032083333333333331760517381781;0.012500000000000000693889390391;0.024583333333333332038073137937;0.031666666666666669349705642844;0.007916666666666667337426410711;0.014583333333333333564629796797;0.011666666666666667198648532633;0.007916666666666667337426410711;0.016250000000000000555111512313;0.048750000000000001665334536938;0.030416666666666668239482618219;0.037499999999999998612221219219;0.007083333333333332974823814965;0.000000000000000000000000000000;0.056250000000000001387778780781;0.033750000000000002220446049250;0.008750000000000000832667268469;0.012500000000000000693889390391;0.007499999999999999722444243844;0.017500000000000001665334536938;0.019583333333333334536074943344;0.012500000000000000693889390391;0.014583333333333333564629796797;0.001250000000000000026020852140;0.007499999999999999722444243844;0.003749999999999999861222121922;0.009583333333333332593184650250;0.000000000000000000000000000000;0.004166666666666666608842550801;0.011249999999999999583666365766;0.005416666666666666851703837438;0.035000000000000003330669073875;0.025833333333333333148296162562;0.028333333333333331899295259859;0.022916666666666665047591422422
-0.032916666666666663521034763562;0.010000000000000000208166817117;0.075416666666666673513041985188;0.000000000000000000000000000000;0.020833333333333332176851016015;0.056250000000000001387778780781;0.000000000000000000000000000000;0.015416666666666667059870654555;0.016250000000000000555111512313;0.022083333333333333287074040641;0.024166666666666666157814447047;0.057083333333333333148296162562;0.014166666666666665949647629930;0.045416666666666667684371105906;0.007916666666666667337426410711;0.028333333333333331899295259859;0.012500000000000000693889390391;0.014999999999999999444888487687;0.018749999999999999306110609609;0.004583333333333333356462979680;0.011666666666666667198648532633;0.012500000000000000693889390391;0.005000000000000000104083408559;0.021250000000000001526556658860;0.055833333333333332038073137937;0.039583333333333331482961625625;0.028750000000000001249000902703;0.005416666666666666851703837438;0.000000000000000000000000000000;0.061666666666666668239482618219;0.042916666666666665463925056656;0.008333333333333333217685101602;0.005000000000000000104083408559;0.010416666666666666088425508008;0.017500000000000001665334536938;0.022916666666666665047591422422;0.009166666666666666712925959359;0.006250000000000000346944695195;0.000833333333333333386820640509;0.011249999999999999583666365766;0.001250000000000000026020852140;0.006666666666666667094565124074;0.000000000000000000000000000000;0.008750000000000000832667268469;0.004166666666666666608842550801;0.006250000000000000346944695195;0.043333333333333334813630699500;0.027916666666666666019036568969;0.022499999999999999167332731531;0.025833333333333333148296162562
-0.042083333333333333703407674875;0.010000000000000000208166817117;0.057500000000000002498001805407;0.000000000000000000000000000000;0.014583333333333333564629796797;0.048750000000000001665334536938;0.001250000000000000026020852140;0.017916666666666667545593227828;0.005416666666666666851703837438;0.020833333333333332176851016015;0.020000000000000000416333634234;0.050833333333333334536074943344;0.015833333333333334674852821422;0.042500000000000003053113317719;0.007499999999999999722444243844;0.033333333333333332870740406406;0.008333333333333333217685101602;0.018333333333333333425851918719;0.020833333333333332176851016015;0.005416666666666666851703837438;0.010000000000000000208166817117;0.012083333333333333078907223523;0.007499999999999999722444243844;0.026249999999999999028554853453;0.053333333333333336756520992594;0.034583333333333333980963431031;0.037916666666666667961926862063;0.009166666666666666712925959359;0.000000000000000000000000000000;0.051666666666666666296592325125;0.029999999999999998889776975375;0.006666666666666667094565124074;0.009583333333333332593184650250;0.014166666666666665949647629930;0.018749999999999999306110609609;0.029166666666666667129259593594;0.011666666666666667198648532633;0.012500000000000000693889390391;0.000833333333333333386820640509;0.010000000000000000208166817117;0.002500000000000000052041704279;0.007083333333333332974823814965;0.000000000000000000000000000000;0.008333333333333333217685101602;0.004583333333333333356462979680;0.010000000000000000208166817117;0.042083333333333333703407674875;0.032083333333333331760517381781;0.037083333333333336201409480282;0.029166666666666667129259593594
-0.034583333333333333980963431031;0.012500000000000000693889390391;0.049583333333333333425851918719;0.010000000000000000208166817117;0.014166666666666665949647629930;0.044999999999999998334665463062;0.000000000000000000000000000000;0.018333333333333333425851918719;0.010833333333333333703407674875;0.011666666666666667198648532633;0.025416666666666667268037471672;0.054583333333333330927850113312;0.017500000000000001665334536938;0.047083333333333331205405869468;0.014583333333333333564629796797;0.032916666666666663521034763562;0.006666666666666667094565124074;0.015833333333333334674852821422;0.033750000000000002220446049250;0.006666666666666667094565124074;0.017083333333333332315628894094;0.014999999999999999444888487687;0.005416666666666666851703837438;0.025416666666666667268037471672;0.044583333333333335923853724125;0.031666666666666669349705642844;0.032916666666666663521034763562;0.005833333333333333599324266316;0.000000000000000000000000000000;0.052083333333333335646297967969;0.034166666666666664631257788187;0.005833333333333333599324266316;0.019166666666666665186369300500;0.014166666666666665949647629930;0.020833333333333332176851016015;0.031666666666666669349705642844;0.010000000000000000208166817117;0.012916666666666666574148081281;0.002916666666666666799662133158;0.009583333333333332593184650250;0.002916666666666666799662133158;0.005416666666666666851703837438;0.000000000000000000000000000000;0.007499999999999999722444243844;0.007916666666666667337426410711;0.005416666666666666851703837438;0.038333333333333330372738601000;0.029166666666666667129259593594;0.031250000000000000000000000000;0.019166666666666665186369300500
-0.036249999999999997501998194593;0.014999999999999999444888487687;0.042083333333333333703407674875;0.000000000000000000000000000000;0.029999999999999998889776975375;0.066250000000000003330669073875;0.000416666666666666693410320255;0.017500000000000001665334536938;0.012916666666666666574148081281;0.013333333333333334189130248149;0.025000000000000001387778780781;0.070416666666666669072149886688;0.020416666666666666296592325125;0.025000000000000001387778780781;0.009583333333333332593184650250;0.029166666666666667129259593594;0.006250000000000000346944695195;0.019583333333333334536074943344;0.034583333333333333980963431031;0.005000000000000000104083408559;0.014999999999999999444888487687;0.009583333333333332593184650250;0.004583333333333333356462979680;0.018749999999999999306110609609;0.057083333333333333148296162562;0.035000000000000003330669073875;0.027500000000000000138777878078;0.004583333333333333356462979680;0.000416666666666666693410320255;0.080416666666666664076146275875;0.039166666666666669072149886688;0.002916666666666666799662133158;0.021666666666666667406815349750;0.007499999999999999722444243844;0.015833333333333334674852821422;0.021666666666666667406815349750;0.010416666666666666088425508008;0.012083333333333333078907223523;0.001250000000000000026020852140;0.005000000000000000104083408559;0.002500000000000000052041704279;0.008333333333333333217685101602;0.000000000000000000000000000000;0.009583333333333332593184650250;0.008333333333333333217685101602;0.009583333333333332593184650250;0.023750000000000000277555756156;0.024166666666666666157814447047;0.023750000000000000277555756156;0.020833333333333332176851016015
-0.034583333333333333980963431031;0.012083333333333333078907223523;0.043749999999999997224442438437;0.000416666666666666693410320255;0.031250000000000000000000000000;0.048333333333333332315628894094;0.000833333333333333386820640509;0.019166666666666665186369300500;0.014583333333333333564629796797;0.015833333333333334674852821422;0.025833333333333333148296162562;0.052083333333333335646297967969;0.027083333333333334258519187188;0.034583333333333333980963431031;0.008333333333333333217685101602;0.028333333333333331899295259859;0.007083333333333332974823814965;0.022083333333333333287074040641;0.033333333333333332870740406406;0.005000000000000000104083408559;0.021666666666666667406815349750;0.012916666666666666574148081281;0.012083333333333333078907223523;0.013750000000000000069388939039;0.047500000000000000555111512313;0.028333333333333331899295259859;0.029583333333333333009518284484;0.009166666666666666712925959359;0.000000000000000000000000000000;0.066250000000000003330669073875;0.042500000000000003053113317719;0.007499999999999999722444243844;0.020000000000000000416333634234;0.014583333333333333564629796797;0.020833333333333332176851016015;0.022499999999999999167332731531;0.012916666666666666574148081281;0.008750000000000000832667268469;0.002916666666666666799662133158;0.004583333333333333356462979680;0.002500000000000000052041704279;0.008333333333333333217685101602;0.000000000000000000000000000000;0.005833333333333333599324266316;0.008750000000000000832667268469;0.009166666666666666712925959359;0.030833333333333334119741309109;0.027500000000000000138777878078;0.028333333333333331899295259859;0.015833333333333334674852821422
-0.031250000000000000000000000000;0.012500000000000000693889390391;0.050416666666666665186369300500;0.000000000000000000000000000000;0.023750000000000000277555756156;0.062500000000000000000000000000;0.002083333333333333304421275400;0.021250000000000001526556658860;0.011249999999999999583666365766;0.013333333333333334189130248149;0.018333333333333333425851918719;0.056250000000000001387778780781;0.022083333333333333287074040641;0.034166666666666664631257788187;0.007083333333333332974823814965;0.021666666666666667406815349750;0.013750000000000000069388939039;0.022916666666666665047591422422;0.037499999999999998612221219219;0.006250000000000000346944695195;0.022083333333333333287074040641;0.011666666666666667198648532633;0.008750000000000000832667268469;0.023750000000000000277555756156;0.050833333333333334536074943344;0.025416666666666667268037471672;0.030416666666666668239482618219;0.009166666666666666712925959359;0.000833333333333333386820640509;0.074166666666666672402818960563;0.036666666666666666851703837438;0.007083333333333332974823814965;0.019166666666666665186369300500;0.012500000000000000693889390391;0.013750000000000000069388939039;0.025000000000000001387778780781;0.012500000000000000693889390391;0.007916666666666667337426410711;0.000416666666666666693410320255;0.012083333333333333078907223523;0.003333333333333333547282562037;0.005833333333333333599324266316;0.000000000000000000000000000000;0.007916666666666667337426410711;0.005416666666666666851703837438;0.009583333333333332593184650250;0.026666666666666668378260496297;0.025416666666666667268037471672;0.022083333333333333287074040641;0.021250000000000001526556658860
-0.044999999999999998334665463062;0.012083333333333333078907223523;0.040000000000000000832667268469;0.000000000000000000000000000000;0.029583333333333333009518284484;0.053333333333333336756520992594;0.000833333333333333386820640509;0.022499999999999999167332731531;0.005416666666666666851703837438;0.017916666666666667545593227828;0.029583333333333333009518284484;0.055416666666666669627261399000;0.020833333333333332176851016015;0.037499999999999998612221219219;0.010000000000000000208166817117;0.025000000000000001387778780781;0.011666666666666667198648532633;0.021666666666666667406815349750;0.033750000000000002220446049250;0.006250000000000000346944695195;0.018333333333333333425851918719;0.005833333333333333599324266316;0.011249999999999999583666365766;0.016250000000000000555111512313;0.054166666666666668517038374375;0.036666666666666666851703837438;0.039583333333333331482961625625;0.006250000000000000346944695195;0.000000000000000000000000000000;0.065000000000000002220446049250;0.026666666666666668378260496297;0.005000000000000000104083408559;0.017083333333333332315628894094;0.007916666666666667337426410711;0.018749999999999999306110609609;0.021666666666666667406815349750;0.016666666666666666435370203203;0.009166666666666666712925959359;0.000000000000000000000000000000;0.005833333333333333599324266316;0.003333333333333333547282562037;0.011249999999999999583666365766;0.000000000000000000000000000000;0.010000000000000000208166817117;0.005833333333333333599324266316;0.006666666666666667094565124074;0.030416666666666668239482618219;0.020000000000000000416333634234;0.032500000000000001110223024625;0.019583333333333334536074943344
-0.037499999999999998612221219219;0.009583333333333332593184650250;0.040416666666666663243479007406;0.000416666666666666693410320255;0.025833333333333333148296162562;0.050833333333333334536074943344;0.000000000000000000000000000000;0.021250000000000001526556658860;0.012916666666666666574148081281;0.018749999999999999306110609609;0.027083333333333334258519187188;0.045416666666666667684371105906;0.023750000000000000277555756156;0.034166666666666664631257788187;0.010833333333333333703407674875;0.029583333333333333009518284484;0.009583333333333332593184650250;0.024166666666666666157814447047;0.046666666666666668794594130532;0.005416666666666666851703837438;0.022499999999999999167332731531;0.010416666666666666088425508008;0.009166666666666666712925959359;0.016666666666666666435370203203;0.046249999999999999444888487687;0.033750000000000002220446049250;0.035416666666666665741480812812;0.007083333333333332974823814965;0.000000000000000000000000000000;0.052499999999999998057109706906;0.026249999999999999028554853453;0.005000000000000000104083408559;0.021666666666666667406815349750;0.008333333333333333217685101602;0.017916666666666667545593227828;0.024166666666666666157814447047;0.012916666666666666574148081281;0.007499999999999999722444243844;0.000833333333333333386820640509;0.007916666666666667337426410711;0.005000000000000000104083408559;0.013750000000000000069388939039;0.000000000000000000000000000000;0.009583333333333332593184650250;0.009583333333333332593184650250;0.009583333333333332593184650250;0.029166666666666667129259593594;0.028333333333333331899295259859;0.031666666666666669349705642844;0.022916666666666665047591422422
-0.037083333333333336201409480282;0.010833333333333333703407674875;0.039583333333333331482961625625;0.000000000000000000000000000000;0.014166666666666665949647629930;0.051666666666666666296592325125;0.000416666666666666693410320255;0.030416666666666668239482618219;0.011666666666666667198648532633;0.015416666666666667059870654555;0.026666666666666668378260496297;0.035416666666666665741480812812;0.019583333333333334536074943344;0.034166666666666664631257788187;0.008750000000000000832667268469;0.021666666666666667406815349750;0.006666666666666667094565124074;0.026666666666666668378260496297;0.037916666666666667961926862063;0.006250000000000000346944695195;0.021250000000000001526556658860;0.014999999999999999444888487687;0.007916666666666667337426410711;0.022083333333333333287074040641;0.050833333333333334536074943344;0.042083333333333333703407674875;0.043749999999999997224442438437;0.008750000000000000832667268469;0.000000000000000000000000000000;0.049583333333333333425851918719;0.032083333333333331760517381781;0.007083333333333332974823814965;0.017083333333333332315628894094;0.007083333333333332974823814965;0.016250000000000000555111512313;0.025833333333333333148296162562;0.017916666666666667545593227828;0.008333333333333333217685101602;0.003333333333333333547282562037;0.013750000000000000069388939039;0.002500000000000000052041704279;0.008333333333333333217685101602;0.000000000000000000000000000000;0.009166666666666666712925959359;0.010416666666666666088425508008;0.010000000000000000208166817117;0.035416666666666665741480812812;0.032916666666666663521034763562;0.027500000000000000138777878078;0.018749999999999999306110609609
-0.035833333333333335091186455656;0.011249999999999999583666365766;0.045416666666666667684371105906;0.000000000000000000000000000000;0.018333333333333333425851918719;0.047083333333333331205405869468;0.001250000000000000026020852140;0.018333333333333333425851918719;0.019583333333333334536074943344;0.017500000000000001665334536938;0.024166666666666666157814447047;0.054583333333333330927850113312;0.014166666666666665949647629930;0.035416666666666665741480812812;0.012083333333333333078907223523;0.027083333333333334258519187188;0.010416666666666666088425508008;0.027916666666666666019036568969;0.032083333333333331760517381781;0.010833333333333333703407674875;0.015833333333333334674852821422;0.015416666666666667059870654555;0.007916666666666667337426410711;0.023750000000000000277555756156;0.044999999999999998334665463062;0.029166666666666667129259593594;0.036249999999999997501998194593;0.014166666666666665949647629930;0.000416666666666666693410320255;0.056666666666666663798590519718;0.042083333333333333703407674875;0.008333333333333333217685101602;0.018333333333333333425851918719;0.008333333333333333217685101602;0.017500000000000001665334536938;0.022083333333333333287074040641;0.009166666666666666712925959359;0.008333333333333333217685101602;0.001666666666666666773641281019;0.011249999999999999583666365766;0.002916666666666666799662133158;0.010000000000000000208166817117;0.000000000000000000000000000000;0.010833333333333333703407674875;0.009583333333333332593184650250;0.006666666666666667094565124074;0.030833333333333334119741309109;0.026249999999999999028554853453;0.032500000000000001110223024625;0.015416666666666667059870654555
-0.036666666666666666851703837438;0.015833333333333334674852821422;0.045833333333333330095182844843;0.000833333333333333386820640509;0.019583333333333334536074943344;0.053749999999999999167332731531;0.002500000000000000052041704279;0.022083333333333333287074040641;0.014166666666666665949647629930;0.010000000000000000208166817117;0.022499999999999999167332731531;0.053333333333333336756520992594;0.017083333333333332315628894094;0.035000000000000003330669073875;0.008750000000000000832667268469;0.029166666666666667129259593594;0.008333333333333333217685101602;0.023333333333333334397297065266;0.028750000000000001249000902703;0.004583333333333333356462979680;0.016250000000000000555111512313;0.014583333333333333564629796797;0.010833333333333333703407674875;0.013333333333333334189130248149;0.053749999999999999167332731531;0.035416666666666665741480812812;0.027916666666666666019036568969;0.010000000000000000208166817117;0.000000000000000000000000000000;0.045416666666666667684371105906;0.040000000000000000832667268469;0.009166666666666666712925959359;0.020833333333333332176851016015;0.012500000000000000693889390391;0.016666666666666666435370203203;0.025416666666666667268037471672;0.016250000000000000555111512313;0.008333333333333333217685101602;0.006666666666666667094565124074;0.012916666666666666574148081281;0.004583333333333333356462979680;0.012500000000000000693889390391;0.000000000000000000000000000000;0.010833333333333333703407674875;0.009166666666666666712925959359;0.005833333333333333599324266316;0.025833333333333333148296162562;0.028750000000000001249000902703;0.030833333333333334119741309109;0.023333333333333334397297065266
-0.024583333333333332038073137937;0.014166666666666665949647629930;0.037499999999999998612221219219;0.011666666666666667198648532633;0.033333333333333332870740406406;0.047916666666666669904817155157;0.003333333333333333547282562037;0.020000000000000000416333634234;0.021250000000000001526556658860;0.013750000000000000069388939039;0.020000000000000000416333634234;0.052083333333333335646297967969;0.012916666666666666574148081281;0.027916666666666666019036568969;0.013750000000000000069388939039;0.020416666666666666296592325125;0.018333333333333333425851918719;0.026249999999999999028554853453;0.037916666666666667961926862063;0.010000000000000000208166817117;0.017916666666666667545593227828;0.020000000000000000416333634234;0.008333333333333333217685101602;0.019583333333333334536074943344;0.042916666666666665463925056656;0.025000000000000001387778780781;0.026666666666666668378260496297;0.010416666666666666088425508008;0.000833333333333333386820640509;0.074583333333333334813630699500;0.025000000000000001387778780781;0.006666666666666667094565124074;0.027916666666666666019036568969;0.010000000000000000208166817117;0.020000000000000000416333634234;0.021250000000000001526556658860;0.016250000000000000555111512313;0.007916666666666667337426410711;0.003333333333333333547282562037;0.014999999999999999444888487687;0.004583333333333333356462979680;0.016666666666666666435370203203;0.000000000000000000000000000000;0.007499999999999999722444243844;0.012500000000000000693889390391;0.006250000000000000346944695195;0.020416666666666666296592325125;0.023750000000000000277555756156;0.022499999999999999167332731531;0.019166666666666665186369300500
-0.034166666666666664631257788187;0.018333333333333333425851918719;0.032083333333333331760517381781;0.001250000000000000026020852140;0.040416666666666663243479007406;0.059583333333333335368742211813;0.002500000000000000052041704279;0.024583333333333332038073137937;0.018749999999999999306110609609;0.010416666666666666088425508008;0.022499999999999999167332731531;0.040416666666666663243479007406;0.020416666666666666296592325125;0.032500000000000001110223024625;0.014583333333333333564629796797;0.017500000000000001665334536938;0.008333333333333333217685101602;0.019583333333333334536074943344;0.048333333333333332315628894094;0.007916666666666667337426410711;0.018333333333333333425851918719;0.016666666666666666435370203203;0.010000000000000000208166817117;0.016250000000000000555111512313;0.042916666666666665463925056656;0.027083333333333334258519187188;0.033750000000000002220446049250;0.010000000000000000208166817117;0.000416666666666666693410320255;0.074999999999999997224442438437;0.022499999999999999167332731531;0.007083333333333332974823814965;0.025000000000000001387778780781;0.008333333333333333217685101602;0.017500000000000001665334536938;0.020000000000000000416333634234;0.014583333333333333564629796797;0.008333333333333333217685101602;0.006250000000000000346944695195;0.010000000000000000208166817117;0.002500000000000000052041704279;0.011249999999999999583666365766;0.000000000000000000000000000000;0.009166666666666666712925959359;0.016250000000000000555111512313;0.009166666666666666712925959359;0.024166666666666666157814447047;0.018749999999999999306110609609;0.029583333333333333009518284484;0.014999999999999999444888487687
-0.024166666666666666157814447047;0.009166666666666666712925959359;0.040000000000000000832667268469;0.000833333333333333386820640509;0.063750000000000001110223024625;0.055000000000000000277555756156;0.000833333333333333386820640509;0.012500000000000000693889390391;0.025000000000000001387778780781;0.010833333333333333703407674875;0.022083333333333333287074040641;0.084166666666666667406815349750;0.017916666666666667545593227828;0.023333333333333334397297065266;0.009583333333333332593184650250;0.027916666666666666019036568969;0.007916666666666667337426410711;0.022499999999999999167332731531;0.022916666666666665047591422422;0.004166666666666666608842550801;0.011666666666666667198648532633;0.017500000000000001665334536938;0.005416666666666666851703837438;0.010416666666666666088425508008;0.041666666666666664353702032031;0.024583333333333332038073137937;0.017083333333333332315628894094;0.015833333333333334674852821422;0.000416666666666666693410320255;0.107916666666666660745477201999;0.055416666666666669627261399000;0.005000000000000000104083408559;0.016666666666666666435370203203;0.009583333333333332593184650250;0.013333333333333334189130248149;0.010416666666666666088425508008;0.008333333333333333217685101602;0.007499999999999999722444243844;0.010000000000000000208166817117;0.005833333333333333599324266316;0.002500000000000000052041704279;0.016250000000000000555111512313;0.000000000000000000000000000000;0.003749999999999999861222121922;0.006666666666666667094565124074;0.005000000000000000104083408559;0.021666666666666667406815349750;0.020833333333333332176851016015;0.024583333333333332038073137937;0.019583333333333334536074943344
-0.031666666666666669349705642844;0.030416666666666668239482618219;0.022499999999999999167332731531;0.018333333333333333425851918719;0.034583333333333333980963431031;0.055000000000000000277555756156;0.001666666666666666773641281019;0.024583333333333332038073137937;0.026249999999999999028554853453;0.009166666666666666712925959359;0.016666666666666666435370203203;0.058749999999999996669330926125;0.014999999999999999444888487687;0.017083333333333332315628894094;0.039583333333333331482961625625;0.027916666666666666019036568969;0.006250000000000000346944695195;0.025833333333333333148296162562;0.033333333333333332870740406406;0.001666666666666666773641281019;0.016250000000000000555111512313;0.012500000000000000693889390391;0.004166666666666666608842550801;0.011666666666666667198648532633;0.042083333333333333703407674875;0.014999999999999999444888487687;0.021250000000000001526556658860;0.059999999999999997779553950750;0.000833333333333333386820640509;0.070833333333333331482961625625;0.043749999999999997224442438437;0.004583333333333333356462979680;0.016666666666666666435370203203;0.003333333333333333547282562037;0.014999999999999999444888487687;0.014999999999999999444888487687;0.007083333333333332974823814965;0.010000000000000000208166817117;0.004583333333333333356462979680;0.006666666666666667094565124074;0.008333333333333333217685101602;0.021666666666666667406815349750;0.000000000000000000000000000000;0.007499999999999999722444243844;0.018749999999999999306110609609;0.010833333333333333703407674875;0.013333333333333334189130248149;0.010416666666666666088425508008;0.018333333333333333425851918719;0.013333333333333334189130248149
-0.031250000000000000000000000000;0.037916666666666667961926862063;0.019583333333333334536074943344;0.007499999999999999722444243844;0.032916666666666663521034763562;0.062500000000000000000000000000;0.003333333333333333547282562037;0.012083333333333333078907223523;0.029999999999999998889776975375;0.005416666666666666851703837438;0.020416666666666666296592325125;0.060833333333333336478965236438;0.014583333333333333564629796797;0.017083333333333332315628894094;0.049583333333333333425851918719;0.031250000000000000000000000000;0.008333333333333333217685101602;0.024583333333333332038073137937;0.025833333333333333148296162562;0.003749999999999999861222121922;0.012500000000000000693889390391;0.008750000000000000832667268469;0.005833333333333333599324266316;0.008333333333333333217685101602;0.040000000000000000832667268469;0.017500000000000001665334536938;0.017083333333333332315628894094;0.077083333333333337034076748751;0.001250000000000000026020852140;0.068750000000000005551115123126;0.039583333333333331482961625625;0.003749999999999999861222121922;0.012916666666666666574148081281;0.008750000000000000832667268469;0.011666666666666667198648532633;0.016666666666666666435370203203;0.004583333333333333356462979680;0.010833333333333333703407674875;0.004166666666666666608842550801;0.006666666666666667094565124074;0.007083333333333332974823814965;0.035000000000000003330669073875;0.000000000000000000000000000000;0.005000000000000000104083408559;0.026249999999999999028554853453;0.005833333333333333599324266316;0.011249999999999999583666365766;0.011249999999999999583666365766;0.012083333333333333078907223523;0.010833333333333333703407674875
-0.036842105263157891303915647541;0.010964912280701753777290008429;0.038596491228070177459397172015;0.000438596491228070183617665512;0.034649122807017540548457645855;0.067543859649122808819221575050;0.001315789473684210496642887911;0.014035087719298245875765296375;0.018421052631578945651957823770;0.013596491228070176071618391234;0.021929824561403507554580016858;0.067543859649122808819221575050;0.021929824561403507554580016858;0.028947368421052631359824403035;0.007017543859649122937882648188;0.030263157894736842506988594437;0.010526315789473683973143103287;0.023245614035087718701744208261;0.034210526315789475948481168643;0.005701754385964912658080194774;0.015789473684210526827076392919;0.008333333333333333217685101602;0.007456140350877192742029553330;0.012719298245614034728601104973;0.044736842105263158186900795954;0.025000000000000001387778780781;0.032894736842105261331870025288;0.008333333333333333217685101602;0.000000000000000000000000000000;0.073245614035087724946748721777;0.039912280701754385137114411464;0.003508771929824561468941324094;0.022368421052631579093450397977;0.008333333333333333217685101602;0.014473684210526315679912201517;0.018421052631578945651957823770;0.011403508771929825316160389548;0.008333333333333333217685101602;0.002192982456140350755458001686;0.008771929824561403021832006743;0.003508771929824561468941324094;0.011403508771929825316160389548;0.000000000000000000000000000000;0.010964912280701753777290008429;0.010964912280701753777290008429;0.007894736842105263413538196460;0.029385964912280702898694784153;0.028508771929824559820954021916;0.027631578947368420212660211632;0.015789473684210526827076392919
-0.037254901960784313208474571866;0.012254901960784313555419267061;0.017647058823529411519803744568;0.009313725490196078302118642966;0.032843137254901962063247111701;0.071078431372549016886708272978;0.017156862745098040712310449862;0.029411764705882352533006240947;0.008333333333333333217685101602;0.011764705882352941013202496379;0.023529411764705882026404992757;0.029901960784313726809946487606;0.030392156862745097617439782312;0.013725490196078431182069579108;0.015196078431372548808719891156;0.040686274509803922738715442620;0.010294117647058823386552184331;0.014705882352941176266503120473;0.045098039215686273883942902785;0.002941176470588235253300624095;0.016176470588235295627876908497;0.008823529411764705759901872284;0.010294117647058823386552184331;0.024509803921568627110838534122;0.058333333333333334258519187188;0.028431372549019607448572699582;0.025000000000000001387778780781;0.031862745098039213509366618382;0.000490196078431372542216770682;0.083823529411764699514897358767;0.021078431372549021050044615322;0.013235294117647058639852808426;0.018137254901960785796743991227;0.007352941176470588133251560237;0.008823529411764705759901872284;0.022058823529411766134478156687;0.008823529411764705759901872284;0.007352941176470588133251560237;0.001470588235294117626650312047;0.008333333333333333217685101602;0.009803921568627450844335413649;0.001470588235294117626650312047;0.000000000000000000000000000000;0.019117647058823530881177532592;0.014215686274509803724286349791;0.024509803921568627110838534122;0.013725490196078431182069579108;0.016176470588235295627876908497;0.014215686274509803724286349791;0.008823529411764705759901872284
-0.021171171171171170033442621161;0.004954954954954954651769050145;0.025675675675675677100961991073;0.339189189189189166384608142835;0.005405405405405405705465682331;0.015315315315315315009003782620;0.007207207207207207318166997112;0.037837837837837839938259776318;0.008108108108108108558198523497;0.025675675675675677100961991073;0.022972972972972974248229149907;0.012612612612612612156270941455;0.000900900900900900914770874639;0.026126126126126126419935147283;0.021621621621621622821862729324;0.016666666666666666435370203203;0.008558558558558557877171679706;0.013513513513513514263664205828;0.017567567567567568542763467576;0.000000000000000000000000000000;0.031081081081081082806427673404;0.005855855855855855891800576529;0.001801801801801801829541749278;0.039639639639639637214152401157;0.027027027027027028527328411656;0.033333333333333332870740406406;0.030630630630630630018007565241;0.009909909909909909303538100289;0.003603603603603603659083498556;0.008108108108108108558198523497;0.001801801801801801829541749278;0.015765765765765764327976938830;0.001351351351351351426366420583;0.009909909909909909303538100289;0.001351351351351351426366420583;0.012612612612612612156270941455;0.003153153153153153039067735364;0.003153153153153153039067735364;0.000450450450450450457385437320;0.000900900900900900914770874639;0.015765765765765764327976938830;0.001351351351351351426366420583;0.000000000000000000000000000000;0.031081081081081082806427673404;0.012162162162162162837297785245;0.028378378378378379953694832238;0.025675675675675677100961991073;0.002702702702702702852732841166;0.001801801801801801829541749278;0.008558558558558557877171679706
-0.031531531531531528655953877660;0.014414414414414414636333994224;0.031081081081081082806427673404;0.018018018018018017861736623786;0.012162162162162162837297785245;0.043243243243243245643725458649;0.006756756756756757131832102914;0.035135135135135137085526935152;0.015765765765765764327976938830;0.011261261261261260729904520872;0.027477477477477477846301567865;0.029729729729729731380061252821;0.019819819819819818607076200578;0.020720720720720720714469464951;0.025225225225225224312541882909;0.031531531531531528655953877660;0.011711711711711711783601153058;0.037387387387387387149839668155;0.046396396396396394345984504071;0.004504504504504504465434155946;0.029729729729729731380061252821;0.009459459459459459984564944079;0.011711711711711711783601153058;0.013513513513513514263664205828;0.041891891891891894217359038066;0.027027027027027028527328411656;0.031981981981981981444373985823;0.018918918918918919969129888159;0.000900900900900900914770874639;0.039189189189189191364626196901;0.059459459459459462760122505642;0.007207207207207207318166997112;0.021621621621621622821862729324;0.006306306306306306078135470727;0.013963963963963963582637362038;0.014864864864864865690030626411;0.014864864864864865690030626411;0.022072072072072072140835885534;0.002702702702702702852732841166;0.009459459459459459984564944079;0.012162162162162162837297785245;0.005405405405405405705465682331;0.000000000000000000000000000000;0.009009009009009008930868311893;0.020270270270270271395496308742;0.018018018018018017861736623786;0.016216216216216217116397046993;0.012612612612612612156270941455;0.018018018018018017861736623786;0.017567567567567568542763467576
-0.019607843137254901688670827298;0.008333333333333333217685101602;0.016176470588235295627876908497;0.491176470588235269953969464041;0.011764705882352941013202496379;0.012745098039215686097636037744;0.003431372549019607795517394777;0.021078431372549021050044615322;0.013235294117647058639852808426;0.013725490196078431182069579108;0.008823529411764705759901872284;0.014215686274509803724286349791;0.002450980392156862711083853412;0.012745098039215686097636037744;0.020098039215686275965611073957;0.017647058823529411519803744568;0.010294117647058823386552184331;0.009313725490196078302118642966;0.016666666666666666435370203203;0.000000000000000000000000000000;0.017156862745098040712310449862;0.005882352941176470506601248189;0.000490196078431372542216770682;0.018627450980392156604237285933;0.022549019607843136941971451392;0.014705882352941176266503120473;0.017647058823529411519803744568;0.008823529411764705759901872284;0.003431372549019607795517394777;0.014215686274509803724286349791;0.007843137254901960675468330919;0.011764705882352941013202496379;0.004411764705882352879950936142;0.006862745098039215591034789554;0.000980392156862745084433541365;0.016176470588235295627876908497;0.002941176470588235253300624095;0.006372549019607843048818018872;0.000490196078431372542216770682;0.000490196078431372542216770682;0.008823529411764705759901872284;0.003431372549019607795517394777;0.000000000000000000000000000000;0.017647058823529411519803744568;0.011274509803921568470985725696;0.020098039215686275965611073957;0.013725490196078431182069579108;0.007843137254901960675468330919;0.002450980392156862711083853412;0.009313725490196078302118642966
-0.018148148148148149361169600979;0.029259259259259259161600752464;0.018148148148148149361169600979;0.133333333333333331482961625625;0.049629629629629627707299022177;0.019629629629629628817522046802;0.013333333333333334189130248149;0.029259259259259259161600752464;0.025925925925925925180637321432;0.014814814814814815380206169948;0.011481481481481481399242738917;0.016296296296296294836558615771;0.006666666666666667094565124074;0.011851851851851851263330850372;0.038148148148148146308056283260;0.016666666666666666435370203203;0.009259259259259258745267118229;0.023703703703703702526661700745;0.030740740740740742087400150240;0.004074074074074073709139653943;0.018888888888888889089345823891;0.018518518518518517490534236458;0.014444444444444443781394582516;0.018888888888888889089345823891;0.021111111111111111743321444578;0.014444444444444443781394582516;0.030740740740740742087400150240;0.068518518518518520266091798021;0.001481481481481481407916356297;0.031481481481481478346129421197;0.014814814814814815380206169948;0.010370370370370370072254928573;0.023703703703703702526661700745;0.004074074074074073709139653943;0.010000000000000000208166817117;0.014814814814814815380206169948;0.003703703703703703845051542487;0.010370370370370370072254928573;0.004444444444444444440589503387;0.007777777777777777554191196430;0.008518518518518519017090895318;0.018518518518518517490534236458;0.000000000000000000000000000000;0.012222222222222222862142437805;0.031851851851851853414387960584;0.014074074074074073917306471060;0.014814814814814815380206169948;0.011111111111111111535154627461;0.015185185185185185244294281404;0.010740740740740739936343040029
-0.015248226950354609385285264977;0.028723404255319148759006964156;0.050354609929078017471759665113;0.008865248226950355261988256927;0.009574468085106382919668988052;0.012411347517730497019838864503;0.005319148936170212636775911363;0.027659574468085104670400653504;0.025177304964539008735879832557;0.047163120567375885205940733158;0.013475177304964539373721699178;0.005673758865248227332978014914;0.007801418439716312040743684264;0.020212765957446809927944286756;0.030141843971631204074368426404;0.011702127659574467627434657402;0.063829787234042548171863984408;0.046453900709219855813536526057;0.012765957446808509981317492077;0.008156028368794325869584049826;0.009219858156028368223466884501;0.021631205673758865243305749004;0.006028368794326241161818380476;0.071985815602836886184512366071;0.014539007092198581727604533853;0.019858156028368795231742183205;0.021985815602836879939507852555;0.016666666666666666435370203203;0.006737588652482269686860849589;0.010992907801418439969753926277;0.005319148936170212636775911363;0.068085106382978724526289227015;0.010283687943262410577349719176;0.006382978723404254990658746038;0.008510638297872340565786153377;0.072695035460992901699128765358;0.006737588652482269686860849589;0.005673758865248227332978014914;0.004255319148936170282893076688;0.006382978723404254990658746038;0.012765957446808509981317492077;0.015602836879432624081487368528;0.000000000000000000000000000000;0.031205673758865248162974737056;0.013829787234042552335200326752;0.022340425531914894635709956106;0.024113475177304964647273521905;0.012056737588652482323636760952;0.013475177304964539373721699178;0.009929078014184397615871091602
-0.014999999999999999444888487687;0.043888888888888887007677652718;0.042222222222222223486642889156;0.005000000000000000104083408559;0.010000000000000000208166817117;0.029444444444444443226283070203;0.003333333333333333547282562037;0.032777777777777780676693453188;0.020555555555555556079827539406;0.014444444444444443781394582516;0.011666666666666667198648532633;0.026666666666666668378260496297;0.021111111111111111743321444578;0.019444444444444444752839729063;0.035555555555555555524716027094;0.026111111111111112714766591125;0.014999999999999999444888487687;0.055000000000000000277555756156;0.024444444444444445724284875610;0.006111111111111111431071218902;0.014444444444444443781394582516;0.015555555555555555108382392859;0.021666666666666667406815349750;0.017777777777777777762358013547;0.033333333333333332870740406406;0.024444444444444445724284875610;0.037777777777777778178691647781;0.035555555555555555524716027094;0.001111111111111111110147375847;0.032777777777777780676693453188;0.032777777777777780676693453188;0.010555555555555555871660722289;0.012777777777777778525636342977;0.008888888888888888881179006773;0.021666666666666667406815349750;0.031666666666666669349705642844;0.013333333333333334189130248149;0.011666666666666667198648532633;0.002222222222222222220294751693;0.017777777777777777762358013547;0.014999999999999999444888487687;0.018888888888888889089345823891;0.000000000000000000000000000000;0.010000000000000000208166817117;0.010555555555555555871660722289;0.010000000000000000208166817117;0.020555555555555556079827539406;0.019444444444444444752839729063;0.027222222222222220572307449515;0.012777777777777778525636342977
-0.017333333333333332537673499019;0.014000000000000000291433543964;0.018666666666666668211727042603;0.343999999999999972466468989296;0.011333333333333334147496884725;0.022666666666666668294993769450;0.006666666666666667094565124074;0.032666666666666663298990158637;0.010000000000000000208166817117;0.009333333333333334105863521302;0.012000000000000000249800180541;0.010666666666666666310470112933;0.022666666666666668294993769450;0.010666666666666666310470112933;0.025333333333333332704206952712;0.015333333333333332496040135595;0.006000000000000000124900090270;0.018666666666666668211727042603;0.036666666666666666851703837438;0.004000000000000000083266726847;0.014666666666666666393736839780;0.009333333333333334105863521302;0.011333333333333334147496884725;0.014666666666666666393736839780;0.016000000000000000333066907388;0.011333333333333334147496884725;0.019333333333333334314030338419;0.018666666666666668211727042603;0.000666666666666666644404382058;0.029999999999999998889776975375;0.006666666666666667094565124074;0.006666666666666667094565124074;0.015333333333333332496040135595;0.006000000000000000124900090270;0.008000000000000000166533453694;0.013333333333333334189130248149;0.008000000000000000166533453694;0.010000000000000000208166817117;0.004666666666666667052931760651;0.009333333333333334105863521302;0.013333333333333334189130248149;0.010000000000000000208166817117;0.000000000000000000000000000000;0.010666666666666666310470112933;0.028666666666666666685170383744;0.010666666666666666310470112933;0.013333333333333334189130248149;0.011333333333333334147496884725;0.013333333333333334189130248149;0.006000000000000000124900090270
-0.043434343434343436474165400796;0.007575757575757575967845269815;0.023737373737373737569988918494;0.183838383838383828683404885851;0.023737373737373737569988918494;0.036868686868686870172773240029;0.006565656565656565434030422779;0.027777777777777776235801354687;0.004040404040404040400535912170;0.014141414141414142269237430583;0.016161616161616161602143648679;0.040404040404040407474806073651;0.017676767676767676101823312251;0.027272727272727271402574800163;0.011616161616161616368381181985;0.016161616161616161602143648679;0.003535353535353535567309357646;0.012121212121212121201607736509;0.036868686868686870172773240029;0.004545454545454545233762466694;0.036868686868686870172773240029;0.002020202020202020200267956085;0.009595959595959595300751487912;0.016666666666666666435370203203;0.040404040404040407474806073651;0.028787878787878789371701415689;0.021212121212121213403856145874;0.025757575757575756902895136591;0.003535353535353535567309357646;0.036363636363636361870099733551;0.031818181818181814901613790880;0.005050505050505050934350759206;0.013131313131313130868060845557;0.005050505050505050934350759206;0.013131313131313130868060845557;0.019191919191919190601502975824;0.008080808080808080801071824339;0.010101010101010101868701518413;0.000000000000000000000000000000;0.008585858585858585634298378864;0.005555555555555555767577313730;0.003535353535353535567309357646;0.000000000000000000000000000000;0.009090909090909090467524933388;0.012626262626262626034834291033;0.009595959595959595300751487912;0.017676767676767676101823312251;0.011111111111111111535154627461;0.026767676767676766569348245639;0.010606060606060606701928072937
-0.017037037037037038034181790636;0.015555555555555555108382392859;0.008148148148148147418279307885;0.512962962962962953916701280832;0.019259259259259260688157411323;0.016666666666666666435370203203;0.004444444444444444440589503387;0.012222222222222222862142437805;0.008148148148148147418279307885;0.003703703703703703845051542487;0.007777777777777777554191196430;0.018888888888888889089345823891;0.009629629629629630344078705662;0.005555555555555555767577313730;0.036296296296296298722339201959;0.011481481481481481399242738917;0.003703703703703703845051542487;0.009259259259259258745267118229;0.012592592592592592726230549260;0.000370370370370370351979089074;0.007407407407407407690103084974;0.001481481481481481407916356297;0.005185185185185185036127464286;0.006666666666666667094565124074;0.012222222222222222862142437805;0.009259259259259258745267118229;0.014814814814814815380206169948;0.029999999999999998889776975375;0.001111111111111111110147375847;0.039629629629629632703302632990;0.012962962962962962590318660716;0.005925925925925925631665425186;0.010740740740740739936343040029;0.001851851851851851922525771243;0.004814814814814815172039352831;0.005925925925925925631665425186;0.003703703703703703845051542487;0.010740740740740739936343040029;0.001111111111111111110147375847;0.003333333333333333547282562037;0.003333333333333333547282562037;0.005925925925925925631665425186;0.000000000000000000000000000000;0.006296296296296296363115274630;0.032222222222222221543752596062;0.005555555555555555767577313730;0.008148148148148147418279307885;0.004074074074074073709139653943;0.007407407407407407690103084974;0.004444444444444444440589503387
-0.013750000000000000069388939039;0.030416666666666668239482618219;0.012083333333333333078907223523;0.097500000000000003330669073875;0.085000000000000006106226635438;0.012083333333333333078907223523;0.021666666666666667406815349750;0.050416666666666665186369300500;0.002083333333333333304421275400;0.019583333333333334536074943344;0.014999999999999999444888487687;0.002916666666666666799662133158;0.010000000000000000208166817117;0.008750000000000000832667268469;0.066250000000000003330669073875;0.007083333333333332974823814965;0.001666666666666666773641281019;0.016666666666666666435370203203;0.058749999999999996669330926125;0.001666666666666666773641281019;0.044583333333333335923853724125;0.002500000000000000052041704279;0.002916666666666666799662133158;0.033333333333333332870740406406;0.013333333333333334189130248149;0.019166666666666665186369300500;0.028750000000000001249000902703;0.034166666666666664631257788187;0.001666666666666666773641281019;0.033333333333333332870740406406;0.002500000000000000052041704279;0.014999999999999999444888487687;0.019166666666666665186369300500;0.002083333333333333304421275400;0.007499999999999999722444243844;0.014583333333333333564629796797;0.010000000000000000208166817117;0.005833333333333333599324266316;0.000000000000000000000000000000;0.001250000000000000026020852140;0.028750000000000001249000902703;0.004166666666666666608842550801;0.000000000000000000000000000000;0.026666666666666668378260496297;0.048750000000000001665334536938;0.027916666666666666019036568969;0.013333333333333334189130248149;0.007916666666666667337426410711;0.008750000000000000832667268469;0.008750000000000000832667268469
-0.014444444444444443781394582516;0.008888888888888888881179006773;0.006666666666666667094565124074;0.561851851851851824548589320329;0.008888888888888888881179006773;0.012222222222222222862142437805;0.009629629629629630344078705662;0.021851851851851851471497667490;0.008888888888888888881179006773;0.007407407407407407690103084974;0.007777777777777777554191196430;0.008148148148148147418279307885;0.008518518518518519017090895318;0.005185185185185185036127464286;0.017777777777777777762358013547;0.006666666666666667094565124074;0.004444444444444444440589503387;0.010370370370370370072254928573;0.019259259259259260688157411323;0.000740740740740740703958178148;0.014074074074074073917306471060;0.003703703703703703845051542487;0.002962962962962962815832712593;0.011111111111111111535154627461;0.012592592592592592726230549260;0.013703703703703704053218359604;0.017777777777777777762358013547;0.017037037037037038034181790636;0.002222222222222222220294751693;0.017777777777777777762358013547;0.008148148148148147418279307885;0.007777777777777777554191196430;0.014074074074074073917306471060;0.004444444444444444440589503387;0.003703703703703703845051542487;0.007037037037037036958653235530;0.004444444444444444440589503387;0.007777777777777777554191196430;0.000370370370370370351979089074;0.001111111111111111110147375847;0.003703703703703703845051542487;0.005925925925925925631665425186;0.000000000000000000000000000000;0.012222222222222222862142437805;0.018518518518518517490534236458;0.012592592592592592726230549260;0.005925925925925925631665425186;0.004444444444444444440589503387;0.009629629629629630344078705662;0.005555555555555555767577313730
-0.042391304347826085086037295468;0.009420289855072464316187996758;0.020652173913043476993767200156;0.092391304347826080922700953124;0.020289855072463766627599568437;0.042753623188405795452204927187;0.009782608695652174682355628477;0.035144927536231884701578565000;0.004347826086956521791926366660;0.014855072463768116339255520586;0.023550724637681159923108253906;0.018115942028985507900040730078;0.019565217391304349364711256953;0.024637681159420291021611149063;0.018840579710144928632375993516;0.024637681159420291021611149063;0.006159420289855072755402787266;0.015579710144927537071590784024;0.046014492753623188747713612656;0.003623188405797101493271972217;0.030434782608695653410846304610;0.004710144927536232158093998379;0.009420289855072464316187996758;0.023913043478260870289275885625;0.040579710144927533255199136875;0.033695652173913043236908038125;0.035144927536231884701578565000;0.005434782608695652023067523828;0.002536231884057970828449946055;0.052536231884057968399837079687;0.016304347826086956069202571484;0.007246376811594202986543944434;0.026449275362318839383002355703;0.003985507246376811425758734941;0.016304347826086956069202571484;0.013405797101449274874584993711;0.013768115942028985240752625430;0.011231884057971014412302679375;0.001086956521739130447981591665;0.007608695652173913352711576152;0.008333333333333333217685101602;0.004710144927536232158093998379;0.000000000000000000000000000000;0.020289855072463766627599568437;0.019202898550724638998543625235;0.020289855072463766627599568437;0.017753623188405797533873098359;0.017753623188405797533873098359;0.030797101449275363777013936328;0.012318840579710145510805574531
-0.083333333333333328707404064062;0.005952380952380952050528861719;0.028571428571428570536427926640;0.000000000000000000000000000000;0.000000000000000000000000000000;0.023809523809523808202115446875;0.003571428571428571317053490830;0.013095238095238095551997581367;0.004761904761904762334312479766;0.038690476190476191797884553125;0.019642857142857142460634634062;0.006547619047619047775998790684;0.013690476190476190410105772344;0.054761904761904761640423089375;0.000595238095238095291789059971;0.054166666666666668517038374375;0.008928571428571428075793292578;0.008928571428571428075793292578;0.013690476190476190410105772344;0.007142857142857142634106981660;0.022023809523809525362514349922;0.006547619047619047775998790684;0.007738095238095238359576910625;0.044642857142857143848413414844;0.067857142857142851988250242812;0.064880952380952386371326667813;0.023809523809523808202115446875;0.006547619047619047775998790684;0.000000000000000000000000000000;0.007142857142857142634106981660;0.011309523809523809242949532461;0.017261904761904763028201870156;0.005952380952380952050528861719;0.008333333333333333217685101602;0.012500000000000000693889390391;0.027380952380952380820211544687;0.019642857142857142460634634062;0.026785714285714284227379877734;0.000595238095238095291789059971;0.007738095238095238359576910625;0.003571428571428571317053490830;0.010714285714285714384841341484;0.000000000000000000000000000000;0.033333333333333332870740406406;0.000595238095238095291789059971;0.025000000000000001387778780781;0.040476190476190478106932602032;0.050595238095238095898942276563;0.027976190476190477413043211641;0.029166666666666667129259593594
-0.041851851851851848418384349770;0.007407407407407407690103084974;0.046666666666666668794594130532;0.002962962962962962815832712593;0.003703703703703703845051542487;0.026666666666666668378260496297;0.004444444444444444440589503387;0.021851851851851851471497667490;0.025925925925925925180637321432;0.017777777777777777762358013547;0.021481481481481479872686080057;0.022222222222222223070309254922;0.016666666666666666435370203203;0.026666666666666668378260496297;0.014074074074074073917306471060;0.025925925925925925180637321432;0.014444444444444443781394582516;0.025925925925925925180637321432;0.020370370370370372015145221667;0.007407407407407407690103084974;0.020000000000000000416333634234;0.008518518518518519017090895318;0.013703703703703704053218359604;0.031481481481481478346129421197;0.044074074074074071072359970458;0.043333333333333334813630699500;0.028148148148148147834612942120;0.032222222222222221543752596062;0.004074074074074073709139653943;0.012962962962962962590318660716;0.026666666666666668378260496297;0.015185185185185185244294281404;0.012592592592592592726230549260;0.013333333333333334189130248149;0.026296296296296296779448908865;0.031481481481481478346129421197;0.014444444444444443781394582516;0.021851851851851851471497667490;0.004814814814814815172039352831;0.016296296296296294836558615771;0.005925925925925925631665425186;0.021851851851851851471497667490;0.000000000000000000000000000000;0.021111111111111111743321444578;0.012222222222222222862142437805;0.022592592592592591199673890401;0.029999999999999998889776975375;0.023333333333333334397297065266;0.025185185185185185452461098521;0.021851851851851851471497667490
-0.037619047619047621400234504563;0.017142857142857143709635536766;0.031428571428571430712572976063;0.012380952380952381375323057000;0.014761904761904762542479296883;0.031904761904761907986838309625;0.005238095238095237873854337352;0.053333333333333336756520992594;0.006190476190476190687661528500;0.017619047619047617514453918375;0.037142857142857144125969171000;0.015238095238095238082021154469;0.032380952380952378322209739281;0.025238095238095236555464495609;0.027619047619047619457344211469;0.020952380952380951495417349406;0.003809523809523809520505288617;0.042857142857142857539365365938;0.051428571428571427659459658344;0.003809523809523809520505288617;0.028571428571428570536427926640;0.001904761904761904760252644309;0.017142857142857143709635536766;0.021904761904761906043948016531;0.042380952380952380265100032375;0.026190476190476191103995162734;0.057619047619047618347121186844;0.007619047619047619041010577234;0.000476190476190476190063161077;0.032857142857142855596475072844;0.011904761904761904101057723437;0.006666666666666667094565124074;0.032380952380952378322209739281;0.005714285714285714280757932926;0.015714285714285715356286488031;0.029999999999999998889776975375;0.013809523809523809728672105734;0.008095238095238094580552434820;0.000476190476190476190063161077;0.005238095238095237873854337352;0.009523809523809524668624959531;0.004761904761904762334312479766;0.000000000000000000000000000000;0.010000000000000000208166817117;0.028571428571428570536427926640;0.013333333333333334189130248149;0.012380952380952381375323057000;0.011904761904761904101057723437;0.042857142857142857539365365938;0.011904761904761904101057723437
-0.051190476190476189022326991562;0.009920634920634920084214769531;0.023015873015873017370935826875;0.000396825396825396825052634231;0.007936507936507936067371815625;0.044444444444444446140618509844;0.002777777777777777883788656865;0.028174603174603175120838116641;0.013492063492063492702310867344;0.013888888888888888117900677344;0.021428571428571428769682682969;0.023809523809523808202115446875;0.026190476190476191103995162734;0.020238095238095239053466301016;0.011904761904761904101057723437;0.026587301587301586519584972734;0.007539682539682539784420267637;0.029761904761904760252644308594;0.046825396825396825573051273750;0.003174603174603174600421073848;0.035714285714285712303173170312;0.011111111111111111535154627461;0.015079365079365079568840535273;0.014682539682539682418527249297;0.048809523809523809589894227656;0.030555555555555554553270880547;0.028968253968253969421464688594;0.033730158730158728286330216406;0.001984126984126984016842953906;0.046825396825396825573051273750;0.018253968253968255036623347110;0.006349206349206349200842147695;0.029365079365079364837054498594;0.005555555555555555767577313730;0.022619047619047618485899064922;0.021428571428571428769682682969;0.019841269841269840168429539062;0.020634920634920634469056111016;0.005555555555555555767577313730;0.008333333333333333217685101602;0.007936507936507936067371815625;0.016666666666666666435370203203;0.000000000000000000000000000000;0.013095238095238095551997581367;0.015079365079365079568840535273;0.013492063492063492702310867344;0.017460317460317460735996775156;0.021825396825396824185272492969;0.038888888888888889505679458125;0.017460317460317460735996775156
-0.031313131313131313537834188310;0.011111111111111111535154627461;0.028282828282828284538474861165;0.002525252525252525467175379603;0.015656565656565656768917094155;0.066666666666666665741480812812;0.004545454545454545233762466694;0.025757575757575756902895136591;0.014646464646464647102463985107;0.010101010101010101868701518413;0.017171717171717171268596757727;0.050000000000000002775557561563;0.027777777777777776235801354687;0.019191919191919190601502975824;0.016666666666666666435370203203;0.026262626262626261736121691115;0.008585858585858585634298378864;0.028282828282828284538474861165;0.052020202020202022108463779659;0.003030303030303030300401934127;0.024747474747474747236442027543;0.011616161616161616368381181985;0.020707070707070708570629591350;0.013636363636363635701287400082;0.046464646464646465473524727940;0.023737373737373737569988918494;0.025252525252525252069668582067;0.006060606060606060600803868255;0.000000000000000000000000000000;0.076262626262626267981126204631;0.034848484848484850839867021932;0.003030303030303030300401934127;0.030808080808080808704607633786;0.011616161616161616368381181985;0.019696969696969695434729530348;0.014646464646464647102463985107;0.011111111111111111535154627461;0.014646464646464647102463985107;0.003535353535353535567309357646;0.008585858585858585634298378864;0.005555555555555555767577313730;0.014646464646464647102463985107;0.000000000000000000000000000000;0.005050505050505050934350759206;0.013636363636363635701287400082;0.009595959595959595300751487912;0.019696969696969695434729530348;0.016666666666666666435370203203;0.036363636363636361870099733551;0.018181818181818180935049866775
-0.019270833333333334258519187188;0.009374999999999999653055304805;0.011979166666666667476204288789;0.346354166666666685170383743753;0.013541666666666667129259593594;0.017187500000000001387778780781;0.005208333333333333044212754004;0.028125000000000000693889390391;0.010937499999999999306110609609;0.019791666666666665741480812812;0.012500000000000000693889390391;0.022395833333333333564629796797;0.004166666666666666608842550801;0.010937499999999999306110609609;0.025000000000000001387778780781;0.018749999999999999306110609609;0.006250000000000000346944695195;0.009374999999999999653055304805;0.028125000000000000693889390391;0.001562500000000000086736173799;0.025520833333333332870740406406;0.002604166666666666522106377002;0.002083333333333333304421275400;0.024479166666666666435370203203;0.026041666666666667823148983985;0.022916666666666665047591422422;0.013541666666666667129259593594;0.010416666666666666088425508008;0.000000000000000000000000000000;0.029166666666666667129259593594;0.034895833333333334258519187188;0.007291666666666666782314898398;0.009374999999999999653055304805;0.007291666666666666782314898398;0.006250000000000000346944695195;0.007812500000000000000000000000;0.002083333333333333304421275400;0.010416666666666666088425508008;0.003645833333333333391157449199;0.001562500000000000086736173799;0.007812500000000000000000000000;0.010416666666666666088425508008;0.000000000000000000000000000000;0.021874999999999998612221219219;0.023958333333333334952408577578;0.020312500000000000693889390391;0.012500000000000000693889390391;0.018749999999999999306110609609;0.006770833333333333564629796797;0.009374999999999999653055304805
-0.052631578947368418130992040460;0.009649122807017544364849293004;0.028070175438596491751530592751;0.179824561403508775825343946053;0.009649122807017544364849293004;0.014912280701754385484059106659;0.004385964912280701510916003372;0.014912280701754385484059106659;0.016666666666666666435370203203;0.023684210526315790240614589379;0.021052631578947367946286206575;0.036842105263157891303915647541;0.008771929824561403021832006743;0.044736842105263158186900795954;0.015789473684210526827076392919;0.028070175438596491751530592751;0.004385964912280701510916003372;0.007894736842105263413538196460;0.012280701754385964924454199831;0.003508771929824561468941324094;0.027192982456140352143236782467;0.003508771929824561468941324094;0.000877192982456140367235331023;0.032456140350877189792999644169;0.046491228070175437403488416521;0.049122807017543859697816799326;0.018421052631578945651957823770;0.006140350877192982462227099916;0.000000000000000000000000000000;0.024561403508771929848908399663;0.013157894736842104532748010115;0.008771929824561403021832006743;0.002631578947368420993285775822;0.003508771929824561468941324094;0.016666666666666666435370203203;0.023684210526315790240614589379;0.008771929824561403021832006743;0.006140350877192982462227099916;0.002631578947368420993285775822;0.002631578947368420993285775822;0.005263157894736841986571551644;0.007017543859649122937882648188;0.000000000000000000000000000000;0.013157894736842104532748010115;0.012280701754385964924454199831;0.016666666666666666435370203203;0.038596491228070177459397172015;0.039473684210526313598244030345;0.012280701754385964924454199831;0.020175438596491228337992396291
-0.048437500000000001387778780781;0.014583333333333333564629796797;0.042187500000000002775557561563;0.002604166666666666522106377002;0.006250000000000000346944695195;0.030729166666666665047591422422;0.004166666666666666608842550801;0.021354166666666667129259593594;0.021354166666666667129259593594;0.030729166666666665047591422422;0.024479166666666666435370203203;0.032291666666666669904817155157;0.016666666666666666435370203203;0.047916666666666669904817155157;0.007291666666666666782314898398;0.027083333333333334258519187188;0.014062500000000000346944695195;0.020312500000000000693889390391;0.016145833333333334952408577578;0.005729166666666666261897855605;0.021874999999999998612221219219;0.012500000000000000693889390391;0.004166666666666666608842550801;0.037499999999999998612221219219;0.044791666666666667129259593594;0.056770833333333332870740406406;0.029166666666666667129259593594;0.007812500000000000000000000000;0.000520833333333333326105318850;0.026562499999999999306110609609;0.019791666666666665741480812812;0.017708333333333332870740406406;0.007291666666666666782314898398;0.011458333333333332523795711211;0.009374999999999999653055304805;0.031250000000000000000000000000;0.013541666666666667129259593594;0.012500000000000000693889390391;0.001041666666666666652210637700;0.006770833333333333564629796797;0.003645833333333333391157449199;0.012500000000000000693889390391;0.000000000000000000000000000000;0.027604166666666665741480812812;0.009895833333333332870740406406;0.019791666666666665741480812812;0.042187500000000002775557561563;0.028125000000000000693889390391;0.026562499999999999306110609609;0.022916666666666665047591422422
-0.028205128205128205537421948179;0.011858974358974358476181976130;0.041666666666666664353702032031;0.012500000000000000693889390391;0.037179487179487179238090988065;0.038141025641025644299375585433;0.004166666666666666608842550801;0.020512820512820512802720784862;0.025961538461538462979616426196;0.016987179487179485809500434357;0.018269230769230770244915262879;0.020833333333333332176851016015;0.021474358974358974394558430276;0.031410256410256409687065115577;0.013782051282051281659857266959;0.017628205128205128027207848618;0.018269230769230770244915262879;0.037499999999999998612221219219;0.029807692307692309346967007855;0.008012820512820512108831394471;0.020512820512820512802720784862;0.011217948717948717993198037846;0.016346153846153847061239972049;0.018589743589743589619045494032;0.035576923076923075428545928389;0.030769230769230770938804653269;0.033012820512820513496610175252;0.015384615384615385469402326635;0.000000000000000000000000000000;0.042948717948717948789116860553;0.042307692307692310040856398246;0.011538461538461539102051744976;0.016666666666666666435370203203;0.006410256410256410034009810772;0.015705128205128204843532557788;0.033333333333333332870740406406;0.014423076923076923877564681220;0.011858974358974358476181976130;0.003525641025641025692177743522;0.009935897435897435292506685300;0.006410256410256410034009810772;0.019230769230769231836752908293;0.000000000000000000000000000000;0.008974358974358973700669039886;0.019871794871794870585013370601;0.015705128205128204843532557788;0.020192307692307693428590553708;0.021153846153846155020428199123;0.030448717948717948095227470162;0.013782051282051281659857266959
-0.017073170731707318359404723651;0.011788617886178862428914193572;0.100406504065040647066808787713;0.065040650406504071923130538835;0.000000000000000000000000000000;0.006910569105691056687734707964;0.002439024390243902436908873810;0.024796747967479673691038044581;0.025609756097560974069660133523;0.031707317073170732113496228521;0.011382113821138212239603149101;0.000813008130081300812302957937;0.005691056910569106119801574550;0.056910569105691054259121841596;0.008536585365853659179702361826;0.012601626016260162807536282514;0.023577235772357724857828387144;0.049186991869918698927488520667;0.006504065040650406498423663493;0.020731707317073171797927599869;0.010162601626016259936946539710;0.023983739837398373312415955638;0.013821138211382113375469415928;0.037398373983739838233297803072;0.019512195121951219495270990478;0.037804878048780486687885371566;0.030894308943089431734874139579;0.001219512195121951218454436905;0.002032520325203252247597829339;0.005284552845528455063128792091;0.002845528455284553059900787275;0.019918699186991871419305510926;0.002845528455284553059900787275;0.010569105691056910126257584182;0.022764227642276424479206298201;0.065040650406504071923130538835;0.017073170731707318359404723651;0.003252032520325203249211831746;0.001626016260162601624605915873;0.023170731707317072933793866696;0.004878048780487804873817747620;0.013821138211382113375469415928;0.000000000000000000000000000000;0.018699186991869919116648901536;0.002032520325203252247597829339;0.013008130081300812996847326986;0.036178861788617885930641193681;0.023577235772357724857828387144;0.043495934959349592807686946117;0.011382113821138212239603149101
-0.015196078431372548808719891156;0.007843137254901960675468330919;0.001960784313725490168867082730;0.646568627450980426552007429564;0.006862745098039215591034789554;0.014705882352941176266503120473;0.018627450980392156604237285933;0.010294117647058823386552184331;0.005392156862745097964384477507;0.004901960784313725422167706824;0.007352941176470588133251560237;0.006372549019607843048818018872;0.006372549019607843048818018872;0.003431372549019607795517394777;0.015196078431372548808719891156;0.007352941176470588133251560237;0.002941176470588235253300624095;0.008333333333333333217685101602;0.007843137254901960675468330919;0.000000000000000000000000000000;0.011274509803921568470985725696;0.001470588235294117626650312047;0.001960784313725490168867082730;0.003431372549019607795517394777;0.008333333333333333217685101602;0.008823529411764705759901872284;0.011274509803921568470985725696;0.010294117647058823386552184331;0.001960784313725490168867082730;0.023529411764705882026404992757;0.021568627450980391857537910028;0.003921568627450980337734165460;0.005882352941176470506601248189;0.005392156862745097964384477507;0.008333333333333333217685101602;0.003921568627450980337734165460;0.000980392156862745084433541365;0.009313725490196078302118642966;0.000490196078431372542216770682;0.001960784313725490168867082730;0.003921568627450980337734165460;0.005882352941176470506601248189;0.000000000000000000000000000000;0.009313725490196078302118642966;0.009803921568627450844335413649;0.011274509803921568470985725696;0.005882352941176470506601248189;0.001470588235294117626650312047;0.004411764705882352879950936142;0.006372549019607843048818018872
-0.015277777777777777276635440273;0.006944444444444444058950338672;0.015277777777777777276635440273;0.483333333333333337034076748751;0.003240740740740740647579665179;0.008333333333333333217685101602;0.019907407407407408383992475365;0.030092592592592590922118134245;0.007870370370370369586532355299;0.017592592592592593697675695807;0.011574074074074073431583897786;0.006018518518518518531368322044;0.000462962962962962980631442811;0.008796296296296296848837847904;0.035648148148148151026504137917;0.019444444444444444752839729063;0.005092592592592593003786305417;0.005092592592592593003786305417;0.015740740740740739173064710599;0.000000000000000000000000000000;0.024537037037037037756626034479;0.006481481481481481295159330358;0.000925925925925925961262885622;0.031018518518518518184423626849;0.014814814814814815380206169948;0.018981481481481481121686982760;0.019907407407407408383992475365;0.002777777777777777883788656865;0.004629629629629629372633559115;0.005555555555555555767577313730;0.002777777777777777883788656865;0.013425925925925926221471407018;0.001388888888888888941894328433;0.012962962962962962590318660716;0.000462962962962962980631442811;0.011574074074074073431583897786;0.001851851851851851922525771243;0.006018518518518518531368322044;0.000000000000000000000000000000;0.000000000000000000000000000000;0.014351851851851851749053423646;0.003703703703703703845051542487;0.000000000000000000000000000000;0.018055555555555553859381490156;0.018055555555555553859381490156;0.020833333333333332176851016015;0.011111111111111111535154627461;0.000925925925925925961262885622;0.000925925925925925961262885622;0.016203703703703702804217456901
-0.027222222222222220572307449515;0.018888888888888889089345823891;0.022777777777777778733803160094;0.054444444444444441144614899031;0.030555555555555554553270880547;0.062222222222222220433529571437;0.003333333333333333547282562037;0.021111111111111111743321444578;0.027777777777777776235801354687;0.005555555555555555767577313730;0.021111111111111111743321444578;0.061666666666666668239482618219;0.013333333333333334189130248149;0.023333333333333334397297065266;0.018333333333333333425851918719;0.029444444444444443226283070203;0.006666666666666667094565124074;0.028333333333333331899295259859;0.037222222222222219045750790656;0.001666666666666666773641281019;0.017222222222222222098864108375;0.011666666666666667198648532633;0.010555555555555555871660722289;0.008888888888888888881179006773;0.041111111111111112159655078813;0.017222222222222222098864108375;0.023333333333333334397297065266;0.018888888888888889089345823891;0.000555555555555555555073687923;0.100555555555555550806268172437;0.045555555555555557467606320188;0.003333333333333333547282562037;0.015555555555555555108382392859;0.003888888888888888777095598215;0.010000000000000000208166817117;0.017222222222222222098864108375;0.007777777777777777554191196430;0.013888888888888888117900677344;0.005555555555555555767577313730;0.002222222222222222220294751693;0.006111111111111111431071218902;0.023888888888888890060790970438;0.000000000000000000000000000000;0.004444444444444444440589503387;0.014999999999999999444888487687;0.007222222222222221890697291258;0.014444444444444443781394582516;0.009444444444444444544672911945;0.017777777777777777762358013547;0.011666666666666667198648532633
-0.040404040404040407474806073651;0.006565656565656565434030422779;0.024747474747474747236442027543;0.120707070707070707182850810568;0.105555555555555555247160270937;0.040404040404040407474806073651;0.002525252525252525467175379603;0.014141414141414142269237430583;0.009595959595959595300751487912;0.015151515151515151935690539631;0.014646464646464647102463985107;0.039898989898989899172132567173;0.013636363636363635701287400082;0.021212121212121213403856145874;0.012121212121212121201607736509;0.018181818181818180935049866775;0.014141414141414142269237430583;0.017676767676767676101823312251;0.025757575757575756902895136591;0.003535353535353535567309357646;0.013131313131313130868060845557;0.011616161616161616368381181985;0.005050505050505050934350759206;0.019191919191919190601502975824;0.033838383838383841173413912884;0.037878787878787879839226349077;0.019696969696969695434729530348;0.004545454545454545233762466694;0.000505050505050505050066989021;0.062121212121212118772994870142;0.024242424242424242403215473018;0.012626262626262626034834291033;0.008080808080808080801071824339;0.008080808080808080801071824339;0.011616161616161616368381181985;0.021717171717171718237082700398;0.005555555555555555767577313730;0.017676767676767676101823312251;0.000505050505050505050066989021;0.011111111111111111535154627461;0.003535353535353535567309357646;0.007070707070707071134618715291;0.000000000000000000000000000000;0.011616161616161616368381181985;0.011616161616161616368381181985;0.011111111111111111535154627461;0.020707070707070708570629591350;0.018686868686868685768276421300;0.012121212121212121201607736509;0.014141414141414142269237430583
-0.031081081081081082806427673404;0.013963963963963963582637362038;0.026126126126126126419935147283;0.090090090090090085839236166976;0.048198198198198198560771032817;0.038738738738738738576206088737;0.003603603603603603659083498556;0.025675675675675677100961991073;0.015315315315315315009003782620;0.010810810810810811410931364662;0.020720720720720720714469464951;0.022072072072072072140835885534;0.022072072072072072140835885534;0.015315315315315315009003782620;0.020720720720720720714469464951;0.021621621621621622821862729324;0.013513513513513514263664205828;0.027927927927927927165274724075;0.031531531531531528655953877660;0.007657657657657657504501891310;0.018018018018018017861736623786;0.006756756756756757131832102914;0.012162162162162162837297785245;0.009459459459459459984564944079;0.025675675675675677100961991073;0.023423423423423423567202306117;0.027027027027027028527328411656;0.053153153153153151477816606985;0.002702702702702702852732841166;0.057657657657657658545335976896;0.020270270270270271395496308742;0.010810810810810811410931364662;0.012612612612612612156270941455;0.005405405405405405705465682331;0.014414414414414414636333994224;0.018918918918918919969129888159;0.012612612612612612156270941455;0.019819819819819818607076200578;0.002252252252252252232717077973;0.013963963963963963582637362038;0.006756756756756757131832102914;0.019819819819819818607076200578;0.000000000000000000000000000000;0.013513513513513514263664205828;0.015765765765765764327976938830;0.010810810810810811410931364662;0.016216216216216217116397046993;0.011261261261261260729904520872;0.021171171171171170033442621161;0.010810810810810811410931364662
-0.027192982456140352143236782467;0.010087719298245614168996198146;0.083333333333333328707404064062;0.002631578947368420993285775822;0.006140350877192982462227099916;0.027192982456140352143236782467;0.001315789473684210496642887911;0.014473684210526315679912201517;0.017105263157894737974240584322;0.026754385964912280604366401349;0.014912280701754385484059106659;0.021929824561403507554580016858;0.010526315789473683973143103287;0.050000000000000002775557561563;0.007456140350877192742029553330;0.015789473684210526827076392919;0.031140350877192982115282404720;0.045614035087719301264641558191;0.018859649122807017190828204889;0.013157894736842104532748010115;0.014473684210526315679912201517;0.010964912280701753777290008429;0.006578947368421052266374005058;0.041666666666666664353702032031;0.033771929824561404409610787525;0.035526315789473683626198408092;0.026315789473684209065496020230;0.030701754385964910576412023602;0.000000000000000000000000000000;0.021052631578947367946286206575;0.015350877192982455288206011801;0.026315789473684209065496020230;0.005701754385964912658080194774;0.010526315789473683973143103287;0.008333333333333333217685101602;0.053508771929824561208732802697;0.011842105263157895120307294690;0.010087719298245614168996198146;0.003070175438596491231113549958;0.015789473684210526827076392919;0.007017543859649122937882648188;0.020175438596491228337992396291;0.000000000000000000000000000000;0.021491228070175439485156587693;0.007456140350877192742029553330;0.014035087719298245875765296375;0.041228070175438599753725554820;0.022807017543859650632320779096;0.020175438596491228337992396291;0.018421052631578945651957823770
-0.015579710144927537071590784024;0.056159420289855072061513396875;0.024275362318840580655443517344;0.036956521739130436532416723594;0.035869565217391305433913828438;0.018115942028985507900040730078;0.006521739130434782254208680996;0.051086956521739133874060456719;0.006884057971014492620376312715;0.015579710144927537071590784024;0.010869565217391304046135047656;0.006521739130434782254208680996;0.007971014492753622851517469883;0.023550724637681159923108253906;0.071014492753623190135492393438;0.011231884057971014412302679375;0.009782608695652174682355628477;0.038405797101449277997087250469;0.059782608695652175723189714063;0.007971014492753622851517469883;0.034057971014492753603075669844;0.005797101449275362389235155547;0.007608695652173913352711576152;0.021739130434782608092270095312;0.020289855072463766627599568437;0.018115942028985507900040730078;0.042753623188405795452204927187;0.047826086956521740578551771250;0.000724637681159420298654394443;0.038043478260869567630919618750;0.008333333333333333217685101602;0.010144927536231883313799784219;0.017391304347826087167705466641;0.002173913043478260895963183330;0.007971014492753622851517469883;0.028985507246376811946175777734;0.010144927536231883313799784219;0.007971014492753622851517469883;0.001449275362318840597308788887;0.002173913043478260895963183330;0.018115942028985507900040730078;0.009420289855072464316187996758;0.000000000000000000000000000000;0.010507246376811593679967415937;0.046739130434782609480048876094;0.010869565217391304046135047656;0.019202898550724638998543625235;0.008695652173913043583852733320;0.020652173913043476993767200156;0.007971014492753622851517469883
-0.017730496453900710523976513855;0.003191489361702127495329373019;0.059929078014184400391428653165;0.123758865248226948563292637573;0.006737588652482269686860849589;0.005673758865248227332978014914;0.002836879432624113666489007457;0.016666666666666666435370203203;0.012765957446808509981317492077;0.069858156028368798007299744768;0.006028368794326241161818380476;0.001773049645390070878925303788;0.006382978723404254990658746038;0.048581560283687943990749147360;0.007801418439716312040743684264;0.008865248226950355261988256927;0.022695035460992909331912059656;0.022695035460992909331912059656;0.007092198581560283515701215151;0.009574468085106382919668988052;0.014893617021276596423806637404;0.008156028368794325869584049826;0.000709219858156028416622251864;0.096808510638297873285296191170;0.014539007092198581727604533853;0.048581560283687943990749147360;0.022340425531914894635709956106;0.001063829787234042570723269172;0.001418439716312056833244503729;0.004609929078014184111733442251;0.002127659574468085141446538344;0.036879432624113472893867538005;0.001063829787234042570723269172;0.002482269503546099403967772901;0.005673758865248227332978014914;0.065957446808510636349076605711;0.014539007092198581727604533853;0.006737588652482269686860849589;0.001418439716312056833244503729;0.003191489361702127495329373019;0.008510638297872340565786153377;0.005673758865248227332978014914;0.000000000000000000000000000000;0.040070921985815605159686469960;0.004964539007092198807935545801;0.020567375886524821154699438353;0.057801418439716312214216031862;0.025531914893617019962634984154;0.011702127659574467627434657402;0.011347517730496454665956029828
-0.019166666666666665186369300500;0.012083333333333333078907223523;0.020833333333333332176851016015;0.341666666666666674068153497501;0.020833333333333332176851016015;0.022499999999999999167332731531;0.005000000000000000104083408559;0.017916666666666667545593227828;0.007083333333333332974823814965;0.009166666666666666712925959359;0.013750000000000000069388939039;0.022083333333333333287074040641;0.014166666666666665949647629930;0.013750000000000000069388939039;0.025000000000000001387778780781;0.012083333333333333078907223523;0.015416666666666667059870654555;0.018333333333333333425851918719;0.022916666666666665047591422422;0.004166666666666666608842550801;0.013750000000000000069388939039;0.004583333333333333356462979680;0.005416666666666666851703837438;0.023333333333333334397297065266;0.023750000000000000277555756156;0.016250000000000000555111512313;0.016250000000000000555111512313;0.008333333333333333217685101602;0.006666666666666667094565124074;0.033750000000000002220446049250;0.018749999999999999306110609609;0.016250000000000000555111512313;0.004583333333333333356462979680;0.004583333333333333356462979680;0.011249999999999999583666365766;0.022916666666666665047591422422;0.004166666666666666608842550801;0.017500000000000001665334536938;0.000833333333333333386820640509;0.012500000000000000693889390391;0.007499999999999999722444243844;0.004583333333333333356462979680;0.000000000000000000000000000000;0.009166666666666666712925959359;0.016250000000000000555111512313;0.009583333333333332593184650250;0.019166666666666665186369300500;0.007916666666666667337426410711;0.012916666666666666574148081281;0.009583333333333332593184650250
-0.038211382113821135142472940061;0.023577235772357724857828387144;0.044715447154471545110343555507;0.021138211382113820252515168363;0.026422764227642277917729174419;0.012195121951219512618225238043;0.004065040650406504495195658677;0.025203252032520325615072565029;0.045121951219512193564931124001;0.040650406504065039747786158841;0.015853658536585366056748114261;0.010569105691056910126257584182;0.006504065040650406498423663493;0.020731707317073171797927599869;0.032520325203252035961565269417;0.017886178861788618738026812593;0.034146341463414636718809447302;0.040243902439024391293198590347;0.035365853658536582082572152785;0.005284552845528455063128792091;0.020731707317073171797927599869;0.018699186991869919116648901536;0.008943089430894309369013406297;0.044715447154471545110343555507;0.030081300813008131356252050637;0.032926829268292684416152837912;0.034146341463414636718809447302;0.013821138211382113375469415928;0.000406504065040650406151478968;0.023577235772357724857828387144;0.007723577235772357933718534895;0.024390243902439025236450476086;0.017479674796747966813992292145;0.003658536585365853872203745212;0.003252032520325203249211831746;0.042276422764227640505030336726;0.010975609756097560315568628653;0.008536585365853659179702361826;0.003252032520325203249211831746;0.002439024390243902436908873810;0.008943089430894309369013406297;0.014634146341463415488814980847;0.000000000000000000000000000000;0.021951219512195120631137257305;0.023983739837398373312415955638;0.015853658536585366056748114261;0.024796747967479673691038044581;0.017073170731707318359404723651;0.010162601626016259936946539710;0.010162601626016259936946539710
-0.019540229885057470993192652031;0.009770114942528735496596326016;0.103448275862068964081608157812;0.000000000000000000000000000000;0.000000000000000000000000000000;0.019540229885057470993192652031;0.000000000000000000000000000000;0.017816091954022988258499182734;0.068965517241379309387738771875;0.017816091954022988258499182734;0.010344827586206896408160815781;0.029310344827586206489788978047;0.006896551724137930938773877187;0.048275862068965516571417140312;0.007471264367816091850338366953;0.017816091954022988258499182734;0.063218390804597707210987778126;0.081609195402298856381051450626;0.001149425287356321823128979531;0.020689655172413792816321631562;0.002873563218390804557822448828;0.027586206896551723755095508750;0.007471264367816091850338366953;0.041954022988505750013654704844;0.017816091954022988258499182734;0.022988505747126436462579590625;0.023563218390804597374144080391;0.026436781609195401931966529219;0.000574712643678160911564489766;0.008620689655172413673467346484;0.010344827586206896408160815781;0.027011494252873562843531018984;0.000000000000000000000000000000;0.005172413793103448204080407891;0.007471264367816091850338366953;0.068390804597701151945621234063;0.011494252873563218231289795312;0.005747126436781609115644897656;0.000574712643678160911564489766;0.010344827586206896408160815781;0.006321839080459770027209387422;0.030459770114942528312917957578;0.000000000000000000000000000000;0.012068965517241379142854285078;0.000000000000000000000000000000;0.012643678160919540054418774844;0.033333333333333332870740406406;0.014942528735632183700676733906;0.014367816091954022789112244141;0.005747126436781609115644897656
-0.031871345029239765700435071949;0.015497076023391813046070630833;0.045906432748538013310923844301;0.009941520467836258145855055091;0.013742690058479532094759534289;0.031286549707602341607870499729;0.005847953216374268681221337829;0.032163742690058477746717358059;0.030701754385964910576412023602;0.019883040935672516291710110181;0.018128654970760233605675537660;0.026608187134502924581225258294;0.022222222222222223070309254922;0.029239766081871343406106689145;0.016666666666666666435370203203;0.021345029239766083462015444638;0.021345029239766083462015444638;0.048830409356725147651534513216;0.024853801169590641895190685773;0.007894736842105263413538196460;0.017251461988304093997381727377;0.014035087719298245875765296375;0.011111111111111111535154627461;0.021052631578947367946286206575;0.033625730994152044917022692516;0.033625730994152044917022692516;0.029532163742690058921835927208;0.015204678362573099265064868746;0.000584795321637426911490220682;0.030116959064327486483847451382;0.033625730994152044917022692516;0.011695906432748537362442675658;0.017836257309941521559393251550;0.004970760233918129072927527545;0.017251461988304093997381727377;0.032748538011695908778175834186;0.012573099415204678705459961918;0.015497076023391813046070630833;0.001461988304093567170305334457;0.007017543859649122937882648188;0.009356725146198830583843530917;0.017251461988304093997381727377;0.000000000000000000000000000000;0.011695906432748537362442675658;0.019883040935672516291710110181;0.014035087719298245875765296375;0.026608187134502924581225258294;0.020760233918128655900003920465;0.029824561403508770968118213318;0.015789473684210526827076392919
-0.038617886178861790535954412462;0.012601626016260162807536282514;0.048780487804878050472900952172;0.006910569105691056687734707964;0.002439024390243902436908873810;0.022357723577235772555171777753;0.006097560975609756309112619022;0.037398373983739838233297803072;0.023577235772357724857828387144;0.018292682926829267192614381088;0.023170731707317072933793866696;0.007317073170731707744407490424;0.020325203252032519873893079421;0.042682926829268295898511809128;0.008943089430894309369013406297;0.018699186991869919116648901536;0.013008130081300812996847326986;0.042276422764227640505030336726;0.030487804878048779810839619131;0.009756097560975609747635495239;0.020731707317073171797927599869;0.010569105691056910126257584182;0.013821138211382113375469415928;0.023577235772357724857828387144;0.041056910569105688202373727336;0.043089430894308944353099377622;0.048780487804878050472900952172;0.011788617886178862428914193572;0.000813008130081300812302957937;0.012195121951219512618225238043;0.006910569105691056687734707964;0.007317073170731707744407490424;0.017479674796747966813992292145;0.004471544715447154684506703148;0.028861788617886179053595441246;0.041056910569105688202373727336;0.021544715447154472176549688811;0.021138211382113820252515168363;0.001626016260162601624605915873;0.011382113821138212239603149101;0.008943089430894309369013406297;0.012601626016260162807536282514;0.000000000000000000000000000000;0.014634146341463415488814980847;0.006910569105691056687734707964;0.019512195121951219495270990478;0.026829268292682926372316742913;0.019105691056910567571236470030;0.054471544715447156592702526723;0.015040650406504065678126025318
-0.014473684210526315679912201517;0.010964912280701753777290008429;0.044298245614035086648030414835;0.000877192982456140367235331023;0.021052631578947367946286206575;0.035526315789473683626198408092;0.000877192982456140367235331023;0.010526315789473683973143103287;0.198684210526315796485619102896;0.006140350877192982462227099916;0.014473684210526315679912201517;0.028070175438596491751530592751;0.011403508771929825316160389548;0.017543859649122806043664013487;0.014035087719298245875765296375;0.010087719298245614168996198146;0.020175438596491228337992396291;0.029824561403508770968118213318;0.024122807017543858310038018544;0.011842105263157895120307294690;0.009210526315789472825978911885;0.073684210526315782607831295081;0.006578947368421052266374005058;0.008333333333333333217685101602;0.026754385964912280604366401349;0.013157894736842104532748010115;0.023684210526315790240614589379;0.028947368421052631359824403035;0.000000000000000000000000000000;0.040350877192982456675984792582;0.014473684210526315679912201517;0.005263157894736841986571551644;0.012719298245614034728601104973;0.006578947368421052266374005058;0.016228070175438594896499822084;0.009210526315789472825978911885;0.008771929824561403021832006743;0.004824561403508772182424646502;0.008771929824561403021832006743;0.008771929824561403021832006743;0.003947368421052631706769098230;0.064912280701754379585999288338;0.000000000000000000000000000000;0.003508771929824561468941324094;0.017105263157894737974240584322;0.001754385964912280734470662047;0.012719298245614034728601104973;0.014473684210526315679912201517;0.016228070175438594896499822084;0.014035087719298245875765296375
-0.033760683760683758702914047944;0.023931623931623933337897724982;0.022649572649572648902482896460;0.003418803418803418800453464144;0.029914529914529915805010418239;0.055982905982905985242670254820;0.008547008547008547868495398347;0.022649572649572648902482896460;0.025213675213675214303865601551;0.009401709401709401267566157401;0.019230769230769231836752908293;0.038888888888888889505679458125;0.023931623931623933337897724982;0.014102564102564102768710974090;0.035470085470085468970502518005;0.019658119658119657668926549832;0.009829059829059828834463274916;0.043589743589743587537377322860;0.058974358974358973006779649495;0.001709401709401709400226732072;0.023076923076923078204103489952;0.008547008547008547868495398347;0.008547008547008547868495398347;0.008974358974358973700669039886;0.038888888888888889505679458125;0.023504273504273504036277131490;0.022649572649572648902482896460;0.034615384615384617306155234928;0.000854700854700854700113366036;0.062820512820512819374130231154;0.037606837606837605070264629603;0.007692307692307692734701163317;0.022222222222222223070309254922;0.002991452991452991667237215623;0.009401709401709401267566157401;0.014957264957264957902505209120;0.008119658119658120301598280832;0.019230769230769231836752908293;0.003418803418803418800453464144;0.007692307692307692734701163317;0.010683760683760683968257509946;0.023504273504273504036277131490;0.000000000000000000000000000000;0.005982905982905983334474431246;0.029914529914529915805010418239;0.010683760683760683968257509946;0.008119658119658120301598280832;0.006837606837606837600906928287;0.023504273504273504036277131490;0.014102564102564102768710974090
-0.042682926829268295898511809128;0.013008130081300812996847326986;0.016666666666666666435370203203;0.003252032520325203249211831746;0.025609756097560974069660133523;0.086585365853658530221892419831;0.002439024390243902436908873810;0.021138211382113820252515168363;0.002845528455284553059900787275;0.006910569105691056687734707964;0.028048780487804878674973352304;0.077235772357723581071908824924;0.019105691056910567571236470030;0.018699186991869919116648901536;0.009349593495934959558324450768;0.037804878048780486687885371566;0.003658536585365853872203745212;0.017886178861788618738026812593;0.045528455284552848958412596403;0.002032520325203252247597829339;0.028455284552845527129560920798;0.004878048780487804873817747620;0.007723577235772357933718534895;0.015853658536585366056748114261;0.061382113821138208076266806756;0.023983739837398373312415955638;0.028048780487804878674973352304;0.017479674796747966813992292145;0.000000000000000000000000000000;0.072357723577235771861282387363;0.052845528455284555835458348838;0.002032520325203252247597829339;0.019105691056910567571236470030;0.006504065040650406498423663493;0.008130081300813008990391317354;0.017886178861788618738026812593;0.011788617886178862428914193572;0.019512195121951219495270990478;0.000406504065040650406151478968;0.004065040650406504495195658677;0.003658536585365853872203745212;0.001626016260162601624605915873;0.000000000000000000000000000000;0.010569105691056910126257584182;0.016666666666666666435370203203;0.014634146341463415488814980847;0.013821138211382113375469415928;0.016666666666666666435370203203;0.024390243902439025236450476086;0.015040650406504065678126025318
-0.053100775193798452344928762159;0.005038759689922480550228200968;0.022868217054263565574112604395;0.000000000000000000000000000000;0.004651162790697674354056800894;0.046899224806201553206186360967;0.010077519379844961100456401937;0.022868217054263565574112604395;0.004263565891472868157885400819;0.043023255813953491244472360222;0.013953488372093023062170402682;0.032170542635658917751673158136;0.022093023255813953181769804246;0.034496124031007754928701558583;0.003100775193798449569371200596;0.030232558139534883301369205810;0.008139534883720930119599401564;0.015503875968992247846856002980;0.013953488372093023062170402682;0.006201550387596899138742401192;0.028294573643410852320512205438;0.005038759689922480550228200968;0.010465116279069767296627802011;0.046511627906976743540568008939;0.047286821705426355932910809088;0.058527131782945739091328363202;0.022093023255813953181769804246;0.003875968992248061961714000745;0.000000000000000000000000000000;0.041860465116279069186511208045;0.022480620155038759377941204320;0.011627906976744185885142002235;0.010077519379844961100456401937;0.003488372093023255765542600670;0.022093023255813953181769804246;0.029457364341085270909026405661;0.009302325581395348708113601788;0.027519379844961239928169405289;0.000387596899224806196171400074;0.005426356589147286746399601043;0.005426356589147286746399601043;0.004651162790697674354056800894;0.000000000000000000000000000000;0.042248062015503878852129560073;0.001162790697674418588514200223;0.061240310077519378995081211770;0.026356589147286821339655205065;0.022093023255813953181769804246;0.024031007751937984162626804618;0.014341085271317829258341802756
-0.025641025641025640136039243089;0.014102564102564102768710974090;0.044444444444444446140618509844;0.011538461538461539102051744976;0.004700854700854700633783078700;0.020085470085470086970547143324;0.002136752136752136967123849587;0.036324786324786327573743704988;0.011538461538461539102051744976;0.044871794871794871972792151382;0.015384615384615385469402326635;0.011111111111111111535154627461;0.016239316239316240603196561665;0.029059829059829060671216183209;0.011965811965811966668948862491;0.014957264957264957902505209120;0.024358974358974359170071366520;0.040170940170940173941094286647;0.019230769230769231836752908293;0.005982905982905983334474431246;0.021367521367521367936515019892;0.005982905982905983334474431246;0.017521367521367521569164438233;0.052136752136752138875319673161;0.028205128205128205537421948179;0.044871794871794871972792151382;0.036752136752136753405917346527;0.038461538461538463673505816587;0.000854700854700854700113366036;0.011111111111111111535154627461;0.006410256410256410034009810772;0.024786324786324785002245008059;0.013675213675213675201813856575;0.004700854700854700633783078700;0.016239316239316240603196561665;0.067521367521367517405828095889;0.013675213675213675201813856575;0.008119658119658120301598280832;0.001709401709401709400226732072;0.006410256410256410034009810772;0.014957264957264957902505209120;0.008119658119658120301598280832;0.000000000000000000000000000000;0.035470085470085468970502518005;0.005555555555555555767577313730;0.023076923076923078204103489952;0.026068376068376069437659836581;0.019658119658119657668926549832;0.030341880341880341637184059778;0.012393162393162392501122504029
-0.016666666666666666435370203203;0.026881720430107527292085123349;0.025806451612903225784068084181;0.109139784946236564899813004104;0.042473118279569892219438287384;0.027419354838709678046093642934;0.005913978494623655692008501461;0.020967741935483872467438359877;0.030107526881720431816136240855;0.009139784946236559348697880978;0.013440860215053763646042561675;0.028494623655913979554110682102;0.023655913978494622768034005844;0.013440860215053763646042561675;0.016666666666666666435370203203;0.013978494623655914400051081259;0.016666666666666666435370203203;0.027419354838709678046093642934;0.012365591397849462138025522506;0.004301075268817204297344680697;0.011827956989247311384017002922;0.016666666666666666435370203203;0.016666666666666666435370203203;0.011827956989247311384017002922;0.024193548387096773522042525428;0.014516129032258065154059600843;0.019892473118279570959421320708;0.078494623655913975390774339758;0.004301075268817204297344680697;0.037634408602150538902808563080;0.023655913978494622768034005844;0.007526881720430107954034060214;0.006989247311827957200025540629;0.014516129032258065154059600843;0.030107526881720431816136240855;0.013440860215053763646042561675;0.003763440860215053977017030107;0.015591397849462364927353164035;0.009677419354838710102706400562;0.024193548387096773522042525428;0.003763440860215053977017030107;0.033870967741935487094195877944;0.000000000000000000000000000000;0.007526881720430107954034060214;0.020430107526881721713429840293;0.010215053763440860856714920146;0.009139784946236559348697880978;0.014516129032258065154059600843;0.019892473118279570959421320708;0.010215053763440860856714920146
-0.017037037037037038034181790636;0.024444444444444445724284875610;0.021851851851851851471497667490;0.101481481481481478068573665041;0.043703703703703702942995334979;0.021481481481481479872686080057;0.007407407407407407690103084974;0.019629629629629628817522046802;0.021851851851851851471497667490;0.011481481481481481399242738917;0.014074074074074073917306471060;0.020740740740740740144509857146;0.024814814814814813853649511088;0.018148148148148149361169600979;0.025555555555555557051272685953;0.014074074074074073917306471060;0.014074074074074073917306471060;0.028888888888888887562789165031;0.025925925925925925180637321432;0.005185185185185185036127464286;0.013703703703703704053218359604;0.012962962962962962590318660716;0.015925925925925926707193980292;0.017777777777777777762358013547;0.022222222222222223070309254922;0.018148148148148149361169600979;0.018148148148148149361169600979;0.051111111111111114102545371907;0.004074074074074073709139653943;0.037407407407407410049327012302;0.038148148148148146308056283260;0.010370370370370370072254928573;0.011111111111111111535154627461;0.007037037037037036958653235530;0.028148148148148147834612942120;0.025555555555555557051272685953;0.008888888888888888881179006773;0.014444444444444443781394582516;0.002962962962962962815832712593;0.021111111111111111743321444578;0.007037037037037036958653235530;0.018518518518518517490534236458;0.000000000000000000000000000000;0.011481481481481481399242738917;0.028148148148148147834612942120;0.011481481481481481399242738917;0.019629629629629628817522046802;0.009629629629629630344078705662;0.025925925925925925180637321432;0.007037037037037036958653235530
-0.015555555555555555108382392859;0.042592592592592591616007524635;0.011851851851851851263330850372;0.127037037037037031650399399041;0.063703703703703706828775921167;0.015185185185185185244294281404;0.037037037037037034981068472916;0.044444444444444446140618509844;0.007407407407407407690103084974;0.011481481481481481399242738917;0.012222222222222222862142437805;0.009259259259259258745267118229;0.007777777777777777554191196430;0.009629629629629630344078705662;0.040740740740740744030290443334;0.012222222222222222862142437805;0.007037037037037036958653235530;0.023333333333333334397297065266;0.063333333333333338699411285688;0.001481481481481481407916356297;0.044814814814814814269983145323;0.004444444444444444440589503387;0.003703703703703703845051542487;0.015555555555555555108382392859;0.014444444444444443781394582516;0.017407407407407406163546426114;0.024814814814814813853649511088;0.065925925925925929482751541855;0.002222222222222222220294751693;0.023333333333333334397297065266;0.013333333333333334189130248149;0.006666666666666667094565124074;0.011111111111111111535154627461;0.002222222222222222220294751693;0.009259259259259258745267118229;0.012962962962962962590318660716;0.006666666666666667094565124074;0.011851851851851851263330850372;0.000740740740740740703958178148;0.002962962962962962815832712593;0.048888888888888891448569751219;0.008148148148148147418279307885;0.000000000000000000000000000000;0.007407407407407407690103084974;0.032222222222222221543752596062;0.018148148148148149361169600979;0.006296296296296296363115274630;0.004444444444444444440589503387;0.010370370370370370072254928573;0.006296296296296296363115274630
-0.012962962962962962590318660716;0.018148148148148149361169600979;0.012962962962962962590318660716;0.507407407407407418098443940835;0.063703703703703706828775921167;0.005555555555555555767577313730;0.008518518518518519017090895318;0.013703703703703704053218359604;0.008888888888888888881179006773;0.011111111111111111535154627461;0.009259259259259258745267118229;0.004814814814814815172039352831;0.004444444444444444440589503387;0.007037037037037036958653235530;0.021111111111111111743321444578;0.004814814814814815172039352831;0.004444444444444444440589503387;0.013333333333333334189130248149;0.012592592592592592726230549260;0.003333333333333333547282562037;0.013333333333333334189130248149;0.005925925925925925631665425186;0.002962962962962962815832712593;0.012962962962962962590318660716;0.010370370370370370072254928573;0.014814814814814815380206169948;0.010000000000000000208166817117;0.041111111111111112159655078813;0.001481481481481481407916356297;0.011481481481481481399242738917;0.002962962962962962815832712593;0.005925925925925925631665425186;0.004444444444444444440589503387;0.002592592592592592518063732143;0.002592592592592592518063732143;0.012592592592592592726230549260;0.002222222222222222220294751693;0.005555555555555555767577313730;0.004444444444444444440589503387;0.007037037037037036958653235530;0.005185185185185185036127464286;0.010000000000000000208166817117;0.000000000000000000000000000000;0.010000000000000000208166817117;0.012222222222222222862142437805;0.014814814814814815380206169948;0.005925925925925925631665425186;0.007037037037037036958653235530;0.004814814814814815172039352831;0.007037037037037036958653235530
-0.009782608695652174682355628477;0.015217391304347826705423152305;0.015217391304347826705423152305;0.359057971014492771644199820003;0.099275362318840584818779859688;0.011956521739130435144637942813;0.007608695652173913352711576152;0.021739130434782608092270095312;0.002536231884057970828449946055;0.009420289855072464316187996758;0.013405797101449274874584993711;0.005797101449275362389235155547;0.006159420289855072755402787266;0.011956521739130435144637942813;0.043840579710144926550707822344;0.006884057971014492620376312715;0.007246376811594202986543944434;0.013405797101449274874584993711;0.030434782608695653410846304610;0.000724637681159420298654394443;0.019202898550724638998543625235;0.003623188405797101493271972217;0.007608695652173913352711576152;0.013405797101449274874584993711;0.011956521739130435144637942813;0.012681159420289855876973206250;0.023550724637681159923108253906;0.030072463768115943044678672891;0.001086956521739130447981591665;0.027898550724637680847672882578;0.001449275362318840597308788887;0.006521739130434782254208680996;0.012318840579710145510805574531;0.004710144927536232158093998379;0.003260869565217391127104340498;0.015217391304347826705423152305;0.004347826086956521791926366660;0.005072463768115941656899892109;0.000724637681159420298654394443;0.004710144927536232158093998379;0.008333333333333333217685101602;0.003985507246376811425758734941;0.000000000000000000000000000000;0.012681159420289855876973206250;0.035507246376811595067746196719;0.009782608695652174682355628477;0.010507246376811593679967415937;0.004710144927536232158093998379;0.007608695652173913352711576152;0.005797101449275362389235155547
-0.020402298850574714095262862656;0.021551724137931035918391842188;0.018390804597701149170063672500;0.202298850574712640870700397500;0.059482758620689656081648166719;0.018390804597701149170063672500;0.012068965517241379142854285078;0.050000000000000002775557561563;0.003160919540229885013604693711;0.012356321839080459598636529961;0.013505747126436781421765509492;0.007183908045977011394556122070;0.007758620689655172306120611836;0.015804597701149426802746944531;0.060057471264367813523765704531;0.015517241379310344612241223672;0.006034482758620689571427142539;0.019252873563218392272133883125;0.040804597701149428190525725313;0.002011494252873563190475714180;0.030459770114942528312917957578;0.003160919540229885013604693711;0.005459770114942528659862652773;0.019540229885057470993192652031;0.015804597701149426802746944531;0.019540229885057470993192652031;0.024712643678160919197273059922;0.021551724137931035918391842188;0.002298850574712643646257959062;0.040517241379310342530573052500;0.006034482758620689571427142539;0.008045977011494252761902856719;0.016379310344827587714311434297;0.004310344827586206836733673242;0.003160919540229885013604693711;0.018103448275862070449004903594;0.005172413793103448204080407891;0.009482758620689655040814081133;0.001724137931034482734693469297;0.002586206896551724102040203945;0.018103448275862070449004903594;0.003735632183908045925169183477;0.000000000000000000000000000000;0.010632183908045976863943060664;0.041666666666666664353702032031;0.017241379310344827346934692969;0.014367816091954022789112244141;0.008908045977011494129249591367;0.012931034482758620510201019727;0.008333333333333333217685101602
-0.021481481481481479872686080057;0.005925925925925925631665425186;0.034814814814814812327092852229;0.465555555555555555802271783250;0.003333333333333333547282562037;0.003333333333333333547282562037;0.007777777777777777554191196430;0.017037037037037038034181790636;0.004814814814814815172039352831;0.014074074074074073917306471060;0.004814814814814815172039352831;0.001851851851851851922525771243;0.004444444444444444440589503387;0.017037037037037038034181790636;0.023703703703703702526661700745;0.013703703703703704053218359604;0.007407407407407407690103084974;0.019629629629629628817522046802;0.016666666666666666435370203203;0.006666666666666667094565124074;0.016296296296296294836558615771;0.007037037037037036958653235530;0.011851851851851851263330850372;0.015185185185185185244294281404;0.013703703703703704053218359604;0.015185185185185185244294281404;0.020000000000000000416333634234;0.002222222222222222220294751693;0.002592592592592592518063732143;0.007037037037037036958653235530;0.004814814814814815172039352831;0.012222222222222222862142437805;0.005555555555555555767577313730;0.010000000000000000208166817117;0.006296296296296296363115274630;0.018518518518518517490534236458;0.005555555555555555767577313730;0.009629629629629630344078705662;0.000370370370370370351979089074;0.011851851851851851263330850372;0.011111111111111111535154627461;0.002592592592592592518063732143;0.000000000000000000000000000000;0.010740740740740739936343040029;0.016666666666666666435370203203;0.021111111111111111743321444578;0.015925925925925926707193980292;0.008888888888888888881179006773;0.011481481481481481399242738917;0.011481481481481481399242738917
-0.022222222222222223070309254922;0.004365079365079365183999193789;0.080952380952380956213865204063;0.098412698412698410010968075312;0.000396825396825396825052634231;0.002380952380952381167156239883;0.003174603174603174600421073848;0.021031746031746033354092872969;0.001587301587301587300210536924;0.030158730158730159137681070547;0.019047619047619049337249919063;0.000000000000000000000000000000;0.003174603174603174600421073848;0.061507936507936504522131571093;0.014285714285714285268213963320;0.014285714285714285268213963320;0.006349206349206349200842147695;0.021031746031746033354092872969;0.008333333333333333217685101602;0.015476190476190476719153821250;0.017063492063492061850960013203;0.006349206349206349200842147695;0.025396825396825396803368590781;0.048809523809523809589894227656;0.015476190476190476719153821250;0.047222222222222220988641083750;0.042063492063492066708185745938;0.001190476190476190583578119941;0.000793650793650793650105268462;0.002380952380952381167156239883;0.000793650793650793650105268462;0.019444444444444444752839729063;0.006349206349206349200842147695;0.017460317460317460735996775156;0.026984126984126985404621734688;0.038095238095238098674499838125;0.013095238095238095551997581367;0.005952380952380952050528861719;0.000000000000000000000000000000;0.051984126984126986792400515469;0.006349206349206349200842147695;0.000396825396825396825052634231;0.000000000000000000000000000000;0.020634920634920634469056111016;0.008333333333333333217685101602;0.021428571428571428769682682969;0.056746031746031745657266043281;0.025396825396825396803368590781;0.034523809523809526056403740313;0.011111111111111111535154627461
-0.014074074074074073917306471060;0.015555555555555555108382392859;0.013703703703703704053218359604;0.299999999999999988897769753748;0.061851851851851852304164935958;0.002962962962962962815832712593;0.022962962962962962798485477833;0.038148148148148146308056283260;0.002222222222222222220294751693;0.016296296296296294836558615771;0.009259259259259258745267118229;0.002222222222222222220294751693;0.002592592592592592518063732143;0.014444444444444443781394582516;0.062962962962962956692258842395;0.007777777777777777554191196430;0.007037037037037036958653235530;0.010000000000000000208166817117;0.025555555555555557051272685953;0.004074074074074073709139653943;0.021851851851851851471497667490;0.002962962962962962815832712593;0.009259259259259258745267118229;0.018148148148148149361169600979;0.005925925925925925631665425186;0.016296296296296294836558615771;0.026666666666666668378260496297;0.026296296296296296779448908865;0.004444444444444444440589503387;0.014074074074074073917306471060;0.003703703703703703845051542487;0.014074074074074073917306471060;0.006296296296296296363115274630;0.008888888888888888881179006773;0.008518518518518519017090895318;0.014814814814814815380206169948;0.006666666666666667094565124074;0.009259259259259258745267118229;0.000000000000000000000000000000;0.011481481481481481399242738917;0.019259259259259260688157411323;0.001851851851851851922525771243;0.000000000000000000000000000000;0.011481481481481481399242738917;0.041481481481481480289019714291;0.022592592592592591199673890401;0.015925925925925926707193980292;0.007407407407407407690103084974;0.008888888888888888881179006773;0.007777777777777777554191196430
-0.034000000000000002442490654175;0.012000000000000000249800180541;0.039333333333333331260917020700;0.120333333333333333814429977338;0.006000000000000000124900090270;0.019333333333333334314030338419;0.010666666666666666310470112933;0.026333333333333333592385372413;0.014999999999999999444888487687;0.020000000000000000416333634234;0.009333333333333334105863521302;0.015666666666666665547191783503;0.028333333333333331899295259859;0.026666666666666668378260496297;0.014999999999999999444888487687;0.015666666666666665547191783503;0.026666666666666668378260496297;0.034000000000000002442490654175;0.014000000000000000291433543964;0.006666666666666667094565124074;0.019333333333333334314030338419;0.013666666666666667240281896056;0.015666666666666665547191783503;0.031333333333333331094383567006;0.025999999999999998806510248528;0.026666666666666668378260496297;0.023666666666666665713725237197;0.005666666666666667073748442363;0.003000000000000000062450045135;0.024333333333333331816028533012;0.017000000000000001221245327088;0.019666666666666665630458510350;0.016666666666666666435370203203;0.008999999999999999319988397417;0.029000000000000001471045507628;0.035333333333333334647097245806;0.008999999999999999319988397417;0.010333333333333333259318465025;0.004000000000000000083266726847;0.017666666666666667323548622903;0.010000000000000000208166817117;0.012999999999999999403255124264;0.000000000000000000000000000000;0.022333333333333333509118645566;0.008333333333333333217685101602;0.020666666666666666518636930050;0.023333333333333334397297065266;0.016000000000000000333066907388;0.022666666666666668294993769450;0.011666666666666667198648532633
-0.020754716981132074332672132755;0.014150943396226415421645938864;0.043396226415094336925637463764;0.110377358490566040982727713526;0.003459119496855346011232601455;0.003459119496855346011232601455;0.007861635220125786152611802038;0.041194968553459117288628732467;0.004716981132075471518094733625;0.048742138364779877268695429393;0.010377358490566037166336066377;0.001886792452830188693974067249;0.006289308176100629269034136826;0.034905660377358489754318071618;0.029245283018867924973438476854;0.010062893081761005789620533335;0.018867924528301886072378934500;0.028930817610062893596722943812;0.020125786163522011579241066670;0.004716981132075471518094733625;0.020754716981132074332672132755;0.004402515723270440141379200583;0.007232704402515723399180735953;0.053144654088050316542712891987;0.010377358490566037166336066377;0.043396226415094336925637463764;0.034905660377358489754318071618;0.006918238993710692022465202911;0.003459119496855346011232601455;0.005660377358490565648241332752;0.000943396226415094346987033624;0.030503144654088050480300609024;0.008490566037735848906042868123;0.014465408805031446798361471906;0.008490566037735848906042868123;0.044025157232704399679068529849;0.012264150943396227161352740609;0.009748427672955974412905000293;0.000628930817610062861851283333;0.008490566037735848906042868123;0.015094339622641509551792537991;0.004716981132075471518094733625;0.000000000000000000000000000000;0.042138364779874211418775331595;0.014465408805031446798361471906;0.038993710691823897651620001170;0.034276729559748427000887005534;0.023270440251572325346396397094;0.020754716981132074332672132755;0.014465408805031446798361471906
-0.015873015873015872134743631250;0.037301587301587300904426314219;0.023015873015873017370935826875;0.150793650793650785280064496874;0.024206349206349207087152208828;0.006746031746031746351155433672;0.017857142857142856151586585156;0.057142857142857141072855853281;0.001190476190476190583578119941;0.020238095238095239053466301016;0.010317460317460317234528055508;0.002777777777777777883788656865;0.003571428571428571317053490830;0.015079365079365079568840535273;0.073015873015873020146493388438;0.008730158730158730367998387578;0.007936507936507936067371815625;0.023015873015873017370935826875;0.028968253968253969421464688594;0.002777777777777777883788656865;0.028968253968253969421464688594;0.001984126984126984016842953906;0.011904761904761904101057723437;0.031746031746031744269487262500;0.009920634920634920084214769531;0.023412698412698412786525636875;0.036507936507936510073246694219;0.037301587301587300904426314219;0.004365079365079365183999193789;0.021428571428571428769682682969;0.001984126984126984016842953906;0.013095238095238095551997581367;0.013095238095238095551997581367;0.008333333333333333217685101602;0.008333333333333333217685101602;0.023809523809523808202115446875;0.009920634920634920084214769531;0.009920634920634920084214769531;0.000000000000000000000000000000;0.013492063492063492702310867344;0.017857142857142856151586585156;0.002380952380952381167156239883;0.000000000000000000000000000000;0.019047619047619049337249919063;0.041269841269841268938112222031;0.028174603174603175120838116641;0.016666666666666666435370203203;0.011507936507936508685467913438;0.015873015873015872134743631250;0.007142857142857142634106981660
-0.016250000000000000555111512313;0.003333333333333333547282562037;0.056250000000000001387778780781;0.111666666666666664076146275875;0.000416666666666666693410320255;0.002083333333333333304421275400;0.004166666666666666608842550801;0.022916666666666665047591422422;0.001250000000000000026020852140;0.073749999999999996114219413812;0.013750000000000000069388939039;0.000000000000000000000000000000;0.004583333333333333356462979680;0.061666666666666668239482618219;0.008333333333333333217685101602;0.017500000000000001665334536938;0.009166666666666666712925959359;0.010416666666666666088425508008;0.005416666666666666851703837438;0.007083333333333332974823814965;0.012916666666666666574148081281;0.003749999999999999861222121922;0.002916666666666666799662133158;0.087083333333333332038073137937;0.020416666666666666296592325125;0.055000000000000000277555756156;0.023750000000000000277555756156;0.014166666666666665949647629930;0.000833333333333333386820640509;0.000416666666666666693410320255;0.000416666666666666693410320255;0.032500000000000001110223024625;0.000416666666666666693410320255;0.011249999999999999583666365766;0.006666666666666667094565124074;0.075833333333333335923853724125;0.013750000000000000069388939039;0.004166666666666666608842550801;0.000000000000000000000000000000;0.004583333333333333356462979680;0.010833333333333333703407674875;0.000000000000000000000000000000;0.000000000000000000000000000000;0.030833333333333334119741309109;0.005833333333333333599324266316;0.017916666666666667545593227828;0.062916666666666662410811738937;0.035000000000000003330669073875;0.013333333333333334189130248149;0.022499999999999999167332731531
-0.009689922480620154904285001862;0.005038759689922480550228200968;0.060077519379844963876013963500;0.187984496124031008612575988082;0.013953488372093023062170402682;0.001937984496124030980857000372;0.012790697674418604473656202458;0.035271317829457367321044358732;0.000387596899224806196171400074;0.048837209302325580717596409386;0.011240310077519379688970602160;0.000387596899224806196171400074;0.001162790697674418588514200223;0.042635658914728681578854008194;0.024418604651162790358798204693;0.009302325581395348708113601788;0.011240310077519379688970602160;0.008139534883720930119599401564;0.006976744186046511531085201341;0.003488372093023255765542600670;0.022093023255813953181769804246;0.004263565891472868157885400819;0.003100775193798449569371200596;0.077906976744186048899898366926;0.006201550387596899138742401192;0.047286821705426355932910809088;0.034108527131782945263083206555;0.001550387596899224784685600298;0.005038759689922480550228200968;0.000387596899224806196171400074;0.000000000000000000000000000000;0.032558139534883720478397606257;0.001162790697674418588514200223;0.013178294573643410669827602533;0.002325581395348837177028400447;0.040697674418604654067443959775;0.006976744186046511531085201341;0.009302325581395348708113601788;0.000000000000000000000000000000;0.005426356589147286746399601043;0.015891472868217054043027403054;0.001550387596899224784685600298;0.000000000000000000000000000000;0.048837209302325580717596409386;0.011240310077519379688970602160;0.043798449612403103636815160371;0.041860465116279069186511208045;0.010465116279069767296627802011;0.003100775193798449569371200596;0.014728682170542635454513202831
-0.012654320987654321326032480499;0.005246913580246913635929395525;0.031481481481481478346129421197;0.434876543209876564866078751947;0.004938271604938271504281477320;0.002160493827160493620492820455;0.016666666666666666435370203203;0.029938271604938272024698520113;0.003086419753086419581755706076;0.025617283950617283916351141215;0.012037037037037037062736644089;0.000000000000000000000000000000;0.000617283950617283938035184665;0.020987654320987654543717582101;0.022530864197530864334595435139;0.007098765432098765558455166769;0.009259259259259258745267118229;0.008333333333333333217685101602;0.010493827160493827271858791050;0.002160493827160493620492820455;0.022222222222222223070309254922;0.005246913580246913635929395525;0.002777777777777777883788656865;0.037037037037037034981068472916;0.008333333333333333217685101602;0.031481481481481478346129421197;0.024382716049382715389759468394;0.003086419753086419581755706076;0.004938271604938271504281477320;0.001543209876543209790877853038;0.000000000000000000000000000000;0.015740740740740739173064710599;0.002777777777777777883788656865;0.014197530864197531116910333537;0.004012345679012345976699460692;0.020987654320987654543717582101;0.004320987654320987240985640909;0.005555555555555555767577313730;0.000000000000000000000000000000;0.004938271604938271504281477320;0.012654320987654321326032480499;0.000308641975308641969017592332;0.000000000000000000000000000000;0.029320987654320986026679207725;0.013271604938271605589328316910;0.024074074074074074125473288177;0.028086419753086420969534486858;0.005555555555555555767577313730;0.003086419753086419581755706076;0.009876543209876543008562954640
-0.009920634920634920084214769531;0.010714285714285714384841341484;0.025396825396825396803368590781;0.406349206349206348853897452500;0.004761904761904762334312479766;0.003174603174603174600421073848;0.013095238095238095551997581367;0.032142857142857139685077072500;0.009920634920634920084214769531;0.026984126984126985404621734688;0.009920634920634920084214769531;0.000396825396825396825052634231;0.002380952380952381167156239883;0.017063492063492061850960013203;0.026587301587301586519584972734;0.015873015873015872134743631250;0.012301587301587301251371009414;0.009126984126984127518311673555;0.012301587301587301251371009414;0.000396825396825396825052634231;0.021031746031746033354092872969;0.004365079365079365183999193789;0.001984126984126984016842953906;0.039285714285714284921269268125;0.009523809523809524668624959531;0.026587301587301586519584972734;0.023015873015873017370935826875;0.002777777777777777883788656865;0.009126984126984127518311673555;0.003174603174603174600421073848;0.000396825396825396825052634231;0.024603174603174602502742018828;0.000000000000000000000000000000;0.011111111111111111535154627461;0.002380952380952381167156239883;0.021031746031746033354092872969;0.001984126984126984016842953906;0.006349206349206349200842147695;0.000000000000000000000000000000;0.000000000000000000000000000000;0.022222222222222223070309254922;0.000000000000000000000000000000;0.000000000000000000000000000000;0.033730158730158728286330216406;0.017063492063492061850960013203;0.021428571428571428769682682969;0.029365079365079364837054498594;0.002380952380952381167156239883;0.004365079365079365183999193789;0.011904761904761904101057723437
-0.019696969696969695434729530348;0.013131313131313130868060845557;0.033838383838383841173413912884;0.112121212121212121548552431705;0.024242424242424242403215473018;0.014141414141414142269237430583;0.007575757575757575967845269815;0.028787878787878789371701415689;0.002525252525252525467175379603;0.030808080808080808704607633786;0.011616161616161616368381181985;0.004545454545454545233762466694;0.020202020202020203737403036826;0.032828282828282831506960803836;0.037373737373737371536552842599;0.025252525252525252069668582067;0.004040404040404040400535912170;0.013131313131313130868060845557;0.020202020202020203737403036826;0.002020202020202020200267956085;0.013636363636363635701287400082;0.007070707070707071134618715291;0.019191919191919190601502975824;0.024242424242424242403215473018;0.028787878787878789371701415689;0.035858585858585860506320130980;0.036868686868686870172773240029;0.015151515151515151935690539631;0.001515151515151515150200967064;0.037878787878787879839226349077;0.000505050505050505050066989021;0.016666666666666666435370203203;0.017171717171717171268596757727;0.022727272727272727903535809446;0.022222222222222223070309254922;0.023232323232323232736762363970;0.005555555555555555767577313730;0.002525252525252525467175379603;0.000000000000000000000000000000;0.023737373737373737569988918494;0.010101010101010101868701518413;0.000505050505050505050066989021;0.000000000000000000000000000000;0.020202020202020203737403036826;0.031818181818181814901613790880;0.013131313131313130868060845557;0.028787878787878789371701415689;0.023737373737373737569988918494;0.022727272727272727903535809446;0.036363636363636361870099733551
-0.021874999999999998612221219219;0.004166666666666666608842550801;0.044097222222222225151977426094;0.278125000000000011102230246252;0.005902777777777777623580135469;0.010069444444444445099784424258;0.008680555555555555941049661328;0.028472222222222221682530474141;0.004513888888888888464845372539;0.023611111111111110494320541875;0.006250000000000000346944695195;0.002430555555555555594104966133;0.008680555555555555941049661328;0.027083333333333334258519187188;0.034027777777777774848022573906;0.017361111111111111882099322656;0.012152777777777777970524830664;0.022916666666666665047591422422;0.007986111111111110494320541875;0.007638888888888888638317720137;0.014930555555555556287994356524;0.013541666666666667129259593594;0.012847222222222221682530474141;0.029513888888888888117900677344;0.021874999999999998612221219219;0.023958333333333334952408577578;0.024305555555555555941049661328;0.005902777777777777623580135469;0.003125000000000000173472347598;0.004513888888888888464845372539;0.000694444444444444470947164216;0.020138888888888890199568848516;0.007638888888888888638317720137;0.013888888888888888117900677344;0.014583333333333333564629796797;0.029861111111111112575988713047;0.009374999999999999653055304805;0.002430555555555555594104966133;0.000000000000000000000000000000;0.019791666666666665741480812812;0.013541666666666667129259593594;0.003125000000000000173472347598;0.000000000000000000000000000000;0.021527777777777777623580135469;0.016666666666666666435370203203;0.019097222222222223764198645313;0.022222222222222223070309254922;0.022222222222222223070309254922;0.016666666666666666435370203203;0.015972222222222220988641083750
-0.025423728813559323680415502622;0.012429378531073446978449936751;0.037853107344632770658865439373;0.111299435028248586143639897728;0.004237288135593220324282004441;0.006497175141242937483621044947;0.011016949152542372669660863949;0.044350282485875705540401270355;0.005649717514124293765709339254;0.020621468926553671030532655095;0.018079096045197740744159276005;0.001412429378531073441427334814;0.009887005649717514957353081684;0.025423728813559323680415502622;0.037853107344632770658865439373;0.012994350282485874967242089895;0.012429378531073446978449936751;0.044632768361581920402159084915;0.024858757062146893956899873501;0.009322033898305085233837452563;0.028813559322033898552062325393;0.007909604519774010925048379761;0.031638418079096043700193519044;0.031638418079096043700193519044;0.014689265536723164137788977257;0.030508474576271187722609212756;0.044350282485875705540401270355;0.009887005649717514957353081684;0.001977401129943502731262094940;0.006779661016949152345378859508;0.001694915254237288086344714877;0.018644067796610170467674905126;0.015819209039548021850096759522;0.012429378531073446978449936751;0.014124293785310734414273348136;0.033615819209039547732498220967;0.015536723163841808723062420938;0.008192090395480225786806194321;0.000282485875706214699127488688;0.031638418079096043700193519044;0.013841807909604519552515533576;0.002824858757062146882854669627;0.000000000000000000000000000000;0.020338983050847456168774840535;0.015254237288135593861304606378;0.025141242937853108818657688062;0.023446327683615819648110800699;0.012994350282485874967242089895;0.035028248587570622041287293769;0.014689265536723164137788977257
-0.034552845528455285173397015797;0.009349593495934959558324450768;0.044715447154471545110343555507;0.114227642276422763911725155594;0.002845528455284553059900787275;0.010162601626016259936946539710;0.004065040650406504495195658677;0.037398373983739838233297803072;0.005284552845528455063128792091;0.048373983739837395079419479771;0.021544715447154472176549688811;0.002845528455284553059900787275;0.014227642276422763564780460399;0.032113821138211380568083797016;0.013821138211382113375469415928;0.007723577235772357933718534895;0.009349593495934959558324450768;0.027642276422764226750938831856;0.014634146341463415488814980847;0.006504065040650406498423663493;0.020325203252032519873893079421;0.004878048780487804873817747620;0.012195121951219512618225238043;0.055691056910569108895359136113;0.024796747967479673691038044581;0.052032520325203251987389307942;0.044308943089430896655755987013;0.001626016260162601624605915873;0.002845528455284553059900787275;0.004065040650406504495195658677;0.002439024390243902436908873810;0.021544715447154472176549688811;0.012195121951219512618225238043;0.004471544715447154684506703148;0.010569105691056910126257584182;0.049593495934959347382076089161;0.021951219512195120631137257305;0.009349593495934959558324450768;0.000000000000000000000000000000;0.015040650406504065678126025318;0.008130081300813008990391317354;0.001219512195121951218454436905;0.000000000000000000000000000000;0.032113821138211380568083797016;0.004471544715447154684506703148;0.023577235772357724857828387144;0.038617886178861790535954412462;0.017886178861788618738026812593;0.032520325203252035961565269417;0.010162601626016259936946539710
-0.011607142857142857539365365938;0.013690476190476190410105772344;0.022916666666666665047591422422;0.382738095238095210604001294996;0.010714285714285714384841341484;0.004761904761904762334312479766;0.015178571428571428422737987773;0.029761904761904760252644308594;0.004761904761904762334312479766;0.021726190476190475331375040469;0.009821428571428571230317317031;0.002380952380952381167156239883;0.001488095238095238012632215430;0.018452380952380952744418252109;0.041666666666666664353702032031;0.006845238095238095205052886172;0.012202380952380952397473556914;0.015476190476190476719153821250;0.012500000000000000693889390391;0.003571428571428571317053490830;0.023511904761904761640423089375;0.005357142857142857192420670742;0.006250000000000000346944695195;0.027380952380952380820211544687;0.009523809523809524668624959531;0.021726190476190475331375040469;0.024107142857142858233254756328;0.010714285714285714384841341484;0.005059523809523809763366575254;0.008035714285714284921269268125;0.001785714285714285658526745415;0.014583333333333333564629796797;0.005357142857142857192420670742;0.008333333333333333217685101602;0.005357142857142857192420670742;0.024702380952380951356639471328;0.005357142857142857192420670742;0.006547619047619047775998790684;0.000892857142857142829263372708;0.010416666666666666088425508008;0.016369047619047619873677845703;0.004464285714285714037896646289;0.000000000000000000000000000000;0.026190476190476191103995162734;0.018749999999999999306110609609;0.024404761904761904794947113828;0.014880952380952380126322154297;0.009821428571428571230317317031;0.008630952380952381514100935078;0.009226190476190476372209126055
-0.013247863247863247634916739059;0.004700854700854700633783078700;0.023504273504273504036277131490;0.409829059829059816344454247883;0.002564102564102564100340098108;0.001709401709401709400226732072;0.011538461538461539102051744976;0.030341880341880341637184059778;0.000854700854700854700113366036;0.045726495726495723637139434459;0.008974358974358973700669039886;0.000000000000000000000000000000;0.000854700854700854700113366036;0.026068376068376069437659836581;0.020940170940170938634894426400;0.008547008547008547868495398347;0.002564102564102564100340098108;0.007692307692307692734701163317;0.005128205128205128200680196215;0.002136752136752136967123849587;0.015811965811965811301575968173;0.000427350427350427350056683018;0.001282051282051282050170049054;0.058547008547008547174606007957;0.009829059829059828834463274916;0.041452991452991451437615211262;0.022222222222222223070309254922;0.002991452991452991667237215623;0.002564102564102564100340098108;0.001709401709401709400226732072;0.000427350427350427350056683018;0.017521367521367521569164438233;0.000854700854700854700113366036;0.008119658119658120301598280832;0.002991452991452991667237215623;0.036752136752136753405917346527;0.004700854700854700633783078700;0.003846153846153846367350581659;0.000000000000000000000000000000;0.001282051282051282050170049054;0.012393162393162392501122504029;0.000000000000000000000000000000;0.000000000000000000000000000000;0.030341880341880341637184059778;0.010683760683760683968257509946;0.023076923076923078204103489952;0.038034188034188030902438271141;0.015384615384615385469402326635;0.003418803418803418800453464144;0.006410256410256410034009810772
-0.007777777777777777554191196430;0.005185185185185185036127464286;0.020740740740740740144509857146;0.478518518518518509718973064082;0.004814814814814815172039352831;0.001481481481481481407916356297;0.017037037037037038034181790636;0.026296296296296296779448908865;0.000370370370370370351979089074;0.029259259259259259161600752464;0.004444444444444444440589503387;0.000370370370370370351979089074;0.001481481481481481407916356297;0.018148148148148149361169600979;0.028518518518518519433424529552;0.004814814814814815172039352831;0.005555555555555555767577313730;0.008518518518518519017090895318;0.008518518518518519017090895318;0.004814814814814815172039352831;0.017407407407407406163546426114;0.002222222222222222220294751693;0.006296296296296296363115274630;0.033703703703703701000105041885;0.004074074074074073709139653943;0.026666666666666668378260496297;0.018888888888888889089345823891;0.002222222222222222220294751693;0.003333333333333333547282562037;0.002962962962962962815832712593;0.000370370370370370351979089074;0.017407407407407406163546426114;0.002962962962962962815832712593;0.005925925925925925631665425186;0.005185185185185185036127464286;0.030370370370370370488588562807;0.004814814814814815172039352831;0.002962962962962962815832712593;0.000000000000000000000000000000;0.008518518518518519017090895318;0.017037037037037038034181790636;0.000000000000000000000000000000;0.000000000000000000000000000000;0.024444444444444445724284875610;0.017777777777777777762358013547;0.018888888888888889089345823891;0.022962962962962962798485477833;0.008148148148148147418279307885;0.008148148148148147418279307885;0.009629629629629630344078705662
-0.013157894736842104532748010115;0.005263157894736841986571551644;0.035087719298245612087328026973;0.370614035087719284611296188814;0.011842105263157895120307294690;0.001754385964912280734470662047;0.019736842105263156799122015173;0.031578947368421053654152785839;0.001754385964912280734470662047;0.028947368421052631359824403035;0.007017543859649122937882648188;0.000438596491228070183617665512;0.001754385964912280734470662047;0.030701754385964910576412023602;0.018859649122807017190828204889;0.010087719298245614168996198146;0.009649122807017544364849293004;0.012280701754385964924454199831;0.004824561403508772182424646502;0.003947368421052631706769098230;0.017982456140350877582534394605;0.003508771929824561468941324094;0.007894736842105263413538196460;0.038157894736842105920526790896;0.010087719298245614168996198146;0.028070175438596491751530592751;0.023245614035087718701744208261;0.002631578947368420993285775822;0.003508771929824561468941324094;0.001315789473684210496642887911;0.000438596491228070183617665512;0.015789473684210526827076392919;0.004824561403508772182424646502;0.008771929824561403021832006743;0.009649122807017544364849293004;0.031140350877192982115282404720;0.005701754385964912658080194774;0.006140350877192982462227099916;0.000438596491228070183617665512;0.014035087719298245875765296375;0.013157894736842104532748010115;0.000438596491228070183617665512;0.000000000000000000000000000000;0.028947368421052631359824403035;0.010087719298245614168996198146;0.030263157894736842506988594437;0.028947368421052631359824403035;0.012719298245614034728601104973;0.011403508771929825316160389548;0.011403508771929825316160389548
-0.012820512820512820068019621544;0.024358974358974359170071366520;0.020085470085470086970547143324;0.164957264957264954086113561971;0.027350427350427350403627713149;0.016666666666666666435370203203;0.009829059829059828834463274916;0.039316239316239315337853099663;0.005982905982905983334474431246;0.022222222222222223070309254922;0.018803418803418802535132314802;0.008974358974358973700669039886;0.010683760683760683968257509946;0.013247863247863247634916739059;0.042307692307692310040856398246;0.017948717948717947401338079771;0.013675213675213675201813856575;0.035042735042735043138328876466;0.043589743589743587537377322860;0.001709401709401709400226732072;0.026068376068376069437659836581;0.004700854700854700633783078700;0.026495726495726495269833478119;0.025213675213675214303865601551;0.013247863247863247634916739059;0.021367521367521367936515019892;0.044444444444444446140618509844;0.010256410256410256401360392431;0.002136752136752136967123849587;0.040170940170940173941094286647;0.002564102564102564100340098108;0.018803418803418802535132314802;0.024786324786324785002245008059;0.012820512820512820068019621544;0.007264957264957265167804045802;0.023504273504273504036277131490;0.006410256410256410034009810772;0.004700854700854700633783078700;0.000000000000000000000000000000;0.003418803418803418800453464144;0.020085470085470086970547143324;0.001282051282051282050170049054;0.000000000000000000000000000000;0.017521367521367521569164438233;0.024358974358974359170071366520;0.015384615384615385469402326635;0.016666666666666666435370203203;0.007264957264957265167804045802;0.017521367521367521569164438233;0.011965811965811966668948862491
-0.014814814814814815380206169948;0.011574074074074073431583897786;0.024074074074074074125473288177;0.372222222222222232090871330001;0.006018518518518518531368322044;0.001388888888888888941894328433;0.014351851851851851749053423646;0.031018518518518518184423626849;0.000000000000000000000000000000;0.045370370370370373402924002448;0.006481481481481481295159330358;0.000462962962962962980631442811;0.002314814814814814686316779557;0.024537037037037037756626034479;0.036111111111111107718762980312;0.003703703703703703845051542487;0.005092592592592593003786305417;0.010648148148148147904001881159;0.013888888888888888117900677344;0.001388888888888888941894328433;0.015740740740740739173064710599;0.002314814814814814686316779557;0.001851851851851851922525771243;0.056018518518518516102755455677;0.006944444444444444058950338672;0.034722222222222223764198645313;0.022222222222222223070309254922;0.007407407407407407690103084974;0.003703703703703703845051542487;0.002314814814814814686316779557;0.000000000000000000000000000000;0.021296296296296295808003762318;0.003240740740740740647579665179;0.006018518518518518531368322044;0.002777777777777777883788656865;0.037037037037037034981068472916;0.006944444444444444058950338672;0.004166666666666666608842550801;0.000000000000000000000000000000;0.000925925925925925961262885622;0.019444444444444444752839729063;0.000462962962962962980631442811;0.000000000000000000000000000000;0.028240740740740739866954100989;0.013888888888888888117900677344;0.020370370370370372015145221667;0.031018518518518518184423626849;0.012037037037037037062736644089;0.003240740740740740647579665179;0.010185185185185186007572610833
-0.009259259259259258745267118229;0.005555555555555555767577313730;0.029629629629629630760412339896;0.379629629629629650189315270836;0.011481481481481481399242738917;0.003333333333333333547282562037;0.020740740740740740144509857146;0.038148148148148146308056283260;0.005925925925925925631665425186;0.025925925925925925180637321432;0.007777777777777777554191196430;0.000370370370370370351979089074;0.001481481481481481407916356297;0.017777777777777777762358013547;0.028518518518518519433424529552;0.004444444444444444440589503387;0.026296296296296296779448908865;0.016296296296296294836558615771;0.007037037037037036958653235530;0.005925925925925925631665425186;0.018888888888888889089345823891;0.007407407407407407690103084974;0.004814814814814815172039352831;0.034814814814814812327092852229;0.006296296296296296363115274630;0.018888888888888889089345823891;0.019629629629629628817522046802;0.003703703703703703845051542487;0.006666666666666667094565124074;0.001111111111111111110147375847;0.000000000000000000000000000000;0.035185185185185187395351391615;0.001851851851851851922525771243;0.007037037037037036958653235530;0.004444444444444444440589503387;0.042222222222222223486642889156;0.003703703703703703845051542487;0.000370370370370370351979089074;0.000000000000000000000000000000;0.009259259259259258745267118229;0.023333333333333334397297065266;0.001851851851851851922525771243;0.000000000000000000000000000000;0.024814814814814813853649511088;0.012592592592592592726230549260;0.030740740740740742087400150240;0.020000000000000000416333634234;0.004444444444444444440589503387;0.005555555555555555767577313730;0.004814814814814815172039352831
-0.008757062146892655510321823442;0.022033898305084745339321727897;0.024858757062146893956899873501;0.333898305084745772308707500997;0.012146892655367232116692122190;0.003954802259887005462524189880;0.007344632768361582068894488629;0.035028248587570622041287293769;0.006214689265536723489224968375;0.020621468926553671030532655095;0.008757062146892655510321823442;0.000564971751412429398254977375;0.007062146892655367207136674068;0.012994350282485874967242089895;0.036440677966101696350076366571;0.003389830508474576172689429754;0.024576271186440679095142058941;0.025706214689265535072726365229;0.018361581920903955605917090566;0.002824858757062146882854669627;0.015536723163841808723062420938;0.005649717514124293765709339254;0.007344632768361582068894488629;0.034180790960451977456013850087;0.005649717514124293765709339254;0.015254237288135593861304606378;0.023446327683615819648110800699;0.016666666666666666435370203203;0.010451977401129942946145234828;0.008192090395480225786806194321;0.000000000000000000000000000000;0.037853107344632770658865439373;0.008474576271186440648564008882;0.005367231638418078903951524694;0.011299435028248587531418678509;0.035310734463276836903045108329;0.006214689265536723489224968375;0.003107344632768361744612484188;0.000282485875706214699127488688;0.011016949152542372669660863949;0.020621468926553671030532655095;0.007062146892655367207136674068;0.000000000000000000000000000000;0.018079096045197740744159276005;0.019209039548022600191190534247;0.021186440677966100754048284216;0.014689265536723164137788977257;0.006779661016949152345378859508;0.011299435028248587531418678509;0.004237288135593220324282004441
-0.013636363636363635701287400082;0.005303030303030303350964036468;0.037878787878787879839226349077;0.332954545454545447480398934204;0.004545454545454545233762466694;0.002651515151515151675482018234;0.006439393939393939225723784148;0.029545454545454544886817771498;0.001136363636363636308440616673;0.038257575757575754127337575028;0.010227272727272727209646419055;0.000757575757575757575100483532;0.003030303030303030300401934127;0.026136363636363634660453314495;0.019318181818181817677171352443;0.003787878787878787983922634908;0.006818181818181817850643700041;0.015530303030303029693248717535;0.012878787878787878451447568295;0.004166666666666666608842550801;0.017424242424242425419933510966;0.004924242424242423858682382587;0.011742424242424241709326082628;0.043939393939393937837945003366;0.008333333333333333217685101602;0.039772727272727272096464190554;0.033712121212121214097745536264;0.009848484848484847717364765174;0.001893939393939393991961317454;0.002272727272727272616881233347;0.000000000000000000000000000000;0.020833333333333332176851016015;0.005303030303030303350964036468;0.009848484848484847717364765174;0.014772727272727272443408885749;0.034090909090909088385856762216;0.006818181818181817850643700041;0.005681818181818181975883952362;0.000378787878787878787550241766;0.014393939393939394685850707845;0.012878787878787878451447568295;0.000378787878787878787550241766;0.000000000000000000000000000000;0.030303030303030303871381079261;0.013257575757575757943729222177;0.024621212121212120160773650923;0.023484848484848483418652165255;0.014393939393939394685850707845;0.015151515151515151935690539631;0.004545454545454545233762466694
-0.010000000000000000208166817117;0.008571428571428571854817768383;0.032857142857142855596475072844;0.392857142857142849212692681249;0.005238095238095237873854337352;0.003333333333333333547282562037;0.008571428571428571854817768383;0.027619047619047619457344211469;0.000476190476190476190063161077;0.041904761904761902990834698812;0.007619047619047619041010577234;0.000000000000000000000000000000;0.001904761904761904760252644309;0.024761904761904762750646114000;0.019523809523809523142068300672;0.007142857142857142634106981660;0.007619047619047619041010577234;0.012857142857142856914864914586;0.009047619047619047394359625969;0.006190476190476190687661528500;0.011904761904761904101057723437;0.001428571428571428570189483231;0.003333333333333333547282562037;0.047619047619047616404230893750;0.010952380952380953021974008266;0.031904761904761907986838309625;0.023809523809523808202115446875;0.004285714285714285927408884191;0.004285714285714285927408884191;0.003809523809523809520505288617;0.001904761904761904760252644309;0.021904761904761906043948016531;0.003333333333333333547282562037;0.005238095238095237873854337352;0.003809523809523809520505288617;0.033809523809523810145005739969;0.004285714285714285927408884191;0.005714285714285714280757932926;0.000000000000000000000000000000;0.005714285714285714280757932926;0.011428571428571428561515865852;0.000952380952380952380126322154;0.000000000000000000000000000000;0.033333333333333332870740406406;0.010952380952380953021974008266;0.029523809523809525084958593766;0.031904761904761907986838309625;0.010000000000000000208166817117;0.006190476190476190687661528500;0.008571428571428571854817768383
-0.035144927536231884701578565000;0.011956521739130435144637942813;0.022101449275362318458437727031;0.228260869565217378029942096873;0.017753623188405797533873098359;0.015942028985507245703034939766;0.009057971014492753950020365039;0.028985507246376811946175777734;0.005434782608695652023067523828;0.016666666666666666435370203203;0.011594202898550724778470311094;0.012318840579710145510805574531;0.009057971014492753950020365039;0.015579710144927537071590784024;0.026811594202898549749169987422;0.015579710144927537071590784024;0.010869565217391304046135047656;0.017028985507246376801537834922;0.027898550724637680847672882578;0.006159420289855072755402787266;0.028260869565217391213840514297;0.004710144927536232158093998379;0.013405797101449274874584993711;0.030072463768115943044678672891;0.024275362318840580655443517344;0.028260869565217391213840514297;0.028623188405797101580008146016;0.004710144927536232158093998379;0.001086956521739130447981591665;0.020289855072463766627599568437;0.009782608695652174682355628477;0.013405797101449274874584993711;0.015217391304347826705423152305;0.009420289855072464316187996758;0.012681159420289855876973206250;0.025000000000000001387778780781;0.009057971014492753950020365039;0.017753623188405797533873098359;0.000724637681159420298654394443;0.012681159420289855876973206250;0.011231884057971014412302679375;0.005434782608695652023067523828;0.000000000000000000000000000000;0.022826086956521739190772990469;0.021739130434782608092270095312;0.026086956521739129016834723984;0.019927536231884056261431936719;0.008333333333333333217685101602;0.019202898550724638998543625235;0.011594202898550724778470311094
-0.014893617021276596423806637404;0.005673758865248227332978014914;0.024822695035460994039677729006;0.416312056737588642718606024573;0.003191489361702127495329373019;0.001773049645390070878925303788;0.020212765957446809927944286756;0.028368794326241134062804860605;0.002127659574468085141446538344;0.024113475177304964647273521905;0.010283687943262410577349719176;0.002127659574468085141446538344;0.005319148936170212636775911363;0.019858156028368795231742183205;0.024822695035460994039677729006;0.007446808510638298211903318702;0.006737588652482269686860849589;0.012056737588652482323636760952;0.012411347517730497019838864503;0.001773049645390070878925303788;0.019503546099290780535540079654;0.002836879432624113666489007457;0.006028368794326241161818380476;0.033687943262411347566942509957;0.012411347517730497019838864503;0.026241134751773049355039191255;0.023758865248226949951071418354;0.002836879432624113666489007457;0.002127659574468085141446538344;0.002836879432624113666489007457;0.000709219858156028416622251864;0.013120567375886524677519595627;0.005319148936170212636775911363;0.009929078014184397615871091602;0.007092198581560283515701215151;0.027659574468085104670400653504;0.006382978723404254990658746038;0.007446808510638298211903318702;0.000000000000000000000000000000;0.009574468085106382919668988052;0.010283687943262410577349719176;0.001063829787234042570723269172;0.000000000000000000000000000000;0.030496453900709218770570529955;0.013475177304964539373721699178;0.029787234042553192847613274807;0.018439716312056736446933769002;0.013120567375886524677519595627;0.010283687943262410577349719176;0.009219858156028368223466884501
-0.025141242937853108818657688062;0.009039548022598870372079638003;0.031355932203389828838435704483;0.275423728813559309802627694808;0.001129943502824858796509954750;0.006497175141242937483621044947;0.013276836158192089828999904455;0.027118644067796609381515438031;0.003389830508474576172689429754;0.024858757062146893956899873501;0.011016949152542372669660863949;0.001412429378531073441427334814;0.006214689265536723489224968375;0.020903954802259885892290469656;0.021186440677966100754048284216;0.011864406779661017254934307630;0.014124293785310734414273348136;0.021468926553672315615806098776;0.010451977401129942946145234828;0.006214689265536723489224968375;0.024576271186440679095142058941;0.007344632768361582068894488629;0.016101694915254236711854574082;0.040395480225988697475791866509;0.014406779661016949276031162697;0.029661016949152543137335769075;0.025988700564971749934484179789;0.004237288135593220324282004441;0.005367231638418078903951524694;0.002824858757062146882854669627;0.002259887005649717593019909501;0.021468926553672315615806098776;0.008757062146892655510321823442;0.008192090395480225786806194321;0.016666666666666666435370203203;0.031073446327683617446124841877;0.009887005649717514957353081684;0.008192090395480225786806194321;0.000282485875706214699127488688;0.018926553672316385329432719686;0.009039548022598870372079638003;0.002542372881355932021096855067;0.000000000000000000000000000000;0.036158192090395481488318552010;0.009604519774011300095595267123;0.033898305084745762594256035527;0.024293785310734464233384244380;0.012711864406779661840207751311;0.022316384180790960201079542458;0.010734463276836157807903049388
-0.014423076923076923877564681220;0.006410256410256410034009810772;0.036538461538461540489830525757;0.383012820512820539864407010100;0.002564102564102564100340098108;0.003846153846153846367350581659;0.008974358974358973700669039886;0.017307692307692308653077617464;0.005128205128205128200680196215;0.032692307692307694122479944099;0.007051282051282051384355487045;0.001602564102564102508502452693;0.008333333333333333217685101602;0.025641025641025640136039243089;0.016987179487179485809500434357;0.010256410256410256401360392431;0.009615384615384615918376454147;0.010576923076923077510214099561;0.006089743589743589792517841630;0.005769230769230769551025872488;0.013782051282051281659857266959;0.005128205128205128200680196215;0.011217948717948717993198037846;0.033653846153846152244870637560;0.010256410256410256401360392431;0.028525641025641024911552179333;0.020833333333333332176851016015;0.003846153846153846367350581659;0.001923076923076923183675290829;0.002884615384615384775512936244;0.001282051282051282050170049054;0.011217948717948717993198037846;0.005769230769230769551025872488;0.010576923076923077510214099561;0.016346153846153847061239972049;0.029807692307692309346967007855;0.007692307692307692734701163317;0.007692307692307692734701163317;0.000000000000000000000000000000;0.018269230769230770244915262879;0.010256410256410256401360392431;0.001923076923076923183675290829;0.000000000000000000000000000000;0.026282051282051282353746657350;0.009935897435897435292506685300;0.025961538461538462979616426196;0.025961538461538462979616426196;0.013461538461538462285727035805;0.017628205128205128027207848618;0.015064102564102564360548619504
-0.017543859649122806043664013487;0.016666666666666666435370203203;0.021345029239766083462015444638;0.247076023391812865659389331086;0.006725146198830409156876886101;0.010526315789473683973143103287;0.012865497076023392486465724005;0.033333333333333332870740406406;0.003801169590643274816266217186;0.018713450292397661167687061834;0.009941520467836258145855055091;0.001754385964912280734470662047;0.012573099415204678705459961918;0.015497076023391813046070630833;0.035087719298245612087328026973;0.005555555555555555767577313730;0.018421052631578945651957823770;0.029824561403508770968118213318;0.023099415204678362678603065206;0.004970760233918129072927527545;0.019590643274853800775980872118;0.007017543859649122937882648188;0.021929824561403507554580016858;0.026900584795321636627507544404;0.012865497076023392486465724005;0.018713450292397661167687061834;0.033333333333333332870740406406;0.008187134502923977194543958547;0.007309941520467835851526672286;0.012865497076023392486465724005;0.003216374269005848121616431001;0.025730994152046784972931448010;0.024561403508771929848908399663;0.013742690058479532094759534289;0.021345029239766083462015444638;0.022514619883040935116591541032;0.006432748538011696243232862003;0.007017543859649122937882648188;0.000000000000000000000000000000;0.012280701754385964924454199831;0.015497076023391813046070630833;0.004385964912280701510916003372;0.000000000000000000000000000000;0.022807017543859650632320779096;0.025146198830409357410919923836;0.024561403508771929848908399663;0.016374269005847954389087917093;0.009649122807017544364849293004;0.022222222222222223070309254922;0.008479532163742689240826244657
-0.016203703703703702804217456901;0.006481481481481481295159330358;0.034259259259259260133045899011;0.288888888888888861750103842496;0.005555555555555555767577313730;0.002777777777777777883788656865;0.013425925925925926221471407018;0.029629629629629630760412339896;0.003703703703703703845051542487;0.028240740740740739866954100989;0.013888888888888888117900677344;0.000000000000000000000000000000;0.004629629629629629372633559115;0.025925925925925925180637321432;0.022222222222222223070309254922;0.015277777777777777276635440273;0.007870370370370369586532355299;0.019444444444444444752839729063;0.010185185185185186007572610833;0.007407407407407407690103084974;0.018981481481481481121686982760;0.008333333333333333217685101602;0.013888888888888888117900677344;0.030092592592592590922118134245;0.012037037037037037062736644089;0.032407407407407405608434913802;0.033333333333333332870740406406;0.006481481481481481295159330358;0.001851851851851851922525771243;0.001851851851851851922525771243;0.000925925925925925961262885622;0.022222222222222223070309254922;0.002777777777777777883788656865;0.012037037037037037062736644089;0.016666666666666666435370203203;0.028703703703703703498106847292;0.005092592592592593003786305417;0.002777777777777777883788656865;0.000000000000000000000000000000;0.020370370370370372015145221667;0.018981481481481481121686982760;0.002314814814814814686316779557;0.000000000000000000000000000000;0.034722222222222223764198645313;0.016203703703703702804217456901;0.027314814814814816074095560339;0.021296296296296295808003762318;0.012500000000000000693889390391;0.024074074074074074125473288177;0.015740740740740739173064710599
-0.013043478260869564508417361992;0.005797101449275362389235155547;0.039130434782608698729422513907;0.207246376811594190670007264998;0.004710144927536232158093998379;0.006521739130434782254208680996;0.007608695652173913352711576152;0.029710144927536232678511041172;0.001086956521739130447981591665;0.051086956521739133874060456719;0.013768115942028985240752625430;0.000362318840579710149327197222;0.004347826086956521791926366660;0.047101449275362319846216507813;0.019202898550724638998543625235;0.006521739130434782254208680996;0.006884057971014492620376312715;0.017028985507246376801537834922;0.007608695652173913352711576152;0.004710144927536232158093998379;0.015217391304347826705423152305;0.003623188405797101493271972217;0.007246376811594202986543944434;0.049275362318840582043222298125;0.014855072463768116339255520586;0.034782608695652174335410933281;0.029347826086956522312343409453;0.004710144927536232158093998379;0.003623188405797101493271972217;0.006884057971014492620376312715;0.000362318840579710149327197222;0.026449275362318839383002355703;0.006521739130434782254208680996;0.016666666666666666435370203203;0.016304347826086956069202571484;0.038768115942028988363254882188;0.009420289855072464316187996758;0.003985507246376811425758734941;0.000362318840579710149327197222;0.010144927536231883313799784219;0.014855072463768116339255520586;0.000362318840579710149327197222;0.000000000000000000000000000000;0.035507246376811595067746196719;0.007971014492753622851517469883;0.026086956521739129016834723984;0.052898550724637678766004711406;0.027898550724637680847672882578;0.022101449275362318458437727031;0.020289855072463766627599568437
-0.008035714285714284921269268125;0.009821428571428571230317317031;0.020535714285714285615158658516;0.384821428571428592046999028753;0.007440476190476190063161077148;0.004166666666666666608842550801;0.015476190476190476719153821250;0.030059523809523810283783618047;0.002976190476190476025264430859;0.017261904761904763028201870156;0.011904761904761904101057723437;0.000000000000000000000000000000;0.010416666666666666088425508008;0.018749999999999999306110609609;0.031547619047619046561692357500;0.006250000000000000346944695195;0.010714285714285714384841341484;0.018154761904761906182725894610;0.010119047619047619526733150508;0.004166666666666666608842550801;0.013988095238095238706521605820;0.002976190476190476025264430859;0.013988095238095238706521605820;0.027976190476190477413043211641;0.010714285714285714384841341484;0.019642857142857142460634634062;0.030357142857142856845475975547;0.005952380952380952050528861719;0.003869047619047619179788455313;0.004166666666666666608842550801;0.000297619047619047645894529985;0.016071428571428569842538536250;0.018154761904761906182725894610;0.011904761904761904101057723437;0.017559523809523809589894227656;0.021130952380952382207990325469;0.009821428571428571230317317031;0.005059523809523809763366575254;0.000000000000000000000000000000;0.015178571428571428422737987773;0.020833333333333332176851016015;0.000892857142857142829263372708;0.000000000000000000000000000000;0.019345238095238095898942276563;0.018154761904761906182725894610;0.020238095238095239053466301016;0.013095238095238095551997581367;0.005952380952380952050528861719;0.019940476190476189022326991562;0.010119047619047619526733150508
-0.020512820512820512802720784862;0.007264957264957265167804045802;0.022649572649572648902482896460;0.220940170940170932389889912884;0.002991452991452991667237215623;0.014102564102564102768710974090;0.007264957264957265167804045802;0.028632478632478631369595589717;0.001709401709401709400226732072;0.029914529914529915805010418239;0.018803418803418802535132314802;0.002136752136752136967123849587;0.022649572649572648902482896460;0.024358974358974359170071366520;0.022649572649572648902482896460;0.012820512820512820068019621544;0.006837606837606837600906928287;0.022649572649572648902482896460;0.011111111111111111535154627461;0.002991452991452991667237215623;0.015384615384615385469402326635;0.002991452991452991667237215623;0.011111111111111111535154627461;0.046153846153846156408206979904;0.027777777777777776235801354687;0.030769230769230770938804653269;0.027350427350427350403627713149;0.002136752136752136967123849587;0.004700854700854700633783078700;0.005555555555555555767577313730;0.000854700854700854700113366036;0.028632478632478631369595589717;0.011111111111111111535154627461;0.010256410256410256401360392431;0.028632478632478631369595589717;0.044444444444444446140618509844;0.010683760683760683968257509946;0.004700854700854700633783078700;0.000000000000000000000000000000;0.004273504273504273934247699174;0.017521367521367521569164438233;0.000854700854700854700113366036;0.000000000000000000000000000000;0.034188034188034191473981593390;0.009401709401709401267566157401;0.025641025641025640136039243089;0.025641025641025640136039243089;0.026068376068376069437659836581;0.023504273504273504036277131490;0.016666666666666666435370203203
-0.009604519774011300095595267123;0.021468926553672315615806098776;0.019774011299435029914706163368;0.218361581920903963238700384863;0.018361581920903955605917090566;0.002542372881355932021096855067;0.044067796610169490678643455794;0.042937853107344631231612197553;0.001129943502824858796509954750;0.028813559322033898552062325393;0.007909604519774010925048379761;0.000282485875706214699127488688;0.002542372881355932021096855067;0.016384180790960451573612388643;0.033898305084745762594256035527;0.011581920903954802393176493069;0.020621468926553671030532655095;0.020903954802259885892290469656;0.026836158192090394519757623470;0.002259887005649717593019909501;0.049717514124293787913799747002;0.001977401129943502731262094940;0.001977401129943502731262094940;0.036440677966101696350076366571;0.009039548022598870372079638003;0.023163841807909604786352986139;0.025706214689265535072726365229;0.009322033898305085233837452563;0.005367231638418078903951524694;0.006214689265536723489224968375;0.000564971751412429398254977375;0.029378531073446328275577954514;0.002542372881355932021096855067;0.012429378531073446978449936751;0.003672316384180791034447244314;0.037288135593220340935349810252;0.004237288135593220324282004441;0.005367231638418078903951524694;0.000000000000000000000000000000;0.003672316384180791034447244314;0.036723163841807911211834181131;0.003389830508474576172689429754;0.000000000000000000000000000000;0.030508474576271187722609212756;0.014406779661016949276031162697;0.051977401129943499868968359579;0.019774011299435029914706163368;0.008192090395480225786806194321;0.007062146892655367207136674068;0.009604519774011300095595267123
-0.020000000000000000416333634234;0.004814814814814815172039352831;0.036666666666666666851703837438;0.452592592592592601885570502418;0.002962962962962962815832712593;0.002222222222222222220294751693;0.005185185185185185036127464286;0.025185185185185185452461098521;0.003333333333333333547282562037;0.022222222222222223070309254922;0.009259259259259258745267118229;0.000000000000000000000000000000;0.001851851851851851922525771243;0.020000000000000000416333634234;0.022962962962962962798485477833;0.007777777777777777554191196430;0.004444444444444444440589503387;0.008888888888888888881179006773;0.014814814814814815380206169948;0.004814814814814815172039352831;0.015185185185185185244294281404;0.002962962962962962815832712593;0.003703703703703703845051542487;0.034444444444444444197728216750;0.008148148148148147418279307885;0.030740740740740742087400150240;0.017407407407407406163546426114;0.001851851851851851922525771243;0.005555555555555555767577313730;0.003703703703703703845051542487;0.000370370370370370351979089074;0.019629629629629628817522046802;0.003333333333333333547282562037;0.006666666666666667094565124074;0.006666666666666667094565124074;0.022592592592592591199673890401;0.005555555555555555767577313730;0.008518518518518519017090895318;0.000000000000000000000000000000;0.008518518518518519017090895318;0.011111111111111111535154627461;0.001111111111111111110147375847;0.000000000000000000000000000000;0.023703703703703702526661700745;0.016666666666666666435370203203;0.014814814814814815380206169948;0.024814814814814813853649511088;0.012222222222222222862142437805;0.009629629629629630344078705662;0.010370370370370370072254928573
-0.021088435374149658296794029866;0.004761904761904762334312479766;0.023129251700680270725785092623;0.419727891156462584731912102143;0.027551020408163266056655871239;0.004761904761904762334312479766;0.007482993197278911372272158786;0.028911564625850341009316579743;0.002380952380952381167156239883;0.015986394557823128959039848951;0.008843537414965987192294605279;0.001360544217687074735820274007;0.003061224489795918209805725141;0.010884353741496597886562192059;0.030612244897959182965418989397;0.013265306122448979053718431942;0.005782312925170067681446273156;0.014285714285714285268213963320;0.021428571428571428769682682969;0.004081632653061224857982125513;0.024489795918367345678445801127;0.005782312925170067681446273156;0.006802721088435373895941804534;0.028571428571428570536427926640;0.011224489795918366624727369185;0.025170068027210883154776155379;0.020748299319727891293352328717;0.007142857142857142634106981660;0.003401360544217686947970902267;0.011564625850340135362892546311;0.001700680272108843473985451134;0.014965986394557822744544317572;0.006802721088435373895941804534;0.006802721088435373895941804534;0.005442176870748298943281096030;0.016326530612244899431928502054;0.006122448979591836419611450282;0.006122448979591836419611450282;0.000000000000000000000000000000;0.007823129251700680977799073901;0.012925170068027210315553254816;0.000680272108843537367910137004;0.000000000000000000000000000000;0.018707482993197278864361265960;0.020748299319727891293352328717;0.020408163265306120820463675614;0.016326530612244899431928502054;0.008843537414965987192294605279;0.006802721088435373895941804534;0.008163265306122449715964251027
-0.019259259259259260688157411323;0.015555555555555555108382392859;0.023333333333333334397297065266;0.116296296296296300387673738896;0.012592592592592592726230549260;0.012962962962962962590318660716;0.013703703703703704053218359604;0.044814814814814814269983145323;0.005925925925925925631665425186;0.022962962962962962798485477833;0.013333333333333334189130248149;0.002962962962962962815832712593;0.017407407407407406163546426114;0.016296296296296294836558615771;0.028518518518518519433424529552;0.007037037037037036958653235530;0.010740740740740739936343040029;0.040370370370370368962031903948;0.031111111111111110216764785719;0.007777777777777777554191196430;0.044074074074074071072359970458;0.006296296296296296363115274630;0.031481481481481478346129421197;0.026296296296296296779448908865;0.011111111111111111535154627461;0.026296296296296296779448908865;0.040740740740740744030290443334;0.004444444444444444440589503387;0.002222222222222222220294751693;0.015185185185185185244294281404;0.000000000000000000000000000000;0.010370370370370370072254928573;0.026666666666666668378260496297;0.014444444444444443781394582516;0.027037037037037036507625131776;0.029999999999999998889776975375;0.021481481481481479872686080057;0.004074074074074073709139653943;0.000370370370370370351979089074;0.028518518518518519433424529552;0.020740740740740740144509857146;0.004444444444444444440589503387;0.000000000000000000000000000000;0.020000000000000000416333634234;0.013333333333333334189130248149;0.038148148148148146308056283260;0.012592592592592592726230549260;0.009259259259259258745267118229;0.037777777777777778178691647781;0.009629629629629630344078705662
-0.014166666666666665949647629930;0.019166666666666665186369300500;0.032083333333333331760517381781;0.114166666666666666296592325125;0.012500000000000000693889390391;0.006250000000000000346944695195;0.015833333333333334674852821422;0.043749999999999997224442438437;0.005416666666666666851703837438;0.040000000000000000832667268469;0.008750000000000000832667268469;0.002083333333333333304421275400;0.007083333333333332974823814965;0.023333333333333334397297065266;0.038333333333333330372738601000;0.009166666666666666712925959359;0.017083333333333332315628894094;0.030833333333333334119741309109;0.012916666666666666574148081281;0.002500000000000000052041704279;0.026249999999999999028554853453;0.004166666666666666608842550801;0.013333333333333334189130248149;0.041666666666666664353702032031;0.012083333333333333078907223523;0.029999999999999998889776975375;0.042916666666666665463925056656;0.029166666666666667129259593594;0.005000000000000000104083408559;0.006250000000000000346944695195;0.000416666666666666693410320255;0.021250000000000001526556658860;0.011666666666666667198648532633;0.017500000000000001665334536938;0.017500000000000001665334536938;0.034166666666666664631257788187;0.008750000000000000832667268469;0.002916666666666666799662133158;0.000833333333333333386820640509;0.013750000000000000069388939039;0.021666666666666667406815349750;0.021666666666666667406815349750;0.000000000000000000000000000000;0.033750000000000002220446049250;0.022499999999999999167332731531;0.032083333333333331760517381781;0.024166666666666666157814447047;0.009166666666666666712925959359;0.028333333333333331899295259859;0.011666666666666667198648532633
-0.024269005847953217802626113553;0.009064327485380116802837768830;0.035672514619883043118786503101;0.195906432748538000820914817268;0.000292397660818713455745110341;0.004970760233918129072927527545;0.017836257309941521559393251550;0.030701754385964910576412023602;0.004678362573099415291921765458;0.031578947368421053654152785839;0.012573099415204678705459961918;0.001461988304093567170305334457;0.009064327485380116802837768830;0.020760233918128655900003920465;0.023391812865497074724885351316;0.010818713450292397754148865374;0.014327485380116959656771058462;0.029824561403508770968118213318;0.016959064327485378481652489313;0.010233918128654970192137341201;0.021929824561403507554580016858;0.009064327485380116802837768830;0.016666666666666666435370203203;0.038596491228070177459397172015;0.016374269005847954389087917093;0.032748538011695908778175834186;0.026608187134502924581225258294;0.003801169590643274816266217186;0.004093567251461988597271979273;0.004970760233918129072927527545;0.002046783625730994298635989637;0.018713450292397661167687061834;0.007602339181286549632532434373;0.009941520467836258145855055091;0.014035087719298245875765296375;0.037134502923976610289091837558;0.012280701754385964924454199831;0.018421052631578945651957823770;0.000877192982456140367235331023;0.021345029239766083462015444638;0.014327485380116959656771058462;0.003216374269005848121616431001;0.000000000000000000000000000000;0.038888888888888889505679458125;0.011988304093567251143448437745;0.040058479532163744629702506472;0.024561403508771929848908399663;0.011403508771929825316160389548;0.023684210526315790240614589379;0.010233918128654970192137341201
-0.012162162162162162837297785245;0.015765765765765764327976938830;0.035135135135135137085526935152;0.360810810810810789206470872159;0.000900900900900900914770874639;0.002252252252252252232717077973;0.005405405405405405705465682331;0.028378378378378379953694832238;0.001801801801801801829541749278;0.035585585585585582935053139408;0.011711711711711711783601153058;0.000450450450450450457385437320;0.003603603603603603659083498556;0.027027027027027028527328411656;0.021621621621621622821862729324;0.010360360360360360357234732476;0.012612612612612612156270941455;0.016666666666666666435370203203;0.008558558558558557877171679706;0.004954954954954954651769050145;0.010810810810810811410931364662;0.005405405405405405705465682331;0.003153153153153153039067735364;0.046846846846846847134404612234;0.008108108108108108558198523497;0.027477477477477477846301567865;0.027027027027027028527328411656;0.008558558558558557877171679706;0.005405405405405405705465682331;0.002702702702702702852732841166;0.000000000000000000000000000000;0.027027027027027028527328411656;0.003603603603603603659083498556;0.008558558558558557877171679706;0.004504504504504504465434155946;0.032432432432432434232794093987;0.009909909909909909303538100289;0.004054054054054054279099261748;0.000000000000000000000000000000;0.005405405405405405705465682331;0.011711711711711711783601153058;0.000450450450450450457385437320;0.000000000000000000000000000000;0.028828828828828829272667988448;0.020720720720720720714469464951;0.015765765765765764327976938830;0.029279279279279278591641144658;0.015315315315315315009003782620;0.012612612612612612156270941455;0.008558558558558557877171679706
-0.027304964539007093443645501907;0.009574468085106382919668988052;0.036170212765957443501463330904;0.247872340425531911822787378696;0.004964539007092198807935545801;0.013829787234042552335200326752;0.008865248226950355261988256927;0.026950354609929078747443398356;0.007801418439716312040743684264;0.030851063829787233466772633506;0.015248226950354609385285264977;0.004255319148936170282893076688;0.010638297872340425273551822727;0.027304964539007093443645501907;0.021985815602836879939507852555;0.007092198581560283515701215151;0.022695035460992909331912059656;0.018085106382978721750731665452;0.019858156028368795231742183205;0.006737588652482269686860849589;0.016666666666666666435370203203;0.007092198581560283515701215151;0.008156028368794325869584049826;0.041843971631205671701803083806;0.019503546099290780535540079654;0.034397163120567376959346717058;0.029432624113475178151411171257;0.003900709219858156020371842132;0.003546099290780141757850607576;0.007801418439716312040743684264;0.001063829787234042570723269172;0.022695035460992909331912059656;0.008156028368794325869584049826;0.007092198581560283515701215151;0.013829787234042552335200326752;0.039361702127659575767282262859;0.006028368794326241161818380476;0.004964539007092198807935545801;0.000354609929078014208311125932;0.004609929078014184111733442251;0.010638297872340425273551822727;0.003191489361702127495329373019;0.000000000000000000000000000000;0.019858156028368795231742183205;0.015602836879432624081487368528;0.021985815602836879939507852555;0.027659574468085104670400653504;0.014539007092198581727604533853;0.024822695035460994039677729006;0.013120567375886524677519595627
-0.029078014184397163455209067706;0.011702127659574467627434657402;0.051418439716312054621472071858;0.154255319148936170803310119481;0.000709219858156028416622251864;0.015248226950354609385285264977;0.002127659574468085141446538344;0.026595744680851064051241294806;0.018439716312056736446933769002;0.023758865248226949951071418354;0.018085106382978721750731665452;0.006382978723404254990658746038;0.012765957446808509981317492077;0.030496453900709218770570529955;0.022340425531914894635709956106;0.019503546099290780535540079654;0.015602836879432624081487368528;0.042553191489361701094207290907;0.012411347517730497019838864503;0.011347517730496454665956029828;0.019858156028368795231742183205;0.009574468085106382919668988052;0.013475177304964539373721699178;0.031560283687943259389729888653;0.029432624113475178151411171257;0.029078014184397163455209067706;0.036524822695035458197665434454;0.001418439716312056833244503729;0.002127659574468085141446538344;0.007446808510638298211903318702;0.004255319148936170282893076688;0.018439716312056736446933769002;0.011347517730496454665956029828;0.009574468085106382919668988052;0.023049645390070920558667211253;0.036524822695035458197665434454;0.013475177304964539373721699178;0.006737588652482269686860849589;0.000354609929078014208311125932;0.015957446808510637042965996102;0.008510638297872340565786153377;0.003191489361702127495329373019;0.000000000000000000000000000000;0.020567375886524821154699438353;0.006737588652482269686860849589;0.015957446808510637042965996102;0.030141843971631204074368426404;0.018794326241134751143135872553;0.035815602836879435744155131260;0.015248226950354609385285264977
-0.010763888888888888811790067734;0.011805555555555555247160270937;0.023611111111111110494320541875;0.440624999999999988897769753748;0.002777777777777777883788656865;0.003819444444444444319158860068;0.010416666666666666088425508008;0.022569444444444444058950338672;0.003125000000000000173472347598;0.020138888888888890199568848516;0.008680555555555555941049661328;0.000694444444444444470947164216;0.005208333333333333044212754004;0.023263888888888889505679458125;0.023611111111111110494320541875;0.008333333333333333217685101602;0.004861111111111111188209932266;0.014583333333333333564629796797;0.007986111111111110494320541875;0.004513888888888888464845372539;0.013541666666666667129259593594;0.004166666666666666608842550801;0.010763888888888888811790067734;0.026736111111111109800431151484;0.008680555555555555941049661328;0.026041666666666667823148983985;0.021527777777777777623580135469;0.002430555555555555594104966133;0.002430555555555555594104966133;0.004166666666666666608842550801;0.000694444444444444470947164216;0.020833333333333332176851016015;0.007986111111111110494320541875;0.007986111111111110494320541875;0.014583333333333333564629796797;0.025000000000000001387778780781;0.005555555555555555767577313730;0.007291666666666666782314898398;0.000000000000000000000000000000;0.012500000000000000693889390391;0.009374999999999999653055304805;0.002083333333333333304421275400;0.000000000000000000000000000000;0.023611111111111110494320541875;0.011111111111111111535154627461;0.025347222222222222376419864531;0.019444444444444444752839729063;0.012847222222222221682530474141;0.014583333333333333564629796797;0.007291666666666666782314898398
-0.019791666666666665741480812812;0.005208333333333333044212754004;0.036111111111111107718762980312;0.412847222222222198784180591247;0.006597222222222222202947516934;0.004166666666666666608842550801;0.009374999999999999653055304805;0.024305555555555555941049661328;0.003472222222222222029475169336;0.021180555555555556634939051719;0.008333333333333333217685101602;0.000347222222222222235473582108;0.003125000000000000173472347598;0.025347222222222222376419864531;0.018055555555555553859381490156;0.007986111111111110494320541875;0.007638888888888888638317720137;0.013541666666666667129259593594;0.013888888888888888117900677344;0.006944444444444444058950338672;0.018055555555555553859381490156;0.004861111111111111188209932266;0.004861111111111111188209932266;0.034375000000000002775557561563;0.008333333333333333217685101602;0.027777777777777776235801354687;0.027430555555555555247160270937;0.004861111111111111188209932266;0.000694444444444444470947164216;0.002430555555555555594104966133;0.000000000000000000000000000000;0.014236111111111110841265237070;0.004861111111111111188209932266;0.010416666666666666088425508008;0.007638888888888888638317720137;0.022222222222222223070309254922;0.009027777777777776929690745078;0.003819444444444444319158860068;0.000347222222222222235473582108;0.009374999999999999653055304805;0.012152777777777777970524830664;0.001736111111111111014737584668;0.000000000000000000000000000000;0.021180555555555556634939051719;0.015277777777777777276635440273;0.023958333333333334952408577578;0.025694444444444443365060948281;0.007986111111111110494320541875;0.018402777777777778317469525859;0.009722222222222222376419864531
-0.034353741496598637350512461808;0.004081632653061224857982125513;0.042517006802721087066476712835;0.154421768707483003657543463305;0.000340136054421768683955068502;0.006122448979591836419611450282;0.010544217687074829148397014933;0.022108843537414966246013037221;0.005102040816326530205115918903;0.042176870748299316593588059732;0.011564625850340135362892546311;0.003061224489795918209805725141;0.007823129251700680977799073901;0.027891156462585033060097572388;0.017006802721088436908258856306;0.011564625850340135362892546311;0.017006802721088436908258856306;0.020748299319727891293352328717;0.008843537414965987192294605279;0.007482993197278911372272158786;0.020748299319727891293352328717;0.008843537414965987192294605279;0.010204081632653060410231837807;0.056802721088435377538861104085;0.017687074829931974384589210558;0.040476190476190478106932602032;0.035714285714285712303173170312;0.001020408163265306214495531378;0.004081632653061224857982125513;0.004761904761904762334312479766;0.000340136054421768683955068502;0.023469387755102041198673745726;0.006122448979591836419611450282;0.014285714285714285268213963320;0.016666666666666666435370203203;0.045238095238095236971798129844;0.009863945578231291672066660681;0.017687074829931974384589210558;0.000000000000000000000000000000;0.014285714285714285268213963320;0.010544217687074829148397014933;0.001360544217687074735820274007;0.000000000000000000000000000000;0.044897959183673466498909476741;0.007823129251700680977799073901;0.039115646258503403154271893527;0.034693877551020407823401114911;0.023809523809523808202115446875;0.022108843537414966246013037221;0.012585034013605441577388077690
-0.023809523809523808202115446875;0.011224489795918366624727369185;0.029591836734693878485646933996;0.336734693877551005680714979462;0.019047619047619049337249919063;0.007482993197278911372272158786;0.014965986394557822744544317572;0.029251700680272108012758280893;0.003061224489795918209805725141;0.022448979591836733249454738370;0.006462585034013605157776627408;0.002721088435374149471640548015;0.005102040816326530205115918903;0.016666666666666666435370203203;0.026870748299319728580325516987;0.011904761904761904101057723437;0.007142857142857142634106981660;0.019047619047619049337249919063;0.020408163265306120820463675614;0.005442176870748298943281096030;0.021428571428571428769682682969;0.011564625850340135362892546311;0.009863945578231291672066660681;0.029931972789115645489088635145;0.012244897959183672839222900564;0.019387755102040816340691620212;0.024149659863945578675004099978;0.006802721088435373895941804534;0.004081632653061224857982125513;0.007142857142857142634106981660;0.003741496598639455686136079393;0.011224489795918366624727369185;0.007482993197278911372272158786;0.010884353741496597886562192059;0.010204081632653060410231837807;0.020068027210884353817021974464;0.004761904761904762334312479766;0.007482993197278911372272158786;0.000680272108843537367910137004;0.023469387755102041198673745726;0.009523809523809524668624959531;0.000680272108843537367910137004;0.000000000000000000000000000000;0.022108843537414966246013037221;0.020068027210884353817021974464;0.028571428571428570536427926640;0.014965986394557822744544317572;0.009183673469387755930459782405;0.015306122448979591482709494699;0.013605442176870747791883609068
-0.031521739130434781039902247812;0.005072463768115941656899892109;0.056521739130434782427681028594;0.107608695652173916301741485313;0.003985507246376811425758734941;0.002173913043478260895963183330;0.009057971014492753950020365039;0.025000000000000001387778780781;0.006884057971014492620376312715;0.043115942028985505818372558906;0.014855072463768116339255520586;0.001086956521739130447981591665;0.006521739130434782254208680996;0.047463768115942030212384139531;0.011231884057971014412302679375;0.013043478260869564508417361992;0.018840579710144928632375993516;0.017391304347826087167705466641;0.006521739130434782254208680996;0.010144927536231883313799784219;0.018478260869565218266208361797;0.011594202898550724778470311094;0.005434782608695652023067523828;0.056521739130434782427681028594;0.019565217391304349364711256953;0.051811594202898547667501816250;0.036594202898550726166249091875;0.001086956521739130447981591665;0.003985507246376811425758734941;0.008333333333333333217685101602;0.001449275362318840597308788887;0.026086956521739129016834723984;0.002536231884057970828449946055;0.013768115942028985240752625430;0.016304347826086956069202571484;0.050362318840579713141725193282;0.015579710144927537071590784024;0.009782608695652174682355628477;0.000362318840579710149327197222;0.024275362318840580655443517344;0.008333333333333333217685101602;0.000362318840579710149327197222;0.000000000000000000000000000000;0.029347826086956522312343409453;0.005797101449275362389235155547;0.031521739130434781039902247812;0.046376811594202899113881244375;0.021739130434782608092270095312;0.030434782608695653410846304610;0.014130434782608695606920257148
-0.023750000000000000277555756156;0.007499999999999999722444243844;0.052499999999999998057109706906;0.097083333333333327042069527124;0.002083333333333333304421275400;0.004583333333333333356462979680;0.010833333333333333703407674875;0.025833333333333333148296162562;0.002916666666666666799662133158;0.054166666666666668517038374375;0.011249999999999999583666365766;0.000416666666666666693410320255;0.003749999999999999861222121922;0.045833333333333330095182844843;0.012500000000000000693889390391;0.011666666666666667198648532633;0.014583333333333333564629796797;0.019583333333333334536074943344;0.005000000000000000104083408559;0.006250000000000000346944695195;0.019583333333333334536074943344;0.007916666666666667337426410711;0.013333333333333334189130248149;0.079166666666666662965923251249;0.010833333333333333703407674875;0.055833333333333332038073137937;0.035416666666666665741480812812;0.001666666666666666773641281019;0.002083333333333333304421275400;0.002500000000000000052041704279;0.000416666666666666693410320255;0.030416666666666668239482618219;0.004583333333333333356462979680;0.010416666666666666088425508008;0.008750000000000000832667268469;0.047083333333333331205405869468;0.007499999999999999722444243844;0.010000000000000000208166817117;0.000000000000000000000000000000;0.020833333333333332176851016015;0.012916666666666666574148081281;0.000416666666666666693410320255;0.000000000000000000000000000000;0.057500000000000002498001805407;0.003749999999999999861222121922;0.050000000000000002775557561563;0.038333333333333330372738601000;0.018333333333333333425851918719;0.020833333333333332176851016015;0.017500000000000001665334536938
-0.005555555555555555767577313730;0.008080808080808080801071824339;0.021717171717171718237082700398;0.443939393939393966981299399777;0.011111111111111111535154627461;0.001515151515151515150200967064;0.017171717171717171268596757727;0.033333333333333332870740406406;0.002525252525252525467175379603;0.019696969696969695434729530348;0.009595959595959595300751487912;0.000000000000000000000000000000;0.004040404040404040400535912170;0.016666666666666666435370203203;0.028787878787878789371701415689;0.002525252525252525467175379603;0.011111111111111111535154627461;0.012626262626262626034834291033;0.008585858585858585634298378864;0.001515151515151515150200967064;0.013636363636363635701287400082;0.004040404040404040400535912170;0.001515151515151515150200967064;0.029292929292929294204927970213;0.008585858585858585634298378864;0.026767676767676766569348245639;0.029292929292929294204927970213;0.008080808080808080801071824339;0.003030303030303030300401934127;0.002020202020202020200267956085;0.000505050505050505050066989021;0.017171717171717171268596757727;0.003030303030303030300401934127;0.013131313131313130868060845557;0.007070707070707071134618715291;0.027777777777777776235801354687;0.011616161616161616368381181985;0.003030303030303030300401934127;0.000000000000000000000000000000;0.004040404040404040400535912170;0.021717171717171718237082700398;0.001010101010101010100133978042;0.000000000000000000000000000000;0.014141414141414142269237430583;0.021212121212121213403856145874;0.021717171717171718237082700398;0.017676767676767676101823312251;0.009595959595959595300751487912;0.009595959595959595300751487912;0.009595959595959595300751487912
-0.010784313725490195928768955014;0.003431372549019607795517394777;0.016666666666666666435370203203;0.380882352941176449689919536468;0.006372549019607843048818018872;0.004901960784313725422167706824;0.015196078431372548808719891156;0.034313725490196081424620899725;0.001960784313725490168867082730;0.031862745098039213509366618382;0.007843137254901960675468330919;0.000490196078431372542216770682;0.004411764705882352879950936142;0.024509803921568627110838534122;0.028921568627450981725512946241;0.005392156862745097964384477507;0.006862745098039215591034789554;0.008333333333333333217685101602;0.012254901960784313555419267061;0.002941176470588235253300624095;0.017156862745098040712310449862;0.002941176470588235253300624095;0.004411764705882352879950936142;0.036764705882352942400981277160;0.011274509803921568470985725696;0.033333333333333332870740406406;0.020098039215686275965611073957;0.001960784313725490168867082730;0.006862745098039215591034789554;0.009313725490196078302118642966;0.000000000000000000000000000000;0.015686274509803921350936661838;0.007352941176470588133251560237;0.008823529411764705759901872284;0.010784313725490195928768955014;0.029411764705882352533006240947;0.004901960784313725422167706824;0.002450980392156862711083853412;0.000000000000000000000000000000;0.004901960784313725422167706824;0.022058823529411766134478156687;0.000000000000000000000000000000;0.000000000000000000000000000000;0.028921568627450981725512946241;0.015196078431372548808719891156;0.025000000000000001387778780781;0.023039215686274511218911698052;0.021078431372549021050044615322;0.014215686274509803724286349791;0.013725490196078431182069579108
-0.017479674796747966813992292145;0.014634146341463415488814980847;0.033333333333333332870740406406;0.217073170731707315583847162088;0.019105691056910567571236470030;0.004878048780487804873817747620;0.016260162601626017980782634709;0.039430894308943087445129549451;0.002845528455284553059900787275;0.034552845528455285173397015797;0.007723577235772357933718534895;0.000813008130081300812302957937;0.008130081300813008990391317354;0.030487804878048779810839619131;0.027235772357723578296351263361;0.009349593495934959558324450768;0.008536585365853659179702361826;0.014227642276422763564780460399;0.017479674796747966813992292145;0.005284552845528455063128792091;0.021544715447154472176549688811;0.002845528455284553059900787275;0.009349593495934959558324450768;0.042682926829268295898511809128;0.010975609756097560315568628653;0.036178861788617885930641193681;0.032520325203252035961565269417;0.009756097560975609747635495239;0.005691056910569106119801574550;0.008536585365853659179702361826;0.000406504065040650406151478968;0.021138211382113820252515168363;0.010975609756097560315568628653;0.008536585365853659179702361826;0.010975609756097560315568628653;0.037804878048780486687885371566;0.009349593495934959558324450768;0.006097560975609756309112619022;0.000000000000000000000000000000;0.012601626016260162807536282514;0.023577235772357724857828387144;0.000406504065040650406151478968;0.000000000000000000000000000000;0.037398373983739838233297803072;0.013414634146341463186158371457;0.032113821138211380568083797016;0.023983739837398373312415955638;0.015447154471544715867437069790;0.013008130081300812996847326986;0.013821138211382113375469415928
-0.018367346938775511860919564811;0.013945578231292516530048786194;0.028911564625850341009316579743;0.145918367346938776529796655268;0.001700680272108843473985451134;0.008843537414965987192294605279;0.009523809523809524668624959531;0.034353741496598637350512461808;0.006122448979591836419611450282;0.033673469387755103343629059509;0.009863945578231291672066660681;0.003401360544217686947970902267;0.019387755102040816340691620212;0.027551020408163266056655871239;0.032312925170068028390968351005;0.010884353741496597886562192059;0.023809523809523808202115446875;0.029931972789115645489088635145;0.011904761904761904101057723437;0.006462585034013605157776627408;0.013265306122448979053718431942;0.005782312925170067681446273156;0.017687074829931974384589210558;0.048299319727891157350008199955;0.013265306122448979053718431942;0.029251700680272108012758280893;0.031632653061224487445191044799;0.008843537414965987192294605279;0.003401360544217686947970902267;0.007142857142857142634106981660;0.001700680272108843473985451134;0.034353741496598637350512461808;0.009863945578231291672066660681;0.014965986394557822744544317572;0.031972789115646257918079697902;0.043197278911564628012254019040;0.007823129251700680977799073901;0.003401360544217686947970902267;0.000000000000000000000000000000;0.013945578231292516530048786194;0.017687074829931974384589210558;0.006462585034013605157776627408;0.000000000000000000000000000000;0.029931972789115645489088635145;0.009523809523809524668624959531;0.029251700680272108012758280893;0.034693877551020407823401114911;0.019047619047619049337249919063;0.020408163265306120820463675614;0.016326530612244899431928502054
-0.026950354609929078747443398356;0.007801418439716312040743684264;0.030496453900709218770570529955;0.198581560283687952317421832049;0.014184397163120567031402430302;0.004255319148936170282893076688;0.015957446808510637042965996102;0.029078014184397163455209067706;0.003191489361702127495329373019;0.038297872340425531678675952207;0.012411347517730497019838864503;0.000709219858156028416622251864;0.006382978723404254990658746038;0.036524822695035458197665434454;0.017730496453900710523976513855;0.017375886524822695827774410304;0.011347517730496454665956029828;0.019858156028368795231742183205;0.012765957446808509981317492077;0.006028368794326241161818380476;0.021631205673758865243305749004;0.005319148936170212636775911363;0.009574468085106382919668988052;0.046099290780141841117334422506;0.011702127659574467627434657402;0.042198581560283686398005187357;0.035815602836879435744155131260;0.000354609929078014208311125932;0.004609929078014184111733442251;0.003191489361702127495329373019;0.000709219858156028416622251864;0.025177304964539008735879832557;0.005673758865248227332978014914;0.011347517730496454665956029828;0.009574468085106382919668988052;0.035815602836879435744155131260;0.007092198581560283515701215151;0.012765957446808509981317492077;0.000709219858156028416622251864;0.012056737588652482323636760952;0.009574468085106382919668988052;0.000354609929078014208311125932;0.000000000000000000000000000000;0.044680851063829789271419912211;0.012411347517730497019838864503;0.039716312056737590463484366410;0.034397163120567376959346717058;0.020921985815602835850901541903;0.013829787234042552335200326752;0.012765957446808509981317492077
-0.017105263157894737974240584322;0.004824561403508772182424646502;0.047807017543859652020099559877;0.143859649122807020660275156843;0.000000000000000000000000000000;0.002631578947368420993285775822;0.011842105263157895120307294690;0.034210526315789475948481168643;0.005263157894736841986571551644;0.051754385964912281992145182130;0.012280701754385964924454199831;0.000000000000000000000000000000;0.006578947368421052266374005058;0.045175438596491229725771177073;0.015789473684210526827076392919;0.013157894736842104532748010115;0.016666666666666666435370203203;0.019736842105263156799122015173;0.007017543859649122937882648188;0.007456140350877192742029553330;0.011403508771929825316160389548;0.009649122807017544364849293004;0.013596491228070176071618391234;0.059210526315789470397366045518;0.014912280701754385484059106659;0.041228070175438599753725554820;0.038157894736842105920526790896;0.002631578947368420993285775822;0.008333333333333333217685101602;0.000877192982456140367235331023;0.001315789473684210496642887911;0.029385964912280702898694784153;0.002631578947368420993285775822;0.018421052631578945651957823770;0.022807017543859650632320779096;0.049122807017543859697816799326;0.009210526315789472825978911885;0.003508771929824561468941324094;0.000000000000000000000000000000;0.018859649122807017190828204889;0.014035087719298245875765296375;0.001315789473684210496642887911;0.000000000000000000000000000000;0.033771929824561404409610787525;0.004824561403508772182424646502;0.031578947368421053654152785839;0.039473684210526313598244030345;0.023684210526315790240614589379;0.017105263157894737974240584322;0.015789473684210526827076392919
-0.027192982456140352143236782467;0.010818713450292397754148865374;0.023099415204678362678603065206;0.264619883040935699458628960201;0.009941520467836258145855055091;0.005263157894736841986571551644;0.025146198830409357410919923836;0.033918128654970756963304978626;0.006140350877192982462227099916;0.020175438596491228337992396291;0.009649122807017544364849293004;0.002046783625730994298635989637;0.004385964912280701510916003372;0.014619883040935671703053344572;0.036549707602339179257633361431;0.006432748538011696243232862003;0.015789473684210526827076392919;0.017836257309941521559393251550;0.016081871345029238873358679029;0.004093567251461988597271979273;0.028362573099415203797812878861;0.005847953216374268681221337829;0.016959064327485378481652489313;0.031871345029239765700435071949;0.013450292397660818313753772202;0.023099415204678362678603065206;0.023099415204678362678603065206;0.010233918128654970192137341201;0.006432748538011696243232862003;0.006432748538011696243232862003;0.003508771929824561468941324094;0.023099415204678362678603065206;0.004678362573099415291921765458;0.014327485380116959656771058462;0.015789473684210526827076392919;0.021345029239766083462015444638;0.006140350877192982462227099916;0.019590643274853800775980872118;0.000584795321637426911490220682;0.016081871345029238873358679029;0.015497076023391813046070630833;0.004385964912280701510916003372;0.000000000000000000000000000000;0.031871345029239765700435071949;0.014035087719298245875765296375;0.040350877192982456675984792582;0.016959064327485378481652489313;0.012280701754385964924454199831;0.009941520467836258145855055091;0.009941520467836258145855055091
-0.036477987421383646637895736831;0.011635220125786162673198198547;0.023584905660377360192558882090;0.187735849056603787410324457596;0.015408805031446540928508071033;0.004088050314465408764663667540;0.020440251572327042955956599712;0.036163522012578615261180203788;0.007547169811320754775896268995;0.016666666666666666435370203203;0.011635220125786162673198198547;0.005031446540880502894810266667;0.004716981132075471518094733625;0.018867924528301886072378934500;0.033647798742138364247455939449;0.021383647798742137086103198840;0.010377358490566037166336066377;0.021069182389937105709387665797;0.018867924528301886072378934500;0.004402515723270440141379200583;0.031761006289308175987162741194;0.014465408805031446798361471906;0.019496855345911948825810000585;0.033333333333333332870740406406;0.015094339622641509551792537991;0.034905660377358489754318071618;0.026100628930817611206283146430;0.011949685534591195784637207566;0.006603773584905660645749669868;0.007547169811320754775896268995;0.007861635220125786152611802038;0.016352201257861635058654670161;0.007232704402515723399180735953;0.008176100628930817529327335080;0.009433962264150943036189467250;0.020754716981132074332672132755;0.005974842767295597892318603783;0.031446540880503144610447208152;0.004716981132075471518094733625;0.026100628930817611206283146430;0.011635220125786162673198198547;0.002830188679245282824120666376;0.000000000000000000000000000000;0.029245283018867924973438476854;0.017924528301886791942232335373;0.041823899371069180042059798552;0.013207547169811321291499339736;0.008490566037735848906042868123;0.013207547169811321291499339736;0.012578616352201258538068273651
-0.013988095238095238706521605820;0.012500000000000000693889390391;0.025000000000000001387778780781;0.295833333333333337034076748751;0.004761904761904762334312479766;0.004761904761904762334312479766;0.014285714285714285268213963320;0.038095238095238098674499838125;0.007142857142857142634106981660;0.029761904761904760252644308594;0.008928571428571428075793292578;0.000892857142857142829263372708;0.006547619047619047775998790684;0.019345238095238095898942276563;0.027976190476190477413043211641;0.009226190476190476372209126055;0.014583333333333333564629796797;0.023214285714285715078730731875;0.012202380952380952397473556914;0.003273809523809523887999395342;0.021428571428571428769682682969;0.004761904761904762334312479766;0.011011904761904762681257174961;0.031250000000000000000000000000;0.012202380952380952397473556914;0.024404761904761904794947113828;0.028571428571428570536427926640;0.005357142857142857192420670742;0.006547619047619047775998790684;0.006250000000000000346944695195;0.001785714285714285658526745415;0.022916666666666665047591422422;0.004464285714285714037896646289;0.013988095238095238706521605820;0.013392857142857142113689938867;0.028571428571428570536427926640;0.005654761904761904621474766230;0.006845238095238095205052886172;0.000892857142857142829263372708;0.017559523809523809589894227656;0.019047619047619049337249919063;0.003869047619047619179788455313;0.000000000000000000000000000000;0.033630952380952379432432763906;0.016369047619047619873677845703;0.033333333333333332870740406406;0.018749999999999999306110609609;0.006845238095238095205052886172;0.015476190476190476719153821250;0.012500000000000000693889390391
-0.025675675675675677100961991073;0.013963963963963963582637362038;0.041891891891891894217359038066;0.059459459459459462760122505642;0.003153153153153153039067735364;0.015765765765765764327976938830;0.014414414414414414636333994224;0.030630630630630630018007565241;0.009459459459459459984564944079;0.021171171171171170033442621161;0.011711711711711711783601153058;0.007657657657657657504501891310;0.027927927927927927165274724075;0.019369369369369369288103044369;0.023423423423423423567202306117;0.009009009009009008930868311893;0.026126126126126126419935147283;0.044144144144144144281671771068;0.018468468468468467180709779996;0.009459459459459459984564944079;0.023423423423423423567202306117;0.012612612612612612156270941455;0.031981981981981981444373985823;0.031531531531531528655953877660;0.018918918918918919969129888159;0.021171171171171170033442621161;0.029729729729729731380061252821;0.008558558558558557877171679706;0.004504504504504504465434155946;0.010360360360360360357234732476;0.007207207207207207318166997112;0.033783783783783785659160514570;0.015765765765765764327976938830;0.012162162162162162837297785245;0.045495495495495495708038191651;0.046846846846846847134404612234;0.011261261261261260729904520872;0.013963963963963963582637362038;0.001351351351351351426366420583;0.033333333333333332870740406406;0.012162162162162162837297785245;0.008558558558558557877171679706;0.000000000000000000000000000000;0.027477477477477477846301567865;0.011261261261261260729904520872;0.034234234234234231508686718826;0.015315315315315315009003782620;0.009459459459459459984564944079;0.027027027027027028527328411656;0.007657657657657657504501891310
-0.009629629629629630344078705662;0.005555555555555555767577313730;0.028148148148148147834612942120;0.475925925925925918935632807916;0.000370370370370370351979089074;0.003703703703703703845051542487;0.021111111111111111743321444578;0.032962962962962964741375770927;0.002592592592592592518063732143;0.025555555555555557051272685953;0.005555555555555555767577313730;0.000740740740740740703958178148;0.003333333333333333547282562037;0.011481481481481481399242738917;0.027407407407407408106436719208;0.004444444444444444440589503387;0.007407407407407407690103084974;0.009629629629629630344078705662;0.007037037037037036958653235530;0.002222222222222222220294751693;0.015925925925925926707193980292;0.007777777777777777554191196430;0.001481481481481481407916356297;0.036296296296296298722339201959;0.005925925925925925631665425186;0.018518518518518517490534236458;0.019259259259259260688157411323;0.001481481481481481407916356297;0.005185185185185185036127464286;0.002962962962962962815832712593;0.001481481481481481407916356297;0.017037037037037038034181790636;0.002592592592592592518063732143;0.008148148148148147418279307885;0.004444444444444444440589503387;0.029259259259259259161600752464;0.003703703703703703845051542487;0.002222222222222222220294751693;0.001481481481481481407916356297;0.003333333333333333547282562037;0.015555555555555555108382392859;0.000370370370370370351979089074;0.000000000000000000000000000000;0.025185185185185185452461098521;0.010740740740740739936343040029;0.035555555555555555524716027094;0.017777777777777777762358013547;0.006666666666666667094565124074;0.005555555555555555767577313730;0.009259259259259258745267118229
-0.015416666666666667059870654555;0.017500000000000001665334536938;0.027916666666666666019036568969;0.399166666666666669627261399000;0.007499999999999999722444243844;0.008333333333333333217685101602;0.005833333333333333599324266316;0.018333333333333333425851918719;0.017083333333333332315628894094;0.010000000000000000208166817117;0.007499999999999999722444243844;0.007916666666666667337426410711;0.005833333333333333599324266316;0.021666666666666667406815349750;0.025000000000000001387778780781;0.014999999999999999444888487687;0.015833333333333334674852821422;0.022499999999999999167332731531;0.011666666666666667198648532633;0.006666666666666667094565124074;0.012083333333333333078907223523;0.022916666666666665047591422422;0.002500000000000000052041704279;0.020000000000000000416333634234;0.013750000000000000069388939039;0.019166666666666665186369300500;0.015833333333333334674852821422;0.017083333333333332315628894094;0.009583333333333332593184650250;0.007499999999999999722444243844;0.017916666666666667545593227828;0.015833333333333334674852821422;0.002500000000000000052041704279;0.006666666666666667094565124074;0.007916666666666667337426410711;0.020833333333333332176851016015;0.005416666666666666851703837438;0.008750000000000000832667268469;0.008333333333333333217685101602;0.010833333333333333703407674875;0.005416666666666666851703837438;0.016666666666666666435370203203;0.000000000000000000000000000000;0.009583333333333332593184650250;0.011249999999999999583666365766;0.005416666666666666851703837438;0.017916666666666667545593227828;0.010833333333333333703407674875;0.007083333333333332974823814965;0.003749999999999999861222121922
-0.017753623188405797533873098359;0.016304347826086956069202571484;0.013768115942028985240752625430;0.357246376811594212874467757501;0.018840579710144928632375993516;0.019565217391304349364711256953;0.007971014492753622851517469883;0.029710144927536232678511041172;0.012681159420289855876973206250;0.006159420289855072755402787266;0.009782608695652174682355628477;0.009782608695652174682355628477;0.013768115942028985240752625430;0.013043478260869564508417361992;0.032971014492753622504572774687;0.009057971014492753950020365039;0.006521739130434782254208680996;0.020289855072463766627599568437;0.034057971014492753603075669844;0.003985507246376811425758734941;0.021014492753623187359934831875;0.014855072463768116339255520586;0.010144927536231883313799784219;0.007246376811594202986543944434;0.019202898550724638998543625235;0.014855072463768116339255520586;0.026086956521739129016834723984;0.023188405797101449556940622188;0.000724637681159420298654394443;0.016304347826086956069202571484;0.011594202898550724778470311094;0.004347826086956521791926366660;0.010869565217391304046135047656;0.005072463768115941656899892109;0.009057971014492753950020365039;0.017028985507246376801537834922;0.009420289855072464316187996758;0.010144927536231883313799784219;0.008695652173913043583852733320;0.007246376811594202986543944434;0.014855072463768116339255520586;0.007608695652173913352711576152;0.000000000000000000000000000000;0.005072463768115941656899892109;0.028623188405797101580008146016;0.010144927536231883313799784219;0.008695652173913043583852733320;0.007246376811594202986543944434;0.013768115942028985240752625430;0.003623188405797101493271972217
-0.017083333333333332315628894094;0.027083333333333334258519187188;0.030416666666666668239482618219;0.070416666666666669072149886688;0.068750000000000005551115123126;0.017916666666666667545593227828;0.004166666666666666608842550801;0.025000000000000001387778780781;0.045833333333333330095182844843;0.007916666666666667337426410711;0.009166666666666666712925959359;0.008750000000000000832667268469;0.013333333333333334189130248149;0.014999999999999999444888487687;0.032500000000000001110223024625;0.019166666666666665186369300500;0.020000000000000000416333634234;0.044166666666666666574148081281;0.045416666666666667684371105906;0.005416666666666666851703837438;0.015416666666666667059870654555;0.052083333333333335646297967969;0.009166666666666666712925959359;0.010833333333333333703407674875;0.021250000000000001526556658860;0.011666666666666667198648532633;0.016666666666666666435370203203;0.034583333333333333980963431031;0.000416666666666666693410320255;0.027083333333333334258519187188;0.017083333333333332315628894094;0.005833333333333333599324266316;0.021666666666666667406815349750;0.004583333333333333356462979680;0.011249999999999999583666365766;0.017083333333333332315628894094;0.004583333333333333356462979680;0.016250000000000000555111512313;0.040416666666666663243479007406;0.011666666666666667198648532633;0.006250000000000000346944695195;0.032916666666666663521034763562;0.000000000000000000000000000000;0.002916666666666666799662133158;0.025000000000000001387778780781;0.004583333333333333356462979680;0.011249999999999999583666365766;0.012500000000000000693889390391;0.016250000000000000555111512313;0.011249999999999999583666365766
-0.032666666666666663298990158637;0.012000000000000000249800180541;0.050999999999999996724842077356;0.000000000000000000000000000000;0.013666666666666667240281896056;0.041666666666666664353702032031;0.005333333333333333155235056466;0.019666666666666665630458510350;0.058666666666666665574947359119;0.010999999999999999361621760841;0.020000000000000000416333634234;0.024333333333333331816028533012;0.018666666666666668211727042603;0.024333333333333331816028533012;0.012000000000000000249800180541;0.020000000000000000416333634234;0.020333333333333331732761806165;0.038333333333333330372738601000;0.035666666666666665963525417737;0.009333333333333334105863521302;0.021333333333333332620940225866;0.044999999999999998334665463062;0.011333333333333334147496884725;0.016666666666666666435370203203;0.045666666666666667906415710831;0.025333333333333332704206952712;0.025333333333333332704206952712;0.003666666666666666598434209945;0.000333333333333333322202191029;0.043666666666666666130058871431;0.026666666666666668378260496297;0.010000000000000000208166817117;0.018333333333333333425851918719;0.005666666666666667073748442363;0.021666666666666667406815349750;0.022333333333333333509118645566;0.011666666666666667198648532633;0.014666666666666666393736839780;0.008000000000000000166533453694;0.015666666666666665547191783503;0.006000000000000000124900090270;0.014999999999999999444888487687;0.000000000000000000000000000000;0.012666666666666666352103476356;0.010999999999999999361621760841;0.009333333333333334105863521302;0.029999999999999998889776975375;0.018333333333333333425851918719;0.021000000000000001304512053935;0.014999999999999999444888487687
-0.027380952380952380820211544687;0.022321428571428571924206707422;0.040476190476190478106932602032;0.002380952380952381167156239883;0.011607142857142857539365365938;0.032440476190476193185663333907;0.005654761904761904621474766230;0.032440476190476193185663333907;0.030357142857142856845475975547;0.013095238095238095551997581367;0.014285714285714285268213963320;0.012500000000000000693889390391;0.015476190476190476719153821250;0.016071428571428569842538536250;0.024107142857142858233254756328;0.010714285714285714384841341484;0.009226190476190476372209126055;0.061904761904761906876615285000;0.037797619047619045173913576718;0.008928571428571428075793292578;0.025000000000000001387778780781;0.045535714285714283533490487343;0.020833333333333332176851016015;0.015476190476190476719153821250;0.023511904761904761640423089375;0.020238095238095239053466301016;0.040178571428571431545240244532;0.016666666666666666435370203203;0.000297619047619047645894529985;0.047321428571428569842538536250;0.016964285714285712997062560703;0.006250000000000000346944695195;0.020833333333333332176851016015;0.005654761904761904621474766230;0.012500000000000000693889390391;0.032440476190476193185663333907;0.017261904761904763028201870156;0.014285714285714285268213963320;0.010714285714285714384841341484;0.026488095238095237665687520234;0.013095238095238095551997581367;0.011904761904761904101057723437;0.000000000000000000000000000000;0.018154761904761906182725894610;0.023511904761904761640423089375;0.025000000000000001387778780781;0.009226190476190476372209126055;0.011309523809523809242949532461;0.031845238095238093123384715000;0.008333333333333333217685101602
-0.028750000000000001249000902703;0.010833333333333333703407674875;0.057500000000000002498001805407;0.068333333333333329262515576374;0.002916666666666666799662133158;0.018333333333333333425851918719;0.003333333333333333547282562037;0.016250000000000000555111512313;0.019166666666666665186369300500;0.024166666666666666157814447047;0.016250000000000000555111512313;0.017083333333333332315628894094;0.016666666666666666435370203203;0.042083333333333333703407674875;0.008333333333333333217685101602;0.015416666666666667059870654555;0.027083333333333334258519187188;0.035000000000000003330669073875;0.013333333333333334189130248149;0.014166666666666665949647629930;0.012916666666666666574148081281;0.022916666666666665047591422422;0.013750000000000000069388939039;0.037916666666666667961926862063;0.030416666666666668239482618219;0.028750000000000001249000902703;0.027916666666666666019036568969;0.036666666666666666851703837438;0.000833333333333333386820640509;0.015833333333333334674852821422;0.010416666666666666088425508008;0.020416666666666666296592325125;0.008750000000000000832667268469;0.007916666666666667337426410711;0.021666666666666667406815349750;0.032083333333333331760517381781;0.017083333333333332315628894094;0.005000000000000000104083408559;0.005833333333333333599324266316;0.016666666666666666435370203203;0.004166666666666666608842550801;0.017500000000000001665334536938;0.000000000000000000000000000000;0.020833333333333332176851016015;0.008750000000000000832667268469;0.012500000000000000693889390391;0.040416666666666663243479007406;0.024583333333333332038073137937;0.027083333333333334258519187188;0.015416666666666667059870654555
-0.008680555555555555941049661328;0.015972222222222220988641083750;0.020833333333333332176851016015;0.501041666666666718477074482507;0.023958333333333334952408577578;0.013541666666666667129259593594;0.007638888888888888638317720137;0.017361111111111111882099322656;0.010416666666666666088425508008;0.006597222222222222202947516934;0.009027777777777776929690745078;0.012500000000000000693889390391;0.004861111111111111188209932266;0.005555555555555555767577313730;0.033333333333333332870740406406;0.007291666666666666782314898398;0.015277777777777777276635440273;0.020138888888888890199568848516;0.019444444444444444752839729063;0.000694444444444444470947164216;0.011805555555555555247160270937;0.009722222222222222376419864531;0.003472222222222222029475169336;0.010069444444444445099784424258;0.009722222222222222376419864531;0.008680555555555555941049661328;0.013888888888888888117900677344;0.010763888888888888811790067734;0.003472222222222222029475169336;0.017361111111111111882099322656;0.011111111111111111535154627461;0.011805555555555555247160270937;0.007986111111111110494320541875;0.007291666666666666782314898398;0.004861111111111111188209932266;0.012500000000000000693889390391;0.003125000000000000173472347598;0.006944444444444444058950338672;0.004861111111111111188209932266;0.004166666666666666608842550801;0.008333333333333333217685101602;0.003819444444444444319158860068;0.000000000000000000000000000000;0.005555555555555555767577313730;0.023958333333333334952408577578;0.004513888888888888464845372539;0.010416666666666666088425508008;0.006597222222222222202947516934;0.004861111111111111188209932266;0.004166666666666666608842550801
-0.020731707317073171797927599869;0.037398373983739838233297803072;0.017479674796747966813992292145;0.042682926829268295898511809128;0.051219512195121948139320267046;0.021544715447154472176549688811;0.012195121951219512618225238043;0.042276422764227640505030336726;0.008536585365853659179702361826;0.008536585365853659179702361826;0.019105691056910567571236470030;0.021951219512195120631137257305;0.017886178861788618738026812593;0.013414634146341463186158371457;0.053252032520325204290045917332;0.010975609756097560315568628653;0.006910569105691056687734707964;0.026422764227642277917729174419;0.042276422764227640505030336726;0.002439024390243902436908873810;0.021544715447154472176549688811;0.005284552845528455063128792091;0.011788617886178862428914193572;0.020731707317073171797927599869;0.024390243902439025236450476086;0.017073170731707318359404723651;0.035772357723577237476053625187;0.036991869918699189778710234577;0.005284552845528455063128792091;0.036991869918699189778710234577;0.048780487804878050472900952172;0.010975609756097560315568628653;0.019105691056910567571236470030;0.009349593495934959558324450768;0.029268292682926830977629961694;0.018292682926829267192614381088;0.012601626016260162807536282514;0.004471544715447154684506703148;0.002439024390243902436908873810;0.009756097560975609747635495239;0.011382113821138212239603149101;0.008130081300813008990391317354;0.000000000000000000000000000000;0.017886178861788618738026812593;0.034552845528455285173397015797;0.013008130081300812996847326986;0.015040650406504065678126025318;0.010975609756097560315568628653;0.019918699186991871419305510926;0.010975609756097560315568628653
-0.042083333333333333703407674875;0.022499999999999999167332731531;0.034166666666666664631257788187;0.005833333333333333599324266316;0.023750000000000000277555756156;0.021250000000000001526556658860;0.005833333333333333599324266316;0.047916666666666669904817155157;0.036666666666666666851703837438;0.018749999999999999306110609609;0.021250000000000001526556658860;0.007499999999999999722444243844;0.012500000000000000693889390391;0.020833333333333332176851016015;0.035416666666666665741480812812;0.019583333333333334536074943344;0.011249999999999999583666365766;0.044999999999999998334665463062;0.044166666666666666574148081281;0.005833333333333333599324266316;0.029583333333333333009518284484;0.021666666666666667406815349750;0.017083333333333332315628894094;0.021250000000000001526556658860;0.028333333333333331899295259859;0.027083333333333334258519187188;0.050833333333333334536074943344;0.018749999999999999306110609609;0.000833333333333333386820640509;0.025000000000000001387778780781;0.008750000000000000832667268469;0.006666666666666667094565124074;0.025416666666666667268037471672;0.001250000000000000026020852140;0.013750000000000000069388939039;0.022083333333333333287074040641;0.016666666666666666435370203203;0.013333333333333334189130248149;0.003333333333333333547282562037;0.005833333333333333599324266316;0.013750000000000000069388939039;0.017083333333333332315628894094;0.000000000000000000000000000000;0.013750000000000000069388939039;0.020416666666666666296592325125;0.015416666666666667059870654555;0.014583333333333333564629796797;0.019166666666666665186369300500;0.034583333333333333980963431031;0.011666666666666667198648532633
-0.040416666666666663243479007406;0.018749999999999999306110609609;0.036249999999999997501998194593;0.005000000000000000104083408559;0.008333333333333333217685101602;0.039583333333333331482961625625;0.002916666666666666799662133158;0.021666666666666667406815349750;0.050000000000000002775557561563;0.014583333333333333564629796797;0.018749999999999999306110609609;0.018749999999999999306110609609;0.020833333333333332176851016015;0.029166666666666667129259593594;0.014583333333333333564629796797;0.023750000000000000277555756156;0.012083333333333333078907223523;0.042083333333333333703407674875;0.022916666666666665047591422422;0.012500000000000000693889390391;0.023333333333333334397297065266;0.024166666666666666157814447047;0.015833333333333334674852821422;0.019583333333333334536074943344;0.032916666666666663521034763562;0.020833333333333332176851016015;0.030833333333333334119741309109;0.012083333333333333078907223523;0.000000000000000000000000000000;0.028333333333333331899295259859;0.022083333333333333287074040641;0.007083333333333332974823814965;0.020833333333333332176851016015;0.005000000000000000104083408559;0.017916666666666667545593227828;0.032500000000000001110223024625;0.016666666666666666435370203203;0.014583333333333333564629796797;0.016250000000000000555111512313;0.015416666666666667059870654555;0.007499999999999999722444243844;0.035000000000000003330669073875;0.000000000000000000000000000000;0.009583333333333332593184650250;0.011249999999999999583666365766;0.014999999999999999444888487687;0.020000000000000000416333634234;0.019166666666666665186369300500;0.038749999999999999722444243844;0.014583333333333333564629796797
-0.018699186991869919116648901536;0.041056910569105688202373727336;0.025609756097560974069660133523;0.046747967479674794322175301886;0.032926829268292684416152837912;0.025203252032520325615072565029;0.006504065040650406498423663493;0.033333333333333332870740406406;0.032926829268292684416152837912;0.008536585365853659179702361826;0.018292682926829267192614381088;0.013821138211382113375469415928;0.016666666666666666435370203203;0.008130081300813008990391317354;0.051219512195121948139320267046;0.014634146341463415488814980847;0.013821138211382113375469415928;0.046341463414634145867587733392;0.045121951219512193564931124001;0.006097560975609756309112619022;0.024796747967479673691038044581;0.013008130081300812996847326986;0.016260162601626017980782634709;0.017479674796747966813992292145;0.012601626016260162807536282514;0.015447154471544715867437069790;0.033333333333333332870740406406;0.042276422764227640505030336726;0.000813008130081300812302957937;0.054065040650406501199221054321;0.010569105691056910126257584182;0.015447154471544715867437069790;0.023170731707317072933793866696;0.007723577235772357933718534895;0.012195121951219512618225238043;0.019105691056910567571236470030;0.011382113821138212239603149101;0.012195121951219512618225238043;0.008536585365853659179702361826;0.003252032520325203249211831746;0.017479674796747966813992292145;0.034959349593495933627984584291;0.000000000000000000000000000000;0.009349593495934959558324450768;0.028048780487804878674973352304;0.008943089430894309369013406297;0.010975609756097560315568628653;0.005691056910569106119801574550;0.016666666666666666435370203203;0.008536585365853659179702361826
-0.022875816993464050813633647863;0.026797385620915031151367813322;0.018627450980392156604237285933;0.065032679738562096383169830460;0.046078431372549022437823396103;0.014379084967320260660117448026;0.003267973856209150426005427548;0.034640522875816995296283096195;0.038562091503267975634017261655;0.022875816993464050813633647863;0.011764705882352941013202496379;0.013398692810457515575683906661;0.013725490196078431182069579108;0.016339869281045752563708006733;0.041503267973856207417870933796;0.015686274509803921350936661838;0.016666666666666666435370203203;0.030392156862745097617439782312;0.029411764705882352533006240947;0.002941176470588235253300624095;0.020261437908496732901442172192;0.017973856209150325391465941038;0.010457516339869280322383282567;0.030392156862745097617439782312;0.019607843137254901688670827298;0.018627450980392156604237285933;0.030392156862745097617439782312;0.058496732026143791194350285423;0.000980392156862745084433541365;0.026470588235294117279705616852;0.015032679738562091872888792921;0.010130718954248366450721086096;0.013398692810457515575683906661;0.003921568627450980337734165460;0.007189542483660130330058724013;0.022875816993464050813633647863;0.007189542483660130330058724013;0.018954248366013070475899482403;0.028104575163398693576910503111;0.005882352941176470506601248189;0.012418300653594770491250365296;0.030065359477124183745777585841;0.000000000000000000000000000000;0.014052287581699346788455251556;0.031372549019607842701873323676;0.015032679738562091872888792921;0.016013071895424835222598858309;0.006535947712418300852010855095;0.013725490196078431182069579108;0.009477124183006535237949741202
-0.020833333333333332176851016015;0.003888888888888888777095598215;0.039166666666666669072149886688;0.240833333333333343695414896501;0.007222222222222221890697291258;0.010000000000000000208166817117;0.004722222222222222272336455973;0.028055555555555555802271783250;0.018333333333333333425851918719;0.069166666666666667961926862063;0.007499999999999999722444243844;0.020555555555555556079827539406;0.003055555555555555715535609451;0.028333333333333331899295259859;0.008888888888888888881179006773;0.016111111111111110771876298031;0.013611111111111110286153724758;0.014166666666666665949647629930;0.009444444444444444544672911945;0.002222222222222222220294751693;0.010833333333333333703407674875;0.008611111111111111049432054187;0.000555555555555555555073687923;0.085277777777777771794909256187;0.019722222222222220849863205672;0.041111111111111112159655078813;0.013611111111111110286153724758;0.001388888888888888941894328433;0.000833333333333333386820640509;0.004722222222222222272336455973;0.008333333333333333217685101602;0.023888888888888890060790970438;0.002222222222222222220294751693;0.003888888888888888777095598215;0.000833333333333333386820640509;0.042222222222222223486642889156;0.003611111111111110945348645629;0.005555555555555555767577313730;0.001944444444444444388547799107;0.003888888888888888777095598215;0.009444444444444444544672911945;0.006388888888888889262818171488;0.000000000000000000000000000000;0.046944444444444441422170655187;0.006944444444444444058950338672;0.027222222222222220572307449515;0.031944444444444441977282167500;0.010555555555555555871660722289;0.004722222222222222272336455973;0.006666666666666667094565124074
-0.016666666666666666435370203203;0.003846153846153846367350581659;0.025213675213675214303865601551;0.533333333333333325931846502499;0.003846153846153846367350581659;0.017521367521367521569164438233;0.006410256410256410034009810772;0.012820512820512820068019621544;0.019230769230769231836752908293;0.009401709401709401267566157401;0.012393162393162392501122504029;0.011538461538461539102051744976;0.007692307692307692734701163317;0.014102564102564102768710974090;0.008974358974358973700669039886;0.008547008547008547868495398347;0.011538461538461539102051744976;0.014102564102564102768710974090;0.007692307692307692734701163317;0.002564102564102564100340098108;0.010683760683760683968257509946;0.014957264957264957902505209120;0.000427350427350427350056683018;0.012820512820512820068019621544;0.018376068376068376702958673263;0.016666666666666666435370203203;0.017521367521367521569164438233;0.002564102564102564100340098108;0.000854700854700854700113366036;0.014957264957264957902505209120;0.019658119658119657668926549832;0.008119658119658120301598280832;0.002136752136752136967123849587;0.005982905982905983334474431246;0.001709401709401709400226732072;0.018376068376068376702958673263;0.001709401709401709400226732072;0.009401709401709401267566157401;0.003418803418803418800453464144;0.003418803418803418800453464144;0.005555555555555555767577313730;0.008974358974358973700669039886;0.000000000000000000000000000000;0.008119658119658120301598280832;0.007692307692307692734701163317;0.005982905982905983334474431246;0.012393162393162392501122504029;0.006837606837606837600906928287;0.004700854700854700633783078700;0.008547008547008547868495398347
-0.051937984496124030286967609982;0.003488372093023255765542600670;0.060852713178294576268356763649;0.083333333333333328707404064062;0.003875968992248061961714000745;0.025968992248062015143483804991;0.003488372093023255765542600670;0.015116279069767441650684602905;0.022868217054263565574112604395;0.027131782945736433731998005214;0.021317829457364340789427004097;0.008914728682170542511942201713;0.013565891472868216865999002607;0.036046511627906979713387158881;0.010465116279069767296627802011;0.033720930232558142536358758434;0.027519379844961239928169405289;0.028294573643410852320512205438;0.014341085271317829258341802756;0.007751937984496123923428001490;0.015503875968992247846856002980;0.016666666666666666435370203203;0.002713178294573643373199800521;0.033720930232558142536358758434;0.047674418604651165598529161116;0.034496124031007754928701558583;0.029457364341085270909026405661;0.001162790697674418588514200223;0.000387596899224806196171400074;0.015503875968992247846856002980;0.014341085271317829258341802756;0.020542635658914728397084203948;0.009689922480620154904285001862;0.008914728682170542511942201713;0.010465116279069767296627802011;0.039922480620155041675101159626;0.010077519379844961100456401937;0.021317829457364340789427004097;0.000775193798449612392342800149;0.007751937984496123923428001490;0.004263565891472868157885400819;0.008527131782945736315770801639;0.000000000000000000000000000000;0.022480620155038759377941204320;0.006976744186046511531085201341;0.012403100775193798277484802384;0.036046511627906979713387158881;0.030620155038759689497540605885;0.021317829457364340789427004097;0.016279069767441860239198803129
-0.026470588235294117279705616852;0.012091503267973856619588168826;0.026797385620915031151367813322;0.308823529411764718943800289708;0.012745098039215686097636037744;0.019607843137254901688670827298;0.004901960784313725422167706824;0.016339869281045752563708006733;0.020261437908496732901442172192;0.014052287581699346788455251556;0.014379084967320260660117448026;0.016666666666666666435370203203;0.010130718954248366450721086096;0.018300653594771242732575089462;0.024509803921568627110838534122;0.018954248366013070475899482403;0.006535947712418300852010855095;0.016666666666666666435370203203;0.018954248366013070475899482403;0.003921568627450980337734165460;0.017647058823529411519803744568;0.011437908496732025406816823931;0.007843137254901960675468330919;0.017647058823529411519803744568;0.027124183006535948492476961746;0.022549019607843136941971451392;0.026143790849673203408043420382;0.023856209150326795898067189228;0.001307189542483660040297910321;0.017647058823529411519803744568;0.013398692810457515575683906661;0.006535947712418300852010855095;0.016013071895424835222598858309;0.006862745098039215591034789554;0.007843137254901960675468330919;0.017647058823529411519803744568;0.005882352941176470506601248189;0.011111111111111111535154627461;0.010457516339869280322383282567;0.004248366013071895076758099918;0.007516339869281045936444396460;0.014052287581699346788455251556;0.000000000000000000000000000000;0.006535947712418300852010855095;0.023856209150326795898067189228;0.008496732026143790153516199837;0.013071895424836601704021710191;0.014052287581699346788455251556;0.012091503267973856619588168826;0.016013071895424835222598858309
-0.022789115646258503722343391473;0.012585034013605441577388077690;0.082312925170068024227632008660;0.098299319727891160125565761518;0.011904761904761904101057723437;0.025170068027210883154776155379;0.001020408163265306214495531378;0.013265306122448979053718431942;0.025850340136054420631106509632;0.017346938775510203911700557455;0.015646258503401361955598147802;0.025850340136054420631106509632;0.011904761904761904101057723437;0.040136054421768707634043948929;0.009523809523809524668624959531;0.027551020408163266056655871239;0.012244897959183672839222900564;0.029251700680272108012758280893;0.011564625850340135362892546311;0.004761904761904762334312479766;0.012244897959183672839222900564;0.022789115646258503722343391473;0.008163265306122449715964251027;0.019727891156462583344133321361;0.036394557823129253248950476518;0.039115646258503403154271893527;0.026530612244897958107436863884;0.018367346938775511860919564811;0.000340136054421768683955068502;0.028911564625850341009316579743;0.023129251700680270725785092623;0.009863945578231291672066660681;0.010544217687074829148397014933;0.012925170068027210315553254816;0.012244897959183672839222900564;0.026190476190476191103995162734;0.006122448979591836419611450282;0.006802721088435373895941804534;0.001700680272108843473985451134;0.018707482993197278864361265960;0.003741496598639455686136079393;0.010544217687074829148397014933;0.000000000000000000000000000000;0.007482993197278911372272158786;0.014285714285714285268213963320;0.004421768707482993596147302640;0.052040816326530611735101672366;0.023809523809523808202115446875;0.018707482993197278864361265960;0.025170068027210883154776155379
-0.030263157894736842506988594437;0.040789473684210528214855173701;0.018421052631578945651957823770;0.172368421052631587420123082666;0.017543859649122806043664013487;0.019298245614035088729698586008;0.006140350877192982462227099916;0.019736842105263156799122015173;0.025000000000000001387778780781;0.013596491228070176071618391234;0.014912280701754385484059106659;0.022807017543859650632320779096;0.020614035087719299876862777410;0.014473684210526315679912201517;0.028070175438596491751530592751;0.023684210526315790240614589379;0.012280701754385964924454199831;0.040789473684210528214855173701;0.020175438596491228337992396291;0.003947368421052631706769098230;0.017105263157894737974240584322;0.017982456140350877582534394605;0.014912280701754385484059106659;0.016666666666666666435370203203;0.022807017543859650632320779096;0.015789473684210526827076392919;0.018859649122807017190828204889;0.049561403508771931236687180444;0.000000000000000000000000000000;0.025877192982456140996072591065;0.018859649122807017190828204889;0.007456140350877192742029553330;0.013157894736842104532748010115;0.003947368421052631706769098230;0.011842105263157895120307294690;0.012719298245614034728601104973;0.007894736842105263413538196460;0.014035087719298245875765296375;0.008771929824561403021832006743;0.011403508771929825316160389548;0.009210526315789472825978911885;0.022368421052631579093450397977;0.000000000000000000000000000000;0.007017543859649122937882648188;0.014473684210526315679912201517;0.014473684210526315679912201517;0.012719298245614034728601104973;0.012280701754385964924454199831;0.019298245614035088729698586008;0.013596491228070176071618391234
-0.014529914529914530335608091605;0.001282051282051282050170049054;0.085897435897435897578233721106;0.036324786324786327573743704988;0.006837606837606837600906928287;0.007264957264957265167804045802;0.001282051282051282050170049054;0.014529914529914530335608091605;0.029487179487179486503389824748;0.073931623931623932644008334591;0.008974358974358973700669039886;0.002136752136752136967123849587;0.002991452991452991667237215623;0.055982905982905985242670254820;0.009829059829059828834463274916;0.005555555555555555767577313730;0.027777777777777776235801354687;0.032905982905982907038566764868;0.006410256410256410034009810772;0.006410256410256410034009810772;0.010683760683760683968257509946;0.018376068376068376702958673263;0.002136752136752136967123849587;0.099145299145299140008980032235;0.012820512820512820068019621544;0.044444444444444446140618509844;0.023076923076923078204103489952;0.001709401709401709400226732072;0.001282051282051282050170049054;0.005128205128205128200680196215;0.000427350427350427350056683018;0.054700854700854700807255426298;0.002136752136752136967123849587;0.003418803418803418800453464144;0.005555555555555555767577313730;0.069230769230769234612310469856;0.011111111111111111535154627461;0.005982905982905983334474431246;0.000000000000000000000000000000;0.005128205128205128200680196215;0.011965811965811966668948862491;0.002991452991452991667237215623;0.000000000000000000000000000000;0.041880341880341877269788852800;0.001709401709401709400226732072;0.022222222222222223070309254922;0.066666666666666665741480812812;0.023504273504273504036277131490;0.012393162393162392501122504029;0.009829059829059828834463274916
-0.017073170731707318359404723651;0.039430894308943087445129549451;0.021951219512195120631137257305;0.220731707317073172491816990259;0.032520325203252035961565269417;0.013008130081300812996847326986;0.002439024390243902436908873810;0.016260162601626017980782634709;0.031300813008130083658908660027;0.005691056910569106119801574550;0.006910569105691056687734707964;0.011788617886178862428914193572;0.013008130081300812996847326986;0.010569105691056910126257584182;0.039024390243902438990541980957;0.012601626016260162807536282514;0.027642276422764226750938831856;0.029674796747967479432217530189;0.012601626016260162807536282514;0.003658536585365853872203745212;0.010569105691056910126257584182;0.019105691056910567571236470030;0.004065040650406504495195658677;0.013414634146341463186158371457;0.014227642276422763564780460399;0.005691056910569106119801574550;0.019512195121951219495270990478;0.125609756097560976151328304695;0.001626016260162601624605915873;0.017886178861788618738026812593;0.016260162601626017980782634709;0.007317073170731707744407490424;0.006097560975609756309112619022;0.003658536585365853872203745212;0.010975609756097560315568628653;0.016260162601626017980782634709;0.002439024390243902436908873810;0.014227642276422763564780460399;0.005284552845528455063128792091;0.006504065040650406498423663493;0.010569105691056910126257584182;0.036178861788617885930641193681;0.000000000000000000000000000000;0.005284552845528455063128792091;0.014634146341463415488814980847;0.006504065040650406498423663493;0.012195121951219512618225238043;0.011788617886178862428914193572;0.006910569105691056687734707964;0.007317073170731707744407490424
-0.041156462585034012113816004330;0.002380952380952381167156239883;0.064285714285714279370154144999;0.000000000000000000000000000000;0.001360544217687074735820274007;0.035374149659863948769178421117;0.000000000000000000000000000000;0.012244897959183672839222900564;0.057823129251700682018633159487;0.023469387755102041198673745726;0.015306122448979591482709494699;0.031632653061224487445191044799;0.007823129251700680977799073901;0.051700680272108841262213019263;0.004081632653061224857982125513;0.032993197278911562397851753303;0.028571428571428570536427926640;0.030612244897959182965418989397;0.011564625850340135362892546311;0.011224489795918366624727369185;0.015986394557823128959039848951;0.027891156462585033060097572388;0.003401360544217686947970902267;0.042857142857142857539365365938;0.047619047619047616404230893750;0.037755102040816328201611185023;0.018367346938775511860919564811;0.001360544217687074735820274007;0.001020408163265306214495531378;0.012585034013605441577388077690;0.032653061224489798863857004108;0.019387755102040816340691620212;0.003741496598639455686136079393;0.008503401360544218454129428153;0.011564625850340135362892546311;0.043537414965986391546248768236;0.011564625850340135362892546311;0.013945578231292516530048786194;0.009183673469387755930459782405;0.008163265306122449715964251027;0.002040816326530612428991062757;0.018027210884353741388030911708;0.000000000000000000000000000000;0.016666666666666666435370203203;0.001360544217687074735820274007;0.008163265306122449715964251027;0.046258503401360541451570185245;0.031632653061224487445191044799;0.021768707482993195773124384118;0.019387755102040816340691620212
-0.040740740740740744030290443334;0.006666666666666667094565124074;0.050370370370370370904922197042;0.000740740740740740703958178148;0.014444444444444443781394582516;0.044074074074074071072359970458;0.002592592592592592518063732143;0.024814814814814813853649511088;0.030740740740740742087400150240;0.018888888888888889089345823891;0.021851851851851851471497667490;0.020000000000000000416333634234;0.025925925925925925180637321432;0.034074074074074076068363581271;0.009259259259259258745267118229;0.023333333333333334397297065266;0.012222222222222222862142437805;0.023703703703703702526661700745;0.022962962962962962798485477833;0.008518518518518519017090895318;0.018148148148148149361169600979;0.023333333333333334397297065266;0.010740740740740739936343040029;0.026666666666666668378260496297;0.046296296296296293726335591145;0.038518518518518521376314822646;0.028148148148148147834612942120;0.003703703703703703845051542487;0.000370370370370370351979089074;0.040000000000000000832667268469;0.011851851851851851263330850372;0.010000000000000000208166817117;0.010370370370370370072254928573;0.009259259259259258745267118229;0.022592592592592591199673890401;0.028888888888888887562789165031;0.015185185185185185244294281404;0.023333333333333334397297065266;0.013333333333333334189130248149;0.016296296296296294836558615771;0.005555555555555555767577313730;0.024074074074074074125473288177;0.000000000000000000000000000000;0.017037037037037038034181790636;0.006296296296296296363115274630;0.017037037037037038034181790636;0.025555555555555557051272685953;0.023703703703703702526661700745;0.025925925925925925180637321432;0.021851851851851851471497667490
-0.039189189189189191364626196901;0.015765765765765764327976938830;0.059909909909909908609648709898;0.017567567567567568542763467576;0.015765765765765764327976938830;0.024324324324324325674595570490;0.003603603603603603659083498556;0.019819819819819818607076200578;0.042792792792792792855305350486;0.018918918918918919969129888159;0.018018018018018017861736623786;0.018018018018018017861736623786;0.027477477477477477846301567865;0.031531531531531528655953877660;0.009009009009009008930868311893;0.026576576576576575738908303492;0.034684684684684684297106826989;0.033783783783783785659160514570;0.013063063063063063209967573641;0.007657657657657657504501891310;0.017567567567567568542763467576;0.022972972972972974248229149907;0.010810810810810811410931364662;0.027927927927927927165274724075;0.037837837837837839938259776318;0.021171171171171170033442621161;0.025675675675675677100961991073;0.010810810810810811410931364662;0.002252252252252252232717077973;0.025225225225225224312541882909;0.030180180180180180699034409031;0.013513513513513514263664205828;0.011711711711711711783601153058;0.006756756756756757131832102914;0.027477477477477477846301567865;0.029279279279279278591641144658;0.012162162162162162837297785245;0.014414414414414414636333994224;0.003153153153153153039067735364;0.014414414414414414636333994224;0.003153153153153153039067735364;0.032432432432432434232794093987;0.000000000000000000000000000000;0.007657657657657657504501891310;0.007657657657657657504501891310;0.010810810810810811410931364662;0.028378378378378379953694832238;0.022972972972972974248229149907;0.029729729729729731380061252821;0.014414414414414414636333994224
-0.026754385964912280604366401349;0.025438596491228069457202209946;0.053070175438596489669862421579;0.003070175438596491231113549958;0.030263157894736842506988594437;0.024561403508771929848908399663;0.004824561403508772182424646502;0.035087719298245612087328026973;0.030263157894736842506988594437;0.020614035087719299876862777410;0.016666666666666666435370203203;0.011403508771929825316160389548;0.012280701754385964924454199831;0.032456140350877189792999644169;0.014035087719298245875765296375;0.013157894736842104532748010115;0.021491228070175439485156587693;0.062280701754385964230564809441;0.025000000000000001387778780781;0.012280701754385964924454199831;0.018859649122807017190828204889;0.024561403508771929848908399663;0.021929824561403507554580016858;0.017543859649122806043664013487;0.024561403508771929848908399663;0.029385964912280702898694784153;0.037280701754385962842786028659;0.012280701754385964924454199831;0.000000000000000000000000000000;0.015350877192982455288206011801;0.008333333333333333217685101602;0.008333333333333333217685101602;0.017105263157894737974240584322;0.004824561403508772182424646502;0.011842105263157895120307294690;0.049561403508771931236687180444;0.017982456140350877582534394605;0.006578947368421052266374005058;0.005263157894736841986571551644;0.021929824561403507554580016858;0.010964912280701753777290008429;0.022368421052631579093450397977;0.000000000000000000000000000000;0.012719298245614034728601104973;0.010526315789473683973143103287;0.014912280701754385484059106659;0.027631578947368420212660211632;0.019736842105263156799122015173;0.042982456140350878970313175387;0.009649122807017544364849293004
-0.011965811965811966668948862491;0.026068376068376069437659836581;0.024358974358974359170071366520;0.392307692307692301714183713557;0.015384615384615385469402326635;0.008119658119658120301598280832;0.004700854700854700633783078700;0.013675213675213675201813856575;0.027777777777777776235801354687;0.005982905982905983334474431246;0.008974358974358973700669039886;0.003418803418803418800453464144;0.005128205128205128200680196215;0.015384615384615385469402326635;0.029487179487179486503389824748;0.008547008547008547868495398347;0.011111111111111111535154627461;0.020940170940170938634894426400;0.015384615384615385469402326635;0.002564102564102564100340098108;0.009829059829059828834463274916;0.026495726495726495269833478119;0.017094017094017095736990796695;0.014529914529914530335608091605;0.012393162393162392501122504029;0.010256410256410256401360392431;0.013247863247863247634916739059;0.018803418803418802535132314802;0.001282051282051282050170049054;0.016666666666666666435370203203;0.005982905982905983334474431246;0.007264957264957265167804045802;0.006837606837606837600906928287;0.004700854700854700633783078700;0.009401709401709401267566157401;0.014102564102564102768710974090;0.003418803418803418800453464144;0.007692307692307692734701163317;0.016666666666666666435370203203;0.029914529914529915805010418239;0.005555555555555555767577313730;0.021367521367521367936515019892;0.000000000000000000000000000000;0.008119658119658120301598280832;0.017521367521367521569164438233;0.008547008547008547868495398347;0.010683760683760683968257509946;0.011965811965811966668948862491;0.012393162393162392501122504029;0.005982905982905983334474431246
-0.029629629629629630760412339896;0.013333333333333334189130248149;0.052592592592592593558897817729;0.009629629629629630344078705662;0.025925925925925925180637321432;0.008518518518518519017090895318;0.000740740740740740703958178148;0.027407407407407408106436719208;0.040000000000000000832667268469;0.054814814814814816212873438417;0.009259259259259258745267118229;0.004074074074074073709139653943;0.001851851851851851922525771243;0.042222222222222223486642889156;0.007037037037037036958653235530;0.019259259259259260688157411323;0.020370370370370372015145221667;0.037777777777777778178691647781;0.015185185185185185244294281404;0.003333333333333333547282562037;0.012962962962962962590318660716;0.018888888888888889089345823891;0.002962962962962962815832712593;0.091851851851851851193941911333;0.025185185185185185452461098521;0.052222222222222225429533182250;0.024444444444444445724284875610;0.005185185185185185036127464286;0.000370370370370370351979089074;0.002962962962962962815832712593;0.008148148148148147418279307885;0.022222222222222223070309254922;0.002222222222222222220294751693;0.004814814814814815172039352831;0.007037037037037036958653235530;0.051481481481481482231910007386;0.014074074074074073917306471060;0.016666666666666666435370203203;0.002222222222222222220294751693;0.004814814814814815172039352831;0.010740740740740739936343040029;0.018148148148148149361169600979;0.000000000000000000000000000000;0.038148148148148146308056283260;0.005555555555555555767577313730;0.026296296296296296779448908865;0.052962962962962961688262453208;0.025925925925925925180637321432;0.017037037037037038034181790636;0.011481481481481481399242738917
-0.020155038759689922200912803874;0.001550387596899224784685600298;0.057364341085271317033367211025;0.000000000000000000000000000000;0.000000000000000000000000000000;0.003488372093023255765542600670;0.001550387596899224784685600298;0.019767441860465116004741403799;0.014341085271317829258341802756;0.122480620155038757990162423539;0.003488372093023255765542600670;0.002713178294573643373199800521;0.001550387596899224784685600298;0.036434108527131782440111607002;0.001550387596899224784685600298;0.007364341085271317727256601415;0.013953488372093023062170402682;0.017054263565891472631541603278;0.006589147286821705334913801266;0.006201550387596899138742401192;0.009302325581395348708113601788;0.009302325581395348708113601788;0.000775193798449612392342800149;0.165503875968992242295740879854;0.010852713178294573492799202086;0.046899224806201553206186360967;0.014341085271317829258341802756;0.000775193798449612392342800149;0.001550387596899224784685600298;0.013565891472868216865999002607;0.000775193798449612392342800149;0.056976744186046514306642762904;0.000775193798449612392342800149;0.001162790697674418588514200223;0.001162790697674418588514200223;0.088372093023255812727079216984;0.011627906976744185885142002235;0.003875968992248061961714000745;0.000775193798449612392342800149;0.003875968992248061961714000745;0.011240310077519379688970602160;0.004263565891472868157885400819;0.000000000000000000000000000000;0.084496124031007757704259120146;0.002325581395348837177028400447;0.032170542635658917751673158136;0.051162790697674417894624809833;0.019379844961240309808570003725;0.005426356589147286746399601043;0.009689922480620154904285001862
-0.036296296296296298722339201959;0.005555555555555555767577313730;0.078148148148148147140723551729;0.000370370370370370351979089074;0.000370370370370370351979089074;0.017037037037037038034181790636;0.001851851851851851922525771243;0.021111111111111111743321444578;0.037407407407407410049327012302;0.043703703703703702942995334979;0.017777777777777777762358013547;0.007777777777777777554191196430;0.011111111111111111535154627461;0.057037037037037038866849059104;0.006296296296296296363115274630;0.021111111111111111743321444578;0.021851851851851851471497667490;0.037777777777777778178691647781;0.012592592592592592726230549260;0.015555555555555555108382392859;0.014814814814814815380206169948;0.018888888888888889089345823891;0.009259259259259258745267118229;0.054444444444444441144614899031;0.029629629629629630760412339896;0.045925925925925925596970955667;0.027407407407407408106436719208;0.000740740740740740703958178148;0.000000000000000000000000000000;0.003333333333333333547282562037;0.004814814814814815172039352831;0.026296296296296296779448908865;0.007037037037037036958653235530;0.006296296296296296363115274630;0.014814814814814815380206169948;0.057407407407407406996213694583;0.014814814814814815380206169948;0.012962962962962962590318660716;0.004814814814814815172039352831;0.011481481481481481399242738917;0.006666666666666667094565124074;0.008148148148148147418279307885;0.000000000000000000000000000000;0.025185185185185185452461098521;0.003333333333333333547282562037;0.017037037037037038034181790636;0.051481481481481482231910007386;0.029629629629629630760412339896;0.025185185185185185452461098521;0.017407407407407406163546426114
-0.036585365853658534385228762176;0.023170731707317072933793866696;0.043089430894308944353099377622;0.032113821138211380568083797016;0.003252032520325203249211831746;0.019105691056910567571236470030;0.002845528455284553059900787275;0.023170731707317072933793866696;0.044715447154471545110343555507;0.030894308943089431734874139579;0.020731707317073171797927599869;0.006504065040650406498423663493;0.019918699186991871419305510926;0.023983739837398373312415955638;0.009349593495934959558324450768;0.024390243902439025236450476086;0.021138211382113820252515168363;0.041056910569105688202373727336;0.017073170731707318359404723651;0.004878048780487804873817747620;0.014227642276422763564780460399;0.019512195121951219495270990478;0.009349593495934959558324450768;0.043089430894308944353099377622;0.034146341463414636718809447302;0.037398373983739838233297803072;0.026422764227642277917729174419;0.024796747967479673691038044581;0.000406504065040650406151478968;0.010975609756097560315568628653;0.011382113821138212239603149101;0.016260162601626017980782634709;0.015853658536585366056748114261;0.002845528455284553059900787275;0.025609756097560974069660133523;0.041056910569105688202373727336;0.010162601626016259936946539710;0.015447154471544715867437069790;0.006504065040650406498423663493;0.008943089430894309369013406297;0.013414634146341463186158371457;0.037398373983739838233297803072;0.000000000000000000000000000000;0.022357723577235772555171777753;0.004878048780487804873817747620;0.018699186991869919116648901536;0.023577235772357724857828387144;0.015447154471544715867437069790;0.026422764227642277917729174419;0.015447154471544715867437069790
-0.013963963963963963582637362038;0.028828828828828829272667988448;0.027477477477477477846301567865;0.363963963963963965664305533210;0.004054054054054054279099261748;0.005855855855855855891800576529;0.007207207207207207318166997112;0.019819819819819818607076200578;0.033333333333333332870740406406;0.020720720720720720714469464951;0.009909909909909909303538100289;0.005405405405405405705465682331;0.000900900900900900914770874639;0.014864864864864865690030626411;0.029279279279279278591641144658;0.009909909909909909303538100289;0.015315315315315315009003782620;0.022522522522522521459809041744;0.007207207207207207318166997112;0.002702702702702702852732841166;0.012162162162162162837297785245;0.019369369369369369288103044369;0.003603603603603603659083498556;0.032882882882882880082320298243;0.014864864864864865690030626411;0.017567567567567568542763467576;0.024324324324324325674595570490;0.024324324324324325674595570490;0.001351351351351351426366420583;0.009459459459459459984564944079;0.007207207207207207318166997112;0.018018018018018017861736623786;0.003153153153153153039067735364;0.004054054054054054279099261748;0.000900900900900900914770874639;0.027477477477477477846301567865;0.005855855855855855891800576529;0.004054054054054054279099261748;0.004954954954954954651769050145;0.001351351351351351426366420583;0.018018018018018017861736623786;0.023423423423423423567202306117;0.000000000000000000000000000000;0.015315315315315315009003782620;0.014864864864864865690030626411;0.010360360360360360357234732476;0.019819819819819818607076200578;0.007207207207207207318166997112;0.006756756756756757131832102914;0.004054054054054054279099261748
-0.014227642276422763564780460399;0.020731707317073171797927599869;0.023170731707317072933793866696;0.458130081300813007949557231768;0.003252032520325203249211831746;0.004065040650406504495195658677;0.006504065040650406498423663493;0.012601626016260162807536282514;0.021138211382113820252515168363;0.017073170731707318359404723651;0.008130081300813008990391317354;0.002032520325203252247597829339;0.002845528455284553059900787275;0.019105691056910567571236470030;0.018292682926829267192614381088;0.009349593495934959558324450768;0.011382113821138212239603149101;0.021138211382113820252515168363;0.008536585365853659179702361826;0.003252032520325203249211831746;0.014634146341463415488814980847;0.009756097560975609747635495239;0.001219512195121951218454436905;0.022357723577235772555171777753;0.010162601626016259936946539710;0.018699186991869919116648901536;0.017073170731707318359404723651;0.032113821138211380568083797016;0.001626016260162601624605915873;0.001626016260162601624605915873;0.006097560975609756309112619022;0.009756097560975609747635495239;0.001219512195121951218454436905;0.004065040650406504495195658677;0.004471544715447154684506703148;0.025203252032520325615072565029;0.006097560975609756309112619022;0.010975609756097560315568628653;0.015853658536585366056748114261;0.004878048780487804873817747620;0.005691056910569106119801574550;0.015040650406504065678126025318;0.000000000000000000000000000000;0.013414634146341463186158371457;0.005284552845528455063128792091;0.008536585365853659179702361826;0.020731707317073171797927599869;0.012601626016260162807536282514;0.009349593495934959558324450768;0.006504065040650406498423663493
-0.014124293785310734414273348136;0.023163841807909604786352986139;0.039548022598870059829412326735;0.229943502824858758692982974026;0.016384180790960451573612388643;0.010734463276836157807903049388;0.001412429378531073441427334814;0.014689265536723164137788977257;0.056497175141242937657093392545;0.014971751412429378999546791817;0.009322033898305085233837452563;0.010451977401129942946145234828;0.012429378531073446978449936751;0.017231638418079096158885832324;0.009604519774011300095595267123;0.009887005649717514957353081684;0.028531073446327683690304510833;0.046892655367231639296221601398;0.011864406779661017254934307630;0.006779661016949152345378859508;0.008192090395480225786806194321;0.030225988700564972860851398195;0.010169491525423728084387420267;0.020621468926553671030532655095;0.018644067796610170467674905126;0.015536723163841808723062420938;0.017796610169491525882401461445;0.021751412429378530477563913337;0.001129943502824858796509954750;0.012711864406779661840207751311;0.007909604519774010925048379761;0.013276836158192089828999904455;0.009887005649717514957353081684;0.004237288135593220324282004441;0.013841807909604519552515533576;0.028813559322033898552062325393;0.009039548022598870372079638003;0.004802259887005650047797633562;0.012429378531073446978449936751;0.016101694915254236711854574082;0.002259887005649717593019909501;0.057062146892655367380609021666;0.000000000000000000000000000000;0.011299435028248587531418678509;0.005932203389830508627467153815;0.010451977401129942946145234828;0.017231638418079096158885832324;0.009887005649717514957353081684;0.014971751412429378999546791817;0.009322033898305085233837452563
-0.010283687943262410577349719176;0.029432624113475178151411171257;0.021631205673758865243305749004;0.417375886524822714562787950854;0.028368794326241134062804860605;0.013120567375886524677519595627;0.004255319148936170282893076688;0.014184397163120567031402430302;0.028368794326241134062804860605;0.007092198581560283515701215151;0.006382978723404254990658746038;0.014184397163120567031402430302;0.009574468085106382919668988052;0.007092198581560283515701215151;0.020212765957446809927944286756;0.006737588652482269686860849589;0.012411347517730497019838864503;0.019503546099290780535540079654;0.014184397163120567031402430302;0.003191489361702127495329373019;0.010992907801418439969753926277;0.022695035460992909331912059656;0.004964539007092198807935545801;0.006737588652482269686860849589;0.014539007092198581727604533853;0.009574468085106382919668988052;0.015602836879432624081487368528;0.045744680851063826421132318956;0.000354609929078014208311125932;0.028368794326241134062804860605;0.013829787234042552335200326752;0.004255319148936170282893076688;0.010992907801418439969753926277;0.001773049645390070878925303788;0.007092198581560283515701215151;0.013120567375886524677519595627;0.004609929078014184111733442251;0.008156028368794325869584049826;0.001773049645390070878925303788;0.005319148936170212636775911363;0.006737588652482269686860849589;0.023758865248226949951071418354;0.000000000000000000000000000000;0.006028368794326241161818380476;0.013829787234042552335200326752;0.006028368794326241161818380476;0.009574468085106382919668988052;0.003546099290780141757850607576;0.007092198581560283515701215151;0.005319148936170212636775911363
-0.019666666666666665630458510350;0.029999999999999998889776975375;0.022666666666666668294993769450;0.189666666666666677842911781227;0.019666666666666665630458510350;0.023666666666666665713725237197;0.002666666666666666577617528233;0.030333333333333333675652099259;0.031666666666666669349705642844;0.009666666666666667157015169209;0.013666666666666667240281896056;0.019666666666666665630458510350;0.013333333333333334189130248149;0.014666666666666666393736839780;0.028333333333333331899295259859;0.010999999999999999361621760841;0.014666666666666666393736839780;0.037333333333333336423454085207;0.028333333333333331899295259859;0.004666666666666667052931760651;0.022333333333333333509118645566;0.014666666666666666393736839780;0.013666666666666667240281896056;0.007666666666666666248020067798;0.021333333333333332620940225866;0.014333333333333333342585191872;0.024333333333333331816028533012;0.035999999999999997279953589668;0.000666666666666666644404382058;0.041000000000000001720845688169;0.019333333333333334314030338419;0.006000000000000000124900090270;0.020000000000000000416333634234;0.008666666666666666268836749509;0.014333333333333333342585191872;0.021000000000000001304512053935;0.010666666666666666310470112933;0.005000000000000000104083408559;0.005333333333333333155235056466;0.014999999999999999444888487687;0.010666666666666666310470112933;0.024333333333333331816028533012;0.000000000000000000000000000000;0.004333333333333333134418374755;0.017000000000000001221245327088;0.008000000000000000166533453694;0.014666666666666666393736839780;0.007666666666666666248020067798;0.020666666666666666518636930050;0.006000000000000000124900090270
-0.022448979591836733249454738370;0.006802721088435373895941804534;0.037755102040816328201611185023;0.334353741496598633187176119463;0.000680272108843537367910137004;0.010884353741496597886562192059;0.009863945578231291672066660681;0.020408163265306120820463675614;0.013605442176870747791883609068;0.029931972789115645489088635145;0.010884353741496597886562192059;0.004761904761904762334312479766;0.011564625850340135362892546311;0.026530612244897958107436863884;0.020068027210884353817021974464;0.016326530612244899431928502054;0.014965986394557822744544317572;0.020748299319727891293352328717;0.009183673469387755930459782405;0.007823129251700680977799073901;0.010204081632653060410231837807;0.013265306122448979053718431942;0.006122448979591836419611450282;0.027551020408163266056655871239;0.015306122448979591482709494699;0.026190476190476191103995162734;0.022448979591836733249454738370;0.003061224489795918209805725141;0.004761904761904762334312479766;0.006122448979591836419611450282;0.004421768707482993596147302640;0.015306122448979591482709494699;0.006122448979591836419611450282;0.012244897959183672839222900564;0.011224489795918366624727369185;0.029591836734693878485646933996;0.006462585034013605157776627408;0.007482993197278911372272158786;0.004081632653061224857982125513;0.011564625850340135362892546311;0.006462585034013605157776627408;0.006122448979591836419611450282;0.000000000000000000000000000000;0.020408163265306120820463675614;0.007823129251700680977799073901;0.018027210884353741388030911708;0.023129251700680270725785092623;0.016326530612244899431928502054;0.015646258503401361955598147802;0.012925170068027210315553254816
-0.038993710691823897651620001170;0.001572327044025157317258534206;0.082075471698113203200541931892;0.000000000000000000000000000000;0.000943396226415094346987033624;0.018238993710691823318947868415;0.001886792452830188693974067249;0.013207547169811321291499339736;0.024842767295597485699421014260;0.031446540880503144610447208152;0.014465408805031446798361471906;0.018553459119496854695663401458;0.010062893081761005789620533335;0.061006289308176100960601218048;0.002515723270440251447405133334;0.028301886792452830843291877727;0.017924528301886791942232335373;0.025471698113207548452852080345;0.005660377358490565648241332752;0.016666666666666666435370203203;0.008176100628930817529327335080;0.026415094339622642582998679472;0.010691823899371068543051599420;0.038050314465408803521473402043;0.038993710691823897651620001170;0.050943396226415096905704160690;0.021069182389937105709387665797;0.001572327044025157317258534206;0.000943396226415094346987033624;0.008176100628930817529327335080;0.016037735849056603681939137118;0.018867924528301886072378934500;0.002515723270440251447405133334;0.012578616352201258538068273651;0.028301886792452830843291877727;0.040251572327044023158482133340;0.012893081761006289914783806694;0.011949685534591195784637207566;0.002515723270440251447405133334;0.029559748427672956350154009897;0.000628930817610062861851283333;0.011949685534591195784637207566;0.000000000000000000000000000000;0.017610062893081760565516802330;0.000314465408805031430925641667;0.012578616352201258538068273651;0.060377358490566038207170151964;0.043081761006289305548921930722;0.035534591194968552507749137703;0.023584905660377360192558882090
-0.032945736434108530144015958285;0.006201550387596899138742401192;0.079844961240310083350202319252;0.000000000000000000000000000000;0.002713178294573643373199800521;0.024418604651162790358798204693;0.002713178294573643373199800521;0.016279069767441860239198803129;0.036434108527131782440111607002;0.030232558139534883301369205810;0.017829457364341085023884403427;0.010852713178294573492799202086;0.007364341085271317727256601415;0.057364341085271317033367211025;0.004263565891472868157885400819;0.034496124031007754928701558583;0.022480620155038759377941204320;0.031007751937984495693712005959;0.012790697674418604473656202458;0.014341085271317829258341802756;0.012015503875968992081313402309;0.059689922480620154210395611472;0.005813953488372092942571001117;0.034883720930232557655426006704;0.036434108527131782440111607002;0.041472868217054266459786759924;0.024418604651162790358798204693;0.001162790697674418588514200223;0.000000000000000000000000000000;0.011627906976744185885142002235;0.015503875968992247846856002980;0.012790697674418604473656202458;0.005426356589147286746399601043;0.010852713178294573492799202086;0.015891472868217054043027403054;0.036821705426356592105729959030;0.013953488372093023062170402682;0.018604651162790697416227203576;0.010465116279069767296627802011;0.022480620155038759377941204320;0.004263565891472868157885400819;0.003488372093023255765542600670;0.000000000000000000000000000000;0.017829457364341085023884403427;0.002713178294573643373199800521;0.010465116279069767296627802011;0.051937984496124030286967609982;0.036434108527131782440111607002;0.024031007751937984162626804618;0.013953488372093023062170402682
-0.021428571428571428769682682969;0.022321428571428571924206707422;0.054464285714285715078730731875;0.007738095238095238359576910625;0.027976190476190477413043211641;0.025892857142857144542302805235;0.005654761904761904621474766230;0.031250000000000000000000000000;0.018452380952380952744418252109;0.019345238095238095898942276563;0.019940476190476189022326991562;0.012797619047619047255581747891;0.013690476190476190410105772344;0.021428571428571428769682682969;0.031845238095238093123384715000;0.015178571428571428422737987773;0.025892857142857144542302805235;0.042857142857142857539365365938;0.055059523809523808202115446875;0.011607142857142857539365365938;0.030357142857142856845475975547;0.015773809523809523280846178750;0.013988095238095238706521605820;0.024107142857142858233254756328;0.022619047619047618485899064922;0.016666666666666666435370203203;0.031547619047619046561692357500;0.009226190476190476372209126055;0.001488095238095238012632215430;0.045535714285714283533490487343;0.012500000000000000693889390391;0.016369047619047619873677845703;0.029464285714285713690951951094;0.005357142857142857192420670742;0.009821428571428571230317317031;0.039285714285714284921269268125;0.011011904761904762681257174961;0.009821428571428571230317317031;0.003571428571428571317053490830;0.022023809523809525362514349922;0.017857142857142856151586585156;0.008928571428571428075793292578;0.000000000000000000000000000000;0.015773809523809523280846178750;0.025892857142857144542302805235;0.013392857142857142113689938867;0.019642857142857142460634634062;0.006547619047619047775998790684;0.025297619047619047949471138281;0.011309523809523809242949532461
-0.012393162393162392501122504029;0.008974358974358973700669039886;0.088461538461538466449063378150;0.013247863247863247634916739059;0.015811965811965811301575968173;0.010256410256410256401360392431;0.002136752136752136967123849587;0.023076923076923078204103489952;0.021794871794871793768688661430;0.044444444444444446140618509844;0.011111111111111111535154627461;0.003418803418803418800453464144;0.009401709401709401267566157401;0.038461538461538463673505816587;0.018803418803418802535132314802;0.010683760683760683968257509946;0.047863247863247866675795449964;0.050000000000000002775557561563;0.011965811965811966668948862491;0.017521367521367521569164438233;0.011111111111111111535154627461;0.018803418803418802535132314802;0.010256410256410256401360392431;0.074786324786324784308355617668;0.013675213675213675201813856575;0.026923076923076924571454071611;0.022222222222222223070309254922;0.003418803418803418800453464144;0.001709401709401709400226732072;0.008119658119658120301598280832;0.005555555555555555767577313730;0.051282051282051280272078486178;0.006837606837606837600906928287;0.002991452991452991667237215623;0.010256410256410256401360392431;0.089316239316239318113410661226;0.013675213675213675201813856575;0.005128205128205128200680196215;0.003418803418803418800453464144;0.014529914529914530335608091605;0.006837606837606837600906928287;0.011111111111111111535154627461;0.000000000000000000000000000000;0.022649572649572648902482896460;0.009401709401709401267566157401;0.014957264957264957902505209120;0.037606837606837605070264629603;0.016666666666666666435370203203;0.017521367521367521569164438233;0.009401709401709401267566157401
-0.030701754385964910576412023602;0.005701754385964912658080194774;0.078070175438596497996535106267;0.000000000000000000000000000000;0.000877192982456140367235331023;0.025438596491228069457202209946;0.000438596491228070183617665512;0.015789473684210526827076392919;0.032017543859649125193023166958;0.022807017543859650632320779096;0.011842105263157895120307294690;0.017982456140350877582534394605;0.014035087719298245875765296375;0.048245614035087716620076037088;0.006578947368421052266374005058;0.020614035087719299876862777410;0.032456140350877189792999644169;0.041666666666666664353702032031;0.007894736842105263413538196460;0.020614035087719299876862777410;0.012719298245614034728601104973;0.039473684210526313598244030345;0.017105263157894737974240584322;0.037280701754385962842786028659;0.038596491228070177459397172015;0.032017543859649125193023166958;0.029385964912280702898694784153;0.002192982456140350755458001686;0.000000000000000000000000000000;0.011403508771929825316160389548;0.017543859649122806043664013487;0.016666666666666666435370203203;0.006140350877192982462227099916;0.012280701754385964924454199831;0.028508771929824559820954021916;0.044736842105263158186900795954;0.014473684210526315679912201517;0.007894736842105263413538196460;0.003508771929824561468941324094;0.036842105263157891303915647541;0.004824561403508772182424646502;0.013596491228070176071618391234;0.000000000000000000000000000000;0.016228070175438594896499822084;0.001315789473684210496642887911;0.011403508771929825316160389548;0.035964912280701755165068789211;0.023684210526315790240614589379;0.037280701754385962842786028659;0.013157894736842104532748010115
-0.032993197278911562397851753303;0.013265306122448979053718431942;0.055102040816326532113311742478;0.005442176870748298943281096030;0.024829931972789116151334454230;0.025850340136054420631106509632;0.002721088435374149471640548015;0.036734693877551023721839129621;0.033333333333333332870740406406;0.017687074829931974384589210558;0.018367346938775511860919564811;0.009523809523809524668624959531;0.018367346938775511860919564811;0.039795918367346937161155295826;0.016326530612244899431928502054;0.013265306122448979053718431942;0.029251700680272108012758280893;0.055102040816326532113311742478;0.030612244897959182965418989397;0.010544217687074829148397014933;0.019727891156462583344133321361;0.024829931972789116151334454230;0.016326530612244899431928502054;0.023469387755102041198673745726;0.029931972789115645489088635145;0.026870748299319728580325516987;0.032653061224489798863857004108;0.005442176870748298943281096030;0.000340136054421768683955068502;0.019727891156462583344133321361;0.009183673469387755930459782405;0.017346938775510203911700557455;0.014965986394557822744544317572;0.007142857142857142634106981660;0.019387755102040816340691620212;0.034693877551020407823401114911;0.015306122448979591482709494699;0.008843537414965987192294605279;0.008163265306122449715964251027;0.024829931972789116151334454230;0.006802721088435373895941804534;0.016326530612244899431928502054;0.000000000000000000000000000000;0.011564625850340135362892546311;0.007142857142857142634106981660;0.009863945578231291672066660681;0.032312925170068028390968351005;0.018367346938775511860919564811;0.037755102040816328201611185023;0.011564625850340135362892546311
-0.047169811320754720385117764181;0.004088050314465408764663667540;0.067610062893081759871627411940;0.000000000000000000000000000000;0.020125786163522011579241066670;0.026415094339622642582998679472;0.000628930817610062861851283333;0.017610062893081760565516802330;0.038993710691823897651620001170;0.021069182389937105709387665797;0.017924528301886791942232335373;0.012264150943396227161352740609;0.022327044025157231216249797967;0.048742138364779877268695429393;0.004716981132075471518094733625;0.033333333333333332870740406406;0.016981132075471697812085736246;0.027358490566037736713145278600;0.011635220125786162673198198547;0.008490566037735848906042868123;0.013207547169811321291499339736;0.045283018867924525185930662019;0.008176100628930817529327335080;0.028930817610062893596722943812;0.047798742138364783138548830266;0.037106918238993709391326802916;0.025157232704402517076136547303;0.000314465408805031430925641667;0.000314465408805031430925641667;0.010062893081761005789620533335;0.008490566037735848906042868123;0.012578616352201258538068273651;0.007861635220125786152611802038;0.013836477987421384044930405821;0.031132075471698113233731675109;0.029559748427672956350154009897;0.013522012578616352668214872779;0.015723270440251572305223604076;0.016981132075471697812085736246;0.021383647798742137086103198840;0.001886792452830188693974067249;0.012578616352201258538068273651;0.000000000000000000000000000000;0.013522012578616352668214872779;0.002515723270440251447405133334;0.013207547169811321291499339736;0.036477987421383646637895736831;0.029245283018867924973438476854;0.031761006289308175987162741194;0.023899371069182391569274415133
-0.025438596491228069457202209946;0.001315789473684210496642887911;0.080263157894736841813099204046;0.000000000000000000000000000000;0.000000000000000000000000000000;0.010087719298245614168996198146;0.001315789473684210496642887911;0.012280701754385964924454199831;0.010526315789473683973143103287;0.044736842105263158186900795954;0.013596491228070176071618391234;0.011842105263157895120307294690;0.009649122807017544364849293004;0.077631578947368426457664725149;0.001754385964912280734470662047;0.023245614035087718701744208261;0.026754385964912280604366401349;0.021491228070175439485156587693;0.003070175438596491231113549958;0.016228070175438594896499822084;0.010087719298245614168996198146;0.011842105263157895120307294690;0.009649122807017544364849293004;0.070614035087719295713526435065;0.026754385964912280604366401349;0.040350877192982456675984792582;0.029385964912280702898694784153;0.000000000000000000000000000000;0.001315789473684210496642887911;0.003508771929824561468941324094;0.016666666666666666435370203203;0.036842105263157891303915647541;0.003070175438596491231113549958;0.011842105263157895120307294690;0.018859649122807017190828204889;0.071052631578947367252396816184;0.017543859649122806043664013487;0.008333333333333333217685101602;0.000000000000000000000000000000;0.024561403508771929848908399663;0.004385964912280701510916003372;0.003070175438596491231113549958;0.000000000000000000000000000000;0.025877192982456140996072591065;0.000000000000000000000000000000;0.013596491228070176071618391234;0.060087719298245613475106807755;0.037280701754385962842786028659;0.031578947368421053654152785839;0.020614035087719299876862777410
-0.027777777777777776235801354687;0.011458333333333332523795711211;0.057986111111111113269878103438;0.036111111111111107718762980312;0.008680555555555555941049661328;0.029166666666666667129259593594;0.004166666666666666608842550801;0.020486111111111111188209932266;0.047222222222222220988641083750;0.020833333333333332176851016015;0.013888888888888888117900677344;0.025694444444444443365060948281;0.017013888888888887424011286953;0.031944444444444441977282167500;0.012500000000000000693889390391;0.021527777777777777623580135469;0.018055555555555553859381490156;0.035416666666666665741480812812;0.010416666666666666088425508008;0.008680555555555555941049661328;0.010416666666666666088425508008;0.052083333333333335646297967969;0.013194444444444444405895033867;0.022222222222222223070309254922;0.039583333333333331482961625625;0.029861111111111112575988713047;0.025000000000000001387778780781;0.013541666666666667129259593594;0.000694444444444444470947164216;0.025000000000000001387778780781;0.019444444444444444752839729063;0.006597222222222222202947516934;0.009722222222222222376419864531;0.007638888888888888638317720137;0.021874999999999998612221219219;0.027777777777777776235801354687;0.009374999999999999653055304805;0.009027777777777776929690745078;0.018402777777777778317469525859;0.035069444444444444752839729063;0.003819444444444444319158860068;0.017708333333333332870740406406;0.000000000000000000000000000000;0.013194444444444444405895033867;0.007291666666666666782314898398;0.010763888888888888811790067734;0.026388888888888888811790067734;0.022222222222222223070309254922;0.027430555555555555247160270937;0.015625000000000000000000000000
-0.005797101449275362389235155547;0.017391304347826087167705466641;0.032971014492753622504572774687;0.398550724637681152984214349999;0.022463768115942028824605358750;0.010869565217391304046135047656;0.004347826086956521791926366660;0.021739130434782608092270095312;0.055434782608695651329178133437;0.009782608695652174682355628477;0.008333333333333333217685101602;0.017391304347826087167705466641;0.001811594202898550746635986108;0.014130434782608695606920257148;0.024275362318840580655443517344;0.007246376811594202986543944434;0.006159420289855072755402787266;0.019202898550724638998543625235;0.016304347826086956069202571484;0.001449275362318840597308788887;0.013043478260869564508417361992;0.026086956521739129016834723984;0.000724637681159420298654394443;0.013405797101449274874584993711;0.013768115942028985240752625430;0.012318840579710145510805574531;0.019927536231884056261431936719;0.018115942028985507900040730078;0.001811594202898550746635986108;0.025724637681159418650667092265;0.009782608695652174682355628477;0.010507246376811593679967415937;0.005072463768115941656899892109;0.006159420289855072755402787266;0.001086956521739130447981591665;0.017753623188405797533873098359;0.002898550724637681194617577773;0.008333333333333333217685101602;0.005434782608695652023067523828;0.001086956521739130447981591665;0.007608695652173913352711576152;0.022826086956521739190772990469;0.000000000000000000000000000000;0.006521739130434782254208680996;0.019565217391304349364711256953;0.009782608695652174682355628477;0.010507246376811593679967415937;0.004710144927536232158093998379;0.004347826086956521791926366660;0.005434782608695652023067523828
-0.015579710144927537071590784024;0.019202898550724638998543625235;0.015579710144927537071590784024;0.263043478260869545426459126247;0.048188405797101450944719402969;0.034057971014492753603075669844;0.009420289855072464316187996758;0.020652173913043476993767200156;0.012681159420289855876973206250;0.006159420289855072755402787266;0.011231884057971014412302679375;0.017753623188405797533873098359;0.020652173913043476993767200156;0.006884057971014492620376312715;0.031521739130434781039902247812;0.014855072463768116339255520586;0.008333333333333333217685101602;0.022463768115942028824605358750;0.023913043478260870289275885625;0.001811594202898550746635986108;0.016304347826086956069202571484;0.009057971014492753950020365039;0.008333333333333333217685101602;0.008333333333333333217685101602;0.022463768115942028824605358750;0.008695652173913043583852733320;0.019565217391304349364711256953;0.029347826086956522312343409453;0.002898550724637681194617577773;0.055797101449275361695345765156;0.027536231884057970481505250859;0.005797101449275362389235155547;0.015942028985507245703034939766;0.004710144927536232158093998379;0.009057971014492753950020365039;0.012318840579710145510805574531;0.006159420289855072755402787266;0.013405797101449274874584993711;0.010869565217391304046135047656;0.010507246376811593679967415937;0.014130434782608695606920257148;0.013405797101449274874584993711;0.000000000000000000000000000000;0.007246376811594202986543944434;0.022463768115942028824605358750;0.011594202898550724778470311094;0.006521739130434782254208680996;0.007246376811594202986543944434;0.008695652173913043583852733320;0.007608695652173913352711576152
-0.019148936170212765839337976104;0.024822695035460994039677729006;0.032269503546099288782134095754;0.056382978723404253429407617659;0.099645390070921990854913019575;0.018439716312056736446933769002;0.013120567375886524677519595627;0.025177304964539008735879832557;0.043971631205673759879015705110;0.012411347517730497019838864503;0.009929078014184397615871091602;0.036879432624113472893867538005;0.003900709219858156020371842132;0.016312056737588651739168099652;0.050000000000000002775557561563;0.009929078014184397615871091602;0.014184397163120567031402430302;0.029787234042553192847613274807;0.036170212765957443501463330904;0.004255319148936170282893076688;0.018439716312056736446933769002;0.020921985815602835850901541903;0.004964539007092198807935545801;0.015602836879432624081487368528;0.018085106382978721750731665452;0.016312056737588651739168099652;0.020212765957446809927944286756;0.036524822695035458197665434454;0.001773049645390070878925303788;0.050354609929078017471759665113;0.018794326241134751143135872553;0.010638297872340425273551822727;0.012765957446808509981317492077;0.003546099290780141757850607576;0.002836879432624113666489007457;0.019148936170212765839337976104;0.003900709219858156020371842132;0.010992907801418439969753926277;0.010638297872340425273551822727;0.009929078014184397615871091602;0.015957446808510637042965996102;0.021985815602836879939507852555;0.000000000000000000000000000000;0.005673758865248227332978014914;0.039361702127659575767282262859;0.012056737588652482323636760952;0.017021276595744681131572306754;0.007092198581560283515701215151;0.008865248226950355261988256927;0.008865248226950355261988256927
-0.042276422764227640505030336726;0.006504065040650406498423663493;0.070325203252032522649450640984;0.021544715447154472176549688811;0.024390243902439025236450476086;0.025203252032520325615072565029;0.001626016260162601624605915873;0.018292682926829267192614381088;0.050000000000000002775557561563;0.021951219512195120631137257305;0.013414634146341463186158371457;0.012195121951219512618225238043;0.018699186991869919116648901536;0.035772357723577237476053625187;0.006097560975609756309112619022;0.029674796747967479432217530189;0.031707317073170732113496228521;0.036991869918699189778710234577;0.006097560975609756309112619022;0.011788617886178862428914193572;0.015040650406504065678126025318;0.026422764227642277917729174419;0.013414634146341463186158371457;0.034959349593495933627984584291;0.041869918699186992050442768232;0.038211382113821135142472940061;0.028861788617886179053595441246;0.002032520325203252247597829339;0.000813008130081300812302957937;0.005691056910569106119801574550;0.015447154471544715867437069790;0.017073170731707318359404723651;0.007723577235772357933718534895;0.006504065040650406498423663493;0.019512195121951219495270990478;0.041463414634146343595855199737;0.010975609756097560315568628653;0.015447154471544715867437069790;0.004878048780487804873817747620;0.021544715447154472176549688811;0.005284552845528455063128792091;0.011788617886178862428914193572;0.000000000000000000000000000000;0.017073170731707318359404723651;0.001626016260162601624605915873;0.015447154471544715867437069790;0.029268292682926830977629961694;0.028455284552845527129560920798;0.020325203252032519873893079421;0.018292682926829267192614381088
-0.023214285714285715078730731875;0.022916666666666665047591422422;0.026488095238095237665687520234;0.279166666666666674068153497501;0.011904761904761904101057723437;0.018452380952380952744418252109;0.005952380952380952050528861719;0.015476190476190476719153821250;0.039285714285714284921269268125;0.016369047619047619873677845703;0.008035714285714284921269268125;0.011607142857142857539365365938;0.005059523809523809763366575254;0.013988095238095238706521605820;0.022023809523809525362514349922;0.018452380952380952744418252109;0.016071428571428569842538536250;0.021428571428571428769682682969;0.016964285714285712997062560703;0.004464285714285714037896646289;0.015178571428571428422737987773;0.013392857142857142113689938867;0.002678571428571428596210335371;0.022321428571428571924206707422;0.025892857142857144542302805235;0.019940476190476189022326991562;0.018749999999999999306110609609;0.032440476190476193185663333907;0.002380952380952381167156239883;0.013392857142857142113689938867;0.019047619047619049337249919063;0.011904761904761904101057723437;0.003571428571428571317053490830;0.002976190476190476025264430859;0.004166666666666666608842550801;0.021726190476190475331375040469;0.003273809523809523887999395342;0.016071428571428569842538536250;0.008035714285714284921269268125;0.005357142857142857192420670742;0.008333333333333333217685101602;0.042559523809523810977673008438;0.000000000000000000000000000000;0.011011904761904762681257174961;0.014880952380952380126322154297;0.011904761904761904101057723437;0.016666666666666666435370203203;0.015178571428571428422737987773;0.008928571428571428075793292578;0.010714285714285714384841341484
-0.019047619047619049337249919063;0.019523809523809523142068300672;0.044761904761904759697532796281;0.007619047619047619041010577234;0.027142857142857142183078877906;0.046190476190476191520328796969;0.001904761904761904760252644309;0.015238095238095238082021154469;0.078095238095238092568273202687;0.007619047619047619041010577234;0.013809523809523809728672105734;0.043333333333333334813630699500;0.011904761904761904101057723437;0.026190476190476191103995162734;0.009047619047619047394359625969;0.021428571428571428769682682969;0.017619047619047617514453918375;0.038095238095238098674499838125;0.018571428571428572062984585500;0.006666666666666667094565124074;0.010476190476190475747708674703;0.040000000000000000832667268469;0.005714285714285714280757932926;0.011904761904761904101057723437;0.038095238095238098674499838125;0.024285714285714285476380780437;0.018095238095238094788719251937;0.035714285714285712303173170312;0.000476190476190476190063161077;0.040952380952380955381197935594;0.026666666666666668378260496297;0.005714285714285714280757932926;0.009047619047619047394359625969;0.008571428571428571854817768383;0.012380952380952381375323057000;0.019047619047619049337249919063;0.006190476190476190687661528500;0.010476190476190475747708674703;0.004285714285714285927408884191;0.011428571428571428561515865852;0.004761904761904762334312479766;0.080000000000000001665334536938;0.000000000000000000000000000000;0.006190476190476190687661528500;0.010952380952380953021974008266;0.005238095238095237873854337352;0.020476190476190477690598967797;0.018095238095238094788719251937;0.016190476190476189161104869640;0.024761904761904762750646114000
-0.012931034482758620510201019727;0.022126436781609196829956331953;0.048850574712643680952428582032;0.146551724137931022040604034373;0.013793103448275861877547754375;0.017241379310344827346934692969;0.003735632183908045925169183477;0.020402298850574714095262862656;0.067816091954022994503503696251;0.020977011494252875006827352422;0.010632183908045976863943060664;0.014080459770114942333329999258;0.005747126436781609115644897656;0.022413793103448275551015100859;0.021551724137931035918391842188;0.014367816091954022789112244141;0.020402298850574714095262862656;0.042528735632183907455772242656;0.017241379310344827346934692969;0.005747126436781609115644897656;0.011494252873563218231289795312;0.028735632183908045578224488281;0.006896551724137930938773877187;0.020114942528735631904757141797;0.018390804597701149170063672500;0.019540229885057470993192652031;0.021264367816091953727886121328;0.029597701149425288680294698906;0.001436781609195402278911224414;0.020977011494252875006827352422;0.013218390804597700965983264609;0.015229885057471264156458978789;0.009195402298850574585031836250;0.004597701149425287292515918125;0.005747126436781609115644897656;0.025000000000000001387778780781;0.009770114942528735496596326016;0.003448275862068965469386938594;0.035919540229885055238057134375;0.006896551724137930938773877187;0.008908045977011494129249591367;0.048850574712643680952428582032;0.000000000000000000000000000000;0.010057471264367815952378570898;0.008908045977011494129249591367;0.007471264367816091850338366953;0.020114942528735631904757141797;0.013218390804597700965983264609;0.014367816091954022789112244141;0.011494252873563218231289795312
-0.019696969696969695434729530348;0.030303030303030303871381079261;0.035757575757575758845785429685;0.182424242424242433191494683342;0.007878787878787879214725897725;0.015454545454545455182571167541;0.010303030303030303455047445027;0.033030303030303027889136302520;0.021212121212121213403856145874;0.023939393939393940891058321085;0.011818181818181817954727108599;0.014242424242424242195048655901;0.007575757575757575967845269815;0.025757575757575756902895136591;0.028181818181818182877940159869;0.020303030303030301928490786167;0.016969696969696971416974307090;0.031515151515151516858903590901;0.016060606060606059941608947383;0.004242424242424242854243576772;0.020606060606060606910094890054;0.015151515151515151935690539631;0.006363636363636363847684496164;0.026969696969696969890417648230;0.029393939393939392396015719555;0.033333333333333332870740406406;0.027575757575757576384178904050;0.021212121212121213403856145874;0.000606060606060606060080386825;0.010909090909090909948808700847;0.019393939393939393922572378415;0.013939393939393938948168027991;0.006666666666666667094565124074;0.004848484848484848480643094604;0.006666666666666667094565124074;0.031515151515151516858903590901;0.007575757575757575967845269815;0.007575757575757575967845269815;0.009090909090909090467524933388;0.007272727272727272720964641906;0.019393939393939393922572378415;0.013030303030303030942249620239;0.000000000000000000000000000000;0.014545454545454545441929283811;0.011515151515151514707846480690;0.011515151515151514707846480690;0.028787878787878789371701415689;0.015454545454545455182571167541;0.008181818181818182461606525635;0.014242424242424242195048655901
-0.017575757575757574441288610956;0.045151515151515150825467515006;0.025757575757575756902895136591;0.099696969696969700569511019239;0.024545454545454543915372624951;0.011212121212121211460965852780;0.009696969696969696961286189207;0.035757575757575758845785429685;0.016969696969696971416974307090;0.013333333333333334189130248149;0.009090909090909090467524933388;0.012121212121212121201607736509;0.014242424242424242195048655901;0.013939393939393938948168027991;0.065151515151515154711248101194;0.010909090909090909948808700847;0.016666666666666666435370203203;0.042424242424242426807712291748;0.033636363636363637852344510293;0.004848484848484848480643094604;0.014242424242424242195048655901;0.021515151515151514916013297807;0.016363636363636364923213051270;0.013939393939393938948168027991;0.016363636363636364923213051270;0.018181818181818180935049866775;0.034242424242424240876658814159;0.035757575757575758845785429685;0.001212121212121212120160773651;0.037878787878787879839226349077;0.013030303030303030942249620239;0.011212121212121211460965852780;0.026969696969696969890417648230;0.007878787878787879214725897725;0.013939393939393938948168027991;0.019090909090909092410415226482;0.012424242424242424448488364419;0.013333333333333334189130248149;0.007272727272727272720964641906;0.017878787878787879422892714842;0.010303030303030303455047445027;0.009696969696969696961286189207;0.000000000000000000000000000000;0.007878787878787879214725897725;0.032121212121212119883217894767;0.013030303030303030942249620239;0.013636363636363635701287400082;0.007272727272727272720964641906;0.023333333333333334397297065266;0.007272727272727272720964641906
-0.030555555555555554553270880547;0.012500000000000000693889390391;0.059166666666666666019036568969;0.102499999999999993893773364562;0.010555555555555555871660722289;0.014166666666666665949647629930;0.002222222222222222220294751693;0.014999999999999999444888487687;0.039722222222222221266196839906;0.028333333333333331899295259859;0.014166666666666665949647629930;0.012222222222222222862142437805;0.005833333333333333599324266316;0.037222222222222219045750790656;0.014722222222222221613141535101;0.017222222222222222098864108375;0.021944444444444443503838826359;0.028888888888888887562789165031;0.009444444444444444544672911945;0.010833333333333333703407674875;0.011666666666666667198648532633;0.021944444444444443503838826359;0.003333333333333333547282562037;0.043333333333333334813630699500;0.030833333333333334119741309109;0.031944444444444441977282167500;0.022222222222222223070309254922;0.046666666666666668794594130532;0.002222222222222222220294751693;0.009722222222222222376419864531;0.013888888888888888117900677344;0.019166666666666665186369300500;0.004444444444444444440589503387;0.003888888888888888777095598215;0.010000000000000000208166817117;0.039166666666666669072149886688;0.006388888888888889262818171488;0.011944444444444445030395485219;0.006111111111111111431071218902;0.011666666666666667198648532633;0.006388888888888889262818171488;0.023611111111111110494320541875;0.000000000000000000000000000000;0.018055555555555553859381490156;0.007777777777777777554191196430;0.010277777777777778039913769703;0.036944444444444446418174266000;0.025277777777777777484802257391;0.016111111111111110771876298031;0.017777777777777777762358013547
-0.025362318840579711753946412500;0.008695652173913043583852733320;0.096739130434782605316712533750;0.061594202898550727554027872657;0.024637681159420291021611149063;0.015217391304347826705423152305;0.000362318840579710149327197222;0.014130434782608695606920257148;0.052173913043478258033669447968;0.026811594202898549749169987422;0.009782608695652174682355628477;0.019565217391304349364711256953;0.006521739130434782254208680996;0.039130434782608698729422513907;0.006159420289855072755402787266;0.019202898550724638998543625235;0.039130434782608698729422513907;0.045289855072463768015378349219;0.009420289855072464316187996758;0.014130434782608695606920257148;0.010869565217391304046135047656;0.027173913043478260115337619141;0.008333333333333333217685101602;0.033333333333333332870740406406;0.030434782608695653410846304610;0.031521739130434781039902247812;0.018478260869565218266208361797;0.003985507246376811425758734941;0.000724637681159420298654394443;0.020289855072463766627599568437;0.011231884057971014412302679375;0.018478260869565218266208361797;0.004710144927536232158093998379;0.008695652173913043583852733320;0.009782608695652174682355628477;0.056159420289855072061513396875;0.011594202898550724778470311094;0.008333333333333333217685101602;0.001811594202898550746635986108;0.013768115942028985240752625430;0.002536231884057970828449946055;0.018840579710144928632375993516;0.000000000000000000000000000000;0.014492753623188405973087888867;0.005072463768115941656899892109;0.005797101449275362389235155547;0.036231884057971015800081460156;0.020289855072463766627599568437;0.017753623188405797533873098359;0.015217391304347826705423152305
-0.025185185185185185452461098521;0.007777777777777777554191196430;0.033333333333333332870740406406;0.367037037037037050524190817669;0.011851851851851851263330850372;0.007407407407407407690103084974;0.003703703703703703845051542487;0.014814814814814815380206169948;0.039259259259259257635044093604;0.010370370370370370072254928573;0.009629629629629630344078705662;0.008148148148148147418279307885;0.001851851851851851922525771243;0.016666666666666666435370203203;0.014444444444444443781394582516;0.021481481481481479872686080057;0.011111111111111111535154627461;0.015185185185185185244294281404;0.009629629629629630344078705662;0.003333333333333333547282562037;0.015925925925925926707193980292;0.025555555555555557051272685953;0.003703703703703703845051542487;0.018148148148148149361169600979;0.020370370370370372015145221667;0.016666666666666666435370203203;0.017037037037037038034181790636;0.045555555555555557467606320188;0.000740740740740740703958178148;0.005555555555555555767577313730;0.023703703703703702526661700745;0.007407407407407407690103084974;0.004074074074074073709139653943;0.006666666666666667094565124074;0.003333333333333333547282562037;0.014444444444444443781394582516;0.003333333333333333547282562037;0.020740740740740740144509857146;0.008518518518518519017090895318;0.008888888888888888881179006773;0.005555555555555555767577313730;0.021111111111111111743321444578;0.000000000000000000000000000000;0.014074074074074073917306471060;0.007037037037037036958653235530;0.013333333333333334189130248149;0.011851851851851851263330850372;0.005555555555555555767577313730;0.007777777777777777554191196430;0.011111111111111111535154627461
-0.007317073170731707744407490424;0.006910569105691056687734707964;0.020325203252032519873893079421;0.489024390243902429276090515486;0.074796747967479676466595606144;0.011382113821138212239603149101;0.004471544715447154684506703148;0.015040650406504065678126025318;0.013821138211382113375469415928;0.008536585365853659179702361826;0.002032520325203252247597829339;0.010975609756097560315568628653;0.008536585365853659179702361826;0.009756097560975609747635495239;0.016260162601626017980782634709;0.007723577235772357933718534895;0.008130081300813008990391317354;0.015853658536585366056748114261;0.009349593495934959558324450768;0.003658536585365853872203745212;0.010569105691056910126257584182;0.008536585365853659179702361826;0.002032520325203252247597829339;0.009756097560975609747635495239;0.014227642276422763564780460399;0.012601626016260162807536282514;0.019918699186991871419305510926;0.023577235772357724857828387144;0.002439024390243902436908873810;0.016260162601626017980782634709;0.010162601626016259936946539710;0.007317073170731707744407490424;0.001626016260162601624605915873;0.005284552845528455063128792091;0.002845528455284553059900787275;0.010975609756097560315568628653;0.004878048780487804873817747620;0.003252032520325203249211831746;0.004471544715447154684506703148;0.005691056910569106119801574550;0.008536585365853659179702361826;0.007723577235772357933718534895;0.000000000000000000000000000000;0.006910569105691056687734707964;0.009349593495934959558324450768;0.007723577235772357933718534895;0.009349593495934959558324450768;0.010975609756097560315568628653;0.011788617886178862428914193572;0.007317073170731707744407490424
-0.028395061728395062233820667075;0.012037037037037037062736644089;0.047222222222222220988641083750;0.006172839506172839163511412153;0.010493827160493827271858791050;0.039814814814814816767984950729;0.000925925925925925961262885622;0.010185185185185186007572610833;0.037345679012345679714801605087;0.013271604938271605589328316910;0.017283950617283948963942563637;0.035802469135802469923923752049;0.030246913580246913288984700330;0.020987654320987654543717582101;0.007098765432098765558455166769;0.024382716049382715389759468394;0.023456790123456791596900927743;0.032098765432098767813595685539;0.012345679012345678327022824305;0.012345679012345678327022824305;0.011419753086419752799440807678;0.039814814814814816767984950729;0.016358024691358025171084022986;0.020061728395061727281412089496;0.045061728395061728669190870278;0.019135802469135803488553548846;0.024691358024691356654045648611;0.018827160493827162224267368629;0.000000000000000000000000000000;0.035493827160493825190190619878;0.039814814814814816767984950729;0.009876543209876543008562954640;0.010802469135802468536144971267;0.015432098765432097908778530382;0.033024691358024688137007274236;0.024382716049382715389759468394;0.011728395061728395798450463872;0.015123456790123456644492350165;0.006172839506172839163511412153;0.028703703703703703498106847292;0.002777777777777777883788656865;0.022530864197530864334595435139;0.000000000000000000000000000000;0.010185185185185186007572610833;0.008641975308641974481971281818;0.008641975308641974481971281818;0.025925925925925925180637321432;0.023456790123456791596900927743;0.028703703703703703498106847292;0.021296296296296295808003762318
-0.033730158730158728286330216406;0.012698412698412698401684295391;0.045634920634920632387387939843;0.000000000000000000000000000000;0.004761904761904762334312479766;0.043253968253968252954955175937;0.000793650793650793650105268462;0.017857142857142856151586585156;0.047222222222222220988641083750;0.008730158730158730367998387578;0.016666666666666666435370203203;0.018253968253968255036623347110;0.011904761904761904101057723437;0.026984126984126985404621734688;0.010714285714285714384841341484;0.041269841269841268938112222031;0.011904761904761904101057723437;0.047222222222222220988641083750;0.021428571428571428769682682969;0.009920634920634920084214769531;0.016666666666666666435370203203;0.060714285714285713690951951094;0.016666666666666666435370203203;0.011111111111111111535154627461;0.038888888888888889505679458125;0.027777777777777776235801354687;0.025396825396825396803368590781;0.005555555555555555767577313730;0.000000000000000000000000000000;0.038492063492063494090089648125;0.028174603174603175120838116641;0.004761904761904762334312479766;0.015079365079365079568840535273;0.007539682539682539784420267637;0.016666666666666666435370203203;0.023809523809523808202115446875;0.015476190476190476719153821250;0.036904761904761905488836504219;0.036507936507936510073246694219;0.025396825396825396803368590781;0.003571428571428571317053490830;0.022222222222222223070309254922;0.000000000000000000000000000000;0.005555555555555555767577313730;0.011111111111111111535154627461;0.010317460317460317234528055508;0.012698412698412698401684295391;0.015873015873015872134743631250;0.022619047619047618485899064922;0.013492063492063492702310867344
-0.029629629629629630760412339896;0.005925925925925925631665425186;0.083703703703703696836768699541;0.000000000000000000000000000000;0.005925925925925925631665425186;0.024444444444444445724284875610;0.001481481481481481407916356297;0.019629629629629628817522046802;0.037037037037037034981068472916;0.033333333333333332870740406406;0.021481481481481479872686080057;0.029999999999999998889776975375;0.010000000000000000208166817117;0.051851851851851850361274642864;0.007407407407407407690103084974;0.031851851851851853414387960584;0.009259259259259258745267118229;0.031481481481481478346129421197;0.012962962962962962590318660716;0.007037037037037036958653235530;0.013333333333333334189130248149;0.033333333333333332870740406406;0.006296296296296296363115274630;0.038148148148148146308056283260;0.046666666666666668794594130532;0.048518518518518516380311211833;0.025925925925925925180637321432;0.004074074074074073709139653943;0.000370370370370370351979089074;0.021111111111111111743321444578;0.013333333333333334189130248149;0.012962962962962962590318660716;0.004444444444444444440589503387;0.004814814814814815172039352831;0.015925925925925926707193980292;0.045555555555555557467606320188;0.009629629629629630344078705662;0.012222222222222222862142437805;0.005925925925925925631665425186;0.009259259259259258745267118229;0.004814814814814815172039352831;0.012592592592592592726230549260;0.000000000000000000000000000000;0.010740740740740739936343040029;0.002592592592592592518063732143;0.009259259259259258745267118229;0.046666666666666668794594130532;0.038148148148148146308056283260;0.024074074074074074125473288177;0.024814814814814813853649511088
-0.032424242424242424864821998653;0.014545454545454545441929283811;0.047272727272727271818908434398;0.002121212121212121427121788386;0.016060606060606059941608947383;0.038484848484848482863540652943;0.005757575757575757353923240345;0.023939393939393940891058321085;0.026060606060606061884499240477;0.016969696969696971416974307090;0.016363636363636364923213051270;0.037272727272727269876018141304;0.018181818181818180935049866775;0.027575757575757576384178904050;0.013636363636363635701287400082;0.025151515151515150409133880771;0.013939393939393938948168027991;0.038484848484848482863540652943;0.029696969696969697377619823442;0.005151515151515151727523722514;0.024242424242424242403215473018;0.031515151515151516858903590901;0.016060606060606059941608947383;0.020909090909090908422252041987;0.041515151515151511862899980088;0.029090909090909090883858567622;0.030303030303030303871381079261;0.017575757575757574441288610956;0.003030303030303030300401934127;0.043636363636363639795234803387;0.035757575757575758845785429685;0.011515151515151514707846480690;0.016060606060606059941608947383;0.008787878787878787220644305478;0.014242424242424242195048655901;0.024848484848484848896976728838;0.013333333333333334189130248149;0.009696969696969696961286189207;0.003636363636363636360482320953;0.022727272727272727903535809446;0.005757575757575757353923240345;0.014545454545454545441929283811;0.000000000000000000000000000000;0.012121212121212121201607736509;0.009090909090909090467524933388;0.011212121212121211460965852780;0.022121212121212121409774553626;0.016363636363636364923213051270;0.024848484848484848896976728838;0.016363636363636364923213051270
-0.030434782608695653410846304610;0.031884057971014491406069879531;0.046739130434782609480048876094;0.012681159420289855876973206250;0.010507246376811593679967415937;0.042028985507246374719869663750;0.001811594202898550746635986108;0.028260869565217391213840514297;0.030434782608695653410846304610;0.010507246376811593679967415937;0.018840579710144928632375993516;0.019202898550724638998543625235;0.019202898550724638998543625235;0.028985507246376811946175777734;0.016666666666666666435370203203;0.017753623188405797533873098359;0.016666666666666666435370203203;0.044927536231884057649210717500;0.027898550724637680847672882578;0.011956521739130435144637942813;0.016666666666666666435370203203;0.053260869565217389132172343125;0.013768115942028985240752625430;0.020652173913043476993767200156;0.033695652173913043236908038125;0.023188405797101449556940622188;0.028623188405797101580008146016;0.029710144927536232678511041172;0.000724637681159420298654394443;0.023913043478260870289275885625;0.015217391304347826705423152305;0.010144927536231883313799784219;0.013043478260869564508417361992;0.003623188405797101493271972217;0.013043478260869564508417361992;0.032971014492753622504572774687;0.018115942028985507900040730078;0.007608695652173913352711576152;0.018478260869565218266208361797;0.017753623188405797533873098359;0.010507246376811593679967415937;0.013043478260869564508417361992;0.000000000000000000000000000000;0.010507246376811593679967415937;0.010144927536231883313799784219;0.009057971014492753950020365039;0.017391304347826087167705466641;0.019927536231884056261431936719;0.036956521739130436532416723594;0.010869565217391304046135047656
-0.011111111111111111535154627461;0.023703703703703702526661700745;0.065925925925925929482751541855;0.108518518518518514159865162583;0.019629629629629628817522046802;0.014444444444444443781394582516;0.002962962962962962815832712593;0.036666666666666666851703837438;0.032962962962962964741375770927;0.034074074074074076068363581271;0.015555555555555555108382392859;0.002962962962962962815832712593;0.006296296296296296363115274630;0.022962962962962962798485477833;0.032222222222222221543752596062;0.005555555555555555767577313730;0.027777777777777776235801354687;0.051111111111111114102545371907;0.027777777777777776235801354687;0.004444444444444444440589503387;0.015555555555555555108382392859;0.024074074074074074125473288177;0.008518518518518519017090895318;0.045185185185185182399347780802;0.007037037037037036958653235530;0.025555555555555557051272685953;0.029259259259259259161600752464;0.018148148148148149361169600979;0.002962962962962962815832712593;0.015555555555555555108382392859;0.001111111111111111110147375847;0.028888888888888887562789165031;0.014444444444444443781394582516;0.004444444444444444440589503387;0.003333333333333333547282562037;0.047777777777777780121581940875;0.014074074074074073917306471060;0.001481481481481481407916356297;0.003333333333333333547282562037;0.002222222222222222220294751693;0.012962962962962962590318660716;0.016296296296296294836558615771;0.000000000000000000000000000000;0.019259259259259260688157411323;0.017037037037037038034181790636;0.014444444444444443781394582516;0.028518518518518519433424529552;0.007037037037037036958653235530;0.016296296296296294836558615771;0.008518518518518519017090895318
-0.016071428571428569842538536250;0.022023809523809525362514349922;0.025595238095238094511163495781;0.348511904761904744987077719998;0.007738095238095238359576910625;0.016369047619047619873677845703;0.006250000000000000346944695195;0.025000000000000001387778780781;0.024702380952380951356639471328;0.009523809523809524668624959531;0.008333333333333333217685101602;0.006845238095238095205052886172;0.007142857142857142634106981660;0.014285714285714285268213963320;0.042261904761904764415980650938;0.008035714285714284921269268125;0.015773809523809523280846178750;0.024702380952380951356639471328;0.018749999999999999306110609609;0.004464285714285714037896646289;0.019345238095238095898942276563;0.019345238095238095898942276563;0.004761904761904762334312479766;0.012797619047619047255581747891;0.011904761904761904101057723437;0.013988095238095238706521605820;0.027380952380952380820211544687;0.018452380952380952744418252109;0.003273809523809523887999395342;0.017559523809523809589894227656;0.005059523809523809763366575254;0.011904761904761904101057723437;0.009821428571428571230317317031;0.009226190476190476372209126055;0.004464285714285714037896646289;0.020833333333333332176851016015;0.009226190476190476372209126055;0.005654761904761904621474766230;0.004464285714285714037896646289;0.009523809523809524668624959531;0.012202380952380952397473556914;0.020238095238095239053466301016;0.000000000000000000000000000000;0.007738095238095238359576910625;0.020833333333333332176851016015;0.009821428571428571230317317031;0.014583333333333333564629796797;0.005952380952380952050528861719;0.008928571428571428075793292578;0.008333333333333333217685101602
-0.023758865248226949951071418354;0.021276595744680850547103645454;0.064539007092198577564268191509;0.024113475177304964647273521905;0.013829787234042552335200326752;0.012765957446808509981317492077;0.001063829787234042570723269172;0.026595744680851064051241294806;0.038297872340425531678675952207;0.028723404255319148759006964156;0.019148936170212765839337976104;0.007092198581560283515701215151;0.008510638297872340565786153377;0.047517730496453899902142836709;0.023049645390070920558667211253;0.005673758865248227332978014914;0.025177304964539008735879832557;0.040070921985815605159686469960;0.022340425531914894635709956106;0.009574468085106382919668988052;0.015248226950354609385285264977;0.023049645390070920558667211253;0.012056737588652482323636760952;0.033333333333333332870740406406;0.018439716312056736446933769002;0.029432624113475178151411171257;0.034397163120567376959346717058;0.019503546099290780535540079654;0.000709219858156028416622251864;0.017021276595744681131572306754;0.004609929078014184111733442251;0.025531914893617019962634984154;0.011347517730496454665956029828;0.008865248226950355261988256927;0.009929078014184397615871091602;0.048581560283687943990749147360;0.013829787234042552335200326752;0.005673758865248227332978014914;0.008865248226950355261988256927;0.015957446808510637042965996102;0.008865248226950355261988256927;0.023049645390070920558667211253;0.000000000000000000000000000000;0.020212765957446809927944286756;0.015957446808510637042965996102;0.014184397163120567031402430302;0.037943262411347516982473848657;0.020921985815602835850901541903;0.026595744680851064051241294806;0.012765957446808509981317492077
-0.008148148148148147418279307885;0.048148148148148148250946576354;0.029999999999999998889776975375;0.159259259259259267071939802918;0.034814814814814812327092852229;0.006296296296296296363115274630;0.002222222222222222220294751693;0.032592592592592589673117231541;0.063703703703703706828775921167;0.010370370370370370072254928573;0.011111111111111111535154627461;0.004074074074074073709139653943;0.004444444444444444440589503387;0.007777777777777777554191196430;0.058148148148148150193836869448;0.004444444444444444440589503387;0.019629629629629628817522046802;0.035925925925925923654080662573;0.022962962962962962798485477833;0.002592592592592592518063732143;0.017407407407407406163546426114;0.029999999999999998889776975375;0.004444444444444444440589503387;0.019259259259259260688157411323;0.009259259259259258745267118229;0.014444444444444443781394582516;0.025555555555555557051272685953;0.059629629629629629650189315271;0.002222222222222222220294751693;0.021481481481481479872686080057;0.007037037037037036958653235530;0.015555555555555555108382392859;0.007777777777777777554191196430;0.008148148148148147418279307885;0.002592592592592592518063732143;0.018518518518518517490534236458;0.005555555555555555767577313730;0.004074074074074073709139653943;0.026666666666666668378260496297;0.007777777777777777554191196430;0.014074074074074073917306471060;0.045555555555555557467606320188;0.000000000000000000000000000000;0.008518518518518519017090895318;0.026666666666666668378260496297;0.005185185185185185036127464286;0.010370370370370370072254928573;0.004814814814814815172039352831;0.006296296296296296363115274630;0.004444444444444444440589503387
-0.007309941520467835851526672286;0.018128654970760233605675537660;0.014035087719298245875765296375;0.596783625730994193858691687637;0.002046783625730994298635989637;0.003801169590643274816266217186;0.006140350877192982462227099916;0.018128654970760233605675537660;0.023391812865497074724885351316;0.004678362573099415291921765458;0.004093567251461988597271979273;0.002046783625730994298635989637;0.005263157894736841986571551644;0.005847953216374268681221337829;0.025146198830409357410919923836;0.003216374269005848121616431001;0.010818713450292397754148865374;0.021929824561403507554580016858;0.012573099415204678705459961918;0.002631578947368420993285775822;0.008479532163742689240826244657;0.014327485380116959656771058462;0.002046783625730994298635989637;0.007309941520467835851526672286;0.005555555555555555767577313730;0.007309941520467835851526672286;0.016081871345029238873358679029;0.019883040935672516291710110181;0.002339181286549707645960882729;0.009064327485380116802837768830;0.002339181286549707645960882729;0.005847953216374268681221337829;0.002046783625730994298635989637;0.006725146198830409156876886101;0.004678362573099415291921765458;0.010818713450292397754148865374;0.002631578947368420993285775822;0.006725146198830409156876886101;0.005847953216374268681221337829;0.004385964912280701510916003372;0.008479532163742689240826244657;0.021052631578947367946286206575;0.000000000000000000000000000000;0.004385964912280701510916003372;0.011695906432748537362442675658;0.006725146198830409156876886101;0.003508771929824561468941324094;0.002339181286549707645960882729;0.005847953216374268681221337829;0.003508771929824561468941324094
-0.004924242424242423858682382587;0.013257575757575757943729222177;0.033333333333333332870740406406;0.523484848484848441785288741812;0.016287878787878788677812025298;0.002272727272727272616881233347;0.002272727272727272616881233347;0.012500000000000000693889390391;0.026136363636363634660453314495;0.022348484848484850145977631541;0.005303030303030303350964036468;0.003030303030303030300401934127;0.001515151515151515150200967064;0.012121212121212121201607736509;0.017803030303030303177491688871;0.004166666666666666608842550801;0.018560606060606062162054996634;0.023484848484848483418652165255;0.004166666666666666608842550801;0.006439393939393939225723784148;0.010606060606060606701928072937;0.017424242424242425419933510966;0.002651515151515151675482018234;0.028409090909090908144696285831;0.005681818181818181975883952362;0.008712121212121212709966755483;0.010227272727272727209646419055;0.005681818181818181975883952362;0.003409090909090908925321850020;0.007196969696969697342925353922;0.001136363636363636308440616673;0.019696969696969695434729530348;0.002272727272727272616881233347;0.004924242424242423858682382587;0.002272727272727272616881233347;0.025000000000000001387778780781;0.002651515151515151675482018234;0.002651515151515151675482018234;0.001136363636363636308440616673;0.003787878787878787983922634908;0.004924242424242423858682382587;0.008712121212121212709966755483;0.000000000000000000000000000000;0.011742424242424241709326082628;0.015151515151515151935690539631;0.009090909090909090467524933388;0.016666666666666666435370203203;0.005303030303030303350964036468;0.005681818181818181975883952362;0.003787878787878787983922634908
-0.015416666666666667059870654555;0.043749999999999997224442438437;0.056250000000000001387778780781;0.053749999999999999167332731531;0.027916666666666666019036568969;0.014999999999999999444888487687;0.003333333333333333547282562037;0.023750000000000000277555756156;0.058333333333333334258519187188;0.023333333333333334397297065266;0.007916666666666667337426410711;0.007916666666666667337426410711;0.007499999999999999722444243844;0.024166666666666666157814447047;0.037916666666666667961926862063;0.010000000000000000208166817117;0.034166666666666664631257788187;0.047083333333333331205405869468;0.013333333333333334189130248149;0.007916666666666667337426410711;0.009583333333333332593184650250;0.041250000000000001942890293094;0.008333333333333333217685101602;0.019583333333333334536074943344;0.012916666666666666574148081281;0.020000000000000000416333634234;0.019583333333333334536074943344;0.047500000000000000555111512313;0.002083333333333333304421275400;0.017916666666666667545593227828;0.006666666666666667094565124074;0.019166666666666665186369300500;0.007083333333333332974823814965;0.009166666666666666712925959359;0.010833333333333333703407674875;0.025416666666666667268037471672;0.007499999999999999722444243844;0.007499999999999999722444243844;0.014583333333333333564629796797;0.019583333333333334536074943344;0.011666666666666667198648532633;0.041666666666666664353702032031;0.000000000000000000000000000000;0.012916666666666666574148081281;0.010833333333333333703407674875;0.009583333333333332593184650250;0.023333333333333334397297065266;0.017500000000000001665334536938;0.014999999999999999444888487687;0.012500000000000000693889390391
-0.030303030303030303871381079261;0.034469696969696969612861892074;0.027651515151515152629579930021;0.039393939393939390869459060696;0.023484848484848483418652165255;0.029166666666666667129259593594;0.004166666666666666608842550801;0.024621212121212120160773650923;0.031439393939393940613502564929;0.026515151515151515887458444354;0.020833333333333332176851016015;0.019318181818181817677171352443;0.009469696969696969959806587269;0.021590909090909091161414323778;0.040151515151515153323469320412;0.023106060606060605661093987351;0.018181818181818180935049866775;0.037499999999999998612221219219;0.017803030303030303177491688871;0.003409090909090908925321850020;0.016666666666666666435370203203;0.015530303030303029693248717535;0.005303030303030303350964036468;0.044696969696969700291955263083;0.032575757575757577355624050597;0.027651515151515152629579930021;0.029545454545454544886817771498;0.043560606060606063549833777415;0.002272727272727272616881233347;0.021212121212121213403856145874;0.016666666666666666435370203203;0.024621212121212120160773650923;0.009848484848484847717364765174;0.007954545454545453725403447720;0.004545454545454545233762466694;0.036363636363636361870099733551;0.011363636363636363951767904723;0.012500000000000000693889390391;0.001893939393939393991961317454;0.003409090909090908925321850020;0.014015151515151515193569053963;0.017803030303030303177491688871;0.000000000000000000000000000000;0.017045454545454544192928381108;0.021590909090909091161414323778;0.011742424242424241709326082628;0.025378787878787879145336958686;0.017045454545454544192928381108;0.012878787878787878451447568295;0.011742424242424241709326082628
-0.015555555555555555108382392859;0.017777777777777777762358013547;0.041111111111111112159655078813;0.053333333333333336756520992594;0.020000000000000000416333634234;0.016666666666666666435370203203;0.012222222222222222862142437805;0.034444444444444444197728216750;0.043703703703703702942995334979;0.024444444444444445724284875610;0.016296296296296294836558615771;0.006666666666666667094565124074;0.009629629629629630344078705662;0.017777777777777777762358013547;0.028148148148148147834612942120;0.014074074074074073917306471060;0.024074074074074074125473288177;0.044444444444444446140618509844;0.034074074074074076068363581271;0.005555555555555555767577313730;0.019259259259259260688157411323;0.021111111111111111743321444578;0.011851851851851851263330850372;0.025185185185185185452461098521;0.022592592592592591199673890401;0.024074074074074074125473288177;0.038518518518518521376314822646;0.015925925925925926707193980292;0.002962962962962962815832712593;0.029999999999999998889776975375;0.012222222222222222862142437805;0.022222222222222223070309254922;0.023703703703703702526661700745;0.010370370370370370072254928573;0.006296296296296296363115274630;0.031851851851851853414387960584;0.008888888888888888881179006773;0.007407407407407407690103084974;0.009259259259259258745267118229;0.008888888888888888881179006773;0.013703703703703704053218359604;0.028888888888888887562789165031;0.000000000000000000000000000000;0.016296296296296294836558615771;0.022222222222222223070309254922;0.020370370370370372015145221667;0.022962962962962962798485477833;0.013333333333333334189130248149;0.018518518518518517490534236458;0.011111111111111111535154627461
-0.008503401360544218454129428153;0.013605442176870747791883609068;0.064625850340136056781936702009;0.092176870748299319369145621295;0.005442176870748298943281096030;0.013945578231292516530048786194;0.001700680272108843473985451134;0.022108843537414966246013037221;0.077891156462585028896761230044;0.029251700680272108012758280893;0.010204081632653060410231837807;0.006462585034013605157776627408;0.004421768707482993596147302640;0.027891156462585033060097572388;0.015986394557823128959039848951;0.007823129251700680977799073901;0.032653061224489798863857004108;0.046598639455782311924458838348;0.018367346938775511860919564811;0.008843537414965987192294605279;0.009523809523809524668624959531;0.039455782312925166688266642723;0.004421768707482993596147302640;0.042857142857142857539365365938;0.009183673469387755930459782405;0.023809523809523808202115446875;0.025510204081632653627664808482;0.030272108843537415961977288248;0.000680272108843537367910137004;0.011224489795918366624727369185;0.006122448979591836419611450282;0.025850340136054420631106509632;0.009523809523809524668624959531;0.005782312925170067681446273156;0.005102040816326530205115918903;0.048299319727891157350008199955;0.009523809523809524668624959531;0.002040816326530612428991062757;0.015306122448979591482709494699;0.007823129251700680977799073901;0.006122448979591836419611450282;0.053741496598639457160651033973;0.000000000000000000000000000000;0.015646258503401361955598147802;0.009183673469387755930459782405;0.006462585034013605157776627408;0.037074829931972787255833878817;0.013605442176870747791883609068;0.009863945578231291672066660681;0.007482993197278911372272158786
-0.009748427672955974412905000293;0.015094339622641509551792537991;0.048427672955974845891979896351;0.351257861635220103302401639667;0.004716981132075471518094733625;0.006289308176100629269034136826;0.003773584905660377387948134498;0.012893081761006289914783806694;0.055660377358490567556437156327;0.013207547169811321291499339736;0.005974842767295597892318603783;0.003773584905660377387948134498;0.002830188679245282824120666376;0.019496855345911948825810000585;0.022012578616352199839534264925;0.010062893081761005789620533335;0.037106918238993709391326802916;0.033647798742138364247455939449;0.008805031446540880282758401165;0.006918238993710692022465202911;0.004402515723270440141379200583;0.033018867924528301494024873364;0.002830188679245282824120666376;0.021069182389937105709387665797;0.015723270440251572305223604076;0.012578616352201258538068273651;0.020440251572327042955956599712;0.011320754716981131296482665505;0.001572327044025157317258534206;0.006289308176100629269034136826;0.004716981132075471518094733625;0.015723270440251572305223604076;0.002515723270440251447405133334;0.010377358490566037166336066377;0.005660377358490565648241332752;0.026729559748427673959714212515;0.003773584905660377387948134498;0.003773584905660377387948134498;0.012893081761006289914783806694;0.011949685534591195784637207566;0.006918238993710692022465202911;0.022955974842767293969680864052;0.000000000000000000000000000000;0.009748427672955974412905000293;0.008490566037735848906042868123;0.007861635220125786152611802038;0.022641509433962262592965331010;0.009748427672955974412905000293;0.006603773584905660645749669868;0.005974842767295597892318603783
-0.016304347826086956069202571484;0.014492753623188405973087888867;0.038768115942028988363254882188;0.287318840579710133020796547498;0.005797101449275362389235155547;0.010869565217391304046135047656;0.006884057971014492620376312715;0.018115942028985507900040730078;0.023188405797101449556940622188;0.025362318840579711753946412500;0.011231884057971014412302679375;0.007608695652173913352711576152;0.008333333333333333217685101602;0.022101449275362318458437727031;0.019927536231884056261431936719;0.014492753623188405973087888867;0.021376811594202897726102463594;0.024637681159420291021611149063;0.006159420289855072755402787266;0.006884057971014492620376312715;0.010507246376811593679967415937;0.020652173913043476993767200156;0.002898550724637681194617577773;0.034420289855072463969243301563;0.015942028985507245703034939766;0.027536231884057970481505250859;0.024275362318840580655443517344;0.007608695652173913352711576152;0.003985507246376811425758734941;0.010507246376811593679967415937;0.005434782608695652023067523828;0.023188405797101449556940622188;0.002536231884057970828449946055;0.013768115942028985240752625430;0.004710144927536232158093998379;0.032246376811594201772237511250;0.006159420289855072755402787266;0.010144927536231883313799784219;0.003260869565217391127104340498;0.011231884057971014412302679375;0.008333333333333333217685101602;0.014130434782608695606920257148;0.000000000000000000000000000000;0.023188405797101449556940622188;0.011231884057971014412302679375;0.016666666666666666435370203203;0.030072463768115943044678672891;0.014492753623188405973087888867;0.009057971014492753950020365039;0.011956521739130435144637942813
-0.014583333333333333564629796797;0.009583333333333332593184650250;0.071666666666666670182372911313;0.000416666666666666693410320255;0.015416666666666667059870654555;0.011249999999999999583666365766;0.000833333333333333386820640509;0.020833333333333332176851016015;0.045833333333333330095182844843;0.014583333333333333564629796797;0.007916666666666667337426410711;0.026249999999999999028554853453;0.016250000000000000555111512313;0.028333333333333331899295259859;0.006666666666666667094565124074;0.010000000000000000208166817117;0.042083333333333333703407674875;0.062916666666666662410811738937;0.005000000000000000104083408559;0.019166666666666665186369300500;0.009583333333333332593184650250;0.053333333333333336756520992594;0.028750000000000001249000902703;0.028750000000000001249000902703;0.016666666666666666435370203203;0.017500000000000001665334536938;0.022083333333333333287074040641;0.003333333333333333547282562037;0.002916666666666666799662133158;0.021250000000000001526556658860;0.006250000000000000346944695195;0.024583333333333332038073137937;0.008750000000000000832667268469;0.013333333333333334189130248149;0.040000000000000000832667268469;0.042500000000000003053113317719;0.012916666666666666574148081281;0.002083333333333333304421275400;0.013750000000000000069388939039;0.052916666666666667406815349750;0.004583333333333333356462979680;0.028750000000000001249000902703;0.000000000000000000000000000000;0.014999999999999999444888487687;0.003749999999999999861222121922;0.008333333333333333217685101602;0.022083333333333333287074040641;0.021250000000000001526556658860;0.034166666666666664631257788187;0.011249999999999999583666365766
-0.015040650406504065678126025318;0.015853658536585366056748114261;0.048780487804878050472900952172;0.000813008130081300812302957937;0.004065040650406504495195658677;0.010162601626016259936946539710;0.001626016260162601624605915873;0.029674796747967479432217530189;0.029674796747967479432217530189;0.011788617886178862428914193572;0.017479674796747966813992292145;0.001626016260162601624605915873;0.027235772357723578296351263361;0.038211382113821135142472940061;0.025609756097560974069660133523;0.005284552845528455063128792091;0.021138211382113820252515168363;0.050000000000000002775557561563;0.025609756097560974069660133523;0.012601626016260162807536282514;0.011788617886178862428914193572;0.021544715447154472176549688811;0.054065040650406501199221054321;0.021951219512195120631137257305;0.017073170731707318359404723651;0.017479674796747966813992292145;0.040650406504065039747786158841;0.015040650406504065678126025318;0.001626016260162601624605915873;0.007723577235772357933718534895;0.001626016260162601624605915873;0.013008130081300812996847326986;0.026422764227642277917729174419;0.016666666666666666435370203203;0.073577235772357724163938996753;0.019918699186991871419305510926;0.016666666666666666435370203203;0.002032520325203252247597829339;0.007317073170731707744407490424;0.033333333333333332870740406406;0.006504065040650406498423663493;0.026829268292682926372316742913;0.000000000000000000000000000000;0.006910569105691056687734707964;0.010975609756097560315568628653;0.006504065040650406498423663493;0.028861788617886179053595441246;0.019512195121951219495270990478;0.067479674796747962650655949801;0.014634146341463415488814980847
-0.009803921568627450844335413649;0.035620915032679736911269685606;0.037581699346405227080136768336;0.030718954248366011489101978782;0.071895424836601301565863764154;0.016993464052287580307032399674;0.011111111111111111535154627461;0.028104575163398693576910503111;0.044444444444444446140618509844;0.016013071895424835222598858309;0.016339869281045752563708006733;0.013725490196078431182069579108;0.008169934640522876281854003366;0.009477124183006535237949741202;0.042483660130718955971751427114;0.008823529411764705759901872284;0.020261437908496732901442172192;0.035947712418300650782931882077;0.041503267973856207417870933796;0.002941176470588235253300624095;0.027450980392156862364139158217;0.023529411764705882026404992757;0.014379084967320260660117448026;0.026797385620915031151367813322;0.011437908496732025406816823931;0.016993464052287580307032399674;0.025490196078431372195272075487;0.050980392156862744390544150974;0.000653594771241830020148955160;0.039542483660130717249003851066;0.008169934640522876281854003366;0.013398692810457515575683906661;0.032679738562091505127416013465;0.004901960784313725422167706824;0.004248366013071895076758099918;0.022875816993464050813633647863;0.006209150326797385245625182648;0.003267973856209150426005427548;0.003921568627450980337734165460;0.005882352941176470506601248189;0.017973856209150325391465941038;0.040849673202614379674546540855;0.000000000000000000000000000000;0.013398692810457515575683906661;0.031699346405228756573535520147;0.011764705882352941013202496379;0.014379084967320260660117448026;0.007516339869281045936444396460;0.012091503267973856619588168826;0.005555555555555555767577313730
-0.025850340136054420631106509632;0.011564625850340135362892546311;0.057142857142857141072855853281;0.012585034013605441577388077690;0.020068027210884353817021974464;0.042517006802721087066476712835;0.001700680272108843473985451134;0.018027210884353741388030911708;0.048979591836734691356891602254;0.018027210884353741388030911708;0.019047619047619049337249919063;0.025170068027210883154776155379;0.014965986394557822744544317572;0.028911564625850341009316579743;0.012244897959183672839222900564;0.023469387755102041198673745726;0.022789115646258503722343391473;0.037074829931972787255833878817;0.026530612244897958107436863884;0.006462585034013605157776627408;0.015986394557823128959039848951;0.033673469387755103343629059509;0.007142857142857142634106981660;0.023809523809523808202115446875;0.034013605442176873816517712612;0.029251700680272108012758280893;0.030272108843537415961977288248;0.007482993197278911372272158786;0.001360544217687074735820274007;0.044897959183673466498909476741;0.018367346938775511860919564811;0.015986394557823128959039848951;0.017687074829931974384589210558;0.009863945578231291672066660681;0.015986394557823128959039848951;0.026870748299319728580325516987;0.008163265306122449715964251027;0.009863945578231291672066660681;0.004761904761904762334312479766;0.019047619047619049337249919063;0.003741496598639455686136079393;0.023129251700680270725785092623;0.000000000000000000000000000000;0.015306122448979591482709494699;0.012244897959183672839222900564;0.009863945578231291672066660681;0.029931972789115645489088635145;0.017346938775510203911700557455;0.025850340136054420631106509632;0.014965986394557822744544317572
-0.024858757062146893956899873501;0.007062146892655367207136674068;0.057062146892655367380609021666;0.197457627118644063468622107393;0.002824858757062146882854669627;0.020338983050847456168774840535;0.001412429378531073441427334814;0.011016949152542372669660863949;0.048870056497175143328526303321;0.016949152542372881297128017763;0.012711864406779661840207751311;0.030225988700564972860851398195;0.010734463276836157807903049388;0.036723163841807911211834181131;0.003672316384180791034447244314;0.015536723163841808723062420938;0.034180790960451977456013850087;0.031920903954802258561951333604;0.009604519774011300095595267123;0.009039548022598870372079638003;0.010169491525423728084387420267;0.042090395480225986646338753872;0.004519774011299435186039819001;0.023163841807909604786352986139;0.026271186440677964796241994350;0.020903954802259885892290469656;0.021186440677966100754048284216;0.002542372881355932021096855067;0.002259887005649717593019909501;0.019774011299435029914706163368;0.025423728813559323680415502622;0.018926553672316385329432719686;0.007062146892655367207136674068;0.009039548022598870372079638003;0.012994350282485874967242089895;0.031920903954802258561951333604;0.004519774011299435186039819001;0.007344632768361582068894488629;0.007062146892655367207136674068;0.012994350282485874967242089895;0.001977401129943502731262094940;0.014124293785310734414273348136;0.000000000000000000000000000000;0.011581920903954802393176493069;0.004237288135593220324282004441;0.006214689265536723489224968375;0.026553672316384179657999808910;0.013559322033898304690757719015;0.017231638418079096158885832324;0.012146892655367232116692122190
-0.014545454545454545441929283811;0.009090909090909090467524933388;0.047272727272727271818908434398;0.351212121212121197721955923043;0.003333333333333333547282562037;0.024545454545454543915372624951;0.000606060606060606060080386825;0.007575757575757575967845269815;0.036969696969696971833307941324;0.013030303030303030942249620239;0.010000000000000000208166817117;0.031818181818181814901613790880;0.008181818181818182461606525635;0.027878787878787877896336055983;0.006666666666666667094565124074;0.021212121212121213403856145874;0.017272727272727272929131459023;0.024545454545454543915372624951;0.004545454545454545233762466694;0.003939393939393939607362948863;0.005454545454545454974404350423;0.025454545454545455390737984658;0.003333333333333333547282562037;0.015151515151515151935690539631;0.029393939393939392396015719555;0.019696969696969695434729530348;0.014242424242424242195048655901;0.021212121212121213403856145874;0.000000000000000000000000000000;0.011212121212121211460965852780;0.014848484848484848688809911721;0.012424242424242424448488364419;0.002121212121212121427121788386;0.009696969696969696961286189207;0.002121212121212121427121788386;0.018787878787878787428811122595;0.004848484848484848480643094604;0.004545454545454545233762466694;0.005757575757575757353923240345;0.008787878787878787220644305478;0.003333333333333333547282562037;0.021818181818181819897617401693;0.000000000000000000000000000000;0.006969696969696969474084013996;0.002121212121212121427121788386;0.005757575757575757353923240345;0.025757575757575756902895136591;0.017878787878787879422892714842;0.010909090909090909948808700847;0.012121212121212121201607736509
-0.027272727272727271402574800163;0.015530303030303029693248717535;0.076136363636363640905457828012;0.014772727272727272443408885749;0.004545454545454545233762466694;0.024621212121212120160773650923;0.001136363636363636308440616673;0.018939393939393939919613174538;0.025378787878787879145336958686;0.028409090909090908144696285831;0.015909090909090907450806895440;0.062500000000000000000000000000;0.004924242424242423858682382587;0.048106060606060603579425816179;0.011742424242424241709326082628;0.034848484848484850839867021932;0.022348484848484850145977631541;0.028409090909090908144696285831;0.007954545454545453725403447720;0.004545454545454545233762466694;0.008712121212121212709966755483;0.023106060606060605661093987351;0.004924242424242423858682382587;0.036363636363636361870099733551;0.050378787878787877063668787514;0.042424242424242426807712291748;0.030303030303030303871381079261;0.024242424242424242403215473018;0.000000000000000000000000000000;0.022727272727272727903535809446;0.028409090909090908144696285831;0.020075757575757576661734660206;0.001893939393939393991961317454;0.009090909090909090467524933388;0.004924242424242423858682382587;0.043939393939393937837945003366;0.006818181818181817850643700041;0.007954545454545453725403447720;0.003030303030303030300401934127;0.004545454545454545233762466694;0.005681818181818181975883952362;0.010984848484848484459486250842;0.000000000000000000000000000000;0.015909090909090907450806895440;0.005681818181818181975883952362;0.009848484848484847717364765174;0.040151515151515153323469320412;0.022348484848484850145977631541;0.016287878787878788677812025298;0.021212121212121213403856145874
-0.015384615384615385469402326635;0.026495726495726495269833478119;0.058119658119658121342432366419;0.088461538461538466449063378150;0.019658119658119657668926549832;0.010256410256410256401360392431;0.002991452991452991667237215623;0.033760683760683758702914047944;0.038461538461538463673505816587;0.026068376068376069437659836581;0.013247863247863247634916739059;0.005982905982905983334474431246;0.005982905982905983334474431246;0.026923076923076924571454071611;0.038034188034188030902438271141;0.005982905982905983334474431246;0.038034188034188030902438271141;0.040598290598290599773267928185;0.032051282051282048435325577884;0.006410256410256410034009810772;0.020085470085470086970547143324;0.022222222222222223070309254922;0.005982905982905983334474431246;0.034615384615384617306155234928;0.014529914529914530335608091605;0.020512820512820512802720784862;0.034615384615384617306155234928;0.020085470085470086970547143324;0.001282051282051282050170049054;0.026068376068376069437659836581;0.002991452991452991667237215623;0.026923076923076924571454071611;0.014102564102564102768710974090;0.007264957264957265167804045802;0.002991452991452991667237215623;0.034615384615384617306155234928;0.011538461538461539102051744976;0.005128205128205128200680196215;0.003846153846153846367350581659;0.006410256410256410034009810772;0.015384615384615385469402326635;0.021367521367521367936515019892;0.000000000000000000000000000000;0.018376068376068376702958673263;0.026495726495726495269833478119;0.009401709401709401267566157401;0.023076923076923078204103489952;0.011111111111111111535154627461;0.017521367521367521569164438233;0.008547008547008547868495398347
-0.057083333333333333148296162562;0.009166666666666666712925959359;0.041666666666666664353702032031;0.004166666666666666608842550801;0.003333333333333333547282562037;0.044999999999999998334665463062;0.003749999999999999861222121922;0.018749999999999999306110609609;0.017500000000000001665334536938;0.023750000000000000277555756156;0.023750000000000000277555756156;0.041250000000000001942890293094;0.014583333333333333564629796797;0.025000000000000001387778780781;0.008333333333333333217685101602;0.041250000000000001942890293094;0.021666666666666667406815349750;0.030416666666666668239482618219;0.021250000000000001526556658860;0.005000000000000000104083408559;0.018749999999999999306110609609;0.014999999999999999444888487687;0.010000000000000000208166817117;0.029166666666666667129259593594;0.044583333333333335923853724125;0.031666666666666669349705642844;0.028750000000000001249000902703;0.040416666666666663243479007406;0.001250000000000000026020852140;0.025000000000000001387778780781;0.033333333333333332870740406406;0.021666666666666667406815349750;0.008333333333333333217685101602;0.009166666666666666712925959359;0.010000000000000000208166817117;0.027916666666666666019036568969;0.012083333333333333078907223523;0.019166666666666665186369300500;0.001666666666666666773641281019;0.012916666666666666574148081281;0.006666666666666667094565124074;0.012083333333333333078907223523;0.000000000000000000000000000000;0.015416666666666667059870654555;0.005833333333333333599324266316;0.021250000000000001526556658860;0.025416666666666667268037471672;0.019166666666666665186369300500;0.017083333333333332315628894094;0.019583333333333334536074943344
-0.021851851851851851471497667490;0.009629629629629630344078705662;0.074814814814814820098654024605;0.042222222222222223486642889156;0.005185185185185185036127464286;0.011111111111111111535154627461;0.002592592592592592518063732143;0.019259259259259260688157411323;0.035925925925925923654080662573;0.048518518518518516380311211833;0.012592592592592592726230549260;0.014074074074074073917306471060;0.002592592592592592518063732143;0.048148148148148148250946576354;0.008518518518518519017090895318;0.017777777777777777762358013547;0.031481481481481478346129421197;0.027037037037037036507625131776;0.005555555555555555767577313730;0.005555555555555555767577313730;0.013333333333333334189130248149;0.024074074074074074125473288177;0.002962962962962962815832712593;0.063703703703703706828775921167;0.017407407407407406163546426114;0.047777777777777780121581940875;0.025555555555555557051272685953;0.008888888888888888881179006773;0.002592592592592592518063732143;0.010370370370370370072254928573;0.010740740740740739936343040029;0.045185185185185182399347780802;0.003703703703703703845051542487;0.011851851851851851263330850372;0.006666666666666667094565124074;0.054814814814814816212873438417;0.008888888888888888881179006773;0.005555555555555555767577313730;0.005185185185185185036127464286;0.009259259259259258745267118229;0.008518518518518519017090895318;0.012962962962962962590318660716;0.000000000000000000000000000000;0.033703703703703701000105041885;0.004074074074074073709139653943;0.017037037037037038034181790636;0.048518518518518516380311211833;0.022962962962962962798485477833;0.012222222222222222862142437805;0.017037037037037038034181790636
-0.018478260869565218266208361797;0.024275362318840580655443517344;0.040217391304347822889031505156;0.098913043478260867513718324062;0.036956521739130436532416723594;0.023550724637681159923108253906;0.002536231884057970828449946055;0.036231884057971015800081460156;0.031884057971014491406069879531;0.018478260869565218266208361797;0.022463768115942028824605358750;0.003623188405797101493271972217;0.009420289855072464316187996758;0.024275362318840580655443517344;0.045289855072463768015378349219;0.004347826086956521791926366660;0.015942028985507245703034939766;0.036594202898550726166249091875;0.040217391304347822889031505156;0.006884057971014492620376312715;0.020289855072463766627599568437;0.018115942028985507900040730078;0.009420289855072464316187996758;0.019202898550724638998543625235;0.019202898550724638998543625235;0.016666666666666666435370203203;0.035507246376811595067746196719;0.054710144927536230596842870000;0.000724637681159420298654394443;0.024275362318840580655443517344;0.001086956521739130447981591665;0.012681159420289855876973206250;0.016666666666666666435370203203;0.002536231884057970828449946055;0.009420289855072464316187996758;0.030434782608695653410846304610;0.011956521739130435144637942813;0.003260869565217391127104340498;0.003260869565217391127104340498;0.006521739130434782254208680996;0.007971014492753622851517469883;0.029347826086956522312343409453;0.000000000000000000000000000000;0.010507246376811593679967415937;0.033695652173913043236908038125;0.005434782608695652023067523828;0.023913043478260870289275885625;0.007246376811594202986543944434;0.020289855072463766627599568437;0.005072463768115941656899892109
-0.021111111111111111743321444578;0.019259259259259260688157411323;0.038888888888888889505679458125;0.002592592592592592518063732143;0.054074074074074073015250263552;0.023333333333333334397297065266;0.010740740740740739936343040029;0.018148148148148149361169600979;0.027407407407407408106436719208;0.021481481481481479872686080057;0.008148148148148147418279307885;0.035185185185185187395351391615;0.014074074074074073917306471060;0.024444444444444445724284875610;0.014444444444444443781394582516;0.018148148148148149361169600979;0.029259259259259259161600752464;0.034444444444444444197728216750;0.010000000000000000208166817117;0.009629629629629630344078705662;0.017037037037037038034181790636;0.025925925925925925180637321432;0.017037037037037038034181790636;0.022222222222222223070309254922;0.022222222222222223070309254922;0.018148148148148149361169600979;0.020000000000000000416333634234;0.035925925925925923654080662573;0.002962962962962962815832712593;0.050000000000000002775557561563;0.026296296296296296779448908865;0.024444444444444445724284875610;0.012222222222222222862142437805;0.006666666666666667094565124074;0.017037037037037038034181790636;0.034814814814814812327092852229;0.010370370370370370072254928573;0.012592592592592592726230549260;0.007407407407407407690103084974;0.027777777777777776235801354687;0.017407407407407406163546426114;0.029629629629629630760412339896;0.000000000000000000000000000000;0.017777777777777777762358013547;0.005555555555555555767577313730;0.018518518518518517490534236458;0.025185185185185185452461098521;0.014814814814814815380206169948;0.016666666666666666435370203203;0.008518518518518519017090895318
-0.009027777777777776929690745078;0.022569444444444444058950338672;0.041319444444444443365060948281;0.097569444444444444752839729063;0.065277777777777781786916477813;0.007638888888888888638317720137;0.015277777777777777276635440273;0.032638888888888890893458238907;0.014583333333333333564629796797;0.037152777777777777623580135469;0.011111111111111111535154627461;0.005208333333333333044212754004;0.004166666666666666608842550801;0.017013888888888887424011286953;0.060763888888888888117900677344;0.006250000000000000346944695195;0.021527777777777777623580135469;0.027430555555555555247160270937;0.032291666666666669904817155157;0.005208333333333333044212754004;0.021527777777777777623580135469;0.013541666666666667129259593594;0.009374999999999999653055304805;0.037847222222222219600862302968;0.007638888888888888638317720137;0.023263888888888889505679458125;0.022916666666666665047591422422;0.045138888888888888117900677344;0.004166666666666666608842550801;0.015972222222222220988641083750;0.004166666666666666608842550801;0.021874999999999998612221219219;0.015277777777777777276635440273;0.004861111111111111188209932266;0.005902777777777777623580135469;0.035416666666666665741480812812;0.006944444444444444058950338672;0.006250000000000000346944695195;0.002777777777777777883788656865;0.002777777777777777883788656865;0.023611111111111110494320541875;0.008680555555555555941049661328;0.000000000000000000000000000000;0.021180555555555556634939051719;0.038888888888888889505679458125;0.015625000000000000000000000000;0.026388888888888888811790067734;0.006944444444444444058950338672;0.010069444444444445099784424258;0.006944444444444444058950338672
-0.024652777777777776929690745078;0.048958333333333332870740406406;0.032638888888888890893458238907;0.067708333333333328707404064062;0.021527777777777777623580135469;0.029861111111111112575988713047;0.002083333333333333304421275400;0.030902777777777779011358916250;0.026388888888888888811790067734;0.009374999999999999653055304805;0.014930555555555556287994356524;0.014583333333333333564629796797;0.015972222222222220988641083750;0.022916666666666665047591422422;0.035763888888888886730121896562;0.007638888888888888638317720137;0.020138888888888890199568848516;0.050694444444444444752839729063;0.032291666666666669904817155157;0.006250000000000000346944695195;0.020486111111111111188209932266;0.016319444444444445446729119453;0.020486111111111111188209932266;0.013541666666666667129259593594;0.022569444444444444058950338672;0.021527777777777777623580135469;0.029861111111111112575988713047;0.030555555555555554553270880547;0.000347222222222222235473582108;0.029513888888888888117900677344;0.008680555555555555941049661328;0.007638888888888888638317720137;0.017708333333333332870740406406;0.005902777777777777623580135469;0.019444444444444444752839729063;0.024652777777777776929690745078;0.015277777777777777276635440273;0.005208333333333333044212754004;0.006250000000000000346944695195;0.019444444444444444752839729063;0.011458333333333332523795711211;0.030902777777777779011358916250;0.000000000000000000000000000000;0.011111111111111111535154627461;0.015277777777777777276635440273;0.009722222222222222376419864531;0.017361111111111111882099322656;0.016666666666666666435370203203;0.029513888888888888117900677344;0.007291666666666666782314898398
-0.020555555555555556079827539406;0.030555555555555554553270880547;0.032777777777777780676693453188;0.035000000000000003330669073875;0.035833333333333335091186455656;0.018333333333333333425851918719;0.006944444444444444058950338672;0.042222222222222223486642889156;0.034166666666666664631257788187;0.011666666666666667198648532633;0.015555555555555555108382392859;0.015555555555555555108382392859;0.011944444444444445030395485219;0.015555555555555555108382392859;0.038611111111111109939209029562;0.009722222222222222376419864531;0.013611111111111110286153724758;0.055000000000000000277555756156;0.033055555555555553304269977843;0.007499999999999999722444243844;0.020833333333333332176851016015;0.013611111111111110286153724758;0.012500000000000000693889390391;0.015833333333333334674852821422;0.019444444444444444752839729063;0.021388888888888887840344921187;0.038055555555555557745162076344;0.068611111111111108828986004937;0.003611111111111110945348645629;0.028611111111111111465765688422;0.010000000000000000208166817117;0.011111111111111111535154627461;0.016944444444444446001840631766;0.010555555555555555871660722289;0.010833333333333333703407674875;0.026111111111111112714766591125;0.015555555555555555108382392859;0.006666666666666667094565124074;0.006111111111111111431071218902;0.012777777777777778525636342977;0.009722222222222222376419864531;0.043333333333333334813630699500;0.000000000000000000000000000000;0.010833333333333333703407674875;0.018333333333333333425851918719;0.010277777777777778039913769703;0.014166666666666665949647629930;0.008333333333333333217685101602;0.023333333333333334397297065266;0.008333333333333333217685101602
-0.012916666666666666574148081281;0.018749999999999999306110609609;0.040833333333333332593184650250;0.035833333333333335091186455656;0.113750000000000003885780586188;0.019166666666666665186369300500;0.000833333333333333386820640509;0.010000000000000000208166817117;0.073333333333333333703407674875;0.011666666666666667198648532633;0.009166666666666666712925959359;0.048750000000000001665334536938;0.002916666666666666799662133158;0.022916666666666665047591422422;0.017083333333333332315628894094;0.007083333333333332974823814965;0.016250000000000000555111512313;0.030416666666666668239482618219;0.008333333333333333217685101602;0.008750000000000000832667268469;0.006666666666666667094565124074;0.027500000000000000138777878078;0.005416666666666666851703837438;0.008333333333333333217685101602;0.017916666666666667545593227828;0.014166666666666665949647629930;0.015416666666666667059870654555;0.112916666666666665186369300500;0.002083333333333333304421275400;0.032500000000000001110223024625;0.019583333333333334536074943344;0.010416666666666666088425508008;0.004583333333333333356462979680;0.006666666666666667094565124074;0.008750000000000000832667268469;0.021250000000000001526556658860;0.010833333333333333703407674875;0.002916666666666666799662133158;0.013750000000000000069388939039;0.007916666666666667337426410711;0.005416666666666666851703837438;0.071249999999999993893773364562;0.000000000000000000000000000000;0.008333333333333333217685101602;0.007499999999999999722444243844;0.004166666666666666608842550801;0.016250000000000000555111512313;0.010833333333333333703407674875;0.011249999999999999583666365766;0.006666666666666667094565124074
-0.036296296296296298722339201959;0.007777777777777777554191196430;0.054074074074074073015250263552;0.015925925925925926707193980292;0.010370370370370370072254928573;0.035185185185185187395351391615;0.003333333333333333547282562037;0.034444444444444444197728216750;0.028148148148148147834612942120;0.022222222222222223070309254922;0.018888888888888889089345823891;0.019259259259259260688157411323;0.018148148148148149361169600979;0.027037037037037036507625131776;0.021111111111111111743321444578;0.016296296296296294836558615771;0.022592592592592591199673890401;0.044074074074074071072359970458;0.040000000000000000832667268469;0.007037037037037036958653235530;0.017037037037037038034181790636;0.019259259259259260688157411323;0.018148148148148149361169600979;0.031111111111111110216764785719;0.033703703703703701000105041885;0.027037037037037036507625131776;0.037037037037037034981068472916;0.010000000000000000208166817117;0.001111111111111111110147375847;0.025925925925925925180637321432;0.013703703703703704053218359604;0.024074074074074074125473288177;0.017777777777777777762358013547;0.007407407407407407690103084974;0.010370370370370370072254928573;0.044814814814814814269983145323;0.013703703703703704053218359604;0.007407407407407407690103084974;0.004814814814814815172039352831;0.010000000000000000208166817117;0.005555555555555555767577313730;0.018148148148148149361169600979;0.000000000000000000000000000000;0.016296296296296294836558615771;0.010740740740740739936343040029;0.010370370370370370072254928573;0.020000000000000000416333634234;0.018888888888888889089345823891;0.032592592592592589673117231541;0.010740740740740739936343040029
-0.014545454545454545441929283811;0.030606060606060605383538231195;0.051515151515151513805790273182;0.012727272727272727695368992329;0.045757575757575760788675722779;0.017272727272727272929131459023;0.006363636363636363847684496164;0.031212121212121211877299487014;0.057575757575757578743402831378;0.015151515151515151935690539631;0.014242424242424242195048655901;0.010303030303030303455047445027;0.010606060606060606701928072937;0.027272727272727271402574800163;0.046363636363636363812990026645;0.015151515151515151935690539631;0.022727272727272727903535809446;0.040000000000000000832667268469;0.032727272727272729846426102540;0.007878787878787879214725897725;0.017878787878787879422892714842;0.033333333333333332870740406406;0.006363636363636363847684496164;0.013636363636363635701287400082;0.023636363636363635909454217199;0.013939393939393938948168027991;0.033030303030303027889136302520;0.023636363636363635909454217199;0.002424242424242424240321547302;0.033333333333333332870740406406;0.010909090909090909948808700847;0.013939393939393938948168027991;0.013333333333333334189130248149;0.004242424242424242854243576772;0.010000000000000000208166817117;0.031515151515151516858903590901;0.010303030303030303455047445027;0.008181818181818182461606525635;0.009696969696969696961286189207;0.010000000000000000208166817117;0.014545454545454545441929283811;0.032121212121212119883217894767;0.000000000000000000000000000000;0.008181818181818182461606525635;0.037272727272727269876018141304;0.010000000000000000208166817117;0.021515151515151514916013297807;0.011212121212121211460965852780;0.020000000000000000416333634234;0.011818181818181817954727108599
-0.015277777777777777276635440273;0.022569444444444444058950338672;0.075694444444444439201724605937;0.008333333333333333217685101602;0.025347222222222222376419864531;0.005902777777777777623580135469;0.004166666666666666608842550801;0.029861111111111112575988713047;0.040277777777777780399137697032;0.033333333333333332870740406406;0.015277777777777777276635440273;0.002777777777777777883788656865;0.006250000000000000346944695195;0.038888888888888889505679458125;0.025000000000000001387778780781;0.008333333333333333217685101602;0.027777777777777776235801354687;0.052430555555555556634939051719;0.020486111111111111188209932266;0.013194444444444444405895033867;0.019444444444444444752839729063;0.034722222222222223764198645313;0.013888888888888888117900677344;0.035763888888888886730121896562;0.012847222222222221682530474141;0.022222222222222223070309254922;0.037847222222222219600862302968;0.011805555555555555247160270937;0.002083333333333333304421275400;0.019097222222222223764198645313;0.003125000000000000173472347598;0.020833333333333332176851016015;0.011458333333333332523795711211;0.006597222222222222202947516934;0.014583333333333333564629796797;0.045833333333333330095182844843;0.013888888888888888117900677344;0.006597222222222222202947516934;0.004513888888888888464845372539;0.019097222222222223764198645313;0.010763888888888888811790067734;0.014930555555555556287994356524;0.000000000000000000000000000000;0.014236111111111110841265237070;0.023958333333333334952408577578;0.012847222222222221682530474141;0.036805555555555556634939051719;0.021180555555555556634939051719;0.028819444444444446140618509844;0.009027777777777776929690745078
-0.030952380952380953438307642500;0.008095238095238094580552434820;0.066190476190476188467215479250;0.000952380952380952380126322154;0.001428571428571428570189483231;0.016666666666666666435370203203;0.004285714285714285927408884191;0.026190476190476191103995162734;0.018095238095238094788719251937;0.055238095238095238914688422938;0.013809523809523809728672105734;0.007142857142857142634106981660;0.006190476190476190687661528500;0.043809523809523812087896033063;0.009047619047619047394359625969;0.022857142857142857123031731703;0.029047619047619047810693260203;0.031904761904761907986838309625;0.022857142857142857123031731703;0.006666666666666667094565124074;0.014285714285714285268213963320;0.015238095238095238082021154469;0.014285714285714285268213963320;0.063809523809523815973676619251;0.023809523809523808202115446875;0.050000000000000002775557561563;0.025714285714285713829729829172;0.002380952380952381167156239883;0.000000000000000000000000000000;0.005714285714285714280757932926;0.024285714285714285476380780437;0.036666666666666666851703837438;0.010476190476190475747708674703;0.007142857142857142634106981660;0.013809523809523809728672105734;0.056666666666666663798590519718;0.013809523809523809728672105734;0.022380952380952379848766398140;0.000476190476190476190063161077;0.013333333333333334189130248149;0.005238095238095237873854337352;0.005714285714285714280757932926;0.000000000000000000000000000000;0.024761904761904762750646114000;0.002380952380952381167156239883;0.017142857142857143709635536766;0.051428571428571427659459658344;0.026190476190476191103995162734;0.021428571428571428769682682969;0.010000000000000000208166817117
-0.017647058823529411519803744568;0.033660130718954246742402602877;0.052941176470588234559411233704;0.039869281045751631120666047536;0.009803921568627450844335413649;0.019934640522875815560333023768;0.004575163398692810683143772366;0.021241830065359477985875713557;0.073202614379084970930300357850;0.012091503267973856619588168826;0.012091503267973856619588168826;0.022222222222222223070309254922;0.006862745098039215591034789554;0.022222222222222223070309254922;0.032679738562091505127416013465;0.018627450980392156604237285933;0.033006535947712418999078209936;0.052614379084967320687749037234;0.014052287581699346788455251556;0.006209150326797385245625182648;0.009803921568627450844335413649;0.027777777777777776235801354687;0.004575163398692810683143772366;0.023529411764705882026404992757;0.027777777777777776235801354687;0.024509803921568627110838534122;0.026797385620915031151367813322;0.022222222222222223070309254922;0.001633986928104575213002713774;0.024183006535947713239176337652;0.020261437908496732901442172192;0.017320261437908497648141548098;0.004901960784313725422167706824;0.005555555555555555767577313730;0.005882352941176470506601248189;0.034640522875816995296283096195;0.011111111111111111535154627461;0.006535947712418300852010855095;0.009803921568627450844335413649;0.011764705882352941013202496379;0.011764705882352941013202496379;0.063071895424836599275408843823;0.000000000000000000000000000000;0.016339869281045752563708006733;0.013725490196078431182069579108;0.011111111111111111535154627461;0.019281045751633987817008630827;0.009477124183006535237949741202;0.016339869281045752563708006733;0.012745098039215686097636037744
-0.038993710691823897651620001170;0.013207547169811321291499339736;0.044339622641509431055784062892;0.002201257861635220070689600291;0.023899371069182391569274415133;0.038050314465408803521473402043;0.001572327044025157317258534206;0.015094339622641509551792537991;0.047169811320754720385117764181;0.015723270440251572305223604076;0.016037735849056603681939137118;0.056603773584905661686583755454;0.016666666666666666435370203203;0.033647798742138364247455939449;0.011949685534591195784637207566;0.035534591194968552507749137703;0.016037735849056603681939137118;0.031132075471698113233731675109;0.010691823899371068543051599420;0.005345911949685534271525799710;0.011635220125786162673198198547;0.021069182389937105709387665797;0.015408805031446540928508071033;0.020754716981132074332672132755;0.047798742138364783138548830266;0.028301886792452830843291877727;0.023584905660377360192558882090;0.027987421383647799466576344685;0.000314465408805031430925641667;0.031132075471698113233731675109;0.024842767295597485699421014260;0.010691823899371068543051599420;0.006289308176100629269034136826;0.007861635220125786152611802038;0.017610062893081760565516802330;0.022012578616352199839534264925;0.006918238993710692022465202911;0.009119496855345911659473934208;0.006918238993710692022465202911;0.018867924528301886072378934500;0.005660377358490565648241332752;0.034591194968553458377602538576;0.000000000000000000000000000000;0.009433962264150943036189467250;0.005345911949685534271525799710;0.008176100628930817529327335080;0.030817610062893081857016142067;0.030188679245283019103585075982;0.019496855345911948825810000585;0.023270440251572325346396397094
-0.026666666666666668378260496297;0.018888888888888889089345823891;0.051481481481481482231910007386;0.000740740740740740703958178148;0.005925925925925925631665425186;0.017037037037037038034181790636;0.005185185185185185036127464286;0.025925925925925925180637321432;0.050370370370370370904922197042;0.022222222222222223070309254922;0.014814814814814815380206169948;0.005925925925925925631665425186;0.015925925925925926707193980292;0.020740740740740740144509857146;0.012592592592592592726230549260;0.017407407407407406163546426114;0.040740740740740744030290443334;0.052592592592592593558897817729;0.014444444444444443781394582516;0.008148148148148147418279307885;0.020370370370370372015145221667;0.038148148148148146308056283260;0.024814814814814813853649511088;0.034444444444444444197728216750;0.018518518518518517490534236458;0.021851851851851851471497667490;0.024444444444444445724284875610;0.029629629629629630760412339896;0.007407407407407407690103084974;0.008148148148148147418279307885;0.008888888888888888881179006773;0.024814814814814813853649511088;0.010370370370370370072254928573;0.004074074074074073709139653943;0.021481481481481479872686080057;0.037407407407407410049327012302;0.012962962962962962590318660716;0.010000000000000000208166817117;0.014444444444444443781394582516;0.034814814814814812327092852229;0.010000000000000000208166817117;0.039629629629629632703302632990;0.000000000000000000000000000000;0.018148148148148149361169600979;0.004074074074074073709139653943;0.028148148148148147834612942120;0.017407407407407406163546426114;0.012222222222222222862142437805;0.021481481481481479872686080057;0.014074074074074073917306471060
-0.047916666666666669904817155157;0.011904761904761904101057723437;0.028869047619047620567567236094;0.009821428571428571230317317031;0.030357142857142856845475975547;0.023511904761904761640423089375;0.004761904761904762334312479766;0.031845238095238093123384715000;0.005654761904761904621474766230;0.045833333333333330095182844843;0.021130952380952382207990325469;0.008035714285714284921269268125;0.010714285714285714384841341484;0.027380952380952380820211544687;0.021726190476190475331375040469;0.030952380952380953438307642500;0.008035714285714284921269268125;0.021428571428571428769682682969;0.041666666666666664353702032031;0.002678571428571428596210335371;0.027678571428571427381903902187;0.005654761904761904621474766230;0.005357142857142857192420670742;0.047619047619047616404230893750;0.041369047619047617792009674531;0.058035714285714287696826829688;0.033928571428571425994125121406;0.015773809523809523280846178750;0.000892857142857142829263372708;0.023511904761904761640423089375;0.007738095238095238359576910625;0.017559523809523809589894227656;0.017261904761904763028201870156;0.005654761904761904621474766230;0.008333333333333333217685101602;0.029464285714285713690951951094;0.008928571428571428075793292578;0.019642857142857142460634634062;0.000595238095238095291789059971;0.003273809523809523887999395342;0.008928571428571428075793292578;0.004166666666666666608842550801;0.000000000000000000000000000000;0.026785714285714284227379877734;0.025297619047619047949471138281;0.026785714285714284227379877734;0.031547619047619046561692357500;0.020833333333333332176851016015;0.023809523809523808202115446875;0.019345238095238095898942276563
-0.007344632768361582068894488629;0.042372881355932201508096568432;0.041242937853107342061065310190;0.052542372881355929592483988699;0.044915254237288135263916899476;0.014124293785310734414273348136;0.006214689265536723489224968375;0.036723163841807911211834181131;0.032768361581920903147224777285;0.011299435028248587531418678509;0.012711864406779661840207751311;0.007344632768361582068894488629;0.006779661016949152345378859508;0.024293785310734464233384244380;0.064406779661016946847418296329;0.008192090395480225786806194321;0.017231638418079096158885832324;0.043220338983050846093370012113;0.037853107344632770658865439373;0.005932203389830508627467153815;0.020056497175141241307017025974;0.023446327683615819648110800699;0.011581920903954802393176493069;0.013276836158192089828999904455;0.011581920903954802393176493069;0.012146892655367232116692122190;0.033333333333333332870740406406;0.056779661016949152518851207105;0.001129943502824858796509954750;0.025141242937853108818657688062;0.003954802259887005462524189880;0.011016949152542372669660863949;0.021186440677966100754048284216;0.006779661016949152345378859508;0.010451977401129942946145234828;0.024576271186440679095142058941;0.010169491525423728084387420267;0.003954802259887005462524189880;0.006214689265536723489224968375;0.017231638418079096158885832324;0.013559322033898304690757719015;0.033615819209039547732498220967;0.000000000000000000000000000000;0.007909604519774010925048379761;0.041807909604519771784580939311;0.008474576271186440648564008882;0.017514124293785311020643646884;0.008757062146892655510321823442;0.016101694915254236711854574082;0.010734463276836157807903049388
-0.009523809523809524668624959531;0.023511904761904761640423089375;0.060416666666666667129259593594;0.119047619047619041010577234374;0.073214285714285717854288293438;0.005357142857142857192420670742;0.003273809523809523887999395342;0.025297619047619047949471138281;0.026488095238095237665687520234;0.023214285714285715078730731875;0.008630952380952381514100935078;0.005654761904761904621474766230;0.002083333333333333304421275400;0.030952380952380953438307642500;0.040476190476190478106932602032;0.003571428571428571317053490830;0.025297619047619047949471138281;0.034821428571428572618096097813;0.012797619047619047255581747891;0.009523809523809524668624959531;0.011904761904761904101057723437;0.020833333333333332176851016015;0.005654761904761904621474766230;0.025297619047619047949471138281;0.007440476190476190063161077148;0.016964285714285712997062560703;0.018154761904761906182725894610;0.063690476190476186246769429999;0.002083333333333333304421275400;0.025297619047619047949471138281;0.001785714285714285658526745415;0.018749999999999999306110609609;0.008630952380952381514100935078;0.005357142857142857192420670742;0.002380952380952381167156239883;0.036904761904761905488836504219;0.007440476190476190063161077148;0.002380952380952381167156239883;0.004464285714285714037896646289;0.009226190476190476372209126055;0.011309523809523809242949532461;0.035714285714285712303173170312;0.000000000000000000000000000000;0.012500000000000000693889390391;0.031547619047619046561692357500;0.006547619047619047775998790684;0.031250000000000000000000000000;0.012797619047619047255581747891;0.013392857142857142113689938867;0.007142857142857142634106981660
-0.015196078431372548808719891156;0.010294117647058823386552184331;0.057352941176470585704638693869;0.106372549019607839926315762114;0.088235294117647064537912626747;0.014705882352941176266503120473;0.001470588235294117626650312047;0.015196078431372548808719891156;0.033823529411764703678233701112;0.024019607843137256303345239417;0.006372549019607843048818018872;0.025980392156862746472212322146;0.008333333333333333217685101602;0.038235294117647061762355065184;0.010784313725490195928768955014;0.009313725490196078302118642966;0.025490196078431372195272075487;0.036764705882352942400981277160;0.015686274509803921350936661838;0.009803921568627450844335413649;0.013235294117647058639852808426;0.022549019607843136941971451392;0.009313725490196078302118642966;0.028431372549019607448572699582;0.015686274509803921350936661838;0.021078431372549021050044615322;0.016176470588235295627876908497;0.010294117647058823386552184331;0.002450980392156862711083853412;0.037745098039215684015967866571;0.005882352941176470506601248189;0.022058823529411766134478156687;0.003921568627450980337734165460;0.006862745098039215591034789554;0.017647058823529411519803744568;0.032843137254901962063247111701;0.012745098039215686097636037744;0.004411764705882352879950936142;0.002941176470588235253300624095;0.017647058823529411519803744568;0.001960784313725490168867082730;0.016666666666666666435370203203;0.000000000000000000000000000000;0.019607843137254901688670827298;0.005392156862745097964384477507;0.010294117647058823386552184331;0.034313725490196081424620899725;0.018627450980392156604237285933;0.022549019607843136941971451392;0.013235294117647058639852808426
-0.021428571428571428769682682969;0.011507936507936508685467913438;0.082936507936507933291814254062;0.001190476190476190583578119941;0.015476190476190476719153821250;0.011111111111111111535154627461;0.001587301587301587300210536924;0.023015873015873017370935826875;0.050000000000000002775557561563;0.027380952380952380820211544687;0.014682539682539682418527249297;0.005952380952380952050528861719;0.008730158730158730367998387578;0.042063492063492066708185745938;0.013095238095238095551997581367;0.011507936507936508685467913438;0.029365079365079364837054498594;0.051984126984126986792400515469;0.011111111111111111535154627461;0.014285714285714285268213963320;0.009523809523809524668624959531;0.042063492063492066708185745938;0.014682539682539682418527249297;0.026190476190476191103995162734;0.020238095238095239053466301016;0.030952380952380953438307642500;0.025793650793650792218958400781;0.023809523809523808202115446875;0.000793650793650793650105268462;0.022222222222222223070309254922;0.001984126984126984016842953906;0.025793650793650792218958400781;0.009126984126984127518311673555;0.009523809523809524668624959531;0.022222222222222223070309254922;0.052380952380952382207990325469;0.013095238095238095551997581367;0.007142857142857142634106981660;0.002777777777777777883788656865;0.028571428571428570536427926640;0.007539682539682539784420267637;0.020238095238095239053466301016;0.000000000000000000000000000000;0.016269841269841271019780393203;0.004365079365079365183999193789;0.013492063492063492702310867344;0.035714285714285712303173170312;0.021428571428571428769682682969;0.034126984126984123701920026406;0.009523809523809524668624959531
-0.024242424242424242403215473018;0.006818181818181817850643700041;0.032954545454545451643735276548;0.003409090909090908925321850020;0.114393939393939395032795403040;0.035606060606060606354983377742;0.001515151515151515150200967064;0.015530303030303029693248717535;0.029545454545454544886817771498;0.014393939393939394685850707845;0.012500000000000000693889390391;0.041287878787878790065590806080;0.012121212121212121201607736509;0.024621212121212120160773650923;0.009090909090909090467524933388;0.020833333333333332176851016015;0.020833333333333332176851016015;0.026893939393939393645016622258;0.013636363636363635701287400082;0.009469696969696969959806587269;0.010984848484848484459486250842;0.021590909090909091161414323778;0.017803030303030303177491688871;0.020833333333333332176851016015;0.032575757575757577355624050597;0.023863636363636364645657295114;0.020075757575757576661734660206;0.053030303030303031774916888708;0.002272727272727272616881233347;0.036742424242424243097104863409;0.042803030303030301095823517699;0.014015151515151515193569053963;0.009848484848484847717364765174;0.007575757575757575967845269815;0.022348484848484850145977631541;0.026136363636363634660453314495;0.008333333333333333217685101602;0.008712121212121212709966755483;0.004924242424242423858682382587;0.016666666666666666435370203203;0.003409090909090908925321850020;0.032954545454545451643735276548;0.000000000000000000000000000000;0.011742424242424241709326082628;0.007954545454545453725403447720;0.010227272727272727209646419055;0.018181818181818180935049866775;0.008712121212121212709966755483;0.023106060606060605661093987351;0.012878787878787878451447568295
-0.024679487179487178544201597674;0.017307692307692308653077617464;0.053525641025641022829884008161;0.024679487179487178544201597674;0.024358974358974359170071366520;0.030448717948717948095227470162;0.002884615384615384775512936244;0.034935897435897436680285466082;0.023717948717948716952363952259;0.028205128205128205537421948179;0.020512820512820512802720784862;0.008333333333333333217685101602;0.010576923076923077510214099561;0.033012820512820513496610175252;0.023076923076923078204103489952;0.011538461538461539102051744976;0.019871794871794870585013370601;0.039102564102564102421766278894;0.029166666666666667129259593594;0.006089743589743589792517841630;0.023717948717948716952363952259;0.017628205128205128027207848618;0.007692307692307692734701163317;0.041666666666666664353702032031;0.020512820512820512802720784862;0.037499999999999998612221219219;0.051602564102564099646208717331;0.008333333333333333217685101602;0.002564102564102564100340098108;0.041346153846153844979571800877;0.000641025641025641025085024527;0.018910256410256408993175725186;0.014423076923076923877564681220;0.008974358974358973700669039886;0.010256410256410256401360392431;0.040384615384615386857181107416;0.014743589743589743251694912374;0.004807692307692307959188227073;0.004807692307692307959188227073;0.008974358974358973700669039886;0.012500000000000000693889390391;0.009615384615384615918376454147;0.000000000000000000000000000000;0.016666666666666666435370203203;0.025961538461538462979616426196;0.015064102564102564360548619504;0.026923076923076924571454071611;0.011858974358974358476181976130;0.025320512820512820761909011935;0.010576923076923077510214099561
-0.019318181818181817677171352443;0.019318181818181817677171352443;0.084848484848484853615424583495;0.016287878787878788677812025298;0.001893939393939393991961317454;0.013636363636363635701287400082;0.003409090909090908925321850020;0.019696969696969695434729530348;0.048106060606060603579425816179;0.018181818181818180935049866775;0.010606060606060606701928072937;0.005303030303030303350964036468;0.019696969696969695434729530348;0.042045454545454545580707161889;0.014393939393939394685850707845;0.010984848484848484459486250842;0.034090909090909088385856762216;0.056439393939393942001281345711;0.011363636363636363951767904723;0.009848484848484847717364765174;0.015151515151515151935690539631;0.041666666666666664353702032031;0.021212121212121213403856145874;0.026515151515151515887458444354;0.028030303030303030387138107926;0.035984848484848487581988507600;0.034469696969696969612861892074;0.012878787878787878451447568295;0.000000000000000000000000000000;0.007196969696969697342925353922;0.005303030303030303350964036468;0.018939393939393939919613174538;0.009848484848484847717364765174;0.010984848484848484459486250842;0.023484848484848483418652165255;0.039772727272727272096464190554;0.012878787878787878451447568295;0.006439393939393939225723784148;0.003030303030303030300401934127;0.022348484848484850145977631541;0.010984848484848484459486250842;0.034469696969696969612861892074;0.000000000000000000000000000000;0.007575757575757575967845269815;0.005681818181818181975883952362;0.008712121212121212709966755483;0.025757575757575756902895136591;0.020454545454545454419292838111;0.031818181818181814901613790880;0.018939393939393939919613174538
-0.009666666666666667157015169209;0.043999999999999997446487043362;0.029000000000000001471045507628;0.324333333333333306836010478946;0.011333333333333334147496884725;0.008999999999999999319988397417;0.010000000000000000208166817117;0.023333333333333334397297065266;0.020000000000000000416333634234;0.009333333333333334105863521302;0.007000000000000000145716771982;0.002666666666666666577617528233;0.007666666666666666248020067798;0.008999999999999999319988397417;0.039333333333333331260917020700;0.005000000000000000104083408559;0.017000000000000001221245327088;0.026999999999999999694688668228;0.017000000000000001221245327088;0.003666666666666666598434209945;0.014333333333333333342585191872;0.024333333333333331816028533012;0.006333333333333333176051738178;0.014333333333333333342585191872;0.008666666666666666268836749509;0.008000000000000000166533453694;0.021666666666666667406815349750;0.065666666666666664853302393112;0.005333333333333333155235056466;0.012000000000000000249800180541;0.002000000000000000041633363423;0.011333333333333334147496884725;0.007000000000000000145716771982;0.012333333333333333300951828448;0.010333333333333333259318465025;0.013666666666666667240281896056;0.003000000000000000062450045135;0.004666666666666667052931760651;0.006333333333333333176051738178;0.014999999999999999444888487687;0.017333333333333332537673499019;0.018999999999999999528155214534;0.000000000000000000000000000000;0.008333333333333333217685101602;0.019333333333333334314030338419;0.010000000000000000208166817117;0.006666666666666667094565124074;0.004000000000000000083266726847;0.014000000000000000291433543964;0.009666666666666667157015169209
-0.020238095238095239053466301016;0.030059523809523810283783618047;0.031547619047619046561692357500;0.074107142857142857539365365938;0.030952380952380953438307642500;0.021726190476190475331375040469;0.005059523809523809763366575254;0.036011904761904758864865527812;0.020238095238095239053466301016;0.017261904761904763028201870156;0.016666666666666666435370203203;0.015773809523809523280846178750;0.013392857142857142113689938867;0.023511904761904761640423089375;0.034523809523809526056403740313;0.013095238095238095551997581367;0.014880952380952380126322154297;0.051785714285714289084605610469;0.033333333333333332870740406406;0.008928571428571428075793292578;0.024702380952380951356639471328;0.012500000000000000693889390391;0.018749999999999999306110609609;0.019642857142857142460634634062;0.021726190476190475331375040469;0.019047619047619049337249919063;0.030654761904761903407168333047;0.013690476190476190410105772344;0.000892857142857142829263372708;0.026785714285714284227379877734;0.019047619047619049337249919063;0.012500000000000000693889390391;0.017857142857142856151586585156;0.008333333333333333217685101602;0.016369047619047619873677845703;0.028869047619047620567567236094;0.013988095238095238706521605820;0.008928571428571428075793292578;0.004166666666666666608842550801;0.016666666666666666435370203203;0.009821428571428571230317317031;0.009523809523809524668624959531;0.000000000000000000000000000000;0.016666666666666666435370203203;0.027678571428571427381903902187;0.016964285714285712997062560703;0.022023809523809525362514349922;0.013690476190476190410105772344;0.025595238095238094511163495781;0.009821428571428571230317317031
-0.015248226950354609385285264977;0.039716312056737590463484366410;0.055673758865248224037003410558;0.004609929078014184111733442251;0.014893617021276596423806637404;0.009219858156028368223466884501;0.003191489361702127495329373019;0.038297872340425531678675952207;0.042198581560283686398005187357;0.016666666666666666435370203203;0.009929078014184397615871091602;0.003191489361702127495329373019;0.012056737588652482323636760952;0.022695035460992909331912059656;0.029432624113475178151411171257;0.007801418439716312040743684264;0.031914893617021274085931992204;0.078723404255319151534564525718;0.026241134751773049355039191255;0.013829787234042552335200326752;0.021631205673758865243305749004;0.021985815602836879939507852555;0.031205673758865248162974737056;0.019503546099290780535540079654;0.015602836879432624081487368528;0.017730496453900710523976513855;0.036524822695035458197665434454;0.019858156028368795231742183205;0.001063829787234042570723269172;0.017730496453900710523976513855;0.002127659574468085141446538344;0.016312056737588651739168099652;0.020212765957446809927944286756;0.011347517730496454665956029828;0.018085106382978721750731665452;0.044680851063829789271419912211;0.018794326241134751143135872553;0.002127659574468085141446538344;0.005319148936170212636775911363;0.027659574468085104670400653504;0.011347517730496454665956029828;0.031914893617021274085931992204;0.000000000000000000000000000000;0.010638297872340425273551822727;0.011347517730496454665956029828;0.007092198581560283515701215151;0.018794326241134751143135872553;0.015248226950354609385285264977;0.036524822695035458197665434454;0.012056737588652482323636760952
-0.023504273504273504036277131490;0.033333333333333332870740406406;0.060683760683760683274368119555;0.004273504273504273934247699174;0.010683760683760683968257509946;0.012393162393162392501122504029;0.005982905982905983334474431246;0.036324786324786327573743704988;0.035470085470085468970502518005;0.023504273504273504036277131490;0.014102564102564102768710974090;0.002991452991452991667237215623;0.012820512820512820068019621544;0.026068376068376069437659836581;0.033333333333333332870740406406;0.010256410256410256401360392431;0.028632478632478631369595589717;0.055555555555555552471602709375;0.023931623931623933337897724982;0.008547008547008547868495398347;0.024786324786324785002245008059;0.027350427350427350403627713149;0.012820512820512820068019621544;0.035042735042735043138328876466;0.018376068376068376702958673263;0.026923076923076924571454071611;0.035470085470085468970502518005;0.013247863247863247634916739059;0.002991452991452991667237215623;0.014102564102564102768710974090;0.005555555555555555767577313730;0.021794871794871793768688661430;0.017521367521367521569164438233;0.009401709401709401267566157401;0.006837606837606837600906928287;0.048717948717948718340142733041;0.020940170940170938634894426400;0.008119658119658120301598280832;0.011538461538461539102051744976;0.011538461538461539102051744976;0.016239316239316240603196561665;0.022222222222222223070309254922;0.000000000000000000000000000000;0.014102564102564102768710974090;0.017094017094017095736990796695;0.020085470085470086970547143324;0.023931623931623933337897724982;0.011111111111111111535154627461;0.028632478632478631369595589717;0.011111111111111111535154627461
-0.018333333333333333425851918719;0.026666666666666668378260496297;0.061388888888888888673012189656;0.080000000000000001665334536938;0.042500000000000003053113317719;0.015277777777777777276635440273;0.003055555555555555715535609451;0.020000000000000000416333634234;0.030833333333333334119741309109;0.024444444444444445724284875610;0.011666666666666667198648532633;0.013611111111111110286153724758;0.008611111111111111049432054187;0.029722222222222222792753498766;0.026388888888888888811790067734;0.014722222222222221613141535101;0.026388888888888888811790067734;0.039444444444444441699726411343;0.018055555555555553859381490156;0.005000000000000000104083408559;0.010000000000000000208166817117;0.024722222222222221821308352219;0.006111111111111111431071218902;0.030277777777777778456247403938;0.018611111111111109522875395328;0.022499999999999999167332731531;0.026388888888888888811790067734;0.036111111111111107718762980312;0.000555555555555555555073687923;0.020000000000000000416333634234;0.008055555555555555385938149016;0.016666666666666666435370203203;0.007499999999999999722444243844;0.008888888888888888881179006773;0.008333333333333333217685101602;0.042777777777777775680689842375;0.011111111111111111535154627461;0.008611111111111111049432054187;0.009444444444444444544672911945;0.007499999999999999722444243844;0.010555555555555555871660722289;0.033333333333333332870740406406;0.000000000000000000000000000000;0.016666666666666666435370203203;0.020833333333333332176851016015;0.017777777777777777762358013547;0.025833333333333333148296162562;0.012500000000000000693889390391;0.010555555555555555871660722289;0.011666666666666667198648532633
-0.021069182389937105709387665797;0.036792452830188678014611269873;0.022955974842767293969680864052;0.045597484276729556562646195061;0.056603773584905661686583755454;0.022327044025157231216249797967;0.007861635220125786152611802038;0.030188679245283019103585075982;0.026100628930817611206283146430;0.009748427672955974412905000293;0.011635220125786162673198198547;0.024528301886792454322705481218;0.015094339622641509551792537991;0.013522012578616352668214872779;0.029874213836477987726869542939;0.016037735849056603681939137118;0.018553459119496854695663401458;0.034591194968553458377602538576;0.031132075471698113233731675109;0.002830188679245282824120666376;0.023270440251572325346396397094;0.027044025157232705336429745557;0.008805031446540880282758401165;0.011949685534591195784637207566;0.022641509433962262592965331010;0.014779874213836478175077004948;0.027358490566037736713145278600;0.055974842767295598933152689369;0.001886792452830188693974067249;0.038993710691823897651620001170;0.027987421383647799466576344685;0.009433962264150943036189467250;0.015723270440251572305223604076;0.004402515723270440141379200583;0.014465408805031446798361471906;0.017610062893081760565516802330;0.009119496855345911659473934208;0.016352201257861635058654670161;0.027987421383647799466576344685;0.015408805031446540928508071033;0.016037735849056603681939137118;0.025471698113207548452852080345;0.000000000000000000000000000000;0.008805031446540880282758401165;0.018553459119496854695663401458;0.013207547169811321291499339736;0.015408805031446540928508071033;0.009119496855345911659473934208;0.016352201257861635058654670161;0.008805031446540880282758401165
-0.013043478260869564508417361992;0.031884057971014491406069879531;0.042028985507246374719869663750;0.046014492753623188747713612656;0.061594202898550727554027872657;0.017753623188405797533873098359;0.004347826086956521791926366660;0.028260869565217391213840514297;0.036231884057971015800081460156;0.012681159420289855876973206250;0.012318840579710145510805574531;0.022826086956521739190772990469;0.008333333333333333217685101602;0.023550724637681159923108253906;0.038043478260869567630919618750;0.015942028985507245703034939766;0.024637681159420291021611149063;0.039492753623188409095590145625;0.023188405797101449556940622188;0.007246376811594202986543944434;0.014492753623188405973087888867;0.032971014492753622504572774687;0.007608695652173913352711576152;0.021014492753623187359934831875;0.027536231884057970481505250859;0.015579710144927537071590784024;0.031159420289855074143181568047;0.042391304347826085086037295468;0.001449275362318840597308788887;0.024275362318840580655443517344;0.018115942028985507900040730078;0.012681159420289855876973206250;0.011231884057971014412302679375;0.009057971014492753950020365039;0.011956521739130435144637942813;0.027173913043478260115337619141;0.008695652173913043583852733320;0.004347826086956521791926366660;0.009057971014492753950020365039;0.015942028985507245703034939766;0.011594202898550724778470311094;0.027173913043478260115337619141;0.000000000000000000000000000000;0.009057971014492753950020365039;0.024637681159420291021611149063;0.009782608695652174682355628477;0.017391304347826087167705466641;0.015579710144927537071590784024;0.017391304347826087167705466641;0.011231884057971014412302679375
-0.043703703703703702942995334979;0.006666666666666667094565124074;0.050000000000000002775557561563;0.000740740740740740703958178148;0.017777777777777777762358013547;0.038148148148148146308056283260;0.004074074074074073709139653943;0.023703703703703702526661700745;0.010000000000000000208166817117;0.034444444444444444197728216750;0.020740740740740740144509857146;0.020370370370370372015145221667;0.022222222222222223070309254922;0.041481481481481480289019714291;0.007777777777777777554191196430;0.029259259259259259161600752464;0.020000000000000000416333634234;0.023333333333333334397297065266;0.016296296296296294836558615771;0.010740740740740739936343040029;0.020370370370370372015145221667;0.008518518518518519017090895318;0.011851851851851851263330850372;0.047777777777777780121581940875;0.042222222222222223486642889156;0.040000000000000000832667268469;0.031111111111111110216764785719;0.001111111111111111110147375847;0.001481481481481481407916356297;0.029629629629629630760412339896;0.018518518518518517490534236458;0.017777777777777777762358013547;0.009629629629629630344078705662;0.007777777777777777554191196430;0.017407407407407406163546426114;0.038518518518518521376314822646;0.012592592592592592726230549260;0.013333333333333334189130248149;0.001481481481481481407916356297;0.017407407407407406163546426114;0.007777777777777777554191196430;0.004444444444444444440589503387;0.000000000000000000000000000000;0.030370370370370370488588562807;0.008888888888888888881179006773;0.019629629629629628817522046802;0.034074074074074076068363581271;0.022222222222222223070309254922;0.025555555555555557051272685953;0.017037037037037038034181790636
-0.016666666666666666435370203203;0.031446540880503144610447208152;0.041194968553459117288628732467;0.037421383647798740768042335958;0.034591194968553458377602538576;0.021069182389937105709387665797;0.004088050314465408764663667540;0.041509433962264148665344265510;0.021383647798742137086103198840;0.021069182389937105709387665797;0.020125786163522011579241066670;0.004088050314465408764663667540;0.011320754716981131296482665505;0.027044025157232705336429745557;0.042452830188679242795490864637;0.006289308176100629269034136826;0.016981132075471697812085736246;0.043081761006289305548921930722;0.042767295597484274172206397679;0.006289308176100629269034136826;0.020440251572327042955956599712;0.015094339622641509551792537991;0.012264150943396227161352740609;0.032704402515723270117309340321;0.019496855345911948825810000585;0.023899371069182391569274415133;0.037421383647798740768042335958;0.030817610062893081857016142067;0.001886792452830188693974067249;0.032075471698113207363878274236;0.001886792452830188693974067249;0.021069182389937105709387665797;0.022641509433962262592965331010;0.009119496855345911659473934208;0.009119496855345911659473934208;0.031446540880503144610447208152;0.015408805031446540928508071033;0.005031446540880502894810266667;0.007232704402515723399180735953;0.010691823899371068543051599420;0.013836477987421384044930405821;0.015408805031446540928508071033;0.000000000000000000000000000000;0.011949685534591195784637207566;0.025786163522012579829567613388;0.014465408805031446798361471906;0.024842767295597485699421014260;0.012893081761006289914783806694;0.024842767295597485699421014260;0.005345911949685534271525799710
-0.013939393939393938948168027991;0.054848484848484847786753704213;0.044848484848484845843863411119;0.054848484848484847786753704213;0.046969696969696966837304330511;0.010909090909090909948808700847;0.005454545454545454974404350423;0.038484848484848482863540652943;0.016363636363636364923213051270;0.013939393939393938948168027991;0.009696969696969696961286189207;0.011818181818181817954727108599;0.007575757575757575967845269815;0.021212121212121213403856145874;0.061515151515151515748680566276;0.005454545454545454974404350423;0.018787878787878787428811122595;0.049696969696969697793953457676;0.032727272727272729846426102540;0.003636363636363636360482320953;0.023030303030303029415692961379;0.015151515151515151935690539631;0.005454545454545454974404350423;0.015151515151515151935690539631;0.015454545454545455182571167541;0.019090909090909092410415226482;0.023939393939393940891058321085;0.065757575757575750796668501152;0.002121212121212121427121788386;0.028484848484848484390097311802;0.007575757575757575967845269815;0.012727272727272727695368992329;0.012121212121212121201607736509;0.004848484848484848480643094604;0.006666666666666667094565124074;0.022727272727272727903535809446;0.006969696969696969474084013996;0.006969696969696969474084013996;0.003030303030303030300401934127;0.007272727272727272720964641906;0.018484848484848485916653970662;0.027272727272727271402574800163;0.000000000000000000000000000000;0.010000000000000000208166817117;0.034242424242424240876658814159;0.012424242424242424448488364419;0.021212121212121213403856145874;0.012727272727272727695368992329;0.019090909090909092410415226482;0.017272727272727272929131459023
-0.020289855072463766627599568437;0.008333333333333333217685101602;0.114492753623188406320032584063;0.000362318840579710149327197222;0.022101449275362318458437727031;0.013768115942028985240752625430;0.000724637681159420298654394443;0.028260869565217391213840514297;0.024637681159420291021611149063;0.027173913043478260115337619141;0.019927536231884056261431936719;0.013043478260869564508417361992;0.009782608695652174682355628477;0.046376811594202899113881244375;0.005797101449275362389235155547;0.018840579710144928632375993516;0.029347826086956522312343409453;0.049275362318840582043222298125;0.010869565217391304046135047656;0.008695652173913043583852733320;0.009057971014492753950020365039;0.017753623188405797533873098359;0.011231884057971014412302679375;0.025362318840579711753946412500;0.027536231884057970481505250859;0.046376811594202899113881244375;0.038768115942028988363254882188;0.004710144927536232158093998379;0.000000000000000000000000000000;0.008333333333333333217685101602;0.006159420289855072755402787266;0.027898550724637680847672882578;0.012318840579710145510805574531;0.010144927536231883313799784219;0.015217391304347826705423152305;0.053623188405797099498339974843;0.014130434782608695606920257148;0.006159420289855072755402787266;0.000362318840579710149327197222;0.013405797101449274874584993711;0.005434782608695652023067523828;0.009057971014492753950020365039;0.000000000000000000000000000000;0.011594202898550724778470311094;0.003623188405797101493271972217;0.007246376811594202986543944434;0.060507246376811596455524977500;0.028260869565217391213840514297;0.031884057971014491406069879531;0.021739130434782608092270095312
-0.028205128205128205537421948179;0.012393162393162392501122504029;0.034188034188034191473981593390;0.000000000000000000000000000000;0.003846153846153846367350581659;0.053418803418803416371840597776;0.002136752136752136967123849587;0.017094017094017095736990796695;0.021367521367521367936515019892;0.011538461538461539102051744976;0.029914529914529915805010418239;0.019230769230769231836752908293;0.047863247863247866675795449964;0.027777777777777776235801354687;0.008119658119658120301598280832;0.026495726495726495269833478119;0.020512820512820512802720784862;0.027777777777777776235801354687;0.026923076923076924571454071611;0.007692307692307692734701163317;0.014957264957264957902505209120;0.020085470085470086970547143324;0.013675213675213675201813856575;0.012393162393162392501122504029;0.046581196581196582240380621442;0.026923076923076924571454071611;0.026495726495726495269833478119;0.012393162393162392501122504029;0.004273504273504273934247699174;0.047435897435897433904727904519;0.021794871794871793768688661430;0.008547008547008547868495398347;0.036752136752136753405917346527;0.010683760683760683968257509946;0.037179487179487179238090988065;0.023504273504273504036277131490;0.012820512820512820068019621544;0.014957264957264957902505209120;0.005128205128205128200680196215;0.016666666666666666435370203203;0.001709401709401709400226732072;0.021367521367521367936515019892;0.000000000000000000000000000000;0.007264957264957265167804045802;0.009829059829059828834463274916;0.006410256410256410034009810772;0.022649572649572648902482896460;0.029487179487179486503389824748;0.038461538461538463673505816587;0.023076923076923078204103489952
-0.020512820512820512802720784862;0.018589743589743589619045494032;0.052884615384615384081623545853;0.001282051282051282050170049054;0.016666666666666666435370203203;0.027564102564102563319714533918;0.004166666666666666608842550801;0.021794871794871793768688661430;0.020512820512820512802720784862;0.023397435897435897578233721106;0.020192307692307693428590553708;0.011217948717948717993198037846;0.013461538461538462285727035805;0.042307692307692310040856398246;0.016025641025641024217662788942;0.010576923076923077510214099561;0.058012820512820514884388956034;0.054807692307692307265298836683;0.020192307692307693428590553708;0.010576923076923077510214099561;0.015384615384615385469402326635;0.011217948717948717993198037846;0.008653846153846154326538808732;0.037820512820512817986351450372;0.023717948717948716952363952259;0.026602564102564101727876888503;0.034294871794871797932025003774;0.016346153846153847061239972049;0.002564102564102564100340098108;0.035897435897435894802676159543;0.007371794871794871625847456187;0.026602564102564101727876888503;0.011858974358974358476181976130;0.009615384615384615918376454147;0.014743589743589743251694912374;0.052243589743589745333363083546;0.015064102564102564360548619504;0.006730769230769231142863517903;0.000961538461538461591837645415;0.007371794871794871625847456187;0.006730769230769231142863517903;0.033012820512820513496610175252;0.000000000000000000000000000000;0.018910256410256408993175725186;0.010897435897435896884344330715;0.010576923076923077510214099561;0.037179487179487179238090988065;0.018269230769230770244915262879;0.020833333333333332176851016015;0.013782051282051281659857266959
-0.024637681159420291021611149063;0.014492753623188405973087888867;0.072463768115942031600162920313;0.060507246376811596455524977500;0.020289855072463766627599568437;0.025724637681159418650667092265;0.003260869565217391127104340498;0.029347826086956522312343409453;0.022101449275362318458437727031;0.020289855072463766627599568437;0.019927536231884056261431936719;0.014855072463768116339255520586;0.010144927536231883313799784219;0.034057971014492753603075669844;0.016666666666666666435370203203;0.022101449275362318458437727031;0.020289855072463766627599568437;0.032971014492753622504572774687;0.030072463768115943044678672891;0.007246376811594202986543944434;0.019927536231884056261431936719;0.019927536231884056261431936719;0.007608695652173913352711576152;0.031159420289855074143181568047;0.027898550724637680847672882578;0.037681159420289857264751987032;0.030434782608695653410846304610;0.002898550724637681194617577773;0.000000000000000000000000000000;0.027536231884057970481505250859;0.015217391304347826705423152305;0.018115942028985507900040730078;0.016666666666666666435370203203;0.012318840579710145510805574531;0.009782608695652174682355628477;0.039855072463768112522863873437;0.014130434782608695606920257148;0.010507246376811593679967415937;0.002536231884057970828449946055;0.011594202898550724778470311094;0.006159420289855072755402787266;0.005797101449275362389235155547;0.000000000000000000000000000000;0.016666666666666666435370203203;0.009782608695652174682355628477;0.017391304347826087167705466641;0.030072463768115943044678672891;0.020652173913043476993767200156;0.021376811594202897726102463594;0.014855072463768116339255520586
-0.012962962962962962590318660716;0.015925925925925926707193980292;0.034444444444444444197728216750;0.366666666666666640761462758746;0.017407407407407406163546426114;0.011851851851851851263330850372;0.005555555555555555767577313730;0.023703703703703702526661700745;0.021481481481481479872686080057;0.012962962962962962590318660716;0.007037037037037036958653235530;0.008888888888888888881179006773;0.004814814814814815172039352831;0.019259259259259260688157411323;0.027777777777777776235801354687;0.007037037037037036958653235530;0.015925925925925926707193980292;0.026296296296296296779448908865;0.016296296296296294836558615771;0.002962962962962962815832712593;0.011481481481481481399242738917;0.027407407407407408106436719208;0.003333333333333333547282562037;0.017037037037037038034181790636;0.018148148148148149361169600979;0.012592592592592592726230549260;0.021111111111111111743321444578;0.008888888888888888881179006773;0.003333333333333333547282562037;0.012962962962962962590318660716;0.004444444444444444440589503387;0.017037037037037038034181790636;0.005555555555555555767577313730;0.010740740740740739936343040029;0.005925925925925925631665425186;0.020740740740740740144509857146;0.004074074074074073709139653943;0.005555555555555555767577313730;0.004444444444444444440589503387;0.012592592592592592726230549260;0.007407407407407407690103084974;0.012962962962962962590318660716;0.000000000000000000000000000000;0.015925925925925926707193980292;0.021111111111111111743321444578;0.014814814814814815380206169948;0.015555555555555555108382392859;0.009259259259259258745267118229;0.010370370370370370072254928573;0.005925925925925925631665425186
-0.008805031446540880282758401165;0.018867924528301886072378934500;0.029874213836477987726869542939;0.447798742138364791465221514954;0.004088050314465408764663667540;0.011949685534591195784637207566;0.004088050314465408764663667540;0.015723270440251572305223604076;0.022641509433962262592965331010;0.017924528301886791942232335373;0.011006289308176099919767132462;0.013207547169811321291499339736;0.003144654088050314634517068413;0.014779874213836478175077004948;0.023270440251572325346396397094;0.008176100628930817529327335080;0.017610062893081760565516802330;0.027987421383647799466576344685;0.008176100628930817529327335080;0.002515723270440251447405133334;0.007547169811320754775896268995;0.011949685534591195784637207566;0.004402515723270440141379200583;0.023270440251572325346396397094;0.010691823899371068543051599420;0.018553459119496854695663401458;0.019496855345911948825810000585;0.012264150943396227161352740609;0.004716981132075471518094733625;0.010377358490566037166336066377;0.009433962264150943036189467250;0.016981132075471697812085736246;0.003459119496855346011232601455;0.005345911949685534271525799710;0.006918238993710692022465202911;0.019811320754716980202525533628;0.006289308176100629269034136826;0.005031446540880502894810266667;0.001886792452830188693974067249;0.004716981132075471518094733625;0.005660377358490565648241332752;0.013207547169811321291499339736;0.000000000000000000000000000000;0.016666666666666666435370203203;0.009119496855345911659473934208;0.009748427672955974412905000293;0.013836477987421384044930405821;0.004088050314465408764663667540;0.008805031446540880282758401165;0.004088050314465408764663667540
-0.033986928104575160614064799347;0.027124183006535948492476961746;0.052941176470588234559411233704;0.031699346405228756573535520147;0.014052287581699346788455251556;0.031699346405228756573535520147;0.003921568627450980337734165460;0.031045751633986928830211127206;0.018627450980392156604237285933;0.023529411764705882026404992757;0.018300653594771242732575089462;0.034313725490196081424620899725;0.011111111111111111535154627461;0.030065359477124183745777585841;0.030718954248366011489101978782;0.024836601307189540982500730593;0.014705882352941176266503120473;0.034313725490196081424620899725;0.019934640522875815560333023768;0.010130718954248366450721086096;0.016339869281045752563708006733;0.013398692810457515575683906661;0.006209150326797385245625182648;0.029411764705882352533006240947;0.040196078431372551931222147914;0.035294117647058823039607489136;0.029738562091503266404668437417;0.030065359477124183745777585841;0.000980392156862745084433541365;0.024509803921568627110838534122;0.017320261437908497648141548098;0.013725490196078431182069579108;0.008496732026143790153516199837;0.005228758169934640161191641283;0.008823529411764705759901872284;0.037908496732026140951798964807;0.011437908496732025406816823931;0.007843137254901960675468330919;0.000653594771241830020148955160;0.008169934640522876281854003366;0.010784313725490195928768955014;0.011111111111111111535154627461;0.000000000000000000000000000000;0.013398692810457515575683906661;0.013725490196078431182069579108;0.012745098039215686097636037744;0.034313725490196081424620899725;0.019934640522875815560333023768;0.023529411764705882026404992757;0.017647058823529411519803744568
-0.023055555555555554830826636703;0.002222222222222222220294751693;0.048888888888888891448569751219;0.275833333333333319270508354748;0.001111111111111111110147375847;0.011388888888888889366901580047;0.001388888888888888941894328433;0.014722222222222221613141535101;0.020833333333333332176851016015;0.044166666666666666574148081281;0.010000000000000000208166817117;0.005555555555555555767577313730;0.006666666666666667094565124074;0.029722222222222222792753498766;0.007777777777777777554191196430;0.013333333333333334189130248149;0.021666666666666667406815349750;0.021111111111111111743321444578;0.010555555555555555871660722289;0.007222222222222221890697291258;0.011388888888888889366901580047;0.014444444444444443781394582516;0.003888888888888888777095598215;0.053888888888888888950567945813;0.024722222222222221821308352219;0.029722222222222222792753498766;0.020555555555555556079827539406;0.000833333333333333386820640509;0.001111111111111111110147375847;0.008055555555555555385938149016;0.007499999999999999722444243844;0.026666666666666668378260496297;0.004722222222222222272336455973;0.003055555555555555715535609451;0.004166666666666666608842550801;0.050277777777777775403134086218;0.006666666666666667094565124074;0.009444444444444444544672911945;0.001111111111111111110147375847;0.003888888888888888777095598215;0.005277777777777777935830361145;0.006944444444444444058950338672;0.000000000000000000000000000000;0.026666666666666668378260496297;0.004166666666666666608842550801;0.012777777777777778525636342977;0.039444444444444441699726411343;0.014999999999999999444888487687;0.013611111111111110286153724758;0.012777777777777778525636342977
-0.004074074074074073709139653943;0.008148148148148147418279307885;0.024814814814814813853649511088;0.589629629629629614662178482831;0.002222222222222222220294751693;0.001111111111111111110147375847;0.005925925925925925631665425186;0.015185185185185185244294281404;0.021851851851851851471497667490;0.020740740740740740144509857146;0.005555555555555555767577313730;0.000000000000000000000000000000;0.001481481481481481407916356297;0.011851851851851851263330850372;0.017777777777777777762358013547;0.002592592592592592518063732143;0.019259259259259260688157411323;0.020370370370370372015145221667;0.006296296296296296363115274630;0.003703703703703703845051542487;0.003703703703703703845051542487;0.008888888888888888881179006773;0.001481481481481481407916356297;0.022962962962962962798485477833;0.001851851851851851922525771243;0.013333333333333334189130248149;0.012592592592592592726230549260;0.003703703703703703845051542487;0.002592592592592592518063732143;0.004074074074074073709139653943;0.000000000000000000000000000000;0.012592592592592592726230549260;0.002962962962962962815832712593;0.001481481481481481407916356297;0.002962962962962962815832712593;0.025185185185185185452461098521;0.005185185185185185036127464286;0.002592592592592592518063732143;0.000740740740740740703958178148;0.007407407407407407690103084974;0.007037037037037036958653235530;0.015555555555555555108382392859;0.000000000000000000000000000000;0.010000000000000000208166817117;0.012962962962962962590318660716;0.008518518518518519017090895318;0.012222222222222222862142437805;0.003703703703703703845051542487;0.006296296296296296363115274630;0.004814814814814815172039352831
-0.014772727272727272443408885749;0.033712121212121214097745536264;0.034090909090909088385856762216;0.078030303030303033162695669489;0.038636363636363635354342704886;0.012878787878787878451447568295;0.004924242424242423858682382587;0.046590909090909092549193104560;0.023106060606060605661093987351;0.014772727272727272443408885749;0.014772727272727272443408885749;0.004166666666666666608842550801;0.012878787878787878451447568295;0.012500000000000000693889390391;0.049621212121212121548552431705;0.004166666666666666608842550801;0.014772727272727272443408885749;0.054545454545454542805149600326;0.061742424242424244484883644191;0.002651515151515151675482018234;0.026893939393939393645016622258;0.011363636363636363951767904723;0.016287878787878788677812025298;0.020833333333333332176851016015;0.014393939393939394685850707845;0.015151515151515151935690539631;0.041666666666666664353702032031;0.026515151515151515887458444354;0.003030303030303030300401934127;0.029924242424242422644375949403;0.004924242424242423858682382587;0.016666666666666666435370203203;0.024242424242424242403215473018;0.005681818181818181975883952362;0.007196969696969697342925353922;0.021212121212121213403856145874;0.015909090909090907450806895440;0.003787878787878787983922634908;0.003030303030303030300401934127;0.007575757575757575967845269815;0.021590909090909091161414323778;0.024621212121212120160773650923;0.000000000000000000000000000000;0.011742424242424241709326082628;0.037121212121212124324109993267;0.011742424242424241709326082628;0.014393939393939394685850707845;0.004924242424242423858682382587;0.018560606060606062162054996634;0.005681818181818181975883952362
-0.027333333333333334480563792113;0.016000000000000000333066907388;0.079000000000000000777156117238;0.001333333333333333288808764117;0.008666666666666666268836749509;0.010000000000000000208166817117;0.000666666666666666644404382058;0.028000000000000000582867087928;0.053666666666666668072949164525;0.028333333333333331899295259859;0.018333333333333333425851918719;0.006000000000000000124900090270;0.009333333333333334105863521302;0.040666666666666663465523612331;0.011333333333333334147496884725;0.012000000000000000249800180541;0.033000000000000001554312234475;0.061999999999999999555910790150;0.006666666666666667094565124074;0.011333333333333334147496884725;0.009333333333333334105863521302;0.025999999999999998806510248528;0.010999999999999999361621760841;0.030333333333333333675652099259;0.028333333333333331899295259859;0.034333333333333333758918826106;0.042333333333333333925452279800;0.014333333333333333342585191872;0.002000000000000000041633363423;0.005666666666666667073748442363;0.003000000000000000062450045135;0.024333333333333331816028533012;0.012333333333333333300951828448;0.008333333333333333217685101602;0.010000000000000000208166817117;0.054666666666666668961127584225;0.017000000000000001221245327088;0.003666666666666666598434209945;0.005666666666666667073748442363;0.014666666666666666393736839780;0.003666666666666666598434209945;0.034666666666666665075346998037;0.000000000000000000000000000000;0.017666666666666667323548622903;0.003000000000000000062450045135;0.010333333333333333259318465025;0.043333333333333334813630699500;0.021666666666666667406815349750;0.030333333333333333675652099259;0.014333333333333333342585191872
-0.008974358974358973700669039886;0.026495726495726495269833478119;0.096581196581196585015938183005;0.000000000000000000000000000000;0.009829059829059828834463274916;0.003846153846153846367350581659;0.002136752136752136967123849587;0.027350427350427350403627713149;0.060683760683760683274368119555;0.043162393162393161705203681322;0.008119658119658120301598280832;0.010683760683760683968257509946;0.003846153846153846367350581659;0.040598290598290599773267928185;0.009401709401709401267566157401;0.005982905982905983334474431246;0.046153846153846156408206979904;0.065811965811965814077133529736;0.003846153846153846367350581659;0.013247863247863247634916739059;0.009829059829059828834463274916;0.035470085470085468970502518005;0.009401709401709401267566157401;0.036752136752136753405917346527;0.008974358974358973700669039886;0.023931623931623933337897724982;0.029487179487179486503389824748;0.013247863247863247634916739059;0.001282051282051282050170049054;0.011965811965811966668948862491;0.007692307692307692734701163317;0.028205128205128205537421948179;0.003846153846153846367350581659;0.007264957264957265167804045802;0.009829059829059828834463274916;0.061538461538461541877609306539;0.013247863247863247634916739059;0.002564102564102564100340098108;0.006410256410256410034009810772;0.020085470085470086970547143324;0.008974358974358973700669039886;0.050427350427350428607731203101;0.000000000000000000000000000000;0.016666666666666666435370203203;0.001709401709401709400226732072;0.009829059829059828834463274916;0.040598290598290599773267928185;0.015811965811965811301575968173;0.020085470085470086970547143324;0.008119658119658120301598280832
-0.011944444444444445030395485219;0.019722222222222220849863205672;0.061666666666666668239482618219;0.134444444444444449748843339876;0.010833333333333333703407674875;0.016388888888888890338346726594;0.000277777777777777777536843962;0.016388888888888890338346726594;0.048888888888888891448569751219;0.014444444444444443781394582516;0.012777777777777778525636342977;0.039722222222222221266196839906;0.005833333333333333599324266316;0.022777777777777778733803160094;0.017222222222222222098864108375;0.010000000000000000208166817117;0.036111111111111107718762980312;0.043611111111111114380101128063;0.013611111111111110286153724758;0.013611111111111110286153724758;0.005000000000000000104083408559;0.037499999999999998612221219219;0.005555555555555555767577313730;0.022499999999999999167332731531;0.017777777777777777762358013547;0.016388888888888890338346726594;0.021944444444444443503838826359;0.047777777777777780121581940875;0.000277777777777777777536843962;0.025555555555555557051272685953;0.016111111111111110771876298031;0.017777777777777777762358013547;0.004166666666666666608842550801;0.007499999999999999722444243844;0.007499999999999999722444243844;0.042222222222222223486642889156;0.009444444444444444544672911945;0.002500000000000000052041704279;0.006388888888888889262818171488;0.018888888888888889089345823891;0.005277777777777777935830361145;0.031944444444444441977282167500;0.000000000000000000000000000000;0.010000000000000000208166817117;0.009722222222222222376419864531;0.006111111111111111431071218902;0.017500000000000001665334536938;0.009166666666666666712925959359;0.019166666666666665186369300500;0.008055555555555555385938149016
-0.007539682539682539784420267637;0.021428571428571428769682682969;0.055952380952380954826086423282;0.205952380952380942336077396249;0.026190476190476191103995162734;0.008333333333333333217685101602;0.001984126984126984016842953906;0.020238095238095239053466301016;0.042857142857142857539365365938;0.011904761904761904101057723437;0.009126984126984127518311673555;0.004365079365079365183999193789;0.003968253968253968033685907812;0.021825396825396824185272492969;0.034920634920634921471993550313;0.006349206349206349200842147695;0.028571428571428570536427926640;0.042460317460317462123775555938;0.025000000000000001387778780781;0.005952380952380952050528861719;0.012301587301587301251371009414;0.027777777777777776235801354687;0.005952380952380952050528861719;0.025793650793650792218958400781;0.009920634920634920084214769531;0.011904761904761904101057723437;0.024206349206349207087152208828;0.060317460317460318275362141094;0.001984126984126984016842953906;0.018650793650793650452213157109;0.001190476190476190583578119941;0.021031746031746033354092872969;0.009523809523809524668624959531;0.007539682539682539784420267637;0.005158730158730158617264027754;0.025793650793650792218958400781;0.006349206349206349200842147695;0.002380952380952381167156239883;0.006746031746031746351155433672;0.012301587301587301251371009414;0.005555555555555555767577313730;0.018253968253968255036623347110;0.000000000000000000000000000000;0.008333333333333333217685101602;0.020634920634920634469056111016;0.008730158730158730367998387578;0.025396825396825396803368590781;0.009523809523809524668624959531;0.015079365079365079568840535273;0.006746031746031746351155433672
-0.010277777777777778039913769703;0.034166666666666664631257788187;0.047777777777777780121581940875;0.208333333333333342585191871876;0.023611111111111110494320541875;0.011111111111111111535154627461;0.003055555555555555715535609451;0.036111111111111107718762980312;0.021666666666666667406815349750;0.016944444444444446001840631766;0.011944444444444445030395485219;0.003888888888888888777095598215;0.007499999999999999722444243844;0.019444444444444444752839729063;0.041111111111111112159655078813;0.009166666666666666712925959359;0.014722222222222221613141535101;0.044999999999999998334665463062;0.032777777777777780676693453188;0.007777777777777777554191196430;0.019166666666666665186369300500;0.016111111111111110771876298031;0.010277777777777778039913769703;0.016388888888888890338346726594;0.013888888888888888117900677344;0.013333333333333334189130248149;0.033333333333333332870740406406;0.021388888888888887840344921187;0.001111111111111111110147375847;0.015833333333333334674852821422;0.004166666666666666608842550801;0.011666666666666667198648532633;0.021944444444444443503838826359;0.006111111111111111431071218902;0.008333333333333333217685101602;0.023888888888888890060790970438;0.009722222222222222376419864531;0.003611111111111110945348645629;0.002500000000000000052041704279;0.007499999999999999722444243844;0.012222222222222222862142437805;0.010555555555555555871660722289;0.000000000000000000000000000000;0.006388888888888889262818171488;0.024722222222222221821308352219;0.006111111111111111431071218902;0.022777777777777778733803160094;0.012777777777777778525636342977;0.027222222222222220572307449515;0.010555555555555555871660722289
-0.010763888888888888811790067734;0.021180555555555556634939051719;0.049652777777777774848022573906;0.399305555555555580227178325003;0.001041666666666666652210637700;0.005555555555555555767577313730;0.001041666666666666652210637700;0.013888888888888888117900677344;0.042013888888888892281237019688;0.007638888888888888638317720137;0.009722222222222222376419864531;0.002083333333333333304421275400;0.003125000000000000173472347598;0.022569444444444444058950338672;0.021874999999999998612221219219;0.008333333333333333217685101602;0.016666666666666666435370203203;0.038194444444444447528397290625;0.010069444444444445099784424258;0.008680555555555555941049661328;0.009722222222222222376419864531;0.037499999999999998612221219219;0.005555555555555555767577313730;0.012152777777777777970524830664;0.013194444444444444405895033867;0.012152777777777777970524830664;0.018402777777777778317469525859;0.023263888888888889505679458125;0.000000000000000000000000000000;0.004513888888888888464845372539;0.004166666666666666608842550801;0.007986111111111110494320541875;0.004861111111111111188209932266;0.004166666666666666608842550801;0.006597222222222222202947516934;0.019097222222222223764198645313;0.006250000000000000346944695195;0.003472222222222222029475169336;0.009027777777777776929690745078;0.014236111111111110841265237070;0.004166666666666666608842550801;0.034027777777777774848022573906;0.000000000000000000000000000000;0.003472222222222222029475169336;0.006250000000000000346944695195;0.001736111111111111014737584668;0.011805555555555555247160270937;0.007291666666666666782314898398;0.014236111111111110841265237070;0.007291666666666666782314898398
-0.009374999999999999653055304805;0.025694444444444443365060948281;0.054166666666666668517038374375;0.175694444444444430875051921248;0.013888888888888888117900677344;0.005902777777777777623580135469;0.007986111111111110494320541875;0.025347222222222222376419864531;0.025347222222222222376419864531;0.024305555555555555941049661328;0.008680555555555555941049661328;0.003125000000000000173472347598;0.010763888888888888811790067734;0.021180555555555556634939051719;0.031597222222222220988641083750;0.005902777777777777623580135469;0.026736111111111109800431151484;0.052777777777777777623580135469;0.025347222222222222376419864531;0.006597222222222222202947516934;0.014236111111111110841265237070;0.020486111111111111188209932266;0.014930555555555556287994356524;0.030902777777777779011358916250;0.009027777777777776929690745078;0.018749999999999999306110609609;0.026736111111111109800431151484;0.022222222222222223070309254922;0.003125000000000000173472347598;0.015972222222222220988641083750;0.005555555555555555767577313730;0.027083333333333334258519187188;0.009722222222222222376419864531;0.004861111111111111188209932266;0.011111111111111111535154627461;0.038194444444444447528397290625;0.009027777777777776929690745078;0.005902777777777777623580135469;0.013888888888888888117900677344;0.016666666666666666435370203203;0.012847222222222221682530474141;0.019791666666666665741480812812;0.000000000000000000000000000000;0.009374999999999999653055304805;0.014583333333333333564629796797;0.009722222222222222376419864531;0.023958333333333334952408577578;0.007638888888888888638317720137;0.015625000000000000000000000000;0.007638888888888888638317720137
-0.009629629629629630344078705662;0.026666666666666668378260496297;0.039259259259259257635044093604;0.223703703703703710159444995043;0.017777777777777777762358013547;0.002962962962962962815832712593;0.007037037037037036958653235530;0.028148148148148147834612942120;0.018888888888888889089345823891;0.021111111111111111743321444578;0.008518518518518519017090895318;0.002592592592592592518063732143;0.006666666666666667094565124074;0.029259259259259259161600752464;0.031481481481481478346129421197;0.005925925925925925631665425186;0.025555555555555557051272685953;0.034444444444444444197728216750;0.021481481481481479872686080057;0.006666666666666667094565124074;0.013703703703703704053218359604;0.017777777777777777762358013547;0.005925925925925925631665425186;0.028518518518518519433424529552;0.008518518518518519017090895318;0.021481481481481479872686080057;0.024814814814814813853649511088;0.035185185185185187395351391615;0.004074074074074073709139653943;0.014814814814814815380206169948;0.003703703703703703845051542487;0.017037037037037038034181790636;0.006296296296296296363115274630;0.005185185185185185036127464286;0.013333333333333334189130248149;0.031481481481481478346129421197;0.010370370370370370072254928573;0.006296296296296296363115274630;0.011111111111111111535154627461;0.014444444444444443781394582516;0.012222222222222222862142437805;0.015555555555555555108382392859;0.000000000000000000000000000000;0.015925925925925926707193980292;0.017777777777777777762358013547;0.014814814814814815380206169948;0.026296296296296296779448908865;0.011851851851851851263330850372;0.014444444444444443781394582516;0.009259259259259258745267118229
-0.012962962962962962590318660716;0.032222222222222221543752596062;0.022222222222222223070309254922;0.321481481481481479178796689666;0.013333333333333334189130248149;0.010740740740740739936343040029;0.006296296296296296363115274630;0.040740740740740744030290443334;0.012222222222222222862142437805;0.006296296296296296363115274630;0.009629629629629630344078705662;0.005185185185185185036127464286;0.004814814814814815172039352831;0.008888888888888888881179006773;0.041851851851851848418384349770;0.005555555555555555767577313730;0.015925925925925926707193980292;0.038148148148148146308056283260;0.034444444444444444197728216750;0.002592592592592592518063732143;0.021481481481481479872686080057;0.007407407407407407690103084974;0.008148148148148147418279307885;0.008518518518518519017090895318;0.011111111111111111535154627461;0.011111111111111111535154627461;0.028888888888888887562789165031;0.054444444444444441144614899031;0.000370370370370370351979089074;0.012962962962962962590318660716;0.001851851851851851922525771243;0.005925925925925925631665425186;0.017407407407407406163546426114;0.006296296296296296363115274630;0.004074074074074073709139653943;0.020370370370370372015145221667;0.010370370370370370072254928573;0.001851851851851851922525771243;0.001481481481481481407916356297;0.004444444444444444440589503387;0.018888888888888889089345823891;0.017777777777777777762358013547;0.000000000000000000000000000000;0.006666666666666667094565124074;0.021481481481481479872686080057;0.004814814814814815172039352831;0.012962962962962962590318660716;0.005925925925925925631665425186;0.021111111111111111743321444578;0.006296296296296296363115274630
-0.004710144927536232158093998379;0.030072463768115943044678672891;0.031521739130434781039902247812;0.275362318840579711753946412500;0.024275362318840580655443517344;0.008695652173913043583852733320;0.009782608695652174682355628477;0.030434782608695653410846304610;0.011956521739130435144637942813;0.009057971014492753950020365039;0.010144927536231883313799784219;0.002536231884057970828449946055;0.006884057971014492620376312715;0.014492753623188405973087888867;0.047101449275362319846216507813;0.002536231884057970828449946055;0.021014492753623187359934831875;0.039130434782608698729422513907;0.028985507246376811946175777734;0.004710144927536232158093998379;0.020289855072463766627599568437;0.009420289855072464316187996758;0.015942028985507245703034939766;0.018115942028985507900040730078;0.009057971014492753950020365039;0.009057971014492753950020365039;0.023913043478260870289275885625;0.055072463768115940963010501719;0.000000000000000000000000000000;0.017028985507246376801537834922;0.001449275362318840597308788887;0.013768115942028985240752625430;0.017753623188405797533873098359;0.004347826086956521791926366660;0.007971014492753622851517469883;0.019565217391304349364711256953;0.009057971014492753950020365039;0.001449275362318840597308788887;0.000724637681159420298654394443;0.007971014492753622851517469883;0.018115942028985507900040730078;0.017028985507246376801537834922;0.000000000000000000000000000000;0.007608695652173913352711576152;0.023913043478260870289275885625;0.009782608695652174682355628477;0.015217391304347826705423152305;0.008333333333333333217685101602;0.018840579710144928632375993516;0.005797101449275362389235155547
-0.004166666666666666608842550801;0.025833333333333333148296162562;0.021111111111111111743321444578;0.445277777777777772350020768499;0.031666666666666669349705642844;0.009166666666666666712925959359;0.005833333333333333599324266316;0.016666666666666666435370203203;0.009444444444444444544672911945;0.008333333333333333217685101602;0.006944444444444444058950338672;0.003888888888888888777095598215;0.006944444444444444058950338672;0.010000000000000000208166817117;0.046388888888888889228123701969;0.004166666666666666608842550801;0.010000000000000000208166817117;0.025555555555555557051272685953;0.011944444444444445030395485219;0.004166666666666666608842550801;0.008333333333333333217685101602;0.014166666666666665949647629930;0.006944444444444444058950338672;0.012500000000000000693889390391;0.006944444444444444058950338672;0.007777777777777777554191196430;0.018333333333333333425851918719;0.037777777777777778178691647781;0.003333333333333333547282562037;0.013055555555555556357383295563;0.002500000000000000052041704279;0.009444444444444444544672911945;0.005833333333333333599324266316;0.006111111111111111431071218902;0.008888888888888888881179006773;0.015555555555555555108382392859;0.006388888888888889262818171488;0.004444444444444444440589503387;0.002777777777777777883788656865;0.010833333333333333703407674875;0.010000000000000000208166817117;0.018611111111111109522875395328;0.000000000000000000000000000000;0.007499999999999999722444243844;0.022777777777777778733803160094;0.007777777777777777554191196430;0.007499999999999999722444243844;0.006666666666666667094565124074;0.006388888888888889262818171488;0.003333333333333333547282562037
-0.007407407407407407690103084974;0.036296296296296298722339201959;0.075925925925925924486747931041;0.071111111111111111049432054187;0.039259259259259257635044093604;0.007407407407407407690103084974;0.001481481481481481407916356297;0.017777777777777777762358013547;0.036666666666666666851703837438;0.020740740740740740144509857146;0.009259259259259258745267118229;0.010740740740740739936343040029;0.005185185185185185036127464286;0.028888888888888887562789165031;0.039629629629629632703302632990;0.006666666666666667094565124074;0.032962962962962964741375770927;0.044444444444444446140618509844;0.024814814814814813853649511088;0.008888888888888888881179006773;0.009629629629629630344078705662;0.027037037037037036507625131776;0.006296296296296296363115274630;0.024814814814814813853649511088;0.012592592592592592726230549260;0.019259259259259260688157411323;0.024074074074074074125473288177;0.047777777777777780121581940875;0.001481481481481481407916356297;0.020370370370370372015145221667;0.006296296296296296363115274630;0.020740740740740740144509857146;0.011111111111111111535154627461;0.006666666666666667094565124074;0.008148148148148147418279307885;0.044444444444444446140618509844;0.009259259259259258745267118229;0.002962962962962962815832712593;0.002592592592592592518063732143;0.015925925925925926707193980292;0.011111111111111111535154627461;0.022592592592592591199673890401;0.000000000000000000000000000000;0.011481481481481481399242738917;0.028148148148148147834612942120;0.006666666666666667094565124074;0.032222222222222221543752596062;0.017777777777777777762358013547;0.012962962962962962590318660716;0.010000000000000000208166817117
-0.026470588235294117279705616852;0.022549019607843136941971451392;0.049346405228758168093339264715;0.012091503267973856619588168826;0.016993464052287580307032399674;0.030392156862745097617439782312;0.002287581699346405341571886183;0.015686274509803921350936661838;0.038235294117647061762355065184;0.028431372549019607448572699582;0.012745098039215686097636037744;0.051960784313725492944424644293;0.005228758169934640161191641283;0.031699346405228756573535520147;0.032026143790849670445197716617;0.021895424836601305729200106498;0.030718954248366011489101978782;0.046405228758169936309485592574;0.014379084967320260660117448026;0.006535947712418300852010855095;0.010784313725490195928768955014;0.021241830065359477985875713557;0.009803921568627450844335413649;0.033986928104575160614064799347;0.028431372549019607448572699582;0.024183006535947713239176337652;0.030065359477124183745777585841;0.020261437908496732901442172192;0.000653594771241830020148955160;0.035620915032679736911269685606;0.023856209150326795898067189228;0.021568627450980391857537910028;0.010130718954248366450721086096;0.004575163398692810683143772366;0.006862745098039215591034789554;0.037908496732026140951798964807;0.009150326797385621366287544731;0.007189542483660130330058724013;0.003267973856209150426005427548;0.012745098039215686097636037744;0.006209150326797385245625182648;0.020588235294117646773104368663;0.000000000000000000000000000000;0.019934640522875815560333023768;0.015032679738562091872888792921;0.009150326797385621366287544731;0.035620915032679736911269685606;0.022222222222222223070309254922;0.013071895424836601704021710191;0.009803921568627450844335413649
-0.013055555555555556357383295563;0.044444444444444446140618509844;0.038333333333333330372738601000;0.030555555555555554553270880547;0.054444444444444441144614899031;0.011944444444444445030395485219;0.010000000000000000208166817117;0.039166666666666669072149886688;0.018611111111111109522875395328;0.017500000000000001665334536938;0.013055555555555556357383295563;0.008055555555555555385938149016;0.006944444444444444058950338672;0.022499999999999999167332731531;0.058055555555555554692048758625;0.014166666666666665949647629930;0.019444444444444444752839729063;0.039444444444444441699726411343;0.043611111111111114380101128063;0.007777777777777777554191196430;0.023611111111111110494320541875;0.014444444444444443781394582516;0.010000000000000000208166817117;0.024166666666666666157814447047;0.021944444444444443503838826359;0.022499999999999999167332731531;0.027222222222222220572307449515;0.052777777777777777623580135469;0.002222222222222222220294751693;0.025000000000000001387778780781;0.007777777777777777554191196430;0.015555555555555555108382392859;0.010277777777777778039913769703;0.008888888888888888881179006773;0.011111111111111111535154627461;0.028888888888888887562789165031;0.009166666666666666712925959359;0.008055555555555555385938149016;0.002777777777777777883788656865;0.015277777777777777276635440273;0.017222222222222222098864108375;0.008888888888888888881179006773;0.000000000000000000000000000000;0.012500000000000000693889390391;0.034166666666666664631257788187;0.011666666666666667198648532633;0.018333333333333333425851918719;0.012500000000000000693889390391;0.018611111111111109522875395328;0.013333333333333334189130248149
-0.026041666666666667823148983985;0.035763888888888886730121896562;0.036805555555555556634939051719;0.009027777777777776929690745078;0.025694444444444443365060948281;0.028819444444444446140618509844;0.005555555555555555767577313730;0.035069444444444444752839729063;0.048263888888888890893458238907;0.011805555555555555247160270937;0.010763888888888888811790067734;0.019791666666666665741480812812;0.011111111111111111535154627461;0.025347222222222222376419864531;0.048958333333333332870740406406;0.021527777777777777623580135469;0.012152777777777777970524830664;0.037152777777777777623580135469;0.046180555555555558022717832500;0.004166666666666666608842550801;0.027083333333333334258519187188;0.014236111111111110841265237070;0.011458333333333332523795711211;0.017013888888888887424011286953;0.030555555555555554553270880547;0.020833333333333332176851016015;0.041319444444444443365060948281;0.038541666666666668517038374375;0.000347222222222222235473582108;0.035416666666666665741480812812;0.019444444444444444752839729063;0.007986111111111110494320541875;0.023611111111111110494320541875;0.002430555555555555594104966133;0.011111111111111111535154627461;0.019791666666666665741480812812;0.012152777777777777970524830664;0.010763888888888888811790067734;0.004861111111111111188209932266;0.003125000000000000173472347598;0.011805555555555555247160270937;0.021874999999999998612221219219;0.000000000000000000000000000000;0.004861111111111111188209932266;0.030555555555555554553270880547;0.008680555555555555941049661328;0.023611111111111110494320541875;0.011805555555555555247160270937;0.022916666666666665047591422422;0.011805555555555555247160270937
-0.039259259259259257635044093604;0.000740740740740740703958178148;0.075555555555555556357383295563;0.000000000000000000000000000000;0.002592592592592592518063732143;0.028888888888888887562789165031;0.000740740740740740703958178148;0.015555555555555555108382392859;0.034074074074074076068363581271;0.039629629629629632703302632990;0.017777777777777777762358013547;0.028148148148148147834612942120;0.012222222222222222862142437805;0.052962962962962961688262453208;0.001851851851851851922525771243;0.024814814814814813853649511088;0.032962962962962964741375770927;0.023333333333333334397297065266;0.010370370370370370072254928573;0.011851851851851851263330850372;0.011481481481481481399242738917;0.014444444444444443781394582516;0.005555555555555555767577313730;0.041851851851851848418384349770;0.045555555555555557467606320188;0.037037037037037034981068472916;0.024444444444444445724284875610;0.000370370370370370351979089074;0.001851851851851851922525771243;0.020370370370370372015145221667;0.011851851851851851263330850372;0.024444444444444445724284875610;0.005925925925925925631665425186;0.006666666666666667094565124074;0.014444444444444443781394582516;0.054814814814814816212873438417;0.016296296296296294836558615771;0.008518518518518519017090895318;0.002962962962962962815832712593;0.005555555555555555767577313730;0.004814814814814815172039352831;0.013703703703703704053218359604;0.000000000000000000000000000000;0.024814814814814813853649511088;0.000740740740740740703958178148;0.012592592592592592726230549260;0.056296296296296295669225884239;0.034074074074074076068363581271;0.018888888888888889089345823891;0.026296296296296296779448908865
-0.035897435897435894802676159543;0.000427350427350427350056683018;0.059401709401709398838953291033;0.000000000000000000000000000000;0.000000000000000000000000000000;0.002564102564102564100340098108;0.000854700854700854700113366036;0.017521367521367521569164438233;0.006410256410256410034009810772;0.081196581196581199546535856371;0.011111111111111111535154627461;0.000000000000000000000000000000;0.001709401709401709400226732072;0.070940170940170937941005036009;0.000854700854700854700113366036;0.015811965811965811301575968173;0.019230769230769231836752908293;0.014102564102564102768710974090;0.000854700854700854700113366036;0.011538461538461539102051744976;0.010256410256410256401360392431;0.007264957264957265167804045802;0.002136752136752136967123849587;0.116239316239316242684864732837;0.022222222222222223070309254922;0.086752136752136749242581004182;0.023076923076923078204103489952;0.000000000000000000000000000000;0.000854700854700854700113366036;0.000000000000000000000000000000;0.000427350427350427350056683018;0.035897435897435894802676159543;0.000427350427350427350056683018;0.004273504273504273934247699174;0.010256410256410256401360392431;0.064529914529914536580612605121;0.017521367521367521569164438233;0.006410256410256410034009810772;0.000000000000000000000000000000;0.006410256410256410034009810772;0.005555555555555555767577313730;0.000854700854700854700113366036;0.000000000000000000000000000000;0.046153846153846156408206979904;0.000000000000000000000000000000;0.020512820512820512802720784862;0.090170940170940169777757944303;0.042735042735042735873030039784;0.014102564102564102768710974090;0.014529914529914530335608091605
-0.017272727272727272929131459023;0.024848484848484848896976728838;0.072121212121212127654779067143;0.012121212121212121201607736509;0.006363636363636363847684496164;0.007575757575757575967845269815;0.005454545454545454974404350423;0.033333333333333332870740406406;0.029999999999999998889776975375;0.043939393939393937837945003366;0.016969696969696971416974307090;0.002727272727272727487202175212;0.012727272727272727695368992329;0.038484848484848482863540652943;0.027878787878787877896336055983;0.008484848484848485708487153545;0.020909090909090908422252041987;0.040606060606060603856981572335;0.016969696969696971416974307090;0.007878787878787879214725897725;0.013939393939393938948168027991;0.016666666666666666435370203203;0.010000000000000000208166817117;0.054242424242424244762439400347;0.016969696969696971416974307090;0.034848484848484850839867021932;0.036363636363636361870099733551;0.020303030303030301928490786167;0.000909090909090909090120580238;0.011515151515151514707846480690;0.001818181818181818180241160476;0.026969696969696969890417648230;0.009393939393939393714405561298;0.009090909090909090467524933388;0.016666666666666666435370203203;0.062424242424242423754598974028;0.016060606060606059941608947383;0.008181818181818182461606525635;0.003939393939393939607362948863;0.013939393939393938948168027991;0.013333333333333334189130248149;0.015151515151515151935690539631;0.000000000000000000000000000000;0.019696969696969695434729530348;0.011212121212121211460965852780;0.016363636363636364923213051270;0.043333333333333334813630699500;0.018787878787878787428811122595;0.020303030303030301928490786167;0.010909090909090909948808700847
-0.033636363636363637852344510293;0.014848484848484848688809911721;0.052121212121212123768998480955;0.003636363636363636360482320953;0.007272727272727272720964641906;0.021818181818181819897617401693;0.005454545454545454974404350423;0.024545454545454543915372624951;0.036666666666666666851703837438;0.016060606060606059941608947383;0.014545454545454545441929283811;0.008181818181818182461606525635;0.024242424242424242403215473018;0.040000000000000000832667268469;0.016060606060606059941608947383;0.016060606060606059941608947383;0.027272727272727271402574800163;0.040606060606060603856981572335;0.016060606060606059941608947383;0.010909090909090909948808700847;0.020303030303030301928490786167;0.021212121212121213403856145874;0.019393939393939393922572378415;0.034242424242424240876658814159;0.034848484848484850839867021932;0.030606060606060605383538231195;0.034848484848484850839867021932;0.006969696969696969474084013996;0.003030303030303030300401934127;0.010606060606060606701928072937;0.004848484848484848480643094604;0.022121212121212121409774553626;0.013636363636363635701287400082;0.009696969696969696961286189207;0.025454545454545455390737984658;0.043030303030303029832026595614;0.015757575757575758429451795450;0.010303030303030303455047445027;0.006969696969696969474084013996;0.023636363636363635909454217199;0.007878787878787879214725897725;0.017272727272727272929131459023;0.000000000000000000000000000000;0.018787878787878787428811122595;0.010000000000000000208166817117;0.014545454545454545441929283811;0.029090909090909090883858567622;0.025151515151515150409133880771;0.036969696969696971833307941324;0.018787878787878787428811122595
-0.031884057971014491406069879531;0.018115942028985507900040730078;0.025724637681159418650667092265;0.092391304347826080922700953124;0.025724637681159418650667092265;0.017028985507246376801537834922;0.011956521739130435144637942813;0.037681159420289857264751987032;0.022101449275362318458437727031;0.018115942028985507900040730078;0.013768115942028985240752625430;0.004347826086956521791926366660;0.012681159420289855876973206250;0.021739130434782608092270095312;0.036594202898550726166249091875;0.014855072463768116339255520586;0.011594202898550724778470311094;0.022826086956521739190772990469;0.044927536231884057649210717500;0.006159420289855072755402787266;0.035507246376811595067746196719;0.009057971014492753950020365039;0.014855072463768116339255520586;0.033333333333333332870740406406;0.019565217391304349364711256953;0.034420289855072463969243301563;0.037318840579710146898584355313;0.010144927536231883313799784219;0.002536231884057970828449946055;0.023913043478260870289275885625;0.003260869565217391127104340498;0.014130434782608695606920257148;0.023913043478260870289275885625;0.004710144927536232158093998379;0.017753623188405797533873098359;0.021739130434782608092270095312;0.010869565217391304046135047656;0.013405797101449274874584993711;0.002898550724637681194617577773;0.005434782608695652023067523828;0.013043478260869564508417361992;0.014130434782608695606920257148;0.000000000000000000000000000000;0.019927536231884056261431936719;0.026449275362318839383002355703;0.026086956521739129016834723984;0.019927536231884056261431936719;0.014130434782608695606920257148;0.027898550724637680847672882578;0.009420289855072464316187996758
-0.009935897435897435292506685300;0.013141025641025641176873328675;0.044230769230769233224531689075;0.320833333333333359238537241254;0.006089743589743589792517841630;0.003846153846153846367350581659;0.006089743589743589792517841630;0.018910256410256408993175725186;0.018589743589743589619045494032;0.025961538461538462979616426196;0.007692307692307692734701163317;0.001602564102564102508502452693;0.001602564102564102508502452693;0.030128205128205128721097239008;0.026282051282051282353746657350;0.007692307692307692734701163317;0.024358974358974359170071366520;0.033974358974358971619000868714;0.012500000000000000693889390391;0.004807692307692307959188227073;0.010576923076923077510214099561;0.014743589743589743251694912374;0.006089743589743589792517841630;0.035256410256410256054415697236;0.008012820512820512108831394471;0.020833333333333332176851016015;0.025320512820512820761909011935;0.010256410256410256401360392431;0.003525641025641025692177743522;0.006410256410256410034009810772;0.001602564102564102508502452693;0.025641025641025640136039243089;0.006410256410256410034009810772;0.007051282051282051384355487045;0.005448717948717948442172165358;0.033974358974358971619000868714;0.009935897435897435292506685300;0.006730769230769231142863517903;0.006730769230769231142863517903;0.005448717948717948442172165358;0.011858974358974358476181976130;0.014743589743589743251694912374;0.000000000000000000000000000000;0.019230769230769231836752908293;0.013782051282051281659857266959;0.011217948717948717993198037846;0.031410256410256409687065115577;0.012500000000000000693889390391;0.009294871794871794809522747016;0.007692307692307692734701163317
-0.022916666666666665047591422422;0.027083333333333334258519187188;0.056845238095238094511163495781;0.002083333333333333304421275400;0.009821428571428571230317317031;0.010714285714285714384841341484;0.002083333333333333304421275400;0.033928571428571425994125121406;0.055952380952380954826086423282;0.019940476190476189022326991562;0.013988095238095238706521605820;0.007738095238095238359576910625;0.006250000000000000346944695195;0.029166666666666667129259593594;0.022321428571428571924206707422;0.013392857142857142113689938867;0.025297619047619047949471138281;0.072023809523809517729731055624;0.022023809523809525362514349922;0.008630952380952381514100935078;0.019345238095238095898942276563;0.021726190476190475331375040469;0.011607142857142857539365365938;0.030952380952380953438307642500;0.018154761904761906182725894610;0.028273809523809523974735569141;0.037797619047619045173913576718;0.027976190476190477413043211641;0.001488095238095238012632215430;0.017261904761904763028201870156;0.003571428571428571317053490830;0.021428571428571428769682682969;0.017559523809523809589894227656;0.010714285714285714384841341484;0.007738095238095238359576910625;0.034821428571428572618096097813;0.017559523809523809589894227656;0.007142857142857142634106981660;0.006547619047619047775998790684;0.011309523809523809242949532461;0.009821428571428571230317317031;0.042857142857142857539365365938;0.000000000000000000000000000000;0.016369047619047619873677845703;0.013392857142857142113689938867;0.013690476190476190410105772344;0.031845238095238093123384715000;0.017857142857142856151586585156;0.027380952380952380820211544687;0.011607142857142857539365365938
-0.037037037037037034981068472916;0.018888888888888889089345823891;0.058518518518518518323201504927;0.000000000000000000000000000000;0.031851851851851853414387960584;0.008518518518518519017090895318;0.000370370370370370351979089074;0.007407407407407407690103084974;0.118888888888888891171013995063;0.023333333333333334397297065266;0.002222222222222222220294751693;0.030370370370370370488588562807;0.003703703703703703845051542487;0.018888888888888889089345823891;0.002592592592592592518063732143;0.026296296296296296779448908865;0.036296296296296298722339201959;0.037037037037037034981068472916;0.001481481481481481407916356297;0.006296296296296296363115274630;0.010370370370370370072254928573;0.043703703703703702942995334979;0.003703703703703703845051542487;0.026296296296296296779448908865;0.029629629629629630760412339896;0.022962962962962962798485477833;0.008888888888888888881179006773;0.073333333333333333703407674875;0.001481481481481481407916356297;0.016666666666666666435370203203;0.021851851851851851471497667490;0.011851851851851851263330850372;0.001111111111111111110147375847;0.005185185185185185036127464286;0.004444444444444444440589503387;0.024444444444444445724284875610;0.004074074074074073709139653943;0.012592592592592592726230549260;0.012222222222222222862142437805;0.005925925925925925631665425186;0.004444444444444444440589503387;0.098888888888888887285233408875;0.000000000000000000000000000000;0.018148148148148149361169600979;0.000370370370370370351979089074;0.007407407407407407690103084974;0.026666666666666668378260496297;0.017777777777777777762358013547;0.007037037037037036958653235530;0.008518518518518519017090895318
-0.014965986394557822744544317572;0.032312925170068028390968351005;0.036054421768707482776061823415;0.004081632653061224857982125513;0.055442176870748302586200395581;0.016326530612244899431928502054;0.008503401360544218454129428153;0.022789115646258503722343391473;0.020408163265306120820463675614;0.007823129251700680977799073901;0.009863945578231291672066660681;0.025170068027210883154776155379;0.009523809523809524668624959531;0.017346938775510203911700557455;0.043537414965986391546248768236;0.008503401360544218454129428153;0.014625850340136054006379140446;0.044897959183673466498909476741;0.051360544217687077728218270067;0.005782312925170067681446273156;0.035714285714285712303173170312;0.017687074829931974384589210558;0.026870748299319728580325516987;0.012585034013605441577388077690;0.018707482993197278864361265960;0.009523809523809524668624959531;0.030612244897959182965418989397;0.056802721088435377538861104085;0.000340136054421768683955068502;0.053741496598639457160651033973;0.013265306122448979053718431942;0.009523809523809524668624959531;0.021428571428571428769682682969;0.006802721088435373895941804534;0.013945578231292516530048786194;0.022448979591836733249454738370;0.007142857142857142634106981660;0.005782312925170067681446273156;0.006802721088435373895941804534;0.045578231292517007444686782947;0.019047619047619049337249919063;0.023129251700680270725785092623;0.000000000000000000000000000000;0.005442176870748298943281096030;0.026190476190476191103995162734;0.009863945578231291672066660681;0.015646258503401361955598147802;0.011564625850340135362892546311;0.018367346938775511860919564811;0.006122448979591836419611450282
-0.012727272727272727695368992329;0.027272727272727271402574800163;0.035757575757575758845785429685;0.009696969696969696961286189207;0.102121212121212126544556042518;0.011212121212121211460965852780;0.009696969696969696961286189207;0.026363636363636363396656392410;0.032121212121212119883217894767;0.009090909090909090467524933388;0.009696969696969696961286189207;0.005454545454545454974404350423;0.005757575757575757353923240345;0.015454545454545455182571167541;0.078787878787878781738918121391;0.008181818181818182461606525635;0.020303030303030301928490786167;0.042727272727272724850422491727;0.050606060606060605799871865429;0.004848484848484848480643094604;0.029999999999999998889776975375;0.018181818181818180935049866775;0.009696969696969696961286189207;0.015151515151515151935690539631;0.010606060606060606701928072937;0.014242424242424242195048655901;0.028787878787878789371701415689;0.029696969696969697377619823442;0.001212121212121212120160773651;0.038181818181818184820830452963;0.007272727272727272720964641906;0.007575757575757575967845269815;0.027272727272727271402574800163;0.008484848484848485708487153545;0.009393939393939393714405561298;0.019393939393939393922572378415;0.009696969696969696961286189207;0.005151515151515151727523722514;0.005151515151515151727523722514;0.010909090909090909948808700847;0.017878787878787879422892714842;0.021818181818181819897617401693;0.000000000000000000000000000000;0.008181818181818182461606525635;0.069696969696969701679734043864;0.010303030303030303455047445027;0.015757575757575758429451795450;0.011212121212121211460965852780;0.013030303030303030942249620239;0.008181818181818182461606525635
-0.025185185185185185452461098521;0.029629629629629630760412339896;0.052222222222222225429533182250;0.016296296296296294836558615771;0.022962962962962962798485477833;0.017407407407407406163546426114;0.005185185185185185036127464286;0.031851851851851853414387960584;0.042592592592592591616007524635;0.014814814814814815380206169948;0.015185185185185185244294281404;0.008888888888888888881179006773;0.010370370370370370072254928573;0.024814814814814813853649511088;0.038888888888888889505679458125;0.018888888888888889089345823891;0.025555555555555557051272685953;0.050740740740740739034286832521;0.023703703703703702526661700745;0.010740740740740739936343040029;0.015185185185185185244294281404;0.028148148148148147834612942120;0.017407407407407406163546426114;0.023333333333333334397297065266;0.023703703703703702526661700745;0.020000000000000000416333634234;0.028148148148148147834612942120;0.028148148148148147834612942120;0.001481481481481481407916356297;0.022222222222222223070309254922;0.014814814814814815380206169948;0.014444444444444443781394582516;0.016666666666666666435370203203;0.007777777777777777554191196430;0.017037037037037038034181790636;0.030370370370370370488588562807;0.016296296296296294836558615771;0.010740740740740739936343040029;0.011481481481481481399242738917;0.023333333333333334397297065266;0.010370370370370370072254928573;0.025925925925925925180637321432;0.000000000000000000000000000000;0.010740740740740739936343040029;0.024444444444444445724284875610;0.011481481481481481399242738917;0.017037037037037038034181790636;0.010370370370370370072254928573;0.024074074074074074125473288177;0.008888888888888888881179006773
-0.013636363636363635701287400082;0.026060606060606061884499240477;0.053333333333333336756520992594;0.012424242424242424448488364419;0.038484848484848482863540652943;0.023636363636363635909454217199;0.003030303030303030300401934127;0.028181818181818182877940159869;0.056060606060606060774276215852;0.018181818181818180935049866775;0.016666666666666666435370203203;0.008787878787878787220644305478;0.007575757575757575967845269815;0.027878787878787877896336055983;0.032727272727272729846426102540;0.010000000000000000208166817117;0.026060606060606061884499240477;0.047272727272727271818908434398;0.032727272727272729846426102540;0.005454545454545454974404350423;0.018484848484848485916653970662;0.026969696969696969890417648230;0.009696969696969696961286189207;0.027272727272727271402574800163;0.018181818181818180935049866775;0.022424242424242422921931705559;0.034848484848484850839867021932;0.031515151515151516858903590901;0.000303030303030303030040193413;0.030909090909090910365142335081;0.016969696969696971416974307090;0.016060606060606059941608947383;0.018181818181818180935049866775;0.008181818181818182461606525635;0.009393939393939393714405561298;0.039393939393939390869459060696;0.009696969696969696961286189207;0.005454545454545454974404350423;0.012424242424242424448488364419;0.006060606060606060600803868255;0.006363636363636363847684496164;0.032424242424242424864821998653;0.000000000000000000000000000000;0.009393939393939393714405561298;0.027272727272727271402574800163;0.007272727272727272720964641906;0.026969696969696969890417648230;0.014545454545454545441929283811;0.016060606060606059941608947383;0.009090909090909090467524933388
-0.029722222222222222792753498766;0.020833333333333332176851016015;0.047777777777777780121581940875;0.003888888888888888777095598215;0.021666666666666667406815349750;0.028888888888888887562789165031;0.005277777777777777935830361145;0.044166666666666666574148081281;0.039722222222222221266196839906;0.013055555555555556357383295563;0.019444444444444444752839729063;0.011666666666666667198648532633;0.013888888888888888117900677344;0.025277777777777777484802257391;0.024444444444444445724284875610;0.016944444444444446001840631766;0.013055555555555556357383295563;0.055833333333333332038073137937;0.042500000000000003053113317719;0.005277777777777777935830361145;0.027500000000000000138777878078;0.021388888888888887840344921187;0.015277777777777777276635440273;0.022222222222222223070309254922;0.031666666666666669349705642844;0.029999999999999998889776975375;0.035833333333333335091186455656;0.013888888888888888117900677344;0.000555555555555555555073687923;0.021388888888888887840344921187;0.009722222222222222376419864531;0.012222222222222222862142437805;0.026111111111111112714766591125;0.005277777777777777935830361145;0.011944444444444445030395485219;0.029999999999999998889776975375;0.020277777777777776513357110844;0.006666666666666667094565124074;0.008055555555555555385938149016;0.008611111111111111049432054187;0.013611111111111110286153724758;0.027777777777777776235801354687;0.000000000000000000000000000000;0.013055555555555556357383295563;0.013055555555555556357383295563;0.009722222222222222376419864531;0.019444444444444444752839729063;0.013611111111111110286153724758;0.037222222222222219045750790656;0.010555555555555555871660722289
-0.026999999999999999694688668228;0.018333333333333333425851918719;0.073333333333333333703407674875;0.001666666666666666773641281019;0.007666666666666666248020067798;0.017999999999999998639976794834;0.004333333333333333134418374755;0.029666666666666667573348803444;0.046333333333333330539272054693;0.024333333333333331816028533012;0.020000000000000000416333634234;0.007000000000000000145716771982;0.010333333333333333259318465025;0.028333333333333331899295259859;0.011666666666666667198648532633;0.019333333333333334314030338419;0.024333333333333331816028533012;0.053666666666666668072949164525;0.027333333333333334480563792113;0.012999999999999999403255124264;0.016666666666666666435370203203;0.036333333333333335535275665507;0.016000000000000000333066907388;0.030999999999999999777955395075;0.026666666666666668378260496297;0.035000000000000003330669073875;0.035000000000000003330669073875;0.011333333333333334147496884725;0.000000000000000000000000000000;0.014000000000000000291433543964;0.006000000000000000124900090270;0.018666666666666668211727042603;0.015333333333333332496040135595;0.004666666666666667052931760651;0.012000000000000000249800180541;0.040333333333333332149095440400;0.018333333333333333425851918719;0.007666666666666666248020067798;0.008333333333333333217685101602;0.012000000000000000249800180541;0.010999999999999999361621760841;0.026666666666666668378260496297;0.000000000000000000000000000000;0.012666666666666666352103476356;0.009666666666666667157015169209;0.018333333333333333425851918719;0.025000000000000001387778780781;0.021333333333333332620940225866;0.031666666666666669349705642844;0.012666666666666666352103476356
-0.015555555555555555108382392859;0.021851851851851851471497667490;0.014444444444444443781394582516;0.028518518518518519433424529552;0.060370370370370372847812490136;0.033703703703703701000105041885;0.013703703703703704053218359604;0.034074074074074076068363581271;0.020000000000000000416333634234;0.007777777777777777554191196430;0.020000000000000000416333634234;0.016296296296296294836558615771;0.014444444444444443781394582516;0.009629629629629630344078705662;0.040370370370370368962031903948;0.015555555555555555108382392859;0.010000000000000000208166817117;0.027777777777777776235801354687;0.074814814814814820098654024605;0.002962962962962962815832712593;0.029629629629629630760412339896;0.010370370370370370072254928573;0.012962962962962962590318660716;0.012962962962962962590318660716;0.024074074074074074125473288177;0.014814814814814815380206169948;0.036666666666666666851703837438;0.043703703703703702942995334979;0.002222222222222222220294751693;0.055925925925925927539861248761;0.019259259259259260688157411323;0.006666666666666667094565124074;0.033703703703703701000105041885;0.006666666666666667094565124074;0.010740740740740739936343040029;0.017407407407407406163546426114;0.006666666666666667094565124074;0.014814814814814815380206169948;0.008148148148148147418279307885;0.004444444444444444440589503387;0.010000000000000000208166817117;0.018148148148148149361169600979;0.000000000000000000000000000000;0.008148148148148147418279307885;0.047407407407407405053323401489;0.015185185185185185244294281404;0.010370370370370370072254928573;0.007407407407407407690103084974;0.021851851851851851471497667490;0.007777777777777777554191196430
-0.021913580246913581806023074705;0.011111111111111111535154627461;0.075617283950617286691908702778;0.000000000000000000000000000000;0.001543209876543209790877853038;0.011419753086419752799440807678;0.001851851851851851922525771243;0.026543209876543211178656633820;0.068518518518518520266091798021;0.037345679012345679714801605087;0.018827160493827162224267368629;0.005246913580246913635929395525;0.006172839506172839163511412153;0.040740740740740744030290443334;0.011728395061728395798450463872;0.013888888888888888117900677344;0.029012345679012344762393027509;0.060185185185185181844236268489;0.013271604938271605589328316910;0.012962962962962962590318660716;0.017592592592592593697675695807;0.031481481481481478346129421197;0.013271604938271605589328316910;0.042901234567901236349740656806;0.018518518518518517490534236458;0.031172839506172840551290192934;0.035493827160493825190190619878;0.003703703703703703845051542487;0.001543209876543209790877853038;0.005246913580246913635929395525;0.005864197530864197899225231936;0.027777777777777776235801354687;0.006172839506172839163511412153;0.009876543209876543008562954640;0.008333333333333333217685101602;0.055555555555555552471602709375;0.017592592592592593697675695807;0.006790123456790123426807248563;0.008641975308641974481971281818;0.014197530864197531116910333537;0.005864197530864197899225231936;0.027777777777777776235801354687;0.000000000000000000000000000000;0.023765432098765432861187107960;0.004938271604938271504281477320;0.014197530864197531116910333537;0.039814814814814816767984950729;0.015123456790123456644492350165;0.027160493827160493707228994253;0.011728395061728395798450463872
-0.010204081632653060410231837807;0.016326530612244899431928502054;0.098639455782312923659560510714;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006122448979591836419611450282;0.003741496598639455686136079393;0.029591836734693878485646933996;0.043877551020408162019137421339;0.024829931972789116151334454230;0.012244897959183672839222900564;0.001360544217687074735820274007;0.004421768707482993596147302640;0.050000000000000002775557561563;0.011904761904761904101057723437;0.005782312925170067681446273156;0.046938775510204082397347491451;0.074829931972789115457445063839;0.006802721088435373895941804534;0.019387755102040816340691620212;0.014625850340136054006379140446;0.031292517006802723911196295603;0.014965986394557822744544317572;0.032312925170068028390968351005;0.009183673469387755930459782405;0.027891156462585033060097572388;0.042857142857142857539365365938;0.023469387755102041198673745726;0.001700680272108843473985451134;0.001360544217687074735820274007;0.001020408163265306214495531378;0.026190476190476191103995162734;0.003401360544217686947970902267;0.006802721088435373895941804534;0.012244897959183672839222900564;0.068367346938775511167030174420;0.021428571428571428769682682969;0.002380952380952381167156239883;0.005102040816326530205115918903;0.022789115646258503722343391473;0.011904761904761904101057723437;0.023469387755102041198673745726;0.000000000000000000000000000000;0.015306122448979591482709494699;0.003741496598639455686136079393;0.009183673469387755930459782405;0.032312925170068028390968351005;0.016666666666666666435370203203;0.039795918367346937161155295826;0.011224489795918366624727369185
-0.007666666666666666248020067798;0.035666666666666665963525417737;0.047666666666666669682772550232;0.034666666666666665075346998037;0.059333333333333335146697606888;0.010000000000000000208166817117;0.007000000000000000145716771982;0.033666666666666664187168578337;0.058999999999999996891375531050;0.014000000000000000291433543964;0.011333333333333334147496884725;0.006000000000000000124900090270;0.007000000000000000145716771982;0.016000000000000000333066907388;0.038666666666666668628060676838;0.007000000000000000145716771982;0.035000000000000003330669073875;0.048333333333333332315628894094;0.026999999999999999694688668228;0.008666666666666666268836749509;0.021000000000000001304512053935;0.038333333333333330372738601000;0.008000000000000000166533453694;0.020666666666666666518636930050;0.010000000000000000208166817117;0.014666666666666666393736839780;0.028333333333333331899295259859;0.042666666666666665241880451731;0.003333333333333333547282562037;0.017000000000000001221245327088;0.005666666666666667073748442363;0.018666666666666668211727042603;0.012999999999999999403255124264;0.005000000000000000104083408559;0.006333333333333333176051738178;0.035000000000000003330669073875;0.009333333333333334105863521302;0.008666666666666666268836749509;0.008666666666666666268836749509;0.014666666666666666393736839780;0.018333333333333333425851918719;0.041666666666666664353702032031;0.000000000000000000000000000000;0.012666666666666666352103476356;0.021999999999999998723243521681;0.012666666666666666352103476356;0.021000000000000001304512053935;0.006000000000000000124900090270;0.012666666666666666352103476356;0.010333333333333333259318465025
-0.009393939393939393714405561298;0.036363636363636361870099733551;0.041515151515151511862899980088;0.102121212121212126544556042518;0.010303030303030303455047445027;0.010000000000000000208166817117;0.006363636363636363847684496164;0.018181818181818180935049866775;0.112424242424242426530156535591;0.008787878787878787220644305478;0.006363636363636363847684496164;0.008484848484848485708487153545;0.003333333333333333547282562037;0.014848484848484848688809911721;0.019393939393939393922572378415;0.011818181818181817954727108599;0.025454545454545455390737984658;0.046969696969696966837304330511;0.017575757575757574441288610956;0.005151515151515151727523722514;0.017272727272727272929131459023;0.044242424242424242819549107253;0.003939393939393939607362948863;0.012424242424242424448488364419;0.008484848484848485708487153545;0.012121212121212121201607736509;0.013636363636363635701287400082;0.078484848484848490635101825319;0.000303030303030303030040193413;0.010606060606060606701928072937;0.009696969696969696961286189207;0.011515151515151514707846480690;0.002424242424242424240321547302;0.006363636363636363847684496164;0.003030303030303030300401934127;0.020606060606060606910094890054;0.004545454545454545233762466694;0.004242424242424242854243576772;0.032121212121212119883217894767;0.009090909090909090467524933388;0.015454545454545455182571167541;0.110909090909090915499923823972;0.000000000000000000000000000000;0.007272727272727272720964641906;0.005757575757575757353923240345;0.005151515151515151727523722514;0.015454545454545455182571167541;0.006969696969696969474084013996;0.005454545454545454974404350423;0.007575757575757575967845269815
-0.006060606060606060600803868255;0.046666666666666668794594130532;0.028484848484848484390097311802;0.070606060606060602746758547710;0.063636363636363629803227581760;0.006666666666666667094565124074;0.016363636363636364923213051270;0.043333333333333334813630699500;0.030606060606060605383538231195;0.010000000000000000208166817117;0.006666666666666667094565124074;0.001212121212121212120160773651;0.004545454545454545233762466694;0.014545454545454545441929283811;0.063333333333333338699411285688;0.003636363636363636360482320953;0.024242424242424242403215473018;0.039090909090909092826748860716;0.050909090909090910781475969316;0.005151515151515151727523722514;0.038181818181818184820830452963;0.018484848484848485916653970662;0.008484848484848485708487153545;0.016363636363636364923213051270;0.006060606060606060600803868255;0.008787878787878787220644305478;0.024242424242424242403215473018;0.055454545454545457749961911986;0.000909090909090909090120580238;0.024848484848484848896976728838;0.002727272727272727487202175212;0.009696969696969696961286189207;0.023636363636363635909454217199;0.001515151515151515150200967064;0.003939393939393939607362948863;0.026666666666666668378260496297;0.006363636363636363847684496164;0.003636363636363636360482320953;0.002727272727272727487202175212;0.005454545454545454974404350423;0.035454545454545453864181325798;0.032424242424242424864821998653;0.000000000000000000000000000000;0.007575757575757575967845269815;0.050606060606060605799871865429;0.013333333333333334189130248149;0.013030303030303030942249620239;0.008484848484848485708487153545;0.009393939393939393714405561298;0.005757575757575757353923240345
-0.013945578231292516530048786194;0.039115646258503403154271893527;0.027210884353741495583767218136;0.020408163265306120820463675614;0.026190476190476191103995162734;0.010204081632653060410231837807;0.014285714285714285268213963320;0.071088435374149661072351591429;0.036054421768707482776061823415;0.013945578231292516530048786194;0.010204081632653060410231837807;0.002040816326530612428991062757;0.008163265306122449715964251027;0.012244897959183672839222900564;0.062244897959183670410610034196;0.003061224489795918209805725141;0.020068027210884353817021974464;0.053741496598639457160651033973;0.057823129251700682018633159487;0.003401360544217686947970902267;0.032993197278911562397851753303;0.015306122448979591482709494699;0.020068027210884353817021974464;0.020408163265306120820463675614;0.008163265306122449715964251027;0.011224489795918366624727369185;0.048639455782312927822896853058;0.029931972789115645489088635145;0.000680272108843537367910137004;0.019387755102040816340691620212;0.000680272108843537367910137004;0.011564625850340135362892546311;0.026870748299319728580325516987;0.002380952380952381167156239883;0.010204081632653060410231837807;0.031292517006802723911196295603;0.019727891156462583344133321361;0.003401360544217686947970902267;0.005442176870748298943281096030;0.008163265306122449715964251027;0.022789115646258503722343391473;0.025850340136054420631106509632;0.000000000000000000000000000000;0.010204081632653060410231837807;0.036394557823129253248950476518;0.017346938775510203911700557455;0.014625850340136054006379140446;0.005782312925170067681446273156;0.028911564625850341009316579743;0.006122448979591836419611450282
-0.009090909090909090467524933388;0.042727272727272724850422491727;0.042121212121212121826108187861;0.096060606060606054668049580414;0.053636363636363634799231192574;0.002727272727272727487202175212;0.006363636363636363847684496164;0.024848484848484848896976728838;0.032424242424242424864821998653;0.016666666666666666435370203203;0.009090909090909090467524933388;0.005757575757575757353923240345;0.005151515151515151727523722514;0.019090909090909092410415226482;0.057878787878787876786113031358;0.005151515151515151727523722514;0.022727272727272727903535809446;0.040303030303030305814271372356;0.025454545454545455390737984658;0.006969696969696969474084013996;0.011212121212121211460965852780;0.020000000000000000416333634234;0.006969696969696969474084013996;0.025151515151515150409133880771;0.008181818181818182461606525635;0.016060606060606059941608947383;0.026363636363636363396656392410;0.080909090909090902732359040783;0.002727272727272727487202175212;0.018787878787878787428811122595;0.003333333333333333547282562037;0.020000000000000000416333634234;0.008181818181818182461606525635;0.007272727272727272720964641906;0.003030303030303030300401934127;0.033939393939393942833948614179;0.008484848484848485708487153545;0.004848484848484848480643094604;0.008484848484848485708487153545;0.013636363636363635701287400082;0.010606060606060606701928072937;0.035757575757575758845785429685;0.000000000000000000000000000000;0.011212121212121211460965852780;0.030303030303030303871381079261;0.009090909090909090467524933388;0.023939393939393940891058321085;0.010606060606060606701928072937;0.010606060606060606701928072937;0.006060606060606060600803868255
-0.018518518518518517490534236458;0.022592592592592591199673890401;0.050740740740740739034286832521;0.025925925925925925180637321432;0.058148148148148150193836869448;0.019629629629629628817522046802;0.003333333333333333547282562037;0.013333333333333334189130248149;0.036666666666666666851703837438;0.019629629629629628817522046802;0.010000000000000000208166817117;0.028888888888888887562789165031;0.017407407407407406163546426114;0.019629629629629628817522046802;0.011111111111111111535154627461;0.013703703703703704053218359604;0.022592592592592591199673890401;0.049259259259259259577934386698;0.015925925925925926707193980292;0.006666666666666667094565124074;0.010000000000000000208166817117;0.021851851851851851471497667490;0.020370370370370372015145221667;0.021111111111111111743321444578;0.020000000000000000416333634234;0.018148148148148149361169600979;0.019629629629629628817522046802;0.040740740740740744030290443334;0.000740740740740740703958178148;0.065555555555555561353386906376;0.017037037037037038034181790636;0.014814814814814815380206169948;0.015925925925925926707193980292;0.011481481481481481399242738917;0.013703703703703704053218359604;0.027037037037037036507625131776;0.007037037037037036958653235530;0.011111111111111111535154627461;0.009259259259259258745267118229;0.021111111111111111743321444578;0.007407407407407407690103084974;0.046666666666666668794594130532;0.000000000000000000000000000000;0.011111111111111111535154627461;0.007777777777777777554191196430;0.016666666666666666435370203203;0.019259259259259260688157411323;0.011111111111111111535154627461;0.020000000000000000416333634234;0.009629629629629630344078705662
-0.015032679738562091872888792921;0.021241830065359477985875713557;0.029084967320261438661344044476;0.046732026143790850181147789044;0.085947712418300653558489443640;0.034640522875816995296283096195;0.006535947712418300852010855095;0.020261437908496732901442172192;0.035620915032679736911269685606;0.011111111111111111535154627461;0.016013071895424835222598858309;0.019607843137254901688670827298;0.010457516339869280322383282567;0.015032679738562091872888792921;0.037581699346405227080136768336;0.015686274509803921350936661838;0.015359477124183005744550989391;0.033986928104575160614064799347;0.048366013071895426478352675304;0.006209150326797385245625182648;0.013725490196078431182069579108;0.028431372549019607448572699582;0.009477124183006535237949741202;0.012418300653594770491250365296;0.016666666666666666435370203203;0.017647058823529411519803744568;0.024509803921568627110838534122;0.031699346405228756573535520147;0.002614379084967320080595820642;0.072222222222222215437525960624;0.014379084967320260660117448026;0.010784313725490195928768955014;0.021895424836601305729200106498;0.007843137254901960675468330919;0.010457516339869280322383282567;0.017973856209150325391465941038;0.005228758169934640161191641283;0.010130718954248366450721086096;0.007843137254901960675468330919;0.015359477124183005744550989391;0.006535947712418300852010855095;0.021895424836601305729200106498;0.000000000000000000000000000000;0.012745098039215686097636037744;0.025163398692810458323609879017;0.009477124183006535237949741202;0.012091503267973856619588168826;0.012418300653594770491250365296;0.013725490196078431182069579108;0.010130718954248366450721086096
-0.022480620155038759377941204320;0.035658914728682170047768806853;0.042635658914728681578854008194;0.006201550387596899138742401192;0.014728682170542635454513202831;0.020930232558139534593255604022;0.001937984496124030980857000372;0.024031007751937984162626804618;0.044186046511627906363539608492;0.019767441860465116004741403799;0.024806201550387596554969604767;0.019767441860465116004741403799;0.009302325581395348708113601788;0.030232558139534883301369205810;0.024031007751937984162626804618;0.029457364341085270909026405661;0.030232558139534883301369205810;0.053875968992248064737271562308;0.018604651162790697416227203576;0.008527131782945736315770801639;0.013565891472868216865999002607;0.040310077519379844401825607747;0.010852713178294573492799202086;0.022093023255813953181769804246;0.030620155038759689497540605885;0.027519379844961239928169405289;0.039922480620155041675101159626;0.018604651162790697416227203576;0.001162790697674418588514200223;0.020155038759689922200912803874;0.013178294573643410669827602533;0.017441860465116278827713003352;0.012403100775193798277484802384;0.008914728682170542511942201713;0.008527131782945736315770801639;0.029457364341085270909026405661;0.013178294573643410669827602533;0.011240310077519379688970602160;0.009302325581395348708113601788;0.012015503875968992081313402309;0.004651162790697674354056800894;0.034108527131782945263083206555;0.000000000000000000000000000000;0.013178294573643410669827602533;0.008914728682170542511942201713;0.017054263565891472631541603278;0.027906976744186046124340805363;0.020155038759689922200912803874;0.019379844961240309808570003725;0.012790697674418604473656202458
-0.018103448275862070449004903594;0.023275862068965518653085311485;0.058333333333333334258519187188;0.052873563218390803863933058437;0.033333333333333332870740406406;0.013218390804597700965983264609;0.008333333333333333217685101602;0.035344827586206897795939596563;0.025574712643678162299343270547;0.023275862068965518653085311485;0.009195402298850574585031836250;0.011206896551724137775507550430;0.006609195402298850482991632305;0.032183908045977011047611426875;0.028735632183908045578224488281;0.011494252873563218231289795312;0.023275862068965518653085311485;0.038505747126436784544267766250;0.021264367816091953727886121328;0.006321839080459770027209387422;0.013505747126436781421765509492;0.024425287356321840476214291016;0.012356321839080459598636529961;0.035632183908045976516998365469;0.021551724137931035918391842188;0.024425287356321840476214291016;0.029310344827586206489788978047;0.023850574712643679564649801250;0.001724137931034482734693469297;0.036206896551724140898009807188;0.008908045977011494129249591367;0.020114942528735631904757141797;0.013793103448275861877547754375;0.008908045977011494129249591367;0.008333333333333333217685101602;0.039655172413793106367396745782;0.012643678160919540054418774844;0.005459770114942528659862652773;0.002298850574712643646257959062;0.016091954022988505523805713437;0.014080459770114942333329999258;0.013505747126436781421765509492;0.000000000000000000000000000000;0.012931034482758620510201019727;0.020402298850574714095262862656;0.012356321839080459598636529961;0.035057471264367819074880827657;0.018678160919540231360569393360;0.020114942528735631904757141797;0.013218390804597700965983264609
-0.019934640522875815560333023768;0.021568627450980391857537910028;0.044444444444444446140618509844;0.130392156862745106638001857391;0.003921568627450980337734165460;0.035620915032679736911269685606;0.002941176470588235253300624095;0.020588235294117646773104368663;0.040849673202614379674546540855;0.012091503267973856619588168826;0.011437908496732025406816823931;0.016993464052287580307032399674;0.018300653594771242732575089462;0.013071895424836601704021710191;0.015359477124183005744550989391;0.014705882352941176266503120473;0.024509803921568627110838534122;0.050653594771241830518881954504;0.019607843137254901688670827298;0.005555555555555555767577313730;0.018627450980392156604237285933;0.034640522875816995296283096195;0.012745098039215686097636037744;0.017647058823529411519803744568;0.023202614379084968154742796287;0.016666666666666666435370203203;0.026143790849673203408043420382;0.007189542483660130330058724013;0.001307189542483660040297910321;0.033333333333333332870740406406;0.014379084967320260660117448026;0.017647058823529411519803744568;0.014052287581699346788455251556;0.009477124183006535237949741202;0.011437908496732025406816823931;0.023856209150326795898067189228;0.015359477124183005744550989391;0.007843137254901960675468330919;0.018627450980392156604237285933;0.018627450980392156604237285933;0.006209150326797385245625182648;0.041503267973856207417870933796;0.000000000000000000000000000000;0.009803921568627450844335413649;0.010784313725490195928768955014;0.012418300653594770491250365296;0.011437908496732025406816823931;0.009150326797385621366287544731;0.024509803921568627110838534122;0.008823529411764705759901872284
-0.010763888888888888811790067734;0.008680555555555555941049661328;0.048958333333333332870740406406;0.395486111111111093840975172498;0.000347222222222222235473582108;0.008333333333333333217685101602;0.006944444444444444058950338672;0.013194444444444444405895033867;0.033680555555555553859381490156;0.029861111111111112575988713047;0.002430555555555555594104966133;0.002430555555555555594104966133;0.001736111111111111014737584668;0.023263888888888889505679458125;0.016666666666666666435370203203;0.012847222222222221682530474141;0.026041666666666667823148983985;0.019791666666666665741480812812;0.007986111111111110494320541875;0.005902777777777777623580135469;0.007291666666666666782314898398;0.015625000000000000000000000000;0.001388888888888888941894328433;0.038194444444444447528397290625;0.014583333333333333564629796797;0.023611111111111110494320541875;0.018402777777777778317469525859;0.008680555555555555941049661328;0.003125000000000000173472347598;0.003125000000000000173472347598;0.002777777777777777883788656865;0.016319444444444445446729119453;0.001388888888888888941894328433;0.007986111111111110494320541875;0.001736111111111111014737584668;0.023611111111111110494320541875;0.003472222222222222029475169336;0.002083333333333333304421275400;0.010416666666666666088425508008;0.004513888888888888464845372539;0.011111111111111111535154627461;0.019097222222222223764198645313;0.000000000000000000000000000000;0.013194444444444444405895033867;0.006597222222222222202947516934;0.011458333333333332523795711211;0.033680555555555553859381490156;0.008333333333333333217685101602;0.003472222222222222029475169336;0.009374999999999999653055304805
-0.040804597701149428190525725313;0.003735632183908045925169183477;0.078160919540229883972770608125;0.000000000000000000000000000000;0.017241379310344827346934692969;0.016954022988505748625875924063;0.001149425287356321823128979531;0.012356321839080459598636529961;0.052873563218390803863933058437;0.047126436781609194748288160781;0.013793103448275861877547754375;0.007758620689655172306120611836;0.008620689655172413673467346484;0.046264367816091951646217950156;0.004597701149425287292515918125;0.033620689655172411591799175312;0.030747126436781610503423678438;0.030459770114942528312917957578;0.005459770114942528659862652773;0.007758620689655172306120611836;0.008045977011494252761902856719;0.019540229885057470993192652031;0.003160919540229885013604693711;0.056609195402298848054378765937;0.040517241379310342530573052500;0.047126436781609194748288160781;0.024137931034482758285708570156;0.000862068965517241367346734648;0.000862068965517241367346734648;0.003735632183908045925169183477;0.008333333333333333217685101602;0.035632183908045976516998365469;0.001724137931034482734693469297;0.001724137931034482734693469297;0.010632183908045976863943060664;0.068103448275862066285668561250;0.014080459770114942333329999258;0.012356321839080459598636529961;0.000287356321839080455782244883;0.006321839080459770027209387422;0.003160919540229885013604693711;0.015517241379310344612241223672;0.000000000000000000000000000000;0.026436781609195401931966529219;0.001149425287356321823128979531;0.017241379310344827346934692969;0.045114942528735629823088970625;0.029885057471264367401353467812;0.015517241379310344612241223672;0.022701149425287357741520821719
-0.045999999999999999222843882762;0.007333333333333333196868419890;0.059999999999999997779553950750;0.000000000000000000000000000000;0.000333333333333333322202191029;0.014333333333333333342585191872;0.001333333333333333288808764117;0.021000000000000001304512053935;0.021666666666666667406815349750;0.038999999999999999944488848769;0.015666666666666665547191783503;0.005666666666666667073748442363;0.011666666666666667198648532633;0.049666666666666664520235485725;0.003000000000000000062450045135;0.026999999999999999694688668228;0.026666666666666668378260496297;0.041000000000000001720845688169;0.008999999999999999319988397417;0.013333333333333334189130248149;0.014333333333333333342585191872;0.019666666666666665630458510350;0.007333333333333333196868419890;0.054666666666666668961127584225;0.039666666666666669516239096538;0.060999999999999998667732370450;0.032666666666666663298990158637;0.000333333333333333322202191029;0.000666666666666666644404382058;0.004666666666666667052931760651;0.004333333333333333134418374755;0.022666666666666668294993769450;0.002333333333333333526465880325;0.006333333333333333176051738178;0.015333333333333332496040135595;0.058000000000000002942091015257;0.012999999999999999403255124264;0.009333333333333334105863521302;0.001000000000000000020816681712;0.015666666666666665547191783503;0.005333333333333333155235056466;0.006333333333333333176051738178;0.000000000000000000000000000000;0.029000000000000001471045507628;0.000666666666666666644404382058;0.020000000000000000416333634234;0.056000000000000001165734175856;0.040666666666666663465523612331;0.025999999999999998806510248528;0.019333333333333334314030338419
-0.031862745098039213509366618382;0.004901960784313725422167706824;0.078431372549019606754683309191;0.000000000000000000000000000000;0.000490196078431372542216770682;0.012254901960784313555419267061;0.002450980392156862711083853412;0.017647058823529411519803744568;0.024019607843137256303345239417;0.057352941176470585704638693869;0.020588235294117646773104368663;0.004901960784313725422167706824;0.008823529411764705759901872284;0.058333333333333334258519187188;0.005882352941176470506601248189;0.016176470588235295627876908497;0.024509803921568627110838534122;0.037254901960784313208474571866;0.010784313725490195928768955014;0.014215686274509803724286349791;0.013725490196078431182069579108;0.018627450980392156604237285933;0.013725490196078431182069579108;0.064705882352941182511507633990;0.025980392156862746472212322146;0.048039215686274512606690478833;0.027941176470588236641079404876;0.000000000000000000000000000000;0.000490196078431372542216770682;0.003921568627450980337734165460;0.003921568627450980337734165460;0.034803921568627452232114194430;0.006862745098039215591034789554;0.004901960784313725422167706824;0.011764705882352941013202496379;0.063725490196078427018733236764;0.016666666666666666435370203203;0.004901960784313725422167706824;0.002450980392156862711083853412;0.018137254901960785796743991227;0.004411764705882352879950936142;0.009803921568627450844335413649;0.000000000000000000000000000000;0.032843137254901962063247111701;0.002450980392156862711083853412;0.012254901960784313555419267061;0.046568627450980393245316690809;0.025980392156862746472212322146;0.032843137254901962063247111701;0.016666666666666666435370203203
-0.028508771929824559820954021916;0.004824561403508772182424646502;0.019736842105263156799122015173;0.446052631578947367252396816184;0.000877192982456140367235331023;0.013157894736842104532748010115;0.004824561403508772182424646502;0.021052631578947367946286206575;0.006140350877192982462227099916;0.025438596491228069457202209946;0.013596491228070176071618391234;0.006578947368421052266374005058;0.007894736842105263413538196460;0.016666666666666666435370203203;0.010964912280701753777290008429;0.017105263157894737974240584322;0.008771929824561403021832006743;0.019736842105263156799122015173;0.016666666666666666435370203203;0.003947368421052631706769098230;0.013596491228070176071618391234;0.003070175438596491231113549958;0.004385964912280701510916003372;0.026315789473684209065496020230;0.023684210526315790240614589379;0.021929824561403507554580016858;0.021491228070175439485156587693;0.001754385964912280734470662047;0.001754385964912280734470662047;0.014473684210526315679912201517;0.008333333333333333217685101602;0.008771929824561403021832006743;0.007894736842105263413538196460;0.002192982456140350755458001686;0.007894736842105263413538196460;0.015789473684210526827076392919;0.006578947368421052266374005058;0.008771929824561403021832006743;0.000000000000000000000000000000;0.004824561403508772182424646502;0.006140350877192982462227099916;0.001315789473684210496642887911;0.000000000000000000000000000000;0.023245614035087718701744208261;0.011842105263157895120307294690;0.019736842105263156799122015173;0.015350877192982455288206011801;0.007017543859649122937882648188;0.012280701754385964924454199831;0.007017543859649122937882648188
-0.041111111111111112159655078813;0.008888888888888888881179006773;0.058611111111111113824989615750;0.051111111111111114102545371907;0.000833333333333333386820640509;0.010000000000000000208166817117;0.003611111111111110945348645629;0.018333333333333333425851918719;0.017777777777777777762358013547;0.048611111111111111882099322656;0.011388888888888889366901580047;0.002777777777777777883788656865;0.005833333333333333599324266316;0.044999999999999998334665463062;0.009444444444444444544672911945;0.017222222222222222098864108375;0.034722222222222223764198645313;0.032777777777777780676693453188;0.006388888888888889262818171488;0.012222222222222222862142437805;0.013611111111111110286153724758;0.014999999999999999444888487687;0.011111111111111111535154627461;0.059444444444444445585506997531;0.027222222222222220572307449515;0.047222222222222220988641083750;0.021944444444444443503838826359;0.002777777777777777883788656865;0.001666666666666666773641281019;0.004166666666666666608842550801;0.002500000000000000052041704279;0.032500000000000001110223024625;0.005000000000000000104083408559;0.008611111111111111049432054187;0.010555555555555555871660722289;0.059166666666666666019036568969;0.012777777777777778525636342977;0.015277777777777777276635440273;0.000555555555555555555073687923;0.021111111111111111743321444578;0.005555555555555555767577313730;0.013611111111111110286153724758;0.000000000000000000000000000000;0.036666666666666666851703837438;0.002777777777777777883788656865;0.023055555555555554830826636703;0.046111111111111109661653273406;0.029722222222222222792753498766;0.021666666666666667406815349750;0.011944444444444445030395485219
-0.020261437908496732901442172192;0.003267973856209150426005427548;0.073856209150326798673624750791;0.000326797385620915010074477580;0.001960784313725490168867082730;0.010457516339869280322383282567;0.001307189542483660040297910321;0.021895424836601305729200106498;0.016993464052287580307032399674;0.047712418300653591796134378455;0.011111111111111111535154627461;0.002614379084967320080595820642;0.010457516339869280322383282567;0.050326797385620916647219758033;0.001633986928104575213002713774;0.013398692810457515575683906661;0.036601307189542485465150178925;0.036274509803921571593487982454;0.003594771241830065165029362007;0.014052287581699346788455251556;0.008823529411764705759901872284;0.017647058823529411519803744568;0.010457516339869280322383282567;0.077124183006535951268034523309;0.021568627450980391857537910028;0.047385620915032677924472181985;0.026470588235294117279705616852;0.000000000000000000000000000000;0.003594771241830065165029362007;0.010457516339869280322383282567;0.001960784313725490168867082730;0.045751633986928101627267295726;0.003921568627450980337734165460;0.006862745098039215591034789554;0.017647058823529411519803744568;0.075816993464052281903597929613;0.015359477124183005744550989391;0.007843137254901960675468330919;0.003267973856209150426005427548;0.026797385620915031151367813322;0.007516339869281045936444396460;0.004901960784313725422167706824;0.000000000000000000000000000000;0.034313725490196081424620899725;0.003921568627450980337734165460;0.019607843137254901688670827298;0.052614379084967320687749037234;0.032026143790849670445197716617;0.023529411764705882026404992757;0.014705882352941176266503120473
-0.024561403508771929848908399663;0.003508771929824561468941324094;0.078070175438596497996535106267;0.000000000000000000000000000000;0.000000000000000000000000000000;0.013596491228070176071618391234;0.001315789473684210496642887911;0.012719298245614034728601104973;0.022807017543859650632320779096;0.031578947368421053654152785839;0.015350877192982455288206011801;0.005263157894736841986571551644;0.017543859649122806043664013487;0.056140350877192983503061185502;0.003508771929824561468941324094;0.022807017543859650632320779096;0.032456140350877189792999644169;0.032017543859649125193023166958;0.006578947368421052266374005058;0.015350877192982455288206011801;0.008771929824561403021832006743;0.034210526315789475948481168643;0.028508771929824559820954021916;0.034649122807017540548457645855;0.032894736842105261331870025288;0.034649122807017540548457645855;0.028508771929824559820954021916;0.001754385964912280734470662047;0.000877192982456140367235331023;0.003508771929824561468941324094;0.011842105263157895120307294690;0.018859649122807017190828204889;0.003508771929824561468941324094;0.012719298245614034728601104973;0.035964912280701755165068789211;0.041666666666666664353702032031;0.013596491228070176071618391234;0.009649122807017544364849293004;0.004385964912280701510916003372;0.067105263157894737280351193931;0.003508771929824561468941324094;0.013157894736842104532748010115;0.000000000000000000000000000000;0.019736842105263156799122015173;0.001315789473684210496642887911;0.007894736842105263413538196460;0.033333333333333332870740406406;0.040350877192982456675984792582;0.039912280701754385137114411464;0.017982456140350877582534394605
-0.035772357723577237476053625187;0.005284552845528455063128792091;0.063414634146341464226992457043;0.012601626016260162807536282514;0.026422764227642277917729174419;0.009756097560975609747635495239;0.001219512195121951218454436905;0.020731707317073171797927599869;0.016666666666666666435370203203;0.033333333333333332870740406406;0.011382113821138212239603149101;0.003252032520325203249211831746;0.013008130081300812996847326986;0.048373983739837395079419479771;0.010162601626016259936946539710;0.019918699186991871419305510926;0.026829268292682926372316742913;0.028455284552845527129560920798;0.007317073170731707744407490424;0.012195121951219512618225238043;0.018292682926829267192614381088;0.020731707317073171797927599869;0.011788617886178862428914193572;0.048780487804878050472900952172;0.035365853658536582082572152785;0.039024390243902438990541980957;0.026016260162601625993694653971;0.030081300813008131356252050637;0.001219512195121951218454436905;0.004065040650406504495195658677;0.003252032520325203249211831746;0.028048780487804878674973352304;0.004065040650406504495195658677;0.015447154471544715867437069790;0.028048780487804878674973352304;0.040650406504065039747786158841;0.014634146341463415488814980847;0.008536585365853659179702361826;0.002845528455284553059900787275;0.022357723577235772555171777753;0.002439024390243902436908873810;0.007723577235772357933718534895;0.000000000000000000000000000000;0.020325203252032519873893079421;0.007317073170731707744407490424;0.013821138211382113375469415928;0.059756097560975607319022628872;0.031707317073170732113496228521;0.026016260162601625993694653971;0.021544715447154472176549688811
-0.015094339622641509551792537991;0.007861635220125786152611802038;0.095283018867924534900382127489;0.094968553459119503523666594447;0.002515723270440251447405133334;0.003144654088050314634517068413;0.001257861635220125723702566667;0.020440251572327042955956599712;0.012264150943396227161352740609;0.048742138364779877268695429393;0.005345911949685534271525799710;0.002515723270440251447405133334;0.005031446540880502894810266667;0.068553459119496854001774011067;0.006603773584905660645749669868;0.007547169811320754775896268995;0.032075471698113207363878274236;0.030188679245283019103585075982;0.002830188679245282824120666376;0.014150943396226415421645938864;0.005974842767295597892318603783;0.016352201257861635058654670161;0.002201257861635220070689600291;0.066352201257861634364765279770;0.013207547169811321291499339736;0.044339622641509431055784062892;0.021069182389937105709387665797;0.010062893081761005789620533335;0.000943396226415094346987033624;0.003459119496855346011232601455;0.000943396226415094346987033624;0.033647798742138364247455939449;0.002830188679245282824120666376;0.006918238993710692022465202911;0.009433962264150943036189467250;0.075786163522012575666231271043;0.013207547169811321291499339736;0.003459119496855346011232601455;0.000314465408805031430925641667;0.009748427672955974412905000293;0.005345911949685534271525799710;0.011320754716981131296482665505;0.000000000000000000000000000000;0.023584905660377360192558882090;0.004402515723270440141379200583;0.009119496855345911659473934208;0.071383647798742136392213808449;0.027358490566037736713145278600;0.017610062893081760565516802330;0.013207547169811321291499339736
-0.024074074074074074125473288177;0.009722222222222222376419864531;0.052314814814814813992427389167;0.162500000000000005551115123126;0.006018518518518518531368322044;0.024537037037037037756626034479;0.000462962962962962980631442811;0.013425925925925926221471407018;0.020833333333333332176851016015;0.013425925925925926221471407018;0.016666666666666666435370203203;0.009722222222222222376419864531;0.023611111111111110494320541875;0.028240740740740739866954100989;0.015277777777777777276635440273;0.018055555555555553859381490156;0.018518518518518517490534236458;0.030092592592592590922118134245;0.015277777777777777276635440273;0.012037037037037037062736644089;0.010185185185185186007572610833;0.023611111111111110494320541875;0.019907407407407408383992475365;0.020370370370370372015145221667;0.034722222222222223764198645313;0.023148148148148146863167795573;0.022685185185185186701462001224;0.006944444444444444058950338672;0.000000000000000000000000000000;0.017129629629629630066522949505;0.007407407407407407690103084974;0.014351851851851851749053423646;0.014351851851851851749053423646;0.015740740740740739173064710599;0.041203703703703700722549285729;0.025462962962962961549484575130;0.006481481481481481295159330358;0.008333333333333333217685101602;0.003703703703703703845051542487;0.040740740740740744030290443334;0.004166666666666666608842550801;0.005092592592592593003786305417;0.000000000000000000000000000000;0.006944444444444444058950338672;0.013888888888888888117900677344;0.008333333333333333217685101602;0.020370370370370372015145221667;0.022685185185185186701462001224;0.034259259259259260133045899011;0.012962962962962962590318660716
-0.030909090909090910365142335081;0.017575757575757574441288610956;0.042727272727272724850422491727;0.056363636363636365755880319739;0.008484848484848485708487153545;0.023636363636363635909454217199;0.003333333333333333547282562037;0.021212121212121213403856145874;0.024242424242424242403215473018;0.037272727272727269876018141304;0.013636363636363635701287400082;0.023636363636363635909454217199;0.009696969696969696961286189207;0.030303030303030303871381079261;0.015454545454545455182571167541;0.016363636363636364923213051270;0.015757575757575758429451795450;0.038484848484848482863540652943;0.017878787878787879422892714842;0.007575757575757575967845269815;0.014848484848484848688809911721;0.016666666666666666435370203203;0.016060606060606059941608947383;0.046060606060606058831385922758;0.029393939393939392396015719555;0.029393939393939392396015719555;0.025151515151515150409133880771;0.006060606060606060600803868255;0.001212121212121212120160773651;0.028181818181818182877940159869;0.023636363636363635909454217199;0.021818181818181819897617401693;0.009696969696969696961286189207;0.004242424242424242854243576772;0.019090909090909092410415226482;0.051515151515151513805790273182;0.017878787878787879422892714842;0.014242424242424242195048655901;0.003333333333333333547282562037;0.015454545454545455182571167541;0.006969696969696969474084013996;0.022727272727272727903535809446;0.000000000000000000000000000000;0.018484848484848485916653970662;0.009696969696969696961286189207;0.015454545454545455182571167541;0.026363636363636363396656392410;0.019696969696969695434729530348;0.022424242424242422921931705559;0.009696969696969696961286189207
-0.025833333333333333148296162562;0.020833333333333332176851016015;0.063888888888888883954564334999;0.002222222222222222220294751693;0.011388888888888889366901580047;0.006944444444444444058950338672;0.003888888888888888777095598215;0.032500000000000001110223024625;0.012777777777777778525636342977;0.040277777777777780399137697032;0.009722222222222222376419864531;0.004444444444444444440589503387;0.008055555555555555385938149016;0.046666666666666668794594130532;0.027500000000000000138777878078;0.013888888888888888117900677344;0.025277777777777777484802257391;0.037222222222222219045750790656;0.019444444444444444752839729063;0.011666666666666667198648532633;0.020277777777777776513357110844;0.012222222222222222862142437805;0.016666666666666666435370203203;0.067222222222222224874421669938;0.018611111111111109522875395328;0.044444444444444446140618509844;0.031944444444444441977282167500;0.008611111111111111049432054187;0.000277777777777777777536843962;0.012222222222222222862142437805;0.003611111111111110945348645629;0.026944444444444444475283972906;0.013888888888888888117900677344;0.003611111111111110945348645629;0.016111111111111110771876298031;0.065000000000000002220446049250;0.016111111111111110771876298031;0.005555555555555555767577313730;0.000833333333333333386820640509;0.015277777777777777276635440273;0.010555555555555555871660722289;0.006388888888888889262818171488;0.000000000000000000000000000000;0.025277777777777777484802257391;0.017500000000000001665334536938;0.010555555555555555871660722289;0.047500000000000000555111512313;0.025000000000000001387778780781;0.017777777777777777762358013547;0.015555555555555555108382392859
-0.015416666666666667059870654555;0.047500000000000000555111512313;0.027916666666666666019036568969;0.005000000000000000104083408559;0.021250000000000001526556658860;0.020000000000000000416333634234;0.006666666666666667094565124074;0.044583333333333335923853724125;0.012916666666666666574148081281;0.010416666666666666088425508008;0.013750000000000000069388939039;0.007499999999999999722444243844;0.020833333333333332176851016015;0.014583333333333333564629796797;0.055416666666666669627261399000;0.007916666666666667337426410711;0.012916666666666666574148081281;0.058333333333333334258519187188;0.049583333333333333425851918719;0.006666666666666667094565124074;0.030833333333333334119741309109;0.012083333333333333078907223523;0.040833333333333332593184650250;0.014999999999999999444888487687;0.010833333333333333703407674875;0.010833333333333333703407674875;0.032083333333333331760517381781;0.026666666666666668378260496297;0.001250000000000000026020852140;0.035833333333333335091186455656;0.006666666666666667094565124074;0.007916666666666667337426410711;0.042083333333333333703407674875;0.007083333333333332974823814965;0.044583333333333335923853724125;0.022499999999999999167332731531;0.009583333333333332593184650250;0.007916666666666667337426410711;0.000833333333333333386820640509;0.025416666666666667268037471672;0.029166666666666667129259593594;0.010833333333333333703407674875;0.000000000000000000000000000000;0.005833333333333333599324266316;0.033333333333333332870740406406;0.012500000000000000693889390391;0.010416666666666666088425508008;0.007499999999999999722444243844;0.031666666666666669349705642844;0.008750000000000000832667268469
-0.039015151515151516581347834745;0.014772727272727272443408885749;0.031439393939393940613502564929;0.150378787878787889553677814547;0.010984848484848484459486250842;0.030303030303030303871381079261;0.005303030303030303350964036468;0.028409090909090908144696285831;0.007575757575757575967845269815;0.016287878787878788677812025298;0.022348484848484850145977631541;0.007575757575757575967845269815;0.020075757575757576661734660206;0.022348484848484850145977631541;0.029166666666666667129259593594;0.015530303030303029693248717535;0.011742424242424241709326082628;0.032196969696969696128618920739;0.029166666666666667129259593594;0.005303030303030303350964036468;0.021590909090909091161414323778;0.010984848484848484459486250842;0.011742424242424241709326082628;0.021969696969696968918972501683;0.028787878787878789371701415689;0.028409090909090908144696285831;0.032196969696969696128618920739;0.012121212121212121201607736509;0.001136363636363636308440616673;0.019696969696969695434729530348;0.003409090909090908925321850020;0.014393939393939394685850707845;0.021590909090909091161414323778;0.010606060606060606701928072937;0.028409090909090908144696285831;0.023106060606060605661093987351;0.010227272727272727209646419055;0.008333333333333333217685101602;0.003409090909090908925321850020;0.016666666666666666435370203203;0.010606060606060606701928072937;0.006060606060606060600803868255;0.000000000000000000000000000000;0.011363636363636363951767904723;0.020833333333333332176851016015;0.016666666666666666435370203203;0.019696969696969695434729530348;0.015151515151515151935690539631;0.026893939393939393645016622258;0.014015151515151515193569053963
-0.020370370370370372015145221667;0.020833333333333332176851016015;0.060648148148148145475389014791;0.003703703703703703845051542487;0.012037037037037037062736644089;0.017592592592592593697675695807;0.000462962962962962980631442811;0.010648148148148147904001881159;0.040740740740740744030290443334;0.020833333333333332176851016015;0.007407407407407407690103084974;0.010648148148148147904001881159;0.017592592592592593697675695807;0.036574074074074071349915726614;0.006481481481481481295159330358;0.011574074074074073431583897786;0.034259259259259260133045899011;0.056018518518518516102755455677;0.014351851851851851749053423646;0.015740740740740739173064710599;0.007870370370370369586532355299;0.033333333333333332870740406406;0.030092592592592590922118134245;0.034259259259259260133045899011;0.018518518518518517490534236458;0.032870370370370369239587660104;0.023148148148148146863167795573;0.030555555555555554553270880547;0.000925925925925925961262885622;0.015277777777777777276635440273;0.007870370370370369586532355299;0.024074074074074074125473288177;0.011111111111111111535154627461;0.009259259259259258745267118229;0.032407407407407405608434913802;0.039351851851851853136832204427;0.011574074074074073431583897786;0.006481481481481481295159330358;0.005092592592592593003786305417;0.042592592592592591616007524635;0.005555555555555555767577313730;0.034722222222222223764198645313;0.000000000000000000000000000000;0.008333333333333333217685101602;0.006481481481481481295159330358;0.011111111111111111535154627461;0.026851851851851852442942814037;0.023611111111111110494320541875;0.038425925925925925874526711823;0.009722222222222222376419864531
-0.038768115942028988363254882188;0.005797101449275362389235155547;0.043840579710144926550707822344;0.002536231884057970828449946055;0.002173913043478260895963183330;0.011956521739130435144637942813;0.001086956521739130447981591665;0.020652173913043476993767200156;0.027173913043478260115337619141;0.049275362318840582043222298125;0.013768115942028985240752625430;0.007246376811594202986543944434;0.006159420289855072755402787266;0.044927536231884057649210717500;0.005797101449275362389235155547;0.027173913043478260115337619141;0.017391304347826087167705466641;0.027173913043478260115337619141;0.012318840579710145510805574531;0.006159420289855072755402787266;0.017028985507246376801537834922;0.011956521739130435144637942813;0.008695652173913043583852733320;0.076811594202898555994174500938;0.032246376811594201772237511250;0.060869565217391306821692609219;0.027898550724637680847672882578;0.031521739130434781039902247812;0.001811594202898550746635986108;0.006159420289855072755402787266;0.003623188405797101493271972217;0.033333333333333332870740406406;0.006884057971014492620376312715;0.002898550724637681194617577773;0.009782608695652174682355628477;0.047826086956521740578551771250;0.013768115942028985240752625430;0.012681159420289855876973206250;0.003623188405797101493271972217;0.012318840579710145510805574531;0.006521739130434782254208680996;0.010507246376811593679967415937;0.000000000000000000000000000000;0.035869565217391305433913828438;0.003623188405797101493271972217;0.025724637681159418650667092265;0.057608695652173913526183923750;0.027898550724637680847672882578;0.022463768115942028824605358750;0.016666666666666666435370203203
-0.023863636363636364645657295114;0.002651515151515151675482018234;0.046590909090909092549193104560;0.000378787878787878787550241766;0.001515151515151515150200967064;0.016287878787878788677812025298;0.001893939393939393991961317454;0.015530303030303029693248717535;0.012878787878787878451447568295;0.100000000000000005551115123126;0.011742424242424241709326082628;0.010606060606060606701928072937;0.002651515151515151675482018234;0.036742424242424243097104863409;0.001893939393939393991961317454;0.023863636363636364645657295114;0.012500000000000000693889390391;0.010227272727272727209646419055;0.006439393939393939225723784148;0.003030303030303030300401934127;0.018560606060606062162054996634;0.003409090909090908925321850020;0.002272727272727272616881233347;0.123863636363636370196772418240;0.023863636363636364645657295114;0.064393939393939392257237841477;0.023106060606060605661093987351;0.023863636363636364645657295114;0.000757575757575757575100483532;0.006060606060606060600803868255;0.003409090909090908925321850020;0.037499999999999998612221219219;0.001515151515151515150200967064;0.003409090909090908925321850020;0.004545454545454545233762466694;0.072348484848484842513194337243;0.007954545454545453725403447720;0.007954545454545453725403447720;0.003030303030303030300401934127;0.002651515151515151675482018234;0.006818181818181817850643700041;0.009848484848484847717364765174;0.000000000000000000000000000000;0.053787878787878787290033244517;0.000757575757575757575100483532;0.033712121212121214097745536264;0.071212121212121212709966755483;0.026515151515151515887458444354;0.009090909090909090467524933388;0.012500000000000000693889390391
-0.030092592592592590922118134245;0.014351851851851851749053423646;0.043055555555555555247160270937;0.004166666666666666608842550801;0.010648148148148147904001881159;0.025000000000000001387778780781;0.006018518518518518531368322044;0.031481481481481478346129421197;0.023148148148148146863167795573;0.022685185185185186701462001224;0.023148148148148146863167795573;0.018981481481481481121686982760;0.021759259259259259439156508620;0.028240740740740739866954100989;0.018518518518518517490534236458;0.023148148148148146863167795573;0.032870370370370369239587660104;0.045370370370370373402924002448;0.033333333333333332870740406406;0.006944444444444444058950338672;0.025000000000000001387778780781;0.015740740740740739173064710599;0.016203703703703702804217456901;0.026851851851851852442942814037;0.045833333333333330095182844843;0.034259259259259260133045899011;0.028240740740740739866954100989;0.013888888888888888117900677344;0.000925925925925925961262885622;0.026388888888888888811790067734;0.012962962962962962590318660716;0.014351851851851851749053423646;0.016666666666666666435370203203;0.006481481481481481295159330358;0.024537037037037037756626034479;0.033796296296296296501893152708;0.011574074074074073431583897786;0.009259259259259258745267118229;0.000925925925925925961262885622;0.015277777777777777276635440273;0.012037037037037037062736644089;0.012500000000000000693889390391;0.000000000000000000000000000000;0.013888888888888888117900677344;0.014814814814814815380206169948;0.014814814814814815380206169948;0.020833333333333332176851016015;0.020370370370370372015145221667;0.036574074074074071349915726614;0.012037037037037037062736644089
-0.044444444444444446140618509844;0.004273504273504273934247699174;0.064957264957264962412786246659;0.001282051282051282050170049054;0.005128205128205128200680196215;0.017094017094017095736990796695;0.002136752136752136967123849587;0.009829059829059828834463274916;0.013675213675213675201813856575;0.031623931623931622603151936346;0.024358974358974359170071366520;0.007264957264957265167804045802;0.020512820512820512802720784862;0.060683760683760683274368119555;0.002564102564102564100340098108;0.029914529914529915805010418239;0.018803418803418802535132314802;0.020512820512820512802720784862;0.009401709401709401267566157401;0.011965811965811966668948862491;0.016239316239316240603196561665;0.013247863247863247634916739059;0.024358974358974359170071366520;0.035897435897435894802676159543;0.047435897435897433904727904519;0.047863247863247866675795449964;0.022222222222222223070309254922;0.001282051282051282050170049054;0.000427350427350427350056683018;0.011111111111111111535154627461;0.012393162393162392501122504029;0.013247863247863247634916739059;0.008547008547008547868495398347;0.011965811965811966668948862491;0.052564102564102564707493314700;0.042735042735042735873030039784;0.012393162393162392501122504029;0.009829059829059828834463274916;0.000427350427350427350056683018;0.033760683760683758702914047944;0.005128205128205128200680196215;0.002564102564102564100340098108;0.000000000000000000000000000000;0.020512820512820512802720784862;0.005555555555555555767577313730;0.012820512820512820068019621544;0.045726495726495723637139434459;0.037606837606837605070264629603;0.035042735042735043138328876466;0.016666666666666666435370203203
-0.034210526315789475948481168643;0.008771929824561403021832006743;0.050877192982456138914404419893;0.018421052631578945651957823770;0.008771929824561403021832006743;0.018421052631578945651957823770;0.005701754385964912658080194774;0.021491228070175439485156587693;0.019736842105263156799122015173;0.031578947368421053654152785839;0.016666666666666666435370203203;0.013596491228070176071618391234;0.020175438596491228337992396291;0.039473684210526313598244030345;0.014473684210526315679912201517;0.020614035087719299876862777410;0.022368421052631579093450397977;0.026754385964912280604366401349;0.017543859649122806043664013487;0.009649122807017544364849293004;0.013157894736842104532748010115;0.017982456140350877582534394605;0.022807017543859650632320779096;0.038157894736842105920526790896;0.037280701754385962842786028659;0.035964912280701755165068789211;0.028947368421052631359824403035;0.007456140350877192742029553330;0.003508771929824561468941324094;0.016228070175438594896499822084;0.018859649122807017190828204889;0.016666666666666666435370203203;0.009649122807017544364849293004;0.014473684210526315679912201517;0.034210526315789475948481168643;0.036842105263157891303915647541;0.014473684210526315679912201517;0.012280701754385964924454199831;0.004824561403508772182424646502;0.024561403508771929848908399663;0.008333333333333333217685101602;0.008333333333333333217685101602;0.000000000000000000000000000000;0.021491228070175439485156587693;0.012280701754385964924454199831;0.020614035087719299876862777410;0.029824561403508770968118213318;0.025877192982456140996072591065;0.028947368421052631359824403035;0.016666666666666666435370203203
-0.026785714285714284227379877734;0.002083333333333333304421275400;0.052976190476190475331375040469;0.000595238095238095291789059971;0.003869047619047619179788455313;0.032738095238095239747355691406;0.002678571428571428596210335371;0.015773809523809523280846178750;0.013392857142857142113689938867;0.020535714285714285615158658516;0.017261904761904763028201870156;0.016666666666666666435370203203;0.050595238095238095898942276563;0.049404761904761902713278942656;0.003869047619047619179788455313;0.023214285714285715078730731875;0.017857142857142856151586585156;0.026488095238095237665687520234;0.008333333333333333217685101602;0.011309523809523809242949532461;0.012797619047619047255581747891;0.013690476190476190410105772344;0.031547619047619046561692357500;0.032142857142857139685077072500;0.044940476190476190410105772344;0.033333333333333332870740406406;0.026785714285714284227379877734;0.000000000000000000000000000000;0.000000000000000000000000000000;0.020238095238095239053466301016;0.011904761904761904101057723437;0.011607142857142857539365365938;0.011904761904761904101057723437;0.011011904761904762681257174961;0.075595238095238090347827153437;0.036607142857142858927144146719;0.016071428571428569842538536250;0.009523809523809524668624959531;0.001488095238095238012632215430;0.030952380952380953438307642500;0.003273809523809523887999395342;0.002380952380952381167156239883;0.000000000000000000000000000000;0.013988095238095238706521605820;0.002678571428571428596210335371;0.012202380952380952397473556914;0.032440476190476193185663333907;0.035416666666666665741480812812;0.048214285714285716466509512657;0.020833333333333332176851016015
-0.019097222222222223764198645313;0.025347222222222222376419864531;0.053124999999999998612221219219;0.041319444444444443365060948281;0.048958333333333332870740406406;0.012152777777777777970524830664;0.008333333333333333217685101602;0.028819444444444446140618509844;0.022916666666666665047591422422;0.018749999999999999306110609609;0.010069444444444445099784424258;0.003125000000000000173472347598;0.014930555555555556287994356524;0.030555555555555554553270880547;0.031944444444444441977282167500;0.012152777777777777970524830664;0.026736111111111109800431151484;0.038888888888888889505679458125;0.016666666666666666435370203203;0.011111111111111111535154627461;0.015277777777777777276635440273;0.015972222222222220988641083750;0.024305555555555555941049661328;0.022569444444444444058950338672;0.018402777777777778317469525859;0.022569444444444444058950338672;0.026041666666666667823148983985;0.029513888888888888117900677344;0.000694444444444444470947164216;0.021874999999999998612221219219;0.004166666666666666608842550801;0.017361111111111111882099322656;0.015277777777777777276635440273;0.006944444444444444058950338672;0.030555555555555554553270880547;0.037152777777777777623580135469;0.016666666666666666435370203203;0.007986111111111110494320541875;0.002083333333333333304421275400;0.027430555555555555247160270937;0.013194444444444444405895033867;0.015625000000000000000000000000;0.000000000000000000000000000000;0.014583333333333333564629796797;0.020486111111111111188209932266;0.013194444444444444405895033867;0.031250000000000000000000000000;0.020138888888888890199568848516;0.025694444444444443365060948281;0.007986111111111110494320541875
-0.012121212121212121201607736509;0.021969696969696968918972501683;0.017803030303030303177491688871;0.058712121212121215485524317046;0.092424242424242422644375949403;0.010227272727272727209646419055;0.003409090909090908925321850020;0.028409090909090908144696285831;0.003409090909090908925321850020;0.072727272727272723740199467102;0.011363636363636363951767904723;0.004545454545454545233762466694;0.003787878787878787983922634908;0.022727272727272727903535809446;0.039015151515151516581347834745;0.006818181818181817850643700041;0.007196969696969697342925353922;0.017045454545454544192928381108;0.028409090909090908144696285831;0.003409090909090908925321850020;0.014393939393939394685850707845;0.000000000000000000000000000000;0.002272727272727272616881233347;0.100378787878787872900332445170;0.009090909090909090467524933388;0.034848484848484850839867021932;0.018560606060606062162054996634;0.017803030303030303177491688871;0.000378787878787878787550241766;0.032196969696969696128618920739;0.002651515151515151675482018234;0.037878787878787879839226349077;0.012500000000000000693889390391;0.001136363636363636308440616673;0.003409090909090908925321850020;0.051136363636363639517679047231;0.007575757575757575967845269815;0.005681818181818181975883952362;0.000000000000000000000000000000;0.000757575757575757575100483532;0.010984848484848484459486250842;0.003787878787878787983922634908;0.000000000000000000000000000000;0.047727272727272729291314590228;0.035227272727272725127978247883;0.023484848484848483418652165255;0.035606060606060606354983377742;0.011742424242424241709326082628;0.009469696969696969959806587269;0.003787878787878787983922634908
-0.022222222222222223070309254922;0.037654320987654324448534737257;0.027160493827160493707228994253;0.203703703703703692395876601040;0.008024691358024691953398921385;0.016049382716049383906797842769;0.002469135802469135752140738660;0.027777777777777776235801354687;0.019753086419753086017125909279;0.014197530864197531116910333537;0.014814814814814815380206169948;0.008024691358024691953398921385;0.008024691358024691953398921385;0.012962962962962962590318660716;0.032716049382716050342168045972;0.009876543209876543008562954640;0.020370370370370372015145221667;0.051851851851851850361274642864;0.017901234567901234961961876024;0.008641975308641974481971281818;0.017901234567901234961961876024;0.017283950617283948963942563637;0.014814814814814815380206169948;0.024074074074074074125473288177;0.019135802469135803488553548846;0.016666666666666666435370203203;0.025308641975308642652064960998;0.047530864197530865722374215920;0.001851851851851851922525771243;0.014197530864197531116910333537;0.011111111111111111535154627461;0.015432098765432097908778530382;0.006790123456790123426807248563;0.002469135802469135752140738660;0.010493827160493827271858791050;0.036419753086419752452496112483;0.011728395061728395798450463872;0.007407407407407407690103084974;0.002469135802469135752140738660;0.019135802469135803488553548846;0.011111111111111111535154627461;0.013580246913580246853614497127;0.000000000000000000000000000000;0.013580246913580246853614497127;0.020370370370370372015145221667;0.011728395061728395798450463872;0.013580246913580246853614497127;0.003703703703703703845051542487;0.019753086419753086017125909279;0.006172839506172839163511412153
-0.029999999999999998889776975375;0.022083333333333333287074040641;0.045833333333333330095182844843;0.094583333333333338699411285688;0.005416666666666666851703837438;0.016666666666666666435370203203;0.002916666666666666799662133158;0.023333333333333334397297065266;0.009166666666666666712925959359;0.036666666666666666851703837438;0.013333333333333334189130248149;0.008333333333333333217685101602;0.011249999999999999583666365766;0.035416666666666665741480812812;0.020000000000000000416333634234;0.017083333333333332315628894094;0.024166666666666666157814447047;0.035416666666666665741480812812;0.018749999999999999306110609609;0.008333333333333333217685101602;0.012083333333333333078907223523;0.005000000000000000104083408559;0.008750000000000000832667268469;0.054166666666666668517038374375;0.021250000000000001526556658860;0.040416666666666663243479007406;0.031250000000000000000000000000;0.025000000000000001387778780781;0.000833333333333333386820640509;0.010833333333333333703407674875;0.004166666666666666608842550801;0.022916666666666665047591422422;0.010416666666666666088425508008;0.002916666666666666799662133158;0.012500000000000000693889390391;0.047083333333333331205405869468;0.015833333333333334674852821422;0.006666666666666667094565124074;0.000000000000000000000000000000;0.006666666666666667094565124074;0.009583333333333332593184650250;0.011249999999999999583666365766;0.000000000000000000000000000000;0.028333333333333331899295259859;0.011666666666666667198648532633;0.015416666666666667059870654555;0.050416666666666665186369300500;0.024166666666666666157814447047;0.020416666666666666296592325125;0.011249999999999999583666365766
-0.029069767441860464712855005587;0.015116279069767441650684602905;0.065116279069767440956795212514;0.001550387596899224784685600298;0.001162790697674418588514200223;0.017441860465116278827713003352;0.003488372093023255765542600670;0.022868217054263565574112604395;0.036046511627906979713387158881;0.027131782945736433731998005214;0.013953488372093023062170402682;0.004651162790697674354056800894;0.014728682170542635454513202831;0.032945736434108530144015958285;0.010465116279069767296627802011;0.011627906976744185885142002235;0.044186046511627906363539608492;0.060465116279069766602738411621;0.013953488372093023062170402682;0.013178294573643410669827602533;0.017441860465116278827713003352;0.018604651162790697416227203576;0.033333333333333332870740406406;0.037209302325581394832454407151;0.020930232558139534593255604022;0.032170542635658917751673158136;0.027906976744186046124340805363;0.006976744186046511531085201341;0.001550387596899224784685600298;0.007364341085271317727256601415;0.001550387596899224784685600298;0.020542635658914728397084203948;0.017441860465116278827713003352;0.004651162790697674354056800894;0.029457364341085270909026405661;0.071317829457364340095537613706;0.015116279069767441650684602905;0.006589147286821705334913801266;0.001937984496124030980857000372;0.029457364341085270909026405661;0.012015503875968992081313402309;0.013953488372093023062170402682;0.000000000000000000000000000000;0.015891472868217054043027403054;0.005426356589147286746399601043;0.020155038759689922200912803874;0.027906976744186046124340805363;0.015891472868217054043027403054;0.035658914728682170047768806853;0.012403100775193798277484802384
-0.025000000000000001387778780781;0.022126436781609196829956331953;0.073275862068965511020302017187;0.002011494252873563190475714180;0.007758620689655172306120611836;0.015517241379310344612241223672;0.002298850574712643646257959062;0.026149425287356323210907760313;0.017528735632183909537440413828;0.040517241379310342530573052500;0.013793103448275861877547754375;0.006034482758620689571427142539;0.008045977011494252761902856719;0.050574712643678160217675099375;0.018103448275862070449004903594;0.010057471264367815952378570898;0.020689655172413792816321631562;0.045977011494252872925159181250;0.015229885057471264156458978789;0.012068965517241379142854285078;0.013218390804597700965983264609;0.022988505747126436462579590625;0.013793103448275861877547754375;0.047413793103448273469346929687;0.024712643678160919197273059922;0.041666666666666664353702032031;0.031034482758620689224482447344;0.014655172413793103244894489023;0.001149425287356321823128979531;0.014367816091954022789112244141;0.002873563218390804557822448828;0.023563218390804597374144080391;0.007183908045977011394556122070;0.006321839080459770027209387422;0.013505747126436781421765509492;0.060919540229885056625835915156;0.014655172413793103244894489023;0.005172413793103448204080407891;0.006034482758620689571427142539;0.026724137931034484122472250078;0.008908045977011494129249591367;0.008045977011494252761902856719;0.000000000000000000000000000000;0.021264367816091953727886121328;0.008620689655172413673467346484;0.016091954022988505523805713437;0.046839080459770116027229391875;0.022988505747126436462579590625;0.030172413793103449591859188672;0.012356321839080459598636529961
-0.013414634146341463186158371457;0.011788617886178862428914193572;0.069105691056910570346794031593;0.206097560975609744859937677575;0.013414634146341463186158371457;0.013414634146341463186158371457;0.004065040650406504495195658677;0.018292682926829267192614381088;0.013008130081300812996847326986;0.019105691056910567571236470030;0.006097560975609756309112619022;0.004471544715447154684506703148;0.010569105691056910126257584182;0.041463414634146343595855199737;0.026422764227642277917729174419;0.010569105691056910126257584182;0.019918699186991871419305510926;0.033739837398373981325327974901;0.011382113821138212239603149101;0.013008130081300812996847326986;0.007723577235772357933718534895;0.023983739837398373312415955638;0.010162601626016259936946539710;0.036991869918699189778710234577;0.012601626016260162807536282514;0.023983739837398373312415955638;0.015040650406504065678126025318;0.008536585365853659179702361826;0.001626016260162601624605915873;0.006097560975609756309112619022;0.004878048780487804873817747620;0.030081300813008131356252050637;0.003252032520325203249211831746;0.008943089430894309369013406297;0.019918699186991871419305510926;0.041869918699186992050442768232;0.007317073170731707744407490424;0.004065040650406504495195658677;0.002439024390243902436908873810;0.042276422764227640505030336726;0.006504065040650406498423663493;0.004878048780487804873817747620;0.000000000000000000000000000000;0.015853658536585366056748114261;0.014634146341463415488814980847;0.011382113821138212239603149101;0.028861788617886179053595441246;0.017479674796747966813992292145;0.019105691056910567571236470030;0.010162601626016259936946539710
-0.020748299319727891293352328717;0.015306122448979591482709494699;0.057482993197278911545744506384;0.008843537414965987192294605279;0.029251700680272108012758280893;0.018707482993197278864361265960;0.005442176870748298943281096030;0.025170068027210883154776155379;0.032993197278911562397851753303;0.019727891156462583344133321361;0.015306122448979591482709494699;0.019047619047619049337249919063;0.015646258503401361955598147802;0.032312925170068028390968351005;0.020408163265306120820463675614;0.014285714285714285268213963320;0.036054421768707482776061823415;0.047959183673469386877119546853;0.021428571428571428769682682969;0.013265306122448979053718431942;0.012925170068027210315553254816;0.022789115646258503722343391473;0.011904761904761904101057723437;0.023469387755102041198673745726;0.017006802721088436908258856306;0.023129251700680270725785092623;0.030612244897959182965418989397;0.026870748299319728580325516987;0.003401360544217686947970902267;0.029931972789115645489088635145;0.013945578231292516530048786194;0.016326530612244899431928502054;0.012925170068027210315553254816;0.009523809523809524668624959531;0.021428571428571428769682682969;0.043537414965986391546248768236;0.013945578231292516530048786194;0.009863945578231291672066660681;0.008163265306122449715964251027;0.020408163265306120820463675614;0.011224489795918366624727369185;0.034353741496598637350512461808;0.000000000000000000000000000000;0.013265306122448979053718431942;0.013605442176870747791883609068;0.016326530612244899431928502054;0.026530612244897958107436863884;0.013265306122448979053718431942;0.018367346938775511860919564811;0.011564625850340135362892546311
-0.047727272727272729291314590228;0.001515151515151515150200967064;0.030681818181818181628939257166;0.003409090909090908925321850020;0.020075757575757576661734660206;0.057196969696969697516397701520;0.005303030303030303350964036468;0.009090909090909090467524933388;0.007196969696969697342925353922;0.021969696969696968918972501683;0.017045454545454544192928381108;0.052272727272727269320906628991;0.047348484848484848064309460369;0.035984848484848487581988507600;0.003409090909090908925321850020;0.036742424242424243097104863409;0.012121212121212121201607736509;0.010606060606060606701928072937;0.021212121212121213403856145874;0.007954545454545453725403447720;0.016287878787878788677812025298;0.007196969696969697342925353922;0.010606060606060606701928072937;0.029545454545454544886817771498;0.052272727272727269320906628991;0.032196969696969696128618920739;0.015151515151515151935690539631;0.002651515151515151675482018234;0.001893939393939393991961317454;0.060227272727272726515757028665;0.043939393939393937837945003366;0.013636363636363635701287400082;0.010227272727272727209646419055;0.007575757575757575967845269815;0.046969696969696966837304330511;0.021212121212121213403856145874;0.007196969696969697342925353922;0.028787878787878789371701415689;0.001515151515151515150200967064;0.017803030303030303177491688871;0.001893939393939393991961317454;0.003409090909090908925321850020;0.000000000000000000000000000000;0.012878787878787878451447568295;0.004545454545454545233762466694;0.018181818181818180935049866775;0.019318181818181817677171352443;0.021590909090909091161414323778;0.026136363636363634660453314495;0.016287878787878788677812025298
-0.039492753623188409095590145625;0.016666666666666666435370203203;0.040217391304347822889031505156;0.053260869565217389132172343125;0.003260869565217391127104340498;0.018840579710144928632375993516;0.006159420289855072755402787266;0.019202898550724638998543625235;0.009420289855072464316187996758;0.029347826086956522312343409453;0.021739130434782608092270095312;0.006521739130434782254208680996;0.011956521739130435144637942813;0.056884057971014492793848660313;0.016304347826086956069202571484;0.026086956521739129016834723984;0.017391304347826087167705466641;0.026449275362318839383002355703;0.013043478260869564508417361992;0.009057971014492753950020365039;0.019565217391304349364711256953;0.005797101449275362389235155547;0.008333333333333333217685101602;0.038405797101449277997087250469;0.039492753623188409095590145625;0.044202898550724636916875454062;0.027536231884057970481505250859;0.011594202898550724778470311094;0.002898550724637681194617577773;0.006884057971014492620376312715;0.006521739130434782254208680996;0.016304347826086956069202571484;0.008333333333333333217685101602;0.010507246376811593679967415937;0.022101449275362318458437727031;0.047101449275362319846216507813;0.012318840579710145510805574531;0.011594202898550724778470311094;0.001086956521739130447981591665;0.014492753623188405973087888867;0.005072463768115941656899892109;0.012318840579710145510805574531;0.000000000000000000000000000000;0.023913043478260870289275885625;0.009057971014492753950020365039;0.019202898550724638998543625235;0.043840579710144926550707822344;0.040942028985507243621366768593;0.027898550724637680847672882578;0.021376811594202897726102463594
-0.047163120567375885205940733158;0.006737588652482269686860849589;0.069148936170212768614895537667;0.012765957446808509981317492077;0.001063829787234042570723269172;0.009574468085106382919668988052;0.003546099290780141757850607576;0.020567375886524821154699438353;0.017021276595744681131572306754;0.040780141843971634552090677062;0.018439716312056736446933769002;0.003546099290780141757850607576;0.009929078014184397615871091602;0.057801418439716312214216031862;0.009574468085106382919668988052;0.020567375886524821154699438353;0.026241134751773049355039191255;0.030496453900709218770570529955;0.010992907801418439969753926277;0.011702127659574467627434657402;0.014893617021276596423806637404;0.018439716312056736446933769002;0.005319148936170212636775911363;0.051418439716312054621472071858;0.036524822695035458197665434454;0.053900709219858157494886796712;0.028368794326241134062804860605;0.002836879432624113666489007457;0.001063829787234042570723269172;0.003900709219858156020371842132;0.002836879432624113666489007457;0.021276595744680850547103645454;0.008510638297872340565786153377;0.010638297872340425273551822727;0.014893617021276596423806637404;0.050354609929078017471759665113;0.017021276595744681131572306754;0.012056737588652482323636760952;0.002482269503546099403967772901;0.018439716312056736446933769002;0.006382978723404254990658746038;0.002836879432624113666489007457;0.000000000000000000000000000000;0.025886524822695034658837087704;0.008156028368794325869584049826;0.012765957446808509981317492077;0.058156028368794326910418135412;0.038652482269503546374878055758;0.021631205673758865243305749004;0.022695035460992909331912059656
-0.044551282051282052598661920229;0.009935897435897435292506685300;0.074358974358974358476181976130;0.000000000000000000000000000000;0.000320512820512820512542512263;0.011217948717948717993198037846;0.000961538461538461591837645415;0.019230769230769231836752908293;0.022115384615384616612265844537;0.044871794871794871972792151382;0.011858974358974358476181976130;0.006410256410256410034009810772;0.009615384615384615918376454147;0.056730769230769230448974127512;0.004166666666666666608842550801;0.025320512820512820761909011935;0.026923076923076924571454071611;0.030448717948717948095227470162;0.007371794871794871625847456187;0.013782051282051281659857266959;0.012179487179487179585035683260;0.021794871794871793768688661430;0.012820512820512820068019621544;0.056410256410256411074843896358;0.038461538461538463673505816587;0.041987179487179483727832263185;0.025000000000000001387778780781;0.016987179487179485809500434357;0.000000000000000000000000000000;0.003525641025641025692177743522;0.007371794871794871625847456187;0.026282051282051282353746657350;0.004487179487179486850334519943;0.007371794871794871625847456187;0.020833333333333332176851016015;0.054166666666666668517038374375;0.012179487179487179585035683260;0.008974358974358973700669039886;0.001602564102564102508502452693;0.014743589743589743251694912374;0.004807692307692307959188227073;0.014743589743589743251694912374;0.000000000000000000000000000000;0.022756410256410255360526306845;0.002243589743589743425167259971;0.018910256410256408993175725186;0.053205128205128203455753777007;0.035897435897435894802676159543;0.024038461538461539795941135367;0.016025641025641024217662788942
-0.030718954248366011489101978782;0.015359477124183005744550989391;0.076797385620915037396372326839;0.001307189542483660040297910321;0.001960784313725490168867082730;0.016666666666666666435370203203;0.004248366013071895076758099918;0.029084967320261438661344044476;0.033660130718954246742402602877;0.028431372549019607448572699582;0.023529411764705882026404992757;0.006535947712418300852010855095;0.010457516339869280322383282567;0.039542483660130717249003851066;0.012745098039215686097636037744;0.011437908496732025406816823931;0.029084967320261438661344044476;0.052614379084967320687749037234;0.021568627450980391857537910028;0.012745098039215686097636037744;0.022222222222222223070309254922;0.022222222222222223070309254922;0.026470588235294117279705616852;0.038562091503267975634017261655;0.024183006535947713239176337652;0.038235294117647061762355065184;0.040196078431372551931222147914;0.004901960784313725422167706824;0.001307189542483660040297910321;0.018954248366013070475899482403;0.002287581699346405341571886183;0.015359477124183005744550989391;0.013725490196078431182069579108;0.004575163398692810683143772366;0.016013071895424835222598858309;0.052941176470588234559411233704;0.016013071895424835222598858309;0.006862745098039215591034789554;0.001960784313725490168867082730;0.016993464052287580307032399674;0.009150326797385621366287544731;0.010784313725490195928768955014;0.000000000000000000000000000000;0.012745098039215686097636037744;0.009150326797385621366287544731;0.010784313725490195928768955014;0.037254901960784313208474571866;0.022549019607843136941971451392;0.032026143790849670445197716617;0.013071895424836601704021710191
-0.032945736434108530144015958285;0.004651162790697674354056800894;0.083333333333333328707404064062;0.000000000000000000000000000000;0.001937984496124030980857000372;0.025193798449612402751141004842;0.001162790697674418588514200223;0.020155038759689922200912803874;0.030232558139534883301369205810;0.028682170542635658516683605512;0.017441860465116278827713003352;0.012790697674418604473656202458;0.016279069767441860239198803129;0.058914728682170541818052811323;0.003100775193798449569371200596;0.018217054263565891220055803501;0.030620155038759689497540605885;0.046124031007751940813843560818;0.011240310077519379688970602160;0.015891472868217054043027403054;0.012403100775193798277484802384;0.022480620155038759377941204320;0.015116279069767441650684602905;0.032945736434108530144015958285;0.035271317829457367321044358732;0.039534883720930232009482807598;0.026356589147286821339655205065;0.002713178294573643373199800521;0.000775193798449612392342800149;0.012790697674418604473656202458;0.004651162790697674354056800894;0.016279069767441860239198803129;0.010077519379844961100456401937;0.010465116279069767296627802011;0.028294573643410852320512205438;0.047286821705426355932910809088;0.018217054263565891220055803501;0.005813953488372092942571001117;0.002713178294573643373199800521;0.024418604651162790358798204693;0.005813953488372092942571001117;0.013565891472868216865999002607;0.000000000000000000000000000000;0.014341085271317829258341802756;0.003100775193798449569371200596;0.012790697674418604473656202458;0.037596899224806204498072759179;0.026744186046511627535826605140;0.040697674418604654067443959775;0.017829457364341085023884403427
-0.023469387755102041198673745726;0.030272108843537415961977288248;0.050340136054421766309552310759;0.003061224489795918209805725141;0.015986394557823128959039848951;0.011564625850340135362892546311;0.003061224489795918209805725141;0.028231292517006803532986225491;0.032993197278911562397851753303;0.023809523809523808202115446875;0.012244897959183672839222900564;0.003741496598639455686136079393;0.012244897959183672839222900564;0.030952380952380953438307642500;0.018707482993197278864361265960;0.008503401360544218454129428153;0.035034013605442178296289768014;0.068707482993197274701024923615;0.018367346938775511860919564811;0.015986394557823128959039848951;0.018027210884353741388030911708;0.026190476190476191103995162734;0.036394557823129253248950476518;0.026530612244897958107436863884;0.018367346938775511860919564811;0.018367346938775511860919564811;0.030952380952380953438307642500;0.016666666666666666435370203203;0.001020408163265306214495531378;0.016326530612244899431928502054;0.003401360544217686947970902267;0.020068027210884353817021974464;0.017687074829931974384589210558;0.007142857142857142634106981660;0.021088435374149658296794029866;0.047278911564625852870236144554;0.014285714285714285268213963320;0.006802721088435373895941804534;0.006802721088435373895941804534;0.035714285714285712303173170312;0.008163265306122449715964251027;0.025850340136054420631106509632;0.000000000000000000000000000000;0.014285714285714285268213963320;0.009523809523809524668624959531;0.019047619047619049337249919063;0.026870748299319728580325516987;0.016666666666666666435370203203;0.030952380952380953438307642500;0.012244897959183672839222900564
-0.011764705882352941013202496379;0.029411764705882352533006240947;0.075490196078431368031935733143;0.002450980392156862711083853412;0.008333333333333333217685101602;0.009313725490196078302118642966;0.001960784313725490168867082730;0.034803921568627452232114194430;0.060784313725490195234879564623;0.016666666666666666435370203203;0.013235294117647058639852808426;0.003921568627450980337734165460;0.012745098039215686097636037744;0.031862745098039213509366618382;0.018627450980392156604237285933;0.014215686274509803724286349791;0.032352941176470591255753816995;0.067647058823529407356467402224;0.019607843137254901688670827298;0.008823529411764705759901872284;0.015196078431372548808719891156;0.038725490196078432569848359890;0.022549019607843136941971451392;0.018627450980392156604237285933;0.020098039215686275965611073957;0.021078431372549021050044615322;0.026470588235294117279705616852;0.023529411764705882026404992757;0.000490196078431372542216770682;0.012745098039215686097636037744;0.004411764705882352879950936142;0.014215686274509803724286349791;0.011274509803921568470985725696;0.008333333333333333217685101602;0.025000000000000001387778780781;0.035784313725490193847100783842;0.011764705882352941013202496379;0.007352941176470588133251560237;0.017156862745098040712310449862;0.026470588235294117279705616852;0.013235294117647058639852808426;0.041176470588235293546208737325;0.000000000000000000000000000000;0.009803921568627450844335413649;0.007352941176470588133251560237;0.008333333333333333217685101602;0.028431372549019607448572699582;0.019607843137254901688670827298;0.025000000000000001387778780781;0.011764705882352941013202496379
-0.030107526881720431816136240855;0.008064516129032257840680841809;0.058602150537634407900799971003;0.000000000000000000000000000000;0.022043010752688170506008447092;0.017204301075268817189378722787;0.003225806451612903223008510523;0.015591397849462364927353164035;0.032795698924731185586178838776;0.033870967741935487094195877944;0.010752688172043011610723439730;0.010215053763440860856714920146;0.016129032258064515681361683619;0.049462365591397848552102090025;0.004838709677419355051353200281;0.029032258064516130308119201686;0.023118279569892472014025486260;0.030107526881720431816136240855;0.017741935483870967943387242372;0.011827956989247311384017002922;0.013978494623655914400051081259;0.028494623655913979554110682102;0.008602150537634408594689361394;0.043548387096774193727455326552;0.037634408602150538902808563080;0.039784946236559141918842641417;0.020967741935483872467438359877;0.024193548387096773522042525428;0.000537634408602150537168085087;0.019892473118279570959421320708;0.016129032258064515681361683619;0.017741935483870967943387242372;0.009139784946236559348697880978;0.009677419354838710102706400562;0.022043010752688170506008447092;0.046774193548387098251506444058;0.017741935483870967943387242372;0.011290322580645160630008483338;0.013440860215053763646042561675;0.014516129032258065154059600843;0.002150537634408602148672340348;0.011827956989247311384017002922;0.000000000000000000000000000000;0.014516129032258065154059600843;0.008064516129032257840680841809;0.009139784946236559348697880978;0.041935483870967744934876719753;0.025268817204301075030059564597;0.031182795698924729854706328069;0.015053763440860215908068120427
-0.036440677966101696350076366571;0.006497175141242937483621044947;0.062711864406779657676871408967;0.001694915254237288086344714877;0.002542372881355932021096855067;0.020621468926553671030532655095;0.002259887005649717593019909501;0.018361581920903955605917090566;0.018079096045197740744159276005;0.027966101694915253966788881712;0.017231638418079096158885832324;0.012994350282485874967242089895;0.020056497175141241307017025974;0.055367231638418078210062134303;0.003954802259887005462524189880;0.024293785310734464233384244380;0.022316384180790960201079542458;0.023728813559322034509868615260;0.012146892655367232116692122190;0.010451977401129942946145234828;0.012994350282485874967242089895;0.021186440677966100754048284216;0.015536723163841808723062420938;0.035310734463276836903045108329;0.035593220338983051764802922889;0.042937853107344631231612197553;0.028813559322033898552062325393;0.024293785310734464233384244380;0.002542372881355932021096855067;0.012994350282485874967242089895;0.011016949152542372669660863949;0.022316384180790960201079542458;0.009887005649717514957353081684;0.013559322033898304690757719015;0.033898305084745762594256035527;0.035028248587570622041287293769;0.014689265536723164137788977257;0.010451977401129942946145234828;0.002259887005649717593019909501;0.027118644067796609381515438031;0.002542372881355932021096855067;0.008474576271186440648564008882;0.000000000000000000000000000000;0.022316384180790960201079542458;0.004237288135593220324282004441;0.014971751412429378999546791817;0.044067796610169490678643455794;0.037005649717514126073591995691;0.031920903954802258561951333604;0.022316384180790960201079542458
-0.027586206896551723755095508750;0.014942528735632183700676733906;0.062068965517241378448964894687;0.032758620689655175428622868594;0.019540229885057470993192652031;0.014942528735632183700676733906;0.002586206896551724102040203945;0.025862068965517241020402039453;0.022126436781609196829956331953;0.023275862068965518653085311485;0.018390804597701149170063672500;0.005172413793103448204080407891;0.014655172413793103244894489023;0.038218390804597698884315093437;0.010344827586206896408160815781;0.014942528735632183700676733906;0.027586206896551723755095508750;0.036781609195402298340127345000;0.016379310344827587714311434297;0.014942528735632183700676733906;0.012356321839080459598636529961;0.022701149425287357741520821719;0.021264367816091953727886121328;0.035632183908045976516998365469;0.026149425287356323210907760313;0.033045977011494254149681637500;0.030459770114942528312917957578;0.006896551724137930938773877187;0.002298850574712643646257959062;0.006609195402298850482991632305;0.006896551724137930938773877187;0.020402298850574714095262862656;0.009482758620689655040814081133;0.010057471264367815952378570898;0.024712643678160919197273059922;0.047126436781609194748288160781;0.012643678160919540054418774844;0.010632183908045976863943060664;0.004310344827586206836733673242;0.035344827586206897795939596563;0.006896551724137930938773877187;0.007183908045977011394556122070;0.000000000000000000000000000000;0.016954022988505748625875924063;0.009482758620689655040814081133;0.012643678160919540054418774844;0.047126436781609194748288160781;0.028448275862068966857165719375;0.033333333333333332870740406406;0.015804597701149426802746944531
-0.025925925925925925180637321432;0.015185185185185185244294281404;0.082592592592592592448674793104;0.017407407407407406163546426114;0.023703703703703702526661700745;0.012592592592592592726230549260;0.003333333333333333547282562037;0.025185185185185185452461098521;0.022222222222222223070309254922;0.028518518518518519433424529552;0.016296296296296294836558615771;0.010000000000000000208166817117;0.008888888888888888881179006773;0.044814814814814814269983145323;0.015185185185185185244294281404;0.014074074074074073917306471060;0.024074074074074074125473288177;0.048518518518518516380311211833;0.014444444444444443781394582516;0.015555555555555555108382392859;0.014814814814814815380206169948;0.027777777777777776235801354687;0.015925925925925926707193980292;0.029999999999999998889776975375;0.022222222222222223070309254922;0.030740740740740742087400150240;0.034814814814814812327092852229;0.019259259259259260688157411323;0.000740740740740740703958178148;0.012962962962962962590318660716;0.010000000000000000208166817117;0.014074074074074073917306471060;0.009259259259259258745267118229;0.005925925925925925631665425186;0.022222222222222223070309254922;0.051111111111111114102545371907;0.011851851851851851263330850372;0.006296296296296296363115274630;0.002222222222222222220294751693;0.025185185185185185452461098521;0.008888888888888888881179006773;0.007407407407407407690103084974;0.000000000000000000000000000000;0.011481481481481481399242738917;0.010370370370370370072254928573;0.010370370370370370072254928573;0.038518518518518521376314822646;0.030370370370370370488588562807;0.028518518518518519433424529552;0.018148148148148149361169600979
-0.022499999999999999167332731531;0.003333333333333333547282562037;0.082500000000000003885780586188;0.000000000000000000000000000000;0.000000000000000000000000000000;0.010833333333333333703407674875;0.000416666666666666693410320255;0.010000000000000000208166817117;0.032916666666666663521034763562;0.037083333333333336201409480282;0.014583333333333333564629796797;0.000000000000000000000000000000;0.014999999999999999444888487687;0.071666666666666670182372911313;0.002083333333333333304421275400;0.012916666666666666574148081281;0.030833333333333334119741309109;0.025416666666666667268037471672;0.004166666666666666608842550801;0.015833333333333334674852821422;0.005833333333333333599324266316;0.042916666666666665463925056656;0.026249999999999999028554853453;0.032500000000000001110223024625;0.028333333333333331899295259859;0.041666666666666664353702032031;0.021250000000000001526556658860;0.000416666666666666693410320255;0.001666666666666666773641281019;0.000833333333333333386820640509;0.001250000000000000026020852140;0.018749999999999999306110609609;0.002083333333333333304421275400;0.013750000000000000069388939039;0.040833333333333332593184650250;0.036249999999999997501998194593;0.015833333333333334674852821422;0.009166666666666666712925959359;0.002916666666666666799662133158;0.060833333333333336478965236438;0.003749999999999999861222121922;0.009166666666666666712925959359;0.000000000000000000000000000000;0.017916666666666667545593227828;0.000000000000000000000000000000;0.006666666666666667094565124074;0.057500000000000002498001805407;0.044999999999999998334665463062;0.040000000000000000832667268469;0.024583333333333332038073137937
-0.018376068376068376702958673263;0.035470085470085468970502518005;0.052136752136752138875319673161;0.012393162393162392501122504029;0.020940170940170938634894426400;0.008974358974358973700669039886;0.011111111111111111535154627461;0.035897435897435894802676159543;0.016239316239316240603196561665;0.021367521367521367936515019892;0.017521367521367521569164438233;0.002564102564102564100340098108;0.006837606837606837600906928287;0.030769230769230770938804653269;0.049145299145299144172316374579;0.015384615384615385469402326635;0.024358974358974359170071366520;0.047863247863247866675795449964;0.032478632478632481206393123330;0.007264957264957265167804045802;0.023504273504273504036277131490;0.016666666666666666435370203203;0.013675213675213675201813856575;0.034188034188034191473981593390;0.014102564102564102768710974090;0.029914529914529915805010418239;0.035897435897435894802676159543;0.035470085470085468970502518005;0.002564102564102564100340098108;0.010683760683760683968257509946;0.003418803418803418800453464144;0.021794871794871793768688661430;0.013247863247863247634916739059;0.005555555555555555767577313730;0.016239316239316240603196561665;0.050854700854700854439904844639;0.009401709401709401267566157401;0.007692307692307692734701163317;0.002564102564102564100340098108;0.011111111111111111535154627461;0.014957264957264957902505209120;0.016239316239316240603196561665;0.000000000000000000000000000000;0.021794871794871793768688661430;0.025641025641025640136039243089;0.014102564102564102768710974090;0.031623931623931622603151936346;0.021367521367521367936515019892;0.013675213675213675201813856575;0.014957264957264957902505209120
-0.028750000000000001249000902703;0.019166666666666665186369300500;0.063333333333333338699411285688;0.025416666666666667268037471672;0.014999999999999999444888487687;0.012083333333333333078907223523;0.004166666666666666608842550801;0.024166666666666666157814447047;0.015833333333333334674852821422;0.023333333333333334397297065266;0.013750000000000000069388939039;0.008750000000000000832667268469;0.009166666666666666712925959359;0.036249999999999997501998194593;0.027500000000000000138777878078;0.013750000000000000069388939039;0.025833333333333333148296162562;0.040000000000000000832667268469;0.014999999999999999444888487687;0.012500000000000000693889390391;0.014999999999999999444888487687;0.021666666666666667406815349750;0.018749999999999999306110609609;0.040416666666666663243479007406;0.020416666666666666296592325125;0.033750000000000002220446049250;0.031666666666666669349705642844;0.017083333333333332315628894094;0.002500000000000000052041704279;0.011666666666666667198648532633;0.005000000000000000104083408559;0.022083333333333333287074040641;0.011249999999999999583666365766;0.014583333333333333564629796797;0.027083333333333334258519187188;0.038333333333333330372738601000;0.014583333333333333564629796797;0.007916666666666667337426410711;0.002500000000000000052041704279;0.027500000000000000138777878078;0.007499999999999999722444243844;0.009583333333333332593184650250;0.000000000000000000000000000000;0.023333333333333334397297065266;0.020000000000000000416333634234;0.011666666666666667198648532633;0.040416666666666663243479007406;0.027500000000000000138777878078;0.023750000000000000277555756156;0.018749999999999999306110609609
-0.024390243902439025236450476086;0.025609756097560974069660133523;0.033739837398373981325327974901;0.069105691056910570346794031593;0.063008130081300808833510984641;0.013008130081300812996847326986;0.005691056910569106119801574550;0.037804878048780486687885371566;0.012601626016260162807536282514;0.019918699186991871419305510926;0.022764227642276424479206298201;0.005284552845528455063128792091;0.013821138211382113375469415928;0.024390243902439025236450476086;0.038211382113821135142472940061;0.010569105691056910126257584182;0.013414634146341463186158371457;0.034552845528455285173397015797;0.034552845528455285173397015797;0.005691056910569106119801574550;0.022357723577235772555171777753;0.012195121951219512618225238043;0.013414634146341463186158371457;0.022357723577235772555171777753;0.020325203252032519873893079421;0.025203252032520325615072565029;0.035365853658536582082572152785;0.024390243902439025236450476086;0.002032520325203252247597829339;0.025203252032520325615072565029;0.005691056910569106119801574550;0.006097560975609756309112619022;0.016260162601626017980782634709;0.008130081300813008990391317354;0.020731707317073171797927599869;0.027642276422764226750938831856;0.014634146341463415488814980847;0.005284552845528455063128792091;0.000813008130081300812302957937;0.017479674796747966813992292145;0.013414634146341463186158371457;0.013008130081300812996847326986;0.000000000000000000000000000000;0.015040650406504065678126025318;0.038617886178861790535954412462;0.013008130081300812996847326986;0.013821138211382113375469415928;0.015040650406504065678126025318;0.036178861788617885930641193681;0.008130081300813008990391317354
-0.018560606060606062162054996634;0.040151515151515153323469320412;0.040530303030303027611580546363;0.016287878787878788677812025298;0.034090909090909088385856762216;0.017803030303030303177491688871;0.008333333333333333217685101602;0.033333333333333332870740406406;0.016666666666666666435370203203;0.018939393939393939919613174538;0.012500000000000000693889390391;0.014015151515151515193569053963;0.013636363636363635701287400082;0.033712121212121214097745536264;0.038257575757575754127337575028;0.017424242424242425419933510966;0.022727272727272727903535809446;0.048484848484848484806430946037;0.029924242424242422644375949403;0.007954545454545453725403447720;0.014772727272727272443408885749;0.009848484848484847717364765174;0.025378787878787879145336958686;0.023484848484848483418652165255;0.025000000000000001387778780781;0.025378787878787879145336958686;0.034848484848484850839867021932;0.047727272727272729291314590228;0.001515151515151515150200967064;0.023484848484848483418652165255;0.009090909090909090467524933388;0.011363636363636363951767904723;0.012878787878787878451447568295;0.006818181818181817850643700041;0.018181818181818180935049866775;0.028409090909090908144696285831;0.012878787878787878451447568295;0.005303030303030303350964036468;0.003787878787878787983922634908;0.012878787878787878451447568295;0.018939393939393939919613174538;0.014772727272727272443408885749;0.000000000000000000000000000000;0.015530303030303029693248717535;0.017424242424242425419933510966;0.014393939393939394685850707845;0.022727272727272727903535809446;0.012500000000000000693889390391;0.033333333333333332870740406406;0.014015151515151515193569053963
-0.039455782312925166688266642723;0.011564625850340135362892546311;0.048299319727891157350008199955;0.033673469387755103343629059509;0.013265306122448979053718431942;0.034353741496598637350512461808;0.004761904761904762334312479766;0.026870748299319728580325516987;0.007482993197278911372272158786;0.026870748299319728580325516987;0.024149659863945578675004099978;0.012585034013605441577388077690;0.023809523809523808202115446875;0.036394557823129253248950476518;0.008843537414965987192294605279;0.022789115646258503722343391473;0.012925170068027210315553254816;0.029931972789115645489088635145;0.026870748299319728580325516987;0.006462585034013605157776627408;0.024149659863945578675004099978;0.008843537414965987192294605279;0.014625850340136054006379140446;0.031972789115646257918079697902;0.042857142857142857539365365938;0.043197278911564628012254019040;0.036054421768707482776061823415;0.008843537414965987192294605279;0.001020408163265306214495531378;0.018027210884353741388030911708;0.007142857142857142634106981660;0.008163265306122449715964251027;0.020068027210884353817021974464;0.005102040816326530205115918903;0.026530612244897958107436863884;0.034693877551020407823401114911;0.023469387755102041198673745726;0.011564625850340135362892546311;0.000680272108843537367910137004;0.013945578231292516530048786194;0.004421768707482993596147302640;0.003061224489795918209805725141;0.000000000000000000000000000000;0.017346938775510203911700557455;0.013265306122448979053718431942;0.017346938775510203911700557455;0.038435374149659862208494587321;0.023809523809523808202115446875;0.030272108843537415961977288248;0.019727891156462583344133321361
-0.034226190476190479494711382813;0.004166666666666666608842550801;0.070833333333333331482961625625;0.000000000000000000000000000000;0.000000000000000000000000000000;0.013690476190476190410105772344;0.000297619047619047645894529985;0.024702380952380951356639471328;0.011309523809523809242949532461;0.041369047619047617792009674531;0.021726190476190475331375040469;0.006250000000000000346944695195;0.008630952380952381514100935078;0.073214285714285717854288293438;0.005654761904761904621474766230;0.041071428571428571230317317031;0.013095238095238095551997581367;0.020238095238095239053466301016;0.007142857142857142634106981660;0.006547619047619047775998790684;0.008035714285714284921269268125;0.013690476190476190410105772344;0.005357142857142857192420670742;0.059523809523809520505288617187;0.039285714285714284921269268125;0.072023809523809517729731055624;0.032738095238095239747355691406;0.005654761904761904621474766230;0.000000000000000000000000000000;0.003571428571428571317053490830;0.004166666666666666608842550801;0.018452380952380952744418252109;0.002083333333333333304421275400;0.007738095238095238359576910625;0.009523809523809524668624959531;0.051488095238095235584019349062;0.013392857142857142113689938867;0.008333333333333333217685101602;0.000595238095238095291789059971;0.012500000000000000693889390391;0.003273809523809523887999395342;0.009523809523809524668624959531;0.000000000000000000000000000000;0.021130952380952382207990325469;0.000595238095238095291789059971;0.013988095238095238706521605820;0.083333333333333328707404064062;0.044047619047619050725028699844;0.020238095238095239053466301016;0.031547619047619046561692357500
-0.031818181818181814901613790880;0.009469696969696969959806587269;0.056439393939393942001281345711;0.000000000000000000000000000000;0.003030303030303030300401934127;0.025000000000000001387778780781;0.001515151515151515150200967064;0.025757575757575756902895136591;0.024621212121212120160773650923;0.019696969696969695434729530348;0.020454545454545454419292838111;0.018181818181818180935049866775;0.021590909090909091161414323778;0.033333333333333332870740406406;0.007575757575757575967845269815;0.029166666666666667129259593594;0.025757575757575756902895136591;0.039015151515151516581347834745;0.016287878787878788677812025298;0.009469696969696969959806587269;0.018181818181818180935049866775;0.023106060606060605661093987351;0.015530303030303029693248717535;0.023863636363636364645657295114;0.048106060606060603579425816179;0.033333333333333332870740406406;0.025757575757575756902895136591;0.001893939393939393991961317454;0.000378787878787878787550241766;0.025378787878787879145336958686;0.015909090909090907450806895440;0.018181818181818180935049866775;0.009469696969696969959806587269;0.015151515151515151935690539631;0.028409090909090908144696285831;0.032575757575757577355624050597;0.017045454545454544192928381108;0.011742424242424241709326082628;0.002272727272727272616881233347;0.025378787878787879145336958686;0.007196969696969697342925353922;0.014015151515151515193569053963;0.000000000000000000000000000000;0.015530303030303029693248717535;0.007575757575757575967845269815;0.020075757575757576661734660206;0.039393939393939390869459060696;0.028030303030303030387138107926;0.039393939393939390869459060696;0.018939393939393939919613174538
-0.030864197530864195817557060764;0.006481481481481481295159330358;0.048148148148148148250946576354;0.000308641975308641969017592332;0.005555555555555555767577313730;0.016975308641975307699656383420;0.002160493827160493620492820455;0.026851851851851852442942814037;0.011728395061728395798450463872;0.056790123456790124467641334149;0.010185185185185186007572610833;0.008950617283950617480980938012;0.011728395061728395798450463872;0.040123456790123454562824178993;0.011111111111111111535154627461;0.020061728395061727281412089496;0.012345679012345678327022824305;0.026234567901234566444923501649;0.016975308641975307699656383420;0.006790123456790123426807248563;0.021296296296296295808003762318;0.012654320987654321326032480499;0.011728395061728395798450463872;0.074074074074074069962136945833;0.027469135802469134971515174470;0.050308641975308640570396789826;0.034876543209876542661618259444;0.020679012345679013279431401884;0.000925925925925925961262885622;0.019444444444444444752839729063;0.008333333333333333217685101602;0.035493827160493825190190619878;0.011111111111111111535154627461;0.005555555555555555767577313730;0.017283950617283948963942563637;0.057098765432098762262480562413;0.011728395061728395798450463872;0.010185185185185186007572610833;0.001543209876543209790877853038;0.009259259259259258745267118229;0.009567901234567901744276774423;0.006790123456790123426807248563;0.000000000000000000000000000000;0.040740740740740744030290443334;0.005864197530864197899225231936;0.026234567901234566444923501649;0.040740740740740744030290443334;0.027777777777777776235801354687;0.017592592592592593697675695807;0.013271604938271605589328316910
-0.023270440251572325346396397094;0.010377358490566037166336066377;0.031446540880503144610447208152;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008176100628930817529327335080;0.001572327044025157317258534206;0.023899371069182391569274415133;0.015094339622641509551792537991;0.097484276729559754537390858786;0.009748427672955974412905000293;0.006289308176100629269034136826;0.006603773584905660645749669868;0.040880503144654085911913199425;0.002830188679245282824120666376;0.012264150943396227161352740609;0.010062893081761005789620533335;0.019811320754716980202525533628;0.005031446540880502894810266667;0.004716981132075471518094733625;0.012264150943396227161352740609;0.009748427672955974412905000293;0.005974842767295597892318603783;0.154402515723270433722902339468;0.018238993710691823318947868415;0.062893081761006289220894416303;0.014465408805031446798361471906;0.003144654088050314634517068413;0.001886792452830188693974067249;0.003144654088050314634517068413;0.003459119496855346011232601455;0.037421383647798740768042335958;0.003773584905660377387948134498;0.004716981132075471518094733625;0.009119496855345911659473934208;0.073270440251572324652507006704;0.008805031446540880282758401165;0.004088050314465408764663667540;0.001572327044025157317258534206;0.009119496855345911659473934208;0.008490566037735848906042868123;0.012578616352201258538068273651;0.000000000000000000000000000000;0.072012578616352199145644874534;0.000314465408805031430925641667;0.032389937106918238740593807279;0.053459119496855347919428425030;0.029245283018867924973438476854;0.011949685534591195784637207566;0.008490566037735848906042868123
-0.035999999999999997279953589668;0.006333333333333333176051738178;0.061666666666666668239482618219;0.034666666666666665075346998037;0.005333333333333333155235056466;0.028666666666666666685170383744;0.003000000000000000062450045135;0.016333333333333331649495079319;0.021999999999999998723243521681;0.022999999999999999611421941381;0.019333333333333334314030338419;0.021333333333333332620940225866;0.026333333333333333592385372413;0.038666666666666668628060676838;0.005666666666666667073748442363;0.022666666666666668294993769450;0.028333333333333331899295259859;0.029999999999999998889776975375;0.017000000000000001221245327088;0.012333333333333333300951828448;0.013333333333333334189130248149;0.020000000000000000416333634234;0.023666666666666665713725237197;0.030333333333333333675652099259;0.037666666666666667739882257138;0.036999999999999998168132009368;0.028000000000000000582867087928;0.001666666666666666773641281019;0.000666666666666666644404382058;0.012999999999999999403255124264;0.017000000000000001221245327088;0.014333333333333333342585191872;0.010000000000000000208166817117;0.006000000000000000124900090270;0.029666666666666667573348803444;0.043999999999999997446487043362;0.012999999999999999403255124264;0.010666666666666666310470112933;0.004000000000000000083266726847;0.032666666666666663298990158637;0.007333333333333333196868419890;0.009666666666666667157015169209;0.000000000000000000000000000000;0.012999999999999999403255124264;0.004333333333333333134418374755;0.016666666666666666435370203203;0.034666666666666665075346998037;0.020666666666666666518636930050;0.034333333333333333758918826106;0.014000000000000000291433543964
-0.058823529411764705066012481893;0.006535947712418300852010855095;0.039215686274509803377341654596;0.002941176470588235253300624095;0.001307189542483660040297910321;0.048039215686274512606690478833;0.000980392156862745084433541365;0.009477124183006535237949741202;0.009477124183006535237949741202;0.020915032679738560644766565133;0.021241830065359477985875713557;0.019607843137254901688670827298;0.034313725490196081424620899725;0.039869281045751631120666047536;0.007516339869281045936444396460;0.049019607843137254221677068244;0.009477124183006535237949741202;0.017973856209150325391465941038;0.015686274509803921350936661838;0.010784313725490195928768955014;0.016666666666666666435370203203;0.008169934640522876281854003366;0.020588235294117646773104368663;0.019934640522875815560333023768;0.079738562091503262241332095073;0.037581699346405227080136768336;0.025816993464052286066934271958;0.003921568627450980337734165460;0.000980392156862745084433541365;0.012418300653594770491250365296;0.023202614379084968154742796287;0.008823529411764705759901872284;0.013725490196078431182069579108;0.011764705882352941013202496379;0.043790849673202611458400212996;0.024183006535947713239176337652;0.008823529411764705759901872284;0.019281045751633987817008630827;0.001633986928104575213002713774;0.037581699346405227080136768336;0.002287581699346405341571886183;0.000980392156862745084433541365;0.000000000000000000000000000000;0.011764705882352941013202496379;0.003921568627450980337734165460;0.008496732026143790153516199837;0.027450980392156862364139158217;0.038562091503267975634017261655;0.035620915032679736911269685606;0.029084967320261438661344044476
-0.028735632183908045578224488281;0.010632183908045976863943060664;0.064942528735632179537340391562;0.002298850574712643646257959062;0.004597701149425287292515918125;0.019827586206896553183698372891;0.001724137931034482734693469297;0.031321839080459767945541216250;0.014080459770114942333329999258;0.046264367816091951646217950156;0.013793103448275861877547754375;0.009195402298850574585031836250;0.016666666666666666435370203203;0.044827586206896551102030201719;0.015804597701149426802746944531;0.012356321839080459598636529961;0.021264367816091953727886121328;0.041091954022988506911584494219;0.020114942528735631904757141797;0.010057471264367815952378570898;0.017241379310344827346934692969;0.013793103448275861877547754375;0.016666666666666666435370203203;0.053735632183908046966003269063;0.023275862068965518653085311485;0.042528735632183907455772242656;0.026149425287356323210907760313;0.007758620689655172306120611836;0.000574712643678160911564489766;0.017528735632183909537440413828;0.009482758620689655040814081133;0.027011494252873562843531018984;0.012356321839080459598636529961;0.005747126436781609115644897656;0.019252873563218392272133883125;0.060632183908045977904777146250;0.015229885057471264156458978789;0.010057471264367815952378570898;0.000287356321839080455782244883;0.015517241379310344612241223672;0.009770114942528735496596326016;0.010057471264367815952378570898;0.000000000000000000000000000000;0.023275862068965518653085311485;0.008620689655172413673467346484;0.016379310344827587714311434297;0.044540229885057472380971432813;0.022413793103448275551015100859;0.027586206896551723755095508750;0.012931034482758620510201019727
-0.019166666666666665186369300500;0.017500000000000001665334536938;0.062222222222222220433529571437;0.002777777777777777883788656865;0.004722222222222222272336455973;0.018611111111111109522875395328;0.003611111111111110945348645629;0.016666666666666666435370203203;0.051666666666666666296592325125;0.023611111111111110494320541875;0.010833333333333333703407674875;0.009722222222222222376419864531;0.014722222222222221613141535101;0.028055555555555555802271783250;0.011388888888888889366901580047;0.017500000000000001665334536938;0.046944444444444441422170655187;0.053333333333333336756520992594;0.009722222222222222376419864531;0.009444444444444444544672911945;0.008888888888888888881179006773;0.040000000000000000832667268469;0.015833333333333334674852821422;0.032777777777777780676693453188;0.031111111111111110216764785719;0.026111111111111112714766591125;0.020833333333333332176851016015;0.024722222222222221821308352219;0.000833333333333333386820640509;0.008333333333333333217685101602;0.010277777777777778039913769703;0.025555555555555557051272685953;0.010277777777777778039913769703;0.007777777777777777554191196430;0.020000000000000000416333634234;0.043611111111111114380101128063;0.009722222222222222376419864531;0.013611111111111110286153724758;0.010000000000000000208166817117;0.037777777777777778178691647781;0.006388888888888889262818171488;0.046111111111111109661653273406;0.000000000000000000000000000000;0.015555555555555555108382392859;0.003055555555555555715535609451;0.014999999999999999444888487687;0.023611111111111110494320541875;0.018055555555555553859381490156;0.025833333333333333148296162562;0.016111111111111110771876298031
-0.030769230769230770938804653269;0.010256410256410256401360392431;0.063461538461538458122390693461;0.000000000000000000000000000000;0.001282051282051282050170049054;0.032692307692307694122479944099;0.000641025641025641025085024527;0.015384615384615385469402326635;0.031410256410256409687065115577;0.021153846153846155020428199123;0.018269230769230770244915262879;0.016666666666666666435370203203;0.019230769230769231836752908293;0.040705128205128206231311338570;0.004807692307692307959188227073;0.028205128205128205537421948179;0.022115384615384616612265844537;0.039743589743589741170026741202;0.009615384615384615918376454147;0.007692307692307692734701163317;0.008012820512820512108831394471;0.026923076923076924571454071611;0.017948717948717947401338079771;0.023717948717948716952363952259;0.046153846153846156408206979904;0.037179487179487179238090988065;0.033333333333333332870740406406;0.003205128205128205017004905386;0.000961538461538461591837645415;0.019230769230769231836752908293;0.012820512820512820068019621544;0.015705128205128204843532557788;0.009615384615384615918376454147;0.013141025641025641176873328675;0.035256410256410256054415697236;0.039423076923076921795896510048;0.008012820512820512108831394471;0.014102564102564102768710974090;0.007051282051282051384355487045;0.043269230769230768163247091707;0.002564102564102564100340098108;0.025320512820512820761909011935;0.000000000000000000000000000000;0.012820512820512820068019621544;0.002564102564102564100340098108;0.012500000000000000693889390391;0.034935897435897436680285466082;0.023717948717948716952363952259;0.034615384615384617306155234928;0.021794871794871793768688661430
-0.038333333333333330372738601000;0.007666666666666666248020067798;0.062333333333333330872338962081;0.012666666666666666352103476356;0.012666666666666666352103476356;0.015333333333333332496040135595;0.001333333333333333288808764117;0.028000000000000000582867087928;0.015666666666666665547191783503;0.034333333333333333758918826106;0.020666666666666666518636930050;0.010999999999999999361621760841;0.005666666666666667073748442363;0.055666666666666669849306003925;0.010666666666666666310470112933;0.026999999999999999694688668228;0.022333333333333333509118645566;0.021333333333333332620940225866;0.016666666666666666435370203203;0.007000000000000000145716771982;0.018333333333333333425851918719;0.012999999999999999403255124264;0.003666666666666666598434209945;0.045666666666666667906415710831;0.042999999999999996558308623662;0.063333333333333338699411285688;0.024333333333333331816028533012;0.006666666666666667094565124074;0.001333333333333333288808764117;0.014666666666666666393736839780;0.007000000000000000145716771982;0.022999999999999999611421941381;0.007000000000000000145716771982;0.007333333333333333196868419890;0.014666666666666666393736839780;0.044333333333333335701809119200;0.008333333333333333217685101602;0.010333333333333333259318465025;0.000000000000000000000000000000;0.012999999999999999403255124264;0.003333333333333333547282562037;0.003000000000000000062450045135;0.000000000000000000000000000000;0.017333333333333332537673499019;0.008666666666666666268836749509;0.014000000000000000291433543964;0.064333333333333339587589705388;0.047666666666666669682772550232;0.018333333333333333425851918719;0.028000000000000000582867087928
-0.027272727272727271402574800163;0.027575757575757576384178904050;0.033333333333333332870740406406;0.056666666666666663798590519718;0.039090909090909092826748860716;0.024545454545454543915372624951;0.005454545454545454974404350423;0.037575757575757574857622245190;0.006363636363636363847684496164;0.023030303030303029415692961379;0.020000000000000000416333634234;0.003939393939393939607362948863;0.011212121212121211460965852780;0.026363636363636363396656392410;0.045454545454545455807071618892;0.010000000000000000208166817117;0.013333333333333334189130248149;0.033636363636363637852344510293;0.051515151515151513805790273182;0.005151515151515151727523722514;0.027575757575757576384178904050;0.004545454545454545233762466694;0.015757575757575758429451795450;0.035454545454545453864181325798;0.016969696969696971416974307090;0.022121212121212121409774553626;0.035151515151515148882577221912;0.034848484848484850839867021932;0.000909090909090909090120580238;0.033939393939393942833948614179;0.002424242424242424240321547302;0.015454545454545455182571167541;0.024848484848484848896976728838;0.003939393939393939607362948863;0.009393939393939393714405561298;0.030606060606060605383538231195;0.011212121212121211460965852780;0.005757575757575757353923240345;0.000000000000000000000000000000;0.007878787878787879214725897725;0.014242424242424242195048655901;0.003939393939393939607362948863;0.000000000000000000000000000000;0.018484848484848485916653970662;0.033030303030303027889136302520;0.016060606060606059941608947383;0.028181818181818182877940159869;0.014242424242424242195048655901;0.020000000000000000416333634234;0.011515151515151514707846480690
-0.028787878787878789371701415689;0.019318181818181817677171352443;0.085606060606060602191647035397;0.000378787878787878787550241766;0.004924242424242423858682382587;0.018181818181818180935049866775;0.003030303030303030300401934127;0.020833333333333332176851016015;0.029924242424242422644375949403;0.023863636363636364645657295114;0.018560606060606062162054996634;0.007575757575757575967845269815;0.017803030303030303177491688871;0.032954545454545451643735276548;0.011363636363636363951767904723;0.019318181818181817677171352443;0.027651515151515152629579930021;0.060606060606060607742762158523;0.014772727272727272443408885749;0.010227272727272727209646419055;0.018560606060606062162054996634;0.035984848484848487581988507600;0.027651515151515152629579930021;0.029924242424242422644375949403;0.028030303030303030387138107926;0.035227272727272725127978247883;0.034090909090909088385856762216;0.007954545454545453725403447720;0.000757575757575757575100483532;0.019318181818181817677171352443;0.006060606060606060600803868255;0.014015151515151515193569053963;0.022727272727272727903535809446;0.008333333333333333217685101602;0.020454545454545454419292838111;0.034848484848484850839867021932;0.015151515151515151935690539631;0.010227272727272727209646419055;0.002651515151515151675482018234;0.024242424242424242403215473018;0.007196969696969697342925353922;0.015151515151515151935690539631;0.000000000000000000000000000000;0.009469696969696969959806587269;0.008712121212121212709966755483;0.015530303030303029693248717535;0.031439393939393940613502564929;0.017803030303030303177491688871;0.025757575757575756902895136591;0.017045454545454544192928381108
-0.017575757575757574441288610956;0.001818181818181818180241160476;0.126060606060606067435614363603;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006060606060606060600803868255;0.000606060606060606060080386825;0.016363636363636364923213051270;0.015757575757575758429451795450;0.050606060606060605799871865429;0.009090909090909090467524933388;0.000909090909090909090120580238;0.007878787878787879214725897725;0.066969696969696970723084916699;0.003636363636363636360482320953;0.011515151515151514707846480690;0.040303030303030305814271372356;0.034545454545454545858262918046;0.001818181818181818180241160476;0.015151515151515151935690539631;0.007272727272727272720964641906;0.012424242424242424448488364419;0.007878787878787879214725897725;0.061515151515151515748680566276;0.016969696969696971416974307090;0.046060606060606058831385922758;0.024848484848484848896976728838;0.000000000000000000000000000000;0.000606060606060606060080386825;0.007272727272727272720964641906;0.001818181818181818180241160476;0.035151515151515148882577221912;0.003030303030303030300401934127;0.008484848484848485708487153545;0.018181818181818180935049866775;0.102424242424242417648372338590;0.014545454545454545441929283811;0.005757575757575757353923240345;0.000303030303030303030040193413;0.019393939393939393922572378415;0.004242424242424242854243576772;0.003030303030303030300401934127;0.000000000000000000000000000000;0.023636363636363635909454217199;0.002727272727272727487202175212;0.010303030303030303455047445027;0.065454545454545459692852205080;0.032424242424242424864821998653;0.020606060606060606910094890054;0.016969696969696971416974307090
-0.037777777777777778178691647781;0.003703703703703703845051542487;0.079259259259259265406605265980;0.011851851851851851263330850372;0.000000000000000000000000000000;0.015555555555555555108382392859;0.001851851851851851922525771243;0.015555555555555555108382392859;0.004074074074074073709139653943;0.049629629629629627707299022177;0.017037037037037038034181790636;0.008148148148148147418279307885;0.009259259259259258745267118229;0.061111111111111109106541761093;0.004444444444444444440589503387;0.042222222222222223486642889156;0.018888888888888889089345823891;0.016296296296296294836558615771;0.005185185185185185036127464286;0.007407407407407407690103084974;0.011851851851851851263330850372;0.005925925925925925631665425186;0.002962962962962962815832712593;0.051851851851851850361274642864;0.050370370370370370904922197042;0.062592592592592588562894206916;0.034074074074074076068363581271;0.002592592592592592518063732143;0.000370370370370370351979089074;0.002222222222222222220294751693;0.011111111111111111535154627461;0.025185185185185185452461098521;0.004444444444444444440589503387;0.014444444444444443781394582516;0.018888888888888889089345823891;0.049629629629629627707299022177;0.012222222222222222862142437805;0.016666666666666666435370203203;0.001111111111111111110147375847;0.007407407407407407690103084974;0.003333333333333333547282562037;0.004444444444444444440589503387;0.000000000000000000000000000000;0.024814814814814813853649511088;0.001111111111111111110147375847;0.012222222222222222862142437805;0.064074074074074074958140556646;0.049259259259259259577934386698;0.017037037037037038034181790636;0.028518518518518519433424529552
-0.032485875706214688285466962725;0.003954802259887005462524189880;0.084463276836158188154435322303;0.011299435028248587531418678509;0.000847457627118644043172357438;0.008474576271186440648564008882;0.003672316384180791034447244314;0.017514124293785311020643646884;0.016101694915254236711854574082;0.052259887005649714730726174139;0.012711864406779661840207751311;0.001977401129943502731262094940;0.009039548022598870372079638003;0.060451977401129945721702796391;0.006779661016949152345378859508;0.018361581920903955605917090566;0.020621468926553671030532655095;0.025141242937853108818657688062;0.004237288135593220324282004441;0.011299435028248587531418678509;0.011864406779661017254934307630;0.015819209039548021850096759522;0.012711864406779661840207751311;0.066384180790960450879722998252;0.022316384180790960201079542458;0.053389830508474574177757432381;0.021751412429378530477563913337;0.001129943502824858796509954750;0.001977401129943502731262094940;0.002824858757062146882854669627;0.004802259887005650047797633562;0.025141242937853108818657688062;0.003107344632768361744612484188;0.009604519774011300095595267123;0.022033898305084745339321727897;0.059039548022598871412913723589;0.013276836158192089828999904455;0.007909604519774010925048379761;0.001129943502824858796509954750;0.020903954802259885892290469656;0.006497175141242937483621044947;0.004802259887005650047797633562;0.000000000000000000000000000000;0.032203389830508473423709148165;0.001412429378531073441427334814;0.023163841807909604786352986139;0.068926553672316384635543329296;0.039265536723163844967654512175;0.023446327683615819648110800699;0.021468926553672315615806098776
-0.021698113207547168462818731882;0.006603773584905660645749669868;0.122955974842767296051349035224;0.000943396226415094346987033624;0.000000000000000000000000000000;0.012264150943396227161352740609;0.000628930817610062861851283333;0.015408805031446540928508071033;0.033333333333333332870740406406;0.022641509433962262592965331010;0.018238993710691823318947868415;0.005031446540880502894810266667;0.010062893081761005789620533335;0.055660377358490567556437156327;0.003144654088050314634517068413;0.025786163522012579829567613388;0.033647798742138364247455939449;0.049685534591194971398842028520;0.003144654088050314634517068413;0.016666666666666666435370203203;0.007861635220125786152611802038;0.046855345911949682069508327231;0.014779874213836478175077004948;0.029245283018867924973438476854;0.035220125786163521131033604661;0.041823899371069180042059798552;0.027672955974842768089860811642;0.000314465408805031430925641667;0.000000000000000000000000000000;0.002830188679245282824120666376;0.004716981132075471518094733625;0.016352201257861635058654670161;0.002515723270440251447405133334;0.011635220125786162673198198547;0.022012578616352199839534264925;0.046540880503144650692792794189;0.009433962264150943036189467250;0.005974842767295597892318603783;0.002201257861635220070689600291;0.031446540880503144610447208152;0.003459119496855346011232601455;0.008805031446540880282758401165;0.000000000000000000000000000000;0.014779874213836478175077004948;0.001886792452830188693974067249;0.004716981132075471518094733625;0.064779874213836477481187614558;0.035849056603773583884464670746;0.027044025157232705336429745557;0.021698113207547168462818731882
-0.025694444444444443365060948281;0.010416666666666666088425508008;0.087499999999999994448884876874;0.003819444444444444319158860068;0.004513888888888888464845372539;0.009374999999999999653055304805;0.003125000000000000173472347598;0.012847222222222221682530474141;0.021874999999999998612221219219;0.031944444444444441977282167500;0.014236111111111110841265237070;0.008333333333333333217685101602;0.014930555555555556287994356524;0.065625000000000002775557561563;0.007638888888888888638317720137;0.011805555555555555247160270937;0.020486111111111111188209932266;0.037847222222222219600862302968;0.004861111111111111188209932266;0.018749999999999999306110609609;0.010069444444444445099784424258;0.021527777777777777623580135469;0.019097222222222223764198645313;0.032986111111111111882099322656;0.027777777777777776235801354687;0.034722222222222223764198645313;0.025347222222222222376419864531;0.012500000000000000693889390391;0.001388888888888888941894328433;0.004513888888888888464845372539;0.003819444444444444319158860068;0.019097222222222223764198645313;0.003472222222222222029475169336;0.009374999999999999653055304805;0.032986111111111111882099322656;0.058680555555555555247160270937;0.010069444444444445099784424258;0.009722222222222222376419864531;0.003472222222222222029475169336;0.040277777777777780399137697032;0.004861111111111111188209932266;0.009722222222222222376419864531;0.000000000000000000000000000000;0.018055555555555553859381490156;0.005555555555555555767577313730;0.013194444444444444405895033867;0.056597222222222222376419864531;0.037499999999999998612221219219;0.036458333333333335646297967969;0.021527777777777777623580135469
-0.035964912280701755165068789211;0.008771929824561403021832006743;0.044152046783625734094336223734;0.022514619883040935116591541032;0.023684210526315790240614589379;0.017543859649122806043664013487;0.005263157894736841986571551644;0.025146198830409357410919923836;0.005263157894736841986571551644;0.049707602339181283790381371546;0.013742690058479532094759534289;0.008771929824561403021832006743;0.009064327485380116802837768830;0.049122807017543859697816799326;0.014912280701754385484059106659;0.020760233918128655900003920465;0.011695906432748537362442675658;0.016959064327485378481652489313;0.017251461988304093997381727377;0.006140350877192982462227099916;0.014619883040935671703053344572;0.008187134502923977194543958547;0.005555555555555555767577313730;0.066081871345029241648916240592;0.028070175438596491751530592751;0.059064327485380117843671854416;0.026608187134502924581225258294;0.014035087719298245875765296375;0.001754385964912280734470662047;0.021637426900584795508297730748;0.007602339181286549632532434373;0.019590643274853800775980872118;0.008771929824561403021832006743;0.006725146198830409156876886101;0.016666666666666666435370203203;0.045321637426900582279465368174;0.016374269005847954389087917093;0.009941520467836258145855055091;0.000584795321637426911490220682;0.008771929824561403021832006743;0.005263157894736841986571551644;0.002631578947368420993285775822;0.000000000000000000000000000000;0.028654970760233919313542116925;0.016374269005847954389087917093;0.023976608187134502286896875489;0.059064327485380117843671854416;0.034795321637426900041045740863;0.020760233918128655900003920465;0.016081871345029238873358679029
-0.042500000000000003053113317719;0.009166666666666666712925959359;0.062222222222222220433529571437;0.044444444444444446140618509844;0.001666666666666666773641281019;0.014722222222222221613141535101;0.003888888888888888777095598215;0.016111111111111110771876298031;0.013055555555555556357383295563;0.031111111111111110216764785719;0.016388888888888890338346726594;0.006666666666666667094565124074;0.018611111111111109522875395328;0.056111111111111111604543566500;0.012777777777777778525636342977;0.024166666666666666157814447047;0.021111111111111111743321444578;0.025000000000000001387778780781;0.008888888888888888881179006773;0.013611111111111110286153724758;0.013888888888888888117900677344;0.020000000000000000416333634234;0.015555555555555555108382392859;0.035000000000000003330669073875;0.045277777777777777901135891625;0.038888888888888889505679458125;0.025000000000000001387778780781;0.001944444444444444388547799107;0.002777777777777777883788656865;0.008611111111111111049432054187;0.009166666666666666712925959359;0.020277777777777776513357110844;0.007222222222222221890697291258;0.013055555555555556357383295563;0.027500000000000000138777878078;0.033611111111111112437210834969;0.015833333333333334674852821422;0.012777777777777778525636342977;0.003055555555555555715535609451;0.021666666666666667406815349750;0.005833333333333333599324266316;0.005277777777777777935830361145;0.000000000000000000000000000000;0.023888888888888890060790970438;0.006666666666666667094565124074;0.015555555555555555108382392859;0.044722222222222218768195034500;0.037499999999999998612221219219;0.026666666666666668378260496297;0.020555555555555556079827539406
-0.017283950617283948963942563637;0.013271604938271605589328316910;0.022530864197530864334595435139;0.164814814814814802890197142915;0.024074074074074074125473288177;0.014197530864197531116910333537;0.016049382716049383906797842769;0.020679012345679013279431401884;0.012654320987654321326032480499;0.017901234567901234961961876024;0.013580246913580246853614497127;0.008333333333333333217685101602;0.007716049382716048954389265191;0.013888888888888888117900677344;0.025308641975308642652064960998;0.014197530864197531116910333537;0.013888888888888888117900677344;0.019753086419753086017125909279;0.016358024691358025171084022986;0.003395061728395061713403624282;0.014197530864197531116910333537;0.012037037037037037062736644089;0.012037037037037037062736644089;0.025617283950617283916351141215;0.020061728395061727281412089496;0.020679012345679013279431401884;0.028395061728395062233820667075;0.137654320987654316121862052569;0.005555555555555555767577313730;0.014197530864197531116910333537;0.008641975308641974481971281818;0.029320987654320986026679207725;0.008641975308641974481971281818;0.008950617283950617480980938012;0.008950617283950617480980938012;0.025308641975308642652064960998;0.007098765432098765558455166769;0.012345679012345678327022824305;0.002160493827160493620492820455;0.011728395061728395798450463872;0.007716049382716048954389265191;0.012654320987654321326032480499;0.000000000000000000000000000000;0.025617283950617283916351141215;0.014197530864197531116910333537;0.026234567901234566444923501649;0.013271604938271605589328316910;0.011111111111111111535154627461;0.007407407407407407690103084974;0.008333333333333333217685101602
-0.018402777777777778317469525859;0.003472222222222222029475169336;0.025000000000000001387778780781;0.070486111111111110494320541875;0.226388888888888889505679458125;0.005902777777777777623580135469;0.001388888888888888941894328433;0.017361111111111111882099322656;0.011805555555555555247160270937;0.028819444444444446140618509844;0.010069444444444445099784424258;0.003819444444444444319158860068;0.005555555555555555767577313730;0.032986111111111111882099322656;0.004513888888888888464845372539;0.009374999999999999653055304805;0.009027777777777776929690745078;0.010416666666666666088425508008;0.005902777777777777623580135469;0.006944444444444444058950338672;0.014583333333333333564629796797;0.005208333333333333044212754004;0.004166666666666666608842550801;0.039583333333333331482961625625;0.013888888888888888117900677344;0.032291666666666669904817155157;0.019444444444444444752839729063;0.137847222222222232090871330001;0.000694444444444444470947164216;0.013541666666666667129259593594;0.002430555555555555594104966133;0.020833333333333332176851016015;0.002430555555555555594104966133;0.005208333333333333044212754004;0.007986111111111110494320541875;0.034722222222222223764198645313;0.009722222222222222376419864531;0.006250000000000000346944695195;0.004513888888888888464845372539;0.006944444444444444058950338672;0.002777777777777777883788656865;0.008333333333333333217685101602;0.000000000000000000000000000000;0.019444444444444444752839729063;0.003472222222222222029475169336;0.012847222222222221682530474141;0.034027777777777774848022573906;0.014236111111111110841265237070;0.007986111111111110494320541875;0.006944444444444444058950338672
-0.025862068965517241020402039453;0.011494252873563218231289795312;0.029022988505747127768730209141;0.242816091954022983401273449999;0.005172413793103448204080407891;0.020689655172413792816321631562;0.008045977011494252761902856719;0.030747126436781610503423678438;0.012356321839080459598636529961;0.017528735632183909537440413828;0.013793103448275861877547754375;0.010057471264367815952378570898;0.019252873563218392272133883125;0.019252873563218392272133883125;0.016954022988505748625875924063;0.018965517241379310081628162266;0.015517241379310344612241223672;0.022413793103448275551015100859;0.021551724137931035918391842188;0.005459770114942528659862652773;0.021551724137931035918391842188;0.012931034482758620510201019727;0.017816091954022988258499182734;0.018678160919540231360569393360;0.027011494252873562843531018984;0.019540229885057470993192652031;0.022126436781609196829956331953;0.009482758620689655040814081133;0.002011494252873563190475714180;0.015517241379310344612241223672;0.010632183908045976863943060664;0.013218390804597700965983264609;0.010344827586206896408160815781;0.008045977011494252761902856719;0.023275862068965518653085311485;0.021264367816091953727886121328;0.009482758620689655040814081133;0.009482758620689655040814081133;0.001149425287356321823128979531;0.017241379310344827346934692969;0.009482758620689655040814081133;0.005172413793103448204080407891;0.000000000000000000000000000000;0.016666666666666666435370203203;0.016091954022988505523805713437;0.021264367816091953727886121328;0.018103448275862070449004903594;0.015517241379310344612241223672;0.027298850574712645034036739844;0.012643678160919540054418774844
-0.022701149425287357741520821719;0.018965517241379310081628162266;0.067528735632183908843551023438;0.034770114942528733414928154843;0.025574712643678162299343270547;0.016666666666666666435370203203;0.004022988505747126380951428359;0.025287356321839080108837549687;0.025000000000000001387778780781;0.021839080459770114639450611094;0.010919540229885057319725305547;0.011494252873563218231289795312;0.014080459770114942333329999258;0.036494252873563219619068576094;0.014655172413793103244894489023;0.018678160919540231360569393360;0.025000000000000001387778780781;0.047413793103448273469346929687;0.018390804597701149170063672500;0.009482758620689655040814081133;0.016666666666666666435370203203;0.023275862068965518653085311485;0.018965517241379310081628162266;0.021264367816091953727886121328;0.029022988505747127768730209141;0.027586206896551723755095508750;0.029022988505747127768730209141;0.032471264367816089768670195781;0.000862068965517241367346734648;0.021551724137931035918391842188;0.007471264367816091850338366953;0.017528735632183909537440413828;0.014080459770114942333329999258;0.010057471264367815952378570898;0.023563218390804597374144080391;0.033333333333333332870740406406;0.010632183908045976863943060664;0.008333333333333333217685101602;0.004022988505747126380951428359;0.022988505747126436462579590625;0.006609195402298850482991632305;0.012931034482758620510201019727;0.000000000000000000000000000000;0.011206896551724137775507550430;0.009482758620689655040814081133;0.007471264367816091850338366953;0.035057471264367819074880827657;0.027011494252873562843531018984;0.028160919540229884666659998516;0.020402298850574714095262862656
-0.030790960451977402584367027316;0.014406779661016949276031162697;0.051694915254237285007210545018;0.024576271186440679095142058941;0.020338983050847456168774840535;0.028813559322033898552062325393;0.005367231638418078903951524694;0.029943502824858757999093583635;0.024858757062146893956899873501;0.019209039548022600191190534247;0.014971751412429378999546791817;0.018644067796610170467674905126;0.022881355932203389924595171578;0.035593220338983051764802922889;0.012994350282485874967242089895;0.019774011299435029914706163368;0.022316384180790960201079542458;0.036723163841807911211834181131;0.018644067796610170467674905126;0.008192090395480225786806194321;0.020621468926553671030532655095;0.021751412429378530477563913337;0.024293785310734464233384244380;0.024858757062146893956899873501;0.029096045197740113413820139954;0.026553672316384179657999808910;0.027118644067796609381515438031;0.007344632768361582068894488629;0.001694915254237288086344714877;0.022316384180790960201079542458;0.014689265536723164137788977257;0.010169491525423728084387420267;0.013559322033898304690757719015;0.007062146892655367207136674068;0.030225988700564972860851398195;0.032203389830508473423709148165;0.017231638418079096158885832324;0.008757062146892655510321823442;0.003107344632768361744612484188;0.034745762711864407179529479208;0.007627118644067796930652303189;0.015254237288135593861304606378;0.000000000000000000000000000000;0.012146892655367232116692122190;0.011016949152542372669660863949;0.020056497175141241307017025974;0.022598870056497175062837357018;0.020621468926553671030532655095;0.038418079096045200382381068493;0.014124293785310734414273348136
-0.033333333333333332870740406406;0.009166666666666666712925959359;0.054166666666666668517038374375;0.002222222222222222220294751693;0.006111111111111111431071218902;0.016944444444444446001840631766;0.006666666666666667094565124074;0.021111111111111111743321444578;0.020833333333333332176851016015;0.033333333333333332870740406406;0.013611111111111110286153724758;0.014999999999999999444888487687;0.022499999999999999167332731531;0.039444444444444441699726411343;0.010000000000000000208166817117;0.021388888888888887840344921187;0.029166666666666667129259593594;0.034444444444444444197728216750;0.011666666666666667198648532633;0.011666666666666667198648532633;0.020277777777777776513357110844;0.014444444444444443781394582516;0.024444444444444445724284875610;0.047222222222222220988641083750;0.033055555555555553304269977843;0.035000000000000003330669073875;0.025833333333333333148296162562;0.003888888888888888777095598215;0.002500000000000000052041704279;0.014722222222222221613141535101;0.011388888888888889366901580047;0.023333333333333334397297065266;0.012222222222222222862142437805;0.009722222222222222376419864531;0.032500000000000001110223024625;0.044722222222222218768195034500;0.011111111111111111535154627461;0.014722222222222221613141535101;0.005277777777777777935830361145;0.024166666666666666157814447047;0.006388888888888889262818171488;0.016111111111111110771876298031;0.000000000000000000000000000000;0.023888888888888890060790970438;0.005555555555555555767577313730;0.021388888888888887840344921187;0.033611111111111112437210834969;0.024166666666666666157814447047;0.028333333333333331899295259859;0.017222222222222222098864108375
-0.030952380952380953438307642500;0.002083333333333333304421275400;0.046726190476190476719153821250;0.000000000000000000000000000000;0.011309523809523809242949532461;0.015476190476190476719153821250;0.006250000000000000346944695195;0.015476190476190476719153821250;0.030654761904761903407168333047;0.035416666666666665741480812812;0.012797619047619047255581747891;0.019047619047619049337249919063;0.013988095238095238706521605820;0.039583333333333331482961625625;0.004761904761904762334312479766;0.021428571428571428769682682969;0.021130952380952382207990325469;0.019642857142857142460634634062;0.006845238095238095205052886172;0.008630952380952381514100935078;0.012797619047619047255581747891;0.019047619047619049337249919063;0.011309523809523809242949532461;0.045238095238095236971798129844;0.031250000000000000000000000000;0.040178571428571431545240244532;0.021130952380952382207990325469;0.054761904761904761640423089375;0.003571428571428571317053490830;0.015178571428571428422737987773;0.011904761904761904101057723437;0.022619047619047618485899064922;0.006250000000000000346944695195;0.009821428571428571230317317031;0.035416666666666665741480812812;0.036607142857142858927144146719;0.008333333333333333217685101602;0.017261904761904763028201870156;0.004761904761904762334312479766;0.025000000000000001387778780781;0.002678571428571428596210335371;0.022321428571428571924206707422;0.000000000000000000000000000000;0.038690476190476191797884553125;0.001785714285714285658526745415;0.026488095238095237665687520234;0.044940476190476190410105772344;0.025297619047619047949471138281;0.027380952380952380820211544687;0.015773809523809523280846178750
-0.028014184397163119366602757054;0.004964539007092198807935545801;0.074113475177304960483937179561;0.000354609929078014208311125932;0.046808510638297870509738629607;0.018794326241134751143135872553;0.000709219858156028416622251864;0.014184397163120567031402430302;0.039007092198581561071080159309;0.029078014184397163455209067706;0.010992907801418439969753926277;0.012411347517730497019838864503;0.011347517730496454665956029828;0.051063829787234039925269968307;0.006737588652482269686860849589;0.013120567375886524677519595627;0.036170212765957443501463330904;0.043262411347517730486611498009;0.008510638297872340565786153377;0.016312056737588651739168099652;0.009574468085106382919668988052;0.024468085106382979343475625456;0.015602836879432624081487368528;0.038652482269503546374878055758;0.025531914893617019962634984154;0.033687943262411347566942509957;0.023404255319148935254869314804;0.003546099290780141757850607576;0.002836879432624113666489007457;0.009929078014184397615871091602;0.007801418439716312040743684264;0.021985815602836879939507852555;0.006028368794326241161818380476;0.009929078014184397615871091602;0.029078014184397163455209067706;0.049290780141843973383153354462;0.013475177304964539373721699178;0.009574468085106382919668988052;0.002482269503546099403967772901;0.030851063829787233466772633506;0.004964539007092198807935545801;0.012056737588652482323636760952;0.000000000000000000000000000000;0.022695035460992909331912059656;0.003546099290780141757850607576;0.013829787234042552335200326752;0.035460992907801421047953027710;0.028723404255319148759006964156;0.026950354609929078747443398356;0.018085106382978721750731665452
-0.031073446327683617446124841877;0.017796610169491525882401461445;0.062429378531073449754007498314;0.001412429378531073441427334814;0.002542372881355932021096855067;0.018926553672316385329432719686;0.003954802259887005462524189880;0.029943502824858757999093583635;0.030508474576271187722609212756;0.023446327683615819648110800699;0.013559322033898304690757719015;0.007344632768361582068894488629;0.018079096045197740744159276005;0.037570621468926555797107624812;0.012146892655367232116692122190;0.019209039548022600191190534247;0.028813559322033898552062325393;0.056214689265536722795335577985;0.013559322033898304690757719015;0.010451977401129942946145234828;0.017796610169491525882401461445;0.022033898305084745339321727897;0.026836158192090394519757623470;0.030790960451977402584367027316;0.029943502824858757999093583635;0.032203389830508473423709148165;0.029943502824858757999093583635;0.005649717514124293765709339254;0.000847457627118644043172357438;0.011581920903954802393176493069;0.010451977401129942946145234828;0.015819209039548021850096759522;0.012146892655367232116692122190;0.010734463276836157807903049388;0.031355932203389828838435704483;0.048022598870056498743252859640;0.019209039548022600191190534247;0.013559322033898304690757719015;0.002542372881355932021096855067;0.033615819209039547732498220967;0.009039548022598870372079638003;0.014124293785310734414273348136;0.000000000000000000000000000000;0.018079096045197740744159276005;0.007062146892655367207136674068;0.013559322033898304690757719015;0.027966101694915253966788881712;0.019209039548022600191190534247;0.029378531073446328275577954514;0.017514124293785311020643646884
-0.023030303030303029415692961379;0.009696969696969696961286189207;0.095151515151515153601025076568;0.107272727272727269598462385147;0.003333333333333333547282562037;0.013636363636363635701287400082;0.000606060606060606060080386825;0.014848484848484848688809911721;0.021818181818181819897617401693;0.026363636363636363396656392410;0.019393939393939393922572378415;0.006060606060606060600803868255;0.011818181818181817954727108599;0.058484848484848486749321239131;0.011818181818181817954727108599;0.024848484848484848896976728838;0.022424242424242422921931705559;0.032121212121212119883217894767;0.006060606060606060600803868255;0.011515151515151514707846480690;0.007575757575757575967845269815;0.022727272727272727903535809446;0.007575757575757575967845269815;0.030606060606060605383538231195;0.029393939393939392396015719555;0.042727272727272724850422491727;0.023939393939393940891058321085;0.006060606060606060600803868255;0.000303030303030303030040193413;0.002727272727272727487202175212;0.003333333333333333547282562037;0.010606060606060606701928072937;0.003939393939393939607362948863;0.014545454545454545441929283811;0.019090909090909092410415226482;0.039393939393939390869459060696;0.007878787878787879214725897725;0.007272727272727272720964641906;0.001515151515151515150200967064;0.022727272727272727903535809446;0.003939393939393939607362948863;0.009090909090909090467524933388;0.000000000000000000000000000000;0.009090909090909090467524933388;0.004848484848484848480643094604;0.006666666666666667094565124074;0.052424242424242421811708680934;0.041818181818181816844504083974;0.025151515151515150409133880771;0.022727272727272727903535809446
-0.027485380116959064189519068577;0.008771929824561403021832006743;0.088888888888888892281237019688;0.009064327485380116802837768830;0.012573099415204678705459961918;0.009356725146198830583843530917;0.000877192982456140367235331023;0.023684210526315790240614589379;0.009064327485380116802837768830;0.041228070175438599753725554820;0.014619883040935671703053344572;0.002631578947368420993285775822;0.007894736842105263413538196460;0.074561403508771925685572057318;0.015497076023391813046070630833;0.023391812865497074724885351316;0.017836257309941521559393251550;0.026608187134502924581225258294;0.012865497076023392486465724005;0.011403508771929825316160389548;0.010526315789473683973143103287;0.014912280701754385484059106659;0.005263157894736841986571551644;0.047953216374269004573793750978;0.029532163742690058921835927208;0.053801169590643273255015088807;0.033040935672514620824458120296;0.005847953216374268681221337829;0.000292397660818713455745110341;0.009064327485380116802837768830;0.002631578947368420993285775822;0.019005847953216373213969347944;0.005263157894736841986571551644;0.008187134502923977194543958547;0.019005847953216373213969347944;0.045906432748538013310923844301;0.012573099415204678705459961918;0.005555555555555555767577313730;0.000000000000000000000000000000;0.014619883040935671703053344572;0.004678362573099415291921765458;0.004970760233918129072927527545;0.000000000000000000000000000000;0.018128654970760233605675537660;0.011111111111111111535154627461;0.009064327485380116802837768830;0.073391812865497077500442912878;0.048538011695906435605252227106;0.026023391812865497019213734120;0.022807017543859650632320779096
-0.017857142857142856151586585156;0.024107142857142858233254756328;0.042261904761904764415980650938;0.046726190476190476719153821250;0.024702380952380951356639471328;0.009523809523809524668624959531;0.002083333333333333304421275400;0.028571428571428570536427926640;0.008333333333333333217685101602;0.063392857142857139685077072500;0.010714285714285714384841341484;0.002380952380952381167156239883;0.004166666666666666608842550801;0.038392857142857145236192195625;0.029464285714285713690951951094;0.011011904761904762681257174961;0.016666666666666666435370203203;0.025297619047619047949471138281;0.019642857142857142460634634062;0.006547619047619047775998790684;0.012202380952380952397473556914;0.003571428571428571317053490830;0.003571428571428571317053490830;0.086904761904761901325500161875;0.013095238095238095551997581367;0.044345238095238097286721057344;0.027976190476190477413043211641;0.022321428571428571924206707422;0.001488095238095238012632215430;0.014583333333333333564629796797;0.001488095238095238012632215430;0.039880952380952378044653983125;0.009821428571428571230317317031;0.003571428571428571317053490830;0.005357142857142857192420670742;0.069345238095238098674499838125;0.013392857142857142113689938867;0.006547619047619047775998790684;0.000892857142857142829263372708;0.002678571428571428596210335371;0.009523809523809524668624959531;0.006547619047619047775998790684;0.000000000000000000000000000000;0.039880952380952378044653983125;0.020833333333333332176851016015;0.016666666666666666435370203203;0.047321428571428569842538536250;0.024404761904761904794947113828;0.010416666666666666088425508008;0.009523809523809524668624959531
-0.031632653061224487445191044799;0.012925170068027210315553254816;0.044897959183673466498909476741;0.095238095238095232808461787499;0.006802721088435373895941804534;0.026190476190476191103995162734;0.001700680272108843473985451134;0.025850340136054420631106509632;0.017687074829931974384589210558;0.021768707482993195773124384118;0.018707482993197278864361265960;0.014965986394557822744544317572;0.015986394557823128959039848951;0.031632653061224487445191044799;0.016666666666666666435370203203;0.025850340136054420631106509632;0.018707482993197278864361265960;0.033673469387755103343629059509;0.012585034013605441577388077690;0.008503401360544218454129428153;0.017006802721088436908258856306;0.022448979591836733249454738370;0.014625850340136054006379140446;0.023809523809523808202115446875;0.036734693877551023721839129621;0.035714285714285712303173170312;0.027210884353741495583767218136;0.021088435374149658296794029866;0.000680272108843537367910137004;0.021768707482993195773124384118;0.013265306122448979053718431942;0.008843537414965987192294605279;0.012585034013605441577388077690;0.010544217687074829148397014933;0.021768707482993195773124384118;0.028231292517006803532986225491;0.012925170068027210315553254816;0.012925170068027210315553254816;0.000680272108843537367910137004;0.020748299319727891293352328717;0.007142857142857142634106981660;0.014285714285714285268213963320;0.000000000000000000000000000000;0.011904761904761904101057723437;0.010204081632653060410231837807;0.012244897959183672839222900564;0.027210884353741495583767218136;0.022789115646258503722343391473;0.031972789115646257918079697902;0.016666666666666666435370203203
-0.012820512820512820068019621544;0.007692307692307692734701163317;0.060576923076923076816324709171;0.128846153846153832489562773844;0.003525641025641025692177743522;0.003525641025641025692177743522;0.002884615384615384775512936244;0.023397435897435897578233721106;0.010897435897435896884344330715;0.077564102564102566095272095481;0.007051282051282051384355487045;0.000961538461538461591837645415;0.003846153846153846367350581659;0.039102564102564102421766278894;0.011217948717948717993198037846;0.009294871794871794809522747016;0.016987179487179485809500434357;0.028205128205128205537421948179;0.005448717948717948442172165358;0.005448717948717948442172165358;0.012179487179487179585035683260;0.005769230769230769551025872488;0.002884615384615384775512936244;0.107371794871794865033898247475;0.011538461538461539102051744976;0.036538461538461540489830525757;0.030448717948717948095227470162;0.005769230769230769551025872488;0.000641025641025641025085024527;0.003205128205128205017004905386;0.000000000000000000000000000000;0.041987179487179483727832263185;0.003205128205128205017004905386;0.004166666666666666608842550801;0.004166666666666666608842550801;0.078846153846153843591793020096;0.008333333333333333217685101602;0.005448717948717948442172165358;0.000000000000000000000000000000;0.003846153846153846367350581659;0.008974358974358973700669039886;0.002884615384615384775512936244;0.000000000000000000000000000000;0.040384615384615386857181107416;0.005448717948717948442172165358;0.021153846153846155020428199123;0.059935897435897438068064246863;0.016025641025641024217662788942;0.008012820512820512108831394471;0.011538461538461539102051744976
-0.019883040935672516291710110181;0.008771929824561403021832006743;0.092397660818713450714412260822;0.002631578947368420993285775822;0.000877192982456140367235331023;0.011111111111111111535154627461;0.001461988304093567170305334457;0.022514619883040935116591541032;0.030116959064327486483847451382;0.045321637426900582279465368174;0.008479532163742689240826244657;0.002631578947368420993285775822;0.008479532163742689240826244657;0.047368421052631580481229178758;0.005263157894736841986571551644;0.005263157894736841986571551644;0.051754385964912281992145182130;0.047953216374269004573793750978;0.008771929824561403021832006743;0.017543859649122806043664013487;0.008187134502923977194543958547;0.021637426900584795508297730748;0.011695906432748537362442675658;0.066959064327485384726657002830;0.013450292397660818313753772202;0.030116959064327486483847451382;0.021052631578947367946286206575;0.002631578947368420993285775822;0.000584795321637426911490220682;0.002631578947368420993285775822;0.001754385964912280734470662047;0.038596491228070177459397172015;0.004385964912280701510916003372;0.009356725146198830583843530917;0.020467836257309940384274682401;0.089181286549707597388625401891;0.015204678362573099265064868746;0.002631578947368420993285775822;0.000584795321637426911490220682;0.020760233918128655900003920465;0.007309941520467835851526672286;0.010526315789473683973143103287;0.000000000000000000000000000000;0.022514619883040935116591541032;0.003508771929824561468941324094;0.007309941520467835851526672286;0.059356725146198829889954140526;0.030701754385964910576412023602;0.022807017543859650632320779096;0.015497076023391813046070630833
-0.023397435897435897578233721106;0.014743589743589743251694912374;0.091025641025641021442105227379;0.001602564102564102508502452693;0.003846153846153846367350581659;0.019551282051282051210883139447;0.002243589743589743425167259971;0.023076923076923078204103489952;0.034615384615384617306155234928;0.018589743589743589619045494032;0.017307692307692308653077617464;0.005448717948717948442172165358;0.020512820512820512802720784862;0.049358974358974357088403195348;0.011217948717948717993198037846;0.018910256410256408993175725186;0.028525641025641024911552179333;0.053846153846153849142908143222;0.010256410256410256401360392431;0.009294871794871794809522747016;0.015064102564102564360548619504;0.034935897435897436680285466082;0.019230769230769231836752908293;0.026282051282051282353746657350;0.025000000000000001387778780781;0.032692307692307694122479944099;0.028525641025641024911552179333;0.003205128205128205017004905386;0.000641025641025641025085024527;0.008974358974358973700669039886;0.008974358974358973700669039886;0.021474358974358974394558430276;0.007692307692307692734701163317;0.014102564102564102768710974090;0.033333333333333332870740406406;0.043269230769230768163247091707;0.014102564102564102768710974090;0.007692307692307692734701163317;0.003846153846153846367350581659;0.042948717948717948789116860553;0.006410256410256410034009810772;0.009935897435897435292506685300;0.000000000000000000000000000000;0.011538461538461539102051744976;0.006730769230769231142863517903;0.013782051282051281659857266959;0.028846153846153847755129362440;0.025961538461538462979616426196;0.032371794871794874748349712945;0.015064102564102564360548619504
-0.034770114942528733414928154843;0.011206896551724137775507550430;0.059195402298850577360589397813;0.003735632183908045925169183477;0.009195402298850574585031836250;0.015804597701149426802746944531;0.002011494252873563190475714180;0.036206896551724140898009807188;0.010344827586206896408160815781;0.029597701149425288680294698906;0.025000000000000001387778780781;0.005747126436781609115644897656;0.016379310344827587714311434297;0.045402298850574715483041643438;0.016091954022988505523805713437;0.017816091954022988258499182734;0.016954022988505748625875924063;0.038793103448275863265326535156;0.020977011494252875006827352422;0.010919540229885057319725305547;0.018103448275862070449004903594;0.012068965517241379142854285078;0.015229885057471264156458978789;0.042241379310344828734713473750;0.030747126436781610503423678438;0.043390804597701150557842453281;0.036781609195402298340127345000;0.006609195402298850482991632305;0.000574712643678160911564489766;0.010919540229885057319725305547;0.004310344827586206836733673242;0.017528735632183909537440413828;0.015517241379310344612241223672;0.007471264367816091850338366953;0.024137931034482758285708570156;0.048563218390804595292475909218;0.014942528735632183700676733906;0.008620689655172413673467346484;0.000000000000000000000000000000;0.016954022988505748625875924063;0.007758620689655172306120611836;0.003448275862068965469386938594;0.000000000000000000000000000000;0.017241379310344827346934692969;0.013218390804597700965983264609;0.012931034482758620510201019727;0.052586206896551725142874289531;0.034770114942528733414928154843;0.036206896551724140898009807188;0.020977011494252875006827352422
-0.025757575757575756902895136591;0.001818181818181818180241160476;0.103636363636363637574788754137;0.000000000000000000000000000000;0.000606060606060606060080386825;0.013939393939393938948168027991;0.001515151515151515150200967064;0.024242424242424242403215473018;0.013333333333333334189130248149;0.053636363636363634799231192574;0.011212121212121211460965852780;0.005454545454545454974404350423;0.008181818181818182461606525635;0.063333333333333338699411285688;0.003636363636363636360482320953;0.014848484848484848688809911721;0.037272727272727269876018141304;0.033636363636363637852344510293;0.007575757575757575967845269815;0.013030303030303030942249620239;0.010606060606060606701928072937;0.014242424242424242195048655901;0.005454545454545454974404350423;0.075151515151515149715244490380;0.030909090909090910365142335081;0.045151515151515150825467515006;0.025151515151515150409133880771;0.000000000000000000000000000000;0.000303030303030303030040193413;0.005454545454545454974404350423;0.006060606060606060600803868255;0.037575757575757574857622245190;0.006060606060606060600803868255;0.003939393939393939607362948863;0.012121212121212121201607736509;0.080606060606060611628542744711;0.014242424242424242195048655901;0.006969696969696969474084013996;0.000909090909090909090120580238;0.007575757575757575967845269815;0.004242424242424242854243576772;0.002424242424242424240321547302;0.000000000000000000000000000000;0.026363636363636363396656392410;0.003636363636363636360482320953;0.013636363636363635701287400082;0.064242424242424239766435789534;0.025454545454545455390737984658;0.019393939393939393922572378415;0.015454545454545455182571167541
-0.035344827586206897795939596563;0.014080459770114942333329999258;0.056896551724137933714331438750;0.000000000000000000000000000000;0.008908045977011494129249591367;0.026149425287356323210907760313;0.003160919540229885013604693711;0.023563218390804597374144080391;0.017816091954022988258499182734;0.024425287356321840476214291016;0.022126436781609196829956331953;0.017816091954022988258499182734;0.027873563218390805945601229610;0.037068965517241377061186113906;0.010632183908045976863943060664;0.021264367816091953727886121328;0.023563218390804597374144080391;0.043390804597701150557842453281;0.023275862068965518653085311485;0.009482758620689655040814081133;0.023275862068965518653085311485;0.015517241379310344612241223672;0.022988505747126436462579590625;0.024712643678160919197273059922;0.029022988505747127768730209141;0.032183908045977011047611426875;0.033333333333333332870740406406;0.004597701149425287292515918125;0.000000000000000000000000000000;0.028735632183908045578224488281;0.011781609195402298687072040195;0.013505747126436781421765509492;0.022701149425287357741520821719;0.009195402298850574585031836250;0.033333333333333332870740406406;0.038793103448275863265326535156;0.016666666666666666435370203203;0.013218390804597700965983264609;0.002586206896551724102040203945;0.021551724137931035918391842188;0.008333333333333333217685101602;0.009482758620689655040814081133;0.000000000000000000000000000000;0.009482758620689655040814081133;0.008908045977011494129249591367;0.015517241379310344612241223672;0.030459770114942528312917957578;0.024712643678160919197273059922;0.032471264367816089768670195781;0.016091954022988505523805713437
-0.026666666666666668378260496297;0.018333333333333333425851918719;0.052499999999999998057109706906;0.079444444444444442532393679812;0.015555555555555555108382392859;0.016388888888888890338346726594;0.008333333333333333217685101602;0.025277777777777777484802257391;0.011944444444444445030395485219;0.019444444444444444752839729063;0.008888888888888888881179006773;0.008888888888888888881179006773;0.016111111111111110771876298031;0.037499999999999998612221219219;0.020277777777777776513357110844;0.007777777777777777554191196430;0.016944444444444446001840631766;0.033055555555555553304269977843;0.031666666666666669349705642844;0.016944444444444446001840631766;0.020555555555555556079827539406;0.016666666666666666435370203203;0.020833333333333332176851016015;0.033888888888888892003681263532;0.018611111111111109522875395328;0.025277777777777777484802257391;0.023333333333333334397297065266;0.013055555555555556357383295563;0.002222222222222222220294751693;0.030555555555555554553270880547;0.007222222222222221890697291258;0.016388888888888890338346726594;0.019166666666666665186369300500;0.006111111111111111431071218902;0.024166666666666666157814447047;0.037222222222222219045750790656;0.011666666666666667198648532633;0.006666666666666667094565124074;0.003888888888888888777095598215;0.028333333333333331899295259859;0.010277777777777778039913769703;0.008055555555555555385938149016;0.000000000000000000000000000000;0.016388888888888890338346726594;0.014166666666666665949647629930;0.017500000000000001665334536938;0.035000000000000003330669073875;0.021666666666666667406815349750;0.026111111111111112714766591125;0.013055555555555556357383295563
-0.027777777777777776235801354687;0.011988304093567251143448437745;0.047660818713450292527511464868;0.047076023391812868434946892648;0.007017543859649122937882648188;0.017251461988304093997381727377;0.006140350877192982462227099916;0.023391812865497074724885351316;0.014035087719298245875765296375;0.026900584795321636627507544404;0.019005847953216373213969347944;0.007309941520467835851526672286;0.020175438596491228337992396291;0.047368421052631580481229178758;0.012280701754385964924454199831;0.015497076023391813046070630833;0.026023391812865497019213734120;0.034795321637426900041045740863;0.015789473684210526827076392919;0.014912280701754385484059106659;0.017543859649122806043664013487;0.014619883040935671703053344572;0.018713450292397661167687061834;0.029239766081871343406106689145;0.030409356725146198530129737492;0.036257309941520467211351075321;0.033625730994152044917022692516;0.005847953216374268681221337829;0.001461988304093567170305334457;0.013450292397660818313753772202;0.008187134502923977194543958547;0.016081871345029238873358679029;0.012865497076023392486465724005;0.011111111111111111535154627461;0.030994152046783626092141261665;0.047076023391812868434946892648;0.011403508771929825316160389548;0.010818713450292397754148865374;0.003801169590643274816266217186;0.033918128654970756963304978626;0.004678362573099415291921765458;0.009356725146198830583843530917;0.000000000000000000000000000000;0.019005847953216373213969347944;0.009356725146198830583843530917;0.014035087719298245875765296375;0.038011695906432746427938695888;0.023099415204678362678603065206;0.035087719298245612087328026973;0.017543859649122806043664013487
-0.022499999999999999167332731531;0.016666666666666666435370203203;0.068888888888888888395456433500;0.000000000000000000000000000000;0.001388888888888888941894328433;0.018888888888888889089345823891;0.001388888888888888941894328433;0.021666666666666667406815349750;0.028888888888888887562789165031;0.026111111111111112714766591125;0.014166666666666665949647629930;0.010555555555555555871660722289;0.020277777777777776513357110844;0.035555555555555555524716027094;0.007777777777777777554191196430;0.011944444444444445030395485219;0.031666666666666669349705642844;0.058611111111111113824989615750;0.011388888888888889366901580047;0.012777777777777778525636342977;0.011666666666666667198648532633;0.034722222222222223764198645313;0.033055555555555553304269977843;0.025277777777777777484802257391;0.028611111111111111465765688422;0.034444444444444444197728216750;0.028611111111111111465765688422;0.003888888888888888777095598215;0.001111111111111111110147375847;0.008888888888888888881179006773;0.007777777777777777554191196430;0.015277777777777777276635440273;0.014444444444444443781394582516;0.009444444444444444544672911945;0.030833333333333334119741309109;0.048055555555555552749158465531;0.014999999999999999444888487687;0.008333333333333333217685101602;0.008333333333333333217685101602;0.041388888888888891726125507375;0.006111111111111111431071218902;0.017777777777777777762358013547;0.000000000000000000000000000000;0.014444444444444443781394582516;0.005277777777777777935830361145;0.015833333333333334674852821422;0.029444444444444443226283070203;0.025000000000000001387778780781;0.040833333333333332593184650250;0.014999999999999999444888487687
-0.031851851851851853414387960584;0.021481481481481479872686080057;0.065925925925925929482751541855;0.000000000000000000000000000000;0.002962962962962962815832712593;0.018518518518518517490534236458;0.002592592592592592518063732143;0.025185185185185185452461098521;0.019259259259259260688157411323;0.025185185185185185452461098521;0.018148148148148149361169600979;0.006666666666666667094565124074;0.020000000000000000416333634234;0.051111111111111114102545371907;0.008888888888888888881179006773;0.025555555555555557051272685953;0.016666666666666666435370203203;0.046666666666666668794594130532;0.016666666666666666435370203203;0.015555555555555555108382392859;0.010740740740740739936343040029;0.019259259259259260688157411323;0.025185185185185185452461098521;0.030370370370370370488588562807;0.032592592592592589673117231541;0.040740740740740744030290443334;0.028888888888888887562789165031;0.006296296296296296363115274630;0.000740740740740740703958178148;0.019259259259259260688157411323;0.007407407407407407690103084974;0.011851851851851851263330850372;0.014444444444444443781394582516;0.010000000000000000208166817117;0.032962962962962964741375770927;0.038888888888888889505679458125;0.015185185185185185244294281404;0.010000000000000000208166817117;0.002222222222222222220294751693;0.029629629629629630760412339896;0.007037037037037036958653235530;0.012222222222222222862142437805;0.000000000000000000000000000000;0.014074074074074073917306471060;0.007777777777777777554191196430;0.009259259259259258745267118229;0.040000000000000000832667268469;0.029629629629629630760412339896;0.034814814814814812327092852229;0.019629629629629628817522046802
-0.024444444444444445724284875610;0.010833333333333333703407674875;0.058055555555555554692048758625;0.002777777777777777883788656865;0.012500000000000000693889390391;0.023333333333333334397297065266;0.003333333333333333547282562037;0.025277777777777777484802257391;0.013333333333333334189130248149;0.025833333333333333148296162562;0.015555555555555555108382392859;0.013888888888888888117900677344;0.019722222222222220849863205672;0.036666666666666666851703837438;0.015555555555555555108382392859;0.016666666666666666435370203203;0.018611111111111109522875395328;0.031388888888888889783235214281;0.036111111111111107718762980312;0.010000000000000000208166817117;0.025555555555555557051272685953;0.013055555555555556357383295563;0.026111111111111112714766591125;0.039444444444444441699726411343;0.024166666666666666157814447047;0.034722222222222223764198645313;0.026388888888888888811790067734;0.019722222222222220849863205672;0.000833333333333333386820640509;0.028611111111111111465765688422;0.010000000000000000208166817117;0.017500000000000001665334536938;0.025833333333333333148296162562;0.009722222222222222376419864531;0.024166666666666666157814447047;0.038611111111111109939209029562;0.016388888888888890338346726594;0.012222222222222222862142437805;0.000555555555555555555073687923;0.018055555555555553859381490156;0.011388888888888889366901580047;0.005555555555555555767577313730;0.000000000000000000000000000000;0.014444444444444443781394582516;0.013055555555555556357383295563;0.018055555555555553859381490156;0.037777777777777778178691647781;0.026666666666666668378260496297;0.029166666666666667129259593594;0.018333333333333333425851918719
-0.031578947368421053654152785839;0.007309941520467835851526672286;0.084795321637426895877709398519;0.012280701754385964924454199831;0.002631578947368420993285775822;0.014619883040935671703053344572;0.002339181286549707645960882729;0.022807017543859650632320779096;0.028070175438596491751530592751;0.031286549707602341607870499729;0.019590643274853800775980872118;0.010233918128654970192137341201;0.007309941520467835851526672286;0.052339181286549706084709754350;0.011988304093567251143448437745;0.027777777777777776235801354687;0.018128654970760233605675537660;0.035380116959064324133610313083;0.013157894736842104532748010115;0.007309941520467835851526672286;0.017251461988304093997381727377;0.033918128654970756963304978626;0.007309941520467835851526672286;0.038011695906432746427938695888;0.033333333333333332870740406406;0.055263157894736840425320423265;0.033918128654970756963304978626;0.006432748538011696243232862003;0.000584795321637426911490220682;0.007602339181286549632532434373;0.005263157894736841986571551644;0.018421052631578945651957823770;0.007602339181286549632532434373;0.014327485380116959656771058462;0.015497076023391813046070630833;0.044736842105263158186900795954;0.010233918128654970192137341201;0.010526315789473683973143103287;0.002923976608187134340610668914;0.012865497076023392486465724005;0.007894736842105263413538196460;0.008187134502923977194543958547;0.000000000000000000000000000000;0.018713450292397661167687061834;0.004970760233918129072927527545;0.019005847953216373213969347944;0.053801169590643273255015088807;0.022222222222222223070309254922;0.021929824561403507554580016858;0.026315789473684209065496020230
-0.027124183006535948492476961746;0.003594771241830065165029362007;0.075163398692810454160273536672;0.000000000000000000000000000000;0.001307189542483660040297910321;0.021568627450980391857537910028;0.002614379084967320080595820642;0.016993464052287580307032399674;0.024183006535947713239176337652;0.023856209150326795898067189228;0.020588235294117646773104368663;0.009803921568627450844335413649;0.019934640522875815560333023768;0.051307189542483658262206347445;0.004575163398692810683143772366;0.032026143790849670445197716617;0.019607843137254901688670827298;0.040196078431372551931222147914;0.012418300653594770491250365296;0.010457516339869280322383282567;0.015686274509803921350936661838;0.031699346405228756573535520147;0.016013071895424835222598858309;0.035294117647058823039607489136;0.041503267973856207417870933796;0.042483660130718955971751427114;0.024836601307189540982500730593;0.000980392156862745084433541365;0.000653594771241830020148955160;0.013071895424836601704021710191;0.016339869281045752563708006733;0.016013071895424835222598858309;0.011437908496732025406816823931;0.011437908496732025406816823931;0.033333333333333332870740406406;0.042810457516339869843413623585;0.010130718954248366450721086096;0.009150326797385621366287544731;0.001960784313725490168867082730;0.033660130718954246742402602877;0.004901960784313725422167706824;0.006209150326797385245625182648;0.000000000000000000000000000000;0.016013071895424835222598858309;0.004901960784313725422167706824;0.016013071895424835222598858309;0.040196078431372551931222147914;0.032026143790849670445197716617;0.029738562091503266404668437417;0.024183006535947713239176337652
-0.034905660377358489754318071618;0.005345911949685534271525799710;0.051257861635220128282419693733;0.000628930817610062861851283333;0.020754716981132074332672132755;0.017610062893081760565516802330;0.005345911949685534271525799710;0.018553459119496854695663401458;0.011635220125786162673198198547;0.027358490566037736713145278600;0.016352201257861635058654670161;0.007547169811320754775896268995;0.029245283018867924973438476854;0.041823899371069180042059798552;0.003459119496855346011232601455;0.016981132075471697812085736246;0.020125786163522011579241066670;0.038364779874213834898188935085;0.010691823899371068543051599420;0.014465408805031446798361471906;0.016666666666666666435370203203;0.013522012578616352668214872779;0.036477987421383646637895736831;0.032389937106918238740593807279;0.027044025157232705336429745557;0.035534591194968552507749137703;0.037735849056603772144757869000;0.001257861635220125723702566667;0.002515723270440251447405133334;0.005974842767295597892318603783;0.008176100628930817529327335080;0.015723270440251572305223604076;0.012893081761006289914783806694;0.011949685534591195784637207566;0.052830188679245285165997358945;0.049371069182389940022126495478;0.017610062893081760565516802330;0.009119496855345911659473934208;0.001886792452830188693974067249;0.038993710691823897651620001170;0.005660377358490565648241332752;0.007547169811320754775896268995;0.000000000000000000000000000000;0.021069182389937105709387665797;0.002830188679245282824120666376;0.024528301886792454322705481218;0.032389937106918238740593807279;0.025786163522012579829567613388;0.045911949685534587939361728104;0.014150943396226415421645938864
-0.025961538461538462979616426196;0.006730769230769231142863517903;0.083012820512820509333273832908;0.027884615384615386163291717025;0.002884615384615384775512936244;0.008333333333333333217685101602;0.002564102564102564100340098108;0.017628205128205128027207848618;0.022115384615384616612265844537;0.039743589743589741170026741202;0.013461538461538462285727035805;0.002243589743589743425167259971;0.008333333333333333217685101602;0.061858974358974361251739537693;0.011858974358974358476181976130;0.014423076923076923877564681220;0.028525641025641024911552179333;0.035256410256410256054415697236;0.004487179487179486850334519943;0.016346153846153847061239972049;0.012500000000000000693889390391;0.024038461538461539795941135367;0.012500000000000000693889390391;0.046794871794871795156467442212;0.019551282051282051210883139447;0.041346153846153844979571800877;0.030769230769230770938804653269;0.003846153846153846367350581659;0.000641025641025641025085024527;0.012820512820512820068019621544;0.001602564102564102508502452693;0.023076923076923078204103489952;0.005769230769230769551025872488;0.012820512820512820068019621544;0.022756410256410255360526306845;0.050000000000000002775557561563;0.016987179487179485809500434357;0.005128205128205128200680196215;0.001923076923076923183675290829;0.026282051282051282353746657350;0.004807692307692307959188227073;0.006410256410256410034009810772;0.000000000000000000000000000000;0.020512820512820512802720784862;0.005128205128205128200680196215;0.008974358974358973700669039886;0.059615384615384618693934015710;0.033653846153846152244870637560;0.034615384615384617306155234928;0.021474358974358974394558430276
-0.014102564102564102768710974090;0.016025641025641024217662788942;0.023076923076923078204103489952;0.283012820512820506557716271345;0.016987179487179485809500434357;0.020512820512820512802720784862;0.009935897435897435292506685300;0.023076923076923078204103489952;0.015064102564102564360548619504;0.015384615384615385469402326635;0.012179487179487179585035683260;0.020192307692307693428590553708;0.005128205128205128200680196215;0.015705128205128204843532557788;0.037820512820512817986351450372;0.015064102564102564360548619504;0.019871794871794870585013370601;0.029166666666666667129259593594;0.011858974358974358476181976130;0.002884615384615384775512936244;0.015384615384615385469402326635;0.009615384615384615918376454147;0.004166666666666666608842550801;0.023717948717948716952363952259;0.028205128205128205537421948179;0.025961538461538462979616426196;0.026602564102564101727876888503;0.021153846153846155020428199123;0.004166666666666666608842550801;0.019871794871794870585013370601;0.013461538461538462285727035805;0.014743589743589743251694912374;0.005769230769230769551025872488;0.008974358974358973700669039886;0.005448717948717948442172165358;0.020192307692307693428590553708;0.008012820512820512108831394471;0.010897435897435896884344330715;0.002564102564102564100340098108;0.004807692307692307959188227073;0.012179487179487179585035683260;0.008974358974358973700669039886;0.000000000000000000000000000000;0.014743589743589743251694912374;0.020833333333333332176851016015;0.014102564102564102768710974090;0.023397435897435897578233721106;0.009615384615384615918376454147;0.007371794871794871625847456187;0.008012820512820512108831394471
-0.038271604938271606977107097691;0.011111111111111111535154627461;0.038271604938271606977107097691;0.014814814814814815380206169948;0.012345679012345678327022824305;0.041975308641975309087435164201;0.003395061728395061713403624282;0.019753086419753086017125909279;0.009259259259259258745267118229;0.018518518518518517490534236458;0.023765432098765432861187107960;0.038580246913580244771946325955;0.032407407407407405608434913802;0.025308641975308642652064960998;0.011419753086419752799440807678;0.035802469135802469923923752049;0.015432098765432097908778530382;0.023765432098765432861187107960;0.017283950617283948963942563637;0.008024691358024691953398921385;0.014506172839506172381196513754;0.009876543209876543008562954640;0.013580246913580246853614497127;0.024074074074074074125473288177;0.050000000000000002775557561563;0.031790123456790123079862553368;0.022222222222222223070309254922;0.021604938271604937072289942535;0.002160493827160493620492820455;0.048456790123456792984679708525;0.040432098765432099296557311163;0.009876543209876543008562954640;0.010185185185185186007572610833;0.007407407407407407690103084974;0.033024691358024688137007274236;0.028703703703703703498106847292;0.012654320987654321326032480499;0.021296296296296295808003762318;0.002777777777777777883788656865;0.018827160493827162224267368629;0.007407407407407407690103084974;0.006790123456790123426807248563;0.000000000000000000000000000000;0.009567901234567901744276774423;0.008641975308641974481971281818;0.016358024691358025171084022986;0.019135802469135803488553548846;0.022839506172839505598881615356;0.027469135802469134971515174470;0.018827160493827162224267368629
-0.022807017543859650632320779096;0.014035087719298245875765296375;0.081578947368421056429710347402;0.035526315789473683626198408092;0.002631578947368420993285775822;0.009210526315789472825978911885;0.002631578947368420993285775822;0.025000000000000001387778780781;0.020614035087719299876862777410;0.028508771929824559820954021916;0.013596491228070176071618391234;0.003508771929824561468941324094;0.012719298245614034728601104973;0.038596491228070177459397172015;0.019736842105263156799122015173;0.007017543859649122937882648188;0.032456140350877189792999644169;0.048684210526315788158946418207;0.015789473684210526827076392919;0.017543859649122806043664013487;0.012719298245614034728601104973;0.023245614035087718701744208261;0.011403508771929825316160389548;0.042982456140350878970313175387;0.019736842105263156799122015173;0.035087719298245612087328026973;0.028508771929824559820954021916;0.011842105263157895120307294690;0.004385964912280701510916003372;0.007017543859649122937882648188;0.005263157894736841986571551644;0.028070175438596491751530592751;0.010964912280701753777290008429;0.007456140350877192742029553330;0.027192982456140352143236782467;0.054385964912280704286473564935;0.013157894736842104532748010115;0.003508771929824561468941324094;0.001754385964912280734470662047;0.032456140350877189792999644169;0.010087719298245614168996198146;0.007894736842105263413538196460;0.000000000000000000000000000000;0.021929824561403507554580016858;0.007894736842105263413538196460;0.012719298245614034728601104973;0.036842105263157891303915647541;0.022807017543859650632320779096;0.034210526315789475948481168643;0.012280701754385964924454199831
-0.023636363636363635909454217199;0.023636363636363635909454217199;0.045151515151515150825467515006;0.105151515151515148605021465755;0.012121212121212121201607736509;0.007878787878787879214725897725;0.008181818181818182461606525635;0.029090909090909090883858567622;0.019090909090909092410415226482;0.020000000000000000416333634234;0.013333333333333334189130248149;0.004545454545454545233762466694;0.011212121212121211460965852780;0.038484848484848482863540652943;0.028484848484848484390097311802;0.011515151515151514707846480690;0.024242424242424242403215473018;0.043636363636363639795234803387;0.016666666666666666435370203203;0.007272727272727272720964641906;0.015151515151515151935690539631;0.016666666666666666435370203203;0.017575757575757574441288610956;0.027272727272727271402574800163;0.023939393939393940891058321085;0.029999999999999998889776975375;0.037272727272727269876018141304;0.018181818181818180935049866775;0.001212121212121212120160773651;0.007878787878787879214725897725;0.001818181818181818180241160476;0.017272727272727272929131459023;0.009696969696969696961286189207;0.007575757575757575967845269815;0.022424242424242422921931705559;0.037272727272727269876018141304;0.011818181818181817954727108599;0.006363636363636363847684496164;0.001818181818181818180241160476;0.018181818181818180935049866775;0.009696969696969696961286189207;0.013030303030303030942249620239;0.000000000000000000000000000000;0.017272727272727272929131459023;0.013030303030303030942249620239;0.013939393939393938948168027991;0.036060606060606063827389533571;0.029696969696969697377619823442;0.031515151515151516858903590901;0.013030303030303030942249620239
-0.025555555555555557051272685953;0.019166666666666665186369300500;0.068888888888888888395456433500;0.063888888888888883954564334999;0.008333333333333333217685101602;0.013611111111111110286153724758;0.001944444444444444388547799107;0.017500000000000001665334536938;0.015277777777777777276635440273;0.020000000000000000416333634234;0.013333333333333334189130248149;0.008055555555555555385938149016;0.014999999999999999444888487687;0.043333333333333334813630699500;0.022222222222222223070309254922;0.017500000000000001665334536938;0.022499999999999999167332731531;0.040277777777777780399137697032;0.011111111111111111535154627461;0.016388888888888890338346726594;0.011666666666666667198648532633;0.024166666666666666157814447047;0.021666666666666667406815349750;0.029999999999999998889776975375;0.031666666666666669349705642844;0.028055555555555555802271783250;0.026944444444444444475283972906;0.012777777777777778525636342977;0.000555555555555555555073687923;0.005555555555555555767577313730;0.004444444444444444440589503387;0.012777777777777778525636342977;0.011666666666666667198648532633;0.010833333333333333703407674875;0.032222222222222221543752596062;0.043055555555555555247160270937;0.014444444444444443781394582516;0.006111111111111111431071218902;0.001666666666666666773641281019;0.031111111111111110216764785719;0.007777777777777777554191196430;0.008333333333333333217685101602;0.000000000000000000000000000000;0.014444444444444443781394582516;0.013611111111111110286153724758;0.007222222222222221890697291258;0.033333333333333332870740406406;0.033888888888888892003681263532;0.036944444444444446418174266000;0.019166666666666665186369300500
-0.033333333333333332870740406406;0.013988095238095238706521605820;0.081845238095238095898942276563;0.000892857142857142829263372708;0.001785714285714285658526745415;0.011904761904761904101057723437;0.001190476190476190583578119941;0.022023809523809525362514349922;0.015476190476190476719153821250;0.036309523809523812365451789219;0.016666666666666666435370203203;0.007738095238095238359576910625;0.010416666666666666088425508008;0.054166666666666668517038374375;0.005952380952380952050528861719;0.028273809523809523974735569141;0.026488095238095237665687520234;0.043749999999999997224442438437;0.013095238095238095551997581367;0.017261904761904763028201870156;0.010119047619047619526733150508;0.015178571428571428422737987773;0.015476190476190476719153821250;0.040773809523809524668624959531;0.036011904761904758864865527812;0.052083333333333335646297967969;0.027976190476190477413043211641;0.011011904761904762681257174961;0.000595238095238095291789059971;0.003273809523809523887999395342;0.008035714285714284921269268125;0.016369047619047619873677845703;0.007440476190476190063161077148;0.008333333333333333217685101602;0.019047619047619049337249919063;0.058928571428571427381903902187;0.016071428571428569842538536250;0.010416666666666666088425508008;0.000595238095238095291789059971;0.014583333333333333564629796797;0.006845238095238095205052886172;0.011309523809523809242949532461;0.000000000000000000000000000000;0.017857142857142856151586585156;0.003869047619047619179788455313;0.013095238095238095551997581367;0.055357142857142854763807804375;0.032440476190476193185663333907;0.027678571428571427381903902187;0.016666666666666666435370203203
-0.016975308641975307699656383420;0.025925925925925925180637321432;0.068827160493827158060931026284;0.084259259259259255969709556666;0.016666666666666666435370203203;0.012654320987654321326032480499;0.003703703703703703845051542487;0.033024691358024688137007274236;0.029938271604938272024698520113;0.015123456790123456644492350165;0.015740740740740739173064710599;0.005555555555555555767577313730;0.008950617283950617480980938012;0.029938271604938272024698520113;0.034876543209876542661618259444;0.014814814814814815380206169948;0.020061728395061727281412089496;0.044753086419753083935457738107;0.026851851851851852442942814037;0.007716049382716048954389265191;0.020370370370370372015145221667;0.022222222222222223070309254922;0.012962962962962962590318660716;0.021604938271604937072289942535;0.020061728395061727281412089496;0.023148148148148146863167795573;0.028395061728395062233820667075;0.033950617283950615399312766840;0.000000000000000000000000000000;0.014197530864197531116910333537;0.006172839506172839163511412153;0.010802469135802468536144971267;0.014506172839506172381196513754;0.009259259259259258745267118229;0.017592592592592593697675695807;0.032716049382716050342168045972;0.011728395061728395798450463872;0.004629629629629629372633559115;0.001851851851851851922525771243;0.022530864197530864334595435139;0.011728395061728395798450463872;0.016666666666666666435370203203;0.000000000000000000000000000000;0.011111111111111111535154627461;0.022222222222222223070309254922;0.007407407407407407690103084974;0.028703703703703703498106847292;0.020987654320987654543717582101;0.023148148148148146863167795573;0.012962962962962962590318660716
-0.025320512820512820761909011935;0.006410256410256410034009810772;0.043269230769230768163247091707;0.117948717948717946013559298990;0.007051282051282051384355487045;0.024679487179487178544201597674;0.005448717948717948442172165358;0.028525641025641024911552179333;0.016346153846153847061239972049;0.028525641025641024911552179333;0.021474358974358974394558430276;0.022756410256410255360526306845;0.010256410256410256401360392431;0.033653846153846152244870637560;0.014743589743589743251694912374;0.021153846153846155020428199123;0.019230769230769231836752908293;0.019551282051282051210883139447;0.014423076923076923877564681220;0.004807692307692307959188227073;0.018269230769230770244915262879;0.017628205128205128027207848618;0.005128205128205128200680196215;0.034615384615384617306155234928;0.030448717948717948095227470162;0.033974358974358971619000868714;0.036858974358974359863960756911;0.003525641025641025692177743522;0.003205128205128205017004905386;0.018269230769230770244915262879;0.012820512820512820068019621544;0.021153846153846155020428199123;0.008012820512820512108831394471;0.018589743589743589619045494032;0.016025641025641024217662788942;0.036538461538461540489830525757;0.007051282051282051384355487045;0.013461538461538462285727035805;0.002564102564102564100340098108;0.013461538461538462285727035805;0.010256410256410256401360392431;0.006410256410256410034009810772;0.000000000000000000000000000000;0.021474358974358974394558430276;0.013461538461538462285727035805;0.016987179487179485809500434357;0.035256410256410256054415697236;0.017628205128205128027207848618;0.020833333333333332176851016015;0.020512820512820512802720784862
-0.032407407407407405608434913802;0.024074074074074074125473288177;0.044753086419753083935457738107;0.001543209876543209790877853038;0.045987654320987655931496362882;0.037962962962962962243373965521;0.001543209876543209790877853038;0.016049382716049383906797842769;0.020679012345679013279431401884;0.022530864197530864334595435139;0.015740740740740739173064710599;0.033024691358024688137007274236;0.017901234567901234961961876024;0.035493827160493825190190619878;0.004629629629629629372633559115;0.014506172839506172381196513754;0.020370370370370372015145221667;0.040740740740740744030290443334;0.013888888888888888117900677344;0.006172839506172839163511412153;0.013271604938271605589328316910;0.020061728395061727281412089496;0.024074074074074074125473288177;0.016049382716049383906797842769;0.039197530864197534239412590296;0.029012345679012344762393027509;0.022222222222222223070309254922;0.035802469135802469923923752049;0.000000000000000000000000000000;0.050925925925925923098969150260;0.018518518518518517490534236458;0.011419753086419752799440807678;0.009567901234567901744276774423;0.009567901234567901744276774423;0.025308641975308642652064960998;0.030555555555555554553270880547;0.007407407407407407690103084974;0.012962962962962962590318660716;0.002160493827160493620492820455;0.023765432098765432861187107960;0.005864197530864197899225231936;0.026851851851851852442942814037;0.000000000000000000000000000000;0.008641975308641974481971281818;0.004938271604938271504281477320;0.010493827160493827271858791050;0.021913580246913581806023074705;0.027160493827160493707228994253;0.026851851851851852442942814037;0.015432098765432097908778530382
-0.033888888888888892003681263532;0.017777777777777777762358013547;0.062222222222222220433529571437;0.000277777777777777777536843962;0.000277777777777777777536843962;0.014444444444444443781394582516;0.001388888888888888941894328433;0.017777777777777777762358013547;0.020555555555555556079827539406;0.031666666666666669349705642844;0.018611111111111109522875395328;0.005555555555555555767577313730;0.016388888888888890338346726594;0.054444444444444441144614899031;0.005555555555555555767577313730;0.024722222222222221821308352219;0.020555555555555556079827539406;0.035833333333333335091186455656;0.010277777777777778039913769703;0.012500000000000000693889390391;0.009444444444444444544672911945;0.015277777777777777276635440273;0.015555555555555555108382392859;0.032222222222222221543752596062;0.035833333333333335091186455656;0.040000000000000000832667268469;0.025555555555555557051272685953;0.040833333333333332593184650250;0.001666666666666666773641281019;0.005833333333333333599324266316;0.005000000000000000104083408559;0.018888888888888889089345823891;0.005000000000000000104083408559;0.010833333333333333703407674875;0.032777777777777780676693453188;0.046666666666666668794594130532;0.015277777777777777276635440273;0.008333333333333333217685101602;0.001111111111111111110147375847;0.030555555555555554553270880547;0.006666666666666667094565124074;0.017777777777777777762358013547;0.000000000000000000000000000000;0.016666666666666666435370203203;0.001666666666666666773641281019;0.011666666666666667198648532633;0.052222222222222225429533182250;0.040833333333333332593184650250;0.030277777777777778456247403938;0.020833333333333332176851016015
-0.029166666666666667129259593594;0.007499999999999999722444243844;0.078611111111111117710770201938;0.008611111111111111049432054187;0.009722222222222222376419864531;0.016111111111111110771876298031;0.006666666666666667094565124074;0.014444444444444443781394582516;0.018611111111111109522875395328;0.027222222222222220572307449515;0.015555555555555555108382392859;0.010833333333333333703407674875;0.013611111111111110286153724758;0.067777777777777784007362527063;0.018055555555555553859381490156;0.025000000000000001387778780781;0.016388888888888890338346726594;0.024722222222222221821308352219;0.010277777777777778039913769703;0.011388888888888889366901580047;0.011388888888888889366901580047;0.016944444444444446001840631766;0.009722222222222222376419864531;0.032222222222222221543752596062;0.045277777777777777901135891625;0.038333333333333330372738601000;0.029444444444444443226283070203;0.013888888888888888117900677344;0.002222222222222222220294751693;0.012222222222222222862142437805;0.010833333333333333703407674875;0.015555555555555555108382392859;0.012222222222222222862142437805;0.010277777777777778039913769703;0.023888888888888890060790970438;0.041111111111111112159655078813;0.009166666666666666712925959359;0.011111111111111111535154627461;0.002500000000000000052041704279;0.015555555555555555108382392859;0.003888888888888888777095598215;0.004722222222222222272336455973;0.000000000000000000000000000000;0.019722222222222220849863205672;0.013055555555555556357383295563;0.010833333333333333703407674875;0.064444444444444443087505192125;0.040555555555555553026714221687;0.021111111111111111743321444578;0.027500000000000000138777878078
-0.019252873563218392272133883125;0.029310344827586206489788978047;0.027298850574712645034036739844;0.120689655172413798367436754688;0.035919540229885055238057134375;0.018103448275862070449004903594;0.010632183908045976863943060664;0.027298850574712645034036739844;0.005747126436781609115644897656;0.018390804597701149170063672500;0.017816091954022988258499182734;0.008333333333333333217685101602;0.017241379310344827346934692969;0.023275862068965518653085311485;0.036206896551724140898009807188;0.015804597701149426802746944531;0.011781609195402298687072040195;0.022701149425287357741520821719;0.026724137931034484122472250078;0.006609195402298850482991632305;0.016666666666666666435370203203;0.012931034482758620510201019727;0.021551724137931035918391842188;0.023563218390804597374144080391;0.020977011494252875006827352422;0.018678160919540231360569393360;0.025574712643678162299343270547;0.036781609195402298340127345000;0.002011494252873563190475714180;0.020402298850574714095262862656;0.007758620689655172306120611836;0.010632183908045976863943060664;0.016666666666666666435370203203;0.009482758620689655040814081133;0.041666666666666664353702032031;0.023275862068965518653085311485;0.008908045977011494129249591367;0.006609195402298850482991632305;0.003735632183908045925169183477;0.029310344827586206489788978047;0.018678160919540231360569393360;0.006321839080459770027209387422;0.000000000000000000000000000000;0.011781609195402298687072040195;0.025574712643678162299343270547;0.016091954022988505523805713437;0.017816091954022988258499182734;0.018965517241379310081628162266;0.020689655172413792816321631562;0.007758620689655172306120611836
-0.024561403508771929848908399663;0.010526315789473683973143103287;0.042105263157894735892572413150;0.115789473684210525439297612138;0.000584795321637426911490220682;0.010818713450292397754148865374;0.002923976608187134340610668914;0.020760233918128655900003920465;0.022807017543859650632320779096;0.067836257309941513926609957252;0.005847953216374268681221337829;0.008771929824561403021832006743;0.008479532163742689240826244657;0.035087719298245612087328026973;0.014035087719298245875765296375;0.019590643274853800775980872118;0.011403508771929825316160389548;0.023684210526315790240614589379;0.007309941520467835851526672286;0.004970760233918129072927527545;0.014619883040935671703053344572;0.011695906432748537362442675658;0.007894736842105263413538196460;0.080994152046783632337145775182;0.026023391812865497019213734120;0.041520467836257311800007840930;0.014619883040935671703053344572;0.014912280701754385484059106659;0.001169590643274853822980441365;0.005555555555555555767577313730;0.005555555555555555767577313730;0.030701754385964910576412023602;0.004093567251461988597271979273;0.004678362573099415291921765458;0.011111111111111111535154627461;0.047953216374269004573793750978;0.007894736842105263413538196460;0.012280701754385964924454199831;0.002339181286549707645960882729;0.007602339181286549632532434373;0.007309941520467835851526672286;0.017251461988304093997381727377;0.000000000000000000000000000000;0.042105263157894735892572413150;0.005847953216374268681221337829;0.025730994152046784972931448010;0.041812865497076023846290127040;0.023391812865497074724885351316;0.011111111111111111535154627461;0.014327485380116959656771058462
-0.032142857142857139685077072500;0.016964285714285712997062560703;0.063988095238095232808461787499;0.001488095238095238012632215430;0.003571428571428571317053490830;0.025595238095238094511163495781;0.002083333333333333304421275400;0.019047619047619049337249919063;0.046428571428571430157461463750;0.018452380952380952744418252109;0.011309523809523809242949532461;0.014880952380952380126322154297;0.020238095238095239053466301016;0.031845238095238093123384715000;0.009821428571428571230317317031;0.021130952380952382207990325469;0.027083333333333334258519187188;0.049107142857142856151586585156;0.023214285714285715078730731875;0.010119047619047619526733150508;0.015476190476190476719153821250;0.032440476190476193185663333907;0.022619047619047618485899064922;0.021726190476190475331375040469;0.033333333333333332870740406406;0.030654761904761903407168333047;0.027976190476190477413043211641;0.008928571428571428075793292578;0.000000000000000000000000000000;0.021130952380952382207990325469;0.011309523809523809242949532461;0.011607142857142857539365365938;0.014880952380952380126322154297;0.007142857142857142634106981660;0.028273809523809523974735569141;0.036011904761904758864865527812;0.015178571428571428422737987773;0.012202380952380952397473556914;0.004761904761904762334312479766;0.032738095238095239747355691406;0.006845238095238095205052886172;0.033630952380952379432432763906;0.000000000000000000000000000000;0.011309523809523809242949532461;0.004166666666666666608842550801;0.012797619047619047255581747891;0.025000000000000001387778780781;0.018749999999999999306110609609;0.033928571428571425994125121406;0.016666666666666666435370203203
-0.029378531073446328275577954514;0.005932203389830508627467153815;0.079943502824858750366310289337;0.002259887005649717593019909501;0.004519774011299435186039819001;0.017796610169491525882401461445;0.001412429378531073441427334814;0.022881355932203389924595171578;0.015819209039548021850096759522;0.038135593220338985520623253933;0.018361581920903955605917090566;0.008192090395480225786806194321;0.016101694915254236711854574082;0.058757062146892656551155909028;0.011016949152542372669660863949;0.017514124293785311020643646884;0.025141242937853108818657688062;0.036158192090395481488318552010;0.009604519774011300095595267123;0.015819209039548021850096759522;0.013559322033898304690757719015;0.014124293785310734414273348136;0.013276836158192089828999904455;0.050282485875706217637315376123;0.030225988700564972860851398195;0.042655367231638416369854382992;0.026836158192090394519757623470;0.002824858757062146882854669627;0.000847457627118644043172357438;0.010169491525423728084387420267;0.010169491525423728084387420267;0.023728813559322034509868615260;0.007062146892655367207136674068;0.006779661016949152345378859508;0.029096045197740113413820139954;0.056214689265536722795335577985;0.016101694915254236711854574082;0.009039548022598870372079638003;0.001129943502824858796509954750;0.018926553672316385329432719686;0.006214689265536723489224968375;0.002824858757062146882854669627;0.000000000000000000000000000000;0.021751412429378530477563913337;0.004519774011299435186039819001;0.016384180790960451573612388643;0.047175141242937854157979415959;0.030225988700564972860851398195;0.037570621468926555797107624812;0.015536723163841808723062420938
-0.018939393939393939919613174538;0.009469696969696969959806587269;0.050757575757575758290673917372;0.035227272727272725127978247883;0.029924242424242422644375949403;0.005681818181818181975883952362;0.005681818181818181975883952362;0.031818181818181814901613790880;0.005681818181818181975883952362;0.071212121212121212709966755483;0.012121212121212121201607736509;0.001515151515151515150200967064;0.004166666666666666608842550801;0.040530303030303027611580546363;0.017803030303030303177491688871;0.009469696969696969959806587269;0.019696969696969695434729530348;0.022348484848484850145977631541;0.012121212121212121201607736509;0.003787878787878787983922634908;0.011363636363636363951767904723;0.004545454545454545233762466694;0.006439393939393939225723784148;0.092424242424242422644375949403;0.014393939393939394685850707845;0.048484848484848484806430946037;0.026515151515151515887458444354;0.017424242424242425419933510966;0.003409090909090908925321850020;0.004545454545454545233762466694;0.000378787878787878787550241766;0.037878787878787879839226349077;0.006060606060606060600803868255;0.004166666666666666608842550801;0.009848484848484847717364765174;0.063636363636363629803227581760;0.012121212121212121201607736509;0.007196969696969697342925353922;0.000000000000000000000000000000;0.005681818181818181975883952362;0.009848484848484847717364765174;0.003409090909090908925321850020;0.000000000000000000000000000000;0.047727272727272729291314590228;0.015909090909090907450806895440;0.029545454545454544886817771498;0.050378787878787877063668787514;0.026515151515151515887458444354;0.019696969696969695434729530348;0.012500000000000000693889390391
-0.031521739130434781039902247812;0.010507246376811593679967415937;0.068478260869565210633425067499;0.000362318840579710149327197222;0.007608695652173913352711576152;0.016304347826086956069202571484;0.003623188405797101493271972217;0.035507246376811595067746196719;0.019202898550724638998543625235;0.031884057971014491406069879531;0.022101449275362318458437727031;0.007971014492753622851517469883;0.011956521739130435144637942813;0.040579710144927533255199136875;0.014855072463768116339255520586;0.017028985507246376801537834922;0.027898550724637680847672882578;0.040942028985507243621366768593;0.020289855072463766627599568437;0.018115942028985507900040730078;0.021376811594202897726102463594;0.015579710144927537071590784024;0.015579710144927537071590784024;0.037318840579710146898584355313;0.026811594202898549749169987422;0.034057971014492753603075669844;0.029710144927536232678511041172;0.004347826086956521791926366660;0.001449275362318840597308788887;0.026086956521739129016834723984;0.003985507246376811425758734941;0.024275362318840580655443517344;0.016304347826086956069202571484;0.009420289855072464316187996758;0.019927536231884056261431936719;0.055434782608695651329178133437;0.018840579710144928632375993516;0.007246376811594202986543944434;0.000724637681159420298654394443;0.019565217391304349364711256953;0.007246376811594202986543944434;0.006521739130434782254208680996;0.000000000000000000000000000000;0.022463768115942028824605358750;0.008695652173913043583852733320;0.013043478260869564508417361992;0.035869565217391305433913828438;0.020652173913043476993767200156;0.037318840579710146898584355313;0.013405797101449274874584993711
-0.017361111111111111882099322656;0.036805555555555556634939051719;0.060416666666666667129259593594;0.013194444444444444405895033867;0.014236111111111110841265237070;0.014236111111111110841265237070;0.004861111111111111188209932266;0.025694444444444443365060948281;0.036458333333333335646297967969;0.019097222222222223764198645313;0.013194444444444444405895033867;0.009027777777777776929690745078;0.013541666666666667129259593594;0.030902777777777779011358916250;0.031944444444444441977282167500;0.011458333333333332523795711211;0.027430555555555555247160270937;0.063541666666666662965923251249;0.022569444444444444058950338672;0.006250000000000000346944695195;0.013541666666666667129259593594;0.032986111111111111882099322656;0.018055555555555553859381490156;0.019444444444444444752839729063;0.021527777777777777623580135469;0.028472222222222221682530474141;0.037499999999999998612221219219;0.029861111111111112575988713047;0.000694444444444444470947164216;0.014930555555555556287994356524;0.005555555555555555767577313730;0.017708333333333332870740406406;0.014236111111111110841265237070;0.009027777777777776929690745078;0.019444444444444444752839729063;0.033680555555555553859381490156;0.011458333333333332523795711211;0.009027777777777776929690745078;0.009027777777777776929690745078;0.025347222222222222376419864531;0.008680555555555555941049661328;0.028125000000000000693889390391;0.000000000000000000000000000000;0.009027777777777776929690745078;0.019791666666666665741480812812;0.010069444444444445099784424258;0.030208333333333333564629796797;0.014583333333333333564629796797;0.023611111111111110494320541875;0.012152777777777777970524830664
-0.036792452830188678014611269873;0.005031446540880502894810266667;0.054402515723270442049575024157;0.000000000000000000000000000000;0.003773584905660377387948134498;0.019496855345911948825810000585;0.006289308176100629269034136826;0.020754716981132074332672132755;0.019496855345911948825810000585;0.027044025157232705336429745557;0.016037735849056603681939137118;0.019182389937106917449094467543;0.024528301886792454322705481218;0.044339622641509431055784062892;0.006289308176100629269034136826;0.019811320754716980202525533628;0.024528301886792454322705481218;0.039622641509433960405051067255;0.013207547169811321291499339736;0.013836477987421384044930405821;0.016666666666666666435370203203;0.016037735849056603681939137118;0.031761006289308175987162741194;0.034276729559748427000887005534;0.036477987421383646637895736831;0.030817610062893081857016142067;0.026729559748427673959714212515;0.002515723270440251447405133334;0.000943396226415094346987033624;0.016352201257861635058654670161;0.016981132075471697812085736246;0.017924528301886791942232335373;0.014779874213836478175077004948;0.005660377358490565648241332752;0.038679245283018866274904468128;0.049056603773584908645410962436;0.012578616352201258538068273651;0.013522012578616352668214872779;0.005031446540880502894810266667;0.031446540880503144610447208152;0.004402515723270440141379200583;0.012893081761006289914783806694;0.000000000000000000000000000000;0.020754716981132074332672132755;0.004088050314465408764663667540;0.021698113207547168462818731882;0.032075471698113207363878274236;0.025157232704402517076136547303;0.033333333333333332870740406406;0.012893081761006289914783806694
-0.044999999999999998334665463062;0.007499999999999999722444243844;0.064166666666666663521034763562;0.006944444444444444058950338672;0.001388888888888888941894328433;0.021388888888888887840344921187;0.002777777777777777883788656865;0.020833333333333332176851016015;0.019444444444444444752839729063;0.031944444444444441977282167500;0.015277777777777777276635440273;0.011111111111111111535154627461;0.021388888888888887840344921187;0.048888888888888891448569751219;0.008611111111111111049432054187;0.024166666666666666157814447047;0.023055555555555554830826636703;0.033333333333333332870740406406;0.010000000000000000208166817117;0.013611111111111110286153724758;0.016388888888888890338346726594;0.012777777777777778525636342977;0.013611111111111110286153724758;0.037499999999999998612221219219;0.038055555555555557745162076344;0.043888888888888887007677652718;0.030833333333333334119741309109;0.002222222222222222220294751693;0.001111111111111111110147375847;0.014444444444444443781394582516;0.012500000000000000693889390391;0.020833333333333332176851016015;0.009444444444444444544672911945;0.009722222222222222376419864531;0.035000000000000003330669073875;0.046944444444444441422170655187;0.011944444444444445030395485219;0.011388888888888889366901580047;0.002500000000000000052041704279;0.025000000000000001387778780781;0.007499999999999999722444243844;0.009444444444444444544672911945;0.000000000000000000000000000000;0.018611111111111109522875395328;0.003055555555555555715535609451;0.016944444444444446001840631766;0.044999999999999998334665463062;0.023055555555555554830826636703;0.031944444444444441977282167500;0.017500000000000001665334536938
-0.017000000000000001221245327088;0.007000000000000000145716771982;0.105999999999999997002397833512;0.092333333333333336701009841363;0.000666666666666666644404382058;0.012333333333333333300951828448;0.001666666666666666773641281019;0.014000000000000000291433543964;0.032000000000000000666133814775;0.029666666666666667573348803444;0.014999999999999999444888487687;0.002333333333333333526465880325;0.008333333333333333217685101602;0.053666666666666668072949164525;0.006000000000000000124900090270;0.020666666666666666518636930050;0.034333333333333333758918826106;0.037333333333333336423454085207;0.004000000000000000083266726847;0.007666666666666666248020067798;0.006000000000000000124900090270;0.031666666666666669349705642844;0.005333333333333333155235056466;0.027333333333333334480563792113;0.026666666666666668378260496297;0.044999999999999998334665463062;0.025000000000000001387778780781;0.001000000000000000020816681712;0.001666666666666666773641281019;0.003333333333333333547282562037;0.003000000000000000062450045135;0.023333333333333334397297065266;0.003000000000000000062450045135;0.015333333333333332496040135595;0.014666666666666666393736839780;0.056666666666666663798590519718;0.008999999999999999319988397417;0.006333333333333333176051738178;0.002000000000000000041633363423;0.024000000000000000499600361081;0.005000000000000000104083408559;0.007000000000000000145716771982;0.000000000000000000000000000000;0.010666666666666666310470112933;0.002666666666666666577617528233;0.003666666666666666598434209945;0.050000000000000002775557561563;0.035000000000000003330669073875;0.026333333333333333592385372413;0.027333333333333334480563792113
-0.015151515151515151935690539631;0.009393939393939393714405561298;0.096060606060606054668049580414;0.066666666666666665741480812812;0.023030303030303029415692961379;0.001212121212121212120160773651;0.000909090909090909090120580238;0.015757575757575758429451795450;0.025757575757575756902895136591;0.043939393939393937837945003366;0.009090909090909090467524933388;0.001515151515151515150200967064;0.003636363636363636360482320953;0.051515151515151513805790273182;0.014242424242424242195048655901;0.008787878787878787220644305478;0.050606060606060605799871865429;0.037272727272727269876018141304;0.003939393939393939607362948863;0.020606060606060606910094890054;0.007575757575757575967845269815;0.029393939393939392396015719555;0.004848484848484848480643094604;0.058484848484848486749321239131;0.011515151515151514707846480690;0.033939393939393942833948614179;0.016969696969696971416974307090;0.007272727272727272720964641906;0.000303030303030303030040193413;0.000909090909090909090120580238;0.000909090909090909090120580238;0.036666666666666666851703837438;0.002424242424242424240321547302;0.007272727272727272720964641906;0.008484848484848485708487153545;0.073030303030303028721803570988;0.011818181818181817954727108599;0.006060606060606060600803868255;0.000909090909090909090120580238;0.022727272727272727903535809446;0.004545454545454545233762466694;0.003636363636363636360482320953;0.000000000000000000000000000000;0.023030303030303029415692961379;0.004848484848484848480643094604;0.010303030303030303455047445027;0.059393939393939394755239646884;0.026969696969696969890417648230;0.017878787878787879422892714842;0.008787878787878787220644305478
-0.033333333333333332870740406406;0.008771929824561403021832006743;0.047807017543859652020099559877;0.102631578947368420906549602023;0.009210526315789472825978911885;0.006578947368421052266374005058;0.003508771929824561468941324094;0.017982456140350877582534394605;0.011403508771929825316160389548;0.063157894736842107308305571678;0.005701754385964912658080194774;0.003947368421052631706769098230;0.008333333333333333217685101602;0.043421052631578950509183556505;0.012719298245614034728601104973;0.018859649122807017190828204889;0.026315789473684209065496020230;0.018859649122807017190828204889;0.004824561403508772182424646502;0.008333333333333333217685101602;0.013157894736842104532748010115;0.010964912280701753777290008429;0.001315789473684210496642887911;0.090789473684210530990412735264;0.025877192982456140996072591065;0.038157894736842105920526790896;0.021929824561403507554580016858;0.015350877192982455288206011801;0.002631578947368420993285775822;0.004824561403508772182424646502;0.007894736842105263413538196460;0.027631578947368420212660211632;0.002631578947368420993285775822;0.004385964912280701510916003372;0.012280701754385964924454199831;0.067543859649122808819221575050;0.007017543859649122937882648188;0.010087719298245614168996198146;0.000000000000000000000000000000;0.009649122807017544364849293004;0.009649122807017544364849293004;0.002192982456140350755458001686;0.000000000000000000000000000000;0.034210526315789475948481168643;0.009649122807017544364849293004;0.027192982456140352143236782467;0.040789473684210528214855173701;0.023245614035087718701744208261;0.012719298245614034728601104973;0.010526315789473683973143103287
-0.025694444444444443365060948281;0.013194444444444444405895033867;0.056250000000000001387778780781;0.156597222222222220988641083750;0.004861111111111111188209932266;0.006944444444444444058950338672;0.003472222222222222029475169336;0.023263888888888889505679458125;0.005208333333333333044212754004;0.038888888888888889505679458125;0.013888888888888888117900677344;0.002430555555555555594104966133;0.005902777777777777623580135469;0.069791666666666668517038374375;0.011805555555555555247160270937;0.014236111111111110841265237070;0.014583333333333333564629796797;0.018055555555555553859381490156;0.010069444444444445099784424258;0.008680555555555555941049661328;0.013541666666666667129259593594;0.008680555555555555941049661328;0.003125000000000000173472347598;0.043749999999999997224442438437;0.023611111111111110494320541875;0.041319444444444443365060948281;0.025000000000000001387778780781;0.006597222222222222202947516934;0.000694444444444444470947164216;0.002777777777777777883788656865;0.004166666666666666608842550801;0.022569444444444444058950338672;0.004166666666666666608842550801;0.011458333333333332523795711211;0.019097222222222223764198645313;0.047222222222222220988641083750;0.014236111111111110841265237070;0.005208333333333333044212754004;0.000347222222222222235473582108;0.011111111111111111535154627461;0.005555555555555555767577313730;0.002777777777777777883788656865;0.000000000000000000000000000000;0.025000000000000001387778780781;0.007986111111111110494320541875;0.015972222222222220988641083750;0.055555555555555552471602709375;0.033333333333333332870740406406;0.021527777777777777623580135469;0.019791666666666665741480812812
-0.010666666666666666310470112933;0.008666666666666666268836749509;0.106666666666666673513041985188;0.105666666666666672624863565488;0.000000000000000000000000000000;0.002666666666666666577617528233;0.000000000000000000000000000000;0.008999999999999999319988397417;0.103999999999999995226040994112;0.020000000000000000416333634234;0.005666666666666667073748442363;0.000666666666666666644404382058;0.002000000000000000041633363423;0.034000000000000002442490654175;0.003666666666666666598434209945;0.007000000000000000145716771982;0.058000000000000002942091015257;0.062666666666666662188767134012;0.000333333333333333322202191029;0.024666666666666666601903656897;0.002333333333333333526465880325;0.089666666666666672291796658101;0.006333333333333333176051738178;0.027666666666666665796991964044;0.010333333333333333259318465025;0.025000000000000001387778780781;0.010333333333333333259318465025;0.001666666666666666773641281019;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000666666666666666644404382058;0.024000000000000000499600361081;0.000666666666666666644404382058;0.004666666666666667052931760651;0.007333333333333333196868419890;0.057333333333333333370340767488;0.009666666666666667157015169209;0.001333333333333333288808764117;0.007000000000000000145716771982;0.029000000000000001471045507628;0.001333333333333333288808764117;0.024000000000000000499600361081;0.000000000000000000000000000000;0.007666666666666666248020067798;0.000333333333333333322202191029;0.005000000000000000104083408559;0.045666666666666667906415710831;0.014666666666666666393736839780;0.010666666666666666310470112933;0.009666666666666667157015169209
-0.014035087719298245875765296375;0.008187134502923977194543958547;0.028947368421052631359824403035;0.357602339181286532632242369800;0.036842105263157891303915647541;0.014327485380116959656771058462;0.010233918128654970192137341201;0.012280701754385964924454199831;0.015497076023391813046070630833;0.016959064327485378481652489313;0.007309941520467835851526672286;0.010526315789473683973143103287;0.008771929824561403021832006743;0.014619883040935671703053344572;0.021929824561403507554580016858;0.013157894736842104532748010115;0.024269005847953217802626113553;0.018713450292397661167687061834;0.011111111111111111535154627461;0.003508771929824561468941324094;0.009064327485380116802837768830;0.017251461988304093997381727377;0.005263157894736841986571551644;0.021637426900584795508297730748;0.013742690058479532094759534289;0.017836257309941521559393251550;0.020760233918128655900003920465;0.000877192982456140367235331023;0.009941520467836258145855055091;0.012280701754385964924454199831;0.010233918128654970192137341201;0.029239766081871343406106689145;0.005555555555555555767577313730;0.010818713450292397754148865374;0.007309941520467835851526672286;0.021637426900584795508297730748;0.005555555555555555767577313730;0.013742690058479532094759534289;0.003508771929824561468941324094;0.016374269005847954389087917093;0.005847953216374268681221337829;0.010818713450292397754148865374;0.000000000000000000000000000000;0.016959064327485378481652489313;0.007309941520467835851526672286;0.020467836257309940384274682401;0.013157894736842104532748010115;0.009356725146198830583843530917;0.006140350877192982462227099916;0.008479532163742689240826244657
-0.021171171171171170033442621161;0.016216216216216217116397046993;0.044594594594594597070091879232;0.038738738738738738576206088737;0.006756756756756757131832102914;0.019369369369369369288103044369;0.008108108108108108558198523497;0.035135135135135137085526935152;0.014414414414414414636333994224;0.015315315315315315009003782620;0.020720720720720720714469464951;0.010360360360360360357234732476;0.024774774774774774993568726700;0.033783783783783785659160514570;0.031081081081081082806427673404;0.020270270270270271395496308742;0.015765765765765764327976938830;0.040540540540540542790992617483;0.020270270270270271395496308742;0.005405405405405405705465682331;0.025225225225225224312541882909;0.008558558558558557877171679706;0.022522522522522521459809041744;0.024774774774774774993568726700;0.029729729729729731380061252821;0.035135135135135137085526935152;0.046396396396396394345984504071;0.010810810810810811410931364662;0.002702702702702702852732841166;0.011711711711711711783601153058;0.009459459459459459984564944079;0.012162162162162162837297785245;0.014414414414414414636333994224;0.011261261261261260729904520872;0.040090090090090090002572509320;0.036036036036036035723473247572;0.013513513513513514263664205828;0.014414414414414414636333994224;0.000900900900900900914770874639;0.025225225225225224312541882909;0.013963963963963963582637362038;0.006756756756756757131832102914;0.000000000000000000000000000000;0.012612612612612612156270941455;0.013963963963963963582637362038;0.017117117117117115754343359413;0.027027027027027028527328411656;0.018918918918918919969129888159;0.030630630630630630018007565241;0.021171171171171170033442621161
-0.021895424836601305729200106498;0.011437908496732025406816823931;0.069281045751633990592566192390;0.095751633986928111341718761196;0.003921568627450980337734165460;0.002614379084967320080595820642;0.002614379084967320080595820642;0.018954248366013070475899482403;0.002941176470588235253300624095;0.051960784313725492944424644293;0.010130718954248366450721086096;0.000980392156862745084433541365;0.003594771241830065165029362007;0.070588235294117646079214978272;0.010784313725490195928768955014;0.010457516339869280322383282567;0.018954248366013070475899482403;0.016993464052287580307032399674;0.004575163398692810683143772366;0.008823529411764705759901872284;0.008823529411764705759901872284;0.008496732026143790153516199837;0.005882352941176470506601248189;0.062418300653594771532084450882;0.018627450980392156604237285933;0.053921568627450983113291727022;0.029411764705882352533006240947;0.004248366013071895076758099918;0.001633986928104575213002713774;0.007189542483660130330058724013;0.002287581699346405341571886183;0.027124183006535948492476961746;0.003921568627450980337734165460;0.008823529411764705759901872284;0.013071895424836601704021710191;0.050980392156862744390544150974;0.010457516339869280322383282567;0.005882352941176470506601248189;0.001307189542483660040297910321;0.013071895424836601704021710191;0.002941176470588235253300624095;0.010130718954248366450721086096;0.000000000000000000000000000000;0.023202614379084968154742796287;0.007516339869281045936444396460;0.015686274509803921350936661838;0.080718954248366017734106492298;0.044117647058823532268956313374;0.022875816993464050813633647863;0.017973856209150325391465941038
-0.019202898550724638998543625235;0.012318840579710145510805574531;0.032246376811594201772237511250;0.419927536231884057649210717500;0.006159420289855072755402787266;0.002536231884057970828449946055;0.008333333333333333217685101602;0.022463768115942028824605358750;0.007246376811594202986543944434;0.024637681159420291021611149063;0.008695652173913043583852733320;0.002173913043478260895963183330;0.001086956521739130447981591665;0.023550724637681159923108253906;0.025000000000000001387778780781;0.011231884057971014412302679375;0.012318840579710145510805574531;0.015579710144927537071590784024;0.009782608695652174682355628477;0.003623188405797101493271972217;0.013405797101449274874584993711;0.006159420289855072755402787266;0.001086956521739130447981591665;0.042753623188405795452204927187;0.018840579710144928632375993516;0.029710144927536232678511041172;0.020289855072463766627599568437;0.006159420289855072755402787266;0.001811594202898550746635986108;0.002898550724637681194617577773;0.004710144927536232158093998379;0.022101449275362318458437727031;0.004710144927536232158093998379;0.005434782608695652023067523828;0.002536231884057970828449946055;0.029710144927536232678511041172;0.005797101449275362389235155547;0.005072463768115941656899892109;0.000000000000000000000000000000;0.002173913043478260895963183330;0.006521739130434782254208680996;0.002173913043478260895963183330;0.000000000000000000000000000000;0.017753623188405797533873098359;0.012318840579710145510805574531;0.018115942028985507900040730078;0.027536231884057970481505250859;0.010869565217391304046135047656;0.006159420289855072755402787266;0.005072463768115941656899892109
-0.014444444444444443781394582516;0.013703703703703704053218359604;0.025925925925925925180637321432;0.406296296296296322037022719087;0.010000000000000000208166817117;0.008518518518518519017090895318;0.004814814814814815172039352831;0.024074074074074074125473288177;0.003703703703703703845051542487;0.029629629629629630760412339896;0.011851851851851851263330850372;0.005925925925925925631665425186;0.001481481481481481407916356297;0.017407407407407406163546426114;0.015925925925925926707193980292;0.011111111111111111535154627461;0.009259259259259258745267118229;0.015925925925925926707193980292;0.014814814814814815380206169948;0.002222222222222222220294751693;0.016296296296296294836558615771;0.004074074074074073709139653943;0.001481481481481481407916356297;0.050370370370370370904922197042;0.012222222222222222862142437805;0.028148148148148147834612942120;0.017777777777777777762358013547;0.008888888888888888881179006773;0.001851851851851851922525771243;0.011111111111111111535154627461;0.002962962962962962815832712593;0.021111111111111111743321444578;0.007407407407407407690103084974;0.008148148148148147418279307885;0.002962962962962962815832712593;0.026666666666666668378260496297;0.004444444444444444440589503387;0.008518518518518519017090895318;0.000000000000000000000000000000;0.001481481481481481407916356297;0.008148148148148147418279307885;0.001481481481481481407916356297;0.000000000000000000000000000000;0.028518518518518519433424529552;0.012962962962962962590318660716;0.015555555555555555108382392859;0.023703703703703702526661700745;0.012592592592592592726230549260;0.006296296296296296363115274630;0.007777777777777777554191196430
-0.018713450292397661167687061834;0.008187134502923977194543958547;0.055263157894736840425320423265;0.097076023391812871210504454211;0.002923976608187134340610668914;0.005263157894736841986571551644;0.002046783625730994298635989637;0.023976608187134502286896875489;0.007017543859649122937882648188;0.066959064327485384726657002830;0.009064327485380116802837768830;0.002923976608187134340610668914;0.005263157894736841986571551644;0.049415204678362571744099085436;0.011988304093567251143448437745;0.011988304093567251143448437745;0.010526315789473683973143103287;0.022222222222222223070309254922;0.009649122807017544364849293004;0.009941520467836258145855055091;0.014035087719298245875765296375;0.010526315789473683973143103287;0.006140350877192982462227099916;0.084502923976608190770321016316;0.023099415204678362678603065206;0.047368421052631580481229178758;0.031871345029239765700435071949;0.004678362573099415291921765458;0.000877192982456140367235331023;0.002339181286549707645960882729;0.000877192982456140367235331023;0.032748538011695908778175834186;0.004970760233918129072927527545;0.008479532163742689240826244657;0.012573099415204678705459961918;0.056725146198830407595625757722;0.014912280701754385484059106659;0.004093567251461988597271979273;0.000584795321637426911490220682;0.010233918128654970192137341201;0.007602339181286549632532434373;0.002046783625730994298635989637;0.000000000000000000000000000000;0.033918128654970756963304978626;0.007602339181286549632532434373;0.021052631578947367946286206575;0.060526315789473685013977188873;0.028947368421052631359824403035;0.020760233918128655900003920465;0.015497076023391813046070630833
-0.024489795918367345678445801127;0.013265306122448979053718431942;0.046938775510204082397347491451;0.118027210884353736530805178973;0.037755102040816328201611185023;0.024149659863945578675004099978;0.003061224489795918209805725141;0.027210884353741495583767218136;0.010204081632653060410231837807;0.017346938775510203911700557455;0.011904761904761904101057723437;0.011224489795918366624727369185;0.013265306122448979053718431942;0.035714285714285712303173170312;0.024489795918367345678445801127;0.014965986394557822744544317572;0.015646258503401361955598147802;0.026530612244897958107436863884;0.023809523809523808202115446875;0.005782312925170067681446273156;0.020068027210884353817021974464;0.013265306122448979053718431942;0.007823129251700680977799073901;0.026190476190476191103995162734;0.040136054421768707634043948929;0.026530612244897958107436863884;0.028231292517006803532986225491;0.012244897959183672839222900564;0.000340136054421768683955068502;0.030612244897959182965418989397;0.005782312925170067681446273156;0.017006802721088436908258856306;0.014285714285714285268213963320;0.012925170068027210315553254816;0.014285714285714285268213963320;0.032312925170068028390968351005;0.010204081632653060410231837807;0.005102040816326530205115918903;0.000000000000000000000000000000;0.010884353741496597886562192059;0.006802721088435373895941804534;0.005442176870748298943281096030;0.000000000000000000000000000000;0.012244897959183672839222900564;0.017687074829931974384589210558;0.009183673469387755930459782405;0.041156462585034012113816004330;0.029931972789115645489088635145;0.024149659863945578675004099978;0.019387755102040816340691620212
-0.030555555555555554553270880547;0.007870370370370369586532355299;0.099537037037037034981068472916;0.009722222222222222376419864531;0.002314814814814814686316779557;0.013888888888888888117900677344;0.000925925925925925961262885622;0.012037037037037037062736644089;0.028703703703703703498106847292;0.025462962962962961549484575130;0.014814814814814815380206169948;0.005092592592592593003786305417;0.010185185185185186007572610833;0.050462962962962966406710307865;0.010185185185185186007572610833;0.032870370370370369239587660104;0.038425925925925925874526711823;0.038425925925925925874526711823;0.008796296296296296848837847904;0.012962962962962962590318660716;0.011574074074074073431583897786;0.023148148148148146863167795573;0.006481481481481481295159330358;0.021759259259259259439156508620;0.029166666666666667129259593594;0.045370370370370373402924002448;0.033796296296296296501893152708;0.004166666666666666608842550801;0.000462962962962962980631442811;0.007870370370370369586532355299;0.006018518518518518531368322044;0.019907407407407408383992475365;0.009722222222222222376419864531;0.021759259259259259439156508620;0.023148148148148146863167795573;0.048148148148148148250946576354;0.011574074074074073431583897786;0.010185185185185186007572610833;0.001851851851851851922525771243;0.025000000000000001387778780781;0.006481481481481481295159330358;0.005092592592592593003786305417;0.000000000000000000000000000000;0.011574074074074073431583897786;0.002777777777777777883788656865;0.008333333333333333217685101602;0.050000000000000002775557561563;0.047222222222222220988641083750;0.028703703703703703498106847292;0.025462962962962961549484575130
-0.029761904761904760252644308594;0.015476190476190476719153821250;0.046031746031746034741871653750;0.016269841269841271019780393203;0.001984126984126984016842953906;0.015476190476190476719153821250;0.019444444444444444752839729063;0.048809523809523809589894227656;0.007142857142857142634106981660;0.028174603174603175120838116641;0.022619047619047618485899064922;0.005952380952380952050528861719;0.014285714285714285268213963320;0.030158730158730159137681070547;0.023015873015873017370935826875;0.016666666666666666435370203203;0.014285714285714285268213963320;0.040873015873015873522522412031;0.034920634920634921471993550313;0.009126984126984127518311673555;0.032936507936507937455150596406;0.009920634920634920084214769531;0.019444444444444444752839729063;0.033730158730158728286330216406;0.026190476190476191103995162734;0.039285714285714284921269268125;0.044444444444444446140618509844;0.002380952380952381167156239883;0.001190476190476190583578119941;0.007936507936507936067371815625;0.006349206349206349200842147695;0.014682539682539682418527249297;0.016269841269841271019780393203;0.005555555555555555767577313730;0.019047619047619049337249919063;0.042857142857142857539365365938;0.019841269841269840168429539062;0.009126984126984127518311673555;0.001190476190476190583578119941;0.021031746031746033354092872969;0.013095238095238095551997581367;0.002777777777777777883788656865;0.000000000000000000000000000000;0.020634920634920634469056111016;0.007539682539682539784420267637;0.037698412698412696320016124218;0.027777777777777776235801354687;0.025793650793650792218958400781;0.034126984126984123701920026406;0.016666666666666666435370203203
-0.026870748299319728580325516987;0.014285714285714285268213963320;0.036734693877551023721839129621;0.046598639455782311924458838348;0.008843537414965987192294605279;0.028231292517006803532986225491;0.009523809523809524668624959531;0.021088435374149658296794029866;0.012925170068027210315553254816;0.017006802721088436908258856306;0.019047619047619049337249919063;0.020408163265306120820463675614;0.030612244897959182965418989397;0.024149659863945578675004099978;0.013945578231292516530048786194;0.018027210884353741388030911708;0.020068027210884353817021974464;0.033333333333333332870740406406;0.019047619047619049337249919063;0.006462585034013605157776627408;0.021088435374149658296794029866;0.011564625850340135362892546311;0.031292517006802723911196295603;0.023129251700680270725785092623;0.029931972789115645489088635145;0.027210884353741495583767218136;0.024829931972789116151334454230;0.026190476190476191103995162734;0.004421768707482993596147302640;0.034353741496598637350512461808;0.021088435374149658296794029866;0.013605442176870747791883609068;0.013605442176870747791883609068;0.012244897959183672839222900564;0.035034013605442178296289768014;0.028911564625850341009316579743;0.007142857142857142634106981660;0.019047619047619049337249919063;0.006462585034013605157776627408;0.029931972789115645489088635145;0.006802721088435373895941804534;0.011224489795918366624727369185;0.000000000000000000000000000000;0.019047619047619049337249919063;0.009523809523809524668624959531;0.025510204081632653627664808482;0.019727891156462583344133321361;0.016326530612244899431928502054;0.027551020408163266056655871239;0.015986394557823128959039848951
-0.029999999999999998889776975375;0.010000000000000000208166817117;0.043333333333333334813630699500;0.011904761904761904101057723437;0.003333333333333333547282562037;0.016666666666666666435370203203;0.013333333333333334189130248149;0.030952380952380953438307642500;0.011428571428571428561515865852;0.019523809523809523142068300672;0.019523809523809523142068300672;0.011904761904761904101057723437;0.036190476190476189577438503875;0.030476190476190476164042308937;0.018571428571428572062984585500;0.018095238095238094788719251937;0.017142857142857143709635536766;0.033333333333333332870740406406;0.013333333333333334189130248149;0.013809523809523809728672105734;0.017619047619047617514453918375;0.016666666666666666435370203203;0.039523809523809523558401934906;0.028571428571428570536427926640;0.027619047619047619457344211469;0.029523809523809525084958593766;0.034761904761904764693536407094;0.003809523809523809520505288617;0.005238095238095237873854337352;0.018095238095238094788719251937;0.014285714285714285268213963320;0.020476190476190477690598967797;0.017142857142857143709635536766;0.011428571428571428561515865852;0.049523809523809525501292228000;0.030476190476190476164042308937;0.007142857142857142634106981660;0.010952380952380953021974008266;0.004761904761904762334312479766;0.036190476190476189577438503875;0.007142857142857142634106981660;0.006190476190476190687661528500;0.000000000000000000000000000000;0.019047619047619049337249919063;0.010000000000000000208166817117;0.023809523809523808202115446875;0.029047619047619047810693260203;0.024285714285714285476380780437;0.035238095238095235028907836750;0.018571428571428572062984585500
-0.030081300813008131356252050637;0.010162601626016259936946539710;0.064227642276422761136167594032;0.063008130081300808833510984641;0.005284552845528455063128792091;0.011382113821138212239603149101;0.004065040650406504495195658677;0.015447154471544715867437069790;0.008536585365853659179702361826;0.029268292682926830977629961694;0.016666666666666666435370203203;0.004065040650406504495195658677;0.012601626016260162807536282514;0.067479674796747962650655949801;0.012601626016260162807536282514;0.019918699186991871419305510926;0.015447154471544715867437069790;0.021544715447154472176549688811;0.008130081300813008990391317354;0.013008130081300812996847326986;0.009756097560975609747635495239;0.009349593495934959558324450768;0.013414634146341463186158371457;0.040243902439024391293198590347;0.028861788617886179053595441246;0.045528455284552848958412596403;0.026829268292682926372316742913;0.004471544715447154684506703148;0.000813008130081300812302957937;0.004878048780487804873817747620;0.006097560975609756309112619022;0.020325203252032519873893079421;0.004471544715447154684506703148;0.013008130081300812996847326986;0.028861788617886179053595441246;0.043902439024390241262274514611;0.015040650406504065678126025318;0.009756097560975609747635495239;0.003658536585365853872203745212;0.019105691056910567571236470030;0.003658536585365853872203745212;0.005284552845528455063128792091;0.000000000000000000000000000000;0.018292682926829267192614381088;0.005691056910569106119801574550;0.010975609756097560315568628653;0.067073170731707321134962285214;0.043495934959349592807686946117;0.036585365853658534385228762176;0.027642276422764226750938831856
-0.052298850574712646421815520625;0.008045977011494252761902856719;0.041954022988505750013654704844;0.007758620689655172306120611836;0.000574712643678160911564489766;0.029597701149425288680294698906;0.008620689655172413673467346484;0.020689655172413792816321631562;0.007471264367816091850338366953;0.022701149425287357741520821719;0.017816091954022988258499182734;0.012931034482758620510201019727;0.025862068965517241020402039453;0.041666666666666664353702032031;0.008620689655172413673467346484;0.027873563218390805945601229610;0.016091954022988505523805713437;0.029885057471264367401353467812;0.006321839080459770027209387422;0.011781609195402298687072040195;0.020402298850574714095262862656;0.010057471264367815952378570898;0.020114942528735631904757141797;0.028735632183908045578224488281;0.043678160919540229278901222187;0.040517241379310342530573052500;0.029022988505747127768730209141;0.006034482758620689571427142539;0.001436781609195402278911224414;0.011494252873563218231289795312;0.025574712643678162299343270547;0.017528735632183909537440413828;0.010632183908045976863943060664;0.010919540229885057319725305547;0.041091954022988506911584494219;0.027298850574712645034036739844;0.015804597701149426802746944531;0.022988505747126436462579590625;0.000862068965517241367346734648;0.031609195402298853605493889063;0.004597701149425287292515918125;0.008045977011494252761902856719;0.000000000000000000000000000000;0.024137931034482758285708570156;0.004310344827586206836733673242;0.023275862068965518653085311485;0.035057471264367819074880827657;0.028448275862068966857165719375;0.037356321839080462721138786719;0.020402298850574714095262862656
-0.041203703703703700722549285729;0.014814814814814815380206169948;0.046296296296296293726335591145;0.000462962962962962980631442811;0.000925925925925925961262885622;0.027777777777777776235801354687;0.004629629629629629372633559115;0.029166666666666667129259593594;0.015740740740740739173064710599;0.024537037037037037756626034479;0.018055555555555553859381490156;0.004629629629629629372633559115;0.035648148148148151026504137917;0.038425925925925925874526711823;0.006481481481481481295159330358;0.021296296296296295808003762318;0.018981481481481481121686982760;0.050462962962962966406710307865;0.014351851851851851749053423646;0.008796296296296296848837847904;0.020370370370370372015145221667;0.016203703703703702804217456901;0.047685185185185184619793830052;0.024537037037037037756626034479;0.028240740740740739866954100989;0.026388888888888888811790067734;0.042592592592592591616007524635;0.005555555555555555767577313730;0.000000000000000000000000000000;0.013425925925925926221471407018;0.006944444444444444058950338672;0.006018518518518518531368322044;0.026388888888888888811790067734;0.017129629629629630066522949505;0.047685185185185184619793830052;0.032870370370370369239587660104;0.018055555555555553859381490156;0.007870370370370369586532355299;0.001851851851851851922525771243;0.038888888888888889505679458125;0.003240740740740740647579665179;0.011111111111111111535154627461;0.000000000000000000000000000000;0.017129629629629630066522949505;0.005092592592592593003786305417;0.021296296296296295808003762318;0.011111111111111111535154627461;0.014351851851851851749053423646;0.053703703703703704885885628073;0.011574074074074073431583897786
-0.035526315789473683626198408092;0.010964912280701753777290008429;0.070614035087719295713526435065;0.012719298245614034728601104973;0.004824561403508772182424646502;0.014035087719298245875765296375;0.003508771929824561468941324094;0.014912280701754385484059106659;0.015789473684210526827076392919;0.026315789473684209065496020230;0.016666666666666666435370203203;0.015789473684210526827076392919;0.017105263157894737974240584322;0.053508771929824561208732802697;0.009210526315789472825978911885;0.024122807017543858310038018544;0.016666666666666666435370203203;0.025877192982456140996072591065;0.006140350877192982462227099916;0.016228070175438594896499822084;0.014912280701754385484059106659;0.014035087719298245875765296375;0.018859649122807017190828204889;0.039912280701754385137114411464;0.035087719298245612087328026973;0.052192982456140353531015563249;0.030701754385964910576412023602;0.009210526315789472825978911885;0.001754385964912280734470662047;0.012719298245614034728601104973;0.010964912280701753777290008429;0.017105263157894737974240584322;0.007017543859649122937882648188;0.010526315789473683973143103287;0.031140350877192982115282404720;0.053070175438596489669862421579;0.014473684210526315679912201517;0.011842105263157895120307294690;0.000877192982456140367235331023;0.014035087719298245875765296375;0.005701754385964912658080194774;0.010526315789473683973143103287;0.000000000000000000000000000000;0.023245614035087718701744208261;0.002631578947368420993285775822;0.017105263157894737974240584322;0.048245614035087716620076037088;0.037719298245614034381656409778;0.021929824561403507554580016858;0.021929824561403507554580016858
-0.016993464052287580307032399674;0.009477124183006535237949741202;0.049346405228758168093339264715;0.247385620915032689026702428237;0.009150326797385621366287544731;0.013725490196078431182069579108;0.006862745098039215591034789554;0.020588235294117646773104368663;0.033660130718954246742402602877;0.014705882352941176266503120473;0.008496732026143790153516199837;0.008496732026143790153516199837;0.013398692810457515575683906661;0.026143790849673203408043420382;0.017973856209150325391465941038;0.006535947712418300852010855095;0.025490196078431372195272075487;0.036274509803921571593487982454;0.009150326797385621366287544731;0.008823529411764705759901872284;0.010784313725490195928768955014;0.027450980392156862364139158217;0.008823529411764705759901872284;0.024509803921568627110838534122;0.012418300653594770491250365296;0.016993464052287580307032399674;0.025163398692810458323609879017;0.010457516339869280322383282567;0.003267973856209150426005427548;0.017647058823529411519803744568;0.010784313725490195928768955014;0.020261437908496732901442172192;0.008496732026143790153516199837;0.012745098039215686097636037744;0.013725490196078431182069579108;0.028758169934640521320234896052;0.009150326797385621366287544731;0.006862745098039215591034789554;0.003921568627450980337734165460;0.018300653594771242732575089462;0.008496732026143790153516199837;0.012745098039215686097636037744;0.000000000000000000000000000000;0.016013071895424835222598858309;0.008496732026143790153516199837;0.016013071895424835222598858309;0.024183006535947713239176337652;0.012091503267973856619588168826;0.018627450980392156604237285933;0.010130718954248366450721086096
-0.018749999999999999306110609609;0.012500000000000000693889390391;0.110000000000000000555111512313;0.000000000000000000000000000000;0.000000000000000000000000000000;0.002916666666666666799662133158;0.000000000000000000000000000000;0.013333333333333334189130248149;0.085833333333333330927850113312;0.031666666666666669349705642844;0.006250000000000000346944695195;0.001666666666666666773641281019;0.004166666666666666608842550801;0.042083333333333333703407674875;0.002916666666666666799662133158;0.015833333333333334674852821422;0.074999999999999997224442438437;0.068750000000000005551115123126;0.000833333333333333386820640509;0.017083333333333332315628894094;0.005833333333333333599324266316;0.052916666666666667406815349750;0.003333333333333333547282562037;0.038333333333333330372738601000;0.015833333333333334674852821422;0.026666666666666668378260496297;0.014999999999999999444888487687;0.020416666666666666296592325125;0.000416666666666666693410320255;0.000833333333333333386820640509;0.002500000000000000052041704279;0.028750000000000001249000902703;0.000416666666666666693410320255;0.004166666666666666608842550801;0.008750000000000000832667268469;0.064166666666666663521034763562;0.007916666666666667337426410711;0.005833333333333333599324266316;0.002083333333333333304421275400;0.016666666666666666435370203203;0.002500000000000000052041704279;0.042916666666666665463925056656;0.000000000000000000000000000000;0.021666666666666667406815349750;0.000416666666666666693410320255;0.003333333333333333547282562037;0.048333333333333332315628894094;0.030416666666666668239482618219;0.009166666666666666712925959359;0.010833333333333333703407674875
-0.037407407407407410049327012302;0.004444444444444444440589503387;0.065925925925925929482751541855;0.000000000000000000000000000000;0.000000000000000000000000000000;0.012592592592592592726230549260;0.001851851851851851922525771243;0.017777777777777777762358013547;0.022592592592592591199673890401;0.046666666666666668794594130532;0.015185185185185185244294281404;0.015555555555555555108382392859;0.017407407407407406163546426114;0.061481481481481484174800300480;0.001851851851851851922525771243;0.019629629629629628817522046802;0.028148148148148147834612942120;0.024444444444444445724284875610;0.002962962962962962815832712593;0.011851851851851851263330850372;0.010740740740740739936343040029;0.011481481481481481399242738917;0.005925925925925925631665425186;0.059999999999999997779553950750;0.027037037037037036507625131776;0.055185185185185184342238073896;0.025555555555555557051272685953;0.003333333333333333547282562037;0.001111111111111111110147375847;0.004814814814814815172039352831;0.009629629629629630344078705662;0.027777777777777776235801354687;0.003333333333333333547282562037;0.011481481481481481399242738917;0.024814814814814813853649511088;0.064074074074074074958140556646;0.009629629629629630344078705662;0.009259259259259258745267118229;0.000000000000000000000000000000;0.014444444444444443781394582516;0.001481481481481481407916356297;0.010740740740740739936343040029;0.000000000000000000000000000000;0.034814814814814812327092852229;0.001481481481481481407916356297;0.024074074074074074125473288177;0.054444444444444441144614899031;0.041111111111111112159655078813;0.020370370370370372015145221667;0.024074074074074074125473288177
-0.062916666666666662410811738937;0.000000000000000000000000000000;0.004583333333333333356462979680;0.000000000000000000000000000000;0.005416666666666666851703837438;0.106249999999999997224442438437;0.001250000000000000026020852140;0.001250000000000000026020852140;0.001666666666666666773641281019;0.004166666666666666608842550801;0.007916666666666667337426410711;0.398333333333333317050062305498;0.016250000000000000555111512313;0.010416666666666666088425508008;0.000416666666666666693410320255;0.025416666666666667268037471672;0.001666666666666666773641281019;0.003333333333333333547282562037;0.008750000000000000832667268469;0.003333333333333333547282562037;0.007916666666666667337426410711;0.001250000000000000026020852140;0.001666666666666666773641281019;0.009166666666666666712925959359;0.062083333333333330650294357156;0.009166666666666666712925959359;0.004166666666666666608842550801;0.000000000000000000000000000000;0.000416666666666666693410320255;0.080833333333333326486958014812;0.072916666666666671292595935938;0.002500000000000000052041704279;0.003333333333333333547282562037;0.002916666666666666799662133158;0.012083333333333333078907223523;0.002500000000000000052041704279;0.003749999999999999861222121922;0.007499999999999999722444243844;0.000000000000000000000000000000;0.002083333333333333304421275400;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.004583333333333333356462979680;0.001250000000000000026020852140;0.007499999999999999722444243844;0.008333333333333333217685101602;0.011666666666666667198648532633;0.006666666666666667094565124074;0.010416666666666666088425508008
-0.032882882882882880082320298243;0.005405405405405405705465682331;0.067567567567567571318321029139;0.012612612612612612156270941455;0.000900900900900900914770874639;0.026576576576576575738908303492;0.001351351351351351426366420583;0.007657657657657657504501891310;0.029279279279279278591641144658;0.025225225225225224312541882909;0.010810810810810811410931364662;0.060810810810810814186488926225;0.025225225225225224312541882909;0.048198198198198198560771032817;0.003603603603603603659083498556;0.028828828828828829272667988448;0.015765765765765764327976938830;0.016216216216216217116397046993;0.005855855855855855891800576529;0.011711711711711711783601153058;0.011261261261261260729904520872;0.016216216216216217116397046993;0.018918918918918919969129888159;0.027477477477477477846301567865;0.042342342342342340066885242322;0.033333333333333332870740406406;0.024324324324324325674595570490;0.000900900900900900914770874639;0.000000000000000000000000000000;0.014414414414414414636333994224;0.020270270270270271395496308742;0.019819819819819818607076200578;0.008558558558558557877171679706;0.021171171171171170033442621161;0.042342342342342340066885242322;0.036036036036036035723473247572;0.011711711711711711783601153058;0.011261261261261260729904520872;0.002252252252252252232717077973;0.033783783783783785659160514570;0.002252252252252252232717077973;0.002702702702702702852732841166;0.000000000000000000000000000000;0.015765765765765764327976938830;0.004054054054054054279099261748;0.011261261261261260729904520872;0.038738738738738738576206088737;0.044594594594594597070091879232;0.023423423423423423567202306117;0.024324324324324325674595570490
-0.024583333333333332038073137937;0.010000000000000000208166817117;0.089166666666666671847707448251;0.005416666666666666851703837438;0.000833333333333333386820640509;0.010000000000000000208166817117;0.002500000000000000052041704279;0.019583333333333334536074943344;0.012083333333333333078907223523;0.041666666666666664353702032031;0.011666666666666667198648532633;0.002916666666666666799662133158;0.011666666666666667198648532633;0.064166666666666663521034763562;0.009166666666666666712925959359;0.013750000000000000069388939039;0.018749999999999999306110609609;0.036666666666666666851703837438;0.005833333333333333599324266316;0.014583333333333333564629796797;0.010833333333333333703407674875;0.007916666666666667337426410711;0.013750000000000000069388939039;0.061666666666666668239482618219;0.020416666666666666296592325125;0.034166666666666664631257788187;0.026249999999999999028554853453;0.001250000000000000026020852140;0.000833333333333333386820640509;0.006666666666666667094565124074;0.004166666666666666608842550801;0.023750000000000000277555756156;0.004166666666666666608842550801;0.010000000000000000208166817117;0.032500000000000001110223024625;0.060833333333333336478965236438;0.014999999999999999444888487687;0.008333333333333333217685101602;0.000416666666666666693410320255;0.024166666666666666157814447047;0.005416666666666666851703837438;0.010000000000000000208166817117;0.000000000000000000000000000000;0.023750000000000000277555756156;0.002916666666666666799662133158;0.014583333333333333564629796797;0.078333333333333338144299773376;0.041250000000000001942890293094;0.029999999999999998889776975375;0.021666666666666667406815349750
-0.033750000000000002220446049250;0.008333333333333333217685101602;0.055000000000000000277555756156;0.031250000000000000000000000000;0.004166666666666666608842550801;0.032083333333333331760517381781;0.002083333333333333304421275400;0.017083333333333332315628894094;0.004166666666666666608842550801;0.031250000000000000000000000000;0.018749999999999999306110609609;0.010833333333333333703407674875;0.018333333333333333425851918719;0.060416666666666667129259593594;0.012916666666666666574148081281;0.022916666666666665047591422422;0.010000000000000000208166817117;0.018333333333333333425851918719;0.010000000000000000208166817117;0.007916666666666667337426410711;0.019166666666666665186369300500;0.008750000000000000832667268469;0.012916666666666666574148081281;0.042083333333333333703407674875;0.045416666666666667684371105906;0.038749999999999999722444243844;0.031250000000000000000000000000;0.006666666666666667094565124074;0.000833333333333333386820640509;0.014999999999999999444888487687;0.010416666666666666088425508008;0.020416666666666666296592325125;0.011249999999999999583666365766;0.010833333333333333703407674875;0.040000000000000000832667268469;0.035416666666666665741480812812;0.010833333333333333703407674875;0.009583333333333332593184650250;0.000000000000000000000000000000;0.020416666666666666296592325125;0.006250000000000000346944695195;0.001250000000000000026020852140;0.000000000000000000000000000000;0.021250000000000001526556658860;0.008333333333333333217685101602;0.012916666666666666574148081281;0.054166666666666668517038374375;0.047083333333333331205405869468;0.030416666666666668239482618219;0.018749999999999999306110609609
-0.035526315789473683626198408092;0.005701754385964912658080194774;0.050000000000000002775557561563;0.022368421052631579093450397977;0.001754385964912280734470662047;0.027192982456140352143236782467;0.008333333333333333217685101602;0.012719298245614034728601104973;0.014473684210526315679912201517;0.021929824561403507554580016858;0.019736842105263156799122015173;0.012719298245614034728601104973;0.027631578947368420212660211632;0.039473684210526313598244030345;0.006140350877192982462227099916;0.023684210526315790240614589379;0.021491228070175439485156587693;0.028070175438596491751530592751;0.007017543859649122937882648188;0.012719298245614034728601104973;0.019298245614035088729698586008;0.018421052631578945651957823770;0.023245614035087718701744208261;0.025000000000000001387778780781;0.040350877192982456675984792582;0.031578947368421053654152785839;0.024561403508771929848908399663;0.000877192982456140367235331023;0.002631578947368420993285775822;0.014035087719298245875765296375;0.009210526315789472825978911885;0.017543859649122806043664013487;0.011842105263157895120307294690;0.012719298245614034728601104973;0.057017543859649119641908043832;0.029385964912280702898694784153;0.009649122807017544364849293004;0.020614035087719299876862777410;0.007894736842105263413538196460;0.042105263157894735892572413150;0.003508771929824561468941324094;0.008333333333333333217685101602;0.000000000000000000000000000000;0.018421052631578945651957823770;0.004385964912280701510916003372;0.018859649122807017190828204889;0.028070175438596491751530592751;0.039473684210526313598244030345;0.042105263157894735892572413150;0.020175438596491228337992396291
-0.039542483660130717249003851066;0.001633986928104575213002713774;0.064052287581699340890395433235;0.044771241830065360012280706314;0.000980392156862745084433541365;0.013725490196078431182069579108;0.003594771241830065165029362007;0.017973856209150325391465941038;0.010130718954248366450721086096;0.034640522875816995296283096195;0.016013071895424835222598858309;0.008169934640522876281854003366;0.015359477124183005744550989391;0.057189542483660128768807595634;0.005228758169934640161191641283;0.024183006535947713239176337652;0.017973856209150325391465941038;0.018627450980392156604237285933;0.006862745098039215591034789554;0.014379084967320260660117448026;0.018300653594771242732575089462;0.010457516339869280322383282567;0.010130718954248366450721086096;0.051307189542483658262206347445;0.036601307189542485465150178925;0.047058823529411764052809985515;0.023856209150326795898067189228;0.016013071895424835222598858309;0.001960784313725490168867082730;0.005882352941176470506601248189;0.008169934640522876281854003366;0.018300653594771242732575089462;0.005882352941176470506601248189;0.013071895424836601704021710191;0.032679738562091505127416013465;0.040522875816993465802884344384;0.010457516339869280322383282567;0.016339869281045752563708006733;0.000653594771241830020148955160;0.024836601307189540982500730593;0.005555555555555555767577313730;0.002287581699346405341571886183;0.000000000000000000000000000000;0.031045751633986928830211127206;0.003594771241830065165029362007;0.016339869281045752563708006733;0.048366013071895426478352675304;0.038235294117647061762355065184;0.025163398692810458323609879017;0.021895424836601305729200106498
-0.029807692307692309346967007855;0.007051282051282051384355487045;0.064743589743589749496699425890;0.109935897435897433904727904519;0.002243589743589743425167259971;0.015384615384615385469402326635;0.006089743589743589792517841630;0.019230769230769231836752908293;0.009294871794871794809522747016;0.024679487179487178544201597674;0.014423076923076923877564681220;0.005128205128205128200680196215;0.016987179487179485809500434357;0.049038461538461537714272964195;0.013782051282051281659857266959;0.022435897435897435986396075691;0.022756410256410255360526306845;0.026923076923076924571454071611;0.008653846153846154326538808732;0.013461538461538462285727035805;0.013141025641025641176873328675;0.021153846153846155020428199123;0.011538461538461539102051744976;0.035256410256410256054415697236;0.030448717948717948095227470162;0.030128205128205128721097239008;0.019871794871794870585013370601;0.002884615384615384775512936244;0.001602564102564102508502452693;0.005448717948717948442172165358;0.009294871794871794809522747016;0.019230769230769231836752908293;0.004807692307692307959188227073;0.016346153846153847061239972049;0.031089743589743590312934884423;0.040705128205128206231311338570;0.012179487179487179585035683260;0.010256410256410256401360392431;0.000961538461538461591837645415;0.029166666666666667129259593594;0.006089743589743589792517841630;0.004487179487179486850334519943;0.000000000000000000000000000000;0.018269230769230770244915262879;0.005128205128205128200680196215;0.016987179487179485809500434357;0.040705128205128206231311338570;0.030448717948717948095227470162;0.034935897435897436680285466082;0.015384615384615385469402326635
-0.024137931034482758285708570156;0.010344827586206896408160815781;0.035057471264367819074880827657;0.259770114942528718149361566248;0.009482758620689655040814081133;0.007758620689655172306120611836;0.008045977011494252761902856719;0.029597701149425288680294698906;0.005172413793103448204080407891;0.031321839080459767945541216250;0.015517241379310344612241223672;0.008045977011494252761902856719;0.006609195402298850482991632305;0.032758620689655175428622868594;0.025862068965517241020402039453;0.020402298850574714095262862656;0.006034482758620689571427142539;0.015229885057471264156458978789;0.015804597701149426802746944531;0.004310344827586206836733673242;0.016379310344827587714311434297;0.007471264367816091850338366953;0.004310344827586206836733673242;0.046551724137931037306170622969;0.020977011494252875006827352422;0.035632183908045976516998365469;0.025000000000000001387778780781;0.005747126436781609115644897656;0.002586206896551724102040203945;0.007758620689655172306120611836;0.007471264367816091850338366953;0.020114942528735631904757141797;0.004885057471264367748298163008;0.008620689655172413673467346484;0.008045977011494252761902856719;0.032471264367816089768670195781;0.005459770114942528659862652773;0.008333333333333333217685101602;0.001436781609195402278911224414;0.007758620689655172306120611836;0.009482758620689655040814081133;0.002873563218390804557822448828;0.000000000000000000000000000000;0.026149425287356323210907760313;0.015517241379310344612241223672;0.020114942528735631904757141797;0.035344827586206897795939596563;0.016954022988505748625875924063;0.012068965517241379142854285078;0.013218390804597700965983264609
-0.032456140350877189792999644169;0.000438596491228070183617665512;0.031140350877192982115282404720;0.004824561403508772182424646502;0.001315789473684210496642887911;0.004385964912280701510916003372;0.003508771929824561468941324094;0.023684210526315790240614589379;0.001754385964912280734470662047;0.092982456140350874806976833042;0.016228070175438594896499822084;0.002192982456140350755458001686;0.003947368421052631706769098230;0.052192982456140353531015563249;0.003947368421052631706769098230;0.015789473684210526827076392919;0.009210526315789472825978911885;0.012719298245614034728601104973;0.007017543859649122937882648188;0.004385964912280701510916003372;0.017982456140350877582534394605;0.003508771929824561468941324094;0.001315789473684210496642887911;0.139473684210526305271571345656;0.019298245614035088729698586008;0.077192982456140354918794344030;0.026315789473684209065496020230;0.000877192982456140367235331023;0.001315789473684210496642887911;0.002631578947368420993285775822;0.000877192982456140367235331023;0.031140350877192982115282404720;0.002631578947368420993285775822;0.003070175438596491231113549958;0.008771929824561403021832006743;0.044736842105263158186900795954;0.010526315789473683973143103287;0.005701754385964912658080194774;0.000000000000000000000000000000;0.007894736842105263413538196460;0.007894736842105263413538196460;0.000877192982456140367235331023;0.000000000000000000000000000000;0.074999999999999997224442438437;0.007894736842105263413538196460;0.047807017543859652020099559877;0.061842105263157892691694428322;0.034210526315789475948481168643;0.016228070175438594896499822084;0.018859649122807017190828204889
-0.026388888888888888811790067734;0.001736111111111111014737584668;0.084375000000000005551115123126;0.000000000000000000000000000000;0.000000000000000000000000000000;0.004513888888888888464845372539;0.001388888888888888941894328433;0.014236111111111110841265237070;0.008680555555555555941049661328;0.072916666666666671292595935938;0.015277777777777777276635440273;0.003472222222222222029475169336;0.004513888888888888464845372539;0.076388888888888895056794581251;0.001736111111111111014737584668;0.018402777777777778317469525859;0.018749999999999999306110609609;0.022569444444444444058950338672;0.004166666666666666608842550801;0.011111111111111111535154627461;0.007638888888888888638317720137;0.010069444444444445099784424258;0.003819444444444444319158860068;0.082291666666666665741480812812;0.023263888888888889505679458125;0.062152777777777779011358916250;0.027430555555555555247160270937;0.000000000000000000000000000000;0.000694444444444444470947164216;0.000000000000000000000000000000;0.002430555555555555594104966133;0.032291666666666669904817155157;0.000000000000000000000000000000;0.009027777777777776929690745078;0.014236111111111110841265237070;0.074305555555555555247160270937;0.012152777777777777970524830664;0.003819444444444444319158860068;0.000000000000000000000000000000;0.010069444444444445099784424258;0.004861111111111111188209932266;0.001388888888888888941894328433;0.000000000000000000000000000000;0.027430555555555555247160270937;0.000347222222222222235473582108;0.014583333333333333564629796797;0.091319444444444439201724605937;0.045138888888888888117900677344;0.018402777777777778317469525859;0.030208333333333333564629796797
-0.023214285714285715078730731875;0.003869047619047619179788455313;0.101190476190476191797884553125;0.014285714285714285268213963320;0.000595238095238095291789059971;0.010119047619047619526733150508;0.001785714285714285658526745415;0.013392857142857142113689938867;0.019940476190476189022326991562;0.027380952380952380820211544687;0.019940476190476189022326991562;0.003571428571428571317053490830;0.010714285714285714384841341484;0.063988095238095232808461787499;0.005654761904761904621474766230;0.020535714285714285615158658516;0.024702380952380951356639471328;0.031547619047619046561692357500;0.003571428571428571317053490830;0.013988095238095238706521605820;0.011011904761904762681257174961;0.019345238095238095898942276563;0.010416666666666666088425508008;0.042559523809523810977673008438;0.028869047619047620567567236094;0.047321428571428569842538536250;0.030952380952380953438307642500;0.001190476190476190583578119941;0.001190476190476190583578119941;0.001785714285714285658526745415;0.006547619047619047775998790684;0.022619047619047618485899064922;0.005654761904761904621474766230;0.016071428571428569842538536250;0.030654761904761903407168333047;0.044345238095238097286721057344;0.011904761904761904101057723437;0.005654761904761904621474766230;0.000297619047619047645894529985;0.031547619047619046561692357500;0.002678571428571428596210335371;0.003571428571428571317053490830;0.000000000000000000000000000000;0.019047619047619049337249919063;0.001785714285714285658526745415;0.012500000000000000693889390391;0.063392857142857139685077072500;0.048511904761904763028201870156;0.037202380952380952050528861719;0.027380952380952380820211544687
-0.037426900584795322335374123668;0.005263157894736841986571551644;0.041812865497076023846290127040;0.195321637426900590606138052863;0.002339181286549707645960882729;0.007602339181286549632532434373;0.005263157894736841986571551644;0.017836257309941521559393251550;0.006725146198830409156876886101;0.031286549707602341607870499729;0.011988304093567251143448437745;0.005555555555555555767577313730;0.007309941520467835851526672286;0.043567251461988303062877747607;0.008771929824561403021832006743;0.021052631578947367946286206575;0.015204678362573099265064868746;0.021637426900584795508297730748;0.009356725146198830583843530917;0.007017543859649122937882648188;0.014619883040935671703053344572;0.009356725146198830583843530917;0.008479532163742689240826244657;0.043274853801169591016595461497;0.026900584795321636627507544404;0.048538011695906435605252227106;0.024853801169590641895190685773;0.004385964912280701510916003372;0.000877192982456140367235331023;0.002046783625730994298635989637;0.005263157894736841986571551644;0.017251461988304093997381727377;0.003508771929824561468941324094;0.009941520467836258145855055091;0.023976608187134502286896875489;0.040058479532163744629702506472;0.011111111111111111535154627461;0.014035087719298245875765296375;0.001754385964912280734470662047;0.021345029239766083462015444638;0.005555555555555555767577313730;0.001754385964912280734470662047;0.000000000000000000000000000000;0.025146198830409357410919923836;0.002631578947368420993285775822;0.023099415204678362678603065206;0.038596491228070177459397172015;0.031871345029239765700435071949;0.020175438596491228337992396291;0.017251461988304093997381727377
-0.014130434782608695606920257148;0.006521739130434782254208680996;0.027536231884057970481505250859;0.319202898550724645243548138751;0.020652173913043476993767200156;0.015579710144927537071590784024;0.004710144927536232158093998379;0.016304347826086956069202571484;0.006884057971014492620376312715;0.015579710144927537071590784024;0.010869565217391304046135047656;0.013405797101449274874584993711;0.012681159420289855876973206250;0.022463768115942028824605358750;0.015217391304347826705423152305;0.014855072463768116339255520586;0.013405797101449274874584993711;0.020652173913043476993767200156;0.017391304347826087167705466641;0.003260869565217391127104340498;0.011956521739130435144637942813;0.009057971014492753950020365039;0.014130434782608695606920257148;0.020652173913043476993767200156;0.014130434782608695606920257148;0.021376811594202897726102463594;0.018840579710144928632375993516;0.007971014492753622851517469883;0.001086956521739130447981591665;0.025362318840579711753946412500;0.013768115942028985240752625430;0.013043478260869564508417361992;0.004347826086956521791926366660;0.011594202898550724778470311094;0.026086956521739129016834723984;0.021014492753623187359934831875;0.005797101449275362389235155547;0.013768115942028985240752625430;0.002536231884057970828449946055;0.022101449275362318458437727031;0.006884057971014492620376312715;0.005797101449275362389235155547;0.000000000000000000000000000000;0.014130434782608695606920257148;0.015217391304347826705423152305;0.017391304347826087167705466641;0.018115942028985507900040730078;0.021376811594202897726102463594;0.014492753623188405973087888867;0.016666666666666666435370203203
-0.034226190476190479494711382813;0.004464285714285714037896646289;0.067857142857142851988250242812;0.000297619047619047645894529985;0.000892857142857142829263372708;0.015476190476190476719153821250;0.002083333333333333304421275400;0.022916666666666665047591422422;0.013392857142857142113689938867;0.043749999999999997224442438437;0.014880952380952380126322154297;0.006250000000000000346944695195;0.011607142857142857539365365938;0.058928571428571427381903902187;0.004464285714285714037896646289;0.027083333333333334258519187188;0.028571428571428570536427926640;0.024404761904761904794947113828;0.008035714285714284921269268125;0.009523809523809524668624959531;0.014880952380952380126322154297;0.014583333333333333564629796797;0.007440476190476190063161077148;0.057440476190476187634548210781;0.037202380952380952050528861719;0.055059523809523808202115446875;0.027976190476190477413043211641;0.017857142857142856151586585156;0.002083333333333333304421275400;0.004166666666666666608842550801;0.006547619047619047775998790684;0.029761904761904760252644308594;0.007440476190476190063161077148;0.006250000000000000346944695195;0.020238095238095239053466301016;0.060416666666666667129259593594;0.013392857142857142113689938867;0.009226190476190476372209126055;0.000000000000000000000000000000;0.011607142857142857539365365938;0.002976190476190476025264430859;0.004166666666666666608842550801;0.000000000000000000000000000000;0.033333333333333332870740406406;0.002678571428571428596210335371;0.014880952380952380126322154297;0.061904761904761906876615285000;0.038392857142857145236192195625;0.025297619047619047949471138281;0.013690476190476190410105772344
-0.014957264957264957902505209120;0.001709401709401709400226732072;0.117094017094017094349212015914;0.000000000000000000000000000000;0.000000000000000000000000000000;0.001709401709401709400226732072;0.000000000000000000000000000000;0.017948717948717947401338079771;0.010683760683760683968257509946;0.082905982905982902875230422524;0.006837606837606837600906928287;0.000854700854700854700113366036;0.000854700854700854700113366036;0.065384615384615388244959888198;0.001282051282051282050170049054;0.008974358974358973700669039886;0.032478632478632481206393123330;0.029487179487179486503389824748;0.002136752136752136967123849587;0.005982905982905983334474431246;0.008119658119658120301598280832;0.015384615384615385469402326635;0.002136752136752136967123849587;0.108547008547008549950163569520;0.010256410256410256401360392431;0.052564102564102564707493314700;0.020940170940170938634894426400;0.000000000000000000000000000000;0.000427350427350427350056683018;0.000000000000000000000000000000;0.000427350427350427350056683018;0.050000000000000002775557561563;0.000427350427350427350056683018;0.005128205128205128200680196215;0.002991452991452991667237215623;0.103418803418803412208504255432;0.017094017094017095736990796695;0.002564102564102564100340098108;0.000000000000000000000000000000;0.003418803418803418800453464144;0.004700854700854700633783078700;0.000427350427350427350056683018;0.000000000000000000000000000000;0.041025641025641025605441569724;0.000000000000000000000000000000;0.013675213675213675201813856575;0.082905982905982902875230422524;0.034188034188034191473981593390;0.005982905982905983334474431246;0.011965811965811966668948862491
-0.025141242937853108818657688062;0.002824858757062146882854669627;0.079661016949152535504552474777;0.011581920903954802393176493069;0.001694915254237288086344714877;0.005084745762711864042193710134;0.004237288135593220324282004441;0.025988700564971749934484179789;0.007627118644067796930652303189;0.063276836158192087400387038088;0.014406779661016949276031162697;0.001129943502824858796509954750;0.006214689265536723489224968375;0.057627118644067797104124650787;0.011581920903954802393176493069;0.013559322033898304690757719015;0.025141242937853108818657688062;0.026271186440677964796241994350;0.008192090395480225786806194321;0.009604519774011300095595267123;0.011864406779661017254934307630;0.011864406779661017254934307630;0.004802259887005650047797633562;0.090112994350282485389591613512;0.015254237288135593861304606378;0.054519774011299433624788690622;0.027401129943502824243273252591;0.004237288135593220324282004441;0.002824858757062146882854669627;0.001129943502824858796509954750;0.001977401129943502731262094940;0.034745762711864407179529479208;0.004802259887005650047797633562;0.012429378531073446978449936751;0.010734463276836157807903049388;0.074858757062146896732457435064;0.012994350282485874967242089895;0.008474576271186440648564008882;0.000000000000000000000000000000;0.008192090395480225786806194321;0.003954802259887005462524189880;0.001977401129943502731262094940;0.000000000000000000000000000000;0.039830508474576267752276237388;0.002259887005649717593019909501;0.020903954802259885892290469656;0.075988700564971756179488693306;0.029096045197740113413820139954;0.016949152542372881297128017763;0.014971751412429378999546791817
-0.036111111111111107718762980312;0.003125000000000000173472347598;0.061458333333333330095182844843;0.000694444444444444470947164216;0.000347222222222222235473582108;0.011805555555555555247160270937;0.004861111111111111188209932266;0.018402777777777778317469525859;0.016319444444444445446729119453;0.051388888888888886730121896562;0.010416666666666666088425508008;0.007986111111111110494320541875;0.010763888888888888811790067734;0.062152777777777779011358916250;0.003472222222222222029475169336;0.022916666666666665047591422422;0.021874999999999998612221219219;0.025347222222222222376419864531;0.006597222222222222202947516934;0.009722222222222222376419864531;0.014583333333333333564629796797;0.018749999999999999306110609609;0.004513888888888888464845372539;0.065972222222222223764198645313;0.032986111111111111882099322656;0.053472222222222219600862302968;0.026041666666666667823148983985;0.001736111111111111014737584668;0.007291666666666666782314898398;0.004861111111111111188209932266;0.008333333333333333217685101602;0.035416666666666665741480812812;0.005208333333333333044212754004;0.013194444444444444405895033867;0.023263888888888889505679458125;0.052430555555555556634939051719;0.012152777777777777970524830664;0.009722222222222222376419864531;0.003125000000000000173472347598;0.025000000000000001387778780781;0.003472222222222222029475169336;0.005208333333333333044212754004;0.000000000000000000000000000000;0.037152777777777777623580135469;0.001041666666666666652210637700;0.021527777777777777623580135469;0.050000000000000002775557561563;0.035763888888888886730121896562;0.024652777777777776929690745078;0.017361111111111111882099322656
-0.018292682926829267192614381088;0.028861788617886179053595441246;0.043495934959349592807686946117;0.000000000000000000000000000000;0.009349593495934959558324450768;0.030894308943089431734874139579;0.010975609756097560315568628653;0.023170731707317072933793866696;0.039024390243902438990541980957;0.013008130081300812996847326986;0.011788617886178862428914193572;0.012601626016260162807536282514;0.025203252032520325615072565029;0.012195121951219512618225238043;0.014227642276422763564780460399;0.008130081300813008990391317354;0.034959349593495933627984584291;0.059349593495934958864435060377;0.023983739837398373312415955638;0.006910569105691056687734707964;0.021138211382113820252515168363;0.032520325203252035961565269417;0.043902439024390241262274514611;0.020731707317073171797927599869;0.015447154471544715867437069790;0.015853658536585366056748114261;0.025203252032520325615072565029;0.016666666666666666435370203203;0.002845528455284553059900787275;0.039430894308943087445129549451;0.010162601626016259936946539710;0.016260162601626017980782634709;0.027642276422764226750938831856;0.005284552845528455063128792091;0.027642276422764226750938831856;0.032520325203252035961565269417;0.013414634146341463186158371457;0.012601626016260162807536282514;0.005284552845528455063128792091;0.030894308943089431734874139579;0.013821138211382113375469415928;0.039430894308943087445129549451;0.000000000000000000000000000000;0.016666666666666666435370203203;0.006910569105691056687734707964;0.024390243902439025236450476086;0.009756097560975609747635495239;0.009756097560975609747635495239;0.032926829268292684416152837912;0.004471544715447154684506703148
-0.036936936936936934361419559991;0.010810810810810811410931364662;0.052252252252252252839870294565;0.001351351351351351426366420583;0.005405405405405405705465682331;0.016216216216216217116397046993;0.006306306306306306078135470727;0.020270270270270271395496308742;0.021171171171171170033442621161;0.029729729729729731380061252821;0.017567567567567568542763467576;0.012612612612612612156270941455;0.022072072072072072140835885534;0.044594594594594597070091879232;0.014864864864864865690030626411;0.027927927927927927165274724075;0.021621621621621622821862729324;0.029279279279279278591641144658;0.017567567567567568542763467576;0.009459459459459459984564944079;0.014414414414414414636333994224;0.018468468468468467180709779996;0.014414414414414414636333994224;0.046846846846846847134404612234;0.037387387387387387149839668155;0.028828828828828829272667988448;0.026576576576576575738908303492;0.004954954954954954651769050145;0.004504504504504504465434155946;0.014864864864864865690030626411;0.011711711711711711783601153058;0.033783783783783785659160514570;0.010810810810810811410931364662;0.008558558558558557877171679706;0.031531531531531528655953877660;0.041441441441441441428938929903;0.007207207207207207318166997112;0.012612612612612612156270941455;0.002702702702702702852732841166;0.024324324324324325674595570490;0.004504504504504504465434155946;0.011711711711711711783601153058;0.000000000000000000000000000000;0.027927927927927927165274724075;0.007657657657657657504501891310;0.018918918918918919969129888159;0.038738738738738738576206088737;0.030180180180180180699034409031;0.024774774774774774993568726700;0.021621621621621622821862729324
-0.047916666666666669904817155157;0.005000000000000000104083408559;0.049583333333333333425851918719;0.002083333333333333304421275400;0.002916666666666666799662133158;0.028750000000000001249000902703;0.004166666666666666608842550801;0.026666666666666668378260496297;0.009166666666666666712925959359;0.028333333333333331899295259859;0.017083333333333332315628894094;0.013333333333333334189130248149;0.022083333333333333287074040641;0.047083333333333331205405869468;0.009583333333333332593184650250;0.028750000000000001249000902703;0.012083333333333333078907223523;0.029583333333333333009518284484;0.017500000000000001665334536938;0.008333333333333333217685101602;0.021666666666666667406815349750;0.009166666666666666712925959359;0.013333333333333334189130248149;0.042500000000000003053113317719;0.045416666666666667684371105906;0.052499999999999998057109706906;0.035416666666666665741480812812;0.001666666666666666773641281019;0.002500000000000000052041704279;0.015416666666666667059870654555;0.017500000000000001665334536938;0.014166666666666665949647629930;0.012083333333333333078907223523;0.010000000000000000208166817117;0.022083333333333333287074040641;0.043749999999999997224442438437;0.014583333333333333564629796797;0.015833333333333334674852821422;0.000416666666666666693410320255;0.010416666666666666088425508008;0.006250000000000000346944695195;0.005000000000000000104083408559;0.000000000000000000000000000000;0.024583333333333332038073137937;0.008333333333333333217685101602;0.022499999999999999167332731531;0.037499999999999998612221219219;0.030833333333333334119741309109;0.035833333333333335091186455656;0.018749999999999999306110609609
-0.024509803921568627110838534122;0.013071895424836601704021710191;0.042156862745098042100089230644;0.171241830065359479373654494339;0.013398692810457515575683906661;0.018300653594771242732575089462;0.006862745098039215591034789554;0.019934640522875815560333023768;0.013071895424836601704021710191;0.019934640522875815560333023768;0.014705882352941176266503120473;0.009477124183006535237949741202;0.018300653594771242732575089462;0.036601307189542485465150178925;0.020915032679738560644766565133;0.014705882352941176266503120473;0.014052287581699346788455251556;0.023529411764705882026404992757;0.015032679738562091872888792921;0.008823529411764705759901872284;0.014379084967320260660117448026;0.016013071895424835222598858309;0.017973856209150325391465941038;0.022222222222222223070309254922;0.026470588235294117279705616852;0.030718954248366011489101978782;0.026143790849673203408043420382;0.005555555555555555767577313730;0.004248366013071895076758099918;0.015686274509803921350936661838;0.017647058823529411519803744568;0.019607843137254901688670827298;0.007843137254901960675468330919;0.008169934640522876281854003366;0.026797385620915031151367813322;0.024836601307189540982500730593;0.010457516339869280322383282567;0.010784313725490195928768955014;0.003594771241830065165029362007;0.021895424836601305729200106498;0.005228758169934640161191641283;0.006535947712418300852010855095;0.000000000000000000000000000000;0.014052287581699346788455251556;0.009150326797385621366287544731;0.016013071895424835222598858309;0.024836601307189540982500730593;0.024183006535947713239176337652;0.033986928104575160614064799347;0.016339869281045752563708006733
-0.035763888888888886730121896562;0.005208333333333333044212754004;0.068402777777777784562474039376;0.032291666666666669904817155157;0.001388888888888888941894328433;0.019097222222222223764198645313;0.001388888888888888941894328433;0.012500000000000000693889390391;0.011458333333333332523795711211;0.028125000000000000693889390391;0.020833333333333332176851016015;0.005555555555555555767577313730;0.023958333333333334952408577578;0.048958333333333332870740406406;0.003472222222222222029475169336;0.029166666666666667129259593594;0.020138888888888890199568848516;0.025000000000000001387778780781;0.011458333333333332523795711211;0.013541666666666667129259593594;0.010069444444444445099784424258;0.018055555555555553859381490156;0.019444444444444444752839729063;0.029166666666666667129259593594;0.046527777777777779011358916250;0.040972222222222222376419864531;0.036805555555555556634939051719;0.005902777777777777623580135469;0.000694444444444444470947164216;0.006597222222222222202947516934;0.013194444444444444405895033867;0.011111111111111111535154627461;0.007291666666666666782314898398;0.019097222222222223764198645313;0.037152777777777777623580135469;0.037499999999999998612221219219;0.014236111111111110841265237070;0.009374999999999999653055304805;0.001388888888888888941894328433;0.039236111111111110494320541875;0.005555555555555555767577313730;0.005208333333333333044212754004;0.000000000000000000000000000000;0.012847222222222221682530474141;0.003125000000000000173472347598;0.012500000000000000693889390391;0.042708333333333334258519187188;0.034375000000000002775557561563;0.037499999999999998612221219219;0.024652777777777776929690745078
-0.024137931034482758285708570156;0.024425287356321840476214291016;0.040804597701149428190525725313;0.104597701149425292843631041251;0.020402298850574714095262862656;0.022126436781609196829956331953;0.004310344827586206836733673242;0.027873563218390805945601229610;0.014655172413793103244894489023;0.018678160919540231360569393360;0.014367816091954022789112244141;0.018103448275862070449004903594;0.009770114942528735496596326016;0.024425287356321840476214291016;0.027011494252873562843531018984;0.016954022988505748625875924063;0.014367816091954022789112244141;0.037356321839080462721138786719;0.028160919540229884666659998516;0.007183908045977011394556122070;0.015517241379310344612241223672;0.015517241379310344612241223672;0.008908045977011494129249591367;0.024425287356321840476214291016;0.024137931034482758285708570156;0.029310344827586206489788978047;0.032471264367816089768670195781;0.018390804597701149170063672500;0.003448275862068965469386938594;0.029597701149425288680294698906;0.027873563218390805945601229610;0.017816091954022988258499182734;0.010344827586206896408160815781;0.010057471264367815952378570898;0.019827586206896553183698372891;0.028735632183908045578224488281;0.010632183908045976863943060664;0.010632183908045976863943060664;0.001724137931034482734693469297;0.017528735632183909537440413828;0.012643678160919540054418774844;0.011494252873563218231289795312;0.000000000000000000000000000000;0.013793103448275861877547754375;0.018390804597701149170063672500;0.012068965517241379142854285078;0.019827586206896553183698372891;0.019827586206896553183698372891;0.024425287356321840476214291016;0.010919540229885057319725305547
-0.026422764227642277917729174419;0.004471544715447154684506703148;0.070325203252032522649450640984;0.000406504065040650406151478968;0.000000000000000000000000000000;0.019512195121951219495270990478;0.003658536585365853872203745212;0.019512195121951219495270990478;0.021138211382113820252515168363;0.026016260162601625993694653971;0.017479674796747966813992292145;0.006910569105691056687734707964;0.023983739837398373312415955638;0.045528455284552848958412596403;0.004471544715447154684506703148;0.021951219512195120631137257305;0.028455284552845527129560920798;0.035365853658536582082572152785;0.010569105691056910126257584182;0.013821138211382113375469415928;0.012195121951219512618225238043;0.020731707317073171797927599869;0.026829268292682926372316742913;0.023577235772357724857828387144;0.035365853658536582082572152785;0.041463414634146343595855199737;0.028861788617886179053595441246;0.001219512195121951218454436905;0.002032520325203252247597829339;0.007317073170731707744407490424;0.008130081300813008990391317354;0.017886178861788618738026812593;0.013008130081300812996847326986;0.015040650406504065678126025318;0.053658536585365852744633485827;0.043902439024390241262274514611;0.013414634146341463186158371457;0.017886178861788618738026812593;0.001626016260162601624605915873;0.043089430894308944353099377622;0.004065040650406504495195658677;0.005284552845528455063128792091;0.000000000000000000000000000000;0.017073170731707318359404723651;0.002439024390243902436908873810;0.018292682926829267192614381088;0.032113821138211380568083797016;0.030894308943089431734874139579;0.049593495934959347382076089161;0.013008130081300812996847326986
-0.023270440251572325346396397094;0.004088050314465408764663667540;0.082075471698113203200541931892;0.018867924528301886072378934500;0.002830188679245282824120666376;0.016037735849056603681939137118;0.004402515723270440141379200583;0.016037735849056603681939137118;0.014779874213836478175077004948;0.032389937106918238740593807279;0.018553459119496854695663401458;0.010691823899371068543051599420;0.009433962264150943036189467250;0.056289308176100630309868222412;0.007861635220125786152611802038;0.019182389937106917449094467543;0.029245283018867924973438476854;0.037735849056603772144757869000;0.005974842767295597892318603783;0.015723270440251572305223604076;0.009433962264150943036189467250;0.025471698113207548452852080345;0.015408805031446540928508071033;0.036477987421383646637895736831;0.025471698113207548452852080345;0.041194968553459117288628732467;0.030188679245283019103585075982;0.001572327044025157317258534206;0.000943396226415094346987033624;0.009119496855345911659473934208;0.005660377358490565648241332752;0.022955974842767293969680864052;0.004088050314465408764663667540;0.014465408805031446798361471906;0.032704402515723270117309340321;0.055345911949685536179721623284;0.012264150943396227161352740609;0.006918238993710692022465202911;0.001886792452830188693974067249;0.030817610062893081857016142067;0.005345911949685534271525799710;0.007232704402515723399180735953;0.000000000000000000000000000000;0.019496855345911948825810000585;0.005031446540880502894810266667;0.011320754716981131296482665505;0.050628930817610065528988627648;0.030188679245283019103585075982;0.041823899371069180042059798552;0.021069182389937105709387665797
-0.023106060606060605661093987351;0.003787878787878787983922634908;0.046590909090909092549193104560;0.000000000000000000000000000000;0.000000000000000000000000000000;0.009469696969696969959806587269;0.006060606060606060600803868255;0.031818181818181814901613790880;0.013636363636363635701287400082;0.034848484848484850839867021932;0.015530303030303029693248717535;0.010606060606060606701928072937;0.016666666666666666435370203203;0.048106060606060603579425816179;0.006060606060606060600803868255;0.007954545454545453725403447720;0.014772727272727272443408885749;0.035984848484848487581988507600;0.010984848484848484459486250842;0.010984848484848484459486250842;0.017803030303030303177491688871;0.010984848484848484459486250842;0.036742424242424243097104863409;0.055681818181818179547271085994;0.020454545454545454419292838111;0.049621212121212121548552431705;0.044318181818181819064950133225;0.000378787878787878787550241766;0.001515151515151515150200967064;0.009848484848484847717364765174;0.004545454545454545233762466694;0.018560606060606062162054996634;0.015151515151515151935690539631;0.009469696969696969959806587269;0.035606060606060606354983377742;0.059469696969696971000640672855;0.017803030303030303177491688871;0.004924242424242423858682382587;0.001136363636363636308440616673;0.030681818181818181628939257166;0.009090909090909090467524933388;0.005681818181818181975883952362;0.000000000000000000000000000000;0.032196969696969696128618920739;0.003787878787878787983922634908;0.028409090909090908144696285831;0.035227272727272725127978247883;0.022348484848484850145977631541;0.057196969696969697516397701520;0.014393939393939394685850707845
-0.050387596899224805502282009684;0.002713178294573643373199800521;0.074031007751937979999290462274;0.000000000000000000000000000000;0.003488372093023255765542600670;0.011627906976744185885142002235;0.001162790697674418588514200223;0.018604651162790697416227203576;0.006201550387596899138742401192;0.038759689922480619617140007449;0.015891472868217054043027403054;0.005813953488372092942571001117;0.010077519379844961100456401937;0.068217054263565890526166413110;0.003100775193798449569371200596;0.030620155038759689497540605885;0.015503875968992247846856002980;0.014341085271317829258341802756;0.006589147286821705334913801266;0.012403100775193798277484802384;0.016279069767441860239198803129;0.012015503875968992081313402309;0.006976744186046511531085201341;0.050000000000000002775557561563;0.038372093023255816890415559328;0.064728682170542631291176860486;0.025193798449612402751141004842;0.000000000000000000000000000000;0.000387596899224806196171400074;0.013178294573643410669827602533;0.003100775193798449569371200596;0.017441860465116278827713003352;0.003875968992248061961714000745;0.008527131782945736315770801639;0.024806201550387596554969604767;0.047674418604651165598529161116;0.016279069767441860239198803129;0.013565891472868216865999002607;0.000000000000000000000000000000;0.011627906976744185885142002235;0.001937984496124030980857000372;0.003100775193798449569371200596;0.000000000000000000000000000000;0.027519379844961239928169405289;0.000775193798449612392342800149;0.013565891472868216865999002607;0.073643410852713184211459918060;0.050387596899224805502282009684;0.036821705426356592105729959030;0.028682170542635658516683605512
-0.037179487179487179238090988065;0.000854700854700854700113366036;0.028205128205128205537421948179;0.000000000000000000000000000000;0.000000000000000000000000000000;0.007264957264957265167804045802;0.001282051282051282050170049054;0.015811965811965811301575968173;0.002136752136752136967123849587;0.104700854700854703582812987861;0.008974358974358973700669039886;0.004700854700854700633783078700;0.005982905982905983334474431246;0.052136752136752138875319673161;0.000000000000000000000000000000;0.023504273504273504036277131490;0.008119658119658120301598280832;0.008974358974358973700669039886;0.002991452991452991667237215623;0.006410256410256410034009810772;0.017948717948717947401338079771;0.004700854700854700633783078700;0.003418803418803418800453464144;0.138461538461538469224620939713;0.023931623931623933337897724982;0.085042735042735045913886438029;0.014102564102564102768710974090;0.000000000000000000000000000000;0.000854700854700854700113366036;0.002564102564102564100340098108;0.003418803418803418800453464144;0.033333333333333332870740406406;0.002136752136752136967123849587;0.002991452991452991667237215623;0.007264957264957265167804045802;0.049145299145299144172316374579;0.011965811965811966668948862491;0.009829059829059828834463274916;0.000000000000000000000000000000;0.001709401709401709400226732072;0.007692307692307692734701163317;0.000854700854700854700113366036;0.000000000000000000000000000000;0.079059829059829056507879840865;0.000854700854700854700113366036;0.050427350427350428607731203101;0.067521367521367517405828095889;0.038888888888888889505679458125;0.007264957264957265167804045802;0.015384615384615385469402326635
-0.056837606837606836907017537897;0.000427350427350427350056683018;0.042307692307692310040856398246;0.000000000000000000000000000000;0.000000000000000000000000000000;0.017948717948717947401338079771;0.001282051282051282050170049054;0.017094017094017095736990796695;0.003418803418803418800453464144;0.044871794871794871972792151382;0.020940170940170938634894426400;0.006410256410256410034009810772;0.023076923076923078204103489952;0.067521367521367517405828095889;0.002564102564102564100340098108;0.033333333333333332870740406406;0.012393162393162392501122504029;0.014102564102564102768710974090;0.008119658119658120301598280832;0.009401709401709401267566157401;0.013675213675213675201813856575;0.007264957264957265167804045802;0.009401709401709401267566157401;0.064529914529914536580612605121;0.057264957264957262739191179435;0.060683760683760683274368119555;0.019658119658119657668926549832;0.000000000000000000000000000000;0.001709401709401709400226732072;0.006837606837606837600906928287;0.006410256410256410034009810772;0.016666666666666666435370203203;0.005982905982905983334474431246;0.007264957264957265167804045802;0.032905982905982907038566764868;0.044017094017094020308444868306;0.012820512820512820068019621544;0.014529914529914530335608091605;0.000000000000000000000000000000;0.013247863247863247634916739059;0.002564102564102564100340098108;0.001282051282051282050170049054;0.000000000000000000000000000000;0.032478632478632481206393123330;0.000854700854700854700113366036;0.025213675213675214303865601551;0.058119658119658121342432366419;0.048717948717948718340142733041;0.026068376068376069437659836581;0.027777777777777776235801354687
-0.025816993464052286066934271958;0.024836601307189540982500730593;0.032352941176470591255753816995;0.080392156862745103862444295828;0.007843137254901960675468330919;0.022875816993464050813633647863;0.006862745098039215591034789554;0.033660130718954246742402602877;0.011437908496732025406816823931;0.019934640522875815560333023768;0.015359477124183005744550989391;0.005555555555555555767577313730;0.016339869281045752563708006733;0.021241830065359477985875713557;0.024183006535947713239176337652;0.017647058823529411519803744568;0.024183006535947713239176337652;0.047385620915032677924472181985;0.024183006535947713239176337652;0.006862745098039215591034789554;0.028104575163398693576910503111;0.015359477124183005744550989391;0.020261437908496732901442172192;0.026470588235294117279705616852;0.021241830065359477985875713557;0.024509803921568627110838534122;0.027124183006535948492476961746;0.012745098039215686097636037744;0.002941176470588235253300624095;0.027124183006535948492476961746;0.014379084967320260660117448026;0.015032679738562091872888792921;0.024183006535947713239176337652;0.009150326797385621366287544731;0.022875816993464050813633647863;0.032679738562091505127416013465;0.012091503267973856619588168826;0.015032679738562091872888792921;0.003267973856209150426005427548;0.014705882352941176266503120473;0.012745098039215686097636037744;0.016666666666666666435370203203;0.000000000000000000000000000000;0.015686274509803921350936661838;0.014052287581699346788455251556;0.025163398692810458323609879017;0.022222222222222223070309254922;0.017973856209150325391465941038;0.026470588235294117279705616852;0.010784313725490195928768955014
-0.018518518518518517490534236458;0.010000000000000000208166817117;0.043703703703703702942995334979;0.414814814814814802890197142915;0.007037037037037036958653235530;0.007037037037037036958653235530;0.002592592592592592518063732143;0.018888888888888889089345823891;0.010740740740740739936343040029;0.018148148148148149361169600979;0.008518518518518519017090895318;0.004074074074074073709139653943;0.007777777777777777554191196430;0.026666666666666668378260496297;0.022592592592592591199673890401;0.012962962962962962590318660716;0.008518518518518519017090895318;0.018148148148148149361169600979;0.010000000000000000208166817117;0.005185185185185185036127464286;0.011851851851851851263330850372;0.009259259259259258745267118229;0.003333333333333333547282562037;0.018888888888888889089345823891;0.020740740740740740144509857146;0.025185185185185185452461098521;0.014444444444444443781394582516;0.002962962962962962815832712593;0.001851851851851851922525771243;0.005185185185185185036127464286;0.001481481481481481407916356297;0.014074074074074073917306471060;0.005185185185185185036127464286;0.009259259259259258745267118229;0.012222222222222222862142437805;0.025925925925925925180637321432;0.005555555555555555767577313730;0.005925925925925925631665425186;0.000000000000000000000000000000;0.011111111111111111535154627461;0.006296296296296296363115274630;0.001851851851851851922525771243;0.000000000000000000000000000000;0.013333333333333334189130248149;0.013703703703703704053218359604;0.013333333333333334189130248149;0.024074074074074074125473288177;0.015925925925925926707193980292;0.015925925925925926707193980292;0.015185185185185185244294281404
-0.029722222222222222792753498766;0.011388888888888889366901580047;0.072499999999999995003996389187;0.001111111111111111110147375847;0.003611111111111110945348645629;0.017222222222222222098864108375;0.002222222222222222220294751693;0.034166666666666664631257788187;0.018055555555555553859381490156;0.028055555555555555802271783250;0.021666666666666667406815349750;0.008055555555555555385938149016;0.013888888888888888117900677344;0.050277777777777775403134086218;0.010833333333333333703407674875;0.017222222222222222098864108375;0.021111111111111111743321444578;0.053611111111111109384097517250;0.017500000000000001665334536938;0.010000000000000000208166817117;0.014999999999999999444888487687;0.020555555555555556079827539406;0.015833333333333334674852821422;0.037777777777777778178691647781;0.031944444444444441977282167500;0.039722222222222221266196839906;0.043888888888888887007677652718;0.002222222222222222220294751693;0.001111111111111111110147375847;0.013333333333333334189130248149;0.004444444444444444440589503387;0.016666666666666666435370203203;0.013055555555555556357383295563;0.013611111111111110286153724758;0.016944444444444446001840631766;0.047500000000000000555111512313;0.017222222222222222098864108375;0.007499999999999999722444243844;0.000555555555555555555073687923;0.017500000000000001665334536938;0.004444444444444444440589503387;0.005833333333333333599324266316;0.000000000000000000000000000000;0.022499999999999999167332731531;0.006666666666666667094565124074;0.016111111111111110771876298031;0.043611111111111114380101128063;0.027777777777777776235801354687;0.037499999999999998612221219219;0.016944444444444446001840631766
-0.013398692810457515575683906661;0.008823529411764705759901872284;0.130718954248366020509664053861;0.008169934640522876281854003366;0.006209150326797385245625182648;0.010130718954248366450721086096;0.000653594771241830020148955160;0.014052287581699346788455251556;0.039215686274509803377341654596;0.021241830065359477985875713557;0.010784313725490195928768955014;0.004248366013071895076758099918;0.009477124183006535237949741202;0.055228758169934638599940512904;0.016013071895424835222598858309;0.016013071895424835222598858309;0.029738562091503266404668437417;0.051633986928104572133868543915;0.005555555555555555767577313730;0.016013071895424835222598858309;0.005555555555555555767577313730;0.051633986928104572133868543915;0.012745098039215686097636037744;0.022222222222222223070309254922;0.024183006535947713239176337652;0.027777777777777776235801354687;0.036274509803921571593487982454;0.012418300653594770491250365296;0.000000000000000000000000000000;0.007189542483660130330058724013;0.001633986928104575213002713774;0.015686274509803921350936661838;0.005228758169934640161191641283;0.014379084967320260660117448026;0.024509803921568627110838534122;0.042483660130718955971751427114;0.012418300653594770491250365296;0.004248366013071895076758099918;0.003267973856209150426005427548;0.038562091503267975634017261655;0.003921568627450980337734165460;0.011111111111111111535154627461;0.000000000000000000000000000000;0.007516339869281045936444396460;0.008169934640522876281854003366;0.002941176470588235253300624095;0.048692810457516340350014871774;0.032352941176470591255753816995;0.032679738562091505127416013465;0.022875816993464050813633647863
-0.032954545454545451643735276548;0.015530303030303029693248717535;0.035984848484848487581988507600;0.091666666666666660190365689687;0.035227272727272725127978247883;0.021969696969696968918972501683;0.004924242424242423858682382587;0.024242424242424242403215473018;0.010227272727272727209646419055;0.021212121212121213403856145874;0.014772727272727272443408885749;0.015151515151515151935690539631;0.013636363636363635701287400082;0.032196969696969696128618920739;0.032196969696969696128618920739;0.029924242424242422644375949403;0.020833333333333332176851016015;0.027272727272727271402574800163;0.017424242424242425419933510966;0.007196969696969697342925353922;0.016287878787878788677812025298;0.014772727272727272443408885749;0.007954545454545453725403447720;0.025757575757575756902895136591;0.040530303030303027611580546363;0.029924242424242422644375949403;0.025757575757575756902895136591;0.027651515151515152629579930021;0.001893939393939393991961317454;0.013257575757575757943729222177;0.016666666666666666435370203203;0.015151515151515151935690539631;0.006439393939393939225723784148;0.010606060606060606701928072937;0.019318181818181817677171352443;0.029166666666666667129259593594;0.008333333333333333217685101602;0.019318181818181817677171352443;0.003030303030303030300401934127;0.014772727272727272443408885749;0.006818181818181817850643700041;0.009090909090909090467524933388;0.000000000000000000000000000000;0.015151515151515151935690539631;0.019696969696969695434729530348;0.015909090909090907450806895440;0.024621212121212120160773650923;0.024621212121212120160773650923;0.014772727272727272443408885749;0.018181818181818180935049866775
-0.055691056910569108895359136113;0.009756097560975609747635495239;0.031300813008130083658908660027;0.033739837398373981325327974901;0.015447154471544715867437069790;0.012601626016260162807536282514;0.006504065040650406498423663493;0.029674796747967479432217530189;0.005691056910569106119801574550;0.030081300813008131356252050637;0.023577235772357724857828387144;0.007723577235772357933718534895;0.015040650406504065678126025318;0.060569105691056911167091669768;0.018292682926829267192614381088;0.023577235772357724857828387144;0.004471544715447154684506703148;0.017073170731707318359404723651;0.028455284552845527129560920798;0.006910569105691056687734707964;0.022357723577235772555171777753;0.002845528455284553059900787275;0.007723577235772357933718534895;0.034146341463414636718809447302;0.041869918699186992050442768232;0.050000000000000002775557561563;0.035365853658536582082572152785;0.008536585365853659179702361826;0.000813008130081300812302957937;0.022357723577235772555171777753;0.006097560975609756309112619022;0.011382113821138212239603149101;0.010569105691056910126257584182;0.005691056910569106119801574550;0.019512195121951219495270990478;0.030487804878048779810839619131;0.019105691056910567571236470030;0.015040650406504065678126025318;0.000000000000000000000000000000;0.007317073170731707744407490424;0.006097560975609756309112619022;0.002032520325203252247597829339;0.000000000000000000000000000000;0.019512195121951219495270990478;0.015040650406504065678126025318;0.015447154471544715867437069790;0.055284552845528453501877663712;0.042682926829268295898511809128;0.032520325203252035961565269417;0.023983739837398373312415955638
-0.034935897435897436680285466082;0.005769230769230769551025872488;0.055769230769230772326583434051;0.020192307692307693428590553708;0.001923076923076923183675290829;0.011538461538461539102051744976;0.002564102564102564100340098108;0.023717948717948716952363952259;0.003205128205128205017004905386;0.047115384615384614530597673365;0.017628205128205128027207848618;0.005448717948717948442172165358;0.013461538461538462285727035805;0.058653846153846153632649418341;0.008974358974358973700669039886;0.019230769230769231836752908293;0.015384615384615385469402326635;0.017948717948717947401338079771;0.011217948717948717993198037846;0.012500000000000000693889390391;0.016666666666666666435370203203;0.005769230769230769551025872488;0.009615384615384615918376454147;0.054166666666666668517038374375;0.037179487179487179238090988065;0.043589743589743587537377322860;0.030769230769230770938804653269;0.004807692307692307959188227073;0.000641025641025641025085024527;0.006410256410256410034009810772;0.002564102564102564100340098108;0.024358974358974359170071366520;0.006089743589743589792517841630;0.010256410256410256401360392431;0.031410256410256409687065115577;0.051282051282051280272078486178;0.017628205128205128027207848618;0.010576923076923077510214099561;0.001282051282051282050170049054;0.018589743589743589619045494032;0.006089743589743589792517841630;0.001282051282051282050170049054;0.000000000000000000000000000000;0.030448717948717948095227470162;0.003525641025641025692177743522;0.021794871794871793768688661430;0.058974358974358973006779649495;0.045512820512820510721052613690;0.037499999999999998612221219219;0.024038461538461539795941135367
-0.023255813953488371770284004469;0.005813953488372092942571001117;0.088372093023255812727079216984;0.025193798449612402751141004842;0.004651162790697674354056800894;0.012403100775193798277484802384;0.003100775193798449569371200596;0.018992248062015503612398603650;0.010077519379844961100456401937;0.036821705426356592105729959030;0.015503875968992247846856002980;0.004651162790697674354056800894;0.009302325581395348708113601788;0.074418604651162789664908814302;0.010852713178294573492799202086;0.009302325581395348708113601788;0.016279069767441860239198803129;0.034496124031007754928701558583;0.011240310077519379688970602160;0.016279069767441860239198803129;0.011627906976744185885142002235;0.009689922480620154904285001862;0.012790697674418604473656202458;0.042248062015503878852129560073;0.024031007751937984162626804618;0.042635658914728681578854008194;0.030620155038759689497540605885;0.008914728682170542511942201713;0.001162790697674418588514200223;0.008527131782945736315770801639;0.003875968992248061961714000745;0.019379844961240309808570003725;0.008914728682170542511942201713;0.012790697674418604473656202458;0.025968992248062015143483804991;0.056201550387596901914299962755;0.018992248062015503612398603650;0.005813953488372092942571001117;0.000775193798449612392342800149;0.019767441860465116004741403799;0.005426356589147286746399601043;0.001937984496124030980857000372;0.000000000000000000000000000000;0.013178294573643410669827602533;0.011240310077519379688970602160;0.013565891472868216865999002607;0.067054263565891475407099164840;0.041472868217054266459786759924;0.031007751937984495693712005959;0.019379844961240309808570003725
-0.020454545454545454419292838111;0.028030303030303030387138107926;0.021212121212121213403856145874;0.131060606060606071876506462104;0.153409090909090911614143237784;0.018560606060606062162054996634;0.005681818181818181975883952362;0.022727272727272727903535809446;0.006818181818181817850643700041;0.018181818181818180935049866775;0.014015151515151515193569053963;0.015530303030303029693248717535;0.009469696969696969959806587269;0.021590909090909091161414323778;0.041666666666666664353702032031;0.015909090909090907450806895440;0.004924242424242423858682382587;0.012121212121212121201607736509;0.018939393939393939919613174538;0.002651515151515151675482018234;0.011363636363636363951767904723;0.001893939393939393991961317454;0.002272727272727272616881233347;0.017803030303030303177491688871;0.028030303030303030387138107926;0.021590909090909091161414323778;0.016287878787878788677812025298;0.057196969696969697516397701520;0.002272727272727272616881233347;0.034469696969696969612861892074;0.007575757575757575967845269815;0.011363636363636363951767904723;0.006060606060606060600803868255;0.005303030303030303350964036468;0.010984848484848484459486250842;0.016287878787878788677812025298;0.004166666666666666608842550801;0.007954545454545453725403447720;0.000757575757575757575100483532;0.004924242424242423858682382587;0.007196969696969697342925353922;0.016666666666666666435370203203;0.000000000000000000000000000000;0.015909090909090907450806895440;0.038257575757575754127337575028;0.006818181818181817850643700041;0.021212121212121213403856145874;0.018939393939393939919613174538;0.008712121212121212709966755483;0.014772727272727272443408885749
-0.029268292682926830977629961694;0.002845528455284553059900787275;0.049593495934959347382076089161;0.055691056910569108895359136113;0.001626016260162601624605915873;0.009756097560975609747635495239;0.004471544715447154684506703148;0.020731707317073171797927599869;0.004471544715447154684506703148;0.048780487804878050472900952172;0.015040650406504065678126025318;0.001626016260162601624605915873;0.014227642276422763564780460399;0.058536585365853661955259923388;0.007317073170731707744407490424;0.020325203252032519873893079421;0.008536585365853659179702361826;0.010569105691056910126257584182;0.003658536585365853872203745212;0.010569105691056910126257584182;0.015447154471544715867437069790;0.004878048780487804873817747620;0.006910569105691056687734707964;0.065447154471544713438824203422;0.034146341463414636718809447302;0.060569105691056911167091669768;0.029674796747967479432217530189;0.016666666666666666435370203203;0.000000000000000000000000000000;0.001219512195121951218454436905;0.004471544715447154684506703148;0.026016260162601625993694653971;0.003252032520325203249211831746;0.013008130081300812996847326986;0.020731707317073171797927599869;0.051219512195121948139320267046;0.011788617886178862428914193572;0.013821138211382113375469415928;0.000406504065040650406151478968;0.009349593495934959558324450768;0.008943089430894309369013406297;0.004878048780487804873817747620;0.000000000000000000000000000000;0.028455284552845527129560920798;0.003252032520325203249211831746;0.026422764227642277917729174419;0.066260162601626010347999340411;0.046341463414634145867587733392;0.021544715447154472176549688811;0.027235772357723578296351263361
-0.035000000000000003330669073875;0.005416666666666666851703837438;0.054583333333333330927850113312;0.029999999999999998889776975375;0.003749999999999999861222121922;0.029999999999999998889776975375;0.002916666666666666799662133158;0.015833333333333334674852821422;0.013333333333333334189130248149;0.032500000000000001110223024625;0.018333333333333333425851918719;0.018749999999999999306110609609;0.029583333333333333009518284484;0.041666666666666664353702032031;0.004583333333333333356462979680;0.027916666666666666019036568969;0.025000000000000001387778780781;0.029166666666666667129259593594;0.010833333333333333703407674875;0.010833333333333333703407674875;0.013750000000000000069388939039;0.012500000000000000693889390391;0.021250000000000001526556658860;0.034583333333333333980963431031;0.031250000000000000000000000000;0.031250000000000000000000000000;0.025416666666666667268037471672;0.022499999999999999167332731531;0.002083333333333333304421275400;0.017500000000000001665334536938;0.012083333333333333078907223523;0.014166666666666665949647629930;0.014583333333333333564629796797;0.012083333333333333078907223523;0.032500000000000001110223024625;0.035416666666666665741480812812;0.015416666666666667059870654555;0.014583333333333333564629796797;0.001250000000000000026020852140;0.025416666666666667268037471672;0.004166666666666666608842550801;0.007083333333333332974823814965;0.000000000000000000000000000000;0.021250000000000001526556658860;0.006250000000000000346944695195;0.017083333333333332315628894094;0.035416666666666665741480812812;0.029999999999999998889776975375;0.029166666666666667129259593594;0.020000000000000000416333634234
-0.030630630630630630018007565241;0.004054054054054054279099261748;0.054504504504504502904183027567;0.000000000000000000000000000000;0.000900900900900900914770874639;0.014864864864864865690030626411;0.004054054054054054279099261748;0.020720720720720720714469464951;0.009909909909909909303538100289;0.050000000000000002775557561563;0.012612612612612612156270941455;0.005855855855855855891800576529;0.019369369369369369288103044369;0.046396396396396394345984504071;0.006756756756756757131832102914;0.017567567567567568542763467576;0.017567567567567568542763467576;0.030630630630630630018007565241;0.011711711711711711783601153058;0.009459459459459459984564944079;0.020720720720720720714469464951;0.010360360360360360357234732476;0.018018018018018017861736623786;0.063063063063063057311907755320;0.033333333333333332870740406406;0.059909909909909908609648709898;0.030630630630630630018007565241;0.004954954954954954651769050145;0.000900900900900900914770874639;0.007207207207207207318166997112;0.006756756756756757131832102914;0.023873873873873872886175462327;0.013063063063063063209967573641;0.007657657657657657504501891310;0.019369369369369369288103044369;0.056306306306306307118969556313;0.020270270270270271395496308742;0.013063063063063063209967573641;0.000450450450450450457385437320;0.017567567567567568542763467576;0.006306306306306306078135470727;0.006306306306306306078135470727;0.000000000000000000000000000000;0.033333333333333332870740406406;0.001351351351351351426366420583;0.022522522522522521459809041744;0.058108108108108111333756085060;0.031081081081081082806427673404;0.030180180180180180699034409031;0.015765765765765764327976938830
-0.032407407407407405608434913802;0.007407407407407407690103084974;0.066666666666666665741480812812;0.000000000000000000000000000000;0.000462962962962962980631442811;0.016203703703703702804217456901;0.003240740740740740647579665179;0.017129629629629630066522949505;0.020370370370370372015145221667;0.038425925925925925874526711823;0.014351851851851851749053423646;0.004629629629629629372633559115;0.017592592592592593697675695807;0.054629629629629632148191120677;0.003703703703703703845051542487;0.021296296296296295808003762318;0.023611111111111110494320541875;0.032407407407407405608434913802;0.008796296296296296848837847904;0.008796296296296296848837847904;0.013425925925925926221471407018;0.018055555555555553859381490156;0.015740740740740739173064710599;0.061111111111111109106541761093;0.028240740740740739866954100989;0.047222222222222220988641083750;0.031944444444444441977282167500;0.000462962962962962980631442811;0.001851851851851851922525771243;0.004629629629629629372633559115;0.006481481481481481295159330358;0.037499999999999998612221219219;0.008333333333333333217685101602;0.011111111111111111535154627461;0.028703703703703703498106847292;0.046759259259259257357488337448;0.013888888888888888117900677344;0.007870370370370369586532355299;0.000462962962962962980631442811;0.020833333333333332176851016015;0.006018518518518518531368322044;0.007407407407407407690103084974;0.000000000000000000000000000000;0.027777777777777776235801354687;0.002777777777777777883788656865;0.022222222222222223070309254922;0.048148148148148148250946576354;0.032407407407407405608434913802;0.034259259259259260133045899011;0.022222222222222223070309254922
-0.036249999999999997501998194593;0.007083333333333332974823814965;0.051666666666666666296592325125;0.006666666666666667094565124074;0.025833333333333333148296162562;0.017916666666666667545593227828;0.002500000000000000052041704279;0.012500000000000000693889390391;0.014999999999999999444888487687;0.034583333333333333980963431031;0.017500000000000001665334536938;0.017916666666666667545593227828;0.017500000000000001665334536938;0.040416666666666663243479007406;0.007916666666666667337426410711;0.028333333333333331899295259859;0.021666666666666667406815349750;0.028750000000000001249000902703;0.012916666666666666574148081281;0.013333333333333334189130248149;0.009583333333333332593184650250;0.019583333333333334536074943344;0.014583333333333333564629796797;0.041250000000000001942890293094;0.039166666666666669072149886688;0.037499999999999998612221219219;0.025416666666666667268037471672;0.006666666666666667094565124074;0.001250000000000000026020852140;0.023333333333333334397297065266;0.010416666666666666088425508008;0.021250000000000001526556658860;0.007916666666666667337426410711;0.009166666666666666712925959359;0.040416666666666663243479007406;0.039583333333333331482961625625;0.012500000000000000693889390391;0.017916666666666667545593227828;0.002916666666666666799662133158;0.037083333333333336201409480282;0.005833333333333333599324266316;0.006250000000000000346944695195;0.000000000000000000000000000000;0.025833333333333333148296162562;0.008333333333333333217685101602;0.017500000000000001665334536938;0.034583333333333333980963431031;0.029583333333333333009518284484;0.022499999999999999167332731531;0.015833333333333334674852821422
-0.035897435897435894802676159543;0.002136752136752136967123849587;0.064957264957264962412786246659;0.001282051282051282050170049054;0.012820512820512820068019621544;0.015384615384615385469402326635;0.002136752136752136967123849587;0.013247863247863247634916739059;0.020940170940170938634894426400;0.028205128205128205537421948179;0.015811965811965811301575968173;0.018376068376068376702958673263;0.017948717948717947401338079771;0.058119658119658121342432366419;0.004273504273504273934247699174;0.019230769230769231836752908293;0.015384615384615385469402326635;0.022649572649572648902482896460;0.006837606837606837600906928287;0.014957264957264957902505209120;0.010256410256410256401360392431;0.010683760683760683968257509946;0.017521367521367521569164438233;0.041452991452991451437615211262;0.029059829059829060671216183209;0.039316239316239315337853099663;0.026068376068376069437659836581;0.005982905982905983334474431246;0.002564102564102564100340098108;0.021367521367521367936515019892;0.009829059829059828834463274916;0.021367521367521367936515019892;0.003418803418803418800453464144;0.013247863247863247634916739059;0.043589743589743587537377322860;0.038461538461538463673505816587;0.010256410256410256401360392431;0.008119658119658120301598280832;0.003846153846153846367350581659;0.032905982905982907038566764868;0.005555555555555555767577313730;0.016666666666666666435370203203;0.000000000000000000000000000000;0.023931623931623933337897724982;0.002991452991452991667237215623;0.017094017094017095736990796695;0.049145299145299144172316374579;0.041452991452991451437615211262;0.043162393162393161705203681322;0.020085470085470086970547143324
-0.028301886792452830843291877727;0.003773584905660377387948134498;0.055031446540880504803006090242;0.077987421383647795303240002340;0.004088050314465408764663667540;0.017610062893081760565516802330;0.006289308176100629269034136826;0.015723270440251572305223604076;0.012893081761006289914783806694;0.027672955974842768089860811642;0.013207547169811321291499339736;0.010062893081761005789620533335;0.026415094339622642582998679472;0.046226415094339619316077261146;0.006918238993710692022465202911;0.016037735849056603681939137118;0.020754716981132074332672132755;0.021383647798742137086103198840;0.005345911949685534271525799710;0.016037735849056603681939137118;0.012264150943396227161352740609;0.012578616352201258538068273651;0.012578616352201258538068273651;0.042767295597484274172206397679;0.033018867924528301494024873364;0.031761006289308175987162741194;0.022327044025157231216249797967;0.022955974842767293969680864052;0.005660377358490565648241332752;0.006289308176100629269034136826;0.006918238993710692022465202911;0.020754716981132074332672132755;0.007861635220125786152611802038;0.010062893081761005789620533335;0.038679245283018866274904468128;0.037106918238993709391326802916;0.009119496855345911659473934208;0.011006289308176099919767132462;0.001572327044025157317258534206;0.030188679245283019103585075982;0.002515723270440251447405133334;0.007861635220125786152611802038;0.000000000000000000000000000000;0.029874213836477987726869542939;0.003773584905660377387948134498;0.021069182389937105709387665797;0.041823899371069180042059798552;0.032075471698113207363878274236;0.034591194968553458377602538576;0.019182389937106917449094467543
-0.019496855345911948825810000585;0.011949685534591195784637207566;0.059119496855345912700308019794;0.202515723270440262115954510591;0.003773584905660377387948134498;0.011006289308176099919767132462;0.004716981132075471518094733625;0.025471698113207548452852080345;0.012264150943396227161352740609;0.033962264150943395624171472491;0.006918238993710692022465202911;0.004088050314465408764663667540;0.006603773584905660645749669868;0.036792452830188678014611269873;0.022955974842767293969680864052;0.017924528301886791942232335373;0.020125786163522011579241066670;0.021383647798742137086103198840;0.006289308176100629269034136826;0.005974842767295597892318603783;0.015094339622641509551792537991;0.010377358490566037166336066377;0.004088050314465408764663667540;0.038679245283018866274904468128;0.025471698113207548452852080345;0.041823899371069180042059798552;0.028301886792452830843291877727;0.015408805031446540928508071033;0.001257861635220125723702566667;0.004402515723270440141379200583;0.005345911949685534271525799710;0.022955974842767293969680864052;0.004088050314465408764663667540;0.009433962264150943036189467250;0.011006289308176099919767132462;0.033962264150943395624171472491;0.008490566037735848906042868123;0.009119496855345911659473934208;0.001257861635220125723702566667;0.010377358490566037166336066377;0.008176100628930817529327335080;0.006918238993710692022465202911;0.000000000000000000000000000000;0.021069182389937105709387665797;0.010062893081761005789620533335;0.015408805031446540928508071033;0.050628930817610065528988627648;0.022955974842767293969680864052;0.009748427672955974412905000293;0.020754716981132074332672132755
-0.044827586206896551102030201719;0.002298850574712643646257959062;0.055747126436781611891202459219;0.004885057471264367748298163008;0.000287356321839080455782244883;0.012643678160919540054418774844;0.005459770114942528659862652773;0.016666666666666666435370203203;0.007758620689655172306120611836;0.029597701149425288680294698906;0.018678160919540231360569393360;0.007183908045977011394556122070;0.019540229885057470993192652031;0.062931034482758621551035105313;0.002298850574712643646257959062;0.042241379310344828734713473750;0.016954022988505748625875924063;0.019540229885057470993192652031;0.005172413793103448204080407891;0.015517241379310344612241223672;0.016379310344827587714311434297;0.008620689655172413673467346484;0.014942528735632183700676733906;0.041379310344827585632643263125;0.042528735632183907455772242656;0.043103448275862071836783684375;0.028448275862068966857165719375;0.000000000000000000000000000000;0.002011494252873563190475714180;0.002298850574712643646257959062;0.006321839080459770027209387422;0.020977011494252875006827352422;0.005459770114942528659862652773;0.012356321839080459598636529961;0.040229885057471263809514283594;0.038218390804597698884315093437;0.017528735632183909537440413828;0.024425287356321840476214291016;0.000574712643678160911564489766;0.024425287356321840476214291016;0.005172413793103448204080407891;0.002298850574712643646257959062;0.000000000000000000000000000000;0.026724137931034484122472250078;0.000574712643678160911564489766;0.026149425287356323210907760313;0.051436781609195403319745310000;0.047126436781609194748288160781;0.037356321839080462721138786719;0.022701149425287357741520821719
-0.046376811594202899113881244375;0.002173913043478260895963183330;0.085144927536231887477136126563;0.000000000000000000000000000000;0.000000000000000000000000000000;0.017753623188405797533873098359;0.000724637681159420298654394443;0.013043478260869564508417361992;0.010144927536231883313799784219;0.038768115942028988363254882188;0.021014492753623187359934831875;0.004347826086956521791926366660;0.006521739130434782254208680996;0.067028985507246383046542348438;0.002173913043478260895963183330;0.044927536231884057649210717500;0.026086956521739129016834723984;0.018478260869565218266208361797;0.004710144927536232158093998379;0.010144927536231883313799784219;0.010507246376811593679967415937;0.011231884057971014412302679375;0.007246376811594202986543944434;0.040942028985507243621366768593;0.046014492753623188747713612656;0.060507246376811596455524977500;0.026811594202898549749169987422;0.000000000000000000000000000000;0.000000000000000000000000000000;0.001086956521739130447981591665;0.008333333333333333217685101602;0.023188405797101449556940622188;0.002898550724637681194617577773;0.009057971014492753950020365039;0.019565217391304349364711256953;0.050000000000000002775557561563;0.010507246376811593679967415937;0.019565217391304349364711256953;0.000362318840579710149327197222;0.016666666666666666435370203203;0.002536231884057970828449946055;0.002173913043478260895963183330;0.000000000000000000000000000000;0.022463768115942028824605358750;0.000362318840579710149327197222;0.012318840579710145510805574531;0.069202898550724631365760330937;0.049275362318840582043222298125;0.023188405797101449556940622188;0.034420289855072463969243301563
-0.020370370370370372015145221667;0.021111111111111111743321444578;0.060370370370370372847812490136;0.007407407407407407690103084974;0.004444444444444444440589503387;0.010000000000000000208166817117;0.015185185185185185244294281404;0.018888888888888889089345823891;0.032962962962962964741375770927;0.030740740740740742087400150240;0.010740740740740739936343040029;0.009259259259259258745267118229;0.010370370370370370072254928573;0.037037037037037034981068472916;0.023333333333333334397297065266;0.018518518518518517490534236458;0.036296296296296298722339201959;0.046296296296296293726335591145;0.007037037037037036958653235530;0.008518518518518519017090895318;0.012222222222222222862142437805;0.032222222222222221543752596062;0.013333333333333334189130248149;0.044074074074074071072359970458;0.015555555555555555108382392859;0.037037037037037034981068472916;0.027407407407407408106436719208;0.003703703703703703845051542487;0.010000000000000000208166817117;0.007407407407407407690103084974;0.009259259259259258745267118229;0.035185185185185187395351391615;0.005185185185185185036127464286;0.010370370370370370072254928573;0.022222222222222223070309254922;0.045925925925925925596970955667;0.006296296296296296363115274630;0.011851851851851851263330850372;0.001851851851851851922525771243;0.040000000000000000832667268469;0.007037037037037036958653235530;0.017037037037037038034181790636;0.000000000000000000000000000000;0.028888888888888887562789165031;0.005185185185185185036127464286;0.025925925925925925180637321432;0.038888888888888889505679458125;0.024074074074074074125473288177;0.020370370370370372015145221667;0.012592592592592592726230549260
-0.023333333333333334397297065266;0.000416666666666666693410320255;0.066666666666666665741480812812;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005416666666666666851703837438;0.001250000000000000026020852140;0.020833333333333332176851016015;0.009166666666666666712925959359;0.067500000000000004440892098501;0.004583333333333333356462979680;0.000000000000000000000000000000;0.007083333333333332974823814965;0.068750000000000005551115123126;0.001250000000000000026020852140;0.007916666666666667337426410711;0.023750000000000000277555756156;0.022916666666666665047591422422;0.001250000000000000026020852140;0.010000000000000000208166817117;0.012916666666666666574148081281;0.022499999999999999167332731531;0.010416666666666666088425508008;0.089166666666666671847707448251;0.016666666666666666435370203203;0.052499999999999998057109706906;0.022916666666666665047591422422;0.000416666666666666693410320255;0.003333333333333333547282562037;0.000416666666666666693410320255;0.001666666666666666773641281019;0.041250000000000001942890293094;0.002916666666666666799662133158;0.011249999999999999583666365766;0.025416666666666667268037471672;0.070833333333333331482961625625;0.017083333333333332315628894094;0.004166666666666666608842550801;0.001250000000000000026020852140;0.028333333333333331899295259859;0.004166666666666666608842550801;0.003749999999999999861222121922;0.000000000000000000000000000000;0.046666666666666668794594130532;0.000000000000000000000000000000;0.022499999999999999167332731531;0.076249999999999998334665463062;0.030416666666666668239482618219;0.021250000000000001526556658860;0.017500000000000001665334536938
-0.034722222222222223764198645313;0.008680555555555555941049661328;0.062152777777777779011358916250;0.011111111111111111535154627461;0.001388888888888888941894328433;0.025694444444444443365060948281;0.001388888888888888941894328433;0.015277777777777777276635440273;0.007986111111111110494320541875;0.039236111111111110494320541875;0.016666666666666666435370203203;0.013888888888888888117900677344;0.012152777777777777970524830664;0.068750000000000005551115123126;0.005555555555555555767577313730;0.026388888888888888811790067734;0.017013888888888887424011286953;0.027777777777777776235801354687;0.005902777777777777623580135469;0.012152777777777777970524830664;0.009722222222222222376419864531;0.012847222222222221682530474141;0.009722222222222222376419864531;0.042361111111111113269878103438;0.044791666666666667129259593594;0.045833333333333330095182844843;0.026736111111111109800431151484;0.003472222222222222029475169336;0.000000000000000000000000000000;0.009374999999999999653055304805;0.013888888888888888117900677344;0.022916666666666665047591422422;0.005208333333333333044212754004;0.011805555555555555247160270937;0.022222222222222223070309254922;0.051041666666666665741480812812;0.012500000000000000693889390391;0.014236111111111110841265237070;0.000000000000000000000000000000;0.009722222222222222376419864531;0.003125000000000000173472347598;0.003472222222222222029475169336;0.000000000000000000000000000000;0.023958333333333334952408577578;0.002777777777777777883788656865;0.015972222222222220988641083750;0.060069444444444446140618509844;0.049652777777777774848022573906;0.029861111111111112575988713047;0.028819444444444446140618509844
-0.030059523809523810283783618047;0.006845238095238095205052886172;0.052678571428571428769682682969;0.002083333333333333304421275400;0.004761904761904762334312479766;0.010714285714285714384841341484;0.002083333333333333304421275400;0.030952380952380953438307642500;0.005952380952380952050528861719;0.043749999999999997224442438437;0.013095238095238095551997581367;0.003869047619047619179788455313;0.012202380952380952397473556914;0.061904761904761906876615285000;0.013392857142857142113689938867;0.022023809523809525362514349922;0.013690476190476190410105772344;0.028571428571428570536427926640;0.013392857142857142113689938867;0.009226190476190476372209126055;0.013988095238095238706521605820;0.006547619047619047775998790684;0.014583333333333333564629796797;0.054761904761904761640423089375;0.031547619047619046561692357500;0.055654761904761901325500161875;0.034226190476190479494711382813;0.003571428571428571317053490830;0.000297619047619047645894529985;0.007738095238095238359576910625;0.002678571428571428596210335371;0.025000000000000001387778780781;0.010416666666666666088425508008;0.012500000000000000693889390391;0.024404761904761904794947113828;0.058928571428571427381903902187;0.014880952380952380126322154297;0.005654761904761904621474766230;0.000297619047619047645894529985;0.013095238095238095551997581367;0.005357142857142857192420670742;0.001488095238095238012632215430;0.000000000000000000000000000000;0.026785714285714284227379877734;0.006547619047619047775998790684;0.013690476190476190410105772344;0.072619047619047624730903578438;0.046428571428571430157461463750;0.030654761904761903407168333047;0.024404761904761904794947113828
-0.028888888888888887562789165031;0.020000000000000000416333634234;0.049629629629629627707299022177;0.003703703703703703845051542487;0.003333333333333333547282562037;0.014074074074074073917306471060;0.004814814814814815172039352831;0.038518518518518521376314822646;0.012592592592592592726230549260;0.019259259259259260688157411323;0.025555555555555557051272685953;0.008148148148148147418279307885;0.028888888888888887562789165031;0.027777777777777776235801354687;0.024444444444444445724284875610;0.012592592592592592726230549260;0.022222222222222223070309254922;0.046296296296296293726335591145;0.018888888888888889089345823891;0.008148148148148147418279307885;0.022962962962962962798485477833;0.010740740740740739936343040029;0.031851851851851853414387960584;0.029999999999999998889776975375;0.024814814814814813853649511088;0.031851851851851853414387960584;0.045555555555555557467606320188;0.010370370370370370072254928573;0.002962962962962962815832712593;0.011481481481481481399242738917;0.004814814814814815172039352831;0.019629629629629628817522046802;0.025185185185185185452461098521;0.010370370370370370072254928573;0.035185185185185187395351391615;0.031851851851851853414387960584;0.016666666666666666435370203203;0.010000000000000000208166817117;0.002592592592592592518063732143;0.025925925925925925180637321432;0.010370370370370370072254928573;0.009629629629629630344078705662;0.000000000000000000000000000000;0.021481481481481479872686080057;0.011111111111111111535154627461;0.021481481481481479872686080057;0.023703703703703702526661700745;0.013333333333333334189130248149;0.050000000000000002775557561563;0.016296296296296294836558615771
-0.033796296296296296501893152708;0.005092592592592593003786305417;0.050925925925925923098969150260;0.199074074074074069962136945833;0.001388888888888888941894328433;0.012500000000000000693889390391;0.003703703703703703845051542487;0.015277777777777777276635440273;0.004166666666666666608842550801;0.024537037037037037756626034479;0.017129629629629630066522949505;0.005092592592592593003786305417;0.012500000000000000693889390391;0.065277777777777781786916477813;0.018518518518518517490534236458;0.015740740740740739173064710599;0.009722222222222222376419864531;0.012962962962962962590318660716;0.011111111111111111535154627461;0.010185185185185186007572610833;0.009722222222222222376419864531;0.003703703703703703845051542487;0.006018518518518518531368322044;0.036111111111111107718762980312;0.026388888888888888811790067734;0.046759259259259257357488337448;0.031481481481481478346129421197;0.002777777777777777883788656865;0.000462962962962962980631442811;0.006481481481481481295159330358;0.002314814814814814686316779557;0.013888888888888888117900677344;0.004166666666666666608842550801;0.006481481481481481295159330358;0.025462962962962961549484575130;0.028703703703703703498106847292;0.011111111111111111535154627461;0.008796296296296296848837847904;0.000000000000000000000000000000;0.011574074074074073431583897786;0.003703703703703703845051542487;0.000925925925925925961262885622;0.000000000000000000000000000000;0.015740740740740739173064710599;0.006944444444444444058950338672;0.011111111111111111535154627461;0.056018518518518516102755455677;0.042129629629629627984854778333;0.025000000000000001387778780781;0.027314814814814816074095560339
-0.016296296296296294836558615771;0.004444444444444444440589503387;0.022592592592592591199673890401;0.405925925925925912274294660165;0.002962962962962962815832712593;0.009629629629629630344078705662;0.009629629629629630344078705662;0.017037037037037038034181790636;0.003703703703703703845051542487;0.016666666666666666435370203203;0.011851851851851851263330850372;0.005185185185185185036127464286;0.009629629629629630344078705662;0.025555555555555557051272685953;0.025925925925925925180637321432;0.016296296296296294836558615771;0.009259259259259258745267118229;0.009629629629629630344078705662;0.010000000000000000208166817117;0.005185185185185185036127464286;0.015925925925925926707193980292;0.006666666666666667094565124074;0.003333333333333333547282562037;0.022592592592592591199673890401;0.017407407407407406163546426114;0.026666666666666668378260496297;0.023703703703703702526661700745;0.001481481481481481407916356297;0.003703703703703703845051542487;0.008518518518518519017090895318;0.004814814814814815172039352831;0.015185185185185185244294281404;0.005925925925925925631665425186;0.010370370370370370072254928573;0.011111111111111111535154627461;0.025925925925925925180637321432;0.005925925925925925631665425186;0.009259259259259258745267118229;0.000740740740740740703958178148;0.006296296296296296363115274630;0.007037037037037036958653235530;0.004444444444444444440589503387;0.000000000000000000000000000000;0.018518518518518517490534236458;0.011851851851851851263330850372;0.012222222222222222862142437805;0.026666666666666668378260496297;0.020000000000000000416333634234;0.017777777777777777762358013547;0.018518518518518517490534236458
-0.044318181818181819064950133225;0.010227272727272727209646419055;0.024621212121212120160773650923;0.008333333333333333217685101602;0.007196969696969697342925353922;0.076893939393939389481680279914;0.002272727272727272616881233347;0.015151515151515151935690539631;0.001893939393939393991961317454;0.020454545454545454419292838111;0.021969696969696968918972501683;0.018181818181818180935049866775;0.058333333333333334258519187188;0.048863636363636366033436075895;0.010606060606060606701928072937;0.036363636363636361870099733551;0.007196969696969697342925353922;0.015530303030303029693248717535;0.014015151515151515193569053963;0.003030303030303030300401934127;0.011363636363636363951767904723;0.005303030303030303350964036468;0.004166666666666666608842550801;0.034848484848484850839867021932;0.061742424242424244484883644191;0.039015151515151516581347834745;0.027272727272727271402574800163;0.003409090909090908925321850020;0.001136363636363636308440616673;0.044696969696969700291955263083;0.011363636363636363951767904723;0.018939393939393939919613174538;0.014393939393939394685850707845;0.012878787878787878451447568295;0.027272727272727271402574800163;0.025000000000000001387778780781;0.011363636363636363951767904723;0.015530303030303029693248717535;0.000757575757575757575100483532;0.010227272727272727209646419055;0.002272727272727272616881233347;0.002651515151515151675482018234;0.000000000000000000000000000000;0.016287878787878788677812025298;0.006439393939393939225723784148;0.010606060606060606701928072937;0.036363636363636361870099733551;0.042803030303030301095823517699;0.026136363636363634660453314495;0.030303030303030303871381079261
-0.045925925925925925596970955667;0.008888888888888888881179006773;0.068518518518518520266091798021;0.030370370370370370488588562807;0.000000000000000000000000000000;0.003703703703703703845051542487;0.000370370370370370351979089074;0.016296296296296294836558615771;0.005555555555555555767577313730;0.062592592592592588562894206916;0.012962962962962962590318660716;0.001851851851851851922525771243;0.002962962962962962815832712593;0.066666666666666665741480812812;0.005185185185185185036127464286;0.023333333333333334397297065266;0.017777777777777777762358013547;0.017407407407407406163546426114;0.004444444444444444440589503387;0.013333333333333334189130248149;0.014814814814814815380206169948;0.007037037037037036958653235530;0.003333333333333333547282562037;0.081111111111111106053428443374;0.027407407407407408106436719208;0.072592592592592597444678403917;0.021481481481481479872686080057;0.003703703703703703845051542487;0.000740740740740740703958178148;0.001481481481481481407916356297;0.002222222222222222220294751693;0.027777777777777776235801354687;0.001851851851851851922525771243;0.005925925925925925631665425186;0.012962962962962962590318660716;0.061481481481481484174800300480;0.013333333333333334189130248149;0.012592592592592592726230549260;0.000000000000000000000000000000;0.005925925925925925631665425186;0.005555555555555555767577313730;0.007407407407407407690103084974;0.000000000000000000000000000000;0.035925925925925923654080662573;0.000000000000000000000000000000;0.023703703703703702526661700745;0.057777777777777775125578330062;0.042962962962962959745372160114;0.016296296296296294836558615771;0.024444444444444445724284875610
-0.038333333333333330372738601000;0.015416666666666667059870654555;0.025416666666666667268037471672;0.028750000000000001249000902703;0.042500000000000003053113317719;0.028333333333333331899295259859;0.005000000000000000104083408559;0.036666666666666666851703837438;0.003333333333333333547282562037;0.017083333333333332315628894094;0.020000000000000000416333634234;0.016666666666666666435370203203;0.021666666666666667406815349750;0.025000000000000001387778780781;0.035416666666666665741480812812;0.021250000000000001526556658860;0.008333333333333333217685101602;0.028750000000000001249000902703;0.031666666666666669349705642844;0.002500000000000000052041704279;0.020000000000000000416333634234;0.003333333333333333547282562037;0.009583333333333332593184650250;0.037083333333333336201409480282;0.028333333333333331899295259859;0.029999999999999998889776975375;0.039583333333333331482961625625;0.022499999999999999167332731531;0.002083333333333333304421275400;0.035000000000000003330669073875;0.012500000000000000693889390391;0.018749999999999999306110609609;0.015833333333333334674852821422;0.010833333333333333703407674875;0.027083333333333334258519187188;0.032500000000000001110223024625;0.009583333333333332593184650250;0.013333333333333334189130248149;0.000416666666666666693410320255;0.009166666666666666712925959359;0.012916666666666666574148081281;0.002083333333333333304421275400;0.000000000000000000000000000000;0.020416666666666666296592325125;0.031250000000000000000000000000;0.017500000000000001665334536938;0.025833333333333333148296162562;0.021250000000000001526556658860;0.023333333333333334397297065266;0.015833333333333334674852821422
-0.016666666666666666435370203203;0.005555555555555555767577313730;0.119444444444444450303954852188;0.001984126984126984016842953906;0.005158730158730158617264027754;0.007539682539682539784420267637;0.000396825396825396825052634231;0.030555555555555554553270880547;0.021031746031746033354092872969;0.056746031746031745657266043281;0.011507936507936508685467913438;0.005952380952380952050528861719;0.004365079365079365183999193789;0.055158730158730157056012899375;0.009126984126984127518311673555;0.019047619047619049337249919063;0.048015873015873018758714607657;0.030555555555555554553270880547;0.009126984126984127518311673555;0.005952380952380952050528861719;0.008333333333333333217685101602;0.020238095238095239053466301016;0.001190476190476190583578119941;0.072222222222222215437525960624;0.023015873015873017370935826875;0.028968253968253969421464688594;0.032539682539682542039560786407;0.005555555555555555767577313730;0.001587301587301587300210536924;0.003968253968253968033685907812;0.002380952380952381167156239883;0.044841269841269841556208319844;0.003174603174603174600421073848;0.009523809523809524668624959531;0.005158730158730158617264027754;0.096031746031746037517429215313;0.007936507936507936067371815625;0.008333333333333333217685101602;0.000000000000000000000000000000;0.006349206349206349200842147695;0.011904761904761904101057723437;0.001984126984126984016842953906;0.000000000000000000000000000000;0.024603174603174602502742018828;0.003571428571428571317053490830;0.017063492063492061850960013203;0.057936507936507938842929377188;0.017857142857142856151586585156;0.006746031746031746351155433672;0.013095238095238095551997581367
-0.018402777777777778317469525859;0.005208333333333333044212754004;0.032291666666666669904817155157;0.333333333333333314829616256247;0.004861111111111111188209932266;0.015972222222222220988641083750;0.008333333333333333217685101602;0.015277777777777777276635440273;0.007291666666666666782314898398;0.020833333333333332176851016015;0.011458333333333332523795711211;0.008333333333333333217685101602;0.007986111111111110494320541875;0.019097222222222223764198645313;0.024305555555555555941049661328;0.015625000000000000000000000000;0.015625000000000000000000000000;0.019097222222222223764198645313;0.014930555555555556287994356524;0.003125000000000000173472347598;0.015277777777777777276635440273;0.008680555555555555941049661328;0.006250000000000000346944695195;0.031944444444444441977282167500;0.023611111111111110494320541875;0.025000000000000001387778780781;0.020833333333333332176851016015;0.003472222222222222029475169336;0.003819444444444444319158860068;0.011458333333333332523795711211;0.007638888888888888638317720137;0.022916666666666665047591422422;0.003472222222222222029475169336;0.016319444444444445446729119453;0.011458333333333332523795711211;0.030902777777777779011358916250;0.006944444444444444058950338672;0.019444444444444444752839729063;0.001041666666666666652210637700;0.007291666666666666782314898398;0.006597222222222222202947516934;0.002083333333333333304421275400;0.000000000000000000000000000000;0.020138888888888890199568848516;0.014583333333333333564629796797;0.015625000000000000000000000000;0.021180555555555556634939051719;0.014236111111111110841265237070;0.012152777777777777970524830664;0.014236111111111110841265237070
-0.030630630630630630018007565241;0.025225225225225224312541882909;0.036936936936936934361419559991;0.004054054054054054279099261748;0.004954954954954954651769050145;0.018918918918918919969129888159;0.013963963963963963582637362038;0.027927927927927927165274724075;0.026126126126126126419935147283;0.018468468468468467180709779996;0.013063063063063063209967573641;0.009009009009009008930868311893;0.018018018018018017861736623786;0.018918918918918919969129888159;0.019819819819819818607076200578;0.015765765765765764327976938830;0.031081081081081082806427673404;0.060360360360360361398068818062;0.027477477477477477846301567865;0.007657657657657657504501891310;0.023423423423423423567202306117;0.021621621621621622821862729324;0.028828828828828829272667988448;0.022972972972972974248229149907;0.018918918918918919969129888159;0.028828828828828829272667988448;0.030180180180180180699034409031;0.011711711711711711783601153058;0.001351351351351351426366420583;0.016666666666666666435370203203;0.008558558558558557877171679706;0.017567567567567568542763467576;0.016666666666666666435370203203;0.007207207207207207318166997112;0.027927927927927927165274724075;0.043243243243243245643725458649;0.013513513513513514263664205828;0.013963963963963963582637362038;0.012612612612612612156270941455;0.036486486486486488511893355735;0.010810810810810811410931364662;0.024774774774774774993568726700;0.000000000000000000000000000000;0.020720720720720720714469464951;0.011261261261261260729904520872;0.045495495495495495708038191651;0.007657657657657657504501891310;0.007207207207207207318166997112;0.032882882882882880082320298243;0.008558558558558557877171679706
-0.037209302325581394832454407151;0.019379844961240309808570003725;0.061627906976744188660699563798;0.005038759689922480550228200968;0.005813953488372092942571001117;0.017441860465116278827713003352;0.003875968992248061961714000745;0.032170542635658917751673158136;0.010852713178294573492799202086;0.028682170542635658516683605512;0.025968992248062015143483804991;0.009302325581395348708113601788;0.015503875968992247846856002980;0.042248062015503878852129560073;0.022093023255813953181769804246;0.017829457364341085023884403427;0.015503875968992247846856002980;0.049224806201550390383214761414;0.021705426356589146985598404171;0.012790697674418604473656202458;0.018992248062015503612398603650;0.005426356589147286746399601043;0.010077519379844961100456401937;0.032945736434108530144015958285;0.031395348837209305359330357987;0.041472868217054266459786759924;0.048449612403100777990871961265;0.033333333333333332870740406406;0.000000000000000000000000000000;0.013178294573643410669827602533;0.003875968992248061961714000745;0.014728682170542635454513202831;0.015891472868217054043027403054;0.005038759689922480550228200968;0.020542635658914728397084203948;0.042635658914728681578854008194;0.019767441860465116004741403799;0.009689922480620154904285001862;0.000387596899224806196171400074;0.006976744186046511531085201341;0.012015503875968992081313402309;0.006589147286821705334913801266;0.000000000000000000000000000000;0.015503875968992247846856002980;0.013953488372093023062170402682;0.013953488372093023062170402682;0.032170542635658917751673158136;0.024418604651162790358798204693;0.036434108527131782440111607002;0.015891472868217054043027403054
-0.029365079365079364837054498594;0.022619047619047618485899064922;0.029365079365079364837054498594;0.046031746031746034741871653750;0.057539682539682536488445663281;0.019841269841269840168429539062;0.004761904761904762334312479766;0.029365079365079364837054498594;0.014682539682539682418527249297;0.023412698412698412786525636875;0.017857142857142856151586585156;0.017460317460317460735996775156;0.009920634920634920084214769531;0.020238095238095239053466301016;0.037301587301587300904426314219;0.015079365079365079568840535273;0.015476190476190476719153821250;0.023809523809523808202115446875;0.031746031746031744269487262500;0.004761904761904762334312479766;0.023412698412698412786525636875;0.011111111111111111535154627461;0.006349206349206349200842147695;0.022619047619047618485899064922;0.027380952380952380820211544687;0.029761904761904760252644308594;0.027777777777777776235801354687;0.059523809523809520505288617187;0.000793650793650793650105268462;0.036111111111111107718762980312;0.015476190476190476719153821250;0.016666666666666666435370203203;0.015873015873015872134743631250;0.007142857142857142634106981660;0.013095238095238095551997581367;0.026190476190476191103995162734;0.011111111111111111535154627461;0.009523809523809524668624959531;0.003571428571428571317053490830;0.007936507936507936067371815625;0.013888888888888888117900677344;0.011507936507936508685467913438;0.000000000000000000000000000000;0.015079365079365079568840535273;0.035714285714285712303173170312;0.010317460317460317234528055508;0.021428571428571428769682682969;0.016666666666666666435370203203;0.019047619047619049337249919063;0.014285714285714285268213963320
-0.030620155038759689497540605885;0.018992248062015503612398603650;0.034883720930232557655426006704;0.166279069767441861626977583910;0.013953488372093023062170402682;0.023643410852713177966455404544;0.004263565891472868157885400819;0.015503875968992247846856002980;0.019767441860465116004741403799;0.015503875968992247846856002980;0.012403100775193798277484802384;0.018604651162790697416227203576;0.024418604651162790358798204693;0.020930232558139534593255604022;0.018604651162790697416227203576;0.023643410852713177966455404544;0.015891472868217054043027403054;0.031395348837209305359330357987;0.017054263565891472631541603278;0.006589147286821705334913801266;0.010852713178294573492799202086;0.016279069767441860239198803129;0.009689922480620154904285001862;0.024806201550387596554969604767;0.030232558139534883301369205810;0.027906976744186046124340805363;0.014728682170542635454513202831;0.046511627906976743540568008939;0.001550387596899224784685600298;0.023255813953488371770284004469;0.016666666666666666435370203203;0.011240310077519379688970602160;0.006976744186046511531085201341;0.005813953488372092942571001117;0.024418604651162790358798204693;0.023255813953488371770284004469;0.008139534883720930119599401564;0.014341085271317829258341802756;0.008527131782945736315770801639;0.023643410852713177966455404544;0.004651162790697674354056800894;0.012015503875968992081313402309;0.000000000000000000000000000000;0.011627906976744185885142002235;0.009302325581395348708113601788;0.010077519379844961100456401937;0.020542635658914728397084203948;0.018604651162790697416227203576;0.018992248062015503612398603650;0.012403100775193798277484802384
-0.025193798449612402751141004842;0.005813953488372092942571001117;0.072480620155038755214604861976;0.050000000000000002775557561563;0.003488372093023255765542600670;0.018604651162790697416227203576;0.004263565891472868157885400819;0.020930232558139534593255604022;0.012790697674418604473656202458;0.027906976744186046124340805363;0.015116279069767441650684602905;0.014341085271317829258341802756;0.017829457364341085023884403427;0.048449612403100777990871961265;0.008139534883720930119599401564;0.021317829457364340789427004097;0.026744186046511627535826605140;0.031007751937984495693712005959;0.012403100775193798277484802384;0.011240310077519379688970602160;0.018217054263565891220055803501;0.018217054263565891220055803501;0.009689922480620154904285001862;0.035658914728682170047768806853;0.031395348837209305359330357987;0.035658914728682170047768806853;0.033333333333333332870740406406;0.005813953488372092942571001117;0.002713178294573643373199800521;0.013178294573643410669827602533;0.012403100775193798277484802384;0.023643410852713177966455404544;0.006589147286821705334913801266;0.011240310077519379688970602160;0.025581395348837208947312404916;0.052325581395348839952585962010;0.013178294573643410669827602533;0.009689922480620154904285001862;0.003100775193798449569371200596;0.023643410852713177966455404544;0.004651162790697674354056800894;0.003875968992248061961714000745;0.000000000000000000000000000000;0.018217054263565891220055803501;0.004263565891472868157885400819;0.009302325581395348708113601788;0.048449612403100777990871961265;0.028294573643410852320512205438;0.029844961240310077105197805736;0.019767441860465116004741403799
-0.036999999999999998168132009368;0.019666666666666665630458510350;0.025999999999999998806510248528;0.126000000000000000888178419700;0.007333333333333333196868419890;0.022333333333333333509118645566;0.013333333333333334189130248149;0.027333333333333334480563792113;0.010333333333333333259318465025;0.018999999999999999528155214534;0.018999999999999999528155214534;0.017000000000000001221245327088;0.012999999999999999403255124264;0.018333333333333333425851918719;0.014999999999999999444888487687;0.025666666666666667490082076597;0.014000000000000000291433543964;0.027666666666666665796991964044;0.031666666666666669349705642844;0.004333333333333333134418374755;0.035000000000000003330669073875;0.010999999999999999361621760841;0.013666666666666667240281896056;0.023666666666666665713725237197;0.035666666666666665963525417737;0.032666666666666663298990158637;0.021999999999999998723243521681;0.013666666666666667240281896056;0.002666666666666666577617528233;0.020000000000000000416333634234;0.019333333333333334314030338419;0.009666666666666667157015169209;0.010999999999999999361621760841;0.007000000000000000145716771982;0.017333333333333332537673499019;0.024333333333333331816028533012;0.010666666666666666310470112933;0.024333333333333331816028533012;0.003000000000000000062450045135;0.017666666666666667323548622903;0.014000000000000000291433543964;0.010333333333333333259318465025;0.000000000000000000000000000000;0.022999999999999999611421941381;0.012333333333333333300951828448;0.026999999999999999694688668228;0.016666666666666666435370203203;0.017666666666666667323548622903;0.017666666666666667323548622903;0.012999999999999999403255124264
-0.024122807017543858310038018544;0.003070175438596491231113549958;0.023684210526315790240614589379;0.541228070175438613631513362634;0.002631578947368420993285775822;0.014035087719298245875765296375;0.002631578947368420993285775822;0.010087719298245614168996198146;0.008333333333333333217685101602;0.011403508771929825316160389548;0.011842105263157895120307294690;0.006140350877192982462227099916;0.017543859649122806043664013487;0.014912280701754385484059106659;0.012719298245614034728601104973;0.011403508771929825316160389548;0.004385964912280701510916003372;0.011403508771929825316160389548;0.009649122807017544364849293004;0.003947368421052631706769098230;0.007894736842105263413538196460;0.002631578947368420993285775822;0.003947368421052631706769098230;0.013596491228070176071618391234;0.022368421052631579093450397977;0.021929824561403507554580016858;0.016228070175438594896499822084;0.000877192982456140367235331023;0.001315789473684210496642887911;0.005701754385964912658080194774;0.005263157894736841986571551644;0.005263157894736841986571551644;0.004385964912280701510916003372;0.008333333333333333217685101602;0.013157894736842104532748010115;0.014035087719298245875765296375;0.004824561403508772182424646502;0.010526315789473683973143103287;0.000438596491228070183617665512;0.007894736842105263413538196460;0.003947368421052631706769098230;0.002631578947368420993285775822;0.000000000000000000000000000000;0.008771929824561403021832006743;0.010526315789473683973143103287;0.008333333333333333217685101602;0.017105263157894737974240584322;0.012280701754385964924454199831;0.008333333333333333217685101602;0.012280701754385964924454199831
-0.023728813559322034509868615260;0.009604519774011300095595267123;0.048305084745762713605010674200;0.251977401129943490154516894108;0.005367231638418078903951524694;0.013276836158192089828999904455;0.001977401129943502731262094940;0.020903954802259885892290469656;0.011016949152542372669660863949;0.022033898305084745339321727897;0.016384180790960451573612388643;0.007909604519774010925048379761;0.015819209039548021850096759522;0.032203389830508473423709148165;0.011581920903954802393176493069;0.014124293785310734414273348136;0.011299435028248587531418678509;0.030508474576271187722609212756;0.010169491525423728084387420267;0.005932203389830508627467153815;0.011581920903954802393176493069;0.009039548022598870372079638003;0.015536723163841808723062420938;0.028813559322033898552062325393;0.024011299435028249371626429820;0.031920903954802258561951333604;0.020903954802259885892290469656;0.001694915254237288086344714877;0.000564971751412429398254977375;0.009322033898305085233837452563;0.005084745762711864042193710134;0.012429378531073446978449936751;0.008474576271186440648564008882;0.008757062146892655510321823442;0.023728813559322034509868615260;0.037005649717514126073591995691;0.012994350282485874967242089895;0.009887005649717514957353081684;0.000282485875706214699127488688;0.016384180790960451573612388643;0.003954802259887005462524189880;0.006779661016949152345378859508;0.000000000000000000000000000000;0.016101694915254236711854574082;0.004237288135593220324282004441;0.011864406779661017254934307630;0.030508474576271187722609212756;0.027683615819209039105031067152;0.031073446327683617446124841877;0.015254237288135593861304606378
-0.014444444444444443781394582516;0.016666666666666666435370203203;0.031481481481481478346129421197;0.333703703703703724592344315170;0.009629629629629630344078705662;0.012222222222222222862142437805;0.006296296296296296363115274630;0.019629629629629628817522046802;0.022222222222222223070309254922;0.012592592592592592726230549260;0.011851851851851851263330850372;0.004814814814814815172039352831;0.008148148148148147418279307885;0.020000000000000000416333634234;0.027407407407407408106436719208;0.016666666666666666435370203203;0.014814814814814815380206169948;0.026666666666666668378260496297;0.015555555555555555108382392859;0.006666666666666667094565124074;0.012592592592592592726230549260;0.017037037037037038034181790636;0.005925925925925925631665425186;0.017777777777777777762358013547;0.021481481481481479872686080057;0.020370370370370372015145221667;0.020370370370370372015145221667;0.023703703703703702526661700745;0.001481481481481481407916356297;0.008888888888888888881179006773;0.008888888888888888881179006773;0.009259259259259258745267118229;0.005555555555555555767577313730;0.017777777777777777762358013547;0.011481481481481481399242738917;0.019629629629629628817522046802;0.007037037037037036958653235530;0.008888888888888888881179006773;0.005555555555555555767577313730;0.018518518518518517490534236458;0.007777777777777777554191196430;0.011481481481481481399242738917;0.000000000000000000000000000000;0.005925925925925925631665425186;0.013703703703703704053218359604;0.008888888888888888881179006773;0.019629629629629628817522046802;0.016296296296296294836558615771;0.013333333333333334189130248149;0.009259259259259258745267118229
-0.062365591397849459709412656139;0.000537634408602150537168085087;0.053225806451612900360714775161;0.008602150537634408594689361394;0.000000000000000000000000000000;0.024193548387096773522042525428;0.002150537634408602148672340348;0.026881720430107527292085123349;0.005376344086021505805361719865;0.033333333333333332870740406406;0.030107526881720431816136240855;0.017204301075268817189378722787;0.014516129032258065154059600843;0.048924731182795701267540522394;0.007526881720430107954034060214;0.015591397849462364927353164035;0.013978494623655914400051081259;0.021505376344086023221446879461;0.016666666666666666435370203203;0.010752688172043011610723439730;0.022043010752688170506008447092;0.005376344086021505805361719865;0.009677419354838710102706400562;0.046236559139784944028050972520;0.052150537634408598852697735992;0.050000000000000002775557561563;0.047311827956989245536068011688;0.000000000000000000000000000000;0.000537634408602150537168085087;0.007526881720430107954034060214;0.006451612903225806446017021045;0.015053763440860215908068120427;0.008064516129032257840680841809;0.006989247311827957200025540629;0.019354838709677420205412801124;0.047311827956989245536068011688;0.024731182795698924276051045013;0.013440860215053763646042561675;0.000000000000000000000000000000;0.009677419354838710102706400562;0.005376344086021505805361719865;0.002150537634408602148672340348;0.000000000000000000000000000000;0.030107526881720431816136240855;0.004838709677419355051353200281;0.015053763440860215908068120427;0.049462365591397848552102090025;0.027419354838709678046093642934;0.036559139784946237394791523911;0.023655913978494622768034005844
-0.045833333333333330095182844843;0.003472222222222222029475169336;0.054861111111111110494320541875;0.012847222222222221682530474141;0.001041666666666666652210637700;0.025000000000000001387778780781;0.002777777777777777883788656865;0.020486111111111111188209932266;0.006597222222222222202947516934;0.029166666666666667129259593594;0.021527777777777777623580135469;0.011805555555555555247160270937;0.018749999999999999306110609609;0.053472222222222219600862302968;0.006250000000000000346944695195;0.021874999999999998612221219219;0.016666666666666666435370203203;0.022222222222222223070309254922;0.010069444444444445099784424258;0.014583333333333333564629796797;0.016666666666666666435370203203;0.012152777777777777970524830664;0.012847222222222221682530474141;0.035069444444444444752839729063;0.053819444444444447528397290625;0.059027777777777776235801354687;0.028472222222222221682530474141;0.000347222222222222235473582108;0.002083333333333333304421275400;0.007291666666666666782314898398;0.010069444444444445099784424258;0.022569444444444444058950338672;0.007638888888888888638317720137;0.009374999999999999653055304805;0.027777777777777776235801354687;0.040277777777777780399137697032;0.019444444444444444752839729063;0.015972222222222220988641083750;0.000347222222222222235473582108;0.017013888888888887424011286953;0.004861111111111111188209932266;0.003819444444444444319158860068;0.000000000000000000000000000000;0.022222222222222223070309254922;0.004513888888888888464845372539;0.017708333333333332870740406406;0.044097222222222225151977426094;0.042708333333333334258519187188;0.031597222222222220988641083750;0.030902777777777779011358916250
-0.028571428571428570536427926640;0.003968253968253968033685907812;0.065476190476190479494711382813;0.036507936507936510073246694219;0.000793650793650793650105268462;0.010317460317460317234528055508;0.004761904761904762334312479766;0.015873015873015872134743631250;0.014285714285714285268213963320;0.025000000000000001387778780781;0.016269841269841271019780393203;0.004761904761904762334312479766;0.021428571428571428769682682969;0.044841269841269841556208319844;0.006746031746031746351155433672;0.019047619047619049337249919063;0.020634920634920634469056111016;0.031349206349206348853897452500;0.011507936507936508685467913438;0.013492063492063492702310867344;0.016666666666666666435370203203;0.018253968253968255036623347110;0.020634920634920634469056111016;0.039682539682539680336859078125;0.026190476190476191103995162734;0.033730158730158728286330216406;0.029761904761904760252644308594;0.014285714285714285268213963320;0.002777777777777777883788656865;0.005555555555555555767577313730;0.005952380952380952050528861719;0.016666666666666666435370203203;0.011507936507936508685467913438;0.018253968253968255036623347110;0.046428571428571430157461463750;0.037698412698412696320016124218;0.012301587301587301251371009414;0.013888888888888888117900677344;0.002380952380952381167156239883;0.037698412698412696320016124218;0.004365079365079365183999193789;0.007539682539682539784420267637;0.000000000000000000000000000000;0.025793650793650792218958400781;0.003174603174603174600421073848;0.023015873015873017370935826875;0.036111111111111107718762980312;0.029761904761904760252644308594;0.042857142857142857539365365938;0.021428571428571428769682682969
-0.021874999999999998612221219219;0.001388888888888888941894328433;0.097569444444444444752839729063;0.000000000000000000000000000000;0.000000000000000000000000000000;0.009027777777777776929690745078;0.003472222222222222029475169336;0.012847222222222221682530474141;0.020138888888888890199568848516;0.040625000000000001387778780781;0.010763888888888888811790067734;0.002777777777777777883788656865;0.009374999999999999653055304805;0.068055555555555549696045147812;0.002083333333333333304421275400;0.019097222222222223764198645313;0.034722222222222223764198645313;0.023958333333333334952408577578;0.002777777777777777883788656865;0.016666666666666666435370203203;0.006944444444444444058950338672;0.032291666666666669904817155157;0.009027777777777776929690745078;0.052430555555555556634939051719;0.022569444444444444058950338672;0.042361111111111113269878103438;0.024305555555555555941049661328;0.001736111111111111014737584668;0.002430555555555555594104966133;0.001388888888888888941894328433;0.004513888888888888464845372539;0.032986111111111111882099322656;0.005902777777777777623580135469;0.015277777777777777276635440273;0.028472222222222221682530474141;0.061805555555555558022717832500;0.010416666666666666088425508008;0.005555555555555555767577313730;0.001736111111111111014737584668;0.033333333333333332870740406406;0.004513888888888888464845372539;0.007291666666666666782314898398;0.000000000000000000000000000000;0.025000000000000001387778780781;0.000347222222222222235473582108;0.012847222222222221682530474141;0.057638888888888892281237019688;0.046180555555555558022717832500;0.027777777777777776235801354687;0.025694444444444443365060948281
-0.023015873015873017370935826875;0.000396825396825396825052634231;0.072222222222222215437525960624;0.000000000000000000000000000000;0.000000000000000000000000000000;0.001984126984126984016842953906;0.000000000000000000000000000000;0.021825396825396824185272492969;0.000793650793650793650105268462;0.076984126984126988180179296251;0.010317460317460317234528055508;0.000396825396825396825052634231;0.003174603174603174600421073848;0.084523809523809528831961301876;0.001587301587301587300210536924;0.009523809523809524668624959531;0.014682539682539682418527249297;0.012698412698412698401684295391;0.001190476190476190583578119941;0.009126984126984127518311673555;0.010317460317460317234528055508;0.002777777777777777883788656865;0.003174603174603174600421073848;0.103968253968253973584801030938;0.017460317460317460735996775156;0.076984126984126988180179296251;0.028571428571428570536427926640;0.000000000000000000000000000000;0.000793650793650793650105268462;0.000396825396825396825052634231;0.000000000000000000000000000000;0.030952380952380953438307642500;0.001190476190476190583578119941;0.006746031746031746351155433672;0.012698412698412698401684295391;0.078968253968253965258128346250;0.018650793650793650452213157109;0.007539682539682539784420267637;0.000000000000000000000000000000;0.004761904761904762334312479766;0.008333333333333333217685101602;0.000793650793650793650105268462;0.000000000000000000000000000000;0.041666666666666664353702032031;0.000000000000000000000000000000;0.017460317460317460735996775156;0.096031746031746037517429215313;0.051984126984126986792400515469;0.020238095238095239053466301016;0.013095238095238095551997581367
-0.023703703703703702526661700745;0.010740740740740739936343040029;0.068888888888888888395456433500;0.052592592592592593558897817729;0.000740740740740740703958178148;0.008518518518518519017090895318;0.001481481481481481407916356297;0.020000000000000000416333634234;0.007407407407407407690103084974;0.034444444444444444197728216750;0.020370370370370372015145221667;0.001851851851851851922525771243;0.015185185185185185244294281404;0.062592592592592588562894206916;0.009629629629629630344078705662;0.014444444444444443781394582516;0.019259259259259260688157411323;0.022592592592592591199673890401;0.003333333333333333547282562037;0.012592592592592592726230549260;0.009629629629629630344078705662;0.013703703703703704053218359604;0.018518518518518517490534236458;0.046296296296296293726335591145;0.024444444444444445724284875610;0.043703703703703702942995334979;0.030740740740740742087400150240;0.005185185185185185036127464286;0.001111111111111111110147375847;0.000740740740740740703958178148;0.001111111111111111110147375847;0.019629629629629628817522046802;0.004444444444444444440589503387;0.014444444444444443781394582516;0.044074074074074071072359970458;0.045925925925925925596970955667;0.014074074074074073917306471060;0.004444444444444444440589503387;0.000370370370370370351979089074;0.040000000000000000832667268469;0.003333333333333333547282562037;0.007037037037037036958653235530;0.000000000000000000000000000000;0.023333333333333334397297065266;0.001481481481481481407916356297;0.011111111111111111535154627461;0.053333333333333336756520992594;0.044074074074074071072359970458;0.041111111111111112159655078813;0.022222222222222223070309254922
-0.026016260162601625993694653971;0.004471544715447154684506703148;0.052845528455284555835458348838;0.208943089430894318736520176572;0.001219512195121951218454436905;0.010569105691056910126257584182;0.002845528455284553059900787275;0.017479674796747966813992292145;0.002032520325203252247597829339;0.024390243902439025236450476086;0.013414634146341463186158371457;0.003658536585365853872203745212;0.009756097560975609747635495239;0.056910569105691054259121841596;0.018292682926829267192614381088;0.020325203252032519873893079421;0.006504065040650406498423663493;0.011382113821138212239603149101;0.011788617886178862428914193572;0.012195121951219512618225238043;0.015040650406504065678126025318;0.006097560975609756309112619022;0.006097560975609756309112619022;0.038617886178861790535954412462;0.029674796747967479432217530189;0.041463414634146343595855199737;0.028861788617886179053595441246;0.000813008130081300812302957937;0.000406504065040650406151478968;0.005284552845528455063128792091;0.003252032520325203249211831746;0.014227642276422763564780460399;0.004471544715447154684506703148;0.015040650406504065678126025318;0.025203252032520325615072565029;0.037804878048780486687885371566;0.013008130081300812996847326986;0.006504065040650406498423663493;0.000000000000000000000000000000;0.010569105691056910126257584182;0.002845528455284553059900787275;0.001219512195121951218454436905;0.000000000000000000000000000000;0.015447154471544715867437069790;0.006097560975609756309112619022;0.009756097560975609747635495239;0.053252032520325204290045917332;0.042682926829268295898511809128;0.025609756097560974069660133523;0.025609756097560974069660133523
-0.024444444444444445724284875610;0.010740740740740739936343040029;0.067407407407407402000210083770;0.041481481481481480289019714291;0.005185185185185185036127464286;0.012222222222222222862142437805;0.007777777777777777554191196430;0.015925925925925926707193980292;0.037777777777777778178691647781;0.018518518518518517490534236458;0.010740740740740739936343040029;0.007777777777777777554191196430;0.016296296296296294836558615771;0.038888888888888889505679458125;0.010000000000000000208166817117;0.022592592592592591199673890401;0.034074074074074076068363581271;0.037777777777777778178691647781;0.006666666666666667094565124074;0.013333333333333334189130248149;0.010740740740740739936343040029;0.040740740740740744030290443334;0.015555555555555555108382392859;0.025925925925925925180637321432;0.031851851851851853414387960584;0.023333333333333334397297065266;0.020000000000000000416333634234;0.015555555555555555108382392859;0.002222222222222222220294751693;0.008148148148148147418279307885;0.009259259259259258745267118229;0.021111111111111111743321444578;0.005925925925925925631665425186;0.014444444444444443781394582516;0.027037037037037036507625131776;0.035185185185185187395351391615;0.009259259259259258745267118229;0.011851851851851851263330850372;0.005925925925925925631665425186;0.039629629629629632703302632990;0.005925925925925925631665425186;0.017407407407407406163546426114;0.000000000000000000000000000000;0.021111111111111111743321444578;0.005185185185185185036127464286;0.017407407407407406163546426114;0.036296296296296298722339201959;0.038518518518518521376314822646;0.028148148148148147834612942120;0.016666666666666666435370203203
-0.020588235294117646773104368663;0.034803921568627452232114194430;0.030882352941176471894380028971;0.001960784313725490168867082730;0.016176470588235295627876908497;0.016176470588235295627876908497;0.002941176470588235253300624095;0.059803921568627453619892975212;0.020098039215686275965611073957;0.010784313725490195928768955014;0.020098039215686275965611073957;0.013725490196078431182069579108;0.016666666666666666435370203203;0.027450980392156862364139158217;0.031372549019607842701873323676;0.017647058823529411519803744568;0.010784313725490195928768955014;0.084313725490196084200178461288;0.038235294117647061762355065184;0.003431372549019607795517394777;0.024509803921568627110838534122;0.003921568627450980337734165460;0.022058823529411766134478156687;0.016176470588235295627876908497;0.020098039215686275965611073957;0.033823529411764703678233701112;0.051470588235294115198037445680;0.016176470588235295627876908497;0.000980392156862745084433541365;0.026960784313725491556645863511;0.009313725490196078302118642966;0.007843137254901960675468330919;0.027450980392156862364139158217;0.005882352941176470506601248189;0.012254901960784313555419267061;0.048039215686274512606690478833;0.023529411764705882026404992757;0.006372549019607843048818018872;0.006862745098039215591034789554;0.011274509803921568470985725696;0.016666666666666666435370203203;0.016666666666666666435370203203;0.000000000000000000000000000000;0.008823529411764705759901872284;0.017156862745098040712310449862;0.012745098039215686097636037744;0.009313725490196078302118642966;0.010784313725490195928768955014;0.047549019607843134860303280220;0.007352941176470588133251560237
-0.020634920634920634469056111016;0.027777777777777776235801354687;0.032539682539682542039560786407;0.202380952380952383595769106250;0.010317460317460317234528055508;0.010714285714285714384841341484;0.003968253968253968033685907812;0.032936507936507937455150596406;0.029761904761904760252644308594;0.017857142857142856151586585156;0.014285714285714285268213963320;0.005158730158730158617264027754;0.009126984126984127518311673555;0.020238095238095239053466301016;0.039682539682539680336859078125;0.015476190476190476719153821250;0.018650793650793650452213157109;0.046428571428571430157461463750;0.020634920634920634469056111016;0.007539682539682539784420267637;0.013888888888888888117900677344;0.014285714285714285268213963320;0.009920634920634920084214769531;0.022619047619047618485899064922;0.023015873015873017370935826875;0.022619047619047618485899064922;0.031746031746031744269487262500;0.015476190476190476719153821250;0.001587301587301587300210536924;0.012698412698412698401684295391;0.002777777777777777883788656865;0.016666666666666666435370203203;0.011111111111111111535154627461;0.005555555555555555767577313730;0.008730158730158730367998387578;0.029761904761904760252644308594;0.009920634920634920084214769531;0.004365079365079365183999193789;0.004761904761904762334312479766;0.008730158730158730367998387578;0.013095238095238095551997581367;0.030158730158730159137681070547;0.000000000000000000000000000000;0.013888888888888888117900677344;0.019444444444444444752839729063;0.009523809523809524668624959531;0.017857142857142856151586585156;0.009920634920634920084214769531;0.019444444444444444752839729063;0.010317460317460317234528055508
-0.024122807017543858310038018544;0.034649122807017540548457645855;0.036403508771929826703939170329;0.074999999999999997224442438437;0.007456140350877192742029553330;0.012719298245614034728601104973;0.005701754385964912658080194774;0.035526315789473683626198408092;0.010526315789473683973143103287;0.035964912280701755165068789211;0.014912280701754385484059106659;0.003070175438596491231113549958;0.015350877192982455288206011801;0.035526315789473683626198408092;0.028070175438596491751530592751;0.009649122807017544364849293004;0.016666666666666666435370203203;0.051315789473684210453274801012;0.013596491228070176071618391234;0.005701754385964912658080194774;0.016228070175438594896499822084;0.007456140350877192742029553330;0.007456140350877192742029553330;0.042105263157894735892572413150;0.021929824561403507554580016858;0.043421052631578950509183556505;0.029824561403508770968118213318;0.035087719298245612087328026973;0.002192982456140350755458001686;0.010087719298245614168996198146;0.005263157894736841986571551644;0.021052631578947367946286206575;0.011403508771929825316160389548;0.005701754385964912658080194774;0.011842105263157895120307294690;0.043859649122807015109160033717;0.012719298245614034728601104973;0.008771929824561403021832006743;0.000438596491228070183617665512;0.009649122807017544364849293004;0.012280701754385964924454199831;0.019298245614035088729698586008;0.000000000000000000000000000000;0.023684210526315790240614589379;0.012719298245614034728601104973;0.017543859649122806043664013487;0.039473684210526313598244030345;0.025000000000000001387778780781;0.017543859649122806043664013487;0.014035087719298245875765296375
-0.033695652173913043236908038125;0.012681159420289855876973206250;0.061231884057971017187860240938;0.003623188405797101493271972217;0.001811594202898550746635986108;0.020652173913043476993767200156;0.003623188405797101493271972217;0.008333333333333333217685101602;0.036956521739130436532416723594;0.022826086956521739190772990469;0.014492753623188405973087888867;0.009057971014492753950020365039;0.025724637681159418650667092265;0.048188405797101450944719402969;0.005434782608695652023067523828;0.022101449275362318458437727031;0.025000000000000001387778780781;0.035144927536231884701578565000;0.007246376811594202986543944434;0.009420289855072464316187996758;0.011231884057971014412302679375;0.034420289855072463969243301563;0.017753623188405797533873098359;0.032971014492753622504572774687;0.031884057971014491406069879531;0.034057971014492753603075669844;0.023913043478260870289275885625;0.036956521739130436532416723594;0.001086956521739130447981591665;0.015942028985507245703034939766;0.009782608695652174682355628477;0.018115942028985507900040730078;0.008333333333333333217685101602;0.011231884057971014412302679375;0.036594202898550726166249091875;0.030434782608695653410846304610;0.010869565217391304046135047656;0.009782608695652174682355628477;0.006159420289855072755402787266;0.024637681159420291021611149063;0.006521739130434782254208680996;0.023913043478260870289275885625;0.000000000000000000000000000000;0.015942028985507245703034939766;0.002536231884057970828449946055;0.014130434782608695606920257148;0.038405797101449277997087250469;0.032971014492753622504572774687;0.035144927536231884701578565000;0.017028985507246376801537834922
-0.036507936507936510073246694219;0.026984126984126985404621734688;0.012698412698412698401684295391;0.012698412698412698401684295391;0.032539682539682542039560786407;0.067857142857142851988250242812;0.003968253968253968033685907812;0.025793650793650792218958400781;0.004761904761904762334312479766;0.007936507936507936067371815625;0.016269841269841271019780393203;0.058730158730158729674108997187;0.032936507936507937455150596406;0.011111111111111111535154627461;0.022222222222222223070309254922;0.018650793650793650452213157109;0.009920634920634920084214769531;0.029761904761904760252644308594;0.045238095238095236971798129844;0.004761904761904762334312479766;0.024603174603174602502742018828;0.003968253968253968033685907812;0.022222222222222223070309254922;0.009523809523809524668624959531;0.036111111111111107718762980312;0.016269841269841271019780393203;0.024206349206349207087152208828;0.043650793650793648370544985937;0.001587301587301587300210536924;0.080555555555555560798275394063;0.036111111111111107718762980312;0.007142857142857142634106981660;0.030952380952380953438307642500;0.004365079365079365183999193789;0.019444444444444444752839729063;0.019047619047619049337249919063;0.013888888888888888117900677344;0.013888888888888888117900677344;0.000396825396825396825052634231;0.005555555555555555767577313730;0.011507936507936508685467913438;0.006746031746031746351155433672;0.000000000000000000000000000000;0.008333333333333333217685101602;0.021031746031746033354092872969;0.009523809523809524668624959531;0.005555555555555555767577313730;0.012698412698412698401684295391;0.021825396825396824185272492969;0.007936507936507936067371815625
-0.026515151515151515887458444354;0.018181818181818180935049866775;0.041666666666666664353702032031;0.004166666666666666608842550801;0.012121212121212121201607736509;0.030303030303030303871381079261;0.007575757575757575967845269815;0.023863636363636364645657295114;0.009469696969696969959806587269;0.018560606060606062162054996634;0.017424242424242425419933510966;0.021590909090909091161414323778;0.020075757575757576661734660206;0.029924242424242422644375949403;0.009469696969696969959806587269;0.020833333333333332176851016015;0.024242424242424242403215473018;0.038257575757575754127337575028;0.022348484848484850145977631541;0.009848484848484847717364765174;0.024242424242424242403215473018;0.011363636363636363951767904723;0.025000000000000001387778780781;0.029166666666666667129259593594;0.024621212121212120160773650923;0.025757575757575756902895136591;0.025757575757575756902895136591;0.029924242424242422644375949403;0.003030303030303030300401934127;0.031439393939393940613502564929;0.023484848484848483418652165255;0.021212121212121213403856145874;0.015151515151515151935690539631;0.010227272727272727209646419055;0.037878787878787879839226349077;0.039015151515151516581347834745;0.011742424242424241709326082628;0.016287878787878788677812025298;0.001515151515151515150200967064;0.026893939393939393645016622258;0.012878787878787878451447568295;0.017045454545454544192928381108;0.000000000000000000000000000000;0.018181818181818180935049866775;0.007954545454545453725403447720;0.027651515151515152629579930021;0.018181818181818180935049866775;0.015151515151515151935690539631;0.028787878787878789371701415689;0.014015151515151515193569053963
-0.017407407407407406163546426114;0.007777777777777777554191196430;0.022222222222222223070309254922;0.508148148148148126601597596164;0.001851851851851851922525771243;0.008518518518518519017090895318;0.005185185185185185036127464286;0.017777777777777777762358013547;0.002222222222222222220294751693;0.018888888888888889089345823891;0.011111111111111111535154627461;0.001851851851851851922525771243;0.005925925925925925631665425186;0.017777777777777777762358013547;0.020000000000000000416333634234;0.013703703703703704053218359604;0.006296296296296296363115274630;0.013333333333333334189130248149;0.007777777777777777554191196430;0.004074074074074073709139653943;0.009259259259259258745267118229;0.005185185185185185036127464286;0.004814814814814815172039352831;0.022222222222222223070309254922;0.020370370370370372015145221667;0.020000000000000000416333634234;0.015925925925925926707193980292;0.002222222222222222220294751693;0.001851851851851851922525771243;0.004814814814814815172039352831;0.003333333333333333547282562037;0.008518518518518519017090895318;0.005925925925925925631665425186;0.005185185185185185036127464286;0.009259259259259258745267118229;0.016296296296296294836558615771;0.004444444444444444440589503387;0.006666666666666667094565124074;0.001481481481481481407916356297;0.010000000000000000208166817117;0.006666666666666667094565124074;0.001481481481481481407916356297;0.000000000000000000000000000000;0.012962962962962962590318660716;0.010370370370370370072254928573;0.006296296296296296363115274630;0.025185185185185185452461098521;0.021851851851851851471497667490;0.014074074074074073917306471060;0.011481481481481481399242738917
-0.034469696969696969612861892074;0.018560606060606062162054996634;0.019696969696969695434729530348;0.037121212121212124324109993267;0.014015151515151515193569053963;0.040909090909090908838585676222;0.011363636363636363951767904723;0.017424242424242425419933510966;0.009848484848484847717364765174;0.011742424242424241709326082628;0.016666666666666666435370203203;0.013636363636363635701287400082;0.067803030303030309422496202387;0.013257575757575757943729222177;0.012500000000000000693889390391;0.012121212121212121201607736509;0.013636363636363635701287400082;0.037121212121212124324109993267;0.028409090909090908144696285831;0.001515151515151515150200967064;0.037121212121212124324109993267;0.009469696969696969959806587269;0.060984848484848482030873384474;0.018181818181818180935049866775;0.025757575757575756902895136591;0.017045454545454544192928381108;0.018560606060606062162054996634;0.008333333333333333217685101602;0.001136363636363636308440616673;0.061363636363636363257878514332;0.010606060606060606701928072937;0.011363636363636363951767904723;0.034090909090909088385856762216;0.007575757575757575967845269815;0.045454545454545455807071618892;0.022348484848484850145977631541;0.011742424242424241709326082628;0.011363636363636363951767904723;0.001515151515151515150200967064;0.025000000000000001387778780781;0.012121212121212121201607736509;0.009848484848484847717364765174;0.000000000000000000000000000000;0.016287878787878788677812025298;0.014393939393939394685850707845;0.025757575757575756902895136591;0.006818181818181817850643700041;0.008333333333333333217685101602;0.026136363636363634660453314495;0.009469696969696969959806587269
-0.048333333333333332315628894094;0.008333333333333333217685101602;0.035666666666666665963525417737;0.056333333333333332482162347787;0.003333333333333333547282562037;0.024000000000000000499600361081;0.008000000000000000166533453694;0.012999999999999999403255124264;0.010999999999999999361621760841;0.028333333333333331899295259859;0.014999999999999999444888487687;0.018666666666666668211727042603;0.035333333333333334647097245806;0.033333333333333332870740406406;0.008000000000000000166533453694;0.020000000000000000416333634234;0.016666666666666666435370203203;0.026999999999999999694688668228;0.005333333333333333155235056466;0.010333333333333333259318465025;0.011666666666666667198648532633;0.010999999999999999361621760841;0.024000000000000000499600361081;0.036666666666666666851703837438;0.039333333333333331260917020700;0.038666666666666668628060676838;0.017000000000000001221245327088;0.008999999999999999319988397417;0.003000000000000000062450045135;0.016666666666666666435370203203;0.016666666666666666435370203203;0.029666666666666667573348803444;0.007666666666666666248020067798;0.008666666666666666268836749509;0.048000000000000000999200722163;0.035666666666666665963525417737;0.008000000000000000166533453694;0.021000000000000001304512053935;0.001000000000000000020816681712;0.024000000000000000499600361081;0.003666666666666666598434209945;0.007000000000000000145716771982;0.000000000000000000000000000000;0.019333333333333334314030338419;0.004000000000000000083266726847;0.036666666666666666851703837438;0.029666666666666667573348803444;0.025666666666666667490082076597;0.026333333333333333592385372413;0.014333333333333333342585191872
-0.016346153846153847061239972049;0.040705128205128206231311338570;0.032371794871794874748349712945;0.158653846153846145305976733653;0.014423076923076923877564681220;0.020192307692307693428590553708;0.004807692307692307959188227073;0.020192307692307693428590553708;0.047435897435897433904727904519;0.013141025641025641176873328675;0.009615384615384615918376454147;0.020192307692307693428590553708;0.005448717948717948442172165358;0.013461538461538462285727035805;0.038782051282051283047636047741;0.012179487179487179585035683260;0.021153846153846155020428199123;0.040064102564102567483050876262;0.017948717948717947401338079771;0.005128205128205128200680196215;0.010256410256410256401360392431;0.022756410256410255360526306845;0.008012820512820512108831394471;0.015384615384615385469402326635;0.017307692307692308653077617464;0.014102564102564102768710974090;0.017307692307692308653077617464;0.081089743589743593088492445986;0.000641025641025641025085024527;0.026602564102564101727876888503;0.015384615384615385469402326635;0.009294871794871794809522747016;0.005769230769230769551025872488;0.006089743589743589792517841630;0.008974358974358973700669039886;0.016666666666666666435370203203;0.006089743589743589792517841630;0.006730769230769231142863517903;0.005769230769230769551025872488;0.017628205128205128027207848618;0.008653846153846154326538808732;0.049679487179487176462533426502;0.000000000000000000000000000000;0.008012820512820512108831394471;0.022756410256410255360526306845;0.006089743589743589792517841630;0.012820512820512820068019621544;0.008653846153846154326538808732;0.012179487179487179585035683260;0.007051282051282051384355487045
-0.016666666666666666435370203203;0.043181818181818182322828647557;0.028409090909090908144696285831;0.148484848484848497296439973070;0.033712121212121214097745536264;0.011742424242424241709326082628;0.010606060606060606701928072937;0.042424242424242426807712291748;0.020454545454545454419292838111;0.009848484848484847717364765174;0.015530303030303029693248717535;0.004924242424242423858682382587;0.009848484848484847717364765174;0.019318181818181817677171352443;0.067045454545454546968485942671;0.007196969696969697342925353922;0.014393939393939394685850707845;0.032196969696969696128618920739;0.034848484848484850839867021932;0.002651515151515151675482018234;0.022727272727272727903535809446;0.015530303030303029693248717535;0.006439393939393939225723784148;0.017045454545454544192928381108;0.017803030303030303177491688871;0.022727272727272727903535809446;0.031439393939393940613502564929;0.034090909090909088385856762216;0.000378787878787878787550241766;0.023106060606060605661093987351;0.004545454545454545233762466694;0.013257575757575757943729222177;0.012121212121212121201607736509;0.007196969696969697342925353922;0.013257575757575757943729222177;0.021969696969696968918972501683;0.010606060606060606701928072937;0.007196969696969697342925353922;0.003030303030303030300401934127;0.007196969696969697342925353922;0.016287878787878788677812025298;0.011363636363636363951767904723;0.000000000000000000000000000000;0.008712121212121212709966755483;0.035984848484848487581988507600;0.009848484848484847717364765174;0.016666666666666666435370203203;0.011363636363636363951767904723;0.010606060606060606701928072937;0.014015151515151515193569053963
-0.030434782608695653410846304610;0.014855072463768116339255520586;0.030072463768115943044678672891;0.009420289855072464316187996758;0.031159420289855074143181568047;0.043115942028985505818372558906;0.006159420289855072755402787266;0.042028985507246374719869663750;0.004710144927536232158093998379;0.014130434782608695606920257148;0.024637681159420291021611149063;0.017391304347826087167705466641;0.028985507246376811946175777734;0.030797101449275363777013936328;0.026811594202898549749169987422;0.012318840579710145510805574531;0.010144927536231883313799784219;0.043840579710144926550707822344;0.042753623188405795452204927187;0.005072463768115941656899892109;0.023188405797101449556940622188;0.003623188405797101493271972217;0.021014492753623187359934831875;0.018840579710144928632375993516;0.030797101449275363777013936328;0.026086956521739129016834723984;0.048550724637681161310887034688;0.008695652173913043583852733320;0.000724637681159420298654394443;0.063405797101449279384866031251;0.011956521739130435144637942813;0.009057971014492753950020365039;0.022101449275362318458437727031;0.002536231884057970828449946055;0.023913043478260870289275885625;0.028623188405797101580008146016;0.019927536231884056261431936719;0.008695652173913043583852733320;0.000000000000000000000000000000;0.009782608695652174682355628477;0.013405797101449274874584993711;0.004710144927536232158093998379;0.000000000000000000000000000000;0.013043478260869564508417361992;0.022826086956521739190772990469;0.015942028985507245703034939766;0.014492753623188405973087888867;0.010144927536231883313799784219;0.040579710144927533255199136875;0.014492753623188405973087888867
-0.034649122807017540548457645855;0.004824561403508772182424646502;0.061403508771929821152824047203;0.000000000000000000000000000000;0.000000000000000000000000000000;0.003947368421052631706769098230;0.000000000000000000000000000000;0.016666666666666666435370203203;0.007017543859649122937882648188;0.060526315789473685013977188873;0.014035087719298245875765296375;0.001315789473684210496642887911;0.006578947368421052266374005058;0.079385964912280698735358441809;0.001315789473684210496642887911;0.013596491228070176071618391234;0.014035087719298245875765296375;0.015350877192982455288206011801;0.003508771929824561468941324094;0.013157894736842104532748010115;0.014035087719298245875765296375;0.006578947368421052266374005058;0.004824561403508772182424646502;0.098245614035087719395633598651;0.028508771929824559820954021916;0.073684210526315782607831295081;0.022368421052631579093450397977;0.000438596491228070183617665512;0.000438596491228070183617665512;0.000438596491228070183617665512;0.001315789473684210496642887911;0.028070175438596491751530592751;0.002192982456140350755458001686;0.008333333333333333217685101602;0.011842105263157895120307294690;0.057456140350877191180778424950;0.013157894736842104532748010115;0.010526315789473683973143103287;0.000438596491228070183617665512;0.011403508771929825316160389548;0.006140350877192982462227099916;0.003070175438596491231113549958;0.000000000000000000000000000000;0.044298245614035086648030414835;0.000877192982456140367235331023;0.025877192982456140996072591065;0.082017543859649127968580728520;0.053947368421052632747603183816;0.020614035087719299876862777410;0.017543859649122806043664013487
-0.031707317073170732113496228521;0.002439024390243902436908873810;0.070325203252032522649450640984;0.000000000000000000000000000000;0.000000000000000000000000000000;0.004065040650406504495195658677;0.000406504065040650406151478968;0.017479674796747966813992292145;0.008536585365853659179702361826;0.076016260162601628769252215534;0.010162601626016259936946539710;0.000406504065040650406151478968;0.004065040650406504495195658677;0.075609756097560973375770743132;0.001219512195121951218454436905;0.018292682926829267192614381088;0.018292682926829267192614381088;0.016260162601626017980782634709;0.003658536585365853872203745212;0.009349593495934959558324450768;0.017886178861788618738026812593;0.008536585365853659179702361826;0.004878048780487804873817747620;0.095528455284552851733970157966;0.025609756097560974069660133523;0.071138211382113819558625777972;0.023577235772357724857828387144;0.000000000000000000000000000000;0.000406504065040650406151478968;0.000000000000000000000000000000;0.001626016260162601624605915873;0.039430894308943087445129549451;0.000406504065040650406151478968;0.007723577235772357933718534895;0.015040650406504065678126025318;0.060162601626016262712504101273;0.012601626016260162807536282514;0.008943089430894309369013406297;0.000000000000000000000000000000;0.006910569105691056687734707964;0.004471544715447154684506703148;0.001626016260162601624605915873;0.000000000000000000000000000000;0.048373983739837395079419479771;0.000406504065040650406151478968;0.023577235772357724857828387144;0.078861788617886174890259098902;0.039430894308943087445129549451;0.012195121951219512618225238043;0.022357723577235772555171777753
-0.060360360360360361398068818062;0.001801801801801801829541749278;0.029279279279279278591641144658;0.020720720720720720714469464951;0.016666666666666666435370203203;0.060360360360360361398068818062;0.004504504504504504465434155946;0.015765765765765764327976938830;0.003153153153153153039067735364;0.022072072072072072140835885534;0.018918918918918919969129888159;0.050450450450450448625083765819;0.024774774774774774993568726700;0.034234234234234231508686718826;0.004954954954954954651769050145;0.050450450450450448625083765819;0.005855855855855855891800576529;0.012162162162162162837297785245;0.017117117117117115754343359413;0.004954954954954954651769050145;0.019369369369369369288103044369;0.004054054054054054279099261748;0.003603603603603603659083498556;0.032432432432432434232794093987;0.070720720720720720020580074561;0.043693693693693691493251662905;0.019369369369369369288103044369;0.005405405405405405705465682331;0.001801801801801801829541749278;0.040990990990990988640518821740;0.037387387387387387149839668155;0.009909909909909909303538100289;0.005855855855855855891800576529;0.005405405405405405705465682331;0.018018018018018017861736623786;0.026576576576576575738908303492;0.010360360360360360357234732476;0.013513513513513514263664205828;0.000000000000000000000000000000;0.006306306306306306078135470727;0.003153153153153153039067735364;0.001351351351351351426366420583;0.000000000000000000000000000000;0.020720720720720720714469464951;0.008558558558558557877171679706;0.016216216216216217116397046993;0.035585585585585582935053139408;0.036486486486486488511893355735;0.021621621621621622821862729324;0.022972972972972974248229149907
-0.037037037037037034981068472916;0.000740740740740740703958178148;0.068148148148148152136727162542;0.004814814814814815172039352831;0.005925925925925925631665425186;0.026296296296296296779448908865;0.000740740740740740703958178148;0.015555555555555555108382392859;0.021851851851851851471497667490;0.043703703703703702942995334979;0.014074074074074073917306471060;0.015555555555555555108382392859;0.017037037037037038034181790636;0.053333333333333336756520992594;0.002222222222222222220294751693;0.026666666666666668378260496297;0.019259259259259260688157411323;0.022222222222222223070309254922;0.008518518518518519017090895318;0.010000000000000000208166817117;0.012222222222222222862142437805;0.015925925925925926707193980292;0.010370370370370370072254928573;0.049629629629629627707299022177;0.040740740740740744030290443334;0.055185185185185184342238073896;0.023703703703703702526661700745;0.002962962962962962815832712593;0.000000000000000000000000000000;0.014814814814814815380206169948;0.008148148148148147418279307885;0.021111111111111111743321444578;0.004814814814814815172039352831;0.010000000000000000208166817117;0.025925925925925925180637321432;0.057777777777777775125578330062;0.012222222222222222862142437805;0.007777777777777777554191196430;0.001111111111111111110147375847;0.014814814814814815380206169948;0.004814814814814815172039352831;0.005555555555555555767577313730;0.000000000000000000000000000000;0.019259259259259260688157411323;0.001481481481481481407916356297;0.015185185185185185244294281404;0.051851851851851850361274642864;0.041111111111111112159655078813;0.031481481481481478346129421197;0.026296296296296296779448908865
-0.017543859649122806043664013487;0.009210526315789472825978911885;0.035526315789473683626198408092;0.403508771929824539004272310194;0.004385964912280701510916003372;0.004824561403508772182424646502;0.005263157894736841986571551644;0.021052631578947367946286206575;0.009649122807017544364849293004;0.031578947368421053654152785839;0.014912280701754385484059106659;0.002192982456140350755458001686;0.003947368421052631706769098230;0.023245614035087718701744208261;0.015350877192982455288206011801;0.017105263157894737974240584322;0.011842105263157895120307294690;0.011842105263157895120307294690;0.014473684210526315679912201517;0.002192982456140350755458001686;0.010526315789473683973143103287;0.007017543859649122937882648188;0.001754385964912280734470662047;0.035964912280701755165068789211;0.014912280701754385484059106659;0.034649122807017540548457645855;0.024122807017543858310038018544;0.005701754385964912658080194774;0.003947368421052631706769098230;0.004824561403508772182424646502;0.000000000000000000000000000000;0.024122807017543858310038018544;0.003508771929824561468941324094;0.005263157894736841986571551644;0.003508771929824561468941324094;0.024122807017543858310038018544;0.004824561403508772182424646502;0.005701754385964912658080194774;0.000877192982456140367235331023;0.002192982456140350755458001686;0.009210526315789472825978911885;0.001754385964912280734470662047;0.000000000000000000000000000000;0.022807017543859650632320779096;0.008771929824561403021832006743;0.010964912280701753777290008429;0.033771929824561404409610787525;0.015350877192982455288206011801;0.006578947368421052266374005058;0.013596491228070176071618391234
-0.020000000000000000416333634234;0.024444444444444445724284875610;0.026666666666666668378260496297;0.120370370370370363688472536978;0.013703703703703704053218359604;0.027407407407407408106436719208;0.004814814814814815172039352831;0.029629629629629630760412339896;0.006296296296296296363115274630;0.015185185185185185244294281404;0.021111111111111111743321444578;0.011851851851851851263330850372;0.028148148148148147834612942120;0.025925925925925925180637321432;0.041481481481481480289019714291;0.012592592592592592726230549260;0.009259259259259258745267118229;0.029629629629629630760412339896;0.028148148148148147834612942120;0.004444444444444444440589503387;0.017037037037037038034181790636;0.004074074074074073709139653943;0.016666666666666666435370203203;0.016666666666666666435370203203;0.028148148148148147834612942120;0.027407407407407408106436719208;0.032962962962962964741375770927;0.036296296296296298722339201959;0.001481481481481481407916356297;0.034074074074074076068363581271;0.011851851851851851263330850372;0.007037037037037036958653235530;0.017777777777777777762358013547;0.011111111111111111535154627461;0.034074074074074076068363581271;0.019259259259259260688157411323;0.008148148148148147418279307885;0.008518518518518519017090895318;0.000740740740740740703958178148;0.018518518518518517490534236458;0.015185185185185185244294281404;0.001851851851851851922525771243;0.000000000000000000000000000000;0.010370370370370370072254928573;0.018888888888888889089345823891;0.008888888888888888881179006773;0.026296296296296296779448908865;0.017777777777777777762358013547;0.029259259259259259161600752464;0.018518518518518517490534236458
-0.011788617886178862428914193572;0.006504065040650406498423663493;0.015447154471544715867437069790;0.502845528455284518365431267739;0.019918699186991871419305510926;0.007317073170731707744407490424;0.006910569105691056687734707964;0.015447154471544715867437069790;0.001626016260162601624605915873;0.015040650406504065678126025318;0.008130081300813008990391317354;0.006504065040650406498423663493;0.009756097560975609747635495239;0.019105691056910567571236470030;0.018699186991869919116648901536;0.009756097560975609747635495239;0.004878048780487804873817747620;0.010975609756097560315568628653;0.015040650406504065678126025318;0.002032520325203252247597829339;0.014634146341463415488814980847;0.004471544715447154684506703148;0.004065040650406504495195658677;0.027235772357723578296351263361;0.011382113821138212239603149101;0.015447154471544715867437069790;0.022764227642276424479206298201;0.008943089430894309369013406297;0.000813008130081300812302957937;0.012195121951219512618225238043;0.006504065040650406498423663493;0.011788617886178862428914193572;0.010975609756097560315568628653;0.006910569105691056687734707964;0.006504065040650406498423663493;0.016260162601626017980782634709;0.002845528455284553059900787275;0.004878048780487804873817747620;0.000000000000000000000000000000;0.001626016260162601624605915873;0.006910569105691056687734707964;0.000813008130081300812302957937;0.000000000000000000000000000000;0.017479674796747966813992292145;0.019512195121951219495270990478;0.008536585365853659179702361826;0.021544715447154472176549688811;0.006504065040650406498423663493;0.008130081300813008990391317354;0.012601626016260162807536282514
-0.032916666666666663521034763562;0.010000000000000000208166817117;0.072499999999999995003996389187;0.090416666666666672957930472876;0.002500000000000000052041704279;0.009583333333333332593184650250;0.002916666666666666799662133158;0.025416666666666667268037471672;0.025000000000000001387778780781;0.035000000000000003330669073875;0.014583333333333333564629796797;0.002916666666666666799662133158;0.010833333333333333703407674875;0.053749999999999999167332731531;0.013333333333333334189130248149;0.015416666666666667059870654555;0.019166666666666665186369300500;0.044166666666666666574148081281;0.017083333333333332315628894094;0.009583333333333332593184650250;0.016666666666666666435370203203;0.013333333333333334189130248149;0.010000000000000000208166817117;0.040000000000000000832667268469;0.023750000000000000277555756156;0.040833333333333332593184650250;0.043333333333333334813630699500;0.005416666666666666851703837438;0.000833333333333333386820640509;0.005833333333333333599324266316;0.002083333333333333304421275400;0.017916666666666667545593227828;0.007083333333333332974823814965;0.006666666666666667094565124074;0.011666666666666667198648532633;0.042083333333333333703407674875;0.014999999999999999444888487687;0.006250000000000000346944695195;0.000416666666666666693410320255;0.011666666666666667198648532633;0.007499999999999999722444243844;0.007083333333333332974823814965;0.000000000000000000000000000000;0.016250000000000000555111512313;0.008750000000000000832667268469;0.009166666666666666712925959359;0.051249999999999996946886682281;0.026666666666666668378260496297;0.027500000000000000138777878078;0.017916666666666667545593227828
-0.022592592592592591199673890401;0.018518518518518517490534236458;0.048148148148148148250946576354;0.003333333333333333547282562037;0.006666666666666667094565124074;0.015925925925925926707193980292;0.005185185185185185036127464286;0.022962962962962962798485477833;0.023333333333333334397297065266;0.020000000000000000416333634234;0.011481481481481481399242738917;0.012222222222222222862142437805;0.023703703703703702526661700745;0.036666666666666666851703837438;0.018518518518518517490534236458;0.020370370370370372015145221667;0.024814814814814813853649511088;0.037037037037037034981068472916;0.009629629629629630344078705662;0.014074074074074073917306471060;0.018518518518518517490534236458;0.027777777777777776235801354687;0.026666666666666668378260496297;0.028518518518518519433424529552;0.037037037037037034981068472916;0.028518518518518519433424529552;0.029259259259259259161600752464;0.014814814814814815380206169948;0.004074074074074073709139653943;0.018518518518518517490534236458;0.017037037037037038034181790636;0.019259259259259260688157411323;0.010000000000000000208166817117;0.012222222222222222862142437805;0.032962962962962964741375770927;0.026666666666666668378260496297;0.016296296296296294836558615771;0.014814814814814815380206169948;0.012962962962962962590318660716;0.040000000000000000832667268469;0.007037037037037036958653235530;0.018518518518518517490534236458;0.000000000000000000000000000000;0.017037037037037038034181790636;0.005555555555555555767577313730;0.017407407407407406163546426114;0.032592592592592589673117231541;0.021481481481481479872686080057;0.030370370370370370488588562807;0.018888888888888889089345823891
-0.037096774193548384679353091542;0.003225806451612903223008510523;0.031182795698924729854706328069;0.275806451612903236192408940042;0.001612903225806451611504255261;0.015053763440860215908068120427;0.002150537634408602148672340348;0.017204301075268817189378722787;0.002150537634408602148672340348;0.036021505376344083171336052374;0.018817204301075269451404281540;0.005913978494623655692008501461;0.006989247311827957200025540629;0.036021505376344083171336052374;0.009677419354838710102706400562;0.022043010752688170506008447092;0.013978494623655914400051081259;0.011290322580645160630008483338;0.008064516129032257840680841809;0.004838709677419355051353200281;0.013440860215053763646042561675;0.002150537634408602148672340348;0.003225806451612903223008510523;0.060215053763440863632272481709;0.026881720430107527292085123349;0.053225806451612900360714775161;0.020430107526881721713429840293;0.002688172043010752902680859933;0.000537634408602150537168085087;0.009677419354838710102706400562;0.005376344086021505805361719865;0.022043010752688170506008447092;0.002688172043010752902680859933;0.004838709677419355051353200281;0.008602150537634408594689361394;0.036021505376344083171336052374;0.011827956989247311384017002922;0.005913978494623655692008501461;0.000000000000000000000000000000;0.002150537634408602148672340348;0.003225806451612903223008510523;0.000000000000000000000000000000;0.000000000000000000000000000000;0.026881720430107527292085123349;0.004838709677419355051353200281;0.013440860215053763646042561675;0.047849462365591399759523483226;0.025268817204301075030059564597;0.008602150537634408594689361394;0.018817204301075269451404281540
-0.033680555555555553859381490156;0.002777777777777777883788656865;0.021874999999999998612221219219;0.274305555555555580227178325003;0.009722222222222222376419864531;0.019097222222222223764198645313;0.012500000000000000693889390391;0.026041666666666667823148983985;0.004513888888888888464845372539;0.020138888888888890199568848516;0.014583333333333333564629796797;0.013541666666666667129259593594;0.004861111111111111188209932266;0.024305555555555555941049661328;0.016666666666666666435370203203;0.024652777777777776929690745078;0.008680555555555555941049661328;0.007986111111111110494320541875;0.024652777777777776929690745078;0.004166666666666666608842550801;0.022569444444444444058950338672;0.005902777777777777623580135469;0.004166666666666666608842550801;0.038194444444444447528397290625;0.033333333333333332870740406406;0.030555555555555554553270880547;0.022569444444444444058950338672;0.003472222222222222029475169336;0.004513888888888888464845372539;0.015972222222222220988641083750;0.010763888888888888811790067734;0.015277777777777777276635440273;0.004513888888888888464845372539;0.014583333333333333564629796797;0.007291666666666666782314898398;0.026736111111111109800431151484;0.006944444444444444058950338672;0.013194444444444444405895033867;0.000000000000000000000000000000;0.003472222222222222029475169336;0.005555555555555555767577313730;0.001041666666666666652210637700;0.000000000000000000000000000000;0.025694444444444443365060948281;0.012847222222222221682530474141;0.023263888888888889505679458125;0.025000000000000001387778780781;0.028472222222222221682530474141;0.007638888888888888638317720137;0.017708333333333332870740406406
-0.026893939393939393645016622258;0.026136363636363634660453314495;0.064393939393939392257237841477;0.007954545454545453725403447720;0.016287878787878788677812025298;0.021590909090909091161414323778;0.003409090909090908925321850020;0.029545454545454544886817771498;0.018939393939393939919613174538;0.017803030303030303177491688871;0.017045454545454544192928381108;0.007575757575757575967845269815;0.021590909090909091161414323778;0.042424242424242426807712291748;0.021212121212121213403856145874;0.013257575757575757943729222177;0.017803030303030303177491688871;0.053409090909090906063028114659;0.029545454545454544886817771498;0.011363636363636363951767904723;0.021590909090909091161414323778;0.018560606060606062162054996634;0.018560606060606062162054996634;0.024621212121212120160773650923;0.028409090909090908144696285831;0.031439393939393940613502564929;0.035227272727272725127978247883;0.009090909090909090467524933388;0.001136363636363636308440616673;0.017424242424242425419933510966;0.005303030303030303350964036468;0.010984848484848484459486250842;0.020454545454545454419292838111;0.009469696969696969959806587269;0.026893939393939393645016622258;0.031439393939393940613502564929;0.015530303030303029693248717535;0.006439393939393939225723784148;0.002272727272727272616881233347;0.017424242424242425419933510966;0.012500000000000000693889390391;0.010227272727272727209646419055;0.000000000000000000000000000000;0.015151515151515151935690539631;0.016666666666666666435370203203;0.014772727272727272443408885749;0.032575757575757577355624050597;0.024242424242424242403215473018;0.033333333333333332870740406406;0.020075757575757576661734660206
-0.051984126984126986792400515469;0.005952380952380952050528861719;0.032539682539682542039560786407;0.034920634920634921471993550313;0.005952380952380952050528861719;0.041666666666666664353702032031;0.002777777777777777883788656865;0.032936507936507937455150596406;0.003571428571428571317053490830;0.021031746031746033354092872969;0.034126984126984123701920026406;0.015476190476190476719153821250;0.026190476190476191103995162734;0.036507936507936510073246694219;0.004761904761904762334312479766;0.030555555555555554553270880547;0.005555555555555555767577313730;0.021825396825396824185272492969;0.033333333333333332870740406406;0.006349206349206349200842147695;0.026587301587301586519584972734;0.005158730158730158617264027754;0.014682539682539682418527249297;0.022222222222222223070309254922;0.061507936507936504522131571093;0.045238095238095236971798129844;0.036507936507936510073246694219;0.000000000000000000000000000000;0.000396825396825396825052634231;0.028968253968253969421464688594;0.018650793650793650452213157109;0.012301587301587301251371009414;0.019444444444444444752839729063;0.006349206349206349200842147695;0.026190476190476191103995162734;0.026984126984126985404621734688;0.017063492063492061850960013203;0.015873015873015872134743631250;0.000000000000000000000000000000;0.008333333333333333217685101602;0.004761904761904762334312479766;0.002777777777777777883788656865;0.000000000000000000000000000000;0.015079365079365079568840535273;0.007539682539682539784420267637;0.016269841269841271019780393203;0.029761904761904760252644308594;0.027777777777777776235801354687;0.038492063492063494090089648125;0.017063492063492061850960013203
-0.031707317073170732113496228521;0.007317073170731707744407490424;0.077235772357723581071908824924;0.000813008130081300812302957937;0.000000000000000000000000000000;0.017073170731707318359404723651;0.002032520325203252247597829339;0.014634146341463415488814980847;0.030487804878048779810839619131;0.025203252032520325615072565029;0.016260162601626017980782634709;0.010162601626016259936946539710;0.021138211382113820252515168363;0.055691056910569108895359136113;0.004065040650406504495195658677;0.026829268292682926372316742913;0.034959349593495933627984584291;0.051626016260162603532801739448;0.011382113821138212239603149101;0.015040650406504065678126025318;0.010569105691056910126257584182;0.023170731707317072933793866696;0.019512195121951219495270990478;0.029268292682926830977629961694;0.035772357723577237476053625187;0.035365853658536582082572152785;0.022357723577235772555171777753;0.021951219512195120631137257305;0.001219512195121951218454436905;0.009756097560975609747635495239;0.011382113821138212239603149101;0.021544715447154472176549688811;0.008943089430894309369013406297;0.009349593495934959558324450768;0.025609756097560974069660133523;0.047154471544715449715656774288;0.012601626016260162807536282514;0.011788617886178862428914193572;0.000813008130081300812302957937;0.026829268292682926372316742913;0.003658536585365853872203745212;0.007723577235772357933718534895;0.000000000000000000000000000000;0.013008130081300812996847326986;0.002032520325203252247597829339;0.013414634146341463186158371457;0.038617886178861790535954412462;0.024390243902439025236450476086;0.039430894308943087445129549451;0.019105691056910567571236470030
-0.031666666666666669349705642844;0.003749999999999999861222121922;0.072083333333333332593184650250;0.000000000000000000000000000000;0.017916666666666667545593227828;0.011666666666666667198648532633;0.001250000000000000026020852140;0.023750000000000000277555756156;0.017083333333333332315628894094;0.048333333333333332315628894094;0.016666666666666666435370203203;0.016666666666666666435370203203;0.007083333333333332974823814965;0.056250000000000001387778780781;0.007083333333333332974823814965;0.014166666666666665949647629930;0.021666666666666667406815349750;0.029583333333333333009518284484;0.006666666666666667094565124074;0.012500000000000000693889390391;0.010000000000000000208166817117;0.011249999999999999583666365766;0.005416666666666666851703837438;0.064583333333333339809634310313;0.020000000000000000416333634234;0.050416666666666665186369300500;0.037499999999999998612221219219;0.008750000000000000832667268469;0.000833333333333333386820640509;0.013333333333333334189130248149;0.006666666666666667094565124074;0.029583333333333333009518284484;0.005833333333333333599324266316;0.007499999999999999722444243844;0.011666666666666667198648532633;0.069583333333333330372738601000;0.017500000000000001665334536938;0.007916666666666667337426410711;0.001250000000000000026020852140;0.009583333333333332593184650250;0.003333333333333333547282562037;0.010833333333333333703407674875;0.000000000000000000000000000000;0.031666666666666669349705642844;0.001250000000000000026020852140;0.020000000000000000416333634234;0.057500000000000002498001805407;0.029583333333333333009518284484;0.026249999999999999028554853453;0.014583333333333333564629796797
-0.034259259259259260133045899011;0.007407407407407407690103084974;0.043981481481481482509465763542;0.000462962962962962980631442811;0.013425925925925926221471407018;0.037037037037037034981068472916;0.007870370370370369586532355299;0.019907407407407408383992475365;0.006018518518518518531368322044;0.016203703703703702804217456901;0.020833333333333332176851016015;0.022222222222222223070309254922;0.035185185185185187395351391615;0.037499999999999998612221219219;0.006481481481481481295159330358;0.022685185185185186701462001224;0.009722222222222222376419864531;0.022685185185185186701462001224;0.018981481481481481121686982760;0.009722222222222222376419864531;0.019907407407407408383992475365;0.004629629629629629372633559115;0.019444444444444444752839729063;0.031018518518518518184423626849;0.035648148148148151026504137917;0.043518518518518518878313017240;0.028703703703703703498106847292;0.014814814814814815380206169948;0.000925925925925925961262885622;0.040277777777777780399137697032;0.016203703703703702804217456901;0.015277777777777777276635440273;0.011574074074074073431583897786;0.011111111111111111535154627461;0.034259259259259260133045899011;0.032870370370370369239587660104;0.015740740740740739173064710599;0.031018518518518518184423626849;0.000000000000000000000000000000;0.018518518518518517490534236458;0.002777777777777777883788656865;0.009259259259259258745267118229;0.000000000000000000000000000000;0.021296296296296295808003762318;0.006944444444444444058950338672;0.025000000000000001387778780781;0.031018518518518518184423626849;0.025462962962962961549484575130;0.047222222222222220988641083750;0.012962962962962962590318660716
-0.017129629629629630066522949505;0.009259259259259258745267118229;0.058796296296296297889671933490;0.003240740740740740647579665179;0.004629629629629629372633559115;0.013888888888888888117900677344;0.001851851851851851922525771243;0.038888888888888889505679458125;0.004629629629629629372633559115;0.048611111111111111882099322656;0.010185185185185186007572610833;0.001851851851851851922525771243;0.019907407407407408383992475365;0.045370370370370373402924002448;0.017129629629629630066522949505;0.012037037037037037062736644089;0.022222222222222223070309254922;0.037037037037037034981068472916;0.010648148148148147904001881159;0.006944444444444444058950338672;0.011111111111111111535154627461;0.007407407407407407690103084974;0.016666666666666666435370203203;0.077314814814814808441312266041;0.018055555555555553859381490156;0.058333333333333334258519187188;0.025925925925925925180637321432;0.010648148148148147904001881159;0.001388888888888888941894328433;0.009722222222222222376419864531;0.003703703703703703845051542487;0.037962962962962962243373965521;0.012500000000000000693889390391;0.006944444444444444058950338672;0.036574074074074071349915726614;0.074537037037037040532183596042;0.009722222222222222376419864531;0.004166666666666666608842550801;0.000000000000000000000000000000;0.014814814814814815380206169948;0.009722222222222222376419864531;0.005555555555555555767577313730;0.000000000000000000000000000000;0.030092592592592590922118134245;0.005092592592592593003786305417;0.014351851851851851749053423646;0.054629629629629632148191120677;0.020833333333333332176851016015;0.023611111111111110494320541875;0.014351851851851851749053423646
-0.018333333333333333425851918719;0.007777777777777777554191196430;0.053888888888888888950567945813;0.025555555555555557051272685953;0.001666666666666666773641281019;0.006666666666666667094565124074;0.002222222222222222220294751693;0.031666666666666669349705642844;0.007222222222222221890697291258;0.095000000000000001110223024625;0.014444444444444443781394582516;0.006111111111111111431071218902;0.003888888888888888777095598215;0.044444444444444446140618509844;0.011111111111111111535154627461;0.007222222222222221890697291258;0.025000000000000001387778780781;0.030555555555555554553270880547;0.007222222222222221890697291258;0.004444444444444444440589503387;0.011111111111111111535154627461;0.005555555555555555767577313730;0.002222222222222222220294751693;0.110555555555555559688052369438;0.016111111111111110771876298031;0.051666666666666666296592325125;0.021111111111111111743321444578;0.009444444444444444544672911945;0.002777777777777777883788656865;0.001111111111111111110147375847;0.002222222222222222220294751693;0.048333333333333332315628894094;0.003333333333333333547282562037;0.002222222222222222220294751693;0.006111111111111111431071218902;0.088333333333333333148296162562;0.014999999999999999444888487687;0.005555555555555555767577313730;0.000000000000000000000000000000;0.001111111111111111110147375847;0.009444444444444444544672911945;0.003333333333333333547282562037;0.000000000000000000000000000000;0.055555555555555552471602709375;0.005555555555555555767577313730;0.032777777777777780676693453188;0.051111111111111114102545371907;0.014444444444444443781394582516;0.005555555555555555767577313730;0.013888888888888888117900677344
-0.036296296296296298722339201959;0.011111111111111111535154627461;0.043333333333333334813630699500;0.000370370370370370351979089074;0.004814814814814815172039352831;0.027407407407407408106436719208;0.003333333333333333547282562037;0.019259259259259260688157411323;0.010740740740740739936343040029;0.048518518518518516380311211833;0.014814814814814815380206169948;0.018148148148148149361169600979;0.020000000000000000416333634234;0.041851851851851848418384349770;0.006296296296296296363115274630;0.017777777777777777762358013547;0.020740740740740740144509857146;0.027037037037037036507625131776;0.017777777777777777762358013547;0.010740740740740739936343040029;0.015925925925925926707193980292;0.008148148148148147418279307885;0.012222222222222222862142437805;0.072962962962962965574043039396;0.033703703703703701000105041885;0.048888888888888891448569751219;0.025925925925925925180637321432;0.004814814814814815172039352831;0.001851851851851851922525771243;0.027407407407407408106436719208;0.015925925925925926707193980292;0.024444444444444445724284875610;0.009629629629629630344078705662;0.005185185185185185036127464286;0.022962962962962962798485477833;0.048518518518518516380311211833;0.018518518518518517490534236458;0.012592592592592592726230549260;0.000740740740740740703958178148;0.012222222222222222862142437805;0.004814814814814815172039352831;0.006666666666666667094565124074;0.000000000000000000000000000000;0.030740740740740742087400150240;0.005555555555555555767577313730;0.020000000000000000416333634234;0.045925925925925925596970955667;0.023333333333333334397297065266;0.026666666666666668378260496297;0.013333333333333334189130248149
-0.015277777777777777276635440273;0.004166666666666666608842550801;0.018749999999999999306110609609;0.603125000000000022204460492503;0.002430555555555555594104966133;0.013194444444444444405895033867;0.002430555555555555594104966133;0.009027777777777776929690745078;0.014930555555555556287994356524;0.007986111111111110494320541875;0.006250000000000000346944695195;0.012152777777777777970524830664;0.006597222222222222202947516934;0.010416666666666666088425508008;0.009722222222222222376419864531;0.010416666666666666088425508008;0.006250000000000000346944695195;0.010069444444444445099784424258;0.009722222222222222376419864531;0.002777777777777777883788656865;0.005555555555555555767577313730;0.010416666666666666088425508008;0.002430555555555555594104966133;0.013194444444444444405895033867;0.015625000000000000000000000000;0.014583333333333333564629796797;0.009374999999999999653055304805;0.003125000000000000173472347598;0.000347222222222222235473582108;0.013888888888888888117900677344;0.010069444444444445099784424258;0.009374999999999999653055304805;0.002777777777777777883788656865;0.004166666666666666608842550801;0.005902777777777777623580135469;0.011458333333333332523795711211;0.004166666666666666608842550801;0.007986111111111110494320541875;0.003125000000000000173472347598;0.009374999999999999653055304805;0.003819444444444444319158860068;0.010763888888888888811790067734;0.000000000000000000000000000000;0.008333333333333333217685101602;0.004513888888888888464845372539;0.007986111111111110494320541875;0.010416666666666666088425508008;0.007638888888888888638317720137;0.008680555555555555941049661328;0.005208333333333333044212754004
-0.025333333333333332704206952712;0.013333333333333334189130248149;0.074999999999999997224442438437;0.002666666666666666577617528233;0.002333333333333333526465880325;0.021999999999999998723243521681;0.001333333333333333288808764117;0.024333333333333331816028533012;0.017999999999999998639976794834;0.036999999999999998168132009368;0.018999999999999999528155214534;0.018666666666666668211727042603;0.012999999999999999403255124264;0.061333333333333329984160542381;0.006666666666666667094565124074;0.017999999999999998639976794834;0.017666666666666667323548622903;0.025666666666666667490082076597;0.007000000000000000145716771982;0.014000000000000000291433543964;0.012000000000000000249800180541;0.014999999999999999444888487687;0.008999999999999999319988397417;0.042333333333333333925452279800;0.035333333333333334647097245806;0.048666666666666663632057066025;0.023333333333333334397297065266;0.010000000000000000208166817117;0.001333333333333333288808764117;0.009666666666666667157015169209;0.008999999999999999319988397417;0.025999999999999998806510248528;0.005666666666666667073748442363;0.011333333333333334147496884725;0.023666666666666665713725237197;0.053333333333333336756520992594;0.013666666666666667240281896056;0.006000000000000000124900090270;0.001000000000000000020816681712;0.016000000000000000333066907388;0.003333333333333333547282562037;0.016666666666666666435370203203;0.000000000000000000000000000000;0.017666666666666667323548622903;0.003666666666666666598434209945;0.010999999999999999361621760841;0.059999999999999997779553950750;0.044666666666666667018237291131;0.025333333333333332704206952712;0.022999999999999999611421941381
-0.047517730496453899902142836709;0.006737588652482269686860849589;0.044326241134751774575217808660;0.001063829787234042570723269172;0.018085106382978721750731665452;0.032978723404255318174538302856;0.002482269503546099403967772901;0.020212765957446809927944286756;0.010638297872340425273551822727;0.019858156028368795231742183205;0.023404255319148935254869314804;0.013475177304964539373721699178;0.033687943262411347566942509957;0.046099290780141841117334422506;0.006382978723404254990658746038;0.023758865248226949951071418354;0.013475177304964539373721699178;0.019858156028368795231742183205;0.024822695035460994039677729006;0.005673758865248227332978014914;0.027304964539007093443645501907;0.007801418439716312040743684264;0.020567375886524821154699438353;0.032269503546099288782134095754;0.047517730496453899902142836709;0.037234042553191487590069641556;0.034751773049645391655548820609;0.002127659574468085141446538344;0.000000000000000000000000000000;0.037234042553191487590069641556;0.009574468085106382919668988052;0.012765957446808509981317492077;0.014539007092198581727604533853;0.009574468085106382919668988052;0.039007092198581561071080159309;0.030851063829787233466772633506;0.014539007092198581727604533853;0.016666666666666666435370203203;0.000000000000000000000000000000;0.018794326241134751143135872553;0.003191489361702127495329373019;0.007092198581560283515701215151;0.000000000000000000000000000000;0.018439716312056736446933769002;0.006382978723404254990658746038;0.017375886524822695827774410304;0.033333333333333332870740406406;0.031560283687943259389729888653;0.037234042553191487590069641556;0.017730496453900710523976513855
-0.021999999999999998723243521681;0.017999999999999998639976794834;0.082000000000000003441691376338;0.001666666666666666773641281019;0.000333333333333333322202191029;0.006666666666666667094565124074;0.003333333333333333547282562037;0.016333333333333331649495079319;0.033666666666666664187168578337;0.034666666666666665075346998037;0.008999999999999999319988397417;0.002666666666666666577617528233;0.009333333333333334105863521302;0.052333333333333335868342572894;0.003666666666666666598434209945;0.016000000000000000333066907388;0.034000000000000002442490654175;0.040666666666666663465523612331;0.003000000000000000062450045135;0.017333333333333332537673499019;0.008666666666666666268836749509;0.023333333333333334397297065266;0.015666666666666665547191783503;0.041000000000000001720845688169;0.017666666666666667323548622903;0.029000000000000001471045507628;0.022666666666666668294993769450;0.006000000000000000124900090270;0.002000000000000000041633363423;0.002333333333333333526465880325;0.007333333333333333196868419890;0.026999999999999999694688668228;0.004666666666666667052931760651;0.018333333333333333425851918719;0.037999999999999999056310429069;0.057666666666666664686768939418;0.014333333333333333342585191872;0.007666666666666666248020067798;0.007666666666666666248020067798;0.035999999999999997279953589668;0.004000000000000000083266726847;0.033000000000000001554312234475;0.000000000000000000000000000000;0.020333333333333331732761806165;0.002666666666666666577617528233;0.017000000000000001221245327088;0.043999999999999997446487043362;0.030999999999999999777955395075;0.036666666666666666851703837438;0.017666666666666667323548622903
-0.026923076923076924571454071611;0.020940170940170938634894426400;0.053846153846153849142908143222;0.001709401709401709400226732072;0.006410256410256410034009810772;0.015811965811965811301575968173;0.000854700854700854700113366036;0.021794871794871793768688661430;0.054700854700854700807255426298;0.020940170940170938634894426400;0.014957264957264957902505209120;0.014529914529914530335608091605;0.013247863247863247634916739059;0.035042735042735043138328876466;0.012820512820512820068019621544;0.015811965811965811301575968173;0.033333333333333332870740406406;0.059829059829059831610020836479;0.012820512820512820068019621544;0.012820512820512820068019621544;0.014529914529914530335608091605;0.034188034188034191473981593390;0.029059829059829060671216183209;0.035470085470085468970502518005;0.019658119658119657668926549832;0.022649572649572648902482896460;0.025641025641025640136039243089;0.017094017094017095736990796695;0.000427350427350427350056683018;0.023504273504273504036277131490;0.011965811965811966668948862491;0.021794871794871793768688661430;0.009401709401709401267566157401;0.007692307692307692734701163317;0.021367521367521367936515019892;0.044444444444444446140618509844;0.010256410256410256401360392431;0.006837606837606837600906928287;0.003418803418803418800453464144;0.028205128205128205537421948179;0.002136752136752136967123849587;0.044017094017094020308444868306;0.000000000000000000000000000000;0.015811965811965811301575968173;0.002564102564102564100340098108;0.013675213675213675201813856575;0.029487179487179486503389824748;0.017094017094017095736990796695;0.028632478632478631369595589717;0.009829059829059828834463274916
-0.031007751937984495693712005959;0.012015503875968992081313402309;0.041085271317829456794168407896;0.003100775193798449569371200596;0.004651162790697674354056800894;0.008139534883720930119599401564;0.001937984496124030980857000372;0.026744186046511627535826605140;0.018604651162790697416227203576;0.061627906976744188660699563798;0.014341085271317829258341802756;0.001937984496124030980857000372;0.007364341085271317727256601415;0.039922480620155041675101159626;0.013953488372093023062170402682;0.012790697674418604473656202458;0.013953488372093023062170402682;0.033333333333333332870740406406;0.017054263565891472631541603278;0.006201550387596899138742401192;0.020155038759689922200912803874;0.006976744186046511531085201341;0.007751937984496123923428001490;0.079844961240310083350202319252;0.021705426356589146985598404171;0.062403100775193801053042363947;0.030232558139534883301369205810;0.010852713178294573492799202086;0.000387596899224806196171400074;0.006976744186046511531085201341;0.001162790697674418588514200223;0.027519379844961239928169405289;0.009302325581395348708113601788;0.003875968992248061961714000745;0.010852713178294573492799202086;0.061240310077519378995081211770;0.017054263565891472631541603278;0.007364341085271317727256601415;0.001162790697674418588514200223;0.005426356589147286746399601043;0.011627906976744185885142002235;0.018217054263565891220055803501;0.000000000000000000000000000000;0.041860465116279069186511208045;0.005426356589147286746399601043;0.031782945736434108086054806108;0.056201550387596901914299962755;0.032170542635658917751673158136;0.029844961240310077105197805736;0.010852713178294573492799202086
-0.053546099290780142798684693162;0.001418439716312056833244503729;0.025177304964539008735879832557;0.000000000000000000000000000000;0.001063829787234042570723269172;0.050000000000000002775557561563;0.001418439716312056833244503729;0.013475177304964539373721699178;0.005319148936170212636775911363;0.023758865248226949951071418354;0.018794326241134751143135872553;0.025531914893617019962634984154;0.037588652482269502286271745106;0.040070921985815605159686469960;0.003191489361702127495329373019;0.051418439716312054621472071858;0.014539007092198581727604533853;0.011702127659574467627434657402;0.012411347517730497019838864503;0.008156028368794325869584049826;0.017021276595744681131572306754;0.007092198581560283515701215151;0.012411347517730497019838864503;0.033687943262411347566942509957;0.063475177304964533475661880857;0.041489361702127657005600980256;0.020567375886524821154699438353;0.021276595744680850547103645454;0.001418439716312056833244503729;0.016666666666666666435370203203;0.032624113475177303478336199305;0.011347517730496454665956029828;0.007092198581560283515701215151;0.007801418439716312040743684264;0.046808510638297870509738629607;0.020212765957446809927944286756;0.007801418439716312040743684264;0.033333333333333332870740406406;0.000354609929078014208311125932;0.014184397163120567031402430302;0.000709219858156028416622251864;0.003546099290780141757850607576;0.000000000000000000000000000000;0.026241134751773049355039191255;0.002482269503546099403967772901;0.028014184397163119366602757054;0.037943262411347516982473848657;0.037234042553191487590069641556;0.025531914893617019962634984154;0.023049645390070920558667211253
-0.032592592592592589673117231541;0.002962962962962962815832712593;0.075555555555555556357383295563;0.000370370370370370351979089074;0.002592592592592592518063732143;0.015185185185185185244294281404;0.000740740740740740703958178148;0.015555555555555555108382392859;0.017037037037037038034181790636;0.033333333333333332870740406406;0.011111111111111111535154627461;0.006666666666666667094565124074;0.015925925925925926707193980292;0.056666666666666663798590519718;0.001481481481481481407916356297;0.023703703703703702526661700745;0.019629629629629628817522046802;0.034444444444444444197728216750;0.007407407407407407690103084974;0.017407407407407406163546426114;0.010740740740740739936343040029;0.022592592592592591199673890401;0.015185185185185185244294281404;0.052962962962962961688262453208;0.037037037037037034981068472916;0.043333333333333334813630699500;0.028148148148148147834612942120;0.000370370370370370351979089074;0.000370370370370370351979089074;0.005925925925925925631665425186;0.007777777777777777554191196430;0.025925925925925925180637321432;0.005925925925925925631665425186;0.010370370370370370072254928573;0.035925925925925923654080662573;0.052962962962962961688262453208;0.014074074074074073917306471060;0.011111111111111111535154627461;0.001481481481481481407916356297;0.024074074074074074125473288177;0.003703703703703703845051542487;0.004074074074074073709139653943;0.000000000000000000000000000000;0.025925925925925925180637321432;0.001481481481481481407916356297;0.014814814814814815380206169948;0.057037037037037038866849059104;0.042962962962962959745372160114;0.035185185185185187395351391615;0.018148148148148149361169600979
-0.029310344827586206489788978047;0.016666666666666666435370203203;0.026149425287356323210907760313;0.129310344827586215510351053126;0.054310344827586204408120806875;0.035632183908045976516998365469;0.004597701149425287292515918125;0.023275862068965518653085311485;0.008045977011494252761902856719;0.008333333333333333217685101602;0.017241379310344827346934692969;0.028160919540229884666659998516;0.018678160919540231360569393360;0.020114942528735631904757141797;0.025287356321839080108837549687;0.017528735632183909537440413828;0.010632183908045976863943060664;0.021551724137931035918391842188;0.041954022988505750013654704844;0.005459770114942528659862652773;0.023275862068965518653085311485;0.007758620689655172306120611836;0.013505747126436781421765509492;0.022413793103448275551015100859;0.033333333333333332870740406406;0.019827586206896553183698372891;0.029597701149425288680294698906;0.012643678160919540054418774844;0.001149425287356321823128979531;0.052586206896551725142874289531;0.017816091954022988258499182734;0.009770114942528735496596326016;0.024137931034482758285708570156;0.005459770114942528659862652773;0.017528735632183909537440413828;0.014942528735632183700676733906;0.011781609195402298687072040195;0.009195402298850574585031836250;0.000862068965517241367346734648;0.010057471264367815952378570898;0.007471264367816091850338366953;0.004310344827586206836733673242;0.000000000000000000000000000000;0.008908045977011494129249591367;0.027011494252873562843531018984;0.009482758620689655040814081133;0.015229885057471264156458978789;0.011781609195402298687072040195;0.022126436781609196829956331953;0.013793103448275861877547754375
-0.018333333333333333425851918719;0.025000000000000001387778780781;0.058333333333333334258519187188;0.003333333333333333547282562037;0.004000000000000000083266726847;0.010999999999999999361621760841;0.003666666666666666598434209945;0.033666666666666664187168578337;0.030666666666666664992080271190;0.017999999999999998639976794834;0.014666666666666666393736839780;0.006000000000000000124900090270;0.014999999999999999444888487687;0.029000000000000001471045507628;0.016666666666666666435370203203;0.014000000000000000291433543964;0.028000000000000000582867087928;0.070000000000000006661338147751;0.016666666666666666435370203203;0.016000000000000000333066907388;0.018999999999999999528155214534;0.026999999999999999694688668228;0.035666666666666665963525417737;0.024000000000000000499600361081;0.021000000000000001304512053935;0.028000000000000000582867087928;0.038666666666666668628060676838;0.014999999999999999444888487687;0.002000000000000000041633363423;0.007000000000000000145716771982;0.003333333333333333547282562037;0.012000000000000000249800180541;0.012999999999999999403255124264;0.010999999999999999361621760841;0.030333333333333333675652099259;0.044999999999999998334665463062;0.022333333333333333509118645566;0.008333333333333333217685101602;0.005666666666666667073748442363;0.035666666666666665963525417737;0.012000000000000000249800180541;0.021333333333333332620940225866;0.000000000000000000000000000000;0.011666666666666667198648532633;0.008333333333333333217685101602;0.014999999999999999444888487687;0.020666666666666666518636930050;0.022666666666666668294993769450;0.037999999999999999056310429069;0.014333333333333333342585191872
-0.036666666666666666851703837438;0.025833333333333333148296162562;0.022499999999999999167332731531;0.002500000000000000052041704279;0.004583333333333333356462979680;0.033333333333333332870740406406;0.009166666666666666712925959359;0.044999999999999998334665463062;0.016250000000000000555111512313;0.014166666666666665949647629930;0.018749999999999999306110609609;0.011666666666666667198648532633;0.035000000000000003330669073875;0.017500000000000001665334536938;0.022499999999999999167332731531;0.017083333333333332315628894094;0.013333333333333334189130248149;0.047083333333333331205405869468;0.038749999999999999722444243844;0.009166666666666666712925959359;0.030833333333333334119741309109;0.008750000000000000832667268469;0.039583333333333331482961625625;0.017083333333333332315628894094;0.025833333333333333148296162562;0.020416666666666666296592325125;0.036666666666666666851703837438;0.026666666666666668378260496297;0.001250000000000000026020852140;0.034166666666666664631257788187;0.019583333333333334536074943344;0.010000000000000000208166817117;0.029583333333333333009518284484;0.007083333333333332974823814965;0.030833333333333334119741309109;0.029166666666666667129259593594;0.014166666666666665949647629930;0.018333333333333333425851918719;0.006666666666666667094565124074;0.019583333333333334536074943344;0.011666666666666667198648532633;0.007499999999999999722444243844;0.000000000000000000000000000000;0.012916666666666666574148081281;0.012916666666666666574148081281;0.025833333333333333148296162562;0.008750000000000000832667268469;0.008750000000000000832667268469;0.036249999999999997501998194593;0.008333333333333333217685101602
-0.035606060606060606354983377742;0.010606060606060606701928072937;0.058333333333333334258519187188;0.000757575757575757575100483532;0.003409090909090908925321850020;0.007196969696969697342925353922;0.001515151515151515150200967064;0.025378787878787879145336958686;0.009469696969696969959806587269;0.063636363636363629803227581760;0.014772727272727272443408885749;0.001136363636363636308440616673;0.003030303030303030300401934127;0.054924242424242424032154730185;0.013636363636363635701287400082;0.021212121212121213403856145874;0.010984848484848484459486250842;0.025000000000000001387778780781;0.007196969696969697342925353922;0.008333333333333333217685101602;0.019696969696969695434729530348;0.008333333333333333217685101602;0.008333333333333333217685101602;0.074999999999999997224442438437;0.036363636363636361870099733551;0.071590909090909093936971885341;0.025000000000000001387778780781;0.009848484848484847717364765174;0.001515151515151515150200967064;0.004545454545454545233762466694;0.001515151515151515150200967064;0.023484848484848483418652165255;0.007575757575757575967845269815;0.004545454545454545233762466694;0.014015151515151515193569053963;0.053030303030303031774916888708;0.009469696969696969959806587269;0.012121212121212121201607736509;0.001893939393939393991961317454;0.009090909090909090467524933388;0.004924242424242423858682382587;0.005303030303030303350964036468;0.000000000000000000000000000000;0.037499999999999998612221219219;0.012121212121212121201607736509;0.021969696969696968918972501683;0.065909090909090903287470553096;0.039393939393939390869459060696;0.017045454545454544192928381108;0.022727272727272727903535809446
-0.032592592592592589673117231541;0.002222222222222222220294751693;0.096666666666666664631257788187;0.000000000000000000000000000000;0.004074074074074073709139653943;0.017777777777777777762358013547;0.000370370370370370351979089074;0.011851851851851851263330850372;0.037037037037037034981068472916;0.031481481481481478346129421197;0.014444444444444443781394582516;0.027037037037037036507625131776;0.014814814814814815380206169948;0.049629629629629627707299022177;0.001111111111111111110147375847;0.018148148148148149361169600979;0.063333333333333338699411285688;0.042592592592592591616007524635;0.005185185185185185036127464286;0.022962962962962962798485477833;0.004814814814814815172039352831;0.024074074074074074125473288177;0.004074074074074073709139653943;0.047777777777777780121581940875;0.034444444444444444197728216750;0.036296296296296298722339201959;0.022592592592592591199673890401;0.000740740740740740703958178148;0.000740740740740740703958178148;0.008148148148148147418279307885;0.013703703703703704053218359604;0.032222222222222221543752596062;0.002592592592592592518063732143;0.004074074074074073709139653943;0.027407407407407408106436719208;0.062592592592592588562894206916;0.009259259259259258745267118229;0.008888888888888888881179006773;0.000740740740740740703958178148;0.014444444444444443781394582516;0.000740740740740740703958178148;0.009259259259259258745267118229;0.000000000000000000000000000000;0.014814814814814815380206169948;0.000740740740740740703958178148;0.009259259259259258745267118229;0.042222222222222223486642889156;0.035925925925925923654080662573;0.019259259259259260688157411323;0.014814814814814815380206169948
-0.017117117117117115754343359413;0.056756756756756759907389664477;0.031981981981981981444373985823;0.011711711711711711783601153058;0.021621621621621622821862729324;0.008558558558558557877171679706;0.007207207207207207318166997112;0.035135135135135137085526935152;0.034234234234234231508686718826;0.020270270270270271395496308742;0.009909909909909909303538100289;0.000900900900900900914770874639;0.009009009009009008930868311893;0.017117117117117115754343359413;0.045945945945945948496458299815;0.007207207207207207318166997112;0.028378378378378379953694832238;0.051801801801801800051450186402;0.036936936936936934361419559991;0.004954954954954954651769050145;0.021171171171171170033442621161;0.021171171171171170033442621161;0.024324324324324325674595570490;0.028828828828828829272667988448;0.013963963963963963582637362038;0.014864864864864865690030626411;0.030630630630630630018007565241;0.046846846846846847134404612234;0.002702702702702702852732841166;0.019369369369369369288103044369;0.006306306306306306078135470727;0.023423423423423423567202306117;0.022072072072072072140835885534;0.006756756756756757131832102914;0.012162162162162162837297785245;0.034684684684684684297106826989;0.011711711711711711783601153058;0.007657657657657657504501891310;0.011711711711711711783601153058;0.024324324324324325674595570490;0.017117117117117115754343359413;0.028828828828828829272667988448;0.000000000000000000000000000000;0.013063063063063063209967573641;0.031081081081081082806427673404;0.013963963963963963582637362038;0.017117117117117115754343359413;0.009009009009009008930868311893;0.017567567567567568542763467576;0.010810810810810811410931364662
-0.019444444444444444752839729063;0.014583333333333333564629796797;0.093750000000000000000000000000;0.008333333333333333217685101602;0.013541666666666667129259593594;0.008680555555555555941049661328;0.002430555555555555594104966133;0.023611111111111110494320541875;0.011458333333333332523795711211;0.038541666666666668517038374375;0.010763888888888888811790067734;0.002430555555555555594104966133;0.008680555555555555941049661328;0.048958333333333332870740406406;0.025000000000000001387778780781;0.015972222222222220988641083750;0.036111111111111107718762980312;0.035069444444444444752839729063;0.010763888888888888811790067734;0.015972222222222220988641083750;0.006944444444444444058950338672;0.014930555555555556287994356524;0.010763888888888888811790067734;0.062152777777777779011358916250;0.018055555555555553859381490156;0.034722222222222223764198645313;0.021874999999999998612221219219;0.015625000000000000000000000000;0.001041666666666666652210637700;0.006597222222222222202947516934;0.007638888888888888638317720137;0.032638888888888890893458238907;0.009722222222222222376419864531;0.007638888888888888638317720137;0.014930555555555556287994356524;0.077777777777777779011358916250;0.014583333333333333564629796797;0.011805555555555555247160270937;0.000347222222222222235473582108;0.018749999999999999306110609609;0.010416666666666666088425508008;0.003819444444444444319158860068;0.000000000000000000000000000000;0.018749999999999999306110609609;0.017361111111111111882099322656;0.010069444444444445099784424258;0.049305555555555553859381490156;0.025694444444444443365060948281;0.017708333333333332870740406406;0.014236111111111110841265237070
-0.060360360360360361398068818062;0.000000000000000000000000000000;0.042792792792792792855305350486;0.000000000000000000000000000000;0.000000000000000000000000000000;0.013513513513513514263664205828;0.000000000000000000000000000000;0.011711711711711711783601153058;0.003153153153153153039067735364;0.069819819819819814443739858234;0.018468468468468467180709779996;0.006306306306306306078135470727;0.004954954954954954651769050145;0.056756756756756759907389664477;0.001351351351351351426366420583;0.055855855855855854330549448150;0.011261261261261260729904520872;0.013063063063063063209967573641;0.004954954954954954651769050145;0.007207207207207207318166997112;0.023423423423423423567202306117;0.003603603603603603659083498556;0.001351351351351351426366420583;0.074324324324324328450153132053;0.050900900900900901413503873982;0.097297297297297302698382281960;0.017117117117117115754343359413;0.000000000000000000000000000000;0.000900900900900900914770874639;0.002702702702702702852732841166;0.004954954954954954651769050145;0.019819819819819818607076200578;0.001801801801801801829541749278;0.004504504504504504465434155946;0.006306306306306306078135470727;0.048648648648648651349191140980;0.009009009009009008930868311893;0.014864864864864865690030626411;0.000000000000000000000000000000;0.004954954954954954651769050145;0.004954954954954954651769050145;0.000000000000000000000000000000;0.000000000000000000000000000000;0.044594594594594597070091879232;0.000900900900900900914770874639;0.024324324324324325674595570490;0.064414414414414408738274175903;0.061711711711711712824435238645;0.009009009009009008930868311893;0.022072072072072072140835885534
-0.039930555555555552471602709375;0.009027777777777776929690745078;0.053819444444444447528397290625;0.059027777777777776235801354687;0.002430555555555555594104966133;0.006250000000000000346944695195;0.001736111111111111014737584668;0.017013888888888887424011286953;0.011111111111111111535154627461;0.056250000000000001387778780781;0.010763888888888888811790067734;0.001388888888888888941894328433;0.005208333333333333044212754004;0.062847222222222220988641083750;0.011111111111111111535154627461;0.019097222222222223764198645313;0.014930555555555556287994356524;0.022916666666666665047591422422;0.007291666666666666782314898398;0.005555555555555555767577313730;0.013541666666666667129259593594;0.011111111111111111535154627461;0.003819444444444444319158860068;0.073263888888888892281237019688;0.029513888888888888117900677344;0.066666666666666665741480812812;0.024652777777777776929690745078;0.012500000000000000693889390391;0.000000000000000000000000000000;0.001736111111111111014737584668;0.002083333333333333304421275400;0.021180555555555556634939051719;0.002083333333333333304421275400;0.004513888888888888464845372539;0.009722222222222222376419864531;0.046180555555555558022717832500;0.015625000000000000000000000000;0.007986111111111110494320541875;0.002777777777777777883788656865;0.009027777777777776929690745078;0.002083333333333333304421275400;0.011111111111111111535154627461;0.000000000000000000000000000000;0.036111111111111107718762980312;0.003125000000000000173472347598;0.017361111111111111882099322656;0.066319444444444444752839729063;0.048958333333333332870740406406;0.017361111111111111882099322656;0.021874999999999998612221219219
-0.014285714285714285268213963320;0.001984126984126984016842953906;0.044841269841269841556208319844;0.421031746031746034741871653750;0.015873015873015872134743631250;0.002380952380952381167156239883;0.003174603174603174600421073848;0.013492063492063492702310867344;0.007539682539682539784420267637;0.030158730158730159137681070547;0.006349206349206349200842147695;0.000793650793650793650105268462;0.005952380952380952050528861719;0.030555555555555554553270880547;0.014285714285714285268213963320;0.009920634920634920084214769531;0.013888888888888888117900677344;0.014285714285714285268213963320;0.007936507936507936067371815625;0.007539682539682539784420267637;0.007142857142857142634106981660;0.006746031746031746351155433672;0.001984126984126984016842953906;0.039682539682539680336859078125;0.013888888888888888117900677344;0.023015873015873017370935826875;0.014285714285714285268213963320;0.002380952380952381167156239883;0.001984126984126984016842953906;0.001190476190476190583578119941;0.000000000000000000000000000000;0.023809523809523808202115446875;0.003968253968253968033685907812;0.006746031746031746351155433672;0.009126984126984127518311673555;0.032142857142857139685077072500;0.007936507936507936067371815625;0.003174603174603174600421073848;0.000793650793650793650105268462;0.005555555555555555767577313730;0.001984126984126984016842953906;0.001587301587301587300210536924;0.000000000000000000000000000000;0.020634920634920634469056111016;0.006349206349206349200842147695;0.012698412698412698401684295391;0.035714285714285712303173170312;0.019841269841269840168429539062;0.012301587301587301251371009414;0.017063492063492061850960013203
-0.008095238095238094580552434820;0.000000000000000000000000000000;0.048571428571428570952761560875;0.100000000000000005551115123126;0.005714285714285714280757932926;0.000000000000000000000000000000;0.000952380952380952380126322154;0.022857142857142857123031731703;0.000952380952380952380126322154;0.114761904761904759419977040125;0.004761904761904762334312479766;0.000000000000000000000000000000;0.000000000000000000000000000000;0.056190476190476193463219090063;0.001904761904761904760252644309;0.005238095238095237873854337352;0.012857142857142856914864914586;0.006190476190476190687661528500;0.001428571428571428570189483231;0.001904761904761904760252644309;0.010952380952380953021974008266;0.000000000000000000000000000000;0.000000000000000000000000000000;0.155714285714285721740068879626;0.004761904761904762334312479766;0.058571428571428572895651853969;0.015238095238095238082021154469;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000476190476190476190063161077;0.000000000000000000000000000000;0.059523809523809520505288617187;0.000000000000000000000000000000;0.000000000000000000000000000000;0.001428571428571428570189483231;0.089047619047619042120800258999;0.007619047619047619041010577234;0.003333333333333333547282562037;0.000000000000000000000000000000;0.000000000000000000000000000000;0.010000000000000000208166817117;0.000000000000000000000000000000;0.000000000000000000000000000000;0.061428571428571429602349951438;0.000952380952380952380126322154;0.023333333333333334397297065266;0.078095238095238092568273202687;0.020000000000000000416333634234;0.003333333333333333547282562037;0.003809523809523809520505288617
-0.041025641025641025605441569724;0.005555555555555555767577313730;0.041025641025641025605441569724;0.000000000000000000000000000000;0.002991452991452991667237215623;0.039316239316239315337853099663;0.000000000000000000000000000000;0.016666666666666666435370203203;0.006410256410256410034009810772;0.058974358974358973006779649495;0.023504273504273504036277131490;0.016239316239316240603196561665;0.026923076923076924571454071611;0.047863247863247866675795449964;0.002136752136752136967123849587;0.027350427350427350403627713149;0.009829059829059828834463274916;0.014102564102564102768710974090;0.009829059829059828834463274916;0.008547008547008547868495398347;0.018376068376068376702958673263;0.004700854700854700633783078700;0.010683760683760683968257509946;0.076068376068376061804876542283;0.054700854700854700807255426298;0.052991452991452990539666956238;0.021794871794871793768688661430;0.006837606837606837600906928287;0.000000000000000000000000000000;0.013247863247863247634916739059;0.013247863247863247634916739059;0.023504273504273504036277131490;0.010256410256410256401360392431;0.005555555555555555767577313730;0.033333333333333332870740406406;0.044017094017094020308444868306;0.007264957264957265167804045802;0.008119658119658120301598280832;0.000427350427350427350056683018;0.010683760683760683968257509946;0.001709401709401709400226732072;0.006837606837606837600906928287;0.000000000000000000000000000000;0.028205128205128205537421948179;0.001709401709401709400226732072;0.014957264957264957902505209120;0.050854700854700854439904844639;0.035042735042735043138328876466;0.030341880341880341637184059778;0.016239316239316240603196561665
-0.041203703703703700722549285729;0.010185185185185186007572610833;0.061574074074074072737694507396;0.000462962962962962980631442811;0.001851851851851851922525771243;0.019907407407407408383992475365;0.000462962962962962980631442811;0.013888888888888888117900677344;0.024074074074074074125473288177;0.035648148148148151026504137917;0.017592592592592593697675695807;0.011111111111111111535154627461;0.024537037037037037756626034479;0.044444444444444446140618509844;0.004629629629629629372633559115;0.024074074074074074125473288177;0.017592592592592593697675695807;0.035648148148148151026504137917;0.008333333333333333217685101602;0.018055555555555553859381490156;0.013425925925925926221471407018;0.020370370370370372015145221667;0.015740740740740739173064710599;0.035185185185185187395351391615;0.050000000000000002775557561563;0.037037037037037034981068472916;0.026388888888888888811790067734;0.002314814814814814686316779557;0.000462962962962962980631442811;0.007407407407407407690103084974;0.009259259259259258745267118229;0.014351851851851851749053423646;0.007407407407407407690103084974;0.014814814814814815380206169948;0.046296296296296293726335591145;0.028703703703703703498106847292;0.007407407407407407690103084974;0.011574074074074073431583897786;0.000000000000000000000000000000;0.030555555555555554553270880547;0.003703703703703703845051542487;0.016666666666666666435370203203;0.000000000000000000000000000000;0.018518518518518517490534236458;0.004166666666666666608842550801;0.008796296296296296848837847904;0.052314814814814813992427389167;0.043055555555555555247160270937;0.038425925925925925874526711823;0.020370370370370372015145221667
-0.031746031746031744269487262500;0.007936507936507936067371815625;0.067460317460317456572660432812;0.000000000000000000000000000000;0.000000000000000000000000000000;0.009523809523809524668624959531;0.001587301587301587300210536924;0.018650793650793650452213157109;0.021825396825396824185272492969;0.060317460317460318275362141094;0.013492063492063492702310867344;0.003174603174603174600421073848;0.011507936507936508685467913438;0.048412698412698414174304417656;0.003174603174603174600421073848;0.013492063492063492702310867344;0.022619047619047618485899064922;0.038888888888888889505679458125;0.007539682539682539784420267637;0.010714285714285714384841341484;0.011111111111111111535154627461;0.015476190476190476719153821250;0.007936507936507936067371815625;0.078571428571428569842538536250;0.029761904761904760252644308594;0.054761904761904761640423089375;0.028968253968253969421464688594;0.004365079365079365183999193789;0.000000000000000000000000000000;0.001984126984126984016842953906;0.002380952380952381167156239883;0.031349206349206348853897452500;0.004761904761904762334312479766;0.009126984126984127518311673555;0.019444444444444444752839729063;0.056746031746031745657266043281;0.017460317460317460735996775156;0.007539682539682539784420267637;0.000793650793650793650105268462;0.016269841269841271019780393203;0.003968253968253968033685907812;0.007936507936507936067371815625;0.000000000000000000000000000000;0.034523809523809526056403740313;0.001587301587301587300210536924;0.016269841269841271019780393203;0.064682539682539688663531762813;0.036111111111111107718762980312;0.024206349206349207087152208828;0.019841269841269840168429539062
-0.036324786324786327573743704988;0.011538461538461539102051744976;0.091025641025641021442105227379;0.012820512820512820068019621544;0.004700854700854700633783078700;0.018803418803418802535132314802;0.001282051282051282050170049054;0.016666666666666666435370203203;0.023076923076923078204103489952;0.023931623931623933337897724982;0.017094017094017095736990796695;0.004700854700854700633783078700;0.016239316239316240603196561665;0.054273504273504274975081784760;0.011965811965811966668948862491;0.023076923076923078204103489952;0.014957264957264957902505209120;0.045299145299145297804965792920;0.009401709401709401267566157401;0.014957264957264957902505209120;0.017948717948717947401338079771;0.020512820512820512802720784862;0.012820512820512820068019621544;0.035042735042735043138328876466;0.032478632478632481206393123330;0.042735042735042735873030039784;0.029487179487179486503389824748;0.001282051282051282050170049054;0.000427350427350427350056683018;0.006410256410256410034009810772;0.005555555555555555767577313730;0.013675213675213675201813856575;0.008974358974358973700669039886;0.012820512820512820068019621544;0.023076923076923078204103489952;0.043589743589743587537377322860;0.016239316239316240603196561665;0.005555555555555555767577313730;0.002136752136752136967123849587;0.021794871794871793768688661430;0.002991452991452991667237215623;0.004700854700854700633783078700;0.000000000000000000000000000000;0.020940170940170938634894426400;0.006837606837606837600906928287;0.010683760683760683968257509946;0.047008547008547008072554262981;0.042735042735042735873030039784;0.035042735042735043138328876466;0.024358974358974359170071366520
-0.050000000000000002775557561563;0.008796296296296296848837847904;0.056481481481481479733908201979;0.002777777777777777883788656865;0.003240740740740740647579665179;0.027777777777777776235801354687;0.002777777777777777883788656865;0.018981481481481481121686982760;0.010185185185185186007572610833;0.026851851851851852442942814037;0.022685185185185186701462001224;0.012037037037037037062736644089;0.019444444444444444752839729063;0.051851851851851850361274642864;0.004166666666666666608842550801;0.027777777777777776235801354687;0.018518518518518517490534236458;0.019907407407407408383992475365;0.021296296296296295808003762318;0.011574074074074073431583897786;0.017592592592592593697675695807;0.012500000000000000693889390391;0.010185185185185186007572610833;0.048148148148148148250946576354;0.053240740740740741254732881771;0.047685185185185184619793830052;0.019907407407407408383992475365;0.006018518518518518531368322044;0.000462962962962962980631442811;0.015277777777777777276635440273;0.012962962962962962590318660716;0.013425925925925926221471407018;0.011111111111111111535154627461;0.008333333333333333217685101602;0.025000000000000001387778780781;0.032407407407407405608434913802;0.013888888888888888117900677344;0.011111111111111111535154627461;0.000000000000000000000000000000;0.012962962962962962590318660716;0.004629629629629629372633559115;0.010185185185185186007572610833;0.000000000000000000000000000000;0.019444444444444444752839729063;0.005092592592592593003786305417;0.012962962962962962590318660716;0.058333333333333334258519187188;0.043981481481481482509465763542;0.028703703703703703498106847292;0.027314814814814816074095560339
-0.075694444444444439201724605937;0.006944444444444444058950338672;0.044444444444444446140618509844;0.000000000000000000000000000000;0.001388888888888888941894328433;0.032638888888888890893458238907;0.002083333333333333304421275400;0.018055555555555553859381490156;0.016666666666666666435370203203;0.025694444444444443365060948281;0.023611111111111110494320541875;0.022222222222222223070309254922;0.015972222222222220988641083750;0.030555555555555554553270880547;0.005555555555555555767577313730;0.054166666666666668517038374375;0.021527777777777777623580135469;0.013194444444444444405895033867;0.009722222222222222376419864531;0.004166666666666666608842550801;0.022916666666666665047591422422;0.007638888888888888638317720137;0.004861111111111111188209932266;0.030555555555555554553270880547;0.070833333333333331482961625625;0.043055555555555555247160270937;0.025000000000000001387778780781;0.006250000000000000346944695195;0.000000000000000000000000000000;0.015972222222222220988641083750;0.018055555555555553859381490156;0.010416666666666666088425508008;0.008333333333333333217685101602;0.012500000000000000693889390391;0.022916666666666665047591422422;0.029166666666666667129259593594;0.006944444444444444058950338672;0.025000000000000001387778780781;0.002083333333333333304421275400;0.006250000000000000346944695195;0.001388888888888888941894328433;0.017361111111111111882099322656;0.000000000000000000000000000000;0.021527777777777777623580135469;0.004861111111111111188209932266;0.018055555555555553859381490156;0.043749999999999997224442438437;0.037499999999999998612221219219;0.034722222222222223764198645313;0.027777777777777776235801354687
-0.103333333333333332593184650250;0.005833333333333333599324266316;0.017916666666666667545593227828;0.000000000000000000000000000000;0.000833333333333333386820640509;0.060416666666666667129259593594;0.002083333333333333304421275400;0.014166666666666665949647629930;0.000833333333333333386820640509;0.024166666666666666157814447047;0.018749999999999999306110609609;0.054166666666666668517038374375;0.015416666666666667059870654555;0.022916666666666665047591422422;0.002083333333333333304421275400;0.076666666666666660745477201999;0.004166666666666666608842550801;0.007916666666666667337426410711;0.014583333333333333564629796797;0.003749999999999999861222121922;0.017500000000000001665334536938;0.002083333333333333304421275400;0.000416666666666666693410320255;0.030416666666666668239482618219;0.090416666666666672957930472876;0.062916666666666662410811738937;0.012500000000000000693889390391;0.000416666666666666693410320255;0.000833333333333333386820640509;0.014166666666666665949647629930;0.049583333333333333425851918719;0.009166666666666666712925959359;0.003749999999999999861222121922;0.005000000000000000104083408559;0.010833333333333333703407674875;0.014999999999999999444888487687;0.005000000000000000104083408559;0.042916666666666665463925056656;0.000000000000000000000000000000;0.003749999999999999861222121922;0.001250000000000000026020852140;0.001250000000000000026020852140;0.000000000000000000000000000000;0.029166666666666667129259593594;0.001666666666666666773641281019;0.028750000000000001249000902703;0.037499999999999998612221219219;0.038333333333333330372738601000;0.011666666666666667198648532633;0.023750000000000000277555756156
-0.051562499999999997224442438437;0.009374999999999999653055304805;0.021874999999999998612221219219;0.024479166666666666435370203203;0.084375000000000005551115123126;0.053124999999999998612221219219;0.001562500000000000086736173799;0.015625000000000000000000000000;0.009374999999999999653055304805;0.021354166666666667129259593594;0.018229166666666667823148983985;0.049479166666666664353702032031;0.024479166666666666435370203203;0.029166666666666667129259593594;0.004687499999999999826527652402;0.032812500000000001387778780781;0.006770833333333333564629796797;0.008333333333333333217685101602;0.014583333333333333564629796797;0.007812500000000000000000000000;0.014583333333333333564629796797;0.003645833333333333391157449199;0.007291666666666666782314898398;0.021354166666666667129259593594;0.052604166666666667129259593594;0.034375000000000002775557561563;0.020312500000000000693889390391;0.041145833333333332870740406406;0.000000000000000000000000000000;0.051041666666666665741480812812;0.038020833333333330095182844843;0.006770833333333333564629796797;0.006770833333333333564629796797;0.004687499999999999826527652402;0.018229166666666667823148983985;0.021874999999999998612221219219;0.009895833333333332870740406406;0.010937499999999999306110609609;0.002604166666666666522106377002;0.009374999999999999653055304805;0.001041666666666666652210637700;0.007291666666666666782314898398;0.000000000000000000000000000000;0.015625000000000000000000000000;0.004687499999999999826527652402;0.010416666666666666088425508008;0.027083333333333334258519187188;0.026041666666666667823148983985;0.018749999999999999306110609609;0.024479166666666666435370203203
-0.052136752136752138875319673161;0.009401709401709401267566157401;0.029059829059829060671216183209;0.032051282051282048435325577884;0.032905982905982907038566764868;0.052136752136752138875319673161;0.004273504273504273934247699174;0.018376068376068376702958673263;0.003418803418803418800453464144;0.020940170940170938634894426400;0.025641025641025640136039243089;0.025641025641025640136039243089;0.026495726495726495269833478119;0.038034188034188030902438271141;0.005982905982905983334474431246;0.030769230769230770938804653269;0.007692307692307692734701163317;0.016666666666666666435370203203;0.023504273504273504036277131490;0.007692307692307692734701163317;0.015384615384615385469402326635;0.005982905982905983334474431246;0.005128205128205128200680196215;0.025213675213675214303865601551;0.067094017094017091573654454351;0.041452991452991451437615211262;0.022222222222222223070309254922;0.033333333333333332870740406406;0.000854700854700854700113366036;0.029059829059829060671216183209;0.017521367521367521569164438233;0.007692307692307692734701163317;0.010683760683760683968257509946;0.004700854700854700633783078700;0.026923076923076924571454071611;0.026068376068376069437659836581;0.011965811965811966668948862491;0.013675213675213675201813856575;0.001709401709401709400226732072;0.007264957264957265167804045802;0.006410256410256410034009810772;0.008119658119658120301598280832;0.000000000000000000000000000000;0.014102564102564102768710974090;0.005555555555555555767577313730;0.011538461538461539102051744976;0.038461538461538463673505816587;0.032905982905982907038566764868;0.024786324786324785002245008059;0.021367521367521367936515019892
-0.029279279279279278591641144658;0.000900900900900900914770874639;0.051351351351351354201923982146;0.000000000000000000000000000000;0.000450450450450450457385437320;0.013063063063063063209967573641;0.000000000000000000000000000000;0.021621621621621622821862729324;0.000450450450450450457385437320;0.098198198198198194397434690472;0.012162162162162162837297785245;0.005855855855855855891800576529;0.009009009009009008930868311893;0.049099099099099097198717345236;0.000900900900900900914770874639;0.018468468468468467180709779996;0.009009009009009008930868311893;0.012612612612612612156270941455;0.006306306306306306078135470727;0.007657657657657657504501891310;0.011261261261261260729904520872;0.001351351351351351426366420583;0.002252252252252252232717077973;0.131981981981981993934383012856;0.020270270270270271395496308742;0.077027027027027031302885973219;0.019819819819819818607076200578;0.000000000000000000000000000000;0.000450450450450450457385437320;0.009009009009009008930868311893;0.003603603603603603659083498556;0.041441441441441441428938929903;0.004504504504504504465434155946;0.000900900900900900914770874639;0.008558558558558557877171679706;0.085585585585585585710610700971;0.013063063063063063209967573641;0.005855855855855855891800576529;0.000000000000000000000000000000;0.003153153153153153039067735364;0.008558558558558557877171679706;0.000450450450450450457385437320;0.000000000000000000000000000000;0.046396396396396394345984504071;0.004054054054054054279099261748;0.026126126126126126419935147283;0.075675675675675679876519552636;0.029729729729729731380061252821;0.008108108108108108558198523497;0.014414414414414414636333994224
-0.051626016260162603532801739448;0.000406504065040650406151478968;0.041056910569105688202373727336;0.013008130081300812996847326986;0.010162601626016259936946539710;0.017073170731707318359404723651;0.000406504065040650406151478968;0.015447154471544715867437069790;0.012195121951219512618225238043;0.063008130081300808833510984641;0.019105691056910567571236470030;0.029268292682926830977629961694;0.013414634146341463186158371457;0.050813008130081299684732698552;0.000406504065040650406151478968;0.028048780487804878674973352304;0.009756097560975609747635495239;0.009756097560975609747635495239;0.005691056910569106119801574550;0.008130081300813008990391317354;0.012601626016260162807536282514;0.008943089430894309369013406297;0.003252032520325203249211831746;0.070325203252032522649450640984;0.047560975609756098170244342782;0.057317073170731709652603313998;0.015447154471544715867437069790;0.008943089430894309369013406297;0.000000000000000000000000000000;0.019918699186991871419305510926;0.019105691056910567571236470030;0.022764227642276424479206298201;0.003252032520325203249211831746;0.005284552845528455063128792091;0.013414634146341463186158371457;0.051626016260162603532801739448;0.010162601626016259936946539710;0.013821138211382113375469415928;0.002032520325203252247597829339;0.006504065040650406498423663493;0.004471544715447154684506703148;0.006504065040650406498423663493;0.000000000000000000000000000000;0.040243902439024391293198590347;0.000813008130081300812302957937;0.017073170731707318359404723651;0.060569105691056911167091669768;0.043495934959349592807686946117;0.013414634146341463186158371457;0.022357723577235772555171777753
-0.089316239316239318113410661226;0.000854700854700854700113366036;0.028205128205128205537421948179;0.002136752136752136967123849587;0.001282051282051282050170049054;0.014957264957264957902505209120;0.000000000000000000000000000000;0.013675213675213675201813856575;0.001282051282051282050170049054;0.044444444444444446140618509844;0.021367521367521367936515019892;0.008974358974358973700669039886;0.010683760683760683968257509946;0.054700854700854700807255426298;0.000854700854700854700113366036;0.076068376068376061804876542283;0.002991452991452991667237215623;0.006410256410256410034009810772;0.007692307692307692734701163317;0.002564102564102564100340098108;0.018803418803418802535132314802;0.002564102564102564100340098108;0.000427350427350427350056683018;0.047863247863247866675795449964;0.071367521367521363773178677548;0.075213675213675210140529259206;0.017521367521367521569164438233;0.023076923076923078204103489952;0.000427350427350427350056683018;0.004700854700854700633783078700;0.007692307692307692734701163317;0.009401709401709401267566157401;0.001282051282051282050170049054;0.007264957264957265167804045802;0.011538461538461539102051744976;0.027777777777777776235801354687;0.007692307692307692734701163317;0.022649572649572648902482896460;0.000427350427350427350056683018;0.001709401709401709400226732072;0.000854700854700854700113366036;0.001709401709401709400226732072;0.000000000000000000000000000000;0.026923076923076924571454071611;0.000427350427350427350056683018;0.017094017094017095736990796695;0.068803418803418808780136828318;0.080341880341880347882188573294;0.011538461538461539102051744976;0.044444444444444446140618509844
-0.069642857142857145236192195625;0.012500000000000000693889390391;0.020833333333333332176851016015;0.001190476190476190583578119941;0.002976190476190476025264430859;0.016666666666666666435370203203;0.008333333333333333217685101602;0.042261904761904764415980650938;0.001785714285714285658526745415;0.035714285714285712303173170312;0.026190476190476191103995162734;0.003571428571428571317053490830;0.010119047619047619526733150508;0.035714285714285712303173170312;0.019642857142857142460634634062;0.036904761904761905488836504219;0.002976190476190476025264430859;0.014880952380952380126322154297;0.028571428571428570536427926640;0.004166666666666666608842550801;0.047619047619047616404230893750;0.000595238095238095291789059971;0.008333333333333333217685101602;0.049404761904761902713278942656;0.053571428571428568454759755468;0.061904761904761906876615285000;0.033928571428571425994125121406;0.008333333333333333217685101602;0.000595238095238095291789059971;0.013095238095238095551997581367;0.005952380952380952050528861719;0.010714285714285714384841341484;0.014880952380952380126322154297;0.001785714285714285658526745415;0.010119047619047619526733150508;0.032142857142857139685077072500;0.023809523809523808202115446875;0.017261904761904763028201870156;0.000000000000000000000000000000;0.001190476190476190583578119941;0.007738095238095238359576910625;0.000595238095238095291789059971;0.000000000000000000000000000000;0.030952380952380953438307642500;0.010119047619047619526733150508;0.032142857142857139685077072500;0.033928571428571425994125121406;0.041071428571428571230317317031;0.029761904761904760252644308594;0.023809523809523808202115446875
-0.056770833333333332870740406406;0.003645833333333333391157449199;0.050000000000000002775557561563;0.000520833333333333326105318850;0.000520833333333333326105318850;0.008854166666666666435370203203;0.003125000000000000173472347598;0.031250000000000000000000000000;0.000520833333333333326105318850;0.063541666666666662965923251249;0.019791666666666665741480812812;0.002083333333333333304421275400;0.005208333333333333044212754004;0.044270833333333335646297967969;0.004166666666666666608842550801;0.033854166666666664353702032031;0.004687499999999999826527652402;0.017708333333333332870740406406;0.011979166666666667476204288789;0.006770833333333333564629796797;0.023437500000000000000000000000;0.003125000000000000173472347598;0.005729166666666666261897855605;0.080729166666666671292595935938;0.035416666666666665741480812812;0.079687499999999994448884876874;0.030729166666666665047591422422;0.000520833333333333326105318850;0.001041666666666666652210637700;0.003645833333333333391157449199;0.007291666666666666782314898398;0.022916666666666665047591422422;0.005729166666666666261897855605;0.002604166666666666522106377002;0.013020833333333333911574491992;0.039583333333333331482961625625;0.014062500000000000346944695195;0.019791666666666665741480812812;0.000000000000000000000000000000;0.004166666666666666608842550801;0.007812500000000000000000000000;0.003645833333333333391157449199;0.000000000000000000000000000000;0.047916666666666669904817155157;0.001041666666666666652210637700;0.029166666666666667129259593594;0.064062499999999994448884876874;0.044270833333333335646297967969;0.021874999999999998612221219219;0.017708333333333332870740406406
-0.048888888888888891448569751219;0.011851851851851851263330850372;0.059259259259259261520824679792;0.002962962962962962815832712593;0.003333333333333333547282562037;0.017037037037037038034181790636;0.002962962962962962815832712593;0.020740740740740740144509857146;0.004074074074074073709139653943;0.044444444444444446140618509844;0.022962962962962962798485477833;0.008518518518518519017090895318;0.010370370370370370072254928573;0.075185185185185188228018660084;0.005925925925925925631665425186;0.029259259259259259161600752464;0.010740740740740739936343040029;0.021481481481481479872686080057;0.015555555555555555108382392859;0.007407407407407407690103084974;0.013333333333333334189130248149;0.003333333333333333547282562037;0.004814814814814815172039352831;0.054814814814814816212873438417;0.045925925925925925596970955667;0.068148148148148152136727162542;0.024074074074074074125473288177;0.002962962962962962815832712593;0.000370370370370370351979089074;0.010000000000000000208166817117;0.012222222222222222862142437805;0.015185185185185185244294281404;0.011111111111111111535154627461;0.005555555555555555767577313730;0.014444444444444443781394582516;0.041111111111111112159655078813;0.008518518518518519017090895318;0.013333333333333334189130248149;0.000000000000000000000000000000;0.008148148148148147418279307885;0.004074074074074073709139653943;0.008148148148148147418279307885;0.000000000000000000000000000000;0.025925925925925925180637321432;0.005555555555555555767577313730;0.020740740740740740144509857146;0.055925925925925927539861248761;0.049629629629629627707299022177;0.025555555555555557051272685953;0.024074074074074074125473288177
-0.047560975609756098170244342782;0.001219512195121951218454436905;0.067073170731707321134962285214;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008130081300813008990391317354;0.002032520325203252247597829339;0.016260162601626017980782634709;0.002439024390243902436908873810;0.059756097560975607319022628872;0.016260162601626017980782634709;0.002439024390243902436908873810;0.011382113821138212239603149101;0.065853658536585368832305675824;0.002032520325203252247597829339;0.016260162601626017980782634709;0.015040650406504065678126025318;0.012195121951219512618225238043;0.007317073170731707744407490424;0.015853658536585366056748114261;0.019918699186991871419305510926;0.006504065040650406498423663493;0.006097560975609756309112619022;0.073577235772357724163938996753;0.029674796747967479432217530189;0.062601626016260167317817320054;0.027235772357723578296351263361;0.000406504065040650406151478968;0.001219512195121951218454436905;0.002439024390243902436908873810;0.002845528455284553059900787275;0.026016260162601625993694653971;0.003252032520325203249211831746;0.005284552845528455063128792091;0.019918699186991871419305510926;0.058536585365853661955259923388;0.016666666666666666435370203203;0.017073170731707318359404723651;0.000000000000000000000000000000;0.013414634146341463186158371457;0.006504065040650406498423663493;0.000406504065040650406151478968;0.000000000000000000000000000000;0.036991869918699189778710234577;0.000000000000000000000000000000;0.023983739837398373312415955638;0.078048780487804877981083961913;0.042682926829268295898511809128;0.025609756097560974069660133523;0.023983739837398373312415955638
-0.050277777777777775403134086218;0.000277777777777777777536843962;0.053888888888888888950567945813;0.000000000000000000000000000000;0.000277777777777777777536843962;0.015555555555555555108382392859;0.002777777777777777883788656865;0.015833333333333334674852821422;0.002500000000000000052041704279;0.051666666666666666296592325125;0.022777777777777778733803160094;0.005277777777777777935830361145;0.011666666666666667198648532633;0.069722222222222227094867719188;0.002777777777777777883788656865;0.034444444444444444197728216750;0.010833333333333333703407674875;0.011666666666666667198648532633;0.010833333333333333703407674875;0.006111111111111111431071218902;0.023333333333333334397297065266;0.003055555555555555715535609451;0.005277777777777777935830361145;0.061111111111111109106541761093;0.042222222222222223486642889156;0.068611111111111108828986004937;0.033888888888888892003681263532;0.020277777777777776513357110844;0.000000000000000000000000000000;0.005000000000000000104083408559;0.006666666666666667094565124074;0.017777777777777777762358013547;0.005000000000000000104083408559;0.008611111111111111049432054187;0.018611111111111109522875395328;0.038611111111111109939209029562;0.016388888888888890338346726594;0.016388888888888890338346726594;0.000000000000000000000000000000;0.007499999999999999722444243844;0.003611111111111110945348645629;0.000277777777777777777536843962;0.000000000000000000000000000000;0.036666666666666666851703837438;0.003055555555555555715535609451;0.024444444444444445724284875610;0.063888888888888883954564334999;0.043055555555555555247160270937;0.022222222222222223070309254922;0.025277777777777777484802257391
-0.046296296296296293726335591145;0.001851851851851851922525771243;0.065277777777777781786916477813;0.000000000000000000000000000000;0.000000000000000000000000000000;0.012500000000000000693889390391;0.000000000000000000000000000000;0.023148148148148146863167795573;0.018055555555555553859381490156;0.034722222222222223764198645313;0.024537037037037037756626034479;0.005092592592592593003786305417;0.015740740740740739173064710599;0.074074074074074069962136945833;0.001851851851851851922525771243;0.047685185185185184619793830052;0.014351851851851851749053423646;0.024537037037037037756626034479;0.006018518518518518531368322044;0.010185185185185186007572610833;0.006481481481481481295159330358;0.015277777777777777276635440273;0.006018518518518518531368322044;0.040740740740740744030290443334;0.046759259259259257357488337448;0.062962962962962956692258842395;0.028703703703703703498106847292;0.018055555555555553859381490156;0.000000000000000000000000000000;0.002314814814814814686316779557;0.006018518518518518531368322044;0.011574074074074073431583897786;0.005092592592592593003786305417;0.007870370370370369586532355299;0.018518518518518517490534236458;0.039351851851851853136832204427;0.018981481481481481121686982760;0.012500000000000000693889390391;0.002777777777777777883788656865;0.011574074074074073431583897786;0.000462962962962962980631442811;0.008796296296296296848837847904;0.000000000000000000000000000000;0.014814814814814815380206169948;0.001851851851851851922525771243;0.008796296296296296848837847904;0.062500000000000000000000000000;0.052314814814814813992427389167;0.025462962962962961549484575130;0.037499999999999998612221219219
-0.030081300813008131356252050637;0.004065040650406504495195658677;0.056504065040650405804534273102;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005691056910569106119801574550;0.000406504065040650406151478968;0.017073170731707318359404723651;0.010975609756097560315568628653;0.074390243902439021073114133742;0.009349593495934959558324450768;0.004065040650406504495195658677;0.007317073170731707744407490424;0.063008130081300808833510984641;0.000813008130081300812302957937;0.024390243902439025236450476086;0.015853658536585366056748114261;0.012601626016260162807536282514;0.003658536585365853872203745212;0.007723577235772357933718534895;0.018292682926829267192614381088;0.008536585365853659179702361826;0.000813008130081300812302957937;0.097967479674796742461495568932;0.029268292682926830977629961694;0.072357723577235771861282387363;0.021544715447154472176549688811;0.024796747967479673691038044581;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006097560975609756309112619022;0.034552845528455285173397015797;0.000813008130081300812302957937;0.004065040650406504495195658677;0.012195121951219512618225238043;0.059349593495934958864435060377;0.011382113821138212239603149101;0.012601626016260162807536282514;0.000813008130081300812302957937;0.004065040650406504495195658677;0.005691056910569106119801574550;0.002845528455284553059900787275;0.000000000000000000000000000000;0.054878048780487805047290095217;0.000406504065040650406151478968;0.019918699186991871419305510926;0.069512195121951225740275503995;0.049186991869918698927488520667;0.009756097560975609747635495239;0.020325203252032519873893079421
-0.044230769230769233224531689075;0.000641025641025641025085024527;0.039743589743589741170026741202;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006410256410256410034009810772;0.000000000000000000000000000000;0.012179487179487179585035683260;0.001923076923076923183675290829;0.077564102564102566095272095481;0.008974358974358973700669039886;0.009615384615384615918376454147;0.003205128205128205017004905386;0.066666666666666665741480812812;0.001282051282051282050170049054;0.035897435897435894802676159543;0.011538461538461539102051744976;0.009615384615384615918376454147;0.005769230769230769551025872488;0.005128205128205128200680196215;0.013461538461538462285727035805;0.007692307692307692734701163317;0.003205128205128205017004905386;0.098076923076923075428545928389;0.035897435897435894802676159543;0.093589743589743590312934884423;0.022435897435897435986396075691;0.025000000000000001387778780781;0.001282051282051282050170049054;0.001923076923076923183675290829;0.003846153846153846367350581659;0.023717948717948716952363952259;0.000000000000000000000000000000;0.003846153846153846367350581659;0.005128205128205128200680196215;0.056410256410256411074843896358;0.012179487179487179585035683260;0.008974358974358973700669039886;0.000641025641025641025085024527;0.010897435897435896884344330715;0.003205128205128205017004905386;0.000641025641025641025085024527;0.000000000000000000000000000000;0.044230769230769233224531689075;0.000000000000000000000000000000;0.032051282051282048435325577884;0.064743589743589749496699425890;0.053205128205128203455753777007;0.014743589743589743251694912374;0.018589743589743589619045494032
-0.052688172043010753076153207530;0.000000000000000000000000000000;0.048924731182795701267540522394;0.000000000000000000000000000000;0.000537634408602150537168085087;0.014516129032258065154059600843;0.003225806451612903223008510523;0.020430107526881721713429840293;0.005376344086021505805361719865;0.055376344086021503376748853498;0.017741935483870967943387242372;0.009139784946236559348697880978;0.009677419354838710102706400562;0.063440860215053768156323599214;0.001612903225806451611504255261;0.040860215053763443426859680585;0.012365591397849462138025522506;0.016666666666666666435370203203;0.003763440860215053977017030107;0.006451612903225806446017021045;0.019354838709677420205412801124;0.005376344086021505805361719865;0.002688172043010752902680859933;0.059139784946236562124255442541;0.047849462365591399759523483226;0.088709677419354843186383163811;0.023655913978494622768034005844;0.016666666666666666435370203203;0.000000000000000000000000000000;0.003225806451612903223008510523;0.005913978494623655692008501461;0.017204301075268817189378722787;0.002688172043010752902680859933;0.002150537634408602148672340348;0.017204301075268817189378722787;0.040322580645161289203404209047;0.011290322580645160630008483338;0.010752688172043011610723439730;0.000000000000000000000000000000;0.009677419354838710102706400562;0.005376344086021505805361719865;0.001075268817204301074336170174;0.000000000000000000000000000000;0.042473118279569892219438287384;0.000537634408602150537168085087;0.027419354838709678046093642934;0.065591397849462371172357677551;0.048387096774193547044085050857;0.015053763440860215908068120427;0.027419354838709678046093642934
-0.056250000000000001387778780781;0.004687499999999999826527652402;0.045312499999999998612221219219;0.003125000000000000173472347598;0.004687499999999999826527652402;0.028125000000000000693889390391;0.002083333333333333304421275400;0.017187500000000001387778780781;0.003645833333333333391157449199;0.035416666666666665741480812812;0.021354166666666667129259593594;0.010937499999999999306110609609;0.027604166666666665741480812812;0.057812500000000002775557561563;0.004687499999999999826527652402;0.035416666666666665741480812812;0.009374999999999999653055304805;0.018749999999999999306110609609;0.013541666666666667129259593594;0.010416666666666666088425508008;0.018749999999999999306110609609;0.005729166666666666261897855605;0.004166666666666666608842550801;0.040625000000000001387778780781;0.050000000000000002775557561563;0.052083333333333335646297967969;0.025520833333333332870740406406;0.002083333333333333304421275400;0.000520833333333333326105318850;0.020833333333333332176851016015;0.009895833333333332870740406406;0.021354166666666667129259593594;0.007812500000000000000000000000;0.005208333333333333044212754004;0.031250000000000000000000000000;0.038541666666666668517038374375;0.017708333333333332870740406406;0.013020833333333333911574491992;0.000000000000000000000000000000;0.010937499999999999306110609609;0.003645833333333333391157449199;0.001041666666666666652210637700;0.000000000000000000000000000000;0.020833333333333332176851016015;0.007291666666666666782314898398;0.021354166666666667129259593594;0.056770833333333332870740406406;0.047916666666666669904817155157;0.029166666666666667129259593594;0.025520833333333332870740406406
-0.063636363636363629803227581760;0.009090909090909090467524933388;0.037373737373737371536552842599;0.000000000000000000000000000000;0.001515151515151515150200967064;0.031313131313131313537834188310;0.002525252525252525467175379603;0.018686868686868685768276421300;0.003030303030303030300401934127;0.039898989898989899172132567173;0.017676767676767676101823312251;0.018181818181818180935049866775;0.018686868686868685768276421300;0.043939393939393937837945003366;0.006565656565656565434030422779;0.053030303030303031774916888708;0.008080808080808080801071824339;0.010606060606060606701928072937;0.006565656565656565434030422779;0.006565656565656565434030422779;0.026767676767676766569348245639;0.005555555555555555767577313730;0.004040404040404040400535912170;0.041919191919191918505038785270;0.061616161616161617409215267571;0.063131313131313135378341883097;0.025252525252525252069668582067;0.000505050505050505050066989021;0.001010101010101010100133978042;0.007070707070707071134618715291;0.014646464646464647102463985107;0.017676767676767676101823312251;0.006565656565656565434030422779;0.005555555555555555767577313730;0.015151515151515151935690539631;0.048484848484848484806430946037;0.015151515151515151935690539631;0.022222222222222223070309254922;0.000000000000000000000000000000;0.009595959595959595300751487912;0.004040404040404040400535912170;0.003030303030303030300401934127;0.000000000000000000000000000000;0.026767676767676766569348245639;0.002525252525252525467175379603;0.024242424242424242403215473018;0.065656565656565663013921607671;0.041919191919191918505038785270;0.019696969696969695434729530348;0.023232323232323232736762363970
-0.043055555555555555247160270937;0.011805555555555555247160270937;0.051388888888888886730121896562;0.009722222222222222376419864531;0.003125000000000000173472347598;0.012847222222222221682530474141;0.001388888888888888941894328433;0.027083333333333334258519187188;0.001388888888888888941894328433;0.061458333333333330095182844843;0.018402777777777778317469525859;0.005208333333333333044212754004;0.007986111111111110494320541875;0.061805555555555558022717832500;0.009027777777777776929690745078;0.021527777777777777623580135469;0.008333333333333333217685101602;0.016666666666666666435370203203;0.014236111111111110841265237070;0.006944444444444444058950338672;0.023263888888888889505679458125;0.002430555555555555594104966133;0.004166666666666666608842550801;0.078472222222222220988641083750;0.027430555555555555247160270937;0.057986111111111113269878103438;0.027083333333333334258519187188;0.006597222222222222202947516934;0.000694444444444444470947164216;0.008333333333333333217685101602;0.002777777777777777883788656865;0.019097222222222223764198645313;0.007986111111111110494320541875;0.005208333333333333044212754004;0.011111111111111111535154627461;0.054513888888888889505679458125;0.018055555555555553859381490156;0.010763888888888888811790067734;0.000000000000000000000000000000;0.004166666666666666608842550801;0.003472222222222222029475169336;0.009027777777777776929690745078;0.000000000000000000000000000000;0.036805555555555556634939051719;0.006597222222222222202947516934;0.023611111111111110494320541875;0.070138888888888889505679458125;0.047222222222222220988641083750;0.016666666666666666435370203203;0.022916666666666665047591422422
-0.036666666666666666851703837438;0.007083333333333332974823814965;0.077083333333333337034076748751;0.000000000000000000000000000000;0.000000000000000000000000000000;0.009166666666666666712925959359;0.001666666666666666773641281019;0.023333333333333334397297065266;0.012500000000000000693889390391;0.038749999999999999722444243844;0.019583333333333334536074943344;0.002083333333333333304421275400;0.016250000000000000555111512313;0.060833333333333336478965236438;0.005833333333333333599324266316;0.020833333333333332176851016015;0.019583333333333334536074943344;0.038333333333333330372738601000;0.010833333333333333703407674875;0.014999999999999999444888487687;0.013750000000000000069388939039;0.013333333333333334189130248149;0.010000000000000000208166817117;0.039166666666666669072149886688;0.039583333333333331482961625625;0.053333333333333336756520992594;0.033750000000000002220446049250;0.001250000000000000026020852140;0.000000000000000000000000000000;0.002083333333333333304421275400;0.003749999999999999861222121922;0.017916666666666667545593227828;0.006666666666666667094565124074;0.010833333333333333703407674875;0.026249999999999999028554853453;0.062083333333333330650294357156;0.015416666666666667059870654555;0.007083333333333332974823814965;0.000000000000000000000000000000;0.023333333333333334397297065266;0.005000000000000000104083408559;0.005416666666666666851703837438;0.000000000000000000000000000000;0.017500000000000001665334536938;0.002916666666666666799662133158;0.016250000000000000555111512313;0.050000000000000002775557561563;0.037916666666666667961926862063;0.043333333333333334813630699500;0.026666666666666668378260496297
-0.014444444444444443781394582516;0.007407407407407407690103084974;0.128148148148148149916281113292;0.016296296296296294836558615771;0.000000000000000000000000000000;0.003333333333333333547282562037;0.000370370370370370351979089074;0.014814814814814815380206169948;0.031481481481481478346129421197;0.048888888888888891448569751219;0.011481481481481481399242738917;0.001111111111111111110147375847;0.002222222222222222220294751693;0.066296296296296297612116177334;0.004074074074074073709139653943;0.009259259259259258745267118229;0.052592592592592593558897817729;0.051851851851851850361274642864;0.004444444444444444440589503387;0.017777777777777777762358013547;0.007037037037037036958653235530;0.033703703703703701000105041885;0.004814814814814815172039352831;0.051111111111111114102545371907;0.012592592592592592726230549260;0.032962962962962964741375770927;0.018888888888888889089345823891;0.001111111111111111110147375847;0.000370370370370370351979089074;0.001481481481481481407916356297;0.000740740740740740703958178148;0.032962962962962964741375770927;0.001481481481481481407916356297;0.008888888888888888881179006773;0.013703703703703704053218359604;0.071481481481481479178796689666;0.012592592592592592726230549260;0.002592592592592592518063732143;0.000370370370370370351979089074;0.020740740740740740144509857146;0.003703703703703703845051542487;0.012222222222222222862142437805;0.000000000000000000000000000000;0.015185185185185185244294281404;0.000370370370370370351979089074;0.005925925925925925631665425186;0.076296296296296292616112566520;0.034814814814814812327092852229;0.022592592592592591199673890401;0.012962962962962962590318660716
-0.046581196581196582240380621442;0.002564102564102564100340098108;0.068803418803418808780136828318;0.000000000000000000000000000000;0.000854700854700854700113366036;0.028205128205128205537421948179;0.001709401709401709400226732072;0.017948717948717947401338079771;0.011538461538461539102051744976;0.034615384615384617306155234928;0.024786324786324785002245008059;0.011111111111111111535154627461;0.019230769230769231836752908293;0.061965811965811967709782948077;0.002136752136752136967123849587;0.017948717948717947401338079771;0.015384615384615385469402326635;0.014957264957264957902505209120;0.008547008547008547868495398347;0.016239316239316240603196561665;0.013675213675213675201813856575;0.014529914529914530335608091605;0.013675213675213675201813856575;0.045299145299145297804965792920;0.047435897435897433904727904519;0.044017094017094020308444868306;0.026923076923076924571454071611;0.000000000000000000000000000000;0.000427350427350427350056683018;0.009829059829059828834463274916;0.010683760683760683968257509946;0.018376068376068376702958673263;0.006410256410256410034009810772;0.008547008547008547868495398347;0.038461538461538463673505816587;0.044444444444444446140618509844;0.015384615384615385469402326635;0.014102564102564102768710974090;0.000854700854700854700113366036;0.023504273504273504036277131490;0.001282051282051282050170049054;0.002136752136752136967123849587;0.000000000000000000000000000000;0.020940170940170938634894426400;0.003846153846153846367350581659;0.016239316239316240603196561665;0.061538461538461541877609306539;0.032478632478632481206393123330;0.041025641025641025605441569724;0.018803418803418802535132314802
-0.078571428571428569842538536250;0.008333333333333333217685101602;0.029761904761904760252644308594;0.000000000000000000000000000000;0.001190476190476190583578119941;0.047023809523809523280846178750;0.000595238095238095291789059971;0.018452380952380952744418252109;0.003571428571428571317053490830;0.025595238095238094511163495781;0.028571428571428570536427926640;0.025595238095238094511163495781;0.026190476190476191103995162734;0.047619047619047616404230893750;0.001785714285714285658526745415;0.042261904761904764415980650938;0.008333333333333333217685101602;0.008928571428571428075793292578;0.005952380952380952050528861719;0.006547619047619047775998790684;0.020833333333333332176851016015;0.004166666666666666608842550801;0.006547619047619047775998790684;0.035119047619047619179788455313;0.080952380952380956213865204063;0.065476190476190479494711382813;0.030357142857142856845475975547;0.000595238095238095291789059971;0.001190476190476190583578119941;0.011904761904761904101057723437;0.019642857142857142460634634062;0.008928571428571428075793292578;0.010119047619047619526733150508;0.007142857142857142634106981660;0.025000000000000001387778780781;0.027380952380952380820211544687;0.012500000000000000693889390391;0.014285714285714285268213963320;0.000000000000000000000000000000;0.004761904761904762334312479766;0.001190476190476190583578119941;0.002976190476190476025264430859;0.000000000000000000000000000000;0.019642857142857142460634634062;0.003571428571428571317053490830;0.017261904761904763028201870156;0.050000000000000002775557561563;0.048214285714285716466509512657;0.024404761904761904794947113828;0.030952380952380953438307642500
-0.040000000000000000832667268469;0.011249999999999999583666365766;0.048750000000000001665334536938;0.002916666666666666799662133158;0.002083333333333333304421275400;0.027916666666666666019036568969;0.004166666666666666608842550801;0.023333333333333334397297065266;0.006666666666666667094565124074;0.032500000000000001110223024625;0.022083333333333333287074040641;0.017083333333333332315628894094;0.013750000000000000069388939039;0.048333333333333332315628894094;0.008333333333333333217685101602;0.032916666666666663521034763562;0.016250000000000000555111512313;0.025000000000000001387778780781;0.011249999999999999583666365766;0.007499999999999999722444243844;0.012500000000000000693889390391;0.005000000000000000104083408559;0.008750000000000000832667268469;0.051249999999999996946886682281;0.048333333333333332315628894094;0.059166666666666666019036568969;0.032916666666666663521034763562;0.020416666666666666296592325125;0.001250000000000000026020852140;0.007083333333333332974823814965;0.014999999999999999444888487687;0.021250000000000001526556658860;0.007916666666666667337426410711;0.005416666666666666851703837438;0.015416666666666667059870654555;0.049583333333333333425851918719;0.014166666666666665949647629930;0.014166666666666665949647629930;0.000000000000000000000000000000;0.008333333333333333217685101602;0.004583333333333333356462979680;0.005416666666666666851703837438;0.000000000000000000000000000000;0.026249999999999999028554853453;0.003749999999999999861222121922;0.014583333333333333564629796797;0.050000000000000002775557561563;0.037916666666666667961926862063;0.029583333333333333009518284484;0.027916666666666666019036568969
-0.014444444444444443781394582516;0.012592592592592592726230549260;0.085555555555555551361379684749;0.004444444444444444440589503387;0.004444444444444444440589503387;0.008518518518518519017090895318;0.002222222222222222220294751693;0.031111111111111110216764785719;0.009629629629629630344078705662;0.055925925925925927539861248761;0.012962962962962962590318660716;0.002222222222222222220294751693;0.005185185185185185036127464286;0.062592592592592588562894206916;0.012962962962962962590318660716;0.009259259259259258745267118229;0.040000000000000000832667268469;0.043333333333333334813630699500;0.010740740740740739936343040029;0.011111111111111111535154627461;0.008148148148148147418279307885;0.007777777777777777554191196430;0.004074074074074073709139653943;0.073333333333333333703407674875;0.015555555555555555108382392859;0.045925925925925925596970955667;0.027037037037037036507625131776;0.011851851851851851263330850372;0.002962962962962962815832712593;0.005555555555555555767577313730;0.000370370370370370351979089074;0.040000000000000000832667268469;0.007407407407407407690103084974;0.007037037037037036958653235530;0.015555555555555555108382392859;0.082592592592592592448674793104;0.011851851851851851263330850372;0.003333333333333333547282562037;0.000370370370370370351979089074;0.008518518518518519017090895318;0.006296296296296296363115274630;0.006296296296296296363115274630;0.000000000000000000000000000000;0.020000000000000000416333634234;0.005925925925925925631665425186;0.016296296296296294836558615771;0.061111111111111109106541761093;0.032962962962962964741375770927;0.016296296296296294836558615771;0.016296296296296294836558615771
-0.051709401709401706104252127716;0.009829059829059828834463274916;0.073076923076923080979661051515;0.000000000000000000000000000000;0.000000000000000000000000000000;0.011538461538461539102051744976;0.001282051282051282050170049054;0.011965811965811966668948862491;0.028205128205128205537421948179;0.042307692307692310040856398246;0.013675213675213675201813856575;0.008119658119658120301598280832;0.007692307692307692734701163317;0.061965811965811967709782948077;0.003846153846153846367350581659;0.020940170940170938634894426400;0.027350427350427350403627713149;0.027777777777777776235801354687;0.008119658119658120301598280832;0.012820512820512820068019621544;0.012393162393162392501122504029;0.024358974358974359170071366520;0.004273504273504273934247699174;0.047863247863247866675795449964;0.035042735042735043138328876466;0.055555555555555552471602709375;0.018376068376068376702958673263;0.004700854700854700633783078700;0.001709401709401709400226732072;0.001282051282051282050170049054;0.008119658119658120301598280832;0.022649572649572648902482896460;0.002564102564102564100340098108;0.013675213675213675201813856575;0.016666666666666666435370203203;0.043162393162393161705203681322;0.010256410256410256401360392431;0.016666666666666666435370203203;0.001282051282051282050170049054;0.018376068376068376702958673263;0.002991452991452991667237215623;0.019230769230769231836752908293;0.000000000000000000000000000000;0.034615384615384617306155234928;0.000000000000000000000000000000;0.020085470085470086970547143324;0.057692307692307695510258724880;0.041880341880341877269788852800;0.018803418803418802535132314802;0.023504273504273504036277131490
-0.039898989898989899172132567173;0.012121212121212121201607736509;0.046969696969696966837304330511;0.014646464646464647102463985107;0.046464646464646465473524727940;0.024747474747474747236442027543;0.004040404040404040400535912170;0.026767676767676766569348245639;0.010101010101010101868701518413;0.032323232323232323204287297358;0.016666666666666666435370203203;0.006565656565656565434030422779;0.012626262626262626034834291033;0.037373737373737371536552842599;0.018686868686868685768276421300;0.024747474747474747236442027543;0.010606060606060606701928072937;0.031313131313131313537834188310;0.033333333333333332870740406406;0.006060606060606060600803868255;0.025252525252525252069668582067;0.008585858585858585634298378864;0.006565656565656565434030422779;0.030808080808080808704607633786;0.032323232323232323204287297358;0.036868686868686870172773240029;0.030808080808080808704607633786;0.004545454545454545233762466694;0.000505050505050505050066989021;0.032323232323232323204287297358;0.009090909090909090467524933388;0.014646464646464647102463985107;0.022222222222222223070309254922;0.006565656565656565434030422779;0.026767676767676766569348245639;0.033838383838383841173413912884;0.010606060606060606701928072937;0.011616161616161616368381181985;0.001010101010101010100133978042;0.008080808080808080801071824339;0.004545454545454545233762466694;0.006565656565656565434030422779;0.000000000000000000000000000000;0.023737373737373737569988918494;0.028787878787878789371701415689;0.008585858585858585634298378864;0.041414141414141417141259182699;0.035858585858585860506320130980;0.023737373737373737569988918494;0.017676767676767676101823312251
-0.048717948717948718340142733041;0.008333333333333333217685101602;0.025641025641025640136039243089;0.013461538461538462285727035805;0.024358974358974359170071366520;0.066025641025641026993220350505;0.005769230769230769551025872488;0.020512820512820512802720784862;0.000000000000000000000000000000;0.014743589743589743251694912374;0.022435897435897435986396075691;0.054487179487179487891168605529;0.033333333333333332870740406406;0.026923076923076924571454071611;0.014743589743589743251694912374;0.033974358974358971619000868714;0.003846153846153846367350581659;0.018589743589743589619045494032;0.037820512820512817986351450372;0.007692307692307692734701163317;0.033333333333333332870740406406;0.000000000000000000000000000000;0.008333333333333333217685101602;0.021794871794871793768688661430;0.063461538461538458122390693461;0.043589743589743587537377322860;0.028846153846153847755129362440;0.003205128205128205017004905386;0.000641025641025641025085024527;0.056410256410256411074843896358;0.025641025641025640136039243089;0.004487179487179486850334519943;0.014102564102564102768710974090;0.005769230769230769551025872488;0.024358974358974359170071366520;0.013461538461538462285727035805;0.007692307692307692734701163317;0.012179487179487179585035683260;0.000000000000000000000000000000;0.003846153846153846367350581659;0.003846153846153846367350581659;0.000641025641025641025085024527;0.000000000000000000000000000000;0.014743589743589743251694912374;0.014743589743589743251694912374;0.008333333333333333217685101602;0.023076923076923078204103489952;0.036538461538461540489830525757;0.025000000000000001387778780781;0.020512820512820512802720784862
-0.067083333333333328152292551749;0.002083333333333333304421275400;0.025000000000000001387778780781;0.003333333333333333547282562037;0.005000000000000000104083408559;0.082500000000000003885780586188;0.001666666666666666773641281019;0.018749999999999999306110609609;0.000416666666666666693410320255;0.014999999999999999444888487687;0.028333333333333331899295259859;0.050416666666666665186369300500;0.027083333333333334258519187188;0.025833333333333333148296162562;0.007916666666666667337426410711;0.048750000000000001665334536938;0.005000000000000000104083408559;0.010833333333333333703407674875;0.030416666666666668239482618219;0.003333333333333333547282562037;0.015416666666666667059870654555;0.002083333333333333304421275400;0.007499999999999999722444243844;0.021250000000000001526556658860;0.086666666666666669627261399000;0.033750000000000002220446049250;0.025000000000000001387778780781;0.002083333333333333304421275400;0.000000000000000000000000000000;0.046666666666666668794594130532;0.037083333333333336201409480282;0.005000000000000000104083408559;0.015833333333333334674852821422;0.005416666666666666851703837438;0.028750000000000001249000902703;0.013750000000000000069388939039;0.005833333333333333599324266316;0.018333333333333333425851918719;0.000000000000000000000000000000;0.006666666666666667094565124074;0.004583333333333333356462979680;0.000416666666666666693410320255;0.000000000000000000000000000000;0.011249999999999999583666365766;0.010833333333333333703407674875;0.010000000000000000208166817117;0.028750000000000001249000902703;0.042083333333333333703407674875;0.031666666666666669349705642844;0.024583333333333332038073137937
-0.020967741935483872467438359877;0.004301075268817204297344680697;0.089247311827956990470944731442;0.000000000000000000000000000000;0.008064516129032257840680841809;0.025806451612903225784068084181;0.001075268817204301074336170174;0.023118279569892472014025486260;0.022580645161290321260016966676;0.055376344086021503376748853498;0.011827956989247311384017002922;0.017741935483870967943387242372;0.005913978494623655692008501461;0.042473118279569892219438287384;0.006451612903225806446017021045;0.019354838709677420205412801124;0.040322580645161289203404209047;0.033333333333333332870740406406;0.017204301075268817189378722787;0.013440860215053763646042561675;0.006989247311827957200025540629;0.017204301075268817189378722787;0.003225806451612903223008510523;0.072043010752688166342672104747;0.026344086021505376538076603765;0.036021505376344083171336052374;0.021505376344086023221446879461;0.002688172043010752902680859933;0.000000000000000000000000000000;0.028494623655913979554110682102;0.017204301075268817189378722787;0.043548387096774193727455326552;0.008602150537634408594689361394;0.005376344086021505805361719865;0.005913978494623655692008501461;0.076344086021505372374740261421;0.012903225806451612892034042090;0.004838709677419355051353200281;0.000537634408602150537168085087;0.004301075268817204297344680697;0.005913978494623655692008501461;0.004301075268817204297344680697;0.000000000000000000000000000000;0.024731182795698924276051045013;0.003225806451612903223008510523;0.011827956989247311384017002922;0.055376344086021503376748853498;0.024193548387096773522042525428;0.009677419354838710102706400562;0.008064516129032257840680841809
-0.035353535353535352203646624503;0.003030303030303030300401934127;0.060101010101010099440088652045;0.001515151515151515150200967064;0.009595959595959595300751487912;0.011616161616161616368381181985;0.003535353535353535567309357646;0.031818181818181814901613790880;0.014646464646464647102463985107;0.050000000000000002775557561563;0.016161616161616161602143648679;0.013636363636363635701287400082;0.013131313131313130868060845557;0.042929292929292928171491894318;0.008585858585858585634298378864;0.017676767676767676101823312251;0.017171717171717171268596757727;0.035858585858585860506320130980;0.018686868686868685768276421300;0.010606060606060606701928072937;0.030303030303030303871381079261;0.011111111111111111535154627461;0.007575757575757575967845269815;0.062121212121212118772994870142;0.032828282828282831506960803836;0.051010101010101012442010670611;0.032323232323232323204287297358;0.004545454545454545233762466694;0.000000000000000000000000000000;0.018181818181818180935049866775;0.008080808080808080801071824339;0.024242424242424242403215473018;0.008585858585858585634298378864;0.006060606060606060600803868255;0.010606060606060606701928072937;0.055050505050505051107823106804;0.017676767676767676101823312251;0.011616161616161616368381181985;0.002020202020202020200267956085;0.008585858585858585634298378864;0.004040404040404040400535912170;0.008080808080808080801071824339;0.000000000000000000000000000000;0.024242424242424242403215473018;0.007575757575757575967845269815;0.021717171717171718237082700398;0.052020202020202022108463779659;0.020202020202020203737403036826;0.029292929292929294204927970213;0.014646464646464647102463985107
-0.070270270270270274171053870305;0.002702702702702702852732841166;0.045045045045045042919618083488;0.000000000000000000000000000000;0.003153153153153153039067735364;0.027477477477477477846301567865;0.000000000000000000000000000000;0.018468468468468467180709779996;0.008108108108108108558198523497;0.036486486486486488511893355735;0.026126126126126126419935147283;0.020720720720720720714469464951;0.019369369369369369288103044369;0.060360360360360361398068818062;0.002252252252252252232717077973;0.031531531531531528655953877660;0.004954954954954954651769050145;0.012162162162162162837297785245;0.021171171171171170033442621161;0.009909909909909909303538100289;0.020270270270270271395496308742;0.008108108108108108558198523497;0.008558558558558557877171679706;0.040540540540540542790992617483;0.055855855855855854330549448150;0.062162162162162165612855346808;0.029279279279279278591641144658;0.000900900900900900914770874639;0.000000000000000000000000000000;0.017567567567567568542763467576;0.015765765765765764327976938830;0.014864864864864865690030626411;0.008108108108108108558198523497;0.006756756756756757131832102914;0.021621621621621622821862729324;0.036936936936936934361419559991;0.013063063063063063209967573641;0.013513513513513514263664205828;0.003153153153153153039067735364;0.007207207207207207318166997112;0.002702702702702702852732841166;0.004054054054054054279099261748;0.000000000000000000000000000000;0.022072072072072072140835885534;0.004954954954954954651769050145;0.022522522522522521459809041744;0.040990990990990988640518821740;0.041441441441441441428938929903;0.029279279279279278591641144658;0.027477477477477477846301567865
-0.062318840579710148286363136094;0.005072463768115941656899892109;0.045652173913043478381545980938;0.000000000000000000000000000000;0.002173913043478260895963183330;0.049275362318840582043222298125;0.000724637681159420298654394443;0.021014492753623187359934831875;0.012318840579710145510805574531;0.028985507246376811946175777734;0.020289855072463766627599568437;0.015217391304347826705423152305;0.023913043478260870289275885625;0.039130434782608698729422513907;0.002173913043478260895963183330;0.036956521739130436532416723594;0.010869565217391304046135047656;0.014492753623188405973087888867;0.032608695652173912138405142969;0.007246376811594202986543944434;0.023188405797101449556940622188;0.007971014492753622851517469883;0.005797101449275362389235155547;0.040579710144927533255199136875;0.064492753623188403544475022500;0.051449275362318837301334184531;0.028985507246376811946175777734;0.001449275362318840597308788887;0.000000000000000000000000000000;0.017391304347826087167705466641;0.024637681159420291021611149063;0.012318840579710145510805574531;0.015217391304347826705423152305;0.010144927536231883313799784219;0.018115942028985507900040730078;0.027536231884057970481505250859;0.013768115942028985240752625430;0.016666666666666666435370203203;0.000000000000000000000000000000;0.008695652173913043583852733320;0.002173913043478260895963183330;0.001449275362318840597308788887;0.000000000000000000000000000000;0.023913043478260870289275885625;0.003623188405797101493271972217;0.026811594202898549749169987422;0.038405797101449277997087250469;0.034057971014492753603075669844;0.028985507246376811946175777734;0.021739130434782608092270095312
-0.046527777777777779011358916250;0.000694444444444444470947164216;0.038888888888888889505679458125;0.000000000000000000000000000000;0.000000000000000000000000000000;0.030555555555555554553270880547;0.001388888888888888941894328433;0.022222222222222223070309254922;0.007638888888888888638317720137;0.045833333333333330095182844843;0.025000000000000001387778780781;0.025000000000000001387778780781;0.014583333333333333564629796797;0.041666666666666664353702032031;0.006944444444444444058950338672;0.043055555555555555247160270937;0.009722222222222222376419864531;0.020138888888888890199568848516;0.014583333333333333564629796797;0.006944444444444444058950338672;0.018055555555555553859381490156;0.008333333333333333217685101602;0.004861111111111111188209932266;0.075694444444444439201724605937;0.048611111111111111882099322656;0.058333333333333334258519187188;0.029166666666666667129259593594;0.000000000000000000000000000000;0.000694444444444444470947164216;0.006944444444444444058950338672;0.026388888888888888811790067734;0.032638888888888890893458238907;0.004166666666666666608842550801;0.003472222222222222029475169336;0.011805555555555555247160270937;0.043749999999999997224442438437;0.013888888888888888117900677344;0.015972222222222220988641083750;0.000000000000000000000000000000;0.004166666666666666608842550801;0.004861111111111111188209932266;0.000000000000000000000000000000;0.000000000000000000000000000000;0.034027777777777774848022573906;0.002083333333333333304421275400;0.029861111111111112575988713047;0.047916666666666669904817155157;0.030555555555555554553270880547;0.025000000000000001387778780781;0.017361111111111111882099322656
-0.066129032258064518456919245182;0.001075268817204301074336170174;0.048924731182795701267540522394;0.000537634408602150537168085087;0.009677419354838710102706400562;0.029032258064516130308119201686;0.000537634408602150537168085087;0.010215053763440860856714920146;0.007526881720430107954034060214;0.036021505376344083171336052374;0.020430107526881721713429840293;0.015053763440860215908068120427;0.018279569892473118697395761956;0.051612903225806451568136168362;0.004301075268817204297344680697;0.036021505376344083171336052374;0.010752688172043011610723439730;0.008602150537634408594689361394;0.012365591397849462138025522506;0.010215053763440860856714920146;0.011290322580645160630008483338;0.012365591397849462138025522506;0.006451612903225806446017021045;0.054301075268817201868731814329;0.071505376344086019058110537117;0.060215053763440863632272481709;0.018817204301075269451404281540;0.000000000000000000000000000000;0.000537634408602150537168085087;0.011290322580645160630008483338;0.012903225806451612892034042090;0.012365591397849462138025522506;0.002688172043010752902680859933;0.008064516129032257840680841809;0.038172043010752686187370130710;0.036559139784946237394791523911;0.006989247311827957200025540629;0.011827956989247311384017002922;0.000000000000000000000000000000;0.020430107526881721713429840293;0.001075268817204301074336170174;0.001075268817204301074336170174;0.000000000000000000000000000000;0.021505376344086023221446879461;0.001075268817204301074336170174;0.009677419354838710102706400562;0.053763440860215054584170246699;0.063440860215053768156323599214;0.026344086021505376538076603765;0.027956989247311828800102162518
-0.041666666666666664353702032031;0.011574074074074073431583897786;0.051388888888888886730121896562;0.000000000000000000000000000000;0.007407407407407407690103084974;0.024537037037037037756626034479;0.003703703703703703845051542487;0.020833333333333332176851016015;0.007870370370370369586532355299;0.037962962962962962243373965521;0.020833333333333332176851016015;0.016666666666666666435370203203;0.018981481481481481121686982760;0.047685185185185184619793830052;0.012962962962962962590318660716;0.030092592592592590922118134245;0.013888888888888888117900677344;0.022222222222222223070309254922;0.014351851851851851749053423646;0.008333333333333333217685101602;0.020370370370370372015145221667;0.009259259259259258745267118229;0.007407407407407407690103084974;0.078703703703703706273664408855;0.037037037037037034981068472916;0.043981481481481482509465763542;0.030555555555555554553270880547;0.000462962962962962980631442811;0.001388888888888888941894328433;0.012962962962962962590318660716;0.015277777777777777276635440273;0.025462962962962961549484575130;0.007407407407407407690103084974;0.008333333333333333217685101602;0.019907407407407408383992475365;0.043981481481481482509465763542;0.015740740740740739173064710599;0.019444444444444444752839729063;0.000000000000000000000000000000;0.007407407407407407690103084974;0.003240740740740740647579665179;0.005092592592592593003786305417;0.000000000000000000000000000000;0.030092592592592590922118134245;0.007870370370370369586532355299;0.021759259259259259439156508620;0.046296296296296293726335591145;0.027314814814814816074095560339;0.020370370370370372015145221667;0.019907407407407408383992475365
-0.047311827956989245536068011688;0.005913978494623655692008501461;0.051612903225806451568136168362;0.001612903225806451611504255261;0.002688172043010752902680859933;0.015053763440860215908068120427;0.001075268817204301074336170174;0.024193548387096773522042525428;0.011290322580645160630008483338;0.033333333333333332870740406406;0.020430107526881721713429840293;0.004301075268817204297344680697;0.019892473118279570959421320708;0.065053763440860210010008302106;0.012903225806451612892034042090;0.019354838709677420205412801124;0.017204301075268817189378722787;0.026344086021505376538076603765;0.015053763440860215908068120427;0.018279569892473118697395761956;0.018817204301075269451404281540;0.011290322580645160630008483338;0.010752688172043011610723439730;0.042473118279569892219438287384;0.029569892473118281062127721270;0.046774193548387098251506444058;0.030107526881720431816136240855;0.002150537634408602148672340348;0.001075268817204301074336170174;0.003225806451612903223008510523;0.002688172043010752902680859933;0.020430107526881721713429840293;0.006989247311827957200025540629;0.011827956989247311384017002922;0.027956989247311828800102162518;0.052150537634408598852697735992;0.018817204301075269451404281540;0.008602150537634408594689361394;0.000537634408602150537168085087;0.024193548387096773522042525428;0.004301075268817204297344680697;0.001612903225806451611504255261;0.000000000000000000000000000000;0.029569892473118281062127721270;0.007526881720430107954034060214;0.014516129032258065154059600843;0.061827956989247312424851088508;0.038709677419354840410825602248;0.033870967741935487094195877944;0.024731182795698924276051045013
-0.048958333333333332870740406406;0.004687499999999999826527652402;0.052083333333333335646297967969;0.000000000000000000000000000000;0.001041666666666666652210637700;0.022916666666666665047591422422;0.001041666666666666652210637700;0.017708333333333332870740406406;0.004166666666666666608842550801;0.038020833333333330095182844843;0.019791666666666665741480812812;0.008854166666666666435370203203;0.028125000000000000693889390391;0.063020833333333331482961625625;0.008333333333333333217685101602;0.017708333333333332870740406406;0.006250000000000000346944695195;0.018749999999999999306110609609;0.014062500000000000346944695195;0.011979166666666667476204288789;0.020312500000000000693889390391;0.006250000000000000346944695195;0.008854166666666666435370203203;0.050520833333333334258519187188;0.052083333333333335646297967969;0.064583333333333339809634310313;0.034895833333333334258519187188;0.001041666666666666652210637700;0.000000000000000000000000000000;0.006770833333333333564629796797;0.006250000000000000346944695195;0.011979166666666667476204288789;0.009895833333333332870740406406;0.009374999999999999653055304805;0.040625000000000001387778780781;0.036979166666666667129259593594;0.016145833333333334952408577578;0.015104166666666666782314898398;0.000520833333333333326105318850;0.013020833333333333911574491992;0.004687499999999999826527652402;0.001562500000000000086736173799;0.000000000000000000000000000000;0.021354166666666667129259593594;0.003645833333333333391157449199;0.018749999999999999306110609609;0.065625000000000002775557561563;0.036979166666666667129259593594;0.030208333333333333564629796797;0.024479166666666666435370203203
-0.048611111111111111882099322656;0.001388888888888888941894328433;0.072685185185185186007572610833;0.000000000000000000000000000000;0.000000000000000000000000000000;0.020833333333333332176851016015;0.000925925925925925961262885622;0.012500000000000000693889390391;0.005555555555555555767577313730;0.045370370370370373402924002448;0.023148148148148146863167795573;0.012962962962962962590318660716;0.010648148148148147904001881159;0.064814814814814811216869827604;0.003703703703703703845051542487;0.026851851851851852442942814037;0.021296296296296295808003762318;0.022222222222222223070309254922;0.007870370370370369586532355299;0.013425925925925926221471407018;0.014814814814814815380206169948;0.010185185185185186007572610833;0.005555555555555555767577313730;0.051388888888888886730121896562;0.043981481481481482509465763542;0.060185185185185181844236268489;0.022685185185185186701462001224;0.000000000000000000000000000000;0.000462962962962962980631442811;0.003240740740740740647579665179;0.016666666666666666435370203203;0.020370370370370372015145221667;0.001851851851851851922525771243;0.010648148148148147904001881159;0.024537037037037037756626034479;0.049074074074074075513252068959;0.012962962962962962590318660716;0.009722222222222222376419864531;0.000462962962962962980631442811;0.012962962962962962590318660716;0.002314814814814814686316779557;0.001388888888888888941894328433;0.000000000000000000000000000000;0.030555555555555554553270880547;0.000925925925925925961262885622;0.010648148148148147904001881159;0.063425925925925927262305492604;0.043518518518518518878313017240;0.034722222222222223764198645313;0.025925925925925925180637321432
-0.043827160493827163612046149410;0.004320987654320987240985640909;0.069135802469135795855770254548;0.000000000000000000000000000000;0.000617283950617283938035184665;0.016049382716049383906797842769;0.000000000000000000000000000000;0.017283950617283948963942563637;0.011111111111111111535154627461;0.043827160493827163612046149410;0.017901234567901234961961876024;0.007407407407407407690103084974;0.013580246913580246853614497127;0.070370370370370374790702783230;0.002469135802469135752140738660;0.033950617283950615399312766840;0.017283950617283948963942563637;0.024074074074074074125473288177;0.004320987654320987240985640909;0.009259259259259258745267118229;0.011111111111111111535154627461;0.008641975308641974481971281818;0.004320987654320987240985640909;0.069753086419753085323236518889;0.041975308641975309087435164201;0.063580246913580246159725106736;0.020987654320987654543717582101;0.000617283950617283938035184665;0.000617283950617283938035184665;0.002469135802469135752140738660;0.006172839506172839163511412153;0.016666666666666666435370203203;0.004320987654320987240985640909;0.009876543209876543008562954640;0.023456790123456791596900927743;0.048765432098765430779518936788;0.014814814814814815380206169948;0.016666666666666666435370203203;0.000000000000000000000000000000;0.014197530864197531116910333537;0.003086419753086419581755706076;0.004320987654320987240985640909;0.000000000000000000000000000000;0.029629629629629630760412339896;0.000617283950617283938035184665;0.017283950617283948963942563637;0.069753086419753085323236518889;0.051851851851851850361274642864;0.020370370370370372015145221667;0.017283950617283948963942563637
-0.040972222222222222376419864531;0.003819444444444444319158860068;0.057986111111111113269878103438;0.000000000000000000000000000000;0.000000000000000000000000000000;0.017708333333333332870740406406;0.001388888888888888941894328433;0.015625000000000000000000000000;0.009374999999999999653055304805;0.051041666666666665741480812812;0.017013888888888887424011286953;0.010069444444444445099784424258;0.017013888888888887424011286953;0.057291666666666664353702032031;0.001736111111111111014737584668;0.020833333333333332176851016015;0.017361111111111111882099322656;0.022569444444444444058950338672;0.004861111111111111188209932266;0.012500000000000000693889390391;0.011458333333333332523795711211;0.008333333333333333217685101602;0.005902777777777777623580135469;0.062847222222222220988641083750;0.048263888888888890893458238907;0.051388888888888886730121896562;0.025694444444444443365060948281;0.000347222222222222235473582108;0.001388888888888888941894328433;0.005902777777777777623580135469;0.006944444444444444058950338672;0.025000000000000001387778780781;0.002083333333333333304421275400;0.010416666666666666088425508008;0.028472222222222221682530474141;0.056597222222222222376419864531;0.014930555555555556287994356524;0.012847222222222221682530474141;0.000000000000000000000000000000;0.017013888888888887424011286953;0.006250000000000000346944695195;0.001736111111111111014737584668;0.000000000000000000000000000000;0.033680555555555553859381490156;0.000694444444444444470947164216;0.019444444444444444752839729063;0.058333333333333334258519187188;0.051736111111111107718762980312;0.034027777777777774848022573906;0.019097222222222223764198645313
-0.042222222222222223486642889156;0.000000000000000000000000000000;0.072962962962962965574043039396;0.000000000000000000000000000000;0.000370370370370370351979089074;0.020370370370370372015145221667;0.000370370370370370351979089074;0.018518518518518517490534236458;0.007037037037037036958653235530;0.056296296296296295669225884239;0.009629629629629630344078705662;0.012222222222222222862142437805;0.008148148148148147418279307885;0.081111111111111106053428443374;0.001851851851851851922525771243;0.029259259259259259161600752464;0.013703703703703704053218359604;0.017777777777777777762358013547;0.005925925925925925631665425186;0.008148148148148147418279307885;0.013333333333333334189130248149;0.013703703703703704053218359604;0.002962962962962962815832712593;0.068518518518518520266091798021;0.044444444444444446140618509844;0.059629629629629629650189315271;0.025925925925925925180637321432;0.000000000000000000000000000000;0.000740740740740740703958178148;0.008148148148148147418279307885;0.012592592592592592726230549260;0.026666666666666668378260496297;0.001851851851851851922525771243;0.009259259259259258745267118229;0.009259259259259258745267118229;0.052962962962962961688262453208;0.012222222222222222862142437805;0.008148148148148147418279307885;0.000000000000000000000000000000;0.007407407407407407690103084974;0.003333333333333333547282562037;0.000740740740740740703958178148;0.000000000000000000000000000000;0.031111111111111110216764785719;0.001111111111111111110147375847;0.012222222222222222862142437805;0.082222222222222224319310157625;0.045185185185185182399347780802;0.017037037037037038034181790636;0.023333333333333334397297065266
-0.034883720930232557655426006704;0.003488372093023255765542600670;0.034883720930232557655426006704;0.000387596899224806196171400074;0.011627906976744185885142002235;0.018604651162790697416227203576;0.002325581395348837177028400447;0.029069767441860464712855005587;0.004263565891472868157885400819;0.076744186046511633780831118656;0.015891472868217054043027403054;0.013178294573643410669827602533;0.019767441860465116004741403799;0.044186046511627906363539608492;0.008914728682170542511942201713;0.025193798449612402751141004842;0.009689922480620154904285001862;0.013178294573643410669827602533;0.020542635658914728397084203948;0.008139534883720930119599401564;0.013565891472868216865999002607;0.003488372093023255765542600670;0.006976744186046511531085201341;0.082170542635658913588336815792;0.032170542635658917751673158136;0.055038759689922479856338810578;0.027519379844961239928169405289;0.002325581395348837177028400447;0.000775193798449612392342800149;0.024418604651162790358798204693;0.009689922480620154904285001862;0.029457364341085270909026405661;0.007364341085271317727256601415;0.006976744186046511531085201341;0.023643410852713177966455404544;0.041085271317829456794168407896;0.010852713178294573492799202086;0.010077519379844961100456401937;0.000000000000000000000000000000;0.007364341085271317727256601415;0.005813953488372092942571001117;0.000387596899224806196171400074;0.000000000000000000000000000000;0.049612403100775193109939209535;0.004263565891472868157885400819;0.025968992248062015143483804991;0.050775193798449615167900361712;0.035658914728682170047768806853;0.021317829457364340789427004097;0.016279069767441860239198803129
-0.034814814814814812327092852229;0.018518518518518517490534236458;0.041481481481481480289019714291;0.014074074074074073917306471060;0.006296296296296296363115274630;0.014814814814814815380206169948;0.005185185185185185036127464286;0.027777777777777776235801354687;0.010370370370370370072254928573;0.045185185185185182399347780802;0.018888888888888889089345823891;0.009629629629629630344078705662;0.018148148148148149361169600979;0.040370370370370368962031903948;0.018888888888888889089345823891;0.019629629629629628817522046802;0.012592592592592592726230549260;0.029629629629629630760412339896;0.018518518518518517490534236458;0.007407407407407407690103084974;0.017777777777777777762358013547;0.009629629629629630344078705662;0.013703703703703704053218359604;0.054074074074074073015250263552;0.029629629629629630760412339896;0.051111111111111114102545371907;0.029259259259259259161600752464;0.026666666666666668378260496297;0.001481481481481481407916356297;0.013703703703703704053218359604;0.005185185185185185036127464286;0.022592592592592591199673890401;0.009259259259259258745267118229;0.009629629629629630344078705662;0.016296296296296294836558615771;0.041481481481481480289019714291;0.011111111111111111535154627461;0.007777777777777777554191196430;0.000370370370370370351979089074;0.012592592592592592726230549260;0.008518518518518519017090895318;0.005185185185185185036127464286;0.000000000000000000000000000000;0.034814814814814812327092852229;0.010740740740740739936343040029;0.018518518518518517490534236458;0.048148148148148148250946576354;0.034074074074074076068363581271;0.022592592592592591199673890401;0.021851851851851851471497667490
-0.034814814814814812327092852229;0.001851851851851851922525771243;0.054444444444444441144614899031;0.000000000000000000000000000000;0.001481481481481481407916356297;0.012222222222222222862142437805;0.001481481481481481407916356297;0.020370370370370372015145221667;0.007407407407407407690103084974;0.085555555555555551361379684749;0.011851851851851851263330850372;0.004814814814814815172039352831;0.009629629629629630344078705662;0.056296296296296295669225884239;0.002962962962962962815832712593;0.023333333333333334397297065266;0.011481481481481481399242738917;0.017407407407407406163546426114;0.007777777777777777554191196430;0.013333333333333334189130248149;0.014074074074074073917306471060;0.007777777777777777554191196430;0.005555555555555555767577313730;0.105185185185185187117795635459;0.030370370370370370488588562807;0.067777777777777784007362527063;0.020740740740740740144509857146;0.000370370370370370351979089074;0.000740740740740740703958178148;0.004814814814814815172039352831;0.003703703703703703845051542487;0.028518518518518519433424529552;0.002222222222222222220294751693;0.002962962962962962815832712593;0.016296296296296294836558615771;0.061851851851851852304164935958;0.017037037037037038034181790636;0.004444444444444444440589503387;0.000000000000000000000000000000;0.004814814814814815172039352831;0.007777777777777777554191196430;0.001111111111111111110147375847;0.000000000000000000000000000000;0.044074074074074071072359970458;0.003703703703703703845051542487;0.023333333333333334397297065266;0.059999999999999997779553950750;0.038888888888888889505679458125;0.024814814814814813853649511088;0.018518518518518517490534236458
-0.044594594594594597070091879232;0.001801801801801801829541749278;0.063063063063063057311907755320;0.000000000000000000000000000000;0.003603603603603603659083498556;0.038288288288288285787785980574;0.001351351351351351426366420583;0.016666666666666666435370203203;0.013063063063063063209967573641;0.030630630630630630018007565241;0.021171171171171170033442621161;0.027477477477477477846301567865;0.031531531531531528655953877660;0.046396396396396394345984504071;0.004054054054054054279099261748;0.027477477477477477846301567865;0.012162162162162162837297785245;0.021621621621621622821862729324;0.013963963963963963582637362038;0.014414414414414414636333994224;0.015315315315315315009003782620;0.010810810810810811410931364662;0.019819819819819818607076200578;0.037837837837837839938259776318;0.040540540540540542790992617483;0.045945945945945948496458299815;0.028378378378378379953694832238;0.000900900900900900914770874639;0.000900900900900900914770874639;0.027027027027027028527328411656;0.023423423423423423567202306117;0.009459459459459459984564944079;0.012612612612612612156270941455;0.009459459459459459984564944079;0.033333333333333332870740406406;0.032882882882882880082320298243;0.013063063063063063209967573641;0.013063063063063063209967573641;0.001351351351351351426366420583;0.019369369369369369288103044369;0.004054054054054054279099261748;0.007207207207207207318166997112;0.000000000000000000000000000000;0.013963963963963963582637362038;0.002702702702702702852732841166;0.012162162162162162837297785245;0.042792792792792792855305350486;0.040990990990990988640518821740;0.026126126126126126419935147283;0.021171171171171170033442621161
-0.032471264367816089768670195781;0.008908045977011494129249591367;0.053735632183908046966003269063;0.078160919540229883972770608125;0.008908045977011494129249591367;0.028448275862068966857165719375;0.006034482758620689571427142539;0.022413793103448275551015100859;0.015229885057471264156458978789;0.036494252873563219619068576094;0.017528735632183909537440413828;0.016954022988505748625875924063;0.015804597701149426802746944531;0.041954022988505750013654704844;0.013505747126436781421765509492;0.027586206896551723755095508750;0.011206896551724137775507550430;0.016379310344827587714311434297;0.014655172413793103244894489023;0.004022988505747126380951428359;0.016091954022988505523805713437;0.009482758620689655040814081133;0.005459770114942528659862652773;0.051724137931034482040804078906;0.034482758620689654693869385937;0.047413793103448273469346929687;0.020977011494252875006827352422;0.005747126436781609115644897656;0.002298850574712643646257959062;0.027011494252873562843531018984;0.016954022988505748625875924063;0.019827586206896553183698372891;0.008620689655172413673467346484;0.008333333333333333217685101602;0.014367816091954022789112244141;0.031321839080459767945541216250;0.008620689655172413673467346484;0.014080459770114942333329999258;0.004885057471264367748298163008;0.009482758620689655040814081133;0.006034482758620689571427142539;0.010632183908045976863943060664;0.000000000000000000000000000000;0.020977011494252875006827352422;0.010632183908045976863943060664;0.016954022988505748625875924063;0.046551724137931037306170622969;0.025287356321839080108837549687;0.016091954022988505523805713437;0.019252873563218392272133883125
-0.021296296296296295808003762318;0.033024691358024688137007274236;0.069444444444444447528397290625;0.108024691358024685361449712673;0.003086419753086419581755706076;0.014814814814814815380206169948;0.002469135802469135752140738660;0.021604938271604937072289942535;0.019135802469135803488553548846;0.020679012345679013279431401884;0.016666666666666666435370203203;0.006481481481481481295159330358;0.010493827160493827271858791050;0.040123456790123454562824178993;0.029938271604938272024698520113;0.024074074074074074125473288177;0.019444444444444444752839729063;0.048148148148148148250946576354;0.007716049382716048954389265191;0.007407407407407407690103084974;0.012345679012345678327022824305;0.018209876543209876226248056241;0.009876543209876543008562954640;0.020061728395061727281412089496;0.035493827160493825190190619878;0.036111111111111107718762980312;0.029012345679012344762393027509;0.027469135802469134971515174470;0.000308641975308641969017592332;0.008333333333333333217685101602;0.004938271604938271504281477320;0.008333333333333333217685101602;0.010185185185185186007572610833;0.009259259259259258745267118229;0.012037037037037037062736644089;0.031481481481481478346129421197;0.008641975308641974481971281818;0.006481481481481481295159330358;0.003395061728395061713403624282;0.012345679012345678327022824305;0.007716049382716048954389265191;0.015432098765432097908778530382;0.000000000000000000000000000000;0.008641975308641974481971281818;0.010493827160493827271858791050;0.004320987654320987240985640909;0.036728395061728397186229244653;0.033950617283950615399312766840;0.024382716049382715389759468394;0.029938271604938272024698520113
-0.048245614035087716620076037088;0.006140350877192982462227099916;0.048538011695906435605252227106;0.000292397660818713455745110341;0.005263157894736841986571551644;0.052339181286549706084709754350;0.002339181286549707645960882729;0.016959064327485378481652489313;0.012573099415204678705459961918;0.014619883040935671703053344572;0.023391812865497074724885351316;0.030116959064327486483847451382;0.041228070175438599753725554820;0.032748538011695908778175834186;0.007602339181286549632532434373;0.026608187134502924581225258294;0.014619883040935671703053344572;0.034210526315789475948481168643;0.018713450292397661167687061834;0.007309941520467835851526672286;0.020760233918128655900003920465;0.009941520467836258145855055091;0.020760233918128655900003920465;0.017251461988304093997381727377;0.051461988304093569945862896020;0.032163742690058477746717358059;0.028362573099415203797812878861;0.001754385964912280734470662047;0.000292397660818713455745110341;0.036842105263157891303915647541;0.026023391812865497019213734120;0.008771929824561403021832006743;0.020175438596491228337992396291;0.010526315789473683973143103287;0.040935672514619880768549364802;0.026608187134502924581225258294;0.014327485380116959656771058462;0.009649122807017544364849293004;0.000292397660818713455745110341;0.026900584795321636627507544404;0.002046783625730994298635989637;0.008479532163742689240826244657;0.000000000000000000000000000000;0.014327485380116959656771058462;0.007017543859649122937882648188;0.013742690058479532094759534289;0.025730994152046784972931448010;0.023099415204678362678603065206;0.039473684210526313598244030345;0.018421052631578945651957823770
-0.029861111111111112575988713047;0.009027777777777776929690745078;0.055208333333333331482961625625;0.000000000000000000000000000000;0.004861111111111111188209932266;0.023958333333333334952408577578;0.004513888888888888464845372539;0.020486111111111111188209932266;0.028472222222222221682530474141;0.031250000000000000000000000000;0.014930555555555556287994356524;0.015972222222222220988641083750;0.023958333333333334952408577578;0.045138888888888888117900677344;0.010069444444444445099784424258;0.017708333333333332870740406406;0.026736111111111109800431151484;0.035416666666666665741480812812;0.011458333333333332523795711211;0.009027777777777776929690745078;0.012152777777777777970524830664;0.019097222222222223764198645313;0.012847222222222221682530474141;0.031944444444444441977282167500;0.037499999999999998612221219219;0.032638888888888890893458238907;0.026388888888888888811790067734;0.005555555555555555767577313730;0.001736111111111111014737584668;0.021527777777777777623580135469;0.014583333333333333564629796797;0.023958333333333334952408577578;0.006597222222222222202947516934;0.011111111111111111535154627461;0.035069444444444444752839729063;0.045138888888888888117900677344;0.012847222222222221682530474141;0.009374999999999999653055304805;0.004861111111111111188209932266;0.029166666666666667129259593594;0.002777777777777777883788656865;0.019791666666666665741480812812;0.000000000000000000000000000000;0.024305555555555555941049661328;0.007638888888888888638317720137;0.014583333333333333564629796797;0.035069444444444444752839729063;0.034722222222222223764198645313;0.031597222222222220988641083750;0.017361111111111111882099322656
-0.059333333333333335146697606888;0.003333333333333333547282562037;0.053333333333333336756520992594;0.000333333333333333322202191029;0.000333333333333333322202191029;0.018333333333333333425851918719;0.003333333333333333547282562037;0.022333333333333333509118645566;0.006666666666666667094565124074;0.042666666666666665241880451731;0.022999999999999999611421941381;0.006333333333333333176051738178;0.021000000000000001304512053935;0.054333333333333330705805508387;0.004333333333333333134418374755;0.028666666666666666685170383744;0.016000000000000000333066907388;0.017999999999999998639976794834;0.009333333333333334105863521302;0.012333333333333333300951828448;0.023333333333333334397297065266;0.008333333333333333217685101602;0.013666666666666667240281896056;0.043666666666666666130058871431;0.043333333333333334813630699500;0.057666666666666664686768939418;0.033000000000000001554312234475;0.019666666666666665630458510350;0.000666666666666666644404382058;0.004333333333333333134418374755;0.003333333333333333547282562037;0.013666666666666667240281896056;0.007666666666666666248020067798;0.007666666666666666248020067798;0.021666666666666667406815349750;0.043666666666666666130058871431;0.015666666666666665547191783503;0.019666666666666665630458510350;0.000333333333333333322202191029;0.010000000000000000208166817117;0.003000000000000000062450045135;0.001666666666666666773641281019;0.000000000000000000000000000000;0.025333333333333332704206952712;0.001666666666666666773641281019;0.031666666666666669349705642844;0.046666666666666668794594130532;0.040333333333333332149095440400;0.036666666666666666851703837438;0.018666666666666668211727042603
-0.033333333333333332870740406406;0.004402515723270440141379200583;0.081446540880503140447110865807;0.000000000000000000000000000000;0.000000000000000000000000000000;0.015094339622641509551792537991;0.000314465408805031430925641667;0.014465408805031446798361471906;0.009433962264150943036189467250;0.044968553459119493809215128977;0.014150943396226415421645938864;0.005660377358490565648241332752;0.011635220125786162673198198547;0.079245283018867920810102134510;0.002201257861635220070689600291;0.021383647798742137086103198840;0.022641509433962262592965331010;0.025157232704402517076136547303;0.003144654088050314634517068413;0.015723270440251572305223604076;0.014150943396226415421645938864;0.009748427672955974412905000293;0.006603773584905660645749669868;0.043710691823899368302352996807;0.039308176100628929028335534213;0.064465408805031446104472081515;0.024842767295597485699421014260;0.000943396226415094346987033624;0.000628930817610062861851283333;0.001886792452830188693974067249;0.004402515723270440141379200583;0.025471698113207548452852080345;0.004716981132075471518094733625;0.010377358490566037166336066377;0.026415094339622642582998679472;0.055345911949685536179721623284;0.019182389937106917449094467543;0.008176100628930817529327335080;0.000000000000000000000000000000;0.012893081761006289914783806694;0.003773584905660377387948134498;0.009119496855345911659473934208;0.000000000000000000000000000000;0.025786163522012579829567613388;0.000314465408805031430925641667;0.013207547169811321291499339736;0.064465408805031446104472081515;0.049685534591194971398842028520;0.029559748427672956350154009897;0.026415094339622642582998679472
-0.036036036036036035723473247572;0.007657657657657657504501891310;0.051351351351351354201923982146;0.000000000000000000000000000000;0.004054054054054054279099261748;0.038288288288288285787785980574;0.001351351351351351426366420583;0.018468468468468467180709779996;0.009009009009009008930868311893;0.014414414414414414636333994224;0.027927927927927927165274724075;0.017117117117117115754343359413;0.019369369369369369288103044369;0.054504504504504502904183027567;0.007207207207207207318166997112;0.043243243243243245643725458649;0.011711711711711711783601153058;0.031981981981981981444373985823;0.020720720720720720714469464951;0.009009009009009008930868311893;0.015315315315315315009003782620;0.016216216216216217116397046993;0.011711711711711711783601153058;0.015765765765765764327976938830;0.066216216216216219891954608556;0.040540540540540542790992617483;0.031081081081081082806427673404;0.003603603603603603659083498556;0.000900900900900900914770874639;0.023873873873873872886175462327;0.013963963963963963582637362038;0.011711711711711711783601153058;0.018018018018018017861736623786;0.013963963963963963582637362038;0.024774774774774774993568726700;0.039189189189189191364626196901;0.009459459459459459984564944079;0.010810810810810811410931364662;0.000000000000000000000000000000;0.014414414414414414636333994224;0.002252252252252252232717077973;0.009459459459459459984564944079;0.000000000000000000000000000000;0.010810810810810811410931364662;0.005405405405405405705465682331;0.006756756756756757131832102914;0.046846846846846847134404612234;0.043243243243243245643725458649;0.035585585585585582935053139408;0.034684684684684684297106826989
-0.046428571428571430157461463750;0.009523809523809524668624959531;0.032539682539682542039560786407;0.029365079365079364837054498594;0.023809523809523808202115446875;0.035714285714285712303173170312;0.003174603174603174600421073848;0.025396825396825396803368590781;0.004365079365079365183999193789;0.022619047619047618485899064922;0.020634920634920634469056111016;0.020238095238095239053466301016;0.021428571428571428769682682969;0.026984126984126985404621734688;0.017857142857142856151586585156;0.031349206349206348853897452500;0.010317460317460317234528055508;0.017857142857142856151586585156;0.036111111111111107718762980312;0.004761904761904762334312479766;0.020634920634920634469056111016;0.006746031746031746351155433672;0.007936507936507936067371815625;0.018650793650793650452213157109;0.043253968253968252954955175937;0.043650793650793648370544985937;0.038492063492063494090089648125;0.032142857142857139685077072500;0.000793650793650793650105268462;0.028571428571428570536427926640;0.007936507936507936067371815625;0.008333333333333333217685101602;0.017460317460317460735996775156;0.010317460317460317234528055508;0.023809523809523808202115446875;0.023412698412698412786525636875;0.011904761904761904101057723437;0.016666666666666666435370203203;0.000793650793650793650105268462;0.012698412698412698401684295391;0.005952380952380952050528861719;0.004365079365079365183999193789;0.000000000000000000000000000000;0.020238095238095239053466301016;0.017857142857142856151586585156;0.017063492063492061850960013203;0.030555555555555554553270880547;0.029761904761904760252644308594;0.032936507936507937455150596406;0.026587301587301586519584972734
-0.040370370370370368962031903948;0.007407407407407407690103084974;0.024074074074074074125473288177;0.010740740740740739936343040029;0.052222222222222225429533182250;0.013703703703703704053218359604;0.004074074074074073709139653943;0.034444444444444444197728216750;0.006666666666666667094565124074;0.036666666666666666851703837438;0.020370370370370372015145221667;0.011481481481481481399242738917;0.017777777777777777762358013547;0.035185185185185187395351391615;0.020370370370370372015145221667;0.016296296296296294836558615771;0.005925925925925925631665425186;0.029259259259259259161600752464;0.031111111111111110216764785719;0.005925925925925925631665425186;0.022962962962962962798485477833;0.007407407407407407690103084974;0.014074074074074073917306471060;0.051481481481481482231910007386;0.027777777777777776235801354687;0.049259259259259259577934386698;0.040370370370370368962031903948;0.012962962962962962590318660716;0.000000000000000000000000000000;0.042592592592592591616007524635;0.009629629629629630344078705662;0.015185185185185185244294281404;0.017407407407407406163546426114;0.004814814814814815172039352831;0.014444444444444443781394582516;0.030370370370370370488588562807;0.015185185185185185244294281404;0.010740740740740739936343040029;0.000740740740740740703958178148;0.005555555555555555767577313730;0.008148148148148147418279307885;0.004444444444444444440589503387;0.000000000000000000000000000000;0.023703703703703702526661700745;0.015185185185185185244294281404;0.020370370370370372015145221667;0.039629629629629632703302632990;0.025555555555555557051272685953;0.029629629629629630760412339896;0.016296296296296294836558615771
-0.033712121212121214097745536264;0.029166666666666667129259593594;0.037878787878787879839226349077;0.007575757575757575967845269815;0.012878787878787878451447568295;0.034090909090909088385856762216;0.003787878787878787983922634908;0.025757575757575756902895136591;0.013257575757575757943729222177;0.018560606060606062162054996634;0.016287878787878788677812025298;0.016666666666666666435370203203;0.025757575757575756902895136591;0.033333333333333332870740406406;0.025000000000000001387778780781;0.019696969696969695434729530348;0.014015151515151515193569053963;0.042803030303030301095823517699;0.034469696969696969612861892074;0.006060606060606060600803868255;0.018560606060606062162054996634;0.006818181818181817850643700041;0.018181818181818180935049866775;0.023106060606060605661093987351;0.040909090909090908838585676222;0.032575757575757577355624050597;0.034469696969696969612861892074;0.025000000000000001387778780781;0.000757575757575757575100483532;0.048106060606060603579425816179;0.006060606060606060600803868255;0.010606060606060606701928072937;0.030681818181818181628939257166;0.004166666666666666608842550801;0.022727272727272727903535809446;0.027651515151515152629579930021;0.014393939393939394685850707845;0.008333333333333333217685101602;0.001136363636363636308440616673;0.010606060606060606701928072937;0.015530303030303029693248717535;0.013257575757575757943729222177;0.000000000000000000000000000000;0.014015151515151515193569053963;0.018181818181818180935049866775;0.009469696969696969959806587269;0.022727272727272727903535809446;0.021590909090909091161414323778;0.031818181818181814901613790880;0.017803030303030303177491688871
-0.051219512195121948139320267046;0.004065040650406504495195658677;0.047560975609756098170244342782;0.000000000000000000000000000000;0.002845528455284553059900787275;0.046747967479674794322175301886;0.001626016260162601624605915873;0.026829268292682926372316742913;0.007317073170731707744407490424;0.014634146341463415488814980847;0.023983739837398373312415955638;0.015447154471544715867437069790;0.039024390243902438990541980957;0.041463414634146343595855199737;0.005691056910569106119801574550;0.025609756097560974069660133523;0.012601626016260162807536282514;0.032926829268292684416152837912;0.029674796747967479432217530189;0.007317073170731707744407490424;0.023983739837398373312415955638;0.008536585365853659179702361826;0.017073170731707318359404723651;0.018292682926829267192614381088;0.057317073170731709652603313998;0.039837398373983742838611021853;0.038211382113821135142472940061;0.023577235772357724857828387144;0.000000000000000000000000000000;0.022764227642276424479206298201;0.011788617886178862428914193572;0.008943089430894309369013406297;0.019105691056910567571236470030;0.007723577235772357933718534895;0.034552845528455285173397015797;0.032926829268292684416152837912;0.019512195121951219495270990478;0.007723577235772357933718534895;0.000000000000000000000000000000;0.013821138211382113375469415928;0.004065040650406504495195658677;0.003658536585365853872203745212;0.000000000000000000000000000000;0.008536585365853659179702361826;0.008130081300813008990391317354;0.010975609756097560315568628653;0.028861788617886179053595441246;0.029268292682926830977629961694;0.045934959349593497413000164897;0.018292682926829267192614381088
-0.068333333333333329262515576374;0.000416666666666666693410320255;0.030416666666666668239482618219;0.000000000000000000000000000000;0.002916666666666666799662133158;0.039166666666666669072149886688;0.002500000000000000052041704279;0.018333333333333333425851918719;0.002500000000000000052041704279;0.025833333333333333148296162562;0.021666666666666667406815349750;0.018333333333333333425851918719;0.027500000000000000138777878078;0.049583333333333333425851918719;0.003749999999999999861222121922;0.041666666666666664353702032031;0.006250000000000000346944695195;0.009166666666666666712925959359;0.015833333333333334674852821422;0.007916666666666667337426410711;0.020000000000000000416333634234;0.005000000000000000104083408559;0.010416666666666666088425508008;0.035416666666666665741480812812;0.077083333333333337034076748751;0.060416666666666667129259593594;0.025416666666666667268037471672;0.003749999999999999861222121922;0.001250000000000000026020852140;0.020833333333333332176851016015;0.016250000000000000555111512313;0.012083333333333333078907223523;0.017500000000000001665334536938;0.008750000000000000832667268469;0.034583333333333333980963431031;0.025833333333333333148296162562;0.015416666666666667059870654555;0.012500000000000000693889390391;0.001250000000000000026020852140;0.009166666666666666712925959359;0.001666666666666666773641281019;0.001250000000000000026020852140;0.000000000000000000000000000000;0.017083333333333332315628894094;0.003333333333333333547282562037;0.021666666666666667406815349750;0.047500000000000000555111512313;0.048333333333333332315628894094;0.029999999999999998889776975375;0.024166666666666666157814447047
-0.036296296296296298722339201959;0.000740740740740740703958178148;0.057407407407407406996213694583;0.000000000000000000000000000000;0.001111111111111111110147375847;0.007407407407407407690103084974;0.000370370370370370351979089074;0.016296296296296294836558615771;0.005925925925925925631665425186;0.072962962962962965574043039396;0.015925925925925926707193980292;0.001851851851851851922525771243;0.013703703703703704053218359604;0.073333333333333333703407674875;0.001111111111111111110147375847;0.020000000000000000416333634234;0.018518518518518517490534236458;0.012592592592592592726230549260;0.003333333333333333547282562037;0.005925925925925925631665425186;0.011481481481481481399242738917;0.008148148148148147418279307885;0.002962962962962962815832712593;0.094444444444444441977282167500;0.025555555555555557051272685953;0.076666666666666660745477201999;0.016296296296296294836558615771;0.020740740740740740144509857146;0.000740740740740740703958178148;0.001111111111111111110147375847;0.004814814814814815172039352831;0.025555555555555557051272685953;0.003333333333333333547282562037;0.005185185185185185036127464286;0.012222222222222222862142437805;0.065185185185185179346234463083;0.008888888888888888881179006773;0.009259259259259258745267118229;0.000000000000000000000000000000;0.015185185185185185244294281404;0.003333333333333333547282562037;0.000740740740740740703958178148;0.000000000000000000000000000000;0.037777777777777778178691647781;0.000000000000000000000000000000;0.024074074074074074125473288177;0.071111111111111111049432054187;0.051481481481481482231910007386;0.017407407407407406163546426114;0.021481481481481479872686080057
-0.015408805031446540928508071033;0.011320754716981131296482665505;0.051886792452830191035850759818;0.152830188679245276839324674256;0.088679245283018862111568125783;0.007547169811320754775896268995;0.004088050314465408764663667540;0.021698113207547168462818731882;0.005974842767295597892318603783;0.020754716981132074332672132755;0.015723270440251572305223604076;0.003773584905660377387948134498;0.007232704402515723399180735953;0.046226415094339619316077261146;0.032075471698113207363878274236;0.016666666666666666435370203203;0.011635220125786162673198198547;0.014150943396226415421645938864;0.024213836477987422945989948175;0.008490566037735848906042868123;0.014779874213836478175077004948;0.007547169811320754775896268995;0.007232704402515723399180735953;0.033333333333333332870740406406;0.021698113207547168462818731882;0.028930817610062893596722943812;0.020125786163522011579241066670;0.014779874213836478175077004948;0.000943396226415094346987033624;0.018553459119496854695663401458;0.001886792452830188693974067249;0.014465408805031446798361471906;0.007232704402515723399180735953;0.009119496855345911659473934208;0.014465408805031446798361471906;0.035849056603773583884464670746;0.007861635220125786152611802038;0.006289308176100629269034136826;0.000000000000000000000000000000;0.015408805031446540928508071033;0.006289308176100629269034136826;0.000943396226415094346987033624;0.000000000000000000000000000000;0.016981132075471697812085736246;0.032075471698113207363878274236;0.010062893081761005789620533335;0.033962264150943395624171472491;0.025786163522012579829567613388;0.017924528301886791942232335373;0.015094339622641509551792537991
-0.017514124293785311020643646884;0.008757062146892655510321823442;0.098305084745762716380568235763;0.000000000000000000000000000000;0.000847457627118644043172357438;0.004802259887005650047797633562;0.000282485875706214699127488688;0.021468926553672315615806098776;0.028531073446327683690304510833;0.040112994350282482614034051949;0.011016949152542372669660863949;0.000847457627118644043172357438;0.006214689265536723489224968375;0.057909604519774011965882465347;0.006779661016949152345378859508;0.008474576271186440648564008882;0.026836158192090394519757623470;0.048305084745762713605010674200;0.003107344632768361744612484188;0.014689265536723164137788977257;0.005084745762711864042193710134;0.030790960451977402584367027316;0.027401129943502824243273252591;0.052542372881355929592483988699;0.018079096045197740744159276005;0.037570621468926555797107624812;0.029096045197740113413820139954;0.002824858757062146882854669627;0.000000000000000000000000000000;0.001129943502824858796509954750;0.000847457627118644043172357438;0.025988700564971749934484179789;0.006214689265536723489224968375;0.010451977401129942946145234828;0.024858757062146893956899873501;0.064689265536723161709176110890;0.014971751412429378999546791817;0.003107344632768361744612484188;0.005084745762711864042193710134;0.045480225988700564987432528596;0.007627118644067796930652303189;0.015536723163841808723062420938;0.000000000000000000000000000000;0.019209039548022600191190534247;0.001694915254237288086344714877;0.008757062146892655510321823442;0.062429378531073449754007498314;0.025706214689265535072726365229;0.029661016949152543137335769075;0.018361581920903955605917090566
-0.033939393939393942833948614179;0.005757575757575757353923240345;0.096363636363636359649653684301;0.000000000000000000000000000000;0.000909090909090909090120580238;0.020909090909090908422252041987;0.000000000000000000000000000000;0.013939393939393938948168027991;0.009090909090909090467524933388;0.025757575757575756902895136591;0.021818181818181819897617401693;0.011515151515151514707846480690;0.010303030303030303455047445027;0.068787878787878786734921732204;0.003333333333333333547282562037;0.043939393939393937837945003366;0.020303030303030301928490786167;0.030606060606060605383538231195;0.008787878787878787220644305478;0.007878787878787879214725897725;0.011212121212121211460965852780;0.015454545454545455182571167541;0.005757575757575757353923240345;0.031818181818181814901613790880;0.055757575757575755792672111966;0.055454545454545457749961911986;0.024545454545454543915372624951;0.005757575757575757353923240345;0.000000000000000000000000000000;0.007272727272727272720964641906;0.013636363636363635701287400082;0.012727272727272727695368992329;0.006363636363636363847684496164;0.013030303030303030942249620239;0.017272727272727272929131459023;0.036666666666666666851703837438;0.012727272727272727695368992329;0.012424242424242424448488364419;0.000606060606060606060080386825;0.014545454545454545441929283811;0.001515151515151515150200967064;0.007575757575757575967845269815;0.000000000000000000000000000000;0.012727272727272727695368992329;0.003636363636363636360482320953;0.006666666666666667094565124074;0.063333333333333338699411285688;0.048181818181818179824826842150;0.027272727272727271402574800163;0.042121212121212121826108187861
-0.026870748299319728580325516987;0.002380952380952381167156239883;0.061564625850340136403726631897;0.000000000000000000000000000000;0.012244897959183672839222900564;0.043537414965986391546248768236;0.001700680272108843473985451134;0.015986394557823128959039848951;0.013945578231292516530048786194;0.026530612244897958107436863884;0.015306122448979591482709494699;0.018027210884353741388030911708;0.036734693877551023721839129621;0.043877551020408162019137421339;0.004081632653061224857982125513;0.013265306122448979053718431942;0.023129251700680270725785092623;0.032653061224489798863857004108;0.006802721088435373895941804534;0.015306122448979591482709494699;0.013605442176870747791883609068;0.020408163265306120820463675614;0.020068027210884353817021974464;0.031632653061224487445191044799;0.040476190476190478106932602032;0.034353741496598637350512461808;0.029931972789115645489088635145;0.001360544217687074735820274007;0.000000000000000000000000000000;0.040136054421768707634043948929;0.014625850340136054006379140446;0.014285714285714285268213963320;0.011564625850340135362892546311;0.010884353741496597886562192059;0.038775510204081632681383240424;0.041156462585034012113816004330;0.012925170068027210315553254816;0.011224489795918366624727369185;0.002040816326530612428991062757;0.029251700680272108012758280893;0.002721088435374149471640548015;0.006462585034013605157776627408;0.000000000000000000000000000000;0.012585034013605441577388077690;0.004081632653061224857982125513;0.009523809523809524668624959531;0.042176870748299316593588059732;0.037755102040816328201611185023;0.034353741496598637350512461808;0.017687074829931974384589210558
-0.024358974358974359170071366520;0.018269230769230770244915262879;0.065064102564102568870829657044;0.003525641025641025692177743522;0.004807692307692307959188227073;0.012179487179487179585035683260;0.002564102564102564100340098108;0.026602564102564101727876888503;0.013782051282051281659857266959;0.036538461538461540489830525757;0.017628205128205128027207848618;0.005769230769230769551025872488;0.012820512820512820068019621544;0.041346153846153844979571800877;0.018910256410256408993175725186;0.016987179487179485809500434357;0.024358974358974359170071366520;0.050000000000000002775557561563;0.019230769230769231836752908293;0.014743589743589743251694912374;0.013782051282051281659857266959;0.014102564102564102768710974090;0.017948717948717947401338079771;0.038141025641025644299375585433;0.028205128205128205537421948179;0.040064102564102567483050876262;0.037499999999999998612221219219;0.026282051282051282353746657350;0.001602564102564102508502452693;0.011858974358974358476181976130;0.004807692307692307959188227073;0.022435897435897435986396075691;0.012500000000000000693889390391;0.009294871794871794809522747016;0.025000000000000001387778780781;0.040705128205128206231311338570;0.012500000000000000693889390391;0.006730769230769231142863517903;0.001282051282051282050170049054;0.020833333333333332176851016015;0.009615384615384615918376454147;0.009294871794871794809522747016;0.000000000000000000000000000000;0.019551282051282051210883139447;0.009615384615384615918376454147;0.016666666666666666435370203203;0.041025641025641025605441569724;0.026923076923076924571454071611;0.033974358974358971619000868714;0.018269230769230770244915262879
-0.043617021276595745182813601559;0.001063829787234042570723269172;0.078368794326241136838362422168;0.000000000000000000000000000000;0.000000000000000000000000000000;0.007446808510638298211903318702;0.000000000000000000000000000000;0.015957446808510637042965996102;0.002482269503546099403967772901;0.069858156028368798007299744768;0.012765957446808509981317492077;0.003900709219858156020371842132;0.005319148936170212636775911363;0.080141843971631210319372939921;0.001773049645390070878925303788;0.030141843971631204074368426404;0.008510638297872340565786153377;0.015957446808510637042965996102;0.007092198581560283515701215151;0.011702127659574467627434657402;0.008510638297872340565786153377;0.004255319148936170282893076688;0.001773049645390070878925303788;0.075531914893617019268745593763;0.024822695035460994039677729006;0.077659574468085107445958215067;0.025531914893617019962634984154;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000354609929078014208311125932;0.004964539007092198807935545801;0.019503546099290780535540079654;0.001063829787234042570723269172;0.006028368794326241161818380476;0.008156028368794325869584049826;0.063829787234042548171863984408;0.013475177304964539373721699178;0.014184397163120567031402430302;0.000000000000000000000000000000;0.007446808510638298211903318702;0.004255319148936170282893076688;0.002127659574468085141446538344;0.000000000000000000000000000000;0.032624113475177303478336199305;0.000000000000000000000000000000;0.011347517730496454665956029828;0.090425531914893622631446135074;0.063829787234042548171863984408;0.016312056737588651739168099652;0.025886524822695034658837087704
-0.028455284552845527129560920798;0.005691056910569106119801574550;0.083333333333333328707404064062;0.000000000000000000000000000000;0.002439024390243902436908873810;0.036178861788617885930641193681;0.001626016260162601624605915873;0.016666666666666666435370203203;0.024390243902439025236450476086;0.025609756097560974069660133523;0.015853658536585366056748114261;0.010162601626016259936946539710;0.031707317073170732113496228521;0.049186991869918698927488520667;0.004065040650406504495195658677;0.021138211382113820252515168363;0.023170731707317072933793866696;0.029268292682926830977629961694;0.014227642276422763564780460399;0.013008130081300812996847326986;0.010975609756097560315568628653;0.034146341463414636718809447302;0.022764227642276424479206298201;0.026016260162601625993694653971;0.035772357723577237476053625187;0.028861788617886179053595441246;0.026422764227642277917729174419;0.003658536585365853872203745212;0.000000000000000000000000000000;0.023577235772357724857828387144;0.008943089430894309369013406297;0.010975609756097560315568628653;0.010162601626016259936946539710;0.017886178861788618738026812593;0.047154471544715449715656774288;0.031707317073170732113496228521;0.008943089430894309369013406297;0.008943089430894309369013406297;0.002032520325203252247597829339;0.043902439024390241262274514611;0.004471544715447154684506703148;0.007317073170731707744407490424;0.000000000000000000000000000000;0.010569105691056910126257584182;0.007317073170731707744407490424;0.003658536585365853872203745212;0.040650406504065039747786158841;0.026829268292682926372316742913;0.034959349593495933627984584291;0.025203252032520325615072565029
-0.045098039215686273883942902785;0.004248366013071895076758099918;0.043464052287581697586738016525;0.000980392156862745084433541365;0.011111111111111111535154627461;0.052941176470588234559411233704;0.002287581699346405341571886183;0.018627450980392156604237285933;0.005882352941176470506601248189;0.030065359477124183745777585841;0.021241830065359477985875713557;0.039542483660130717249003851066;0.022222222222222223070309254922;0.041830065359477121289533130266;0.001960784313725490168867082730;0.040196078431372551931222147914;0.011764705882352941013202496379;0.014379084967320260660117448026;0.018954248366013070475899482403;0.006209150326797385245625182648;0.014379084967320260660117448026;0.007843137254901960675468330919;0.005228758169934640161191641283;0.042483660130718955971751427114;0.063725490196078427018733236764;0.048366013071895426478352675304;0.020915032679738560644766565133;0.001960784313725490168867082730;0.000000000000000000000000000000;0.041176470588235293546208737325;0.035947712418300650782931882077;0.013071895424836601704021710191;0.008496732026143790153516199837;0.007189542483660130330058724013;0.019607843137254901688670827298;0.030065359477124183745777585841;0.010457516339869280322383282567;0.017647058823529411519803744568;0.000000000000000000000000000000;0.012745098039215686097636037744;0.003267973856209150426005427548;0.003594771241830065165029362007;0.000000000000000000000000000000;0.018627450980392156604237285933;0.006209150326797385245625182648;0.016339869281045752563708006733;0.041503267973856207417870933796;0.035294117647058823039607489136;0.020588235294117646773104368663;0.020261437908496732901442172192
-0.033703703703703701000105041885;0.004444444444444444440589503387;0.078518518518518515270088187208;0.000000000000000000000000000000;0.000370370370370370351979089074;0.014814814814814815380206169948;0.003703703703703703845051542487;0.014444444444444443781394582516;0.021111111111111111743321444578;0.022962962962962962798485477833;0.011481481481481481399242738917;0.007037037037037036958653235530;0.024074074074074074125473288177;0.051851851851851850361274642864;0.002592592592592592518063732143;0.020370370370370372015145221667;0.025925925925925925180637321432;0.035185185185185187395351391615;0.006296296296296296363115274630;0.019259259259259260688157411323;0.012962962962962962590318660716;0.028888888888888887562789165031;0.018888888888888889089345823891;0.037407407407407410049327012302;0.032962962962962964741375770927;0.031111111111111110216764785719;0.024814814814814813853649511088;0.001111111111111111110147375847;0.001111111111111111110147375847;0.009259259259259258745267118229;0.010370370370370370072254928573;0.019259259259259260688157411323;0.008148148148148147418279307885;0.012962962962962962590318660716;0.045185185185185182399347780802;0.037777777777777778178691647781;0.015555555555555555108382392859;0.013703703703703704053218359604;0.002592592592592592518063732143;0.048888888888888891448569751219;0.003703703703703703845051542487;0.007777777777777777554191196430;0.000000000000000000000000000000;0.024074074074074074125473288177;0.003333333333333333547282562037;0.018148148148148149361169600979;0.037037037037037034981068472916;0.031111111111111110216764785719;0.040370370370370368962031903948;0.023333333333333334397297065266
-0.035271317829457367321044358732;0.012015503875968992081313402309;0.041472868217054266459786759924;0.102713178294573645454867971694;0.027519379844961239928169405289;0.029844961240310077105197805736;0.006976744186046511531085201341;0.023643410852713177966455404544;0.008139534883720930119599401564;0.019767441860465116004741403799;0.017441860465116278827713003352;0.024418604651162790358798204693;0.018604651162790697416227203576;0.033720930232558142536358758434;0.023643410852713177966455404544;0.028294573643410852320512205438;0.012015503875968992081313402309;0.017829457364341085023884403427;0.018217054263565891220055803501;0.005426356589147286746399601043;0.016666666666666666435370203203;0.008914728682170542511942201713;0.006589147286821705334913801266;0.020930232558139534593255604022;0.034496124031007754928701558583;0.025581395348837208947312404916;0.021705426356589146985598404171;0.011627906976744185885142002235;0.003875968992248061961714000745;0.032170542635658917751673158136;0.032945736434108530144015958285;0.016666666666666666435370203203;0.010852713178294573492799202086;0.009689922480620154904285001862;0.025968992248062015143483804991;0.025581395348837208947312404916;0.006589147286821705334913801266;0.020930232558139534593255604022;0.000387596899224806196171400074;0.012790697674418604473656202458;0.005426356589147286746399601043;0.003488372093023255765542600670;0.000000000000000000000000000000;0.015891472868217054043027403054;0.023255813953488371770284004469;0.007364341085271317727256601415;0.028294573643410852320512205438;0.023643410852713177966455404544;0.023255813953488371770284004469;0.017441860465116278827713003352
-0.049074074074074075513252068959;0.003395061728395061713403624282;0.052469135802469132889847003298;0.030555555555555554553270880547;0.006172839506172839163511412153;0.016049382716049383906797842769;0.001543209876543209790877853038;0.017283950617283948963942563637;0.004629629629629629372633559115;0.040740740740740744030290443334;0.018209876543209876226248056241;0.005864197530864197899225231936;0.019444444444444444752839729063;0.060802469135802471311702532830;0.003395061728395061713403624282;0.034567901234567897927885127274;0.012037037037037037062736644089;0.013888888888888888117900677344;0.007098765432098765558455166769;0.009876543209876543008562954640;0.015432098765432097908778530382;0.006172839506172839163511412153;0.009876543209876543008562954640;0.054629629629629632148191120677;0.046604938271604938460068723316;0.054938271604938269943030348941;0.022530864197530864334595435139;0.002777777777777777883788656865;0.000308641975308641969017592332;0.006790123456790123426807248563;0.008024691358024691953398921385;0.015432098765432097908778530382;0.004320987654320987240985640909;0.006172839506172839163511412153;0.033024691358024688137007274236;0.039814814814814816767984950729;0.011728395061728395798450463872;0.015123456790123456644492350165;0.000308641975308641969017592332;0.016358024691358025171084022986;0.004012345679012345976699460692;0.003086419753086419581755706076;0.000000000000000000000000000000;0.029938271604938272024698520113;0.006481481481481481295159330358;0.020987654320987654543717582101;0.051543209876543212566435414601;0.053086419753086422357313267639;0.025617283950617283916351141215;0.027777777777777776235801354687
-0.029457364341085270909026405661;0.007364341085271317727256601415;0.056201550387596901914299962755;0.003875968992248061961714000745;0.002325581395348837177028400447;0.009689922480620154904285001862;0.001162790697674418588514200223;0.031782945736434108086054806108;0.010465116279069767296627802011;0.058139534883720929425710011174;0.016279069767441860239198803129;0.002713178294573643373199800521;0.005813953488372092942571001117;0.060852713178294576268356763649;0.010465116279069767296627802011;0.019767441860465116004741403799;0.018992248062015503612398603650;0.025968992248062015143483804991;0.011240310077519379688970602160;0.007751937984496123923428001490;0.017829457364341085023884403427;0.003875968992248061961714000745;0.001162790697674418588514200223;0.075581395348837204783976062572;0.026356589147286821339655205065;0.070542635658914734642088717465;0.036046511627906979713387158881;0.013953488372093023062170402682;0.000775193798449612392342800149;0.007751937984496123923428001490;0.002713178294573643373199800521;0.026356589147286821339655205065;0.005426356589147286746399601043;0.009689922480620154904285001862;0.008914728682170542511942201713;0.060465116279069766602738411621;0.013178294573643410669827602533;0.012015503875968992081313402309;0.000000000000000000000000000000;0.005813953488372092942571001117;0.007364341085271317727256601415;0.005038759689922480550228200968;0.000000000000000000000000000000;0.038759689922480619617140007449;0.004263565891472868157885400819;0.020930232558139534593255604022;0.061627906976744188660699563798;0.031782945736434108086054806108;0.020155038759689922200912803874;0.021317829457364340789427004097
-0.043859649122807015109160033717;0.002631578947368420993285775822;0.059356725146198829889954140526;0.000000000000000000000000000000;0.002631578947368420993285775822;0.040935672514619880768549364802;0.001461988304093567170305334457;0.009649122807017544364849293004;0.005263157894736841986571551644;0.021052631578947367946286206575;0.028947368421052631359824403035;0.038596491228070177459397172015;0.021637426900584795508297730748;0.054093567251461985301297374917;0.000584795321637426911490220682;0.059941520467836253982518712746;0.010818713450292397754148865374;0.016666666666666666435370203203;0.010526315789473683973143103287;0.009064327485380116802837768830;0.006725146198830409156876886101;0.008771929824561403021832006743;0.005555555555555555767577313730;0.026608187134502924581225258294;0.093274853801169593792153023060;0.049707602339181283790381371546;0.026608187134502924581225258294;0.000292397660818713455745110341;0.000292397660818713455745110341;0.015204678362573099265064868746;0.023099415204678362678603065206;0.010526315789473683973143103287;0.004093567251461988597271979273;0.016081871345029238873358679029;0.018713450292397661167687061834;0.027192982456140352143236782467;0.008771929824561403021832006743;0.013157894736842104532748010115;0.000292397660818713455745110341;0.013742690058479532094759534289;0.001754385964912280734470662047;0.002339181286549707645960882729;0.000000000000000000000000000000;0.017543859649122806043664013487;0.001169590643274853822980441365;0.008479532163742689240826244657;0.049122807017543859697816799326;0.046783625730994149449770702631;0.025438596491228069457202209946;0.040935672514619880768549364802
-0.022115384615384616612265844537;0.004487179487179486850334519943;0.098717948717948714176806390697;0.000000000000000000000000000000;0.003205128205128205017004905386;0.019551282051282051210883139447;0.000641025641025641025085024527;0.012500000000000000693889390391;0.021794871794871793768688661430;0.030448717948717948095227470162;0.016987179487179485809500434357;0.007051282051282051384355487045;0.015384615384615385469402326635;0.065064102564102568870829657044;0.002243589743589743425167259971;0.020512820512820512802720784862;0.033333333333333332870740406406;0.043589743589743587537377322860;0.005448717948717948442172165358;0.016346153846153847061239972049;0.011858974358974358476181976130;0.023397435897435897578233721106;0.011858974358974358476181976130;0.038782051282051283047636047741;0.035576923076923075428545928389;0.047435897435897433904727904519;0.025961538461538462979616426196;0.000961538461538461591837645415;0.000320512820512820512542512263;0.008333333333333333217685101602;0.002564102564102564100340098108;0.023717948717948716952363952259;0.005128205128205128200680196215;0.013141025641025641176873328675;0.028205128205128205537421948179;0.051602564102564099646208717331;0.007051282051282051384355487045;0.008012820512820512108831394471;0.000320512820512820512542512263;0.026923076923076924571454071611;0.002243589743589743425167259971;0.006089743589743589792517841630;0.000000000000000000000000000000;0.017307692307692308653077617464;0.000641025641025641025085024527;0.008333333333333333217685101602;0.052243589743589745333363083546;0.041346153846153844979571800877;0.034615384615384617306155234928;0.026602564102564101727876888503
-0.036936936936936934361419559991;0.005855855855855855891800576529;0.086036036036036031560136905227;0.000000000000000000000000000000;0.000900900900900900914770874639;0.034234234234234231508686718826;0.000900900900900900914770874639;0.015765765765765764327976938830;0.014414414414414414636333994224;0.026576576576576575738908303492;0.028378378378378379953694832238;0.009459459459459459984564944079;0.016666666666666666435370203203;0.055855855855855854330549448150;0.003603603603603603659083498556;0.044144144144144144281671771068;0.011261261261261260729904520872;0.014414414414414414636333994224;0.010810810810810811410931364662;0.006756756756756757131832102914;0.009459459459459459984564944079;0.019819819819819818607076200578;0.006756756756756757131832102914;0.027027027027027028527328411656;0.067567567567567571318321029139;0.045045045045045042919618083488;0.028828828828828829272667988448;0.001351351351351351426366420583;0.000000000000000000000000000000;0.007657657657657657504501891310;0.013063063063063063209967573641;0.012162162162162162837297785245;0.007657657657657657504501891310;0.016666666666666666435370203203;0.022972972972972974248229149907;0.031081081081081082806427673404;0.009909909909909909303538100289;0.015315315315315315009003782620;0.000000000000000000000000000000;0.022072072072072072140835885534;0.003153153153153153039067735364;0.006306306306306306078135470727;0.000000000000000000000000000000;0.012612612612612612156270941455;0.003603603603603603659083498556;0.009009009009009008930868311893;0.050900900900900901413503873982;0.053153153153153151477816606985;0.031081081081081082806427673404;0.042792792792792792855305350486
-0.033333333333333332870740406406;0.010000000000000000208166817117;0.062500000000000000000000000000;0.010833333333333333703407674875;0.017500000000000001665334536938;0.025000000000000001387778780781;0.002083333333333333304421275400;0.020833333333333332176851016015;0.010416666666666666088425508008;0.022499999999999999167332731531;0.021250000000000001526556658860;0.010833333333333333703407674875;0.025416666666666667268037471672;0.053749999999999999167332731531;0.011249999999999999583666365766;0.020000000000000000416333634234;0.014166666666666665949647629930;0.027500000000000000138777878078;0.018749999999999999306110609609;0.014166666666666665949647629930;0.014166666666666665949647629930;0.015833333333333334674852821422;0.012916666666666666574148081281;0.031250000000000000000000000000;0.032500000000000001110223024625;0.038333333333333330372738601000;0.031666666666666669349705642844;0.023333333333333334397297065266;0.000000000000000000000000000000;0.019583333333333334536074943344;0.008750000000000000832667268469;0.010416666666666666088425508008;0.010833333333333333703407674875;0.010833333333333333703407674875;0.033750000000000002220446049250;0.034583333333333333980963431031;0.009166666666666666712925959359;0.012916666666666666574148081281;0.002500000000000000052041704279;0.022083333333333333287074040641;0.005833333333333333599324266316;0.003749999999999999861222121922;0.000000000000000000000000000000;0.013750000000000000069388939039;0.014166666666666665949647629930;0.012083333333333333078907223523;0.046666666666666668794594130532;0.040000000000000000832667268469;0.031666666666666669349705642844;0.024583333333333332038073137937
-0.028571428571428570536427926640;0.001904761904761904760252644309;0.080476190476190478939599870500;0.000952380952380952380126322154;0.008571428571428571854817768383;0.020476190476190477690598967797;0.000000000000000000000000000000;0.014285714285714285268213963320;0.009523809523809524668624959531;0.040000000000000000832667268469;0.017142857142857143709635536766;0.009523809523809524668624959531;0.018095238095238094788719251937;0.063333333333333338699411285688;0.002380952380952381167156239883;0.022857142857142857123031731703;0.023809523809523808202115446875;0.021904761904761906043948016531;0.011904761904761904101057723437;0.010476190476190475747708674703;0.009523809523809524668624959531;0.015714285714285715356286488031;0.007142857142857142634106981660;0.049047619047619048227026894438;0.038095238095238098674499838125;0.047142857142857146068859464094;0.023333333333333334397297065266;0.006190476190476190687661528500;0.000952380952380952380126322154;0.014761904761904762542479296883;0.007142857142857142634106981660;0.025238095238095236555464495609;0.004761904761904762334312479766;0.011428571428571428561515865852;0.023809523809523808202115446875;0.053809523809523807091892422250;0.011904761904761904101057723437;0.008095238095238094580552434820;0.000952380952380952380126322154;0.028095238095238096731609545031;0.004285714285714285927408884191;0.002380952380952381167156239883;0.000000000000000000000000000000;0.021904761904761906043948016531;0.003333333333333333547282562037;0.010952380952380953021974008266;0.056190476190476193463219090063;0.047619047619047616404230893750;0.033333333333333332870740406406;0.026666666666666668378260496297
-0.051162790697674417894624809833;0.003875968992248061961714000745;0.044573643410852716029157960520;0.000000000000000000000000000000;0.000775193798449612392342800149;0.048837209302325580717596409386;0.000775193798449612392342800149;0.012015503875968992081313402309;0.010465116279069767296627802011;0.021705426356589146985598404171;0.028294573643410852320512205438;0.025968992248062015143483804991;0.026356589147286821339655205065;0.052325581395348839952585962010;0.002713178294573643373199800521;0.043410852713178293971196808343;0.009302325581395348708113601788;0.017829457364341085023884403427;0.010465116279069767296627802011;0.008139534883720930119599401564;0.014341085271317829258341802756;0.012403100775193798277484802384;0.008139534883720930119599401564;0.029069767441860464712855005587;0.070930232558139530429919261678;0.053875968992248064737271562308;0.026744186046511627535826605140;0.000775193798449612392342800149;0.000000000000000000000000000000;0.014341085271317829258341802756;0.022868217054263565574112604395;0.014728682170542635454513202831;0.007751937984496123923428001490;0.013178294573643410669827602533;0.036434108527131782440111607002;0.030232558139534883301369205810;0.011627906976744185885142002235;0.007364341085271317727256601415;0.000775193798449612392342800149;0.013953488372093023062170402682;0.002325581395348837177028400447;0.002713178294573643373199800521;0.000000000000000000000000000000;0.015891472868217054043027403054;0.001937984496124030980857000372;0.013953488372093023062170402682;0.047674418604651165598529161116;0.047674418604651165598529161116;0.034496124031007754928701558583;0.024806201550387596554969604767
-0.034502923976608187994763454753;0.002631578947368420993285775822;0.097368421052631576317892836414;0.000000000000000000000000000000;0.000000000000000000000000000000;0.021345029239766083462015444638;0.000000000000000000000000000000;0.015789473684210526827076392919;0.016959064327485378481652489313;0.027485380116959064189519068577;0.018421052631578945651957823770;0.012573099415204678705459961918;0.013450292397660818313753772202;0.074269005847953220578183675116;0.002339181286549707645960882729;0.032748538011695908778175834186;0.023391812865497074724885351316;0.020175438596491228337992396291;0.006725146198830409156876886101;0.009941520467836258145855055091;0.011111111111111111535154627461;0.027192982456140352143236782467;0.010526315789473683973143103287;0.038596491228070177459397172015;0.045321637426900582279465368174;0.052923976608187137116168230477;0.026900584795321636627507544404;0.018128654970760233605675537660;0.000000000000000000000000000000;0.004385964912280701510916003372;0.007017543859649122937882648188;0.017543859649122806043664013487;0.004385964912280701510916003372;0.015497076023391813046070630833;0.021929824561403507554580016858;0.038888888888888889505679458125;0.007894736842105263413538196460;0.009064327485380116802837768830;0.000584795321637426911490220682;0.025438596491228069457202209946;0.001169590643274853822980441365;0.004385964912280701510916003372;0.000000000000000000000000000000;0.017251461988304093997381727377;0.002631578947368420993285775822;0.009649122807017544364849293004;0.058187134502923974765931092179;0.039766081871345032583420220362;0.028362573099415203797812878861;0.025146198830409357410919923836
-0.033333333333333332870740406406;0.004273504273504273934247699174;0.079059829059829056507879840865;0.000000000000000000000000000000;0.001709401709401709400226732072;0.017094017094017095736990796695;0.000427350427350427350056683018;0.020085470085470086970547143324;0.007692307692307692734701163317;0.043162393162393161705203681322;0.010683760683760683968257509946;0.007264957264957265167804045802;0.010256410256410256401360392431;0.060256410256410257442194478017;0.004700854700854700633783078700;0.023931623931623933337897724982;0.021794871794871793768688661430;0.034615384615384617306155234928;0.012820512820512820068019621544;0.013675213675213675201813856575;0.014102564102564102768710974090;0.010256410256410256401360392431;0.011111111111111111535154627461;0.063247863247863245206303872692;0.039316239316239315337853099663;0.048717948717948718340142733041;0.035042735042735043138328876466;0.001709401709401709400226732072;0.000427350427350427350056683018;0.003846153846153846367350581659;0.011111111111111111535154627461;0.024358974358974359170071366520;0.008974358974358973700669039886;0.008119658119658120301598280832;0.021794871794871793768688661430;0.056837606837606836907017537897;0.010683760683760683968257509946;0.008119658119658120301598280832;0.000000000000000000000000000000;0.011111111111111111535154627461;0.007264957264957265167804045802;0.005982905982905983334474431246;0.000000000000000000000000000000;0.021794871794871793768688661430;0.001282051282051282050170049054;0.018803418803418802535132314802;0.055982905982905985242670254820;0.034188034188034191473981593390;0.040170940170940173941094286647;0.018803418803418802535132314802
-0.044444444444444446140618509844;0.001111111111111111110147375847;0.076666666666666660745477201999;0.000000000000000000000000000000;0.004444444444444444440589503387;0.019259259259259260688157411323;0.001481481481481481407916356297;0.018518518518518517490534236458;0.014074074074074073917306471060;0.032592592592592589673117231541;0.015925925925925926707193980292;0.024074074074074074125473288177;0.011851851851851851263330850372;0.058148148148148150193836869448;0.003703703703703703845051542487;0.024444444444444445724284875610;0.020370370370370372015145221667;0.020740740740740740144509857146;0.007037037037037036958653235530;0.009259259259259258745267118229;0.010000000000000000208166817117;0.021481481481481479872686080057;0.009259259259259258745267118229;0.037777777777777778178691647781;0.041851851851851848418384349770;0.047407407407407405053323401489;0.028518518518518519433424529552;0.002962962962962962815832712593;0.000000000000000000000000000000;0.019259259259259260688157411323;0.019629629629629628817522046802;0.019629629629629628817522046802;0.006296296296296296363115274630;0.008888888888888888881179006773;0.025555555555555557051272685953;0.042962962962962959745372160114;0.012962962962962962590318660716;0.011481481481481481399242738917;0.002222222222222222220294751693;0.022222222222222223070309254922;0.002592592592592592518063732143;0.009629629629629630344078705662;0.000000000000000000000000000000;0.019259259259259260688157411323;0.003703703703703703845051542487;0.007777777777777777554191196430;0.062962962962962956692258842395;0.042592592592592591616007524635;0.029259259259259259161600752464;0.023703703703703702526661700745
-0.023611111111111110494320541875;0.007777777777777777554191196430;0.042777777777777775680689842375;0.236666666666666664076146275875;0.006944444444444444058950338672;0.013611111111111110286153724758;0.010555555555555555871660722289;0.018055555555555553859381490156;0.011666666666666667198648532633;0.036666666666666666851703837438;0.008888888888888888881179006773;0.008611111111111111049432054187;0.006944444444444444058950338672;0.033333333333333332870740406406;0.012777777777777778525636342977;0.018055555555555553859381490156;0.014722222222222221613141535101;0.017222222222222222098864108375;0.018888888888888889089345823891;0.004444444444444444440589503387;0.018611111111111109522875395328;0.008611111111111111049432054187;0.004722222222222222272336455973;0.055277777777777779844026184719;0.021666666666666667406815349750;0.040833333333333332593184650250;0.024444444444444445724284875610;0.001666666666666666773641281019;0.001944444444444444388547799107;0.005833333333333333599324266316;0.002777777777777777883788656865;0.021666666666666667406815349750;0.005277777777777777935830361145;0.003333333333333333547282562037;0.005555555555555555767577313730;0.041944444444444443920172460594;0.011111111111111111535154627461;0.008888888888888888881179006773;0.001944444444444444388547799107;0.006111111111111111431071218902;0.009166666666666666712925959359;0.005833333333333333599324266316;0.000000000000000000000000000000;0.028888888888888887562789165031;0.005833333333333333599324266316;0.022222222222222223070309254922;0.041666666666666664353702032031;0.018888888888888889089345823891;0.009722222222222222376419864531;0.013333333333333334189130248149
-0.047863247863247866675795449964;0.014102564102564102768710974090;0.057692307692307695510258724880;0.000427350427350427350056683018;0.001709401709401709400226732072;0.016666666666666666435370203203;0.000854700854700854700113366036;0.028205128205128205537421948179;0.014957264957264957902505209120;0.033333333333333332870740406406;0.018376068376068376702958673263;0.004700854700854700633783078700;0.015384615384615385469402326635;0.041452991452991451437615211262;0.009401709401709401267566157401;0.024786324786324785002245008059;0.022222222222222223070309254922;0.042307692307692310040856398246;0.019230769230769231836752908293;0.011111111111111111535154627461;0.020512820512820512802720784862;0.016666666666666666435370203203;0.017521367521367521569164438233;0.039316239316239315337853099663;0.036752136752136753405917346527;0.041025641025641025605441569724;0.043589743589743587537377322860;0.000854700854700854700113366036;0.000854700854700854700113366036;0.009829059829059828834463274916;0.005555555555555555767577313730;0.016666666666666666435370203203;0.014529914529914530335608091605;0.008974358974358973700669039886;0.023931623931623933337897724982;0.045299145299145297804965792920;0.020940170940170938634894426400;0.013247863247863247634916739059;0.000427350427350427350056683018;0.022222222222222223070309254922;0.008119658119658120301598280832;0.008119658119658120301598280832;0.000000000000000000000000000000;0.016239316239316240603196561665;0.006410256410256410034009810772;0.017094017094017095736990796695;0.037606837606837605070264629603;0.028632478632478631369595589717;0.036324786324786327573743704988;0.017948717948717947401338079771
-0.042962962962962959745372160114;0.005925925925925925631665425186;0.048518518518518516380311211833;0.004444444444444444440589503387;0.004074074074074073709139653943;0.017777777777777777762358013547;0.002222222222222222220294751693;0.029259259259259259161600752464;0.002222222222222222220294751693;0.050740740740740739034286832521;0.029629629629629630760412339896;0.004444444444444444440589503387;0.012222222222222222862142437805;0.052592592592592593558897817729;0.013333333333333334189130248149;0.028518518518518519433424529552;0.008148148148148147418279307885;0.019629629629629628817522046802;0.018888888888888889089345823891;0.004814814814814815172039352831;0.015555555555555555108382392859;0.004444444444444444440589503387;0.010000000000000000208166817117;0.071111111111111111049432054187;0.044814814814814814269983145323;0.066666666666666665741480812812;0.029629629629629630760412339896;0.002962962962962962815832712593;0.000370370370370370351979089074;0.005925925925925925631665425186;0.003703703703703703845051542487;0.020000000000000000416333634234;0.012222222222222222862142437805;0.005555555555555555767577313730;0.017037037037037038034181790636;0.037037037037037034981068472916;0.015555555555555555108382392859;0.011481481481481481399242738917;0.000000000000000000000000000000;0.011851851851851851263330850372;0.006296296296296296363115274630;0.001481481481481481407916356297;0.000000000000000000000000000000;0.035185185185185187395351391615;0.007777777777777777554191196430;0.023333333333333334397297065266;0.057777777777777775125578330062;0.035555555555555555524716027094;0.027037037037037036507625131776;0.019259259259259260688157411323
-0.038749999999999999722444243844;0.010416666666666666088425508008;0.032500000000000001110223024625;0.004166666666666666608842550801;0.005833333333333333599324266316;0.023750000000000000277555756156;0.005416666666666666851703837438;0.032916666666666663521034763562;0.007083333333333332974823814965;0.022499999999999999167332731531;0.016666666666666666435370203203;0.010000000000000000208166817117;0.028750000000000001249000902703;0.037916666666666667961926862063;0.019583333333333334536074943344;0.021250000000000001526556658860;0.012083333333333333078907223523;0.037499999999999998612221219219;0.032500000000000001110223024625;0.010833333333333333703407674875;0.026666666666666668378260496297;0.005833333333333333599324266316;0.036249999999999997501998194593;0.030416666666666668239482618219;0.037499999999999998612221219219;0.031250000000000000000000000000;0.039166666666666669072149886688;0.025416666666666667268037471672;0.000416666666666666693410320255;0.022083333333333333287074040641;0.008333333333333333217685101602;0.010000000000000000208166817117;0.017500000000000001665334536938;0.007916666666666667337426410711;0.043333333333333334813630699500;0.034166666666666664631257788187;0.020833333333333332176851016015;0.015833333333333334674852821422;0.000833333333333333386820640509;0.025833333333333333148296162562;0.006250000000000000346944695195;0.005416666666666666851703837438;0.000000000000000000000000000000;0.015416666666666667059870654555;0.011249999999999999583666365766;0.022083333333333333287074040641;0.021666666666666667406815349750;0.020000000000000000416333634234;0.037499999999999998612221219219;0.010416666666666666088425508008
-0.043452380952380950662750080937;0.003273809523809523887999395342;0.056845238095238094511163495781;0.000000000000000000000000000000;0.000000000000000000000000000000;0.013988095238095238706521605820;0.002976190476190476025264430859;0.013392857142857142113689938867;0.005654761904761904621474766230;0.039880952380952378044653983125;0.016369047619047619873677845703;0.009821428571428571230317317031;0.027083333333333334258519187188;0.049107142857142856151586585156;0.002976190476190476025264430859;0.034523809523809526056403740313;0.019642857142857142460634634062;0.021428571428571428769682682969;0.007738095238095238359576910625;0.006845238095238095205052886172;0.016964285714285712997062560703;0.013095238095238095551997581367;0.018749999999999999306110609609;0.046428571428571430157461463750;0.047916666666666669904817155157;0.048214285714285716466509512657;0.021428571428571428769682682969;0.003869047619047619179788455313;0.000892857142857142829263372708;0.004761904761904762334312479766;0.010119047619047619526733150508;0.021428571428571428769682682969;0.007440476190476190063161077148;0.011309523809523809242949532461;0.045238095238095236971798129844;0.040178571428571431545240244532;0.009821428571428571230317317031;0.020238095238095239053466301016;0.001190476190476190583578119941;0.023511904761904761640423089375;0.002976190476190476025264430859;0.002380952380952381167156239883;0.000000000000000000000000000000;0.030059523809523810283783618047;0.001488095238095238012632215430;0.024702380952380951356639471328;0.050595238095238095898942276563;0.040178571428571431545240244532;0.037202380952380952050528861719;0.022619047619047618485899064922
-0.044308943089430896655755987013;0.003658536585365853872203745212;0.041056910569105688202373727336;0.000813008130081300812302957937;0.002032520325203252247597829339;0.035365853658536582082572152785;0.001626016260162601624605915873;0.018292682926829267192614381088;0.008536585365853659179702361826;0.022764227642276424479206298201;0.022764227642276424479206298201;0.017479674796747966813992292145;0.039837398373983742838611021853;0.051219512195121948139320267046;0.013008130081300812996847326986;0.030081300813008131356252050637;0.011788617886178862428914193572;0.015447154471544715867437069790;0.017073170731707318359404723651;0.008536585365853659179702361826;0.019512195121951219495270990478;0.010569105691056910126257584182;0.015447154471544715867437069790;0.029268292682926830977629961694;0.058536585365853661955259923388;0.047154471544715449715656774288;0.020731707317073171797927599869;0.003252032520325203249211831746;0.000406504065040650406151478968;0.017479674796747966813992292145;0.007723577235772357933718534895;0.010975609756097560315568628653;0.016260162601626017980782634709;0.014227642276422763564780460399;0.044715447154471545110343555507;0.024796747967479673691038044581;0.017073170731707318359404723651;0.015040650406504065678126025318;0.000813008130081300812302957937;0.023577235772357724857828387144;0.002439024390243902436908873810;0.003252032520325203249211831746;0.000000000000000000000000000000;0.020731707317073171797927599869;0.008536585365853659179702361826;0.014227642276422763564780460399;0.035772357723577237476053625187;0.045528455284552848958412596403;0.038617886178861790535954412462;0.027642276422764226750938831856
-0.053968253968253970809243469375;0.002777777777777777883788656865;0.033730158730158728286330216406;0.003968253968253968033685907812;0.003968253968253968033685907812;0.029365079365079364837054498594;0.003571428571428571317053490830;0.016666666666666666435370203203;0.004365079365079365183999193789;0.032539682539682542039560786407;0.027777777777777776235801354687;0.016666666666666666435370203203;0.026190476190476191103995162734;0.052380952380952382207990325469;0.004761904761904762334312479766;0.029761904761904760252644308594;0.011507936507936508685467913438;0.013492063492063492702310867344;0.014682539682539682418527249297;0.011111111111111111535154627461;0.021825396825396824185272492969;0.003174603174603174600421073848;0.014285714285714285268213963320;0.043253968253968252954955175937;0.048412698412698414174304417656;0.049206349206349205005484037656;0.029761904761904760252644308594;0.003571428571428571317053490830;0.000793650793650793650105268462;0.013095238095238095551997581367;0.015873015873015872134743631250;0.015476190476190476719153821250;0.011111111111111111535154627461;0.008730158730158730367998387578;0.039285714285714284921269268125;0.038095238095238098674499838125;0.016666666666666666435370203203;0.020238095238095239053466301016;0.000396825396825396825052634231;0.010714285714285714384841341484;0.002777777777777777883788656865;0.000000000000000000000000000000;0.000000000000000000000000000000;0.031349206349206348853897452500;0.007539682539682539784420267637;0.020634920634920634469056111016;0.044444444444444446140618509844;0.044047619047619050725028699844;0.028174603174603175120838116641;0.023809523809523808202115446875
-0.055185185185185184342238073896;0.003703703703703703845051542487;0.037037037037037034981068472916;0.001111111111111111110147375847;0.021111111111111111743321444578;0.040000000000000000832667268469;0.002962962962962962815832712593;0.017777777777777777762358013547;0.008518518518518519017090895318;0.030740740740740742087400150240;0.020740740740740740144509857146;0.028148148148148147834612942120;0.021481481481481479872686080057;0.047407407407407405053323401489;0.005185185185185185036127464286;0.034444444444444444197728216750;0.011481481481481481399242738917;0.010740740740740739936343040029;0.026296296296296296779448908865;0.008888888888888888881179006773;0.018888888888888889089345823891;0.008148148148148147418279307885;0.007037037037037036958653235530;0.035555555555555555524716027094;0.050740740740740739034286832521;0.044074074074074071072359970458;0.025555555555555557051272685953;0.001851851851851851922525771243;0.000740740740740740703958178148;0.041111111111111112159655078813;0.020000000000000000416333634234;0.014444444444444443781394582516;0.011111111111111111535154627461;0.005555555555555555767577313730;0.026296296296296296779448908865;0.025925925925925925180637321432;0.012962962962962962590318660716;0.014814814814814815380206169948;0.000370370370370370351979089074;0.014074074074074073917306471060;0.003333333333333333547282562037;0.004444444444444444440589503387;0.000000000000000000000000000000;0.020000000000000000416333634234;0.008888888888888888881179006773;0.021111111111111111743321444578;0.040000000000000000832667268469;0.034814814814814812327092852229;0.032592592592592589673117231541;0.022592592592592591199673890401
-0.043115942028985505818372558906;0.017753623188405797533873098359;0.040942028985507243621366768593;0.002536231884057970828449946055;0.007608695652173913352711576152;0.025724637681159418650667092265;0.005072463768115941656899892109;0.030797101449275363777013936328;0.005434782608695652023067523828;0.030434782608695653410846304610;0.017028985507246376801537834922;0.013043478260869564508417361992;0.023188405797101449556940622188;0.051086956521739133874060456719;0.016304347826086956069202571484;0.022463768115942028824605358750;0.005072463768115941656899892109;0.025000000000000001387778780781;0.020289855072463766627599568437;0.009057971014492753950020365039;0.022826086956521739190772990469;0.005797101449275362389235155547;0.011956521739130435144637942813;0.032971014492753622504572774687;0.046739130434782609480048876094;0.042391304347826085086037295468;0.024637681159420291021611149063;0.016304347826086956069202571484;0.000362318840579710149327197222;0.014855072463768116339255520586;0.014492753623188405973087888867;0.008695652173913043583852733320;0.013405797101449274874584993711;0.011956521739130435144637942813;0.031521739130434781039902247812;0.028623188405797101580008146016;0.015217391304347826705423152305;0.023188405797101449556940622188;0.002173913043478260895963183330;0.012681159420289855876973206250;0.006521739130434782254208680996;0.007971014492753622851517469883;0.000000000000000000000000000000;0.016304347826086956069202571484;0.010507246376811593679967415937;0.019202898550724638998543625235;0.043478260869565216184540190625;0.045652173913043478381545980938;0.033333333333333332870740406406;0.024275362318840580655443517344
-0.034666666666666665075346998037;0.008999999999999999319988397417;0.087333333333333332260117742862;0.000000000000000000000000000000;0.001333333333333333288808764117;0.010333333333333333259318465025;0.001000000000000000020816681712;0.021000000000000001304512053935;0.009333333333333334105863521302;0.046333333333333330539272054693;0.012666666666666666352103476356;0.004000000000000000083266726847;0.008999999999999999319988397417;0.060999999999999998667732370450;0.004666666666666667052931760651;0.027666666666666665796991964044;0.029333333333333332787473679559;0.029333333333333332787473679559;0.007666666666666666248020067798;0.015333333333333332496040135595;0.017000000000000001221245327088;0.014666666666666666393736839780;0.007333333333333333196868419890;0.061999999999999999555910790150;0.022999999999999999611421941381;0.042666666666666665241880451731;0.021000000000000001304512053935;0.004333333333333333134418374755;0.000666666666666666644404382058;0.002666666666666666577617528233;0.003666666666666666598434209945;0.040333333333333332149095440400;0.002333333333333333526465880325;0.009333333333333334105863521302;0.019333333333333334314030338419;0.064000000000000001332267629550;0.012333333333333333300951828448;0.010999999999999999361621760841;0.000666666666666666644404382058;0.019666666666666665630458510350;0.005333333333333333155235056466;0.006333333333333333176051738178;0.000000000000000000000000000000;0.026333333333333333592385372413;0.002000000000000000041633363423;0.020000000000000000416333634234;0.056666666666666663798590519718;0.036333333333333335535275665507;0.028000000000000000582867087928;0.020000000000000000416333634234
-0.042592592592592591616007524635;0.002222222222222222220294751693;0.054444444444444441144614899031;0.000000000000000000000000000000;0.000370370370370370351979089074;0.020740740740740740144509857146;0.000740740740740740703958178148;0.021851851851851851471497667490;0.009629629629629630344078705662;0.028148148148148147834612942120;0.020370370370370372015145221667;0.005925925925925925631665425186;0.036666666666666666851703837438;0.048148148148148148250946576354;0.005185185185185185036127464286;0.014814814814814815380206169948;0.012222222222222222862142437805;0.025555555555555557051272685953;0.012222222222222222862142437805;0.011851851851851851263330850372;0.017037037037037038034181790636;0.015925925925925926707193980292;0.034074074074074076068363581271;0.030370370370370370488588562807;0.032592592592592589673117231541;0.037407407407407410049327012302;0.032962962962962964741375770927;0.000370370370370370351979089074;0.001481481481481481407916356297;0.008148148148148147418279307885;0.005185185185185185036127464286;0.014814814814814815380206169948;0.014074074074074073917306471060;0.013333333333333334189130248149;0.081481481481481488060580886668;0.038888888888888889505679458125;0.018518518518518517490534236458;0.006296296296296296363115274630;0.000740740740740740703958178148;0.045555555555555557467606320188;0.004444444444444444440589503387;0.002592592592592592518063732143;0.000000000000000000000000000000;0.018518518518518517490534236458;0.004074074074074073709139653943;0.014074074074074073917306471060;0.034814814814814812327092852229;0.033703703703703701000105041885;0.050370370370370370904922197042;0.014444444444444443781394582516
-0.038333333333333330372738601000;0.004583333333333333356462979680;0.066250000000000003330669073875;0.000000000000000000000000000000;0.005833333333333333599324266316;0.028333333333333331899295259859;0.001250000000000000026020852140;0.017500000000000001665334536938;0.010000000000000000208166817117;0.027916666666666666019036568969;0.017916666666666667545593227828;0.025416666666666667268037471672;0.017916666666666667545593227828;0.058333333333333334258519187188;0.005416666666666666851703837438;0.031666666666666669349705642844;0.021250000000000001526556658860;0.025000000000000001387778780781;0.011666666666666667198648532633;0.007499999999999999722444243844;0.013333333333333334189130248149;0.016666666666666666435370203203;0.011249999999999999583666365766;0.038749999999999999722444243844;0.032916666666666663521034763562;0.033750000000000002220446049250;0.026249999999999999028554853453;0.023333333333333334397297065266;0.000833333333333333386820640509;0.019583333333333334536074943344;0.027500000000000000138777878078;0.017083333333333332315628894094;0.007916666666666667337426410711;0.008333333333333333217685101602;0.028750000000000001249000902703;0.036666666666666666851703837438;0.017916666666666667545593227828;0.010833333333333333703407674875;0.000833333333333333386820640509;0.020000000000000000416333634234;0.004166666666666666608842550801;0.004166666666666666608842550801;0.000000000000000000000000000000;0.021250000000000001526556658860;0.002500000000000000052041704279;0.017916666666666667545593227828;0.050000000000000002775557561563;0.033750000000000002220446049250;0.033750000000000002220446049250;0.017916666666666667545593227828
-0.015705128205128204843532557788;0.038461538461538463673505816587;0.018589743589743589619045494032;0.223397435897435908680463967357;0.031089743589743590312934884423;0.024679487179487178544201597674;0.007051282051282051384355487045;0.025000000000000001387778780781;0.009935897435897435292506685300;0.009615384615384615918376454147;0.007371794871794871625847456187;0.029807692307692309346967007855;0.014102564102564102768710974090;0.016346153846153847061239972049;0.031410256410256409687065115577;0.015705128205128204843532557788;0.014743589743589743251694912374;0.032371794871794874748349712945;0.030128205128205128721097239008;0.003525641025641025692177743522;0.024358974358974359170071366520;0.006730769230769231142863517903;0.007371794871794871625847456187;0.016987179487179485809500434357;0.019230769230769231836752908293;0.012820512820512820068019621544;0.016666666666666666435370203203;0.032692307692307694122479944099;0.003525641025641025692177743522;0.039743589743589741170026741202;0.030769230769230770938804653269;0.009615384615384615918376454147;0.009935897435897435292506685300;0.004166666666666666608842550801;0.010897435897435896884344330715;0.018910256410256408993175725186;0.008012820512820512108831394471;0.013141025641025641176873328675;0.000641025641025641025085024527;0.009294871794871794809522747016;0.015705128205128204843532557788;0.008974358974358973700669039886;0.000000000000000000000000000000;0.008653846153846154326538808732;0.016346153846153847061239972049;0.013782051282051281659857266959;0.009615384615384615918376454147;0.009935897435897435292506685300;0.013782051282051281659857266959;0.008653846153846154326538808732
-0.019444444444444444752839729063;0.017777777777777777762358013547;0.019722222222222220849863205672;0.252500000000000002220446049250;0.015833333333333334674852821422;0.030277777777777778456247403938;0.011944444444444445030395485219;0.010555555555555555871660722289;0.017777777777777777762358013547;0.011388888888888889366901580047;0.011388888888888889366901580047;0.017500000000000001665334536938;0.021111111111111111743321444578;0.013888888888888888117900677344;0.018055555555555553859381490156;0.018333333333333333425851918719;0.021666666666666667406815349750;0.028055555555555555802271783250;0.012222222222222222862142437805;0.002777777777777777883788656865;0.010555555555555555871660722289;0.011944444444444445030395485219;0.016388888888888890338346726594;0.014444444444444443781394582516;0.019444444444444444752839729063;0.016666666666666666435370203203;0.014166666666666665949647629930;0.010555555555555555871660722289;0.001388888888888888941894328433;0.044722222222222218768195034500;0.031111111111111110216764785719;0.016111111111111110771876298031;0.007222222222222221890697291258;0.005555555555555555767577313730;0.021944444444444443503838826359;0.019722222222222220849863205672;0.006388888888888889262818171488;0.026388888888888888811790067734;0.005555555555555555767577313730;0.019722222222222220849863205672;0.007222222222222221890697291258;0.017500000000000001665334536938;0.000000000000000000000000000000;0.011666666666666667198648532633;0.009166666666666666712925959359;0.020277777777777776513357110844;0.009166666666666666712925959359;0.009166666666666666712925959359;0.015555555555555555108382392859;0.008055555555555555385938149016
-0.026666666666666668378260496297;0.008999999999999999319988397417;0.027666666666666665796991964044;0.287666666666666681617670064952;0.012999999999999999403255124264;0.029000000000000001471045507628;0.005000000000000000104083408559;0.022666666666666668294993769450;0.008666666666666666268836749509;0.011666666666666667198648532633;0.012666666666666666352103476356;0.021666666666666667406815349750;0.007666666666666666248020067798;0.018333333333333333425851918719;0.024666666666666666601903656897;0.022666666666666668294993769450;0.012999999999999999403255124264;0.018333333333333333425851918719;0.024666666666666666601903656897;0.003000000000000000062450045135;0.013666666666666667240281896056;0.010999999999999999361621760841;0.009666666666666667157015169209;0.018666666666666668211727042603;0.025999999999999998806510248528;0.017999999999999998639976794834;0.020666666666666666518636930050;0.012333333333333333300951828448;0.002000000000000000041633363423;0.022333333333333333509118645566;0.034333333333333333758918826106;0.015666666666666665547191783503;0.009666666666666667157015169209;0.005666666666666667073748442363;0.007333333333333333196868419890;0.019666666666666665630458510350;0.006333333333333333176051738178;0.016333333333333331649495079319;0.000333333333333333322202191029;0.012333333333333333300951828448;0.005333333333333333155235056466;0.004333333333333333134418374755;0.000000000000000000000000000000;0.014666666666666666393736839780;0.016000000000000000333066907388;0.015666666666666665547191783503;0.017999999999999998639976794834;0.009666666666666667157015169209;0.015666666666666665547191783503;0.010999999999999999361621760841
-0.036666666666666666851703837438;0.004814814814814815172039352831;0.072592592592592597444678403917;0.000370370370370370351979089074;0.003333333333333333547282562037;0.031111111111111110216764785719;0.000000000000000000000000000000;0.016666666666666666435370203203;0.032222222222222221543752596062;0.024074074074074074125473288177;0.021111111111111111743321444578;0.019259259259259260688157411323;0.021851851851851851471497667490;0.050370370370370370904922197042;0.005185185185185185036127464286;0.034814814814814812327092852229;0.016666666666666666435370203203;0.031851851851851853414387960584;0.016296296296296294836558615771;0.010740740740740739936343040029;0.015185185185185185244294281404;0.030740740740740742087400150240;0.012222222222222222862142437805;0.027407407407407408106436719208;0.047037037037037036923958766010;0.040370370370370368962031903948;0.034814814814814812327092852229;0.000370370370370370351979089074;0.000000000000000000000000000000;0.019259259259259260688157411323;0.015185185185185185244294281404;0.010740740740740739936343040029;0.011851851851851851263330850372;0.013333333333333334189130248149;0.022962962962962962798485477833;0.033333333333333332870740406406;0.010000000000000000208166817117;0.013703703703703704053218359604;0.000740740740740740703958178148;0.020370370370370372015145221667;0.004074074074074073709139653943;0.011481481481481481399242738917;0.000000000000000000000000000000;0.011111111111111111535154627461;0.003333333333333333547282562037;0.010000000000000000208166817117;0.037777777777777778178691647781;0.036296296296296298722339201959;0.032962962962962964741375770927;0.023333333333333334397297065266
-0.010185185185185186007572610833;0.051543209876543212566435414601;0.016975308641975307699656383420;0.272530864197530864334595435139;0.029012345679012344762393027509;0.015740740740740739173064710599;0.006172839506172839163511412153;0.019444444444444444752839729063;0.016358024691358025171084022986;0.007407407407407407690103084974;0.009259259259259258745267118229;0.009259259259259258745267118229;0.012037037037037037062736644089;0.008024691358024691953398921385;0.031790123456790123079862553368;0.008024691358024691953398921385;0.013271604938271605589328316910;0.042901234567901236349740656806;0.019135802469135803488553548846;0.002777777777777777883788656865;0.015432098765432097908778530382;0.009876543209876543008562954640;0.009567901234567901744276774423;0.008024691358024691953398921385;0.011111111111111111535154627461;0.009876543209876543008562954640;0.019444444444444444752839729063;0.074074074074074069962136945833;0.001234567901234567876070369330;0.032098765432098767813595685539;0.017283950617283948963942563637;0.005246913580246913635929395525;0.008950617283950617480980938012;0.001234567901234567876070369330;0.011728395061728395798450463872;0.014814814814814815380206169948;0.008333333333333333217685101602;0.010185185185185186007572610833;0.004938271604938271504281477320;0.014197530864197531116910333537;0.009567901234567901744276774423;0.038271604938271606977107097691;0.000000000000000000000000000000;0.007098765432098765558455166769;0.021913580246913581806023074705;0.007098765432098765558455166769;0.004938271604938271504281477320;0.001851851851851851922525771243;0.014814814814814815380206169948;0.004938271604938271504281477320
-0.026944444444444444475283972906;0.010277777777777778039913769703;0.024444444444444445724284875610;0.135000000000000008881784197001;0.007777777777777777554191196430;0.040000000000000000832667268469;0.007499999999999999722444243844;0.025000000000000001387778780781;0.015833333333333334674852821422;0.014999999999999999444888487687;0.016111111111111110771876298031;0.027500000000000000138777878078;0.035277777777777775958245598531;0.013888888888888888117900677344;0.012222222222222222862142437805;0.018333333333333333425851918719;0.012777777777777778525636342977;0.028333333333333331899295259859;0.022499999999999999167332731531;0.002222222222222222220294751693;0.021111111111111111743321444578;0.013888888888888888117900677344;0.029722222222222222792753498766;0.021388888888888887840344921187;0.024166666666666666157814447047;0.019722222222222220849863205672;0.023055555555555554830826636703;0.006388888888888889262818171488;0.000277777777777777777536843962;0.045555555555555557467606320188;0.033888888888888892003681263532;0.009166666666666666712925959359;0.021944444444444443503838826359;0.005833333333333333599324266316;0.039166666666666669072149886688;0.016388888888888890338346726594;0.013611111111111110286153724758;0.019444444444444444752839729063;0.004722222222222222272336455973;0.017222222222222222098864108375;0.006111111111111111431071218902;0.010277777777777778039913769703;0.000000000000000000000000000000;0.013611111111111110286153724758;0.009166666666666666712925959359;0.025277777777777777484802257391;0.011944444444444445030395485219;0.006944444444444444058950338672;0.022222222222222223070309254922;0.010833333333333333703407674875
-0.009333333333333334105863521302;0.006000000000000000124900090270;0.016000000000000000333066907388;0.551000000000000045297099404706;0.039333333333333331260917020700;0.014666666666666666393736839780;0.007666666666666666248020067798;0.025333333333333332704206952712;0.007666666666666666248020067798;0.012333333333333333300951828448;0.011333333333333334147496884725;0.025333333333333332704206952712;0.001333333333333333288808764117;0.009666666666666667157015169209;0.020666666666666666518636930050;0.009333333333333334105863521302;0.003666666666666666598434209945;0.010000000000000000208166817117;0.012999999999999999403255124264;0.001333333333333333288808764117;0.017999999999999998639976794834;0.004333333333333333134418374755;0.000000000000000000000000000000;0.018666666666666668211727042603;0.009333333333333334105863521302;0.014333333333333333342585191872;0.017666666666666667323548622903;0.002000000000000000041633363423;0.000333333333333333322202191029;0.014999999999999999444888487687;0.003000000000000000062450045135;0.007000000000000000145716771982;0.001333333333333333288808764117;0.005333333333333333155235056466;0.001666666666666666773641281019;0.015333333333333332496040135595;0.002666666666666666577617528233;0.003000000000000000062450045135;0.000000000000000000000000000000;0.001666666666666666773641281019;0.007666666666666666248020067798;0.003000000000000000062450045135;0.000000000000000000000000000000;0.010333333333333333259318465025;0.012666666666666666352103476356;0.007000000000000000145716771982;0.009666666666666667157015169209;0.003000000000000000062450045135;0.003000000000000000062450045135;0.008000000000000000166533453694
-0.050314465408805034152273094605;0.002515723270440251447405133334;0.041509433962264148665344265510;0.000943396226415094346987033624;0.005974842767295597892318603783;0.039308176100628929028335534213;0.001886792452830188693974067249;0.016666666666666666435370203203;0.007861635220125786152611802038;0.031761006289308175987162741194;0.016981132075471697812085736246;0.036792452830188678014611269873;0.017295597484276729188801269288;0.047169811320754720385117764181;0.004716981132075471518094733625;0.036792452830188678014611269873;0.012264150943396227161352740609;0.020440251572327042955956599712;0.016037735849056603681939137118;0.008805031446540880282758401165;0.012264150943396227161352740609;0.011949685534591195784637207566;0.005974842767295597892318603783;0.040566037735849054535197666382;0.053144654088050316542712891987;0.052515723270440253789281825902;0.027044025157232705336429745557;0.001572327044025157317258534206;0.000943396226415094346987033624;0.022327044025157231216249797967;0.044025157232704399679068529849;0.011320754716981131296482665505;0.007861635220125786152611802038;0.006918238993710692022465202911;0.019496855345911948825810000585;0.035220125786163521131033604661;0.013836477987421384044930405821;0.021698113207547168462818731882;0.001257861635220125723702566667;0.015094339622641509551792537991;0.002830188679245282824120666376;0.005660377358490565648241332752;0.000000000000000000000000000000;0.023584905660377360192558882090;0.003144654088050314634517068413;0.014779874213836478175077004948;0.046855345911949682069508327231;0.037735849056603772144757869000;0.024528301886792454322705481218;0.019811320754716980202525533628
-0.042307692307692310040856398246;0.011111111111111111535154627461;0.045726495726495723637139434459;0.001282051282051282050170049054;0.009401709401709401267566157401;0.047435897435897433904727904519;0.002991452991452991667237215623;0.020085470085470086970547143324;0.014529914529914530335608091605;0.013247863247863247634916739059;0.017948717948717947401338079771;0.039316239316239315337853099663;0.029059829059829060671216183209;0.032051282051282048435325577884;0.009401709401709401267566157401;0.035897435897435894802676159543;0.013675213675213675201813856575;0.035897435897435894802676159543;0.020512820512820512802720784862;0.007692307692307692734701163317;0.017521367521367521569164438233;0.013247863247863247634916739059;0.013675213675213675201813856575;0.024358974358974359170071366520;0.044017094017094020308444868306;0.026923076923076924571454071611;0.039316239316239315337853099663;0.009829059829059828834463274916;0.000427350427350427350056683018;0.039743589743589741170026741202;0.030769230769230770938804653269;0.006837606837606837600906928287;0.012820512820512820068019621544;0.010256410256410256401360392431;0.033760683760683758702914047944;0.025213675213675214303865601551;0.012393162393162392501122504029;0.020940170940170938634894426400;0.000427350427350427350056683018;0.017094017094017095736990796695;0.006837606837606837600906928287;0.014102564102564102768710974090;0.000000000000000000000000000000;0.014529914529914530335608091605;0.009401709401709401267566157401;0.013247863247863247634916739059;0.021794871794871793768688661430;0.023931623931623933337897724982;0.032051282051282048435325577884;0.014957264957264957902505209120
-0.035714285714285712303173170312;0.029999999999999998889776975375;0.026666666666666668378260496297;0.011904761904761904101057723437;0.021904761904761906043948016531;0.038571428571428569009871267781;0.008095238095238094580552434820;0.043809523809523812087896033063;0.016190476190476189161104869640;0.011904761904761904101057723437;0.020476190476190477690598967797;0.025714285714285713829729829172;0.026666666666666668378260496297;0.017142857142857143709635536766;0.029047619047619047810693260203;0.014285714285714285268213963320;0.005238095238095237873854337352;0.042380952380952380265100032375;0.050476190476190473110928991218;0.004761904761904762334312479766;0.025714285714285713829729829172;0.005238095238095237873854337352;0.019047619047619049337249919063;0.018095238095238094788719251937;0.040476190476190478106932602032;0.016190476190476189161104869640;0.041904761904761902990834698812;0.025238095238095236555464495609;0.001428571428571428570189483231;0.038571428571428569009871267781;0.019523809523809523142068300672;0.006190476190476190687661528500;0.028571428571428570536427926640;0.008095238095238094580552434820;0.019523809523809523142068300672;0.022857142857142857123031731703;0.013809523809523809728672105734;0.014761904761904762542479296883;0.002857142857142857140378966463;0.004761904761904762334312479766;0.009047619047619047394359625969;0.011904761904761904101057723437;0.000000000000000000000000000000;0.010476190476190475747708674703;0.023333333333333334397297065266;0.011428571428571428561515865852;0.014285714285714285268213963320;0.011428571428571428561515865852;0.040000000000000000832667268469;0.014285714285714285268213963320
-0.023563218390804597374144080391;0.018965517241379310081628162266;0.053735632183908046966003269063;0.010919540229885057319725305547;0.023563218390804597374144080391;0.024137931034482758285708570156;0.004310344827586206836733673242;0.025287356321839080108837549687;0.029885057471264367401353467812;0.020402298850574714095262862656;0.015517241379310344612241223672;0.018678160919540231360569393360;0.012356321839080459598636529961;0.024425287356321840476214291016;0.018103448275862070449004903594;0.015517241379310344612241223672;0.028735632183908045578224488281;0.059195402298850577360589397813;0.022701149425287357741520821719;0.008620689655172413673467346484;0.018965517241379310081628162266;0.027586206896551723755095508750;0.016091954022988505523805713437;0.029022988505747127768730209141;0.029022988505747127768730209141;0.030459770114942528312917957578;0.037643678160919541442197555625;0.011781609195402298687072040195;0.004022988505747126380951428359;0.017816091954022988258499182734;0.018678160919540231360569393360;0.016666666666666666435370203203;0.012643678160919540054418774844;0.009482758620689655040814081133;0.016954022988505748625875924063;0.039655172413793106367396745782;0.012931034482758620510201019727;0.008908045977011494129249591367;0.006034482758620689571427142539;0.018678160919540231360569393360;0.008620689655172413673467346484;0.024137931034482758285708570156;0.000000000000000000000000000000;0.017528735632183909537440413828;0.012356321839080459598636529961;0.014655172413793103244894489023;0.020402298850574714095262862656;0.016666666666666666435370203203;0.029885057471264367401353467812;0.014080459770114942333329999258
-0.044557823129251702964914727545;0.010884353741496597886562192059;0.031292517006802723911196295603;0.017687074829931974384589210558;0.026190476190476191103995162734;0.034693877551020407823401114911;0.005782312925170067681446273156;0.027551020408163266056655871239;0.018707482993197278864361265960;0.018367346938775511860919564811;0.026530612244897958107436863884;0.010884353741496597886562192059;0.024829931972789116151334454230;0.031632653061224487445191044799;0.013945578231292516530048786194;0.028231292517006803532986225491;0.013265306122448979053718431942;0.036734693877551023721839129621;0.024149659863945578675004099978;0.004761904761904762334312479766;0.021088435374149658296794029866;0.009523809523809524668624959531;0.011564625850340135362892546311;0.028231292517006803532986225491;0.055102040816326532113311742478;0.035374149659863948769178421117;0.038095238095238098674499838125;0.005102040816326530205115918903;0.002721088435374149471640548015;0.019047619047619049337249919063;0.016326530612244899431928502054;0.011904761904761904101057723437;0.023129251700680270725785092623;0.005782312925170067681446273156;0.015986394557823128959039848951;0.028231292517006803532986225491;0.016666666666666666435370203203;0.014965986394557822744544317572;0.002380952380952381167156239883;0.010884353741496597886562192059;0.006802721088435373895941804534;0.012585034013605441577388077690;0.000000000000000000000000000000;0.025170068027210883154776155379;0.012925170068027210315553254816;0.021768707482993195773124384118;0.021088435374149658296794029866;0.021428571428571428769682682969;0.035374149659863948769178421117;0.020068027210884353817021974464
-0.013703703703703704053218359604;0.040000000000000000832667268469;0.014074074074074073917306471060;0.140740740740740749581405566460;0.042592592592592591616007524635;0.021111111111111111743321444578;0.005185185185185185036127464286;0.020000000000000000416333634234;0.022962962962962962798485477833;0.006666666666666667094565124074;0.008148148148148147418279307885;0.022222222222222223070309254922;0.014444444444444443781394582516;0.007407407407407407690103084974;0.027777777777777776235801354687;0.008518518518518519017090895318;0.008888888888888888881179006773;0.035555555555555555524716027094;0.018148148148148149361169600979;0.002962962962962962815832712593;0.011111111111111111535154627461;0.017407407407407406163546426114;0.013703703703703704053218359604;0.007037037037037036958653235530;0.015925925925925926707193980292;0.009629629629629630344078705662;0.012592592592592592726230549260;0.163333333333333330372738601000;0.000740740740740740703958178148;0.052592592592592593558897817729;0.023333333333333334397297065266;0.006296296296296296363115274630;0.008148148148148147418279307885;0.002222222222222222220294751693;0.013333333333333334189130248149;0.009259259259259258745267118229;0.007777777777777777554191196430;0.015185185185185185244294281404;0.012962962962962962590318660716;0.016296296296296294836558615771;0.008518518518518519017090895318;0.034814814814814812327092852229;0.000000000000000000000000000000;0.006666666666666667094565124074;0.011851851851851851263330850372;0.011851851851851851263330850372;0.005555555555555555767577313730;0.003703703703703703845051542487;0.011111111111111111535154627461;0.005925925925925925631665425186
-0.026851851851851852442942814037;0.015740740740740739173064710599;0.044135802469135801406885377673;0.124691358024691362205160771737;0.005246913580246913635929395525;0.022839506172839505598881615356;0.002469135802469135752140738660;0.020370370370370372015145221667;0.022222222222222223070309254922;0.016049382716049383906797842769;0.015740740740740739173064710599;0.012037037037037037062736644089;0.019135802469135803488553548846;0.031481481481481478346129421197;0.009259259259259258745267118229;0.014506172839506172381196513754;0.023456790123456791596900927743;0.047530864197530865722374215920;0.013271604938271605589328316910;0.014197530864197531116910333537;0.014814814814814815380206169948;0.022839506172839505598881615356;0.025308641975308642652064960998;0.025617283950617283916351141215;0.025000000000000001387778780781;0.025308641975308642652064960998;0.023765432098765432861187107960;0.012962962962962962590318660716;0.000308641975308641969017592332;0.016975308641975307699656383420;0.015432098765432097908778530382;0.007098765432098765558455166769;0.009259259259259258745267118229;0.006790123456790123426807248563;0.032716049382716050342168045972;0.035493827160493825190190619878;0.017592592592592593697675695807;0.009567901234567901744276774423;0.010802469135802468536144971267;0.029629629629629630760412339896;0.006172839506172839163511412153;0.016975308641975307699656383420;0.000000000000000000000000000000;0.009567901234567901744276774423;0.004629629629629629372633559115;0.014197530864197531116910333537;0.019135802469135803488553548846;0.014197530864197531116910333537;0.035185185185185187395351391615;0.011419753086419752799440807678
-0.010000000000000000208166817117;0.032500000000000001110223024625;0.038055555555555557745162076344;0.213333333333333347026083970377;0.016944444444444446001840631766;0.017500000000000001665334536938;0.003055555555555555715535609451;0.030555555555555554553270880547;0.042777777777777775680689842375;0.011388888888888889366901580047;0.011111111111111111535154627461;0.016944444444444446001840631766;0.007499999999999999722444243844;0.014722222222222221613141535101;0.027500000000000000138777878078;0.008611111111111111049432054187;0.021666666666666667406815349750;0.056111111111111111604543566500;0.020833333333333332176851016015;0.004722222222222222272336455973;0.012500000000000000693889390391;0.021944444444444443503838826359;0.006944444444444444058950338672;0.013888888888888888117900677344;0.014999999999999999444888487687;0.016666666666666666435370203203;0.023611111111111110494320541875;0.026388888888888888811790067734;0.000277777777777777777536843962;0.020000000000000000416333634234;0.014999999999999999444888487687;0.009722222222222222376419864531;0.010000000000000000208166817117;0.005000000000000000104083408559;0.010833333333333333703407674875;0.025833333333333333148296162562;0.013611111111111110286153724758;0.005833333333333333599324266316;0.007499999999999999722444243844;0.015277777777777777276635440273;0.008055555555555555385938149016;0.022777777777777778733803160094;0.000000000000000000000000000000;0.007777777777777777554191196430;0.016388888888888890338346726594;0.006666666666666667094565124074;0.013611111111111110286153724758;0.010833333333333333703407674875;0.023611111111111110494320541875;0.008611111111111111049432054187
-0.017346938775510203911700557455;0.038095238095238098674499838125;0.030952380952380953438307642500;0.019047619047619049337249919063;0.032993197278911562397851753303;0.022108843537414966246013037221;0.006802721088435373895941804534;0.056462585034013607065972450982;0.012925170068027210315553254816;0.011904761904761904101057723437;0.020068027210884353817021974464;0.009523809523809524668624959531;0.012244897959183672839222900564;0.019727891156462583344133321361;0.039795918367346937161155295826;0.006802721088435373895941804534;0.014625850340136054006379140446;0.052380952380952382207990325469;0.043197278911564628012254019040;0.005102040816326530205115918903;0.026870748299319728580325516987;0.005102040816326530205115918903;0.021768707482993195773124384118;0.019727891156462583344133321361;0.020748299319727891293352328717;0.017346938775510203911700557455;0.052040816326530611735101672366;0.042517006802721087066476712835;0.001360544217687074735820274007;0.039455782312925166688266642723;0.010204081632653060410231837807;0.011904761904761904101057723437;0.020408163265306120820463675614;0.004761904761904762334312479766;0.012585034013605441577388077690;0.035034013605442178296289768014;0.012244897959183672839222900564;0.004761904761904762334312479766;0.006802721088435373895941804534;0.010544217687074829148397014933;0.016326530612244899431928502054;0.018027210884353741388030911708;0.000000000000000000000000000000;0.012585034013605441577388077690;0.033673469387755103343629059509;0.013605442176870747791883609068;0.011224489795918366624727369185;0.007482993197278911372272158786;0.030272108843537415961977288248;0.008503401360544218454129428153
-0.009523809523809524668624959531;0.041964285714285710915394389531;0.035119047619047619179788455313;0.071130952380952378044653983125;0.063392857142857139685077072500;0.011011904761904762681257174961;0.009226190476190476372209126055;0.047619047619047616404230893750;0.024702380952380951356639471328;0.010119047619047619526733150508;0.012500000000000000693889390391;0.022321428571428571924206707422;0.002678571428571428596210335371;0.013690476190476190410105772344;0.076190476190476197348999676251;0.007738095238095238359576910625;0.023809523809523808202115446875;0.043154761904761904101057723437;0.039583333333333331482961625625;0.005654761904761904621474766230;0.020833333333333332176851016015;0.013988095238095238706521605820;0.006250000000000000346944695195;0.014583333333333333564629796797;0.011309523809523809242949532461;0.015178571428571428422737987773;0.034226190476190479494711382813;0.054166666666666668517038374375;0.002976190476190476025264430859;0.027380952380952380820211544687;0.008928571428571428075793292578;0.014583333333333333564629796797;0.015476190476190476719153821250;0.001190476190476190583578119941;0.004464285714285714037896646289;0.028571428571428570536427926640;0.010714285714285714384841341484;0.003273809523809523887999395342;0.004166666666666666608842550801;0.005059523809523809763366575254;0.018749999999999999306110609609;0.018154761904761906182725894610;0.000000000000000000000000000000;0.006845238095238095205052886172;0.038690476190476191797884553125;0.010416666666666666088425508008;0.014285714285714285268213963320;0.007142857142857142634106981660;0.010119047619047619526733150508;0.007142857142857142634106981660
-0.013513513513513514263664205828;0.021171171171171170033442621161;0.048648648648648651349191140980;0.119819819819819817219297419797;0.022072072072072072140835885534;0.014414414414414414636333994224;0.000900900900900900914770874639;0.022522522522522521459809041744;0.047297297297297299922824720397;0.014864864864864865690030626411;0.008108108108108108558198523497;0.012162162162162162837297785245;0.011261261261261260729904520872;0.022072072072072072140835885534;0.027027027027027028527328411656;0.008558558558558557877171679706;0.031981981981981981444373985823;0.049099099099099097198717345236;0.017567567567567568542763467576;0.013513513513513514263664205828;0.010810810810810811410931364662;0.034234234234234231508686718826;0.021621621621621622821862729324;0.018918918918918919969129888159;0.015315315315315315009003782620;0.021621621621621622821862729324;0.023423423423423423567202306117;0.013513513513513514263664205828;0.005855855855855855891800576529;0.018468468468468467180709779996;0.018918918918918919969129888159;0.018918918918918919969129888159;0.005855855855855855891800576529;0.002252252252252252232717077973;0.015765765765765764327976938830;0.031531531531531528655953877660;0.014864864864864865690030626411;0.006306306306306306078135470727;0.007657657657657657504501891310;0.040540540540540542790992617483;0.005405405405405405705465682331;0.024774774774774774993568726700;0.000000000000000000000000000000;0.010810810810810811410931364662;0.015315315315315315009003782620;0.013963963963963963582637362038;0.015315315315315315009003782620;0.007207207207207207318166997112;0.027027027027027028527328411656;0.007207207207207207318166997112
-0.010227272727272727209646419055;0.052651515151515150547911758849;0.023863636363636364645657295114;0.090530303030303030387138107926;0.049621212121212121548552431705;0.018939393939393939919613174538;0.004166666666666666608842550801;0.043181818181818182322828647557;0.018939393939393939919613174538;0.009090909090909090467524933388;0.014015151515151515193569053963;0.013257575757575757943729222177;0.009090909090909090467524933388;0.011742424242424241709326082628;0.058333333333333334258519187188;0.006060606060606060600803868255;0.010984848484848484459486250842;0.051515151515151513805790273182;0.030681818181818181628939257166;0.005681818181818181975883952362;0.025000000000000001387778780781;0.012500000000000000693889390391;0.011363636363636363951767904723;0.009469696969696969959806587269;0.014393939393939394685850707845;0.011363636363636363951767904723;0.026893939393939393645016622258;0.074999999999999997224442438437;0.001893939393939393991961317454;0.051515151515151513805790273182;0.013257575757575757943729222177;0.007954545454545453725403447720;0.020454545454545454419292838111;0.003030303030303030300401934127;0.009090909090909090467524933388;0.018939393939393939919613174538;0.009848484848484847717364765174;0.004545454545454545233762466694;0.001136363636363636308440616673;0.010227272727272727209646419055;0.015530303030303029693248717535;0.023863636363636364645657295114;0.000000000000000000000000000000;0.005681818181818181975883952362;0.024621212121212120160773650923;0.007954545454545453725403447720;0.011363636363636363951767904723;0.010606060606060606701928072937;0.020833333333333332176851016015;0.009090909090909090467524933388
-0.015151515151515151935690539631;0.046969696969696966837304330511;0.016363636363636364923213051270;0.018484848484848485916653970662;0.024848484848484848896976728838;0.022121212121212121409774553626;0.003939393939393939607362948863;0.030303030303030303871381079261;0.042424242424242426807712291748;0.012424242424242424448488364419;0.012424242424242424448488364419;0.013030303030303030942249620239;0.020909090909090908422252041987;0.009696969696969696961286189207;0.031212121212121211877299487014;0.007878787878787879214725897725;0.018181818181818180935049866775;0.057272727272727273761798727492;0.027272727272727271402574800163;0.006060606060606060600803868255;0.014242424242424242195048655901;0.026666666666666668378260496297;0.034545454545454545858262918046;0.006969696969696969474084013996;0.016666666666666666435370203203;0.011212121212121211460965852780;0.022727272727272727903535809446;0.079393939393939391702126329164;0.001212121212121212120160773651;0.036363636363636361870099733551;0.015757575757575758429451795450;0.008181818181818182461606525635;0.019393939393939393922572378415;0.003030303030303030300401934127;0.021212121212121213403856145874;0.022727272727272727903535809446;0.011515151515151514707846480690;0.010303030303030303455047445027;0.016969696969696971416974307090;0.039090909090909092826748860716;0.010606060606060606701928072937;0.057575757575757578743402831378;0.000000000000000000000000000000;0.008484848484848485708487153545;0.018484848484848485916653970662;0.011515151515151514707846480690;0.005151515151515151727523722514;0.006060606060606060600803868255;0.020606060606060606910094890054;0.006363636363636363847684496164
-0.010303030303030303455047445027;0.066969696969696970723084916699;0.018787878787878787428811122595;0.066060606060606055778272605039;0.025454545454545455390737984658;0.020909090909090908422252041987;0.006969696969696969474084013996;0.029999999999999998889776975375;0.025757575757575756902895136591;0.009090909090909090467524933388;0.006060606060606060600803868255;0.017575757575757574441288610956;0.008181818181818182461606525635;0.006363636363636363847684496164;0.037575757575757574857622245190;0.006363636363636363847684496164;0.020303030303030301928490786167;0.039090909090909092826748860716;0.025454545454545455390737984658;0.004242424242424242854243576772;0.011818181818181817954727108599;0.017878787878787879422892714842;0.012727272727272727695368992329;0.009090909090909090467524933388;0.014242424242424242195048655901;0.004545454545454545233762466694;0.020303030303030301928490786167;0.190909090909090917165258360910;0.003939393939393939607362948863;0.027575757575757576384178904050;0.016666666666666666435370203203;0.009696969696969696961286189207;0.011212121212121211460965852780;0.004545454545454545233762466694;0.008787878787878787220644305478;0.016060606060606059941608947383;0.006666666666666667094565124074;0.007878787878787879214725897725;0.007272727272727272720964641906;0.013333333333333334189130248149;0.013333333333333334189130248149;0.053030303030303031774916888708;0.000000000000000000000000000000;0.006969696969696969474084013996;0.016969696969696971416974307090;0.011212121212121211460965852780;0.007272727272727272720964641906;0.005454545454545454974404350423;0.013636363636363635701287400082;0.005454545454545454974404350423
-0.029532163742690058921835927208;0.012865497076023392486465724005;0.030701754385964910576412023602;0.092690058479532169699588450840;0.010526315789473683973143103287;0.028070175438596491751530592751;0.016081871345029238873358679029;0.019883040935672516291710110181;0.019883040935672516291710110181;0.014619883040935671703053344572;0.020467836257309940384274682401;0.030409356725146198530129737492;0.015497076023391813046070630833;0.017543859649122806043664013487;0.025730994152046784972931448010;0.021345029239766083462015444638;0.020175438596491228337992396291;0.029824561403508770968118213318;0.012573099415204678705459961918;0.004970760233918129072927527545;0.016666666666666666435370203203;0.020467836257309940384274682401;0.009356725146198830583843530917;0.018421052631578945651957823770;0.028362573099415203797812878861;0.026900584795321636627507544404;0.026023391812865497019213734120;0.027777777777777776235801354687;0.014035087719298245875765296375;0.030701754385964910576412023602;0.033918128654970756963304978626;0.020760233918128655900003920465;0.008479532163742689240826244657;0.011403508771929825316160389548;0.014327485380116959656771058462;0.023099415204678362678603065206;0.006140350877192982462227099916;0.026023391812865497019213734120;0.010818713450292397754148865374;0.020175438596491228337992396291;0.004678362573099415291921765458;0.015789473684210526827076392919;0.000000000000000000000000000000;0.014327485380116959656771058462;0.016666666666666666435370203203;0.016959064327485378481652489313;0.017543859649122806043664013487;0.014619883040935671703053344572;0.019298245614035088729698586008;0.012865497076023392486465724005
-0.035185185185185187395351391615;0.024444444444444445724284875610;0.031111111111111110216764785719;0.003333333333333333547282562037;0.022962962962962962798485477833;0.041851851851851848418384349770;0.005185185185185185036127464286;0.028148148148148147834612942120;0.014444444444444443781394582516;0.012222222222222222862142437805;0.018148148148148149361169600979;0.027407407407407408106436719208;0.019629629629629628817522046802;0.022592592592592591199673890401;0.021851851851851851471497667490;0.025185185185185185452461098521;0.015555555555555555108382392859;0.038888888888888889505679458125;0.042222222222222223486642889156;0.002962962962962962815832712593;0.024814814814814813853649511088;0.014074074074074073917306471060;0.025925925925925925180637321432;0.021111111111111111743321444578;0.035185185185185187395351391615;0.028888888888888887562789165031;0.022962962962962962798485477833;0.007407407407407407690103084974;0.000740740740740740703958178148;0.054074074074074073015250263552;0.034444444444444444197728216750;0.011481481481481481399242738917;0.026666666666666668378260496297;0.006666666666666667094565124074;0.021111111111111111743321444578;0.020000000000000000416333634234;0.010740740740740739936343040029;0.023703703703703702526661700745;0.004444444444444444440589503387;0.017407407407407406163546426114;0.014074074074074073917306471060;0.011111111111111111535154627461;0.000000000000000000000000000000;0.011111111111111111535154627461;0.014444444444444443781394582516;0.019259259259259260688157411323;0.015555555555555555108382392859;0.012962962962962962590318660716;0.025555555555555557051272685953;0.010740740740740739936343040029
-0.016304347826086956069202571484;0.017028985507246376801537834922;0.061231884057971017187860240938;0.074999999999999997224442438437;0.009782608695652174682355628477;0.014855072463768116339255520586;0.006159420289855072755402787266;0.022463768115942028824605358750;0.051449275362318837301334184531;0.018840579710144928632375993516;0.011231884057971014412302679375;0.013405797101449274874584993711;0.011594202898550724778470311094;0.037318840579710146898584355313;0.023188405797101449556940622188;0.011594202898550724778470311094;0.038768115942028988363254882188;0.044927536231884057649210717500;0.012681159420289855876973206250;0.018478260869565218266208361797;0.015579710144927537071590784024;0.036231884057971015800081460156;0.011231884057971014412302679375;0.023913043478260870289275885625;0.015217391304347826705423152305;0.024275362318840580655443517344;0.023188405797101449556940622188;0.013405797101449274874584993711;0.002898550724637681194617577773;0.011956521739130435144637942813;0.012681159420289855876973206250;0.021014492753623187359934831875;0.004710144927536232158093998379;0.008333333333333333217685101602;0.023188405797101449556940622188;0.033333333333333332870740406406;0.008333333333333333217685101602;0.008695652173913043583852733320;0.008695652173913043583852733320;0.027536231884057970481505250859;0.007608695652173913352711576152;0.035144927536231884701578565000;0.000000000000000000000000000000;0.009057971014492753950020365039;0.014130434782608695606920257148;0.010507246376811593679967415937;0.024275362318840580655443517344;0.015217391304347826705423152305;0.025000000000000001387778780781;0.008333333333333333217685101602
-0.015602836879432624081487368528;0.028368794326241134062804860605;0.064184397163120562868066087958;0.086170212765957446277020892467;0.015602836879432624081487368528;0.015248226950354609385285264977;0.002836879432624113666489007457;0.019148936170212765839337976104;0.060283687943262408148736852809;0.011702127659574467627434657402;0.010283687943262410577349719176;0.008510638297872340565786153377;0.013475177304964539373721699178;0.020921985815602835850901541903;0.015248226950354609385285264977;0.011347517730496454665956029828;0.033687943262411347566942509957;0.052836879432624113406280486060;0.007801418439716312040743684264;0.012056737588652482323636760952;0.011347517730496454665956029828;0.037234042553191487590069641556;0.024822695035460994039677729006;0.019503546099290780535540079654;0.011702127659574467627434657402;0.015248226950354609385285264977;0.023049645390070920558667211253;0.033333333333333332870740406406;0.001773049645390070878925303788;0.016312056737588651739168099652;0.009574468085106382919668988052;0.010992907801418439969753926277;0.008510638297872340565786153377;0.006028368794326241161818380476;0.022695035460992909331912059656;0.042553191489361701094207290907;0.009929078014184397615871091602;0.008156028368794325869584049826;0.007092198581560283515701215151;0.028723404255319148759006964156;0.003546099290780141757850607576;0.048936170212765958686951250911;0.000000000000000000000000000000;0.008865248226950355261988256927;0.008865248226950355261988256927;0.007446808510638298211903318702;0.017730496453900710523976513855;0.018794326241134751143135872553;0.024468085106382979343475625456;0.007446808510638298211903318702
-0.016666666666666666435370203203;0.013043478260869564508417361992;0.018478260869565218266208361797;0.436594202898550720615133968749;0.006521739130434782254208680996;0.019565217391304349364711256953;0.008695652173913043583852733320;0.013043478260869564508417361992;0.004710144927536232158093998379;0.007971014492753622851517469883;0.009782608695652174682355628477;0.017753623188405797533873098359;0.014492753623188405973087888867;0.010144927536231883313799784219;0.024637681159420291021611149063;0.013768115942028985240752625430;0.010144927536231883313799784219;0.013043478260869564508417361992;0.019565217391304349364711256953;0.000724637681159420298654394443;0.016304347826086956069202571484;0.009420289855072464316187996758;0.006884057971014492620376312715;0.011594202898550724778470311094;0.018115942028985507900040730078;0.010869565217391304046135047656;0.015579710144927537071590784024;0.010507246376811593679967415937;0.001811594202898550746635986108;0.023188405797101449556940622188;0.024275362318840580655443517344;0.006884057971014492620376312715;0.008333333333333333217685101602;0.005797101449275362389235155547;0.015942028985507245703034939766;0.015579710144927537071590784024;0.003623188405797101493271972217;0.012681159420289855876973206250;0.001449275362318840597308788887;0.012681159420289855876973206250;0.005434782608695652023067523828;0.003623188405797101493271972217;0.000000000000000000000000000000;0.010144927536231883313799784219;0.011956521739130435144637942813;0.013405797101449274874584993711;0.012681159420289855876973206250;0.008695652173913043583852733320;0.011231884057971014412302679375;0.011956521739130435144637942813
-0.008888888888888888881179006773;0.021481481481481479872686080057;0.012222222222222222862142437805;0.488148148148148164349180433419;0.069629629629629624654185704458;0.009259259259259258745267118229;0.004074074074074073709139653943;0.011111111111111111535154627461;0.011851851851851851263330850372;0.006296296296296296363115274630;0.005185185185185185036127464286;0.017777777777777777762358013547;0.003703703703703703845051542487;0.004814814814814815172039352831;0.011111111111111111535154627461;0.006296296296296296363115274630;0.011111111111111111535154627461;0.021851851851851851471497667490;0.009259259259259258745267118229;0.000740740740740740703958178148;0.004814814814814815172039352831;0.010000000000000000208166817117;0.007407407407407407690103084974;0.005185185185185185036127464286;0.008518518518518519017090895318;0.004814814814814815172039352831;0.011111111111111111535154627461;0.065555555555555561353386906376;0.001851851851851851922525771243;0.025925925925925925180637321432;0.014444444444444443781394582516;0.008148148148148147418279307885;0.003333333333333333547282562037;0.002592592592592592518063732143;0.005185185185185185036127464286;0.010000000000000000208166817117;0.004444444444444444440589503387;0.006296296296296296363115274630;0.002222222222222222220294751693;0.007407407407407407690103084974;0.005185185185185185036127464286;0.021481481481481479872686080057;0.000000000000000000000000000000;0.006296296296296296363115274630;0.002592592592592592518063732143;0.008148148148148147418279307885;0.003703703703703703845051542487;0.002222222222222222220294751693;0.003703703703703703845051542487;0.002592592592592592518063732143
-0.012592592592592592726230549260;0.016666666666666666435370203203;0.027037037037037036507625131776;0.263703703703703717931006167419;0.010370370370370370072254928573;0.020370370370370372015145221667;0.007037037037037036958653235530;0.023333333333333334397297065266;0.014814814814814815380206169948;0.009259259259259258745267118229;0.017407407407407406163546426114;0.016296296296296294836558615771;0.011481481481481481399242738917;0.012222222222222222862142437805;0.022592592592592591199673890401;0.010740740740740739936343040029;0.011111111111111111535154627461;0.027777777777777776235801354687;0.018518518518518517490534236458;0.007777777777777777554191196430;0.015185185185185185244294281404;0.014074074074074073917306471060;0.022222222222222223070309254922;0.013333333333333334189130248149;0.010000000000000000208166817117;0.014444444444444443781394582516;0.031851851851851853414387960584;0.051481481481481482231910007386;0.001851851851851851922525771243;0.027407407407407408106436719208;0.028148148148148147834612942120;0.005925925925925925631665425186;0.011481481481481481399242738917;0.004074074074074073709139653943;0.015555555555555555108382392859;0.015925925925925926707193980292;0.010000000000000000208166817117;0.027777777777777776235801354687;0.002592592592592592518063732143;0.015925925925925926707193980292;0.002962962962962962815832712593;0.005555555555555555767577313730;0.000000000000000000000000000000;0.008888888888888888881179006773;0.018888888888888889089345823891;0.012962962962962962590318660716;0.013703703703703704053218359604;0.009629629629629630344078705662;0.019259259259259260688157411323;0.007777777777777777554191196430
-0.023202614379084968154742796287;0.007516339869281045936444396460;0.033660130718954246742402602877;0.060130718954248367491555171682;0.008496732026143790153516199837;0.016666666666666666435370203203;0.011437908496732025406816823931;0.023202614379084968154742796287;0.015032679738562091872888792921;0.043464052287581697586738016525;0.015359477124183005744550989391;0.011111111111111111535154627461;0.011764705882352941013202496379;0.026470588235294117279705616852;0.013071895424836601704021710191;0.008823529411764705759901872284;0.019281045751633987817008630827;0.018627450980392156604237285933;0.013725490196078431182069579108;0.009150326797385621366287544731;0.016013071895424835222598858309;0.012091503267973856619588168826;0.008496732026143790153516199837;0.094771241830065355848944363970;0.019934640522875815560333023768;0.033660130718954246742402602877;0.023202614379084968154742796287;0.005555555555555555767577313730;0.014705882352941176266503120473;0.014705882352941176266503120473;0.006862745098039215591034789554;0.035947712418300650782931882077;0.006862745098039215591034789554;0.006209150326797385245625182648;0.017320261437908497648141548098;0.034640522875816995296283096195;0.011437908496732025406816823931;0.006862745098039215591034789554;0.004575163398692810683143772366;0.015686274509803921350936661838;0.008496732026143790153516199837;0.012091503267973856619588168826;0.000000000000000000000000000000;0.071568627450980387694201567683;0.006535947712418300852010855095;0.055555555555555552471602709375;0.026470588235294117279705616852;0.010130718954248366450721086096;0.019281045751633987817008630827;0.010130718954248366450721086096
-0.007954545454545453725403447720;0.068939393939393939225723784148;0.005303030303030303350964036468;0.084848484848484853615424583495;0.070075757575757569028951365908;0.010606060606060606701928072937;0.009848484848484847717364765174;0.060227272727272726515757028665;0.003030303030303030300401934127;0.003787878787878787983922634908;0.015530303030303029693248717535;0.007196969696969697342925353922;0.009469696969696969959806587269;0.001893939393939393991961317454;0.101515151515151516581347834745;0.003787878787878787983922634908;0.007575757575757575967845269815;0.053030303030303031774916888708;0.049242424242424240321547301846;0.001515151515151515150200967064;0.021969696969696968918972501683;0.002651515151515151675482018234;0.010606060606060606701928072937;0.007575757575757575967845269815;0.007575757575757575967845269815;0.003787878787878787983922634908;0.034469696969696969612861892074;0.085227272727272720964641905539;0.001136363636363636308440616673;0.040151515151515153323469320412;0.007954545454545453725403447720;0.004545454545454545233762466694;0.016287878787878788677812025298;0.002651515151515151675482018234;0.004166666666666666608842550801;0.015151515151515151935690539631;0.007575757575757575967845269815;0.004545454545454545233762466694;0.003409090909090908925321850020;0.009090909090909090467524933388;0.025000000000000001387778780781;0.006060606060606060600803868255;0.000000000000000000000000000000;0.005681818181818181975883952362;0.066666666666666665741480812812;0.009848484848484847717364765174;0.002272727272727272616881233347;0.001136363636363636308440616673;0.012500000000000000693889390391;0.004924242424242423858682382587
-0.033333333333333332870740406406;0.034276729559748427000887005534;0.031446540880503144610447208152;0.010691823899371068543051599420;0.015723270440251572305223604076;0.054088050314465410672859491115;0.003459119496855346011232601455;0.013836477987421384044930405821;0.024528301886792454322705481218;0.012264150943396227161352740609;0.016981132075471697812085736246;0.049685534591194971398842028520;0.019182389937106917449094467543;0.021698113207547168462818731882;0.023584905660377360192558882090;0.025157232704402517076136547303;0.017295597484276729188801269288;0.029559748427672956350154009897;0.019811320754716980202525533628;0.006289308176100629269034136826;0.011949685534591195784637207566;0.016666666666666666435370203203;0.008176100628930817529327335080;0.017610062893081760565516802330;0.042452830188679242795490864637;0.026100628930817611206283146430;0.022327044025157231216249797967;0.053144654088050316542712891987;0.001572327044025157317258534206;0.052830188679245285165997358945;0.048113207547169814515264363308;0.013836477987421384044930405821;0.010377358490566037166336066377;0.003773584905660377387948134498;0.020440251572327042955956599712;0.020125786163522011579241066670;0.012264150943396227161352740609;0.011949685534591195784637207566;0.005031446540880502894810266667;0.008176100628930817529327335080;0.007547169811320754775896268995;0.023584905660377360192558882090;0.000000000000000000000000000000;0.007547169811320754775896268995;0.012578616352201258538068273651;0.009748427672955974412905000293;0.018238993710691823318947868415;0.015094339622641509551792537991;0.023270440251572325346396397094;0.012578616352201258538068273651
-0.030555555555555554553270880547;0.014583333333333333564629796797;0.063541666666666662965923251249;0.001041666666666666652210637700;0.004513888888888888464845372539;0.031597222222222220988641083750;0.001736111111111111014737584668;0.017708333333333332870740406406;0.040277777777777780399137697032;0.015625000000000000000000000000;0.017361111111111111882099322656;0.026736111111111109800431151484;0.019444444444444444752839729063;0.037152777777777777623580135469;0.011458333333333332523795711211;0.031250000000000000000000000000;0.021874999999999998612221219219;0.047569444444444441977282167500;0.015625000000000000000000000000;0.008333333333333333217685101602;0.014583333333333333564629796797;0.030902777777777779011358916250;0.017013888888888887424011286953;0.019444444444444444752839729063;0.036111111111111107718762980312;0.027777777777777776235801354687;0.037152777777777777623580135469;0.012152777777777777970524830664;0.000000000000000000000000000000;0.020833333333333332176851016015;0.030208333333333333564629796797;0.009027777777777776929690745078;0.010416666666666666088425508008;0.012847222222222221682530474141;0.021527777777777777623580135469;0.034027777777777774848022573906;0.010763888888888888811790067734;0.011805555555555555247160270937;0.005208333333333333044212754004;0.027777777777777776235801354687;0.005555555555555555767577313730;0.020833333333333332176851016015;0.000000000000000000000000000000;0.007291666666666666782314898398;0.006944444444444444058950338672;0.011805555555555555247160270937;0.032638888888888890893458238907;0.018055555555555553859381490156;0.031250000000000000000000000000;0.018055555555555553859381490156
-0.033333333333333332870740406406;0.013505747126436781421765509492;0.035919540229885055238057134375;0.054310344827586204408120806875;0.008045977011494252761902856719;0.047988505747126437850358371406;0.000574712643678160911564489766;0.011494252873563218231289795312;0.037068965517241377061186113906;0.013218390804597700965983264609;0.014655172413793103244894489023;0.060919540229885056625835915156;0.015804597701149426802746944531;0.019540229885057470993192652031;0.007758620689655172306120611836;0.041666666666666664353702032031;0.020114942528735631904757141797;0.027298850574712645034036739844;0.009770114942528735496596326016;0.004597701149425287292515918125;0.007471264367816091850338366953;0.022701149425287357741520821719;0.007183908045977011394556122070;0.016666666666666666435370203203;0.056609195402298848054378765937;0.026724137931034484122472250078;0.022988505747126436462579590625;0.013218390804597700965983264609;0.000574712643678160911564489766;0.039942528735632185088455514688;0.087643678160919544217755117188;0.009770114942528735496596326016;0.003735632183908045925169183477;0.008908045977011494129249591367;0.010919540229885057319725305547;0.021551724137931035918391842188;0.006896551724137930938773877187;0.018965517241379310081628162266;0.005459770114942528659862652773;0.010057471264367815952378570898;0.004885057471264367748298163008;0.022126436781609196829956331953;0.000000000000000000000000000000;0.008045977011494252761902856719;0.003735632183908045925169183477;0.010632183908045976863943060664;0.023563218390804597374144080391;0.018103448275862070449004903594;0.015517241379310344612241223672;0.017816091954022988258499182734
-0.022327044025157231216249797967;0.018553459119496854695663401458;0.043710691823899368302352996807;0.184591194968553445887593511543;0.003144654088050314634517068413;0.016666666666666666435370203203;0.003144654088050314634517068413;0.020440251572327042955956599712;0.037421383647798740768042335958;0.020125786163522011579241066670;0.016352201257861635058654670161;0.010377358490566037166336066377;0.008490566037735848906042868123;0.032704402515723270117309340321;0.025786163522012579829567613388;0.019811320754716980202525533628;0.013836477987421384044930405821;0.036163522012578615261180203788;0.011006289308176099919767132462;0.005974842767295597892318603783;0.016981132075471697812085736246;0.015408805031446540928508071033;0.012264150943396227161352740609;0.024213836477987422945989948175;0.022327044025157231216249797967;0.027044025157232705336429745557;0.031761006289308175987162741194;0.024213836477987422945989948175;0.001257861635220125723702566667;0.014465408805031446798361471906;0.013836477987421384044930405821;0.012578616352201258538068273651;0.007232704402515723399180735953;0.007547169811320754775896268995;0.012893081761006289914783806694;0.030188679245283019103585075982;0.011635220125786162673198198547;0.009119496855345911659473934208;0.005345911949685534271525799710;0.006918238993710692022465202911;0.007547169811320754775896268995;0.029245283018867924973438476854;0.000000000000000000000000000000;0.011949685534591195784637207566;0.007232704402515723399180735953;0.011320754716981131296482665505;0.027672955974842768089860811642;0.012578616352201258538068273651;0.016352201257861635058654670161;0.018238993710691823318947868415
-0.011728395061728395798450463872;0.028395061728395062233820667075;0.023148148148148146863167795573;0.210493827160493834904642085348;0.070987654320987650380381239756;0.013580246913580246853614497127;0.006790123456790123426807248563;0.013271604938271605589328316910;0.017901234567901234961961876024;0.012345679012345678327022824305;0.009876543209876543008562954640;0.024074074074074074125473288177;0.009259259259259258745267118229;0.014197530864197531116910333537;0.019444444444444444752839729063;0.012037037037037037062736644089;0.014506172839506172381196513754;0.019135802469135803488553548846;0.010493827160493827271858791050;0.004320987654320987240985640909;0.007098765432098765558455166769;0.020061728395061727281412089496;0.006481481481481481295159330358;0.014814814814814815380206169948;0.015123456790123456644492350165;0.012345679012345678327022824305;0.019444444444444444752839729063;0.116049382716049379049572110034;0.004012345679012345976699460692;0.032407407407407405608434913802;0.012962962962962962590318660716;0.016975308641975307699656383420;0.007716049382716048954389265191;0.016049382716049383906797842769;0.007716049382716048954389265191;0.016358024691358025171084022986;0.003086419753086419581755706076;0.007407407407407407690103084974;0.005246913580246913635929395525;0.011111111111111111535154627461;0.009259259259259258745267118229;0.020061728395061727281412089496;0.000000000000000000000000000000;0.011728395061728395798450463872;0.009259259259259258745267118229;0.011111111111111111535154627461;0.014814814814814815380206169948;0.007716049382716048954389265191;0.008950617283950617480980938012;0.008641975308641974481971281818
-0.025641025641025640136039243089;0.008119658119658120301598280832;0.038461538461538463673505816587;0.103418803418803412208504255432;0.010256410256410256401360392431;0.023504273504273504036277131490;0.003418803418803418800453464144;0.023504273504273504036277131490;0.014957264957264957902505209120;0.024358974358974359170071366520;0.020512820512820512802720784862;0.019230769230769231836752908293;0.015384615384615385469402326635;0.031196581196581196770978294808;0.012393162393162392501122504029;0.040598290598290599773267928185;0.015384615384615385469402326635;0.026068376068376069437659836581;0.018803418803418802535132314802;0.003418803418803418800453464144;0.018803418803418802535132314802;0.025213675213675214303865601551;0.008974358974358973700669039886;0.021794871794871793768688661430;0.040598290598290599773267928185;0.043589743589743587537377322860;0.023076923076923078204103489952;0.011965811965811966668948862491;0.000000000000000000000000000000;0.021367521367521367936515019892;0.024358974358974359170071366520;0.011538461538461539102051744976;0.011538461538461539102051744976;0.016239316239316240603196561665;0.014957264957264957902505209120;0.021367521367521367936515019892;0.007692307692307692734701163317;0.018376068376068376702958673263;0.002991452991452991667237215623;0.018376068376068376702958673263;0.011538461538461539102051744976;0.009829059829059828834463274916;0.000000000000000000000000000000;0.011965811965811966668948862491;0.012820512820512820068019621544;0.017094017094017095736990796695;0.029059829059829060671216183209;0.025641025641025640136039243089;0.018803418803418802535132314802;0.021794871794871793768688661430
-0.041346153846153844979571800877;0.012179487179487179585035683260;0.050641025641025641523818023870;0.057371794871794869197234589819;0.013782051282051281659857266959;0.034294871794871797932025003774;0.002564102564102564100340098108;0.016666666666666666435370203203;0.016346153846153847061239972049;0.031410256410256409687065115577;0.011538461538461539102051744976;0.025961538461538462979616426196;0.018910256410256408993175725186;0.032371794871794874748349712945;0.016987179487179485809500434357;0.033333333333333332870740406406;0.014102564102564102768710974090;0.028525641025641024911552179333;0.015384615384615385469402326635;0.006730769230769231142863517903;0.019871794871794870585013370601;0.014102564102564102768710974090;0.008012820512820512108831394471;0.028205128205128205537421948179;0.045512820512820510721052613690;0.053205128205128203455753777007;0.020833333333333332176851016015;0.016666666666666666435370203203;0.000320512820512820512542512263;0.019871794871794870585013370601;0.013782051282051281659857266959;0.009615384615384615918376454147;0.010576923076923077510214099561;0.006730769230769231142863517903;0.016987179487179485809500434357;0.023397435897435897578233721106;0.006089743589743589792517841630;0.015705128205128204843532557788;0.000961538461538461591837645415;0.010256410256410256401360392431;0.004807692307692307959188227073;0.017307692307692308653077617464;0.000000000000000000000000000000;0.018589743589743589619045494032;0.007692307692307692734701163317;0.019230769230769231836752908293;0.036217948717948721115700294604;0.028846153846153847755129362440;0.020512820512820512802720784862;0.025641025641025640136039243089
-0.029320987654320986026679207725;0.024691358024691356654045648611;0.029012345679012344762393027509;0.108641975308641974828915977014;0.011419753086419752799440807678;0.018209876543209876226248056241;0.005864197530864197899225231936;0.027469135802469134971515174470;0.031172839506172840551290192934;0.036728395061728397186229244653;0.017283950617283948963942563637;0.012037037037037037062736644089;0.011419753086419752799440807678;0.022839506172839505598881615356;0.034567901234567897927885127274;0.018209876543209876226248056241;0.018827160493827162224267368629;0.021604938271604937072289942535;0.024074074074074074125473288177;0.004629629629629629372633559115;0.020061728395061727281412089496;0.019444444444444444752839729063;0.006790123456790123426807248563;0.044444444444444446140618509844;0.023765432098765432861187107960;0.031481481481481478346129421197;0.026851851851851852442942814037;0.017592592592592593697675695807;0.002160493827160493620492820455;0.017901234567901234961961876024;0.008024691358024691953398921385;0.020679012345679013279431401884;0.008950617283950617480980938012;0.007716049382716048954389265191;0.007407407407407407690103084974;0.026851851851851852442942814037;0.009259259259259258745267118229;0.008641975308641974481971281818;0.007098765432098765558455166769;0.010493827160493827271858791050;0.010493827160493827271858791050;0.026851851851851852442942814037;0.000000000000000000000000000000;0.021604938271604937072289942535;0.017592592592592593697675695807;0.018518518518518517490534236458;0.026851851851851852442942814037;0.017901234567901234961961876024;0.010802469135802468536144971267;0.015740740740740739173064710599
-0.019491525423728815052948348807;0.049152542372881358190284117882;0.025423728813559323680415502622;0.012146892655367232116692122190;0.044632768361581920402159084915;0.023446327683615819648110800699;0.011864406779661017254934307630;0.050847457627118647360831005244;0.013841807909604519552515533576;0.012146892655367232116692122190;0.018079096045197740744159276005;0.007909604519774010925048379761;0.011299435028248587531418678509;0.008757062146892655510321823442;0.042937853107344631231612197553;0.007627118644067796930652303189;0.013276836158192089828999904455;0.047175141242937854157979415959;0.057627118644067797104124650787;0.005649717514124293765709339254;0.033050847457627118008982591846;0.011581920903954802393176493069;0.018361581920903955605917090566;0.014689265536723164137788977257;0.020056497175141241307017025974;0.021751412429378530477563913337;0.035310734463276836903045108329;0.048870056497175143328526303321;0.000564971751412429398254977375;0.034745762711864407179529479208;0.010169491525423728084387420267;0.011864406779661017254934307630;0.024858757062146893956899873501;0.002824858757062146882854669627;0.012994350282485874967242089895;0.026836158192090394519757623470;0.011299435028248587531418678509;0.008757062146892655510321823442;0.002259887005649717593019909501;0.007909604519774010925048379761;0.021468926553672315615806098776;0.026271186440677964796241994350;0.000000000000000000000000000000;0.010169491525423728084387420267;0.032203389830508473423709148165;0.018361581920903955605917090566;0.013559322033898304690757719015;0.008474576271186440648564008882;0.019491525423728815052948348807;0.007909604519774010925048379761
-0.024444444444444445724284875610;0.032500000000000001110223024625;0.038055555555555557745162076344;0.015555555555555555108382392859;0.028888888888888887562789165031;0.021388888888888887840344921187;0.006666666666666667094565124074;0.041388888888888891726125507375;0.025277777777777777484802257391;0.016666666666666666435370203203;0.017777777777777777762358013547;0.010833333333333333703407674875;0.012777777777777778525636342977;0.021666666666666667406815349750;0.037777777777777778178691647781;0.023611111111111110494320541875;0.021388888888888887840344921187;0.036944444444444446418174266000;0.039722222222222221266196839906;0.004722222222222222272336455973;0.023611111111111110494320541875;0.016388888888888890338346726594;0.008333333333333333217685101602;0.034722222222222223764198645313;0.023333333333333334397297065266;0.024166666666666666157814447047;0.034166666666666664631257788187;0.037777777777777778178691647781;0.000833333333333333386820640509;0.033888888888888892003681263532;0.018611111111111109522875395328;0.016666666666666666435370203203;0.017222222222222222098864108375;0.006111111111111111431071218902;0.014166666666666665949647629930;0.028611111111111111465765688422;0.010555555555555555871660722289;0.011111111111111111535154627461;0.006666666666666667094565124074;0.010277777777777778039913769703;0.011944444444444445030395485219;0.015277777777777777276635440273;0.000000000000000000000000000000;0.015277777777777777276635440273;0.019166666666666665186369300500;0.013055555555555556357383295563;0.021388888888888887840344921187;0.011666666666666667198648532633;0.023055555555555554830826636703;0.013888888888888888117900677344
-0.021705426356589146985598404171;0.003875968992248061961714000745;0.036434108527131782440111607002;0.000387596899224806196171400074;0.003488372093023255765542600670;0.023643410852713177966455404544;0.004651162790697674354056800894;0.027906976744186046124340805363;0.032558139534883720478397606257;0.067441860465116285072717516869;0.017054263565891472631541603278;0.018992248062015503612398603650;0.006589147286821705334913801266;0.026356589147286821339655205065;0.012790697674418604473656202458;0.016279069767441860239198803129;0.016279069767441860239198803129;0.020542635658914728397084203948;0.019379844961240309808570003725;0.006201550387596899138742401192;0.019767441860465116004741403799;0.013953488372093023062170402682;0.003875968992248061961714000745;0.109302325581395354259228724914;0.023643410852713177966455404544;0.028682170542635658516683605512;0.023255813953488371770284004469;0.002325581395348837177028400447;0.002713178294573643373199800521;0.010852713178294573492799202086;0.015891472868217054043027403054;0.053875968992248064737271562308;0.007751937984496123923428001490;0.006201550387596899138742401192;0.008139534883720930119599401564;0.066279069767441856075862460784;0.012015503875968992081313402309;0.008139534883720930119599401564;0.002325581395348837177028400447;0.003875968992248061961714000745;0.013178294573643410669827602533;0.010852713178294573492799202086;0.000000000000000000000000000000;0.057751937984496126698985563053;0.006201550387596899138742401192;0.028682170542635658516683605512;0.037209302325581394832454407151;0.014728682170542635454513202831;0.015891472868217054043027403054;0.010077519379844961100456401937
-0.018650793650793650452213157109;0.030952380952380953438307642500;0.031349206349206348853897452500;0.056349206349206350241676233281;0.044444444444444446140618509844;0.036111111111111107718762980312;0.001190476190476190583578119941;0.021825396825396824185272492969;0.030952380952380953438307642500;0.008730158730158730367998387578;0.011111111111111111535154627461;0.025396825396825396803368590781;0.019444444444444444752839729063;0.011507936507936508685467913438;0.022222222222222223070309254922;0.012698412698412698401684295391;0.016666666666666666435370203203;0.051190476190476189022326991562;0.023809523809523808202115446875;0.010317460317460317234528055508;0.017857142857142856151586585156;0.019841269841269840168429539062;0.028968253968253969421464688594;0.017460317460317460735996775156;0.026587301587301586519584972734;0.015079365079365079568840535273;0.022222222222222223070309254922;0.060317460317460318275362141094;0.000793650793650793650105268462;0.045238095238095236971798129844;0.017460317460317460735996775156;0.010317460317460317234528055508;0.020238095238095239053466301016;0.003968253968253968033685907812;0.016666666666666666435370203203;0.026587301587301586519584972734;0.011904761904761904101057723437;0.009126984126984127518311673555;0.006349206349206349200842147695;0.018253968253968255036623347110;0.006746031746031746351155433672;0.028968253968253969421464688594;0.000000000000000000000000000000;0.011507936507936508685467913438;0.013888888888888888117900677344;0.009920634920634920084214769531;0.007142857142857142634106981660;0.009523809523809524668624959531;0.023809523809523808202115446875;0.008333333333333333217685101602
-0.016666666666666666435370203203;0.036111111111111107718762980312;0.030555555555555554553270880547;0.055555555555555552471602709375;0.039285714285714284921269268125;0.031349206349206348853897452500;0.007142857142857142634106981660;0.028571428571428570536427926640;0.039285714285714284921269268125;0.012698412698412698401684295391;0.009523809523809524668624959531;0.018253968253968255036623347110;0.020634920634920634469056111016;0.014682539682539682418527249297;0.028571428571428570536427926640;0.018253968253968255036623347110;0.019047619047619049337249919063;0.044841269841269841556208319844;0.021825396825396824185272492969;0.007936507936507936067371815625;0.011904761904761904101057723437;0.025000000000000001387778780781;0.024603174603174602502742018828;0.008730158730158730367998387578;0.020238095238095239053466301016;0.014285714285714285268213963320;0.017857142857142856151586585156;0.063095238095238093123384715000;0.000793650793650793650105268462;0.042857142857142857539365365938;0.021428571428571428769682682969;0.004761904761904762334312479766;0.011507936507936508685467913438;0.004365079365079365183999193789;0.020634920634920634469056111016;0.018650793650793650452213157109;0.010317460317460317234528055508;0.013095238095238095551997581367;0.006349206349206349200842147695;0.028174603174603175120838116641;0.011904761904761904101057723437;0.037301587301587300904426314219;0.000000000000000000000000000000;0.004761904761904762334312479766;0.013888888888888888117900677344;0.010317460317460317234528055508;0.007539682539682539784420267637;0.009920634920634920084214769531;0.028571428571428570536427926640;0.006349206349206349200842147695
-0.012179487179487179585035683260;0.036858974358974359863960756911;0.036538461538461540489830525757;0.009935897435897435292506685300;0.050000000000000002775557561563;0.025641025641025640136039243089;0.005128205128205128200680196215;0.028525641025641024911552179333;0.034615384615384617306155234928;0.010576923076923077510214099561;0.013141025641025641176873328675;0.021153846153846155020428199123;0.017948717948717947401338079771;0.016666666666666666435370203203;0.024358974358974359170071366520;0.011538461538461539102051744976;0.019871794871794870585013370601;0.058974358974358973006779649495;0.022115384615384616612265844537;0.005128205128205128200680196215;0.019230769230769231836752908293;0.026923076923076924571454071611;0.018910256410256408993175725186;0.012179487179487179585035683260;0.021474358974358974394558430276;0.014102564102564102768710974090;0.022115384615384616612265844537;0.051923076923076925959232852392;0.000000000000000000000000000000;0.050320512820512822149687792717;0.015705128205128204843532557788;0.009615384615384615918376454147;0.014423076923076923877564681220;0.005128205128205128200680196215;0.027243589743589743945584302764;0.028846153846153847755129362440;0.012179487179487179585035683260;0.009615384615384615918376454147;0.011217948717948717993198037846;0.022756410256410255360526306845;0.013461538461538462285727035805;0.041987179487179483727832263185;0.000000000000000000000000000000;0.007051282051282051384355487045;0.013461538461538462285727035805;0.010576923076923077510214099561;0.011217948717948717993198037846;0.010576923076923077510214099561;0.030128205128205128721097239008;0.006730769230769231142863517903
-0.015248226950354609385285264977;0.042907801418439715790409394458;0.029787234042553192847613274807;0.046808510638297870509738629607;0.032269503546099288782134095754;0.025531914893617019962634984154;0.002836879432624113666489007457;0.017375886524822695827774410304;0.055673758865248224037003410558;0.008510638297872340565786153377;0.010992907801418439969753926277;0.024113475177304964647273521905;0.015957446808510637042965996102;0.014893617021276596423806637404;0.023049645390070920558667211253;0.015957446808510637042965996102;0.019858156028368795231742183205;0.060638297872340422844938956359;0.020567375886524821154699438353;0.006028368794326241161818380476;0.013475177304964539373721699178;0.030851063829787233466772633506;0.023758865248226949951071418354;0.010283687943262410577349719176;0.015602836879432624081487368528;0.013475177304964539373721699178;0.020212765957446809927944286756;0.072695035460992901699128765358;0.002127659574468085141446538344;0.032978723404255318174538302856;0.021985815602836879939507852555;0.010638297872340425273551822727;0.013475177304964539373721699178;0.006737588652482269686860849589;0.019148936170212765839337976104;0.023404255319148935254869314804;0.014539007092198581727604533853;0.008510638297872340565786153377;0.010992907801418439969753926277;0.026950354609929078747443398356;0.009219858156028368223466884501;0.039007092198581561071080159309;0.000000000000000000000000000000;0.008510638297872340565786153377;0.010638297872340425273551822727;0.004964539007092198807935545801;0.010638297872340425273551822727;0.006737588652482269686860849589;0.023049645390070920558667211253;0.006382978723404254990658746038
-0.032222222222222221543752596062;0.023888888888888890060790970438;0.049166666666666664076146275875;0.044999999999999998334665463062;0.008888888888888888881179006773;0.025000000000000001387778780781;0.002500000000000000052041704279;0.024166666666666666157814447047;0.012222222222222222862142437805;0.018888888888888889089345823891;0.017777777777777777762358013547;0.009444444444444444544672911945;0.016388888888888890338346726594;0.036111111111111107718762980312;0.022222222222222223070309254922;0.027777777777777776235801354687;0.016666666666666666435370203203;0.045555555555555557467606320188;0.022222222222222223070309254922;0.007777777777777777554191196430;0.014999999999999999444888487687;0.011388888888888889366901580047;0.016111111111111110771876298031;0.021111111111111111743321444578;0.032777777777777780676693453188;0.032500000000000001110223024625;0.035833333333333335091186455656;0.033055555555555553304269977843;0.001111111111111111110147375847;0.024166666666666666157814447047;0.011388888888888889366901580047;0.014999999999999999444888487687;0.015277777777777777276635440273;0.007777777777777777554191196430;0.022777777777777778733803160094;0.031388888888888889783235214281;0.012222222222222222862142437805;0.010277777777777778039913769703;0.006111111111111111431071218902;0.014999999999999999444888487687;0.007222222222222221890697291258;0.018888888888888889089345823891;0.000000000000000000000000000000;0.011111111111111111535154627461;0.012500000000000000693889390391;0.010277777777777778039913769703;0.027777777777777776235801354687;0.027777777777777776235801354687;0.030555555555555554553270880547;0.019722222222222220849863205672
-0.015204678362573099265064868746;0.032456140350877189792999644169;0.037134502923976610289091837558;0.288011695906432774183514311517;0.006140350877192982462227099916;0.013157894736842104532748010115;0.005263157894736841986571551644;0.023391812865497074724885351316;0.036549707602339179257633361431;0.017251461988304093997381727377;0.010526315789473683973143103287;0.014912280701754385484059106659;0.005263157894736841986571551644;0.016666666666666666435370203203;0.024853801169590641895190685773;0.011111111111111111535154627461;0.011695906432748537362442675658;0.035087719298245612087328026973;0.013742690058479532094759534289;0.003216374269005848121616431001;0.014327485380116959656771058462;0.022222222222222223070309254922;0.006725146198830409156876886101;0.018713450292397661167687061834;0.018713450292397661167687061834;0.016081871345029238873358679029;0.024269005847953217802626113553;0.026023391812865497019213734120;0.001461988304093567170305334457;0.014619883040935671703053344572;0.009356725146198830583843530917;0.015789473684210526827076392919;0.008771929824561403021832006743;0.005263157894736841986571551644;0.006725146198830409156876886101;0.026900584795321636627507544404;0.008771929824561403021832006743;0.006140350877192982462227099916;0.009356725146198830583843530917;0.004970760233918129072927527545;0.009649122807017544364849293004;0.029239766081871343406106689145;0.000000000000000000000000000000;0.009356725146198830583843530917;0.006140350877192982462227099916;0.011111111111111111535154627461;0.020467836257309940384274682401;0.009356725146198830583843530917;0.011695906432748537362442675658;0.006140350877192982462227099916
-0.028125000000000000693889390391;0.010763888888888888811790067734;0.065625000000000002775557561563;0.000000000000000000000000000000;0.007986111111111110494320541875;0.026041666666666667823148983985;0.001736111111111111014737584668;0.028472222222222221682530474141;0.034027777777777774848022573906;0.025000000000000001387778780781;0.015277777777777777276635440273;0.015972222222222220988641083750;0.014583333333333333564629796797;0.037847222222222219600862302968;0.011111111111111111535154627461;0.020138888888888890199568848516;0.020486111111111111188209932266;0.054861111111111110494320541875;0.012500000000000000693889390391;0.012847222222222221682530474141;0.014930555555555556287994356524;0.022222222222222223070309254922;0.015972222222222220988641083750;0.037847222222222219600862302968;0.031944444444444441977282167500;0.032638888888888890893458238907;0.037847222222222219600862302968;0.004166666666666666608842550801;0.001041666666666666652210637700;0.011111111111111111535154627461;0.015277777777777777276635440273;0.016319444444444445446729119453;0.010763888888888888811790067734;0.009722222222222222376419864531;0.020833333333333332176851016015;0.045833333333333330095182844843;0.016319444444444445446729119453;0.007291666666666666782314898398;0.007986111111111110494320541875;0.015625000000000000000000000000;0.008333333333333333217685101602;0.021527777777777777623580135469;0.000000000000000000000000000000;0.015625000000000000000000000000;0.005555555555555555767577313730;0.013194444444444444405895033867;0.034027777777777774848022573906;0.027777777777777776235801354687;0.036805555555555556634939051719;0.018055555555555553859381490156
-0.048263888888888890893458238907;0.003819444444444444319158860068;0.050000000000000002775557561563;0.000000000000000000000000000000;0.006597222222222222202947516934;0.045833333333333330095182844843;0.006250000000000000346944695195;0.011805555555555555247160270937;0.022222222222222223070309254922;0.021874999999999998612221219219;0.012847222222222221682530474141;0.039583333333333331482961625625;0.019444444444444444752839729063;0.042013888888888892281237019688;0.002083333333333333304421275400;0.033333333333333332870740406406;0.020486111111111111188209932266;0.019444444444444444752839729063;0.010763888888888888811790067734;0.006250000000000000346944695195;0.013541666666666667129259593594;0.030555555555555554553270880547;0.007638888888888888638317720137;0.035763888888888886730121896562;0.050347222222222223764198645313;0.034027777777777774848022573906;0.018402777777777778317469525859;0.000347222222222222235473582108;0.004861111111111111188209932266;0.029861111111111112575988713047;0.045833333333333330095182844843;0.020833333333333332176851016015;0.005208333333333333044212754004;0.009027777777777776929690745078;0.020486111111111111188209932266;0.032986111111111111882099322656;0.008680555555555555941049661328;0.028819444444444446140618509844;0.008680555555555555941049661328;0.018749999999999999306110609609;0.001736111111111111014737584668;0.012152777777777777970524830664;0.000000000000000000000000000000;0.021180555555555556634939051719;0.001388888888888888941894328433;0.019444444444444444752839729063;0.028125000000000000693889390391;0.031944444444444441977282167500;0.017708333333333332870740406406;0.018749999999999999306110609609
-0.021345029239766083462015444638;0.005263157894736841986571551644;0.026023391812865497019213734120;0.378947368421052643849833430068;0.020760233918128655900003920465;0.008479532163742689240826244657;0.009941520467836258145855055091;0.017251461988304093997381727377;0.016374269005847954389087917093;0.021345029239766083462015444638;0.010233918128654970192137341201;0.003801169590643274816266217186;0.007017543859649122937882648188;0.029239766081871343406106689145;0.017836257309941521559393251550;0.013450292397660818313753772202;0.010526315789473683973143103287;0.013742690058479532094759534289;0.009064327485380116802837768830;0.002923976608187134340610668914;0.011988304093567251143448437745;0.008479532163742689240826244657;0.003508771929824561468941324094;0.029239766081871343406106689145;0.014619883040935671703053344572;0.019590643274853800775980872118;0.025146198830409357410919923836;0.006140350877192982462227099916;0.005847953216374268681221337829;0.005263157894736841986571551644;0.009941520467836258145855055091;0.022222222222222223070309254922;0.005555555555555555767577313730;0.009356725146198830583843530917;0.006432748538011696243232862003;0.020467836257309940384274682401;0.006725146198830409156876886101;0.011988304093567251143448437745;0.001169590643274853822980441365;0.003801169590643274816266217186;0.006432748538011696243232862003;0.012865497076023392486465724005;0.000000000000000000000000000000;0.024561403508771929848908399663;0.009064327485380116802837768830;0.018421052631578945651957823770;0.025146198830409357410919923836;0.010818713450292397754148865374;0.009356725146198830583843530917;0.012280701754385964924454199831
-0.028703703703703703498106847292;0.029938271604938272024698520113;0.034259259259259260133045899011;0.107407407407407409771771256146;0.028395061728395062233820667075;0.021604938271604937072289942535;0.004938271604938271504281477320;0.020061728395061727281412089496;0.015432098765432097908778530382;0.021913580246913581806023074705;0.012654320987654321326032480499;0.012654320987654321326032480499;0.012654320987654321326032480499;0.028086419753086420969534486858;0.030555555555555554553270880547;0.020061728395061727281412089496;0.015740740740740739173064710599;0.029012345679012344762393027509;0.031172839506172840551290192934;0.003086419753086419581755706076;0.020679012345679013279431401884;0.010185185185185186007572610833;0.008024691358024691953398921385;0.026543209876543211178656633820;0.031172839506172840551290192934;0.029320987654320986026679207725;0.028703703703703703498106847292;0.027777777777777776235801354687;0.001851851851851851922525771243;0.028395061728395062233820667075;0.017283950617283948963942563637;0.013580246913580246853614497127;0.012345679012345678327022824305;0.003395061728395061713403624282;0.010493827160493827271858791050;0.030246913580246913288984700330;0.011728395061728395798450463872;0.009876543209876543008562954640;0.005246913580246913635929395525;0.005864197530864197899225231936;0.009567901234567901744276774423;0.016358024691358025171084022986;0.000000000000000000000000000000;0.014197530864197531116910333537;0.028703703703703703498106847292;0.016358024691358025171084022986;0.026851851851851852442942814037;0.018209876543209876226248056241;0.019444444444444444752839729063;0.009259259259259258745267118229
-0.010606060606060606701928072937;0.029696969696969697377619823442;0.022727272727272727903535809446;0.282727272727272715968638294726;0.025151515151515150409133880771;0.016666666666666666435370203203;0.009696969696969696961286189207;0.017272727272727272929131459023;0.037272727272727269876018141304;0.009393939393939393714405561298;0.007272727272727272720964641906;0.016666666666666666435370203203;0.006969696969696969474084013996;0.006969696969696969474084013996;0.033636363636363637852344510293;0.011515151515151514707846480690;0.035757575757575758845785429685;0.045151515151515150825467515006;0.011515151515151514707846480690;0.003939393939393939607362948863;0.011818181818181817954727108599;0.016060606060606059941608947383;0.005757575757575757353923240345;0.012121212121212121201607736509;0.020303030303030301928490786167;0.012121212121212121201607736509;0.019090909090909092410415226482;0.039696969696969695851063164582;0.004242424242424242854243576772;0.018181818181818180935049866775;0.010909090909090909948808700847;0.010909090909090909948808700847;0.006969696969696969474084013996;0.006969696969696969474084013996;0.006060606060606060600803868255;0.020000000000000000416333634234;0.008484848484848485708487153545;0.003939393939393939607362948863;0.008787878787878787220644305478;0.009090909090909090467524933388;0.011818181818181817954727108599;0.034848484848484850839867021932;0.000000000000000000000000000000;0.006060606060606060600803868255;0.016060606060606059941608947383;0.005454545454545454974404350423;0.008787878787878787220644305478;0.006969696969696969474084013996;0.006969696969696969474084013996;0.010909090909090909948808700847
-0.014506172839506172381196513754;0.035802469135802469923923752049;0.021604938271604937072289942535;0.076851851851851851749053423646;0.100925925925925932813420615730;0.020987654320987654543717582101;0.010185185185185186007572610833;0.024074074074074074125473288177;0.024691358024691356654045648611;0.007098765432098765558455166769;0.011728395061728395798450463872;0.025617283950617283916351141215;0.011111111111111111535154627461;0.010802469135802468536144971267;0.050000000000000002775557561563;0.010802469135802468536144971267;0.015740740740740739173064710599;0.043518518518518518878313017240;0.033333333333333332870740406406;0.002160493827160493620492820455;0.015432098765432097908778530382;0.016666666666666666435370203203;0.009259259259259258745267118229;0.012345679012345678327022824305;0.015740740740740739173064710599;0.012037037037037037062736644089;0.025000000000000001387778780781;0.059259259259259261520824679792;0.001543209876543209790877853038;0.053086419753086422357313267639;0.022530864197530864334595435139;0.007716049382716048954389265191;0.010493827160493827271858791050;0.003086419753086419581755706076;0.010185185185185186007572610833;0.016358024691358025171084022986;0.005246913580246913635929395525;0.007407407407407407690103084974;0.006481481481481481295159330358;0.010493827160493827271858791050;0.010493827160493827271858791050;0.032407407407407405608434913802;0.000000000000000000000000000000;0.003703703703703703845051542487;0.038580246913580244771946325955;0.008024691358024691953398921385;0.007716049382716048954389265191;0.008333333333333333217685101602;0.012345679012345678327022824305;0.006481481481481481295159330358
-0.029320987654320986026679207725;0.024691358024691356654045648611;0.033950617283950615399312766840;0.013271604938271605589328316910;0.041666666666666664353702032031;0.042901234567901236349740656806;0.008024691358024691953398921385;0.019135802469135803488553548846;0.025308641975308642652064960998;0.010802469135802468536144971267;0.016666666666666666435370203203;0.041666666666666664353702032031;0.017283950617283948963942563637;0.014814814814814815380206169948;0.020679012345679013279431401884;0.020679012345679013279431401884;0.019444444444444444752839729063;0.043827160493827163612046149410;0.029012345679012344762393027509;0.004012345679012345976699460692;0.016049382716049383906797842769;0.019135802469135803488553548846;0.013271604938271605589328316910;0.014814814814814815380206169948;0.031481481481481478346129421197;0.017901234567901234961961876024;0.028703703703703703498106847292;0.020679012345679013279431401884;0.000308641975308641969017592332;0.069444444444444447528397290625;0.040740740740740744030290443334;0.008333333333333333217685101602;0.017592592592592593697675695807;0.009259259259259258745267118229;0.014506172839506172381196513754;0.024691358024691356654045648611;0.012962962962962962590318660716;0.010493827160493827271858791050;0.002469135802469135752140738660;0.018209876543209876226248056241;0.011111111111111111535154627461;0.021296296296296295808003762318;0.000000000000000000000000000000;0.006481481481481481295159330358;0.016049382716049383906797842769;0.010802469135802468536144971267;0.014197530864197531116910333537;0.014814814814814815380206169948;0.026234567901234566444923501649;0.010802469135802468536144971267
-0.022619047619047618485899064922;0.016071428571428569842538536250;0.048214285714285716466509512657;0.008035714285714284921269268125;0.016071428571428569842538536250;0.051488095238095235584019349062;0.006250000000000000346944695195;0.025000000000000001387778780781;0.040178571428571431545240244532;0.010714285714285714384841341484;0.020238095238095239053466301016;0.053571428571428568454759755468;0.019345238095238095898942276563;0.021428571428571428769682682969;0.010714285714285714384841341484;0.022916666666666665047591422422;0.016369047619047619873677845703;0.036607142857142858927144146719;0.018749999999999999306110609609;0.004464285714285714037896646289;0.016369047619047619873677845703;0.028571428571428570536427926640;0.012202380952380952397473556914;0.017559523809523809589894227656;0.043749999999999997224442438437;0.020238095238095239053466301016;0.028273809523809523974735569141;0.018452380952380952744418252109;0.000000000000000000000000000000;0.049702380952380949274971300156;0.036011904761904758864865527812;0.009821428571428571230317317031;0.011904761904761904101057723437;0.008333333333333333217685101602;0.017261904761904763028201870156;0.023809523809523808202115446875;0.009523809523809524668624959531;0.008333333333333333217685101602;0.005357142857142857192420670742;0.011309523809523809242949532461;0.008630952380952381514100935078;0.034821428571428572618096097813;0.000000000000000000000000000000;0.013988095238095238706521605820;0.011904761904761904101057723437;0.019345238095238095898942276563;0.013095238095238095551997581367;0.013095238095238095551997581367;0.019642857142857142460634634062;0.019642857142857142460634634062
-0.021666666666666667406815349750;0.066388888888888886175010384250;0.013888888888888888117900677344;0.083611111111111108273874492625;0.022777777777777778733803160094;0.026388888888888888811790067734;0.011388888888888889366901580047;0.031111111111111110216764785719;0.010000000000000000208166817117;0.009444444444444444544672911945;0.013888888888888888117900677344;0.014444444444444443781394582516;0.021111111111111111743321444578;0.010000000000000000208166817117;0.030277777777777778456247403938;0.013333333333333334189130248149;0.016666666666666666435370203203;0.040833333333333332593184650250;0.019166666666666665186369300500;0.003055555555555555715535609451;0.017500000000000001665334536938;0.006111111111111111431071218902;0.006944444444444444058950338672;0.024722222222222221821308352219;0.022499999999999999167332731531;0.018055555555555553859381490156;0.030555555555555554553270880547;0.096388888888888885064787359624;0.008333333333333333217685101602;0.024722222222222221821308352219;0.016666666666666666435370203203;0.014444444444444443781394582516;0.011944444444444445030395485219;0.007222222222222221890697291258;0.013055555555555556357383295563;0.018888888888888889089345823891;0.005277777777777777935830361145;0.011944444444444445030395485219;0.005555555555555555767577313730;0.003611111111111110945348645629;0.015277777777777777276635440273;0.025000000000000001387778780781;0.000000000000000000000000000000;0.021111111111111111743321444578;0.020555555555555556079827539406;0.019444444444444444752839729063;0.015833333333333334674852821422;0.009166666666666666712925959359;0.013055555555555556357383295563;0.016666666666666666435370203203
-0.023333333333333334397297065266;0.031666666666666669349705642844;0.047333333333333331427450474393;0.046333333333333330539272054693;0.025999999999999998806510248528;0.016666666666666666435370203203;0.002333333333333333526465880325;0.034000000000000002442490654175;0.033000000000000001554312234475;0.011666666666666667198648532633;0.015333333333333332496040135595;0.012666666666666666352103476356;0.013333333333333334189130248149;0.020333333333333331732761806165;0.042999999999999996558308623662;0.008666666666666666268836749509;0.021999999999999998723243521681;0.052999999999999998501198916756;0.021333333333333332620940225866;0.010000000000000000208166817117;0.012333333333333333300951828448;0.017333333333333332537673499019;0.015333333333333332496040135595;0.016333333333333331649495079319;0.018333333333333333425851918719;0.021999999999999998723243521681;0.034666666666666665075346998037;0.052333333333333335868342572894;0.000666666666666666644404382058;0.025000000000000001387778780781;0.014000000000000000291433543964;0.011666666666666667198648532633;0.011666666666666667198648532633;0.004666666666666667052931760651;0.013666666666666667240281896056;0.029666666666666667573348803444;0.017666666666666667323548622903;0.010000000000000000208166817117;0.012666666666666666352103476356;0.020333333333333331732761806165;0.011666666666666667198648532633;0.029999999999999998889776975375;0.000000000000000000000000000000;0.008666666666666666268836749509;0.021000000000000001304512053935;0.004333333333333333134418374755;0.018333333333333333425851918719;0.012666666666666666352103476356;0.029999999999999998889776975375;0.010999999999999999361621760841
-0.010555555555555555871660722289;0.056666666666666663798590519718;0.041388888888888891726125507375;0.089444444444444437536390068999;0.021388888888888887840344921187;0.010277777777777778039913769703;0.006388888888888889262818171488;0.029999999999999998889776975375;0.025000000000000001387778780781;0.017777777777777777762358013547;0.009166666666666666712925959359;0.003055555555555555715535609451;0.008611111111111111049432054187;0.018888888888888889089345823891;0.047500000000000000555111512313;0.006111111111111111431071218902;0.030555555555555554553270880547;0.045277777777777777901135891625;0.025555555555555557051272685953;0.008333333333333333217685101602;0.012777777777777778525636342977;0.025277777777777777484802257391;0.018333333333333333425851918719;0.021666666666666667406815349750;0.010833333333333333703407674875;0.014444444444444443781394582516;0.025000000000000001387778780781;0.065277777777777781786916477813;0.004166666666666666608842550801;0.014722222222222221613141535101;0.002777777777777777883788656865;0.017222222222222222098864108375;0.014722222222222221613141535101;0.010277777777777778039913769703;0.020833333333333332176851016015;0.025555555555555557051272685953;0.005833333333333333599324266316;0.002222222222222222220294751693;0.007777777777777777554191196430;0.022222222222222223070309254922;0.013888888888888888117900677344;0.026111111111111112714766591125;0.000000000000000000000000000000;0.014722222222222221613141535101;0.030277777777777778456247403938;0.010555555555555555871660722289;0.015277777777777777276635440273;0.011111111111111111535154627461;0.015555555555555555108382392859;0.008611111111111111049432054187
-0.017295597484276729188801269288;0.013836477987421384044930405821;0.069182389937106916755205077152;0.000943396226415094346987033624;0.005345911949685534271525799710;0.013836477987421384044930405821;0.004402515723270440141379200583;0.022012578616352199839534264925;0.065723270440251571611334213685;0.025157232704402517076136547303;0.013207547169811321291499339736;0.017295597484276729188801269288;0.013522012578616352668214872779;0.027672955974842768089860811642;0.013522012578616352668214872779;0.013522012578616352668214872779;0.055031446540880504803006090242;0.049371069182389940022126495478;0.010377358490566037166336066377;0.009433962264150943036189467250;0.012264150943396227161352740609;0.044654088050314462432499595934;0.012578616352201258538068273651;0.022955974842767293969680864052;0.020125786163522011579241066670;0.019496855345911948825810000585;0.023899371069182391569274415133;0.011320754716981131296482665505;0.004402515723270440141379200583;0.012893081761006289914783806694;0.011949685534591195784637207566;0.028616352201257862220007410770;0.008805031446540880282758401165;0.007232704402515723399180735953;0.021698113207547168462818731882;0.050000000000000002775557561563;0.010377358490566037166336066377;0.009748427672955974412905000293;0.008805031446540880282758401165;0.038993710691823897651620001170;0.006603773584905660645749669868;0.038050314465408803521473402043;0.000000000000000000000000000000;0.016352201257861635058654670161;0.004716981132075471518094733625;0.018553459119496854695663401458;0.026100628930817611206283146430;0.014150943396226415421645938864;0.020754716981132074332672132755;0.013207547169811321291499339736
-0.027210884353741495583767218136;0.015306122448979591482709494699;0.057482993197278911545744506384;0.030612244897959182965418989397;0.020408163265306120820463675614;0.013945578231292516530048786194;0.002380952380952381167156239883;0.016666666666666666435370203203;0.027551020408163266056655871239;0.022448979591836733249454738370;0.019727891156462583344133321361;0.009183673469387755930459782405;0.015986394557823128959039848951;0.035034013605442178296289768014;0.042517006802721087066476712835;0.021088435374149658296794029866;0.024149659863945578675004099978;0.032993197278911562397851753303;0.012244897959183672839222900564;0.007482993197278911372272158786;0.014965986394557822744544317572;0.032993197278911562397851753303;0.015646258503401361955598147802;0.028231292517006803532986225491;0.028231292517006803532986225491;0.029251700680272108012758280893;0.024489795918367345678445801127;0.019047619047619049337249919063;0.001700680272108843473985451134;0.011904761904761904101057723437;0.010204081632653060410231837807;0.021768707482993195773124384118;0.009863945578231291672066660681;0.013265306122448979053718431942;0.031632653061224487445191044799;0.027210884353741495583767218136;0.009183673469387755930459782405;0.010204081632653060410231837807;0.005442176870748298943281096030;0.031292517006802723911196295603;0.004421768707482993596147302640;0.019727891156462583344133321361;0.000000000000000000000000000000;0.007823129251700680977799073901;0.025850340136054420631106509632;0.009183673469387755930459782405;0.032993197278911562397851753303;0.025170068027210883154776155379;0.021768707482993195773124384118;0.022108843537414966246013037221
-0.007407407407407407690103084974;0.012962962962962962590318660716;0.037407407407407410049327012302;0.401481481481481494721919034419;0.002962962962962962815832712593;0.007037037037037036958653235530;0.004444444444444444440589503387;0.016666666666666666435370203203;0.027777777777777776235801354687;0.012222222222222222862142437805;0.004074074074074073709139653943;0.003703703703703703845051542487;0.010000000000000000208166817117;0.016666666666666666435370203203;0.031481481481481478346129421197;0.006666666666666667094565124074;0.027777777777777776235801354687;0.029259259259259259161600752464;0.011851851851851851263330850372;0.002592592592592592518063732143;0.007407407407407407690103084974;0.029629629629629630760412339896;0.005925925925925925631665425186;0.015555555555555555108382392859;0.010740740740740739936343040029;0.011111111111111111535154627461;0.018518518518518517490534236458;0.011851851851851851263330850372;0.007037037037037036958653235530;0.001481481481481481407916356297;0.004074074074074073709139653943;0.014074074074074073917306471060;0.003703703703703703845051542487;0.007777777777777777554191196430;0.013703703703703704053218359604;0.019629629629629628817522046802;0.004444444444444444440589503387;0.002222222222222222220294751693;0.009259259259259258745267118229;0.027037037037037036507625131776;0.008518518518518519017090895318;0.022222222222222223070309254922;0.000000000000000000000000000000;0.013333333333333334189130248149;0.013333333333333334189130248149;0.009259259259259258745267118229;0.013333333333333334189130248149;0.004814814814814815172039352831;0.011111111111111111535154627461;0.004444444444444444440589503387
-0.024489795918367345678445801127;0.009863945578231291672066660681;0.065646258503401361261708757411;0.073469387755102047443678259242;0.002380952380952381167156239883;0.009183673469387755930459782405;0.002380952380952381167156239883;0.039115646258503403154271893527;0.020408163265306120820463675614;0.053061224489795916214873727768;0.016326530612244899431928502054;0.004761904761904762334312479766;0.007823129251700680977799073901;0.035034013605442178296289768014;0.011904761904761904101057723437;0.010884353741496597886562192059;0.025510204081632653627664808482;0.046258503401360541451570185245;0.018367346938775511860919564811;0.010544217687074829148397014933;0.018027210884353741388030911708;0.013945578231292516530048786194;0.007823129251700680977799073901;0.055782312925170066120195144777;0.018707482993197278864361265960;0.037074829931972787255833878817;0.044217687074829932492026074442;0.002380952380952381167156239883;0.002380952380952381167156239883;0.005442176870748298943281096030;0.001700680272108843473985451134;0.026870748299319728580325516987;0.009863945578231291672066660681;0.006802721088435373895941804534;0.009523809523809524668624959531;0.060884353741496595457949325692;0.017346938775510203911700557455;0.005782312925170067681446273156;0.000000000000000000000000000000;0.007482993197278911372272158786;0.014285714285714285268213963320;0.005782312925170067681446273156;0.000000000000000000000000000000;0.024149659863945578675004099978;0.010204081632653060410231837807;0.015986394557823128959039848951;0.031972789115646257918079697902;0.019047619047619049337249919063;0.027891156462585033060097572388;0.011224489795918366624727369185
-0.019298245614035088729698586008;0.053508771929824561208732802697;0.027777777777777776235801354687;0.013742690058479532094759534289;0.026023391812865497019213734120;0.010233918128654970192137341201;0.008479532163742689240826244657;0.046491228070175437403488416521;0.029824561403508770968118213318;0.010526315789473683973143103287;0.008479532163742689240826244657;0.009649122807017544364849293004;0.010526315789473683973143103287;0.010526315789473683973143103287;0.042982456140350878970313175387;0.007894736842105263413538196460;0.035380116959064324133610313083;0.069005847953216375989526909507;0.024561403508771929848908399663;0.006432748538011696243232862003;0.016374269005847954389087917093;0.026900584795321636627507544404;0.030116959064327486483847451382;0.009941520467836258145855055091;0.015204678362573099265064868746;0.014912280701754385484059106659;0.035672514619883043118786503101;0.047076023391812868434946892648;0.003508771929824561468941324094;0.013450292397660818313753772202;0.016374269005847954389087917093;0.011695906432748537362442675658;0.020175438596491228337992396291;0.004678362573099415291921765458;0.019883040935672516291710110181;0.027777777777777776235801354687;0.015497076023391813046070630833;0.006725146198830409156876886101;0.013450292397660818313753772202;0.032748538011695908778175834186;0.016959064327485378481652489313;0.040935672514619880768549364802;0.000000000000000000000000000000;0.009941520467836258145855055091;0.019590643274853800775980872118;0.014327485380116959656771058462;0.006725146198830409156876886101;0.005555555555555555767577313730;0.027777777777777776235801354687;0.004678362573099415291921765458
-0.021153846153846155020428199123;0.018589743589743589619045494032;0.039102564102564102421766278894;0.000000000000000000000000000000;0.002564102564102564100340098108;0.013141025641025641176873328675;0.005128205128205128200680196215;0.019871794871794870585013370601;0.044551282051282052598661920229;0.016346153846153847061239972049;0.008653846153846154326538808732;0.006410256410256410034009810772;0.020192307692307693428590553708;0.018910256410256408993175725186;0.006089743589743589792517841630;0.012500000000000000693889390391;0.044230769230769233224531689075;0.053205128205128203455753777007;0.015384615384615385469402326635;0.014102564102564102768710974090;0.013782051282051281659857266959;0.039743589743589741170026741202;0.044230769230769233224531689075;0.026282051282051282353746657350;0.023076923076923078204103489952;0.015384615384615385469402326635;0.026602564102564101727876888503;0.009294871794871794809522747016;0.008333333333333333217685101602;0.015064102564102564360548619504;0.006410256410256410034009810772;0.029487179487179486503389824748;0.012179487179487179585035683260;0.003525641025641025692177743522;0.042948717948717948789116860553;0.036217948717948721115700294604;0.009294871794871794809522747016;0.008974358974358973700669039886;0.022756410256410255360526306845;0.064423076923076916244781386922;0.006730769230769231142863517903;0.041346153846153844979571800877;0.000000000000000000000000000000;0.018269230769230770244915262879;0.007371794871794871625847456187;0.022115384615384616612265844537;0.016346153846153847061239972049;0.010576923076923077510214099561;0.025641025641025640136039243089;0.013461538461538462285727035805
-0.018367346938775511860919564811;0.015306122448979591482709494699;0.087414965986394560504280093483;0.001020408163265306214495531378;0.001700680272108843473985451134;0.013945578231292516530048786194;0.002040816326530612428991062757;0.016326530612244899431928502054;0.048979591836734691356891602254;0.019387755102040816340691620212;0.013605442176870747791883609068;0.009183673469387755930459782405;0.014965986394557822744544317572;0.039795918367346937161155295826;0.013265306122448979053718431942;0.017687074829931974384589210558;0.037414965986394557728722531920;0.059523809523809520505288617187;0.007142857142857142634106981660;0.014965986394557822744544317572;0.008503401360544218454129428153;0.043537414965986391546248768236;0.014965986394557822744544317572;0.031292517006802723911196295603;0.024149659863945578675004099978;0.028911564625850341009316579743;0.041496598639455782586704657433;0.001360544217687074735820274007;0.001360544217687074735820274007;0.006122448979591836419611450282;0.003741496598639455686136079393;0.020748299319727891293352328717;0.005782312925170067681446273156;0.017346938775510203911700557455;0.022789115646258503722343391473;0.044217687074829932492026074442;0.009863945578231291672066660681;0.006122448979591836419611450282;0.007823129251700680977799073901;0.036734693877551023721839129621;0.005782312925170067681446273156;0.027551020408163266056655871239;0.000000000000000000000000000000;0.012585034013605441577388077690;0.006122448979591836419611450282;0.010544217687074829148397014933;0.035374149659863948769178421117;0.018367346938775511860919564811;0.033673469387755103343629059509;0.021088435374149658296794029866
-0.018713450292397661167687061834;0.022514619883040935116591541032;0.042105263157894735892572413150;0.000877192982456140367235331023;0.004093567251461988597271979273;0.015204678362573099265064868746;0.008187134502923977194543958547;0.019883040935672516291710110181;0.044736842105263158186900795954;0.022514619883040935116591541032;0.011403508771929825316160389548;0.005555555555555555767577313730;0.014327485380116959656771058462;0.025146198830409357410919923836;0.007602339181286549632532434373;0.010233918128654970192137341201;0.044444444444444446140618509844;0.058187134502923974765931092179;0.010818713450292397754148865374;0.012280701754385964924454199831;0.012865497076023392486465724005;0.042982456140350878970313175387;0.033918128654970756963304978626;0.029532163742690058921835927208;0.016666666666666666435370203203;0.019883040935672516291710110181;0.027777777777777776235801354687;0.029824561403508770968118213318;0.009649122807017544364849293004;0.007894736842105263413538196460;0.011111111111111111535154627461;0.027485380116959064189519068577;0.009064327485380116802837768830;0.011403508771929825316160389548;0.034795321637426900041045740863;0.037426900584795322335374123668;0.010818713450292397754148865374;0.010233918128654970192137341201;0.017836257309941521559393251550;0.048538011695906435605252227106;0.003216374269005848121616431001;0.044152046783625734094336223734;0.000000000000000000000000000000;0.019298245614035088729698586008;0.006140350877192982462227099916;0.017251461988304093997381727377;0.020175438596491228337992396291;0.009649122807017544364849293004;0.025146198830409357410919923836;0.006432748538011696243232862003
-0.016666666666666666435370203203;0.031609195402298853605493889063;0.045689655172413794204100412344;0.000574712643678160911564489766;0.001724137931034482734693469297;0.010057471264367815952378570898;0.006034482758620689571427142539;0.023850574712643679564649801250;0.049425287356321838394546119844;0.020689655172413792816321631562;0.006896551724137930938773877187;0.007471264367816091850338366953;0.017241379310344827346934692969;0.025574712643678162299343270547;0.008908045977011494129249591367;0.009482758620689655040814081133;0.038793103448275863265326535156;0.074137931034482754122372227812;0.009195402298850574585031836250;0.012068965517241379142854285078;0.013505747126436781421765509492;0.034195402298850575972810617031;0.032183908045977011047611426875;0.027873563218390805945601229610;0.022126436781609196829956331953;0.020977011494252875006827352422;0.026436781609195401931966529219;0.023850574712643679564649801250;0.003448275862068965469386938594;0.012068965517241379142854285078;0.008045977011494252761902856719;0.020689655172413792816321631562;0.009770114942528735496596326016;0.010632183908045976863943060664;0.027586206896551723755095508750;0.045402298850574715483041643438;0.016379310344827587714311434297;0.008620689655172413673467346484;0.012356321839080459598636529961;0.039367816091954020707444072968;0.008620689655172413673467346484;0.056896551724137933714331438750;0.000000000000000000000000000000;0.012643678160919540054418774844;0.002586206896551724102040203945;0.009482758620689655040814081133;0.022701149425287357741520821719;0.013218390804597700965983264609;0.032758620689655175428622868594;0.009482758620689655040814081133
-0.022424242424242422921931705559;0.009090909090909090467524933388;0.073939393939393943666615882648;0.000000000000000000000000000000;0.000303030303030303030040193413;0.030606060606060605383538231195;0.001212121212121212120160773651;0.016060606060606059941608947383;0.032424242424242424864821998653;0.017272727272727272929131459023;0.017878787878787879422892714842;0.013030303030303030942249620239;0.033030303030303027889136302520;0.044848484848484845843863411119;0.003939393939393939607362948863;0.016060606060606059941608947383;0.028787878787878789371701415689;0.034848484848484850839867021932;0.010000000000000000208166817117;0.012424242424242424448488364419;0.008787878787878787220644305478;0.033939393939393942833948614179;0.031212121212121211877299487014;0.018484848484848485916653970662;0.033030303030303027889136302520;0.026666666666666668378260496297;0.029999999999999998889776975375;0.002424242424242424240321547302;0.000000000000000000000000000000;0.018484848484848485916653970662;0.006363636363636363847684496164;0.013636363636363635701287400082;0.009696969696969696961286189207;0.017575757575757574441288610956;0.046666666666666668794594130532;0.033939393939393942833948614179;0.014848484848484848688809911721;0.009090909090909090467524933388;0.009393939393939393714405561298;0.055757575757575755792672111966;0.003333333333333333547282562037;0.018181818181818180935049866775;0.000000000000000000000000000000;0.010303030303030303455047445027;0.002727272727272727487202175212;0.011818181818181817954727108599;0.032727272727272729846426102540;0.029999999999999998889776975375;0.032727272727272729846426102540;0.020000000000000000416333634234
-0.023563218390804597374144080391;0.007758620689655172306120611836;0.096551724137931033142834280625;0.000000000000000000000000000000;0.000862068965517241367346734648;0.010632183908045976863943060664;0.001436781609195402278911224414;0.020689655172413792816321631562;0.029885057471264367401353467812;0.021839080459770114639450611094;0.014655172413793103244894489023;0.004310344827586206836733673242;0.013793103448275861877547754375;0.060344827586206899183718377344;0.008333333333333333217685101602;0.013793103448275861877547754375;0.030747126436781610503423678438;0.051436781609195403319745310000;0.010057471264367815952378570898;0.014080459770114942333329999258;0.009482758620689655040814081133;0.025862068965517241020402039453;0.020977011494252875006827352422;0.036206896551724140898009807188;0.029885057471264367401353467812;0.036781609195402298340127345000;0.035632183908045976516998365469;0.004597701149425287292515918125;0.000574712643678160911564489766;0.004310344827586206836733673242;0.003448275862068965469386938594;0.020689655172413792816321631562;0.005747126436781609115644897656;0.014080459770114942333329999258;0.023563218390804597374144080391;0.046551724137931037306170622969;0.014942528735632183700676733906;0.007471264367816091850338366953;0.004310344827586206836733673242;0.040229885057471263809514283594;0.003448275862068965469386938594;0.021264367816091953727886121328;0.000000000000000000000000000000;0.015229885057471264156458978789;0.002873563218390804557822448828;0.007471264367816091850338366953;0.046551724137931037306170622969;0.030747126436781610503423678438;0.030172413793103449591859188672;0.022126436781609196829956331953
-0.025141242937853108818657688062;0.020621468926553671030532655095;0.053107344632768359315999617820;0.016666666666666666435370203203;0.023446327683615819648110800699;0.012711864406779661840207751311;0.004802259887005650047797633562;0.042655367231638416369854382992;0.018926553672316385329432719686;0.016949152542372881297128017763;0.017514124293785311020643646884;0.003672316384180791034447244314;0.012711864406779661840207751311;0.027683615819209039105031067152;0.031073446327683617446124841877;0.007344632768361582068894488629;0.033050847457627118008982591846;0.054519774011299433624788690622;0.027401129943502824243273252591;0.010734463276836157807903049388;0.019491525423728815052948348807;0.021186440677966100754048284216;0.018361581920903955605917090566;0.022881355932203389924595171578;0.021751412429378530477563913337;0.029378531073446328275577954514;0.042090395480225986646338753872;0.025706214689265535072726365229;0.005084745762711864042193710134;0.012429378531073446978449936751;0.001694915254237288086344714877;0.016949152542372881297128017763;0.012429378531073446978449936751;0.009887005649717514957353081684;0.018361581920903955605917090566;0.048587570621468928466768488761;0.021186440677966100754048284216;0.005649717514124293765709339254;0.008192090395480225786806194321;0.020621468926553671030532655095;0.009039548022598870372079638003;0.014971751412429378999546791817;0.000000000000000000000000000000;0.014406779661016949276031162697;0.018644067796610170467674905126;0.014124293785310734414273348136;0.022598870056497175062837357018;0.014689265536723164137788977257;0.037853107344632770658865439373;0.011016949152542372669660863949
-0.014971751412429378999546791817;0.027401129943502824243273252591;0.033333333333333332870740406406;0.034180790960451977456013850087;0.055367231638418078210062134303;0.015254237288135593861304606378;0.010169491525423728084387420267;0.035875706214689266626560737450;0.027401129943502824243273252591;0.013841807909604519552515533576;0.012429378531073446978449936751;0.005649717514124293765709339254;0.014406779661016949276031162697;0.013276836158192089828999904455;0.048870056497175143328526303321;0.008474576271186440648564008882;0.027118644067796609381515438031;0.047740112994350283881495045080;0.033898305084745762594256035527;0.004237288135593220324282004441;0.015254237288135593861304606378;0.030225988700564972860851398195;0.025706214689265535072726365229;0.012146892655367232116692122190;0.015254237288135593861304606378;0.015254237288135593861304606378;0.039548022598870059829412326735;0.021186440677966100754048284216;0.002542372881355932021096855067;0.027118644067796609381515438031;0.005084745762711864042193710134;0.017231638418079096158885832324;0.020903954802259885892290469656;0.008757062146892655510321823442;0.019209039548022600191190534247;0.029661016949152543137335769075;0.010734463276836157807903049388;0.007062146892655367207136674068;0.010734463276836157807903049388;0.028248587570621468828546696272;0.015254237288135593861304606378;0.022316384180790960201079542458;0.000000000000000000000000000000;0.011864406779661017254934307630;0.037570621468926555797107624812;0.011581920903954802393176493069;0.011864406779661017254934307630;0.009322033898305085233837452563;0.027401129943502824243273252591;0.007062146892655367207136674068
-0.022222222222222223070309254922;0.028333333333333331899295259859;0.046111111111111109661653273406;0.014444444444444443781394582516;0.036111111111111107718762980312;0.018333333333333333425851918719;0.006944444444444444058950338672;0.044444444444444446140618509844;0.018888888888888889089345823891;0.021388888888888887840344921187;0.018611111111111109522875395328;0.006944444444444444058950338672;0.018611111111111109522875395328;0.023888888888888890060790970438;0.040277777777777780399137697032;0.014722222222222221613141535101;0.016944444444444446001840631766;0.048888888888888891448569751219;0.033888888888888892003681263532;0.005833333333333333599324266316;0.020277777777777776513357110844;0.016111111111111110771876298031;0.014722222222222221613141535101;0.024166666666666666157814447047;0.023055555555555554830826636703;0.029722222222222222792753498766;0.044999999999999998334665463062;0.018055555555555553859381490156;0.001111111111111111110147375847;0.027500000000000000138777878078;0.007222222222222221890697291258;0.015277777777777777276635440273;0.017777777777777777762358013547;0.010555555555555555871660722289;0.011944444444444445030395485219;0.033055555555555553304269977843;0.011388888888888889366901580047;0.005833333333333333599324266316;0.003888888888888888777095598215;0.012777777777777778525636342977;0.011111111111111111535154627461;0.011944444444444445030395485219;0.000000000000000000000000000000;0.014999999999999999444888487687;0.029166666666666667129259593594;0.016666666666666666435370203203;0.021944444444444443503838826359;0.017777777777777777762358013547;0.027222222222222220572307449515;0.013888888888888888117900677344
-0.028333333333333331899295259859;0.016111111111111110771876298031;0.051388888888888886730121896562;0.005833333333333333599324266316;0.008055555555555555385938149016;0.027222222222222220572307449515;0.004166666666666666608842550801;0.022499999999999999167332731531;0.043333333333333334813630699500;0.023888888888888890060790970438;0.016111111111111110771876298031;0.013333333333333334189130248149;0.014166666666666665949647629930;0.027500000000000000138777878078;0.008611111111111111049432054187;0.020833333333333332176851016015;0.028055555555555555802271783250;0.051944444444444445863062753688;0.014444444444444443781394582516;0.007499999999999999722444243844;0.015833333333333334674852821422;0.031666666666666669349705642844;0.013611111111111110286153724758;0.036944444444444446418174266000;0.035277777777777775958245598531;0.026666666666666668378260496297;0.026666666666666668378260496297;0.011944444444444445030395485219;0.002777777777777777883788656865;0.022222222222222223070309254922;0.011666666666666667198648532633;0.023888888888888890060790970438;0.009444444444444444544672911945;0.009444444444444444544672911945;0.022499999999999999167332731531;0.040833333333333332593184650250;0.008888888888888888881179006773;0.011666666666666667198648532633;0.010555555555555555871660722289;0.028333333333333331899295259859;0.007499999999999999722444243844;0.032222222222222221543752596062;0.000000000000000000000000000000;0.021388888888888887840344921187;0.006944444444444444058950338672;0.020277777777777776513357110844;0.020555555555555556079827539406;0.018888888888888889089345823891;0.024722222222222221821308352219;0.013333333333333334189130248149
-0.043243243243243245643725458649;0.015765765765765764327976938830;0.027027027027027028527328411656;0.000000000000000000000000000000;0.007657657657657657504501891310;0.042792792792792792855305350486;0.002252252252252252232717077973;0.045045045045045042919618083488;0.017117117117117115754343359413;0.011261261261261260729904520872;0.026576576576576575738908303492;0.024324324324324325674595570490;0.027927927927927927165274724075;0.030180180180180180699034409031;0.018918918918918919969129888159;0.030180180180180180699034409031;0.022072072072072072140835885534;0.028828828828828829272667988448;0.029279279279279278591641144658;0.007207207207207207318166997112;0.027477477477477477846301567865;0.020720720720720720714469464951;0.017117117117117115754343359413;0.013963963963963963582637362038;0.043693693693693691493251662905;0.026576576576576575738908303492;0.041441441441441441428938929903;0.003153153153153153039067735364;0.000000000000000000000000000000;0.035585585585585582935053139408;0.024774774774774774993568726700;0.010360360360360360357234732476;0.024774774774774774993568726700;0.008108108108108108558198523497;0.018468468468468467180709779996;0.029279279279279278591641144658;0.011711711711711711783601153058;0.011711711711711711783601153058;0.003603603603603603659083498556;0.026576576576576575738908303492;0.006306306306306306078135470727;0.011711711711711711783601153058;0.000000000000000000000000000000;0.013513513513513514263664205828;0.018468468468468467180709779996;0.015315315315315315009003782620;0.016666666666666666435370203203;0.014414414414414414636333994224;0.033783783783783785659160514570;0.013063063063063063209967573641
-0.018749999999999999306110609609;0.016666666666666666435370203203;0.050000000000000002775557561563;0.154583333333333322601177428623;0.035833333333333335091186455656;0.017083333333333332315628894094;0.001666666666666666773641281019;0.020833333333333332176851016015;0.024583333333333332038073137937;0.021666666666666667406815349750;0.011249999999999999583666365766;0.007499999999999999722444243844;0.007083333333333332974823814965;0.029999999999999998889776975375;0.021250000000000001526556658860;0.017083333333333332315628894094;0.017500000000000001665334536938;0.038333333333333330372738601000;0.022916666666666665047591422422;0.006250000000000000346944695195;0.016250000000000000555111512313;0.026666666666666668378260496297;0.012500000000000000693889390391;0.022499999999999999167332731531;0.027916666666666666019036568969;0.026666666666666668378260496297;0.029583333333333333009518284484;0.017916666666666667545593227828;0.001666666666666666773641281019;0.007916666666666667337426410711;0.009583333333333332593184650250;0.018749999999999999306110609609;0.011666666666666667198648532633;0.008750000000000000832667268469;0.013750000000000000069388939039;0.029166666666666667129259593594;0.009166666666666666712925959359;0.012916666666666666574148081281;0.004583333333333333356462979680;0.012500000000000000693889390391;0.006250000000000000346944695195;0.012083333333333333078907223523;0.000000000000000000000000000000;0.011666666666666667198648532633;0.011249999999999999583666365766;0.007916666666666667337426410711;0.029166666666666667129259593594;0.016250000000000000555111512313;0.021666666666666667406815349750;0.022499999999999999167332731531
-0.005666666666666667073748442363;0.036999999999999998168132009368;0.042000000000000002609024107869;0.319666666666666654528228264098;0.036666666666666666851703837438;0.005666666666666667073748442363;0.002666666666666666577617528233;0.018333333333333333425851918719;0.029666666666666667573348803444;0.010666666666666666310470112933;0.009333333333333334105863521302;0.001666666666666666773641281019;0.005666666666666667073748442363;0.017999999999999998639976794834;0.028333333333333331899295259859;0.005000000000000000104083408559;0.013666666666666667240281896056;0.037999999999999999056310429069;0.012999999999999999403255124264;0.005000000000000000104083408559;0.006666666666666667094565124074;0.019666666666666665630458510350;0.006333333333333333176051738178;0.009333333333333334105863521302;0.009333333333333334105863521302;0.012999999999999999403255124264;0.018999999999999999528155214534;0.063666666666666663076945553712;0.000333333333333333322202191029;0.008999999999999999319988397417;0.002333333333333333526465880325;0.006333333333333333176051738178;0.007000000000000000145716771982;0.010333333333333333259318465025;0.011666666666666667198648532633;0.020000000000000000416333634234;0.005333333333333333155235056466;0.002666666666666666577617528233;0.002000000000000000041633363423;0.010999999999999999361621760841;0.007333333333333333196868419890;0.032666666666666663298990158637;0.000000000000000000000000000000;0.005000000000000000104083408559;0.020666666666666666518636930050;0.004333333333333333134418374755;0.016666666666666666435370203203;0.010000000000000000208166817117;0.011333333333333334147496884725;0.011333333333333334147496884725
-0.015811965811965811301575968173;0.007692307692307692734701163317;0.086324786324786323410407362644;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008547008547008547868495398347;0.002991452991452991667237215623;0.017521367521367521569164438233;0.016666666666666666435370203203;0.048717948717948718340142733041;0.011538461538461539102051744976;0.003846153846153846367350581659;0.006837606837606837600906928287;0.050427350427350428607731203101;0.006837606837606837600906928287;0.013247863247863247634916739059;0.042735042735042735873030039784;0.035470085470085468970502518005;0.002991452991452991667237215623;0.017521367521367521569164438233;0.008974358974358973700669039886;0.019658119658119657668926549832;0.013247863247863247634916739059;0.066666666666666665741480812812;0.018376068376068376702958673263;0.035897435897435894802676159543;0.026495726495726495269833478119;0.001709401709401709400226732072;0.003418803418803418800453464144;0.001282051282051282050170049054;0.004700854700854700633783078700;0.042735042735042735873030039784;0.004700854700854700633783078700;0.012820512820512820068019621544;0.025213675213675214303865601551;0.085470085470085471746060079568;0.008974358974358973700669039886;0.006410256410256410034009810772;0.003846153846153846367350581659;0.028205128205128205537421948179;0.009829059829059828834463274916;0.011965811965811966668948862491;0.000000000000000000000000000000;0.026495726495726495269833478119;0.000854700854700854700113366036;0.014529914529914530335608091605;0.047435897435897433904727904519;0.026068376068376069437659836581;0.029487179487179486503389824748;0.018803418803418802535132314802
-0.020760233918128655900003920465;0.012573099415204678705459961918;0.071345029239766086237573006201;0.002923976608187134340610668914;0.006725146198830409156876886101;0.031286549707602341607870499729;0.001461988304093567170305334457;0.016959064327485378481652489313;0.028947368421052631359824403035;0.025146198830409357410919923836;0.018128654970760233605675537660;0.018713450292397661167687061834;0.020467836257309940384274682401;0.030116959064327486483847451382;0.007309941520467835851526672286;0.022807017543859650632320779096;0.038304093567251465413114885905;0.033918128654970756963304978626;0.011695906432748537362442675658;0.006432748538011696243232862003;0.010526315789473683973143103287;0.027777777777777776235801354687;0.008187134502923977194543958547;0.034210526315789475948481168643;0.028947368421052631359824403035;0.026900584795321636627507544404;0.022222222222222223070309254922;0.025146198830409357410919923836;0.004678362573099415291921765458;0.038011695906432746427938695888;0.021052631578947367946286206575;0.030994152046783626092141261665;0.006725146198830409156876886101;0.015789473684210526827076392919;0.025146198830409357410919923836;0.047660818713450292527511464868;0.008187134502923977194543958547;0.018421052631578945651957823770;0.004093567251461988597271979273;0.022514619883040935116591541032;0.006432748538011696243232862003;0.015789473684210526827076392919;0.000000000000000000000000000000;0.016374269005847954389087917093;0.004970760233918129072927527545;0.013742690058479532094759534289;0.027192982456140352143236782467;0.020467836257309940384274682401;0.021052631578947367946286206575;0.020760233918128655900003920465
-0.017407407407407406163546426114;0.017407407407407406163546426114;0.051481481481481482231910007386;0.072962962962962965574043039396;0.007407407407407407690103084974;0.010370370370370370072254928573;0.003333333333333333547282562037;0.024074074074074074125473288177;0.031851851851851853414387960584;0.015555555555555555108382392859;0.014814814814814815380206169948;0.004074074074074073709139653943;0.015925925925925926707193980292;0.031851851851851853414387960584;0.022222222222222223070309254922;0.009259259259259258745267118229;0.021481481481481479872686080057;0.038888888888888889505679458125;0.012592592592592592726230549260;0.010000000000000000208166817117;0.014444444444444443781394582516;0.039629629629629632703302632990;0.031111111111111110216764785719;0.026296296296296296779448908865;0.021481481481481479872686080057;0.024444444444444445724284875610;0.036666666666666666851703837438;0.013703703703703704053218359604;0.002592592592592592518063732143;0.011111111111111111535154627461;0.005555555555555555767577313730;0.017407407407407406163546426114;0.008518518518518519017090895318;0.008148148148148147418279307885;0.030370370370370370488588562807;0.037037037037037034981068472916;0.011851851851851851263330850372;0.006296296296296296363115274630;0.014814814814814815380206169948;0.046666666666666668794594130532;0.008518518518518519017090895318;0.024074074074074074125473288177;0.000000000000000000000000000000;0.019259259259259260688157411323;0.009629629629629630344078705662;0.012222222222222222862142437805;0.023333333333333334397297065266;0.018888888888888889089345823891;0.032592592592592589673117231541;0.010370370370370370072254928573
-0.022727272727272727903535809446;0.018560606060606062162054996634;0.044318181818181819064950133225;0.046590909090909092549193104560;0.003787878787878787983922634908;0.018560606060606062162054996634;0.006439393939393939225723784148;0.022727272727272727903535809446;0.029166666666666667129259593594;0.023106060606060605661093987351;0.012121212121212121201607736509;0.004924242424242423858682382587;0.019696969696969695434729530348;0.020454545454545454419292838111;0.014393939393939394685850707845;0.018181818181818180935049866775;0.032575757575757577355624050597;0.038636363636363635354342704886;0.015151515151515151935690539631;0.009469696969696969959806587269;0.016666666666666666435370203203;0.037121212121212124324109993267;0.029545454545454544886817771498;0.021212121212121213403856145874;0.023484848484848483418652165255;0.020454545454545454419292838111;0.026515151515151515887458444354;0.007196969696969697342925353922;0.007954545454545453725403447720;0.010606060606060606701928072937;0.003030303030303030300401934127;0.023106060606060605661093987351;0.012500000000000000693889390391;0.012500000000000000693889390391;0.041287878787878790065590806080;0.034090909090909088385856762216;0.012500000000000000693889390391;0.014772727272727272443408885749;0.010227272727272727209646419055;0.051515151515151513805790273182;0.007196969696969697342925353922;0.028787878787878789371701415689;0.000000000000000000000000000000;0.018181818181818180935049866775;0.007575757575757575967845269815;0.017803030303030303177491688871;0.018939393939393939919613174538;0.015909090909090907450806895440;0.032196969696969696128618920739;0.015530303030303029693248717535
-0.028703703703703703498106847292;0.012037037037037037062736644089;0.048456790123456792984679708525;0.002160493827160493620492820455;0.002469135802469135752140738660;0.019753086419753086017125909279;0.002160493827160493620492820455;0.017283950617283948963942563637;0.023765432098765432861187107960;0.024382716049382715389759468394;0.016358024691358025171084022986;0.007098765432098765558455166769;0.029012345679012344762393027509;0.030864197530864195817557060764;0.012962962962962962590318660716;0.017592592592592593697675695807;0.028086419753086420969534486858;0.037654320987654324448534737257;0.015432098765432097908778530382;0.008641975308641974481971281818;0.016666666666666666435370203203;0.026234567901234566444923501649;0.027160493827160493707228994253;0.028395061728395062233820667075;0.027160493827160493707228994253;0.030555555555555554553270880547;0.029629629629629630760412339896;0.004629629629629629372633559115;0.003395061728395061713403624282;0.010802469135802468536144971267;0.007098765432098765558455166769;0.024382716049382715389759468394;0.013580246913580246853614497127;0.015432098765432097908778530382;0.046296296296296293726335591145;0.043518518518518518878313017240;0.015123456790123456644492350165;0.013271604938271605589328316910;0.006172839506172839163511412153;0.052777777777777777623580135469;0.006481481481481481295159330358;0.019753086419753086017125909279;0.000000000000000000000000000000;0.017592592592592593697675695807;0.004938271604938271504281477320;0.019753086419753086017125909279;0.029320987654320986026679207725;0.023765432098765432861187107960;0.035802469135802469923923752049;0.015432098765432097908778530382
-0.017836257309941521559393251550;0.019005847953216373213969347944;0.066666666666666665741480812812;0.094152046783625736869893785297;0.000584795321637426911490220682;0.011695906432748537362442675658;0.004970760233918129072927527545;0.032163742690058477746717358059;0.030409356725146198530129737492;0.022222222222222223070309254922;0.014035087719298245875765296375;0.002046783625730994298635989637;0.014035087719298245875765296375;0.037134502923976610289091837558;0.011403508771929825316160389548;0.011403508771929825316160389548;0.033918128654970756963304978626;0.062280701754385964230564809441;0.011695906432748537362442675658;0.011695906432748537362442675658;0.016666666666666666435370203203;0.019590643274853800775980872118;0.016374269005847954389087917093;0.029824561403508770968118213318;0.020467836257309940384274682401;0.029824561403508770968118213318;0.037134502923976610289091837558;0.020175438596491228337992396291;0.002339181286549707645960882729;0.004970760233918129072927527545;0.002339181286549707645960882729;0.022807017543859650632320779096;0.007017543859649122937882648188;0.008771929824561403021832006743;0.016081871345029238873358679029;0.047660818713450292527511464868;0.015204678362573099265064868746;0.007017543859649122937882648188;0.004385964912280701510916003372;0.016081871345029238873358679029;0.008771929824561403021832006743;0.016959064327485378481652489313;0.000000000000000000000000000000;0.015497076023391813046070630833;0.003508771929824561468941324094;0.012280701754385964924454199831;0.022222222222222223070309254922;0.019590643274853800775980872118;0.035087719298245612087328026973;0.011988304093567251143448437745
-0.015773809523809523280846178750;0.014583333333333333564629796797;0.057142857142857141072855853281;0.257440476190476164042308937496;0.006845238095238095205052886172;0.010119047619047619526733150508;0.002083333333333333304421275400;0.025595238095238094511163495781;0.018452380952380952744418252109;0.026488095238095237665687520234;0.008928571428571428075793292578;0.004761904761904762334312479766;0.005357142857142857192420670742;0.023809523809523808202115446875;0.019345238095238095898942276563;0.008035714285714284921269268125;0.030357142857142856845475975547;0.033928571428571425994125121406;0.008333333333333333217685101602;0.011011904761904762681257174961;0.006845238095238095205052886172;0.023809523809523808202115446875;0.004464285714285714037896646289;0.033333333333333332870740406406;0.013690476190476190410105772344;0.027976190476190477413043211641;0.025000000000000001387778780781;0.009821428571428571230317317031;0.004464285714285714037896646289;0.008333333333333333217685101602;0.003571428571428571317053490830;0.027678571428571427381903902187;0.003869047619047619179788455313;0.006845238095238095205052886172;0.014285714285714285268213963320;0.044047619047619050725028699844;0.009821428571428571230317317031;0.002976190476190476025264430859;0.001785714285714285658526745415;0.015476190476190476719153821250;0.005059523809523809763366575254;0.008928571428571428075793292578;0.000000000000000000000000000000;0.013988095238095238706521605820;0.010416666666666666088425508008;0.011011904761904762681257174961;0.028571428571428570536427926640;0.019345238095238095898942276563;0.016071428571428569842538536250;0.010119047619047619526733150508
-0.010062893081761005789620533335;0.010377358490566037166336066377;0.027358490566037736713145278600;0.392452830188679269163287699484;0.011320754716981131296482665505;0.011949685534591195784637207566;0.006603773584905660645749669868;0.025471698113207548452852080345;0.011006289308176099919767132462;0.018867924528301886072378934500;0.010062893081761005789620533335;0.010062893081761005789620533335;0.005031446540880502894810266667;0.019811320754716980202525533628;0.033018867924528301494024873364;0.006918238993710692022465202911;0.013836477987421384044930405821;0.021698113207547168462818731882;0.015094339622641509551792537991;0.006289308176100629269034136826;0.012893081761006289914783806694;0.013522012578616352668214872779;0.002515723270440251447405133334;0.026415094339622642582998679472;0.012578616352201258538068273651;0.019811320754716980202525533628;0.021069182389937105709387665797;0.007547169811320754775896268995;0.003773584905660377387948134498;0.009119496855345911659473934208;0.004402515723270440141379200583;0.019496855345911948825810000585;0.004716981132075471518094733625;0.007547169811320754775896268995;0.008176100628930817529327335080;0.030188679245283019103585075982;0.007547169811320754775896268995;0.004716981132075471518094733625;0.002201257861635220070689600291;0.009119496855345911659473934208;0.011635220125786162673198198547;0.004088050314465408764663667540;0.000000000000000000000000000000;0.019811320754716980202525533628;0.013522012578616352668214872779;0.011949685534591195784637207566;0.020125786163522011579241066670;0.006603773584905660645749669868;0.010691823899371068543051599420;0.006918238993710692022465202911
-0.022321428571428571924206707422;0.012500000000000000693889390391;0.046428571428571430157461463750;0.117559523809523808202115446875;0.012500000000000000693889390391;0.029166666666666667129259593594;0.002083333333333333304421275400;0.014285714285714285268213963320;0.025000000000000001387778780781;0.019642857142857142460634634062;0.014285714285714285268213963320;0.029166666666666667129259593594;0.021428571428571428769682682969;0.027380952380952380820211544687;0.003273809523809523887999395342;0.016369047619047619873677845703;0.031547619047619046561692357500;0.031547619047619046561692357500;0.010416666666666666088425508008;0.008928571428571428075793292578;0.009821428571428571230317317031;0.024404761904761904794947113828;0.018154761904761906182725894610;0.020833333333333332176851016015;0.028869047619047620567567236094;0.022321428571428571924206707422;0.019642857142857142460634634062;0.008333333333333333217685101602;0.000892857142857142829263372708;0.039583333333333331482961625625;0.016964285714285712997062560703;0.015773809523809523280846178750;0.008333333333333333217685101602;0.010119047619047619526733150508;0.032738095238095239747355691406;0.028273809523809523974735569141;0.010119047619047619526733150508;0.006845238095238095205052886172;0.003273809523809523887999395342;0.037499999999999998612221219219;0.003273809523809523887999395342;0.014583333333333333564629796797;0.000000000000000000000000000000;0.013690476190476190410105772344;0.003571428571428571317053490830;0.008333333333333333217685101602;0.029761904761904760252644308594;0.019642857142857142460634634062;0.035714285714285712303173170312;0.012797619047619047255581747891
-0.008484848484848485708487153545;0.020303030303030301928490786167;0.018181818181818180935049866775;0.526666666666666616336556216993;0.007878787878787879214725897725;0.006969696969696969474084013996;0.003030303030303030300401934127;0.015757575757575758429451795450;0.015757575757575758429451795450;0.006666666666666667094565124074;0.005454545454545454974404350423;0.007878787878787879214725897725;0.008484848484848485708487153545;0.007878787878787879214725897725;0.024545454545454543915372624951;0.005151515151515151727523722514;0.011212121212121211460965852780;0.022727272727272727903535809446;0.010606060606060606701928072937;0.003939393939393939607362948863;0.009696969696969696961286189207;0.010303030303030303455047445027;0.006060606060606060600803868255;0.010606060606060606701928072937;0.006363636363636363847684496164;0.008484848484848485708487153545;0.017878787878787879422892714842;0.023939393939393940891058321085;0.001818181818181818180241160476;0.011212121212121211460965852780;0.003939393939393939607362948863;0.007878787878787879214725897725;0.006969696969696969474084013996;0.006060606060606060600803868255;0.009696969696969696961286189207;0.014848484848484848688809911721;0.006060606060606060600803868255;0.003939393939393939607362948863;0.010000000000000000208166817117;0.013030303030303030942249620239;0.010000000000000000208166817117;0.009393939393939393714405561298;0.000000000000000000000000000000;0.005454545454545454974404350423;0.017575757575757574441288610956;0.006060606060606060600803868255;0.004545454545454545233762466694;0.006666666666666667094565124074;0.010303030303030303455047445027;0.003636363636363636360482320953
-0.016312056737588651739168099652;0.025177304964539008735879832557;0.066312056737588651045278709262;0.013475177304964539373721699178;0.009929078014184397615871091602;0.018439716312056736446933769002;0.004609929078014184111733442251;0.031205673758865248162974737056;0.031560283687943259389729888653;0.017730496453900710523976513855;0.018439716312056736446933769002;0.015248226950354609385285264977;0.012411347517730497019838864503;0.031205673758865248162974737056;0.021276595744680850547103645454;0.008865248226950355261988256927;0.032269503546099288782134095754;0.061347517730496452237343163461;0.017375886524822695827774410304;0.015602836879432624081487368528;0.015957446808510637042965996102;0.037234042553191487590069641556;0.021631205673758865243305749004;0.028723404255319148759006964156;0.017375886524822695827774410304;0.024113475177304964647273521905;0.035460992907801421047953027710;0.009929078014184397615871091602;0.003546099290780141757850607576;0.016666666666666666435370203203;0.006028368794326241161818380476;0.018794326241134751143135872553;0.018085106382978721750731665452;0.013475177304964539373721699178;0.019503546099290780535540079654;0.033333333333333332870740406406;0.016666666666666666435370203203;0.008510638297872340565786153377;0.004964539007092198807935545801;0.030141843971631204074368426404;0.008865248226950355261988256927;0.025886524822695034658837087704;0.000000000000000000000000000000;0.013829787234042552335200326752;0.007801418439716312040743684264;0.014893617021276596423806637404;0.025177304964539008735879832557;0.013475177304964539373721699178;0.029432624113475178151411171257;0.011702127659574467627434657402
-0.013666666666666667240281896056;0.049000000000000001887379141863;0.034666666666666665075346998037;0.029333333333333332787473679559;0.033333333333333332870740406406;0.016000000000000000333066907388;0.004333333333333333134418374755;0.023666666666666665713725237197;0.050333333333333334091985733494;0.008000000000000000166533453694;0.006666666666666667094565124074;0.006666666666666667094565124074;0.014666666666666666393736839780;0.012999999999999999403255124264;0.032666666666666663298990158637;0.010000000000000000208166817117;0.032333333333333331982561986706;0.057333333333333333370340767488;0.022333333333333333509118645566;0.004333333333333333134418374755;0.012000000000000000249800180541;0.036333333333333335535275665507;0.017999999999999998639976794834;0.013666666666666667240281896056;0.014333333333333333342585191872;0.014333333333333333342585191872;0.024333333333333331816028533012;0.066666666666666665741480812812;0.001000000000000000020816681712;0.021666666666666667406815349750;0.012999999999999999403255124264;0.019666666666666665630458510350;0.018333333333333333425851918719;0.008333333333333333217685101602;0.016333333333333331649495079319;0.024666666666666666601903656897;0.009333333333333334105863521302;0.006666666666666667094565124074;0.019333333333333334314030338419;0.021333333333333332620940225866;0.010666666666666666310470112933;0.068666666666666667517837652213;0.000000000000000000000000000000;0.010333333333333333259318465025;0.011333333333333334147496884725;0.011333333333333334147496884725;0.010666666666666666310470112933;0.006666666666666667094565124074;0.021999999999999998723243521681;0.006666666666666667094565124074
-0.030851063829787233466772633506;0.007092198581560283515701215151;0.051063829787234039925269968307;0.000000000000000000000000000000;0.002482269503546099403967772901;0.040425531914893619855888573511;0.001773049645390070878925303788;0.018794326241134751143135872553;0.035460992907801421047953027710;0.019148936170212765839337976104;0.024822695035460994039677729006;0.016312056737588651739168099652;0.024113475177304964647273521905;0.030141843971631204074368426404;0.006737588652482269686860849589;0.018085106382978721750731665452;0.025531914893617019962634984154;0.047872340425531914598344940259;0.020921985815602835850901541903;0.011347517730496454665956029828;0.015957446808510637042965996102;0.029432624113475178151411171257;0.015602836879432624081487368528;0.018794326241134751143135872553;0.048936170212765958686951250911;0.030851063829787233466772633506;0.032978723404255318174538302856;0.023404255319148935254869314804;0.000709219858156028416622251864;0.025886524822695034658837087704;0.011702127659574467627434657402;0.009574468085106382919668988052;0.015248226950354609385285264977;0.011702127659574467627434657402;0.028723404255319148759006964156;0.034042553191489362263144613507;0.015248226950354609385285264977;0.007092198581560283515701215151;0.007446808510638298211903318702;0.021631205673758865243305749004;0.001773049645390070878925303788;0.014539007092198581727604533853;0.000000000000000000000000000000;0.009929078014184397615871091602;0.005673758865248227332978014914;0.011347517730496454665956029828;0.029787234042553192847613274807;0.023758865248226949951071418354;0.042553191489361701094207290907;0.022695035460992909331912059656
-0.016352201257861635058654670161;0.022955974842767293969680864052;0.048427672955974845891979896351;0.018553459119496854695663401458;0.011320754716981131296482665505;0.013207547169811321291499339736;0.002830188679245282824120666376;0.038364779874213834898188935085;0.021698113207547168462818731882;0.020754716981132074332672132755;0.016352201257861635058654670161;0.005031446540880502894810266667;0.013836477987421384044930405821;0.027672955974842768089860811642;0.027358490566037736713145278600;0.011635220125786162673198198547;0.036477987421383646637895736831;0.054716981132075473426290557200;0.033962264150943395624171472491;0.011635220125786162673198198547;0.015408805031446540928508071033;0.022327044025157231216249797967;0.018553459119496854695663401458;0.032389937106918238740593807279;0.020754716981132074332672132755;0.024213836477987422945989948175;0.040880503144654085911913199425;0.023584905660377360192558882090;0.001257861635220125723702566667;0.014779874213836478175077004948;0.006289308176100629269034136826;0.020440251572327042955956599712;0.018238993710691823318947868415;0.006603773584905660645749669868;0.025786163522012579829567613388;0.038364779874213834898188935085;0.016666666666666666435370203203;0.008176100628930817529327335080;0.004716981132075471518094733625;0.029559748427672956350154009897;0.011320754716981131296482665505;0.020440251572327042955956599712;0.000000000000000000000000000000;0.016037735849056603681939137118;0.022327044025157231216249797967;0.012578616352201258538068273651;0.019182389937106917449094467543;0.013836477987421384044930405821;0.029559748427672956350154009897;0.012578616352201258538068273651
-0.024074074074074074125473288177;0.008888888888888888881179006773;0.078148148148148147140723551729;0.000000000000000000000000000000;0.000000000000000000000000000000;0.024074074074074074125473288177;0.000370370370370370351979089074;0.014074074074074073917306471060;0.031111111111111110216764785719;0.017777777777777777762358013547;0.011481481481481481399242738917;0.008148148148148147418279307885;0.023703703703703702526661700745;0.043703703703703702942995334979;0.005555555555555555767577313730;0.022962962962962962798485477833;0.037777777777777778178691647781;0.047777777777777780121581940875;0.005925925925925925631665425186;0.013333333333333334189130248149;0.011111111111111111535154627461;0.047777777777777780121581940875;0.017407407407407406163546426114;0.025185185185185185452461098521;0.041851851851851848418384349770;0.032592592592592589673117231541;0.027777777777777776235801354687;0.001851851851851851922525771243;0.001481481481481481407916356297;0.008148148148148147418279307885;0.011111111111111111535154627461;0.019259259259259260688157411323;0.004814814814814815172039352831;0.019259259259259260688157411323;0.037037037037037034981068472916;0.036296296296296298722339201959;0.007777777777777777554191196430;0.012222222222222222862142437805;0.010000000000000000208166817117;0.035185185185185187395351391615;0.007037037037037036958653235530;0.022962962962962962798485477833;0.000000000000000000000000000000;0.011851851851851851263330850372;0.004074074074074073709139653943;0.009629629629629630344078705662;0.037777777777777778178691647781;0.027777777777777776235801354687;0.031851851851851853414387960584;0.020000000000000000416333634234
-0.025555555555555557051272685953;0.018518518518518517490534236458;0.058518518518518518323201504927;0.000740740740740740703958178148;0.005555555555555555767577313730;0.023703703703703702526661700745;0.001481481481481481407916356297;0.029629629629629630760412339896;0.027407407407407408106436719208;0.021851851851851851471497667490;0.022222222222222223070309254922;0.009629629629629630344078705662;0.020000000000000000416333634234;0.029259259259259259161600752464;0.020000000000000000416333634234;0.013703703703703704053218359604;0.031481481481481478346129421197;0.058518518518518518323201504927;0.024444444444444445724284875610;0.007407407407407407690103084974;0.022222222222222223070309254922;0.029259259259259259161600752464;0.018888888888888889089345823891;0.019259259259259260688157411323;0.025185185185185185452461098521;0.021481481481481479872686080057;0.035185185185185187395351391615;0.011851851851851851263330850372;0.002962962962962962815832712593;0.017407407407407406163546426114;0.014814814814814815380206169948;0.024074074074074074125473288177;0.014074074074074073917306471060;0.011111111111111111535154627461;0.026296296296296296779448908865;0.048148148148148148250946576354;0.016666666666666666435370203203;0.008518518518518519017090895318;0.005555555555555555767577313730;0.027037037037037036507625131776;0.005925925925925925631665425186;0.015925925925925926707193980292;0.000000000000000000000000000000;0.012222222222222222862142437805;0.009629629629629630344078705662;0.011111111111111111535154627461;0.027407407407407408106436719208;0.016296296296296294836558615771;0.035185185185185187395351391615;0.016666666666666666435370203203
-0.027987421383647799466576344685;0.009748427672955974412905000293;0.112578616352201260619736444824;0.000000000000000000000000000000;0.001572327044025157317258534206;0.007861635220125786152611802038;0.001886792452830188693974067249;0.016981132075471697812085736246;0.024842767295597485699421014260;0.027358490566037736713145278600;0.017610062893081760565516802330;0.006918238993710692022465202911;0.006603773584905660645749669868;0.053144654088050316542712891987;0.006289308176100629269034136826;0.031446540880503144610447208152;0.025157232704402517076136547303;0.033333333333333332870740406406;0.008490566037735848906042868123;0.004716981132075471518094733625;0.016352201257861635058654670161;0.026100628930817611206283146430;0.005031446540880502894810266667;0.037421383647798740768042335958;0.033962264150943395624171472491;0.056603773584905661686583755454;0.041509433962264148665344265510;0.000943396226415094346987033624;0.000000000000000000000000000000;0.006289308176100629269034136826;0.006603773584905660645749669868;0.016981132075471697812085736246;0.005031446540880502894810266667;0.021698113207547168462818731882;0.015408805031446540928508071033;0.043710691823899368302352996807;0.010691823899371068543051599420;0.006918238993710692022465202911;0.002830188679245282824120666376;0.012893081761006289914783806694;0.005660377358490565648241332752;0.011320754716981131296482665505;0.000000000000000000000000000000;0.011006289308176099919767132462;0.002515723270440251447405133334;0.010377358490566037166336066377;0.069496855345911948131920610194;0.038050314465408803521473402043;0.021383647798742137086103198840;0.038679245283018866274904468128
-0.023809523809523808202115446875;0.017063492063492061850960013203;0.059920634920634922859772331094;0.001190476190476190583578119941;0.005158730158730158617264027754;0.030158730158730159137681070547;0.002380952380952381167156239883;0.014682539682539682418527249297;0.034126984126984123701920026406;0.019444444444444444752839729063;0.012698412698412698401684295391;0.018650793650793650452213157109;0.025396825396825396803368590781;0.025396825396825396803368590781;0.005555555555555555767577313730;0.018253968253968255036623347110;0.026587301587301586519584972734;0.045634920634920632387387939843;0.011507936507936508685467913438;0.012301587301587301251371009414;0.015873015873015872134743631250;0.039682539682539680336859078125;0.025396825396825396803368590781;0.023809523809523808202115446875;0.026587301587301586519584972734;0.026587301587301586519584972734;0.023809523809523808202115446875;0.004761904761904762334312479766;0.000396825396825396825052634231;0.023809523809523808202115446875;0.023015873015873017370935826875;0.015476190476190476719153821250;0.013888888888888888117900677344;0.012698412698412698401684295391;0.043253968253968252954955175937;0.035714285714285712303173170312;0.009920634920634920084214769531;0.013492063492063492702310867344;0.011111111111111111535154627461;0.053174603174603173039169945469;0.005555555555555555767577313730;0.023809523809523808202115446875;0.000000000000000000000000000000;0.009126984126984127518311673555;0.004761904761904762334312479766;0.013095238095238095551997581367;0.024603174603174602502742018828;0.016269841269841271019780393203;0.038492063492063494090089648125;0.011904761904761904101057723437
-0.027777777777777776235801354687;0.011965811965811966668948862491;0.047863247863247866675795449964;0.186752136752136754793696127308;0.006410256410256410034009810772;0.019230769230769231836752908293;0.002564102564102564100340098108;0.017521367521367521569164438233;0.027777777777777776235801354687;0.012820512820512820068019621544;0.014102564102564102768710974090;0.010683760683760683968257509946;0.013247863247863247634916739059;0.029059829059829060671216183209;0.017094017094017095736990796695;0.016666666666666666435370203203;0.026068376068376069437659836581;0.038034188034188030902438271141;0.014102564102564102768710974090;0.005128205128205128200680196215;0.010683760683760683968257509946;0.021794871794871793768688661430;0.015811965811965811301575968173;0.014529914529914530335608091605;0.027777777777777776235801354687;0.019658119658119657668926549832;0.027777777777777776235801354687;0.012393162393162392501122504029;0.000427350427350427350056683018;0.016239316239316240603196561665;0.011965811965811966668948862491;0.015811965811965811301575968173;0.011538461538461539102051744976;0.011111111111111111535154627461;0.027350427350427350403627713149;0.026495726495726495269833478119;0.005128205128205128200680196215;0.010256410256410256401360392431;0.004700854700854700633783078700;0.025641025641025640136039243089;0.004700854700854700633783078700;0.020940170940170938634894426400;0.000000000000000000000000000000;0.008119658119658120301598280832;0.012820512820512820068019621544;0.014102564102564102768710974090;0.017521367521367521569164438233;0.014529914529914530335608091605;0.028205128205128205537421948179;0.017094017094017095736990796695
-0.017375886524822695827774410304;0.024822695035460994039677729006;0.060992907801418437541141059910;0.087943262411347519758031410220;0.002127659574468085141446538344;0.012411347517730497019838864503;0.001418439716312056833244503729;0.019858156028368795231742183205;0.043971631205673759879015705110;0.013829787234042552335200326752;0.011347517730496454665956029828;0.009574468085106382919668988052;0.013475177304964539373721699178;0.029432624113475178151411171257;0.015602836879432624081487368528;0.019503546099290780535540079654;0.028368794326241134062804860605;0.056028368794326238733205514109;0.010638297872340425273551822727;0.009219858156028368223466884501;0.013829787234042552335200326752;0.040780141843971634552090677062;0.022695035460992909331912059656;0.018439716312056736446933769002;0.022695035460992909331912059656;0.021276595744680850547103645454;0.030141843971631204074368426404;0.010992907801418439969753926277;0.001418439716312056833244503729;0.009219858156028368223466884501;0.010992907801418439969753926277;0.015248226950354609385285264977;0.010992907801418439969753926277;0.014184397163120567031402430302;0.021985815602836879939507852555;0.028368794326241134062804860605;0.013829787234042552335200326752;0.009574468085106382919668988052;0.009574468085106382919668988052;0.039361702127659575767282262859;0.004609929078014184111733442251;0.036170212765957443501463330904;0.000000000000000000000000000000;0.007446808510638298211903318702;0.006737588652482269686860849589;0.012056737588652482323636760952;0.021631205673758865243305749004;0.020212765957446809927944286756;0.024113475177304964647273521905;0.013475177304964539373721699178
-0.021138211382113820252515168363;0.020731707317073171797927599869;0.063008130081300808833510984641;0.000000000000000000000000000000;0.002439024390243902436908873810;0.021951219512195120631137257305;0.003252032520325203249211831746;0.028455284552845527129560920798;0.064634146341463416529649066433;0.016666666666666666435370203203;0.013414634146341463186158371457;0.012601626016260162807536282514;0.022357723577235772555171777753;0.022357723577235772555171777753;0.007723577235772357933718534895;0.013821138211382113375469415928;0.034959349593495933627984584291;0.059349593495934958864435060377;0.008943089430894309369013406297;0.006097560975609756309112619022;0.012195121951219512618225238043;0.060569105691056911167091669768;0.024796747967479673691038044581;0.024796747967479673691038044581;0.028455284552845527129560920798;0.024390243902439025236450476086;0.026016260162601625993694653971;0.005284552845528455063128792091;0.000813008130081300812302957937;0.013414634146341463186158371457;0.009349593495934959558324450768;0.018699186991869919116648901536;0.008943089430894309369013406297;0.010975609756097560315568628653;0.027642276422764226750938831856;0.033333333333333332870740406406;0.014227642276422763564780460399;0.012601626016260162807536282514;0.021544715447154472176549688811;0.035772357723577237476053625187;0.006504065040650406498423663493;0.038617886178861790535954412462;0.000000000000000000000000000000;0.007317073170731707744407490424;0.002439024390243902436908873810;0.010162601626016259936946539710;0.021951219512195120631137257305;0.012195121951219512618225238043;0.028455284552845527129560920798;0.014634146341463415488814980847
-0.023666666666666665713725237197;0.014666666666666666393736839780;0.060999999999999998667732370450;0.000333333333333333322202191029;0.029999999999999998889776975375;0.021666666666666667406815349750;0.002666666666666666577617528233;0.019666666666666665630458510350;0.056000000000000001165734175856;0.017666666666666667323548622903;0.012333333333333333300951828448;0.007000000000000000145716771982;0.018333333333333333425851918719;0.024000000000000000499600361081;0.012666666666666666352103476356;0.017000000000000001221245327088;0.032666666666666663298990158637;0.055333333333333331593983928087;0.010333333333333333259318465025;0.008333333333333333217685101602;0.018333333333333333425851918719;0.047666666666666669682772550232;0.021666666666666667406815349750;0.021333333333333332620940225866;0.025000000000000001387778780781;0.025333333333333332704206952712;0.031333333333333331094383567006;0.008000000000000000166533453694;0.000666666666666666644404382058;0.020333333333333331732761806165;0.010999999999999999361621760841;0.015333333333333332496040135595;0.012000000000000000249800180541;0.010999999999999999361621760841;0.023666666666666665713725237197;0.030999999999999999777955395075;0.010999999999999999361621760841;0.008666666666666666268836749509;0.018333333333333333425851918719;0.043333333333333334813630699500;0.007333333333333333196868419890;0.034666666666666665075346998037;0.000000000000000000000000000000;0.009666666666666667157015169209;0.006333333333333333176051738178;0.013333333333333334189130248149;0.020333333333333331732761806165;0.014999999999999999444888487687;0.028000000000000000582867087928;0.014999999999999999444888487687
-0.035416666666666665741480812812;0.013750000000000000069388939039;0.073749999999999996114219413812;0.000000000000000000000000000000;0.000416666666666666693410320255;0.026666666666666668378260496297;0.002500000000000000052041704279;0.020833333333333332176851016015;0.029583333333333333009518284484;0.016666666666666666435370203203;0.018749999999999999306110609609;0.012916666666666666574148081281;0.028750000000000001249000902703;0.040000000000000000832667268469;0.009166666666666666712925959359;0.020833333333333332176851016015;0.026249999999999999028554853453;0.045416666666666667684371105906;0.015416666666666667059870654555;0.010000000000000000208166817117;0.011666666666666667198648532633;0.026249999999999999028554853453;0.020000000000000000416333634234;0.026249999999999999028554853453;0.037083333333333336201409480282;0.035833333333333335091186455656;0.032083333333333331760517381781;0.002500000000000000052041704279;0.000000000000000000000000000000;0.007916666666666667337426410711;0.011249999999999999583666365766;0.020833333333333332176851016015;0.014999999999999999444888487687;0.014583333333333333564629796797;0.025833333333333333148296162562;0.035000000000000003330669073875;0.017500000000000001665334536938;0.013333333333333334189130248149;0.005833333333333333599324266316;0.040000000000000000832667268469;0.002500000000000000052041704279;0.014583333333333333564629796797;0.000000000000000000000000000000;0.011249999999999999583666365766;0.004166666666666666608842550801;0.008750000000000000832667268469;0.025833333333333333148296162562;0.025416666666666667268037471672;0.042500000000000003053113317719;0.019166666666666665186369300500
-0.031140350877192982115282404720;0.014912280701754385484059106659;0.063157894736842107308305571678;0.003947368421052631706769098230;0.001754385964912280734470662047;0.012280701754385964924454199831;0.003947368421052631706769098230;0.020175438596491228337992396291;0.036403508771929826703939170329;0.031140350877192982115282404720;0.011403508771929825316160389548;0.003947368421052631706769098230;0.011842105263157895120307294690;0.035964912280701755165068789211;0.011403508771929825316160389548;0.019736842105263156799122015173;0.045614035087719301264641558191;0.037280701754385962842786028659;0.008333333333333333217685101602;0.009649122807017544364849293004;0.014035087719298245875765296375;0.039035087719298248998267553134;0.010964912280701753777290008429;0.046052631578947365864618035403;0.027192982456140352143236782467;0.036403508771929826703939170329;0.023684210526315790240614589379;0.022368421052631579093450397977;0.004824561403508772182424646502;0.007017543859649122937882648188;0.007894736842105263413538196460;0.028070175438596491751530592751;0.005701754385964912658080194774;0.008771929824561403021832006743;0.027192982456140352143236782467;0.049122807017543859697816799326;0.010526315789473683973143103287;0.007456140350877192742029553330;0.008333333333333333217685101602;0.030263157894736842506988594437;0.004385964912280701510916003372;0.025438596491228069457202209946;0.000000000000000000000000000000;0.019736842105263156799122015173;0.004385964912280701510916003372;0.020614035087719299876862777410;0.034210526315789475948481168643;0.024561403508771929848908399663;0.026315789473684209065496020230;0.011403508771929825316160389548
-0.029166666666666667129259593594;0.007083333333333332974823814965;0.066250000000000003330669073875;0.000000000000000000000000000000;0.002500000000000000052041704279;0.010416666666666666088425508008;0.002916666666666666799662133158;0.014999999999999999444888487687;0.036249999999999997501998194593;0.031250000000000000000000000000;0.015416666666666667059870654555;0.005416666666666666851703837438;0.017083333333333332315628894094;0.040416666666666663243479007406;0.007083333333333332974823814965;0.022916666666666665047591422422;0.032916666666666663521034763562;0.035000000000000003330669073875;0.005000000000000000104083408559;0.012500000000000000693889390391;0.010416666666666666088425508008;0.039166666666666669072149886688;0.019583333333333334536074943344;0.046249999999999999444888487687;0.024166666666666666157814447047;0.039583333333333331482961625625;0.020000000000000000416333634234;0.010416666666666666088425508008;0.005000000000000000104083408559;0.006250000000000000346944695195;0.005000000000000000104083408559;0.036249999999999997501998194593;0.007499999999999999722444243844;0.012500000000000000693889390391;0.029166666666666667129259593594;0.050833333333333334536074943344;0.009583333333333332593184650250;0.014166666666666665949647629930;0.007083333333333332974823814965;0.044166666666666666574148081281;0.005000000000000000104083408559;0.023750000000000000277555756156;0.000000000000000000000000000000;0.025000000000000001387778780781;0.001666666666666666773641281019;0.019166666666666665186369300500;0.034166666666666664631257788187;0.018749999999999999306110609609;0.024166666666666666157814447047;0.016666666666666666435370203203
-0.023611111111111110494320541875;0.013888888888888888117900677344;0.051851851851851850361274642864;0.006018518518518518531368322044;0.006481481481481481295159330358;0.020370370370370372015145221667;0.005092592592592593003786305417;0.018518518518518517490534236458;0.029629629629629630760412339896;0.019444444444444444752839729063;0.013425925925925926221471407018;0.009259259259259258745267118229;0.027314814814814816074095560339;0.027314814814814816074095560339;0.011111111111111111535154627461;0.018055555555555553859381490156;0.024074074074074074125473288177;0.043518518518518518878313017240;0.018055555555555553859381490156;0.009722222222222222376419864531;0.020833333333333332176851016015;0.034259259259259260133045899011;0.035185185185185187395351391615;0.020370370370370372015145221667;0.023611111111111110494320541875;0.021296296296296295808003762318;0.039814814814814816767984950729;0.011574074074074073431583897786;0.002314814814814814686316779557;0.023611111111111110494320541875;0.004629629629629629372633559115;0.015277777777777777276635440273;0.023148148148148146863167795573;0.010185185185185186007572610833;0.040277777777777780399137697032;0.034722222222222223764198645313;0.016203703703703702804217456901;0.008796296296296296848837847904;0.009259259259259258745267118229;0.044907407407407409771771256146;0.007407407407407407690103084974;0.027777777777777776235801354687;0.000000000000000000000000000000;0.010648148148148147904001881159;0.009259259259259258745267118229;0.010185185185185186007572610833;0.026851851851851852442942814037;0.013425925925925926221471407018;0.043518518518518518878313017240;0.013888888888888888117900677344
-0.020833333333333332176851016015;0.014285714285714285268213963320;0.043452380952380950662750080937;0.216071428571428580944768782501;0.004464285714285714037896646289;0.018749999999999999306110609609;0.004464285714285714037896646289;0.019642857142857142460634634062;0.024702380952380951356639471328;0.015178571428571428422737987773;0.016666666666666666435370203203;0.012797619047619047255581747891;0.018452380952380952744418252109;0.023214285714285715078730731875;0.019345238095238095898942276563;0.010119047619047619526733150508;0.015773809523809523280846178750;0.025000000000000001387778780781;0.016666666666666666435370203203;0.004464285714285714037896646289;0.016369047619047619873677845703;0.021130952380952382207990325469;0.015476190476190476719153821250;0.016071428571428569842538536250;0.019345238095238095898942276563;0.021428571428571428769682682969;0.026488095238095237665687520234;0.026488095238095237665687520234;0.002083333333333333304421275400;0.017261904761904763028201870156;0.006547619047619047775998790684;0.013988095238095238706521605820;0.016071428571428569842538536250;0.011904761904761904101057723437;0.023214285714285715078730731875;0.026488095238095237665687520234;0.008035714285714284921269268125;0.005654761904761904621474766230;0.006250000000000000346944695195;0.021726190476190475331375040469;0.007738095238095238359576910625;0.013690476190476190410105772344;0.000000000000000000000000000000;0.010714285714285714384841341484;0.013988095238095238706521605820;0.011011904761904762681257174961;0.018749999999999999306110609609;0.017559523809523809589894227656;0.030059523809523810283783618047;0.010119047619047619526733150508
-0.029999999999999998889776975375;0.009583333333333332593184650250;0.062500000000000000000000000000;0.019583333333333334536074943344;0.022083333333333333287074040641;0.020000000000000000416333634234;0.001250000000000000026020852140;0.017916666666666667545593227828;0.016250000000000000555111512313;0.024166666666666666157814447047;0.010000000000000000208166817117;0.031250000000000000000000000000;0.014166666666666665949647629930;0.038749999999999999722444243844;0.010833333333333333703407674875;0.022499999999999999167332731531;0.030416666666666668239482618219;0.037916666666666667961926862063;0.012083333333333333078907223523;0.013750000000000000069388939039;0.010416666666666666088425508008;0.022499999999999999167332731531;0.010000000000000000208166817117;0.039166666666666669072149886688;0.027916666666666666019036568969;0.040000000000000000832667268469;0.026666666666666668378260496297;0.002916666666666666799662133158;0.002083333333333333304421275400;0.026666666666666668378260496297;0.014166666666666665949647629930;0.022499999999999999167332731531;0.011666666666666667198648532633;0.007916666666666667337426410711;0.027916666666666666019036568969;0.044999999999999998334665463062;0.008333333333333333217685101602;0.012083333333333333078907223523;0.002083333333333333304421275400;0.022499999999999999167332731531;0.005416666666666666851703837438;0.011249999999999999583666365766;0.000000000000000000000000000000;0.025000000000000001387778780781;0.004166666666666666608842550801;0.015416666666666667059870654555;0.035416666666666665741480812812;0.024583333333333332038073137937;0.033333333333333332870740406406;0.017916666666666667545593227828
-0.023333333333333334397297065266;0.012592592592592592726230549260;0.056666666666666663798590519718;0.002222222222222222220294751693;0.013703703703703704053218359604;0.018148148148148149361169600979;0.001851851851851851922525771243;0.020000000000000000416333634234;0.032222222222222221543752596062;0.029999999999999998889776975375;0.011481481481481481399242738917;0.019259259259259260688157411323;0.015555555555555555108382392859;0.034444444444444444197728216750;0.012962962962962962590318660716;0.012962962962962962590318660716;0.023703703703703702526661700745;0.041481481481481480289019714291;0.010740740740740739936343040029;0.009629629629629630344078705662;0.010000000000000000208166817117;0.018518518518518517490534236458;0.020370370370370372015145221667;0.038518518518518521376314822646;0.024814814814814813853649511088;0.029629629629629630760412339896;0.022592592592592591199673890401;0.062592592592592588562894206916;0.001851851851851851922525771243;0.025555555555555557051272685953;0.017407407407407406163546426114;0.025555555555555557051272685953;0.012592592592592592726230549260;0.006296296296296296363115274630;0.021851851851851851471497667490;0.045925925925925925596970955667;0.010000000000000000208166817117;0.008888888888888888881179006773;0.008518518518518519017090895318;0.020000000000000000416333634234;0.004074074074074073709139653943;0.030370370370370370488588562807;0.000000000000000000000000000000;0.020740740740740740144509857146;0.004074074074074073709139653943;0.014444444444444443781394582516;0.031851851851851853414387960584;0.024074074074074074125473288177;0.022222222222222223070309254922;0.013703703703703704053218359604
-0.036666666666666666851703837438;0.006666666666666667094565124074;0.083636363636363633689008167948;0.000303030303030303030040193413;0.004242424242424242854243576772;0.008787878787878787220644305478;0.000909090909090909090120580238;0.015757575757575758429451795450;0.018484848484848485916653970662;0.041212121212121213820189780108;0.014848484848484848688809911721;0.006060606060606060600803868255;0.007575757575757575967845269815;0.053636363636363634799231192574;0.009696969696969696961286189207;0.024848484848484848896976728838;0.027575757575757576384178904050;0.033939393939393942833948614179;0.004242424242424242854243576772;0.009393939393939393714405561298;0.013636363636363635701287400082;0.026969696969696969890417648230;0.006363636363636363847684496164;0.059696969696969699736843750770;0.037272727272727269876018141304;0.062424242424242423754598974028;0.019393939393939393922572378415;0.009393939393939393714405561298;0.000909090909090909090120580238;0.006969696969696969474084013996;0.003939393939393939607362948863;0.028484848484848484390097311802;0.005757575757575757353923240345;0.008484848484848485708487153545;0.014848484848484848688809911721;0.063333333333333338699411285688;0.006969696969696969474084013996;0.006969696969696969474084013996;0.001818181818181818180241160476;0.021212121212121213403856145874;0.005757575757575757353923240345;0.009393939393939393714405561298;0.000000000000000000000000000000;0.029696969696969697377619823442;0.003030303030303030300401934127;0.016969696969696971416974307090;0.054848484848484847786753704213;0.026969696969696969890417648230;0.017878787878787879422892714842;0.022121212121212121409774553626
-0.020476190476190477690598967797;0.023809523809523808202115446875;0.045238095238095236971798129844;0.005714285714285714280757932926;0.004761904761904762334312479766;0.010952380952380953021974008266;0.007619047619047619041010577234;0.032857142857142855596475072844;0.026190476190476191103995162734;0.014285714285714285268213963320;0.016190476190476189161104869640;0.004761904761904762334312479766;0.022857142857142857123031731703;0.030476190476190476164042308937;0.025714285714285713829729829172;0.010000000000000000208166817117;0.030476190476190476164042308937;0.053809523809523807091892422250;0.019047619047619049337249919063;0.011428571428571428561515865852;0.022380952380952379848766398140;0.028095238095238096731609545031;0.037619047619047621400234504563;0.025714285714285713829729829172;0.021428571428571428769682682969;0.024761904761904762750646114000;0.028095238095238096731609545031;0.015714285714285715356286488031;0.002380952380952381167156239883;0.012380952380952381375323057000;0.007142857142857142634106981660;0.021428571428571428769682682969;0.016666666666666666435370203203;0.014285714285714285268213963320;0.038571428571428569009871267781;0.033333333333333332870740406406;0.015238095238095238082021154469;0.010476190476190475747708674703;0.009047619047619047394359625969;0.041904761904761902990834698812;0.009523809523809524668624959531;0.017619047619047617514453918375;0.000000000000000000000000000000;0.017619047619047617514453918375;0.010000000000000000208166817117;0.017142857142857143709635536766;0.023333333333333334397297065266;0.018095238095238094788719251937;0.036190476190476189577438503875;0.007142857142857142634106981660
-0.028632478632478631369595589717;0.011111111111111111535154627461;0.074786324786324784308355617668;0.002136752136752136967123849587;0.000000000000000000000000000000;0.020085470085470086970547143324;0.004700854700854700633783078700;0.021367521367521367936515019892;0.026068376068376069437659836581;0.030769230769230770938804653269;0.020512820512820512802720784862;0.005128205128205128200680196215;0.016239316239316240603196561665;0.041025641025641025605441569724;0.014102564102564102768710974090;0.017948717948717947401338079771;0.027777777777777776235801354687;0.049145299145299144172316374579;0.014102564102564102768710974090;0.012393162393162392501122504029;0.008547008547008547868495398347;0.032905982905982907038566764868;0.016666666666666666435370203203;0.034188034188034191473981593390;0.023931623931623933337897724982;0.038888888888888889505679458125;0.032905982905982907038566764868;0.002991452991452991667237215623;0.002136752136752136967123849587;0.010256410256410256401360392431;0.005555555555555555767577313730;0.028632478632478631369595589717;0.013247863247863247634916739059;0.014957264957264957902505209120;0.026068376068376069437659836581;0.044871794871794871972792151382;0.014529914529914530335608091605;0.010256410256410256401360392431;0.004700854700854700633783078700;0.033760683760683758702914047944;0.006410256410256410034009810772;0.008974358974358973700669039886;0.000000000000000000000000000000;0.020940170940170938634894426400;0.004700854700854700633783078700;0.018376068376068376702958673263;0.042307692307692310040856398246;0.019230769230769231836752908293;0.023076923076923078204103489952;0.017948717948717947401338079771
-0.029365079365079364837054498594;0.013095238095238095551997581367;0.064285714285714279370154144999;0.001984126984126984016842953906;0.006746031746031746351155433672;0.025000000000000001387778780781;0.005555555555555555767577313730;0.018253968253968255036623347110;0.034126984126984123701920026406;0.026984126984126985404621734688;0.019841269841269840168429539062;0.015873015873015872134743631250;0.014682539682539682418527249297;0.035714285714285712303173170312;0.009126984126984127518311673555;0.020634920634920634469056111016;0.040079365079365082691342792032;0.040476190476190478106932602032;0.017857142857142856151586585156;0.010317460317460317234528055508;0.014285714285714285268213963320;0.019841269841269840168429539062;0.014285714285714285268213963320;0.039285714285714284921269268125;0.030952380952380953438307642500;0.030555555555555554553270880547;0.025000000000000001387778780781;0.021428571428571428769682682969;0.002380952380952381167156239883;0.015873015873015872134743631250;0.015873015873015872134743631250;0.025396825396825396803368590781;0.012301587301587301251371009414;0.008333333333333333217685101602;0.017063492063492061850960013203;0.048015873015873018758714607657;0.014682539682539682418527249297;0.009126984126984127518311673555;0.002777777777777777883788656865;0.017857142857142856151586585156;0.006349206349206349200842147695;0.024206349206349207087152208828;0.000000000000000000000000000000;0.017460317460317460735996775156;0.009523809523809524668624959531;0.015873015873015872134743631250;0.033333333333333332870740406406;0.022619047619047618485899064922;0.025000000000000001387778780781;0.010317460317460317234528055508
-0.021317829457364340789427004097;0.018217054263565891220055803501;0.053875968992248064737271562308;0.013178294573643410669827602533;0.026356589147286821339655205065;0.022093023255813953181769804246;0.003488372093023255765542600670;0.018217054263565891220055803501;0.039922480620155041675101159626;0.018992248062015503612398603650;0.013565891472868216865999002607;0.023643410852713177966455404544;0.018217054263565891220055803501;0.022093023255813953181769804246;0.016279069767441860239198803129;0.018604651162790697416227203576;0.035658914728682170047768806853;0.040697674418604654067443959775;0.012015503875968992081313402309;0.004651162790697674354056800894;0.012790697674418604473656202458;0.033720930232558142536358758434;0.015503875968992247846856002980;0.024806201550387596554969604767;0.021317829457364340789427004097;0.025193798449612402751141004842;0.024418604651162790358798204693;0.022093023255813953181769804246;0.003488372093023255765542600670;0.037984496124031007224797207300;0.025968992248062015143483804991;0.020930232558139534593255604022;0.008527131782945736315770801639;0.014728682170542635454513202831;0.025581395348837208947312404916;0.027519379844961239928169405289;0.010852713178294573492799202086;0.013953488372093023062170402682;0.009302325581395348708113601788;0.026356589147286821339655205065;0.006589147286821705334913801266;0.031395348837209305359330357987;0.000000000000000000000000000000;0.015503875968992247846856002980;0.009689922480620154904285001862;0.014728682170542635454513202831;0.027131782945736433731998005214;0.014341085271317829258341802756;0.021705426356589146985598404171;0.012790697674418604473656202458
-0.022592592592592591199673890401;0.012592592592592592726230549260;0.081851851851851856189945522146;0.003333333333333333547282562037;0.007407407407407407690103084974;0.021111111111111111743321444578;0.003333333333333333547282562037;0.019259259259259260688157411323;0.045925925925925925596970955667;0.017037037037037038034181790636;0.012592592592592592726230549260;0.011481481481481481399242738917;0.014814814814814815380206169948;0.036296296296296298722339201959;0.007407407407407407690103084974;0.016296296296296294836558615771;0.040370370370370368962031903948;0.054814814814814816212873438417;0.008518518518518519017090895318;0.009629629629629630344078705662;0.010740740740740739936343040029;0.040370370370370368962031903948;0.017407407407407406163546426114;0.025925925925925925180637321432;0.028888888888888887562789165031;0.032222222222222221543752596062;0.029999999999999998889776975375;0.005185185185185185036127464286;0.002592592592592592518063732143;0.022962962962962962798485477833;0.013703703703703704053218359604;0.024074074074074074125473288177;0.010740740740740739936343040029;0.011481481481481481399242738917;0.021851851851851851471497667490;0.032222222222222221543752596062;0.011111111111111111535154627461;0.012222222222222222862142437805;0.011851851851851851263330850372;0.038888888888888889505679458125;0.006666666666666667094565124074;0.019259259259259260688157411323;0.000000000000000000000000000000;0.011851851851851851263330850372;0.002962962962962962815832712593;0.011851851851851851263330850372;0.027407407407407408106436719208;0.021111111111111111743321444578;0.031481481481481478346129421197;0.016296296296296294836558615771
-0.025694444444444443365060948281;0.015625000000000000000000000000;0.067361111111111107718762980312;0.003819444444444444319158860068;0.005208333333333333044212754004;0.020138888888888890199568848516;0.003472222222222222029475169336;0.029166666666666667129259593594;0.025347222222222222376419864531;0.025347222222222222376419864531;0.010763888888888888811790067734;0.009722222222222222376419864531;0.019444444444444444752839729063;0.030208333333333333564629796797;0.017708333333333332870740406406;0.014236111111111110841265237070;0.035416666666666665741480812812;0.065625000000000002775557561563;0.016319444444444445446729119453;0.010416666666666666088425508008;0.014930555555555556287994356524;0.021180555555555556634939051719;0.019791666666666665741480812812;0.026736111111111109800431151484;0.026041666666666667823148983985;0.029166666666666667129259593594;0.034722222222222223764198645313;0.009374999999999999653055304805;0.001736111111111111014737584668;0.026041666666666667823148983985;0.007638888888888888638317720137;0.022569444444444444058950338672;0.012500000000000000693889390391;0.009722222222222222376419864531;0.025694444444444443365060948281;0.042361111111111113269878103438;0.020138888888888890199568848516;0.010763888888888888811790067734;0.002083333333333333304421275400;0.027777777777777776235801354687;0.010069444444444445099784424258;0.020833333333333332176851016015;0.000000000000000000000000000000;0.019444444444444444752839729063;0.006597222222222222202947516934;0.014236111111111110841265237070;0.023263888888888889505679458125;0.018402777777777778317469525859;0.031597222222222220988641083750;0.013541666666666667129259593594
-0.018518518518518517490534236458;0.017037037037037038034181790636;0.065555555555555561353386906376;0.000740740740740740703958178148;0.004074074074074073709139653943;0.023333333333333334397297065266;0.002222222222222222220294751693;0.025185185185185185452461098521;0.044814814814814814269983145323;0.020000000000000000416333634234;0.015555555555555555108382392859;0.007037037037037036958653235530;0.022592592592592591199673890401;0.024444444444444445724284875610;0.009629629629629630344078705662;0.014074074074074073917306471060;0.030370370370370370488588562807;0.060740740740740740977177125615;0.016666666666666666435370203203;0.015555555555555555108382392859;0.016296296296296294836558615771;0.038888888888888889505679458125;0.019259259259259260688157411323;0.023703703703703702526661700745;0.027407407407407408106436719208;0.021481481481481479872686080057;0.023333333333333334397297065266;0.015185185185185185244294281404;0.002222222222222222220294751693;0.020740740740740740144509857146;0.009259259259259258745267118229;0.019259259259259260688157411323;0.012592592592592592726230549260;0.009629629629629630344078705662;0.024074074074074074125473288177;0.041111111111111112159655078813;0.016296296296296294836558615771;0.006666666666666667094565124074;0.011111111111111111535154627461;0.036296296296296298722339201959;0.008888888888888888881179006773;0.042962962962962959745372160114;0.000000000000000000000000000000;0.010000000000000000208166817117;0.004814814814814815172039352831;0.012962962962962962590318660716;0.025185185185185185452461098521;0.016296296296296294836558615771;0.030740740740740742087400150240;0.015185185185185185244294281404
-0.019666666666666665630458510350;0.018333333333333333425851918719;0.073333333333333333703407674875;0.034000000000000002442490654175;0.013333333333333334189130248149;0.016000000000000000333066907388;0.003333333333333333547282562037;0.019666666666666665630458510350;0.035666666666666665963525417737;0.020666666666666666518636930050;0.014333333333333333342585191872;0.010666666666666666310470112933;0.014666666666666666393736839780;0.031666666666666669349705642844;0.014000000000000000291433543964;0.018999999999999999528155214534;0.034333333333333333758918826106;0.047000000000000000111022302463;0.015333333333333332496040135595;0.012999999999999999403255124264;0.009666666666666667157015169209;0.034000000000000002442490654175;0.014999999999999999444888487687;0.031666666666666669349705642844;0.025000000000000001387778780781;0.029666666666666667573348803444;0.022333333333333333509118645566;0.011666666666666667198648532633;0.003333333333333333547282562037;0.016333333333333331649495079319;0.010333333333333333259318465025;0.023666666666666665713725237197;0.008000000000000000166533453694;0.013666666666666667240281896056;0.022999999999999999611421941381;0.033666666666666664187168578337;0.010666666666666666310470112933;0.013333333333333334189130248149;0.009666666666666667157015169209;0.029000000000000001471045507628;0.007000000000000000145716771982;0.021000000000000001304512053935;0.000000000000000000000000000000;0.016666666666666666435370203203;0.011333333333333334147496884725;0.015333333333333332496040135595;0.025999999999999998806510248528;0.025000000000000001387778780781;0.022999999999999999611421941381;0.012999999999999999403255124264
-0.019927536231884056261431936719;0.020652173913043476993767200156;0.067753623188405803778877611876;0.000362318840579710149327197222;0.002173913043478260895963183330;0.013768115942028985240752625430;0.003985507246376811425758734941;0.018115942028985507900040730078;0.032971014492753622504572774687;0.021739130434782608092270095312;0.009057971014492753950020365039;0.005434782608695652023067523828;0.012681159420289855876973206250;0.039492753623188409095590145625;0.010869565217391304046135047656;0.009782608695652174682355628477;0.048550724637681161310887034688;0.061594202898550727554027872657;0.009782608695652174682355628477;0.013043478260869564508417361992;0.015579710144927537071590784024;0.024637681159420291021611149063;0.024637681159420291021611149063;0.035507246376811595067746196719;0.021014492753623187359934831875;0.030797101449275363777013936328;0.022463768115942028824605358750;0.032246376811594201772237511250;0.001086956521739130447981591665;0.004710144927536232158093998379;0.002536231884057970828449946055;0.027536231884057970481505250859;0.007608695652173913352711576152;0.010869565217391304046135047656;0.028260869565217391213840514297;0.048550724637681161310887034688;0.015217391304347826705423152305;0.006159420289855072755402787266;0.005797101449275362389235155547;0.039492753623188409095590145625;0.009420289855072464316187996758;0.027536231884057970481505250859;0.000000000000000000000000000000;0.016304347826086956069202571484;0.003985507246376811425758734941;0.007971014492753622851517469883;0.033695652173913043236908038125;0.022101449275362318458437727031;0.036956521739130436532416723594;0.015579710144927537071590784024
-0.013398692810457515575683906661;0.051633986928104572133868543915;0.021895424836601305729200106498;0.003267973856209150426005427548;0.016339869281045752563708006733;0.027124183006535948492476961746;0.004901960784313725422167706824;0.036928104575163399336812375395;0.028431372549019607448572699582;0.007843137254901960675468330919;0.011111111111111111535154627461;0.012418300653594770491250365296;0.020588235294117646773104368663;0.009803921568627450844335413649;0.037908496732026140951798964807;0.008823529411764705759901872284;0.023529411764705882026404992757;0.066013071895424837998156419872;0.029411764705882352533006240947;0.006209150326797385245625182648;0.015032679738562091872888792921;0.019281045751633987817008630827;0.036274509803921571593487982454;0.014052287581699346788455251556;0.018954248366013070475899482403;0.008823529411764705759901872284;0.029738562091503266404668437417;0.083006535947712414835741867591;0.001307189542483660040297910321;0.050980392156862744390544150974;0.009477124183006535237949741202;0.014052287581699346788455251556;0.026797385620915031151367813322;0.004901960784313725422167706824;0.020261437908496732901442172192;0.027777777777777776235801354687;0.011111111111111111535154627461;0.005882352941176470506601248189;0.008823529411764705759901872284;0.025163398692810458323609879017;0.016339869281045752563708006733;0.038235294117647061762355065184;0.000000000000000000000000000000;0.007843137254901960675468330919;0.015359477124183005744550989391;0.010784313725490195928768955014;0.010130718954248366450721086096;0.003594771241830065165029362007;0.022875816993464050813633647863;0.005555555555555555767577313730
-0.019940476190476189022326991562;0.018749999999999999306110609609;0.048214285714285716466509512657;0.002083333333333333304421275400;0.018749999999999999306110609609;0.033333333333333332870740406406;0.002976190476190476025264430859;0.025000000000000001387778780781;0.030357142857142856845475975547;0.013392857142857142113689938867;0.013988095238095238706521605820;0.016369047619047619873677845703;0.027083333333333334258519187188;0.023214285714285715078730731875;0.014285714285714285268213963320;0.011607142857142857539365365938;0.024404761904761904794947113828;0.048809523809523809589894227656;0.034226190476190479494711382813;0.009226190476190476372209126055;0.016964285714285712997062560703;0.028869047619047620567567236094;0.029761904761904760252644308594;0.020238095238095239053466301016;0.022916666666666665047591422422;0.020238095238095239053466301016;0.027976190476190477413043211641;0.026785714285714284227379877734;0.002380952380952381167156239883;0.061011904761904760252644308594;0.010416666666666666088425508008;0.018452380952380952744418252109;0.026190476190476191103995162734;0.009226190476190476372209126055;0.018749999999999999306110609609;0.031547619047619046561692357500;0.015476190476190476719153821250;0.007440476190476190063161077148;0.005357142857142857192420670742;0.027083333333333334258519187188;0.008928571428571428075793292578;0.028869047619047620567567236094;0.000000000000000000000000000000;0.009226190476190476372209126055;0.011309523809523809242949532461;0.011607142857142857539365365938;0.016964285714285712997062560703;0.010416666666666666088425508008;0.026785714285714284227379877734;0.012797619047619047255581747891
-0.025886524822695034658837087704;0.016666666666666666435370203203;0.087588652482269505061829306669;0.000000000000000000000000000000;0.000709219858156028416622251864;0.016666666666666666435370203203;0.002127659574468085141446538344;0.024113475177304964647273521905;0.031914893617021274085931992204;0.024822695035460994039677729006;0.015602836879432624081487368528;0.006737588652482269686860849589;0.017730496453900710523976513855;0.039716312056737590463484366410;0.009219858156028368223466884501;0.014184397163120567031402430302;0.026595744680851064051241294806;0.055319148936170209340801307007;0.014893617021276596423806637404;0.011702127659574467627434657402;0.013829787234042552335200326752;0.040425531914893619855888573511;0.025531914893617019962634984154;0.022340425531914894635709956106;0.021276595744680850547103645454;0.035460992907801421047953027710;0.025886524822695034658837087704;0.005319148936170212636775911363;0.000709219858156028416622251864;0.007801418439716312040743684264;0.006737588652482269686860849589;0.019503546099290780535540079654;0.012765957446808509981317492077;0.011702127659574467627434657402;0.026241134751773049355039191255;0.046453900709219855813536526057;0.020212765957446809927944286756;0.008865248226950355261988256927;0.007446808510638298211903318702;0.035106382978723406351750924159;0.007446808510638298211903318702;0.012056737588652482323636760952;0.000000000000000000000000000000;0.012765957446808509981317492077;0.005673758865248227332978014914;0.014184397163120567031402430302;0.034397163120567376959346717058;0.026595744680851064051241294806;0.034397163120567376959346717058;0.016666666666666666435370203203
-0.018604651162790697416227203576;0.025581395348837208947312404916;0.033333333333333332870740406406;0.005813953488372092942571001117;0.033333333333333332870740406406;0.017054263565891472631541603278;0.008527131782945736315770801639;0.038759689922480619617140007449;0.034883720930232557655426006704;0.010077519379844961100456401937;0.014728682170542635454513202831;0.007364341085271317727256601415;0.017441860465116278827713003352;0.016666666666666666435370203203;0.030232558139534883301369205810;0.009302325581395348708113601788;0.029844961240310077105197805736;0.062403100775193801053042363947;0.036434108527131782440111607002;0.010852713178294573492799202086;0.022480620155038759377941204320;0.023643410852713177966455404544;0.029069767441860464712855005587;0.016666666666666666435370203203;0.012015503875968992081313402309;0.016666666666666666435370203203;0.039147286821705429282758359477;0.031395348837209305359330357987;0.003100775193798449569371200596;0.021317829457364340789427004097;0.008527131782945736315770801639;0.017829457364341085023884403427;0.015891472868217054043027403054;0.003875968992248061961714000745;0.025581395348837208947312404916;0.031395348837209305359330357987;0.013953488372093023062170402682;0.009302325581395348708113601788;0.009302325581395348708113601788;0.038759689922480619617140007449;0.012015503875968992081313402309;0.029457364341085270909026405661;0.000000000000000000000000000000;0.016666666666666666435370203203;0.015503875968992247846856002980;0.013178294573643410669827602533;0.013178294573643410669827602533;0.009302325581395348708113601788;0.031395348837209305359330357987;0.008139534883720930119599401564
-0.017479674796747966813992292145;0.035365853658536582082572152785;0.027642276422764226750938831856;0.138617886178861782209281727773;0.017073170731707318359404723651;0.016666666666666666435370203203;0.007723577235772357933718534895;0.032520325203252035961565269417;0.020325203252032519873893079421;0.009349593495934959558324450768;0.007317073170731707744407490424;0.004065040650406504495195658677;0.012601626016260162807536282514;0.015447154471544715867437069790;0.037804878048780486687885371566;0.007317073170731707744407490424;0.024390243902439025236450476086;0.037398373983739838233297803072;0.030081300813008131356252050637;0.008130081300813008990391317354;0.015853658536585366056748114261;0.024390243902439025236450476086;0.025609756097560974069660133523;0.019918699186991871419305510926;0.011382113821138212239603149101;0.018699186991869919116648901536;0.030487804878048779810839619131;0.048373983739837395079419479771;0.004065040650406504495195658677;0.019105691056910567571236470030;0.004471544715447154684506703148;0.012601626016260162807536282514;0.015853658536585366056748114261;0.006910569105691056687734707964;0.026829268292682926372316742913;0.030894308943089431734874139579;0.011382113821138212239603149101;0.006097560975609756309112619022;0.007317073170731707744407490424;0.029268292682926830977629961694;0.011788617886178862428914193572;0.023170731707317072933793866696;0.000000000000000000000000000000;0.007723577235772357933718534895;0.019918699186991871419305510926;0.013008130081300812996847326986;0.010569105691056910126257584182;0.009756097560975609747635495239;0.021544715447154472176549688811;0.005691056910569106119801574550
-0.022685185185185186701462001224;0.016666666666666666435370203203;0.054166666666666668517038374375;0.001388888888888888941894328433;0.007870370370370369586532355299;0.015740740740740739173064710599;0.008796296296296296848837847904;0.039814814814814816767984950729;0.030555555555555554553270880547;0.030555555555555554553270880547;0.013425925925925926221471407018;0.007407407407407407690103084974;0.018055555555555553859381490156;0.027777777777777776235801354687;0.018055555555555553859381490156;0.007870370370370369586532355299;0.031944444444444441977282167500;0.066666666666666665741480812812;0.018055555555555553859381490156;0.009722222222222222376419864531;0.020370370370370372015145221667;0.018518518518518517490534236458;0.016203703703703702804217456901;0.027777777777777776235801354687;0.018981481481481481121686982760;0.029629629629629630760412339896;0.038425925925925925874526711823;0.006944444444444444058950338672;0.004166666666666666608842550801;0.013888888888888888117900677344;0.007407407407407407690103084974;0.029166666666666667129259593594;0.015277777777777777276635440273;0.007870370370370369586532355299;0.016666666666666666435370203203;0.054166666666666668517038374375;0.016203703703703702804217456901;0.010185185185185186007572610833;0.006481481481481481295159330358;0.026851851851851852442942814037;0.010185185185185186007572610833;0.017129629629629630066522949505;0.000000000000000000000000000000;0.020833333333333332176851016015;0.006481481481481481295159330358;0.025000000000000001387778780781;0.025462962962962961549484575130;0.018981481481481481121686982760;0.030092592592592590922118134245;0.013425925925925926221471407018
-0.020555555555555556079827539406;0.023611111111111110494320541875;0.085555555555555551361379684749;0.003888888888888888777095598215;0.004444444444444444440589503387;0.013333333333333334189130248149;0.001388888888888888941894328433;0.025277777777777777484802257391;0.044444444444444446140618509844;0.025000000000000001387778780781;0.010833333333333333703407674875;0.009444444444444444544672911945;0.011388888888888889366901580047;0.035833333333333335091186455656;0.014444444444444443781394582516;0.014444444444444443781394582516;0.037499999999999998612221219219;0.056388888888888891171013995063;0.012777777777777778525636342977;0.013888888888888888117900677344;0.011111111111111111535154627461;0.030833333333333334119741309109;0.016111111111111110771876298031;0.026666666666666668378260496297;0.020833333333333332176851016015;0.023055555555555554830826636703;0.025833333333333333148296162562;0.032500000000000001110223024625;0.001944444444444444388547799107;0.012222222222222222862142437805;0.007499999999999999722444243844;0.020000000000000000416333634234;0.009166666666666666712925959359;0.012222222222222222862142437805;0.015833333333333334674852821422;0.046111111111111109661653273406;0.015555555555555555108382392859;0.005833333333333333599324266316;0.005277777777777777935830361145;0.032222222222222221543752596062;0.005833333333333333599324266316;0.025277777777777777484802257391;0.000000000000000000000000000000;0.014444444444444443781394582516;0.006111111111111111431071218902;0.007222222222222221890697291258;0.036111111111111107718762980312;0.020555555555555556079827539406;0.034722222222222223764198645313;0.014444444444444443781394582516
-0.021839080459770114639450611094;0.022413793103448275551015100859;0.074999999999999997224442438437;0.000287356321839080455782244883;0.000574712643678160911564489766;0.009770114942528735496596326016;0.003448275862068965469386938594;0.025287356321839080108837549687;0.035344827586206897795939596563;0.026149425287356323210907760313;0.012356321839080459598636529961;0.004310344827586206836733673242;0.012068965517241379142854285078;0.036781609195402298340127345000;0.012068965517241379142854285078;0.015517241379310344612241223672;0.035057471264367819074880827657;0.063793103448275864653105315938;0.011494252873563218231289795312;0.012356321839080459598636529961;0.017528735632183909537440413828;0.038793103448275863265326535156;0.023275862068965518653085311485;0.043390804597701150557842453281;0.017528735632183909537440413828;0.025862068965517241020402039453;0.033333333333333332870740406406;0.010919540229885057319725305547;0.003160919540229885013604693711;0.007471264367816091850338366953;0.004022988505747126380951428359;0.026724137931034484122472250078;0.009482758620689655040814081133;0.009770114942528735496596326016;0.022988505747126436462579590625;0.048850574712643680952428582032;0.014367816091954022789112244141;0.005747126436781609115644897656;0.007758620689655172306120611836;0.028735632183908045578224488281;0.010632183908045976863943060664;0.017816091954022988258499182734;0.000000000000000000000000000000;0.020114942528735631904757141797;0.002586206896551724102040203945;0.013793103448275861877547754375;0.037356321839080462721138786719;0.020689655172413792816321631562;0.027298850574712645034036739844;0.014080459770114942333329999258
-0.035964912280701755165068789211;0.013596491228070176071618391234;0.039035087719298248998267553134;0.000877192982456140367235331023;0.005701754385964912658080194774;0.030263157894736842506988594437;0.003070175438596491231113549958;0.021929824561403507554580016858;0.022368421052631579093450397977;0.015350877192982455288206011801;0.016666666666666666435370203203;0.029385964912280702898694784153;0.028508771929824559820954021916;0.025877192982456140996072591065;0.013596491228070176071618391234;0.035964912280701755165068789211;0.021491228070175439485156587693;0.032456140350877189792999644169;0.025438596491228069457202209946;0.009210526315789472825978911885;0.009210526315789472825978911885;0.028070175438596491751530592751;0.025438596491228069457202209946;0.017105263157894737974240584322;0.042543859649122807431442794268;0.021929824561403507554580016858;0.025877192982456140996072591065;0.022807017543859650632320779096;0.002192982456140350755458001686;0.022368421052631579093450397977;0.035087719298245612087328026973;0.012280701754385964924454199831;0.020614035087719299876862777410;0.013596491228070176071618391234;0.032894736842105261331870025288;0.021491228070175439485156587693;0.010526315789473683973143103287;0.021491228070175439485156587693;0.009210526315789472825978911885;0.039473684210526313598244030345;0.009210526315789472825978911885;0.014473684210526315679912201517;0.000000000000000000000000000000;0.010526315789473683973143103287;0.010964912280701753777290008429;0.011842105263157895120307294690;0.016228070175438594896499822084;0.023245614035087718701744208261;0.026754385964912280604366401349;0.015789473684210526827076392919
-0.030769230769230770938804653269;0.005128205128205128200680196215;0.067307692307692304489741275120;0.000000000000000000000000000000;0.001282051282051282050170049054;0.014743589743589743251694912374;0.002564102564102564100340098108;0.019230769230769231836752908293;0.026923076923076924571454071611;0.039743589743589741170026741202;0.014102564102564102768710974090;0.014743589743589743251694912374;0.019230769230769231836752908293;0.046794871794871795156467442212;0.005769230769230769551025872488;0.019871794871794870585013370601;0.023717948717948716952363952259;0.025000000000000001387778780781;0.014743589743589743251694912374;0.008333333333333333217685101602;0.019230769230769231836752908293;0.017948717948717947401338079771;0.014102564102564102768710974090;0.056410256410256411074843896358;0.028846153846153847755129362440;0.039102564102564102421766278894;0.019230769230769231836752908293;0.010897435897435896884344330715;0.002564102564102564100340098108;0.011538461538461539102051744976;0.016666666666666666435370203203;0.027564102564102563319714533918;0.009615384615384615918376454147;0.010256410256410256401360392431;0.036538461538461540489830525757;0.046794871794871795156467442212;0.010897435897435896884344330715;0.012820512820512820068019621544;0.006410256410256410034009810772;0.026923076923076924571454071611;0.005128205128205128200680196215;0.017948717948717947401338079771;0.000000000000000000000000000000;0.026282051282051282353746657350;0.005128205128205128200680196215;0.016025641025641024217662788942;0.030128205128205128721097239008;0.026923076923076924571454071611;0.026923076923076924571454071611;0.021153846153846155020428199123
-0.035256410256410256054415697236;0.005128205128205128200680196215;0.073076923076923080979661051515;0.000000000000000000000000000000;0.001923076923076923183675290829;0.013461538461538462285727035805;0.001282051282051282050170049054;0.019871794871794870585013370601;0.014743589743589743251694912374;0.071794871794871789605352319086;0.012179487179487179585035683260;0.007692307692307692734701163317;0.007051282051282051384355487045;0.062179487179487180625869768846;0.002564102564102564100340098108;0.017307692307692308653077617464;0.023717948717948716952363952259;0.021153846153846155020428199123;0.007692307692307692734701163317;0.012820512820512820068019621544;0.019230769230769231836752908293;0.013461538461538462285727035805;0.003846153846153846367350581659;0.089743589743589743945584302764;0.035897435897435894802676159543;0.051282051282051280272078486178;0.019230769230769231836752908293;0.000000000000000000000000000000;0.001282051282051282050170049054;0.004487179487179486850334519943;0.007692307692307692734701163317;0.028846153846153847755129362440;0.003205128205128205017004905386;0.003205128205128205017004905386;0.012820512820512820068019621544;0.067948717948717943238001737427;0.012820512820512820068019621544;0.006410256410256410034009810772;0.000000000000000000000000000000;0.005128205128205128200680196215;0.002564102564102564100340098108;0.002564102564102564100340098108;0.000000000000000000000000000000;0.030128205128205128721097239008;0.001282051282051282050170049054;0.025000000000000001387778780781;0.064743589743589749496699425890;0.037179487179487179238090988065;0.021794871794871793768688661430;0.017307692307692308653077617464
-0.041666666666666664353702032031;0.010526315789473683973143103287;0.065789473684210522663740050575;0.000438596491228070183617665512;0.000000000000000000000000000000;0.020614035087719299876862777410;0.003070175438596491231113549958;0.012719298245614034728601104973;0.025877192982456140996072591065;0.046052631578947365864618035403;0.013596491228070176071618391234;0.020614035087719299876862777410;0.006578947368421052266374005058;0.045614035087719301264641558191;0.007017543859649122937882648188;0.041228070175438599753725554820;0.019298245614035088729698586008;0.029385964912280702898694784153;0.010964912280701753777290008429;0.003508771929824561468941324094;0.013596491228070176071618391234;0.017543859649122806043664013487;0.002192982456140350755458001686;0.071052631578947367252396816184;0.052192982456140353531015563249;0.050877192982456138914404419893;0.027631578947368420212660211632;0.016666666666666666435370203203;0.002192982456140350755458001686;0.004385964912280701510916003372;0.011403508771929825316160389548;0.026315789473684209065496020230;0.002192982456140350755458001686;0.008333333333333333217685101602;0.003508771929824561468941324094;0.050877192982456138914404419893;0.011403508771929825316160389548;0.013157894736842104532748010115;0.000877192982456140367235331023;0.003508771929824561468941324094;0.007456140350877192742029553330;0.004824561403508772182424646502;0.000000000000000000000000000000;0.035087719298245612087328026973;0.001754385964912280734470662047;0.024122807017543858310038018544;0.047368421052631580481229178758;0.029385964912280702898694784153;0.007894736842105263413538196460;0.027631578947368420212660211632
-0.025999999999999998806510248528;0.007333333333333333196868419890;0.061333333333333329984160542381;0.102666666666666669960328306388;0.010000000000000000208166817117;0.020000000000000000416333634234;0.000666666666666666644404382058;0.010000000000000000208166817117;0.054666666666666668961127584225;0.050666666666666665408413905425;0.013333333333333334189130248149;0.023333333333333334397297065266;0.005333333333333333155235056466;0.031333333333333331094383567006;0.006666666666666667094565124074;0.024666666666666666601903656897;0.014000000000000000291433543964;0.020666666666666666518636930050;0.007333333333333333196868419890;0.008000000000000000166533453694;0.006666666666666667094565124074;0.029333333333333332787473679559;0.001333333333333333288808764117;0.070666666666666669294194491613;0.029999999999999998889776975375;0.032666666666666663298990158637;0.021333333333333332620940225866;0.028000000000000000582867087928;0.000000000000000000000000000000;0.010666666666666666310470112933;0.022666666666666668294993769450;0.022666666666666668294993769450;0.002666666666666666577617528233;0.003333333333333333547282562037;0.002000000000000000041633363423;0.040666666666666663465523612331;0.008000000000000000166533453694;0.007333333333333333196868419890;0.004000000000000000083266726847;0.003333333333333333547282562037;0.003333333333333333547282562037;0.012666666666666666352103476356;0.000000000000000000000000000000;0.025333333333333332704206952712;0.003333333333333333547282562037;0.020000000000000000416333634234;0.043999999999999997446487043362;0.023333333333333334397297065266;0.010000000000000000208166817117;0.012666666666666666352103476356
-0.031333333333333331094383567006;0.006000000000000000124900090270;0.055333333333333331593983928087;0.175333333333333341030879637401;0.012000000000000000249800180541;0.014000000000000000291433543964;0.002666666666666666577617528233;0.008666666666666666268836749509;0.029999999999999998889776975375;0.043999999999999997446487043362;0.010000000000000000208166817117;0.020666666666666666518636930050;0.001333333333333333288808764117;0.028000000000000000582867087928;0.006666666666666667094565124074;0.029333333333333332787473679559;0.013333333333333334189130248149;0.014666666666666666393736839780;0.015333333333333332496040135595;0.005333333333333333155235056466;0.016666666666666666435370203203;0.013333333333333334189130248149;0.001333333333333333288808764117;0.051333333333333334980164153194;0.035333333333333334647097245806;0.039333333333333331260917020700;0.013333333333333334189130248149;0.002000000000000000041633363423;0.002666666666666666577617528233;0.023333333333333334397297065266;0.006666666666666667094565124074;0.021333333333333332620940225866;0.004000000000000000083266726847;0.002666666666666666577617528233;0.002666666666666666577617528233;0.045333333333333336589987538900;0.005333333333333333155235056466;0.016000000000000000333066907388;0.002000000000000000041633363423;0.001333333333333333288808764117;0.006666666666666667094565124074;0.007333333333333333196868419890;0.000000000000000000000000000000;0.025999999999999998806510248528;0.004666666666666667052931760651;0.020666666666666666518636930050;0.043333333333333334813630699500;0.030666666666666664992080271190;0.008666666666666666268836749509;0.021999999999999998723243521681
-0.036666666666666666851703837438;0.000555555555555555555073687923;0.044999999999999998334665463062;0.006111111111111111431071218902;0.001666666666666666773641281019;0.007777777777777777554191196430;0.002777777777777777883788656865;0.018888888888888889089345823891;0.031666666666666669349705642844;0.085000000000000006106226635438;0.007777777777777777554191196430;0.029444444444444443226283070203;0.001111111111111111110147375847;0.046111111111111109661653273406;0.002222222222222222220294751693;0.028333333333333331899295259859;0.013888888888888888117900677344;0.014999999999999999444888487687;0.003333333333333333547282562037;0.003888888888888888777095598215;0.012777777777777778525636342977;0.010000000000000000208166817117;0.001111111111111111110147375847;0.127222222222222208776187812873;0.029444444444444443226283070203;0.061111111111111109106541761093;0.017222222222222222098864108375;0.005555555555555555767577313730;0.001111111111111111110147375847;0.010555555555555555871660722289;0.011666666666666667198648532633;0.041666666666666664353702032031;0.002777777777777777883788656865;0.002222222222222222220294751693;0.000555555555555555555073687923;0.053333333333333336756520992594;0.010000000000000000208166817117;0.009444444444444444544672911945;0.001111111111111111110147375847;0.001666666666666666773641281019;0.005555555555555555767577313730;0.008333333333333333217685101602;0.000000000000000000000000000000;0.050555555555555554969604514781;0.000000000000000000000000000000;0.023888888888888890060790970438;0.066666666666666665741480812812;0.028888888888888887562789165031;0.002777777777777777883788656865;0.015555555555555555108382392859
-0.031904761904761907986838309625;0.003809523809523809520505288617;0.059999999999999997779553950750;0.004285714285714285927408884191;0.004285714285714285927408884191;0.015714285714285715356286488031;0.002380952380952381167156239883;0.013333333333333334189130248149;0.051428571428571427659459658344;0.048095238095238093678496227312;0.006666666666666667094565124074;0.041904761904761902990834698812;0.003333333333333333547282562037;0.042380952380952380265100032375;0.002857142857142857140378966463;0.039523809523809523558401934906;0.024761904761904762750646114000;0.017619047619047617514453918375;0.008095238095238094580552434820;0.001904761904761904760252644309;0.009523809523809524668624959531;0.025714285714285713829729829172;0.002380952380952381167156239883;0.054761904761904761640423089375;0.040000000000000000832667268469;0.041428571428571425716569365250;0.015238095238095238082021154469;0.036190476190476189577438503875;0.000476190476190476190063161077;0.016666666666666666435370203203;0.031904761904761907986838309625;0.028095238095238096731609545031;0.001428571428571428570189483231;0.003809523809523809520505288617;0.009047619047619047394359625969;0.047142857142857146068859464094;0.005714285714285714280757932926;0.013333333333333334189130248149;0.005238095238095237873854337352;0.004285714285714285927408884191;0.004285714285714285927408884191;0.016190476190476189161104869640;0.000000000000000000000000000000;0.035238095238095235028907836750;0.000952380952380952380126322154;0.020952380952380951495417349406;0.050952380952380950385194324781;0.024285714285714285476380780437;0.007619047619047619041010577234;0.022857142857142857123031731703
-0.030487804878048779810839619131;0.008536585365853659179702361826;0.060162601626016262712504101273;0.001219512195121951218454436905;0.003658536585365853872203745212;0.022764227642276424479206298201;0.001219512195121951218454436905;0.011382113821138212239603149101;0.029268292682926830977629961694;0.038617886178861790535954412462;0.013008130081300812996847326986;0.056910569105691054259121841596;0.004065040650406504495195658677;0.036991869918699189778710234577;0.004471544715447154684506703148;0.028455284552845527129560920798;0.024390243902439025236450476086;0.022764227642276424479206298201;0.004878048780487804873817747620;0.010569105691056910126257584182;0.013414634146341463186158371457;0.024390243902439025236450476086;0.003252032520325203249211831746;0.058130081300813006561778450987;0.039024390243902438990541980957;0.036991869918699189778710234577;0.022357723577235772555171777753;0.016260162601626017980782634709;0.001219512195121951218454436905;0.018292682926829267192614381088;0.047967479674796746624831911276;0.032926829268292684416152837912;0.003252032520325203249211831746;0.006504065040650406498423663493;0.009756097560975609747635495239;0.041869918699186992050442768232;0.008943089430894309369013406297;0.009756097560975609747635495239;0.006504065040650406498423663493;0.014227642276422763564780460399;0.007723577235772357933718534895;0.017073170731707318359404723651;0.000000000000000000000000000000;0.032113821138211380568083797016;0.003658536585365853872203745212;0.013414634146341463186158371457;0.045934959349593497413000164897;0.023983739837398373312415955638;0.009756097560975609747635495239;0.017479674796747966813992292145
-0.032142857142857139685077072500;0.012500000000000000693889390391;0.061904761904761906876615285000;0.006547619047619047775998790684;0.003571428571428571317053490830;0.020238095238095239053466301016;0.002380952380952381167156239883;0.014880952380952380126322154297;0.038095238095238098674499838125;0.036309523809523812365451789219;0.011904761904761904101057723437;0.016666666666666666435370203203;0.017261904761904763028201870156;0.053571428571428568454759755468;0.011904761904761904101057723437;0.026190476190476191103995162734;0.041071428571428571230317317031;0.027976190476190477413043211641;0.005952380952380952050528861719;0.007738095238095238359576910625;0.010714285714285714384841341484;0.013690476190476190410105772344;0.004166666666666666608842550801;0.060714285714285713690951951094;0.032738095238095239747355691406;0.040476190476190478106932602032;0.015476190476190476719153821250;0.015476190476190476719153821250;0.001785714285714285658526745415;0.011309523809523809242949532461;0.008333333333333333217685101602;0.032142857142857139685077072500;0.005952380952380952050528861719;0.005357142857142857192420670742;0.006547619047619047775998790684;0.056547619047619047949471138281;0.009523809523809524668624959531;0.004761904761904762334312479766;0.003571428571428571317053490830;0.005952380952380952050528861719;0.008928571428571428075793292578;0.016071428571428569842538536250;0.000000000000000000000000000000;0.032738095238095239747355691406;0.005357142857142857192420670742;0.017261904761904763028201870156;0.060119047619047620567567236094;0.033928571428571425994125121406;0.012500000000000000693889390391;0.019047619047619049337249919063
-0.024074074074074074125473288177;0.009876543209876543008562954640;0.062345679012345681102580385868;0.003703703703703703845051542487;0.002469135802469135752140738660;0.021604938271604937072289942535;0.000617283950617283938035184665;0.019753086419753086017125909279;0.035185185185185187395351391615;0.045679012345679011197763230712;0.008024691358024691953398921385;0.012962962962962962590318660716;0.014197530864197531116910333537;0.045061728395061728669190870278;0.004938271604938271504281477320;0.025925925925925925180637321432;0.048148148148148148250946576354;0.029629629629629630760412339896;0.001851851851851851922525771243;0.005555555555555555767577313730;0.009876543209876543008562954640;0.023456790123456791596900927743;0.005555555555555555767577313730;0.066049382716049376274014548471;0.031481481481481478346129421197;0.050617283950617285304129921997;0.022839506172839505598881615356;0.007407407407407407690103084974;0.001851851851851851922525771243;0.008641975308641974481971281818;0.009259259259259258745267118229;0.041975308641975309087435164201;0.009876543209876543008562954640;0.006790123456790123426807248563;0.019753086419753086017125909279;0.058024691358024689524786055017;0.009259259259259258745267118229;0.002469135802469135752140738660;0.000617283950617283938035184665;0.007407407407407407690103084974;0.004938271604938271504281477320;0.017901234567901234961961876024;0.000000000000000000000000000000;0.021604938271604937072289942535;0.001851851851851851922525771243;0.011728395061728395798450463872;0.047530864197530865722374215920;0.043209876543209874144579885069;0.017283950617283948963942563637;0.019135802469135803488553548846
-0.034848484848484850839867021932;0.007575757575757575967845269815;0.062626262626262627075668376619;0.003030303030303030300401934127;0.003535353535353535567309357646;0.019191919191919190601502975824;0.003030303030303030300401934127;0.019191919191919190601502975824;0.034343434343434342537193515454;0.040404040404040407474806073651;0.012121212121212121201607736509;0.053535353535353533138696491278;0.003535353535353535567309357646;0.046969696969696966837304330511;0.007575757575757575967845269815;0.026767676767676766569348245639;0.029797979797979799038154524737;0.034848484848484850839867021932;0.007070707070707071134618715291;0.006565656565656565434030422779;0.008585858585858585634298378864;0.022222222222222223070309254922;0.004040404040404040400535912170;0.060606060606060607742762158523;0.033838383838383841173413912884;0.049494949494949494472884055085;0.027272727272727271402574800163;0.003030303030303030300401934127;0.001010101010101010100133978042;0.009595959595959595300751487912;0.027777777777777776235801354687;0.026767676767676766569348245639;0.001515151515151515150200967064;0.009090909090909090467524933388;0.005050505050505050934350759206;0.056565656565656569076949722330;0.005555555555555555767577313730;0.007070707070707071134618715291;0.002525252525252525467175379603;0.010101010101010101868701518413;0.009090909090909090467524933388;0.012121212121212121201607736509;0.000000000000000000000000000000;0.033838383838383841173413912884;0.003535353535353535567309357646;0.018686868686868685768276421300;0.045454545454545455807071618892;0.018686868686868685768276421300;0.009595959595959595300751487912;0.020707070707070708570629591350
-0.040860215053763443426859680585;0.006451612903225806446017021045;0.064516129032258062725446734476;0.012903225806451612892034042090;0.013978494623655914400051081259;0.031182795698924729854706328069;0.000537634408602150537168085087;0.008602150537634408594689361394;0.037634408602150538902808563080;0.027956989247311828800102162518;0.016129032258064515681361683619;0.047849462365591399759523483226;0.013440860215053763646042561675;0.034946236559139781663319013205;0.007526881720430107954034060214;0.031182795698924729854706328069;0.026881720430107527292085123349;0.030645161290322579100697808485;0.009139784946236559348697880978;0.012365591397849462138025522506;0.009139784946236559348697880978;0.037096774193548384679353091542;0.010215053763440860856714920146;0.038172043010752686187370130710;0.036559139784946237394791523911;0.028494623655913979554110682102;0.022580645161290321260016966676;0.001612903225806451611504255261;0.000000000000000000000000000000;0.028494623655913979554110682102;0.023655913978494622768034005844;0.019892473118279570959421320708;0.004301075268817204297344680697;0.006451612903225806446017021045;0.014516129032258065154059600843;0.041397849462365590711421248216;0.008602150537634408594689361394;0.008602150537634408594689361394;0.003225806451612903223008510523;0.017204301075268817189378722787;0.002150537634408602148672340348;0.012903225806451612892034042090;0.000000000000000000000000000000;0.018817204301075269451404281540;0.004838709677419355051353200281;0.011290322580645160630008483338;0.043548387096774193727455326552;0.030645161290322579100697808485;0.018817204301075269451404281540;0.022043010752688170506008447092
-0.038738738738738738576206088737;0.005855855855855855891800576529;0.066216216216216219891954608556;0.016216216216216217116397046993;0.012162162162162162837297785245;0.021171171171171170033442621161;0.000450450450450450457385437320;0.012162162162162162837297785245;0.025675675675675677100961991073;0.024774774774774774993568726700;0.014414414414414414636333994224;0.019369369369369369288103044369;0.009009009009009008930868311893;0.037387387387387387149839668155;0.004504504504504504465434155946;0.030180180180180180699034409031;0.022072072072072072140835885534;0.027927927927927927165274724075;0.013963963963963963582637362038;0.009909909909909909303538100289;0.013063063063063063209967573641;0.033333333333333332870740406406;0.012162162162162162837297785245;0.038738738738738738576206088737;0.046396396396396394345984504071;0.044594594594594597070091879232;0.023423423423423423567202306117;0.001801801801801801829541749278;0.000900900900900900914770874639;0.016216216216216217116397046993;0.028828828828828829272667988448;0.015765765765765764327976938830;0.004954954954954954651769050145;0.007657657657657657504501891310;0.014864864864864865690030626411;0.042342342342342340066885242322;0.013063063063063063209967573641;0.008108108108108108558198523497;0.009909909909909909303538100289;0.024324324324324325674595570490;0.003153153153153153039067735364;0.007657657657657657504501891310;0.000000000000000000000000000000;0.015315315315315315009003782620;0.009909909909909909303538100289;0.013963963963963963582637362038;0.045045045045045042919618083488;0.039639639639639637214152401157;0.027927927927927927165274724075;0.024774774774774774993568726700
-0.034782608695652174335410933281;0.013768115942028985240752625430;0.061594202898550727554027872657;0.005072463768115941656899892109;0.002173913043478260895963183330;0.014492753623188405973087888867;0.003623188405797101493271972217;0.023913043478260870289275885625;0.013043478260869564508417361992;0.050000000000000002775557561563;0.017391304347826087167705466641;0.007246376811594202986543944434;0.007971014492753622851517469883;0.041304347826086953987534400312;0.011594202898550724778470311094;0.026086956521739129016834723984;0.015217391304347826705423152305;0.034782608695652174335410933281;0.007246376811594202986543944434;0.007971014492753622851517469883;0.018115942028985507900040730078;0.018115942028985507900040730078;0.009420289855072464316187996758;0.067391304347826086473816076250;0.032608695652173912138405142969;0.042753623188405795452204927187;0.021014492753623187359934831875;0.005072463768115941656899892109;0.002173913043478260895963183330;0.002173913043478260895963183330;0.010144927536231883313799784219;0.029710144927536232678511041172;0.008695652173913043583852733320;0.005797101449275362389235155547;0.017391304347826087167705466641;0.055072463768115940963010501719;0.015942028985507245703034939766;0.010869565217391304046135047656;0.001449275362318840597308788887;0.023913043478260870289275885625;0.011594202898550724778470311094;0.007971014492753622851517469883;0.000000000000000000000000000000;0.038405797101449277997087250469;0.005797101449275362389235155547;0.030434782608695653410846304610;0.043478260869565216184540190625;0.028260869565217391213840514297;0.023913043478260870289275885625;0.013043478260869564508417361992
-0.050666666666666665408413905425;0.012666666666666666352103476356;0.039333333333333331260917020700;0.000000000000000000000000000000;0.001333333333333333288808764117;0.028000000000000000582867087928;0.002666666666666666577617528233;0.014666666666666666393736839780;0.007333333333333333196868419890;0.049333333333333333203807313794;0.019333333333333334314030338419;0.021333333333333332620940225866;0.011333333333333334147496884725;0.046666666666666668794594130532;0.005333333333333333155235056466;0.037999999999999999056310429069;0.021999999999999998723243521681;0.025999999999999998806510248528;0.004666666666666667052931760651;0.008000000000000000166533453694;0.014666666666666666393736839780;0.010000000000000000208166817117;0.001333333333333333288808764117;0.078666666666666662521834041399;0.050000000000000002775557561563;0.053999999999999999389377336456;0.020666666666666666518636930050;0.006666666666666667094565124074;0.002666666666666666577617528233;0.007333333333333333196868419890;0.017333333333333332537673499019;0.037333333333333336423454085207;0.002666666666666666577617528233;0.006666666666666667094565124074;0.010666666666666666310470112933;0.052666666666666667184770744825;0.012666666666666666352103476356;0.014000000000000000291433543964;0.000000000000000000000000000000;0.002666666666666666577617528233;0.006666666666666667094565124074;0.008666666666666666268836749509;0.000000000000000000000000000000;0.042666666666666665241880451731;0.002000000000000000041633363423;0.018666666666666668211727042603;0.045999999999999999222843882762;0.029333333333333332787473679559;0.010666666666666666310470112933;0.024000000000000000499600361081
-0.035937499999999997224442438437;0.016145833333333334952408577578;0.078125000000000000000000000000;0.043749999999999997224442438437;0.017187500000000001387778780781;0.023958333333333334952408577578;0.000520833333333333326105318850;0.013020833333333333911574491992;0.033333333333333332870740406406;0.017708333333333332870740406406;0.015625000000000000000000000000;0.035937499999999997224442438437;0.006250000000000000346944695195;0.039583333333333331482961625625;0.010937499999999999306110609609;0.027604166666666665741480812812;0.026041666666666667823148983985;0.026041666666666667823148983985;0.006770833333333333564629796797;0.014062500000000000346944695195;0.011979166666666667476204288789;0.020833333333333332176851016015;0.002083333333333333304421275400;0.027083333333333334258519187188;0.040104166666666669904817155157;0.032812500000000001387778780781;0.029166666666666667129259593594;0.023437500000000000000000000000;0.001041666666666666652210637700;0.030208333333333333564629796797;0.017187500000000001387778780781;0.018229166666666667823148983985;0.002083333333333333304421275400;0.010416666666666666088425508008;0.010416666666666666088425508008;0.032812500000000001387778780781;0.008333333333333333217685101602;0.004687499999999999826527652402;0.002604166666666666522106377002;0.015625000000000000000000000000;0.005729166666666666261897855605;0.023437500000000000000000000000;0.000000000000000000000000000000;0.018229166666666667823148983985;0.007291666666666666782314898398;0.009374999999999999653055304805;0.038541666666666668517038374375;0.027604166666666665741480812812;0.015625000000000000000000000000;0.024479166666666666435370203203
-0.021111111111111111743321444578;0.006666666666666667094565124074;0.059999999999999997779553950750;0.039444444444444441699726411343;0.035555555555555555524716027094;0.027222222222222220572307449515;0.000555555555555555555073687923;0.011111111111111111535154627461;0.029444444444444443226283070203;0.039444444444444441699726411343;0.008888888888888888881179006773;0.026666666666666668378260496297;0.004444444444444444440589503387;0.043888888888888887007677652718;0.005555555555555555767577313730;0.024444444444444445724284875610;0.029999999999999998889776975375;0.031666666666666669349705642844;0.010555555555555555871660722289;0.012777777777777778525636342977;0.008333333333333333217685101602;0.017777777777777777762358013547;0.002777777777777777883788656865;0.044444444444444446140618509844;0.042222222222222223486642889156;0.037777777777777778178691647781;0.018333333333333333425851918719;0.023333333333333334397297065266;0.000000000000000000000000000000;0.037222222222222219045750790656;0.014444444444444443781394582516;0.029444444444444443226283070203;0.003333333333333333547282562037;0.003888888888888888777095598215;0.010000000000000000208166817117;0.045555555555555557467606320188;0.010000000000000000208166817117;0.006111111111111111431071218902;0.005000000000000000104083408559;0.014444444444444443781394582516;0.006666666666666667094565124074;0.013333333333333334189130248149;0.000000000000000000000000000000;0.022222222222222223070309254922;0.005555555555555555767577313730;0.010555555555555555871660722289;0.042777777777777775680689842375;0.023888888888888890060790970438;0.016111111111111110771876298031;0.014999999999999999444888487687
-0.044573643410852716029157960520;0.004263565891472868157885400819;0.067441860465116285072717516869;0.003488372093023255765542600670;0.007751937984496123923428001490;0.022093023255813953181769804246;0.001937984496124030980857000372;0.013565891472868216865999002607;0.017441860465116278827713003352;0.039922480620155041675101159626;0.018217054263565891220055803501;0.019379844961240309808570003725;0.012790697674418604473656202458;0.049612403100775193109939209535;0.005813953488372092942571001117;0.043023255813953491244472360222;0.018992248062015503612398603650;0.020930232558139534593255604022;0.008527131782945736315770801639;0.005038759689922480550228200968;0.017829457364341085023884403427;0.013565891472868216865999002607;0.001937984496124030980857000372;0.066279069767441856075862460784;0.056976744186046514306642762904;0.056589147286821704641024410876;0.020155038759689922200912803874;0.021705426356589146985598404171;0.001162790697674418588514200223;0.004651162790697674354056800894;0.016666666666666666435370203203;0.024031007751937984162626804618;0.002713178294573643373199800521;0.002713178294573643373199800521;0.008527131782945736315770801639;0.049224806201550390383214761414;0.008914728682170542511942201713;0.019767441860465116004741403799;0.000387596899224806196171400074;0.003875968992248061961714000745;0.008139534883720930119599401564;0.005813953488372092942571001117;0.000000000000000000000000000000;0.031007751937984495693712005959;0.003875968992248061961714000745;0.012790697674418604473656202458;0.047674418604651165598529161116;0.031395348837209305359330357987;0.013565891472868216865999002607;0.023255813953488371770284004469
-0.039583333333333331482961625625;0.011458333333333332523795711211;0.064583333333333339809634310313;0.006250000000000000346944695195;0.002604166666666666522106377002;0.026041666666666667823148983985;0.002083333333333333304421275400;0.019791666666666665741480812812;0.026562499999999999306110609609;0.027604166666666665741480812812;0.014583333333333333564629796797;0.015625000000000000000000000000;0.014062500000000000346944695195;0.043749999999999997224442438437;0.010416666666666666088425508008;0.034375000000000002775557561563;0.018229166666666667823148983985;0.046875000000000000000000000000;0.015104166666666666782314898398;0.009895833333333332870740406406;0.018229166666666667823148983985;0.026562499999999999306110609609;0.012500000000000000693889390391;0.031250000000000000000000000000;0.040104166666666669904817155157;0.040625000000000001387778780781;0.038541666666666668517038374375;0.018749999999999999306110609609;0.000000000000000000000000000000;0.013020833333333333911574491992;0.018229166666666667823148983985;0.013020833333333333911574491992;0.009374999999999999653055304805;0.007291666666666666782314898398;0.015104166666666666782314898398;0.030729166666666665047591422422;0.010416666666666666088425508008;0.006250000000000000346944695195;0.003645833333333333391157449199;0.019270833333333334258519187188;0.005208333333333333044212754004;0.012500000000000000693889390391;0.000000000000000000000000000000;0.011458333333333332523795711211;0.007812500000000000000000000000;0.011458333333333332523795711211;0.036979166666666667129259593594;0.036979166666666667129259593594;0.023958333333333334952408577578;0.031250000000000000000000000000
-0.029999999999999998889776975375;0.007142857142857142634106981660;0.073333333333333333703407674875;0.001428571428571428570189483231;0.001428571428571428570189483231;0.019047619047619049337249919063;0.002380952380952381167156239883;0.025238095238095236555464495609;0.035714285714285712303173170312;0.020000000000000000416333634234;0.018571428571428572062984585500;0.026666666666666668378260496297;0.014285714285714285268213963320;0.031904761904761907986838309625;0.008571428571428571854817768383;0.022380952380952379848766398140;0.027619047619047619457344211469;0.052857142857142859482255659032;0.014285714285714285268213963320;0.010952380952380953021974008266;0.013333333333333334189130248149;0.042380952380952380265100032375;0.022380952380952379848766398140;0.023809523809523808202115446875;0.032857142857142855596475072844;0.022380952380952379848766398140;0.032380952380952378322209739281;0.025714285714285713829729829172;0.000952380952380952380126322154;0.012857142857142856914864914586;0.020000000000000000416333634234;0.011428571428571428561515865852;0.009523809523809524668624959531;0.010000000000000000208166817117;0.028571428571428570536427926640;0.032380952380952378322209739281;0.016666666666666666435370203203;0.004285714285714285927408884191;0.006666666666666667094565124074;0.020000000000000000416333634234;0.007142857142857142634106981660;0.016666666666666666435370203203;0.000000000000000000000000000000;0.011904761904761904101057723437;0.006190476190476190687661528500;0.010952380952380953021974008266;0.034285714285714287419271073531;0.017619047619047617514453918375;0.040476190476190478106932602032;0.022380952380952379848766398140
-0.020967741935483872467438359877;0.010215053763440860856714920146;0.066666666666666665741480812812;0.063440860215053768156323599214;0.011290322580645160630008483338;0.038709677419354840410825602248;0.001612903225806451611504255261;0.011827956989247311384017002922;0.053225806451612900360714775161;0.015053763440860215908068120427;0.013440860215053763646042561675;0.034408602150537634378757445575;0.013440860215053763646042561675;0.037634408602150538902808563080;0.010215053763440860856714920146;0.024731182795698924276051045013;0.022580645161290321260016966676;0.039784946236559141918842641417;0.015053763440860215908068120427;0.012365591397849462138025522506;0.006451612903225806446017021045;0.024193548387096773522042525428;0.013440860215053763646042561675;0.016666666666666666435370203203;0.030645161290322579100697808485;0.026344086021505376538076603765;0.020967741935483872467438359877;0.021505376344086023221446879461;0.000000000000000000000000000000;0.026881720430107527292085123349;0.017204301075268817189378722787;0.010752688172043011610723439730;0.004301075268817204297344680697;0.009139784946236559348697880978;0.024193548387096773522042525428;0.025806451612903225784068084181;0.009677419354838710102706400562;0.002688172043010752902680859933;0.002688172043010752902680859933;0.022043010752688170506008447092;0.003763440860215053977017030107;0.042473118279569892219438287384;0.000000000000000000000000000000;0.008064516129032257840680841809;0.009677419354838710102706400562;0.005376344086021505805361719865;0.023655913978494622768034005844;0.023118279569892472014025486260;0.025268817204301075030059564597;0.026344086021505376538076603765
-0.019753086419753086017125909279;0.012345679012345678327022824305;0.053703703703703704885885628073;0.099382716049382716083648858785;0.024691358024691356654045648611;0.059876543209876544049397040226;0.001851851851851851922525771243;0.011111111111111111535154627461;0.043209876543209874144579885069;0.011111111111111111535154627461;0.020370370370370372015145221667;0.057407407407407406996213694583;0.011111111111111111535154627461;0.020987654320987654543717582101;0.016049382716049383906797842769;0.032098765432098767813595685539;0.015432098765432097908778530382;0.022839506172839505598881615356;0.015432098765432097908778530382;0.006172839506172839163511412153;0.009876543209876543008562954640;0.014814814814814815380206169948;0.001851851851851851922525771243;0.021604938271604937072289942535;0.047530864197530865722374215920;0.031481481481481478346129421197;0.016049382716049383906797842769;0.019135802469135803488553548846;0.000617283950617283938035184665;0.054938271604938269943030348941;0.017283950617283948963942563637;0.009876543209876543008562954640;0.005555555555555555767577313730;0.009259259259259258745267118229;0.009876543209876543008562954640;0.016049382716049383906797842769;0.004320987654320987240985640909;0.004938271604938271504281477320;0.002469135802469135752140738660;0.004320987654320987240985640909;0.004320987654320987240985640909;0.022222222222222223070309254922;0.000000000000000000000000000000;0.010493827160493827271858791050;0.012962962962962962590318660716;0.006172839506172839163511412153;0.027777777777777776235801354687;0.025925925925925925180637321432;0.012345679012345678327022824305;0.020987654320987654543717582101
-0.030952380952380953438307642500;0.009523809523809524668624959531;0.072619047619047624730903578438;0.108928571428571430157461463750;0.024404761904761904794947113828;0.017261904761904763028201870156;0.004761904761904762334312479766;0.026190476190476191103995162734;0.035714285714285712303173170312;0.034523809523809526056403740313;0.010714285714285714384841341484;0.022619047619047618485899064922;0.002976190476190476025264430859;0.023214285714285715078730731875;0.014285714285714285268213963320;0.026190476190476191103995162734;0.035119047619047619179788455313;0.025000000000000001387778780781;0.009523809523809524668624959531;0.004166666666666666608842550801;0.010714285714285714384841341484;0.021428571428571428769682682969;0.000595238095238095291789059971;0.038095238095238098674499838125;0.034523809523809526056403740313;0.036309523809523812365451789219;0.020238095238095239053466301016;0.014285714285714285268213963320;0.002976190476190476025264430859;0.020833333333333332176851016015;0.009523809523809524668624959531;0.025000000000000001387778780781;0.001785714285714285658526745415;0.004761904761904762334312479766;0.003571428571428571317053490830;0.039285714285714284921269268125;0.008928571428571428075793292578;0.006547619047619047775998790684;0.000595238095238095291789059971;0.002976190476190476025264430859;0.009523809523809524668624959531;0.019642857142857142460634634062;0.000000000000000000000000000000;0.027380952380952380820211544687;0.010119047619047619526733150508;0.015476190476190476719153821250;0.035119047619047619179788455313;0.013690476190476190410105772344;0.005357142857142857192420670742;0.022023809523809525362514349922
-0.032666666666666663298990158637;0.008666666666666666268836749509;0.054666666666666668961127584225;0.024666666666666666601903656897;0.004000000000000000083266726847;0.019333333333333334314030338419;0.002666666666666666577617528233;0.028000000000000000582867087928;0.037333333333333336423454085207;0.028666666666666666685170383744;0.016666666666666666435370203203;0.035999999999999997279953589668;0.006666666666666667094565124074;0.043333333333333334813630699500;0.016000000000000000333066907388;0.028666666666666666685170383744;0.025333333333333332704206952712;0.020666666666666666518636930050;0.009333333333333334105863521302;0.005333333333333333155235056466;0.013333333333333334189130248149;0.022666666666666668294993769450;0.000666666666666666644404382058;0.057333333333333333370340767488;0.044666666666666667018237291131;0.048666666666666663632057066025;0.027333333333333334480563792113;0.012000000000000000249800180541;0.002000000000000000041633363423;0.010666666666666666310470112933;0.021333333333333332620940225866;0.018666666666666668211727042603;0.002666666666666666577617528233;0.011333333333333334147496884725;0.004666666666666667052931760651;0.037333333333333336423454085207;0.004666666666666667052931760651;0.008000000000000000166533453694;0.003333333333333333547282562037;0.010000000000000000208166817117;0.011333333333333334147496884725;0.030666666666666664992080271190;0.000000000000000000000000000000;0.019333333333333334314030338419;0.006000000000000000124900090270;0.013333333333333334189130248149;0.043333333333333334813630699500;0.024666666666666666601903656897;0.008666666666666666268836749509;0.032666666666666663298990158637
-0.039506172839506172034251818559;0.024691358024691356654045648611;0.056790123456790124467641334149;0.030864197530864195817557060764;0.000617283950617283938035184665;0.024074074074074074125473288177;0.004938271604938271504281477320;0.021604938271604937072289942535;0.023456790123456791596900927743;0.041975308641975309087435164201;0.016666666666666666435370203203;0.027777777777777776235801354687;0.006172839506172839163511412153;0.045061728395061728669190870278;0.006790123456790123426807248563;0.040123456790123454562824178993;0.028395061728395062233820667075;0.016049382716049383906797842769;0.006790123456790123426807248563;0.005555555555555555767577313730;0.016666666666666666435370203203;0.015432098765432097908778530382;0.001851851851851851922525771243;0.061111111111111109106541761093;0.045061728395061728669190870278;0.037037037037037034981068472916;0.028395061728395062233820667075;0.002469135802469135752140738660;0.003086419753086419581755706076;0.003703703703703703845051542487;0.027777777777777776235801354687;0.035185185185185187395351391615;0.002469135802469135752140738660;0.004320987654320987240985640909;0.007407407407407407690103084974;0.037654320987654324448534737257;0.007407407407407407690103084974;0.016666666666666666435370203203;0.000617283950617283938035184665;0.004938271604938271504281477320;0.007407407407407407690103084974;0.009876543209876543008562954640;0.000000000000000000000000000000;0.037037037037037034981068472916;0.001851851851851851922525771243;0.025308641975308642652064960998;0.043827160493827163612046149410;0.024074074074074074125473288177;0.008024691358024691953398921385;0.015432098765432097908778530382
-0.033333333333333332870740406406;0.007777777777777777554191196430;0.052222222222222225429533182250;0.019444444444444444752839729063;0.005555555555555555767577313730;0.017777777777777777762358013547;0.005555555555555555767577313730;0.027222222222222220572307449515;0.062777777777777779566470428563;0.035000000000000003330669073875;0.016111111111111110771876298031;0.047777777777777780121581940875;0.001666666666666666773641281019;0.035000000000000003330669073875;0.007777777777777777554191196430;0.036111111111111107718762980312;0.025000000000000001387778780781;0.022222222222222223070309254922;0.009444444444444444544672911945;0.005000000000000000104083408559;0.013333333333333334189130248149;0.022777777777777778733803160094;0.002777777777777777883788656865;0.051666666666666666296592325125;0.028333333333333331899295259859;0.048333333333333332315628894094;0.035000000000000003330669073875;0.003333333333333333547282562037;0.004444444444444444440589503387;0.023888888888888890060790970438;0.022777777777777778733803160094;0.023888888888888890060790970438;0.001666666666666666773641281019;0.005000000000000000104083408559;0.001111111111111111110147375847;0.036111111111111107718762980312;0.007777777777777777554191196430;0.012222222222222222862142437805;0.005000000000000000104083408559;0.003888888888888888777095598215;0.007222222222222221890697291258;0.020000000000000000416333634234;0.000000000000000000000000000000;0.031111111111111110216764785719;0.005555555555555555767577313730;0.020000000000000000416333634234;0.041666666666666664353702032031;0.020000000000000000416333634234;0.007777777777777777554191196430;0.020555555555555556079827539406
-0.037499999999999998612221219219;0.009523809523809524668624959531;0.054166666666666668517038374375;0.003571428571428571317053490830;0.007142857142857142634106981660;0.026190476190476191103995162734;0.002380952380952381167156239883;0.025595238095238094511163495781;0.039880952380952378044653983125;0.038690476190476191797884553125;0.014880952380952380126322154297;0.034523809523809526056403740313;0.008333333333333333217685101602;0.048214285714285716466509512657;0.013095238095238095551997581367;0.029166666666666667129259593594;0.023809523809523808202115446875;0.029166666666666667129259593594;0.017261904761904763028201870156;0.010119047619047619526733150508;0.013690476190476190410105772344;0.020238095238095239053466301016;0.004761904761904762334312479766;0.054166666666666668517038374375;0.032738095238095239747355691406;0.041071428571428571230317317031;0.025000000000000001387778780781;0.008928571428571428075793292578;0.000595238095238095291789059971;0.020833333333333332176851016015;0.021428571428571428769682682969;0.026785714285714284227379877734;0.010119047619047619526733150508;0.004166666666666666608842550801;0.007738095238095238359576910625;0.039880952380952378044653983125;0.007738095238095238359576910625;0.011309523809523809242949532461;0.001785714285714285658526745415;0.005357142857142857192420670742;0.010119047619047619526733150508;0.021428571428571428769682682969;0.000000000000000000000000000000;0.019047619047619049337249919063;0.005357142857142857192420670742;0.022023809523809525362514349922;0.042857142857142857539365365938;0.020238095238095239053466301016;0.008928571428571428075793292578;0.018452380952380952744418252109
-0.037999999999999999056310429069;0.017333333333333332537673499019;0.036666666666666666851703837438;0.000000000000000000000000000000;0.008666666666666666268836749509;0.045999999999999999222843882762;0.002000000000000000041633363423;0.025999999999999998806510248528;0.020000000000000000416333634234;0.020000000000000000416333634234;0.016666666666666666435370203203;0.048666666666666663632057066025;0.021333333333333332620940225866;0.032666666666666663298990158637;0.011333333333333334147496884725;0.022666666666666668294993769450;0.012000000000000000249800180541;0.040666666666666663465523612331;0.028666666666666666685170383744;0.008666666666666666268836749509;0.013333333333333334189130248149;0.015333333333333332496040135595;0.020000000000000000416333634234;0.022666666666666668294993769450;0.042000000000000002609024107869;0.023333333333333334397297065266;0.040666666666666663465523612331;0.007333333333333333196868419890;0.001333333333333333288808764117;0.059999999999999997779553950750;0.025333333333333332704206952712;0.010666666666666666310470112933;0.021333333333333332620940225866;0.006000000000000000124900090270;0.023333333333333334397297065266;0.029333333333333332787473679559;0.009333333333333334105863521302;0.008666666666666666268836749509;0.002000000000000000041633363423;0.016666666666666666435370203203;0.008666666666666666268836749509;0.009333333333333334105863521302;0.000000000000000000000000000000;0.017999999999999998639976794834;0.003333333333333333547282562037;0.017999999999999998639976794834;0.024666666666666666601903656897;0.015333333333333332496040135595;0.031333333333333331094383567006;0.014666666666666666393736839780
-0.038020833333333330095182844843;0.004687499999999999826527652402;0.053124999999999998612221219219;0.006250000000000000346944695195;0.014583333333333333564629796797;0.011458333333333332523795711211;0.002604166666666666522106377002;0.021354166666666667129259593594;0.023437500000000000000000000000;0.057812500000000002775557561563;0.012500000000000000693889390391;0.046354166666666668517038374375;0.005729166666666666261897855605;0.035937499999999997224442438437;0.011979166666666667476204288789;0.029166666666666667129259593594;0.021354166666666667129259593594;0.018229166666666667823148983985;0.019791666666666665741480812812;0.005729166666666666261897855605;0.018749999999999999306110609609;0.008333333333333333217685101602;0.000520833333333333326105318850;0.083333333333333328707404064062;0.030208333333333333564629796797;0.052604166666666667129259593594;0.027083333333333334258519187188;0.017708333333333332870740406406;0.000520833333333333326105318850;0.020833333333333332176851016015;0.012500000000000000693889390391;0.039062500000000000000000000000;0.002083333333333333304421275400;0.004166666666666666608842550801;0.002604166666666666522106377002;0.052083333333333335646297967969;0.006770833333333333564629796797;0.004687499999999999826527652402;0.001562500000000000086736173799;0.001562500000000000086736173799;0.006770833333333333564629796797;0.013541666666666667129259593594;0.000000000000000000000000000000;0.043749999999999997224442438437;0.005729166666666666261897855605;0.022916666666666665047591422422;0.045833333333333330095182844843;0.018229166666666667823148983985;0.007812500000000000000000000000;0.008333333333333333217685101602
-0.021428571428571428769682682969;0.010119047619047619526733150508;0.059523809523809520505288617187;0.067857142857142851988250242812;0.002976190476190476025264430859;0.017857142857142856151586585156;0.001190476190476190583578119941;0.014880952380952380126322154297;0.039880952380952378044653983125;0.032142857142857139685077072500;0.012500000000000000693889390391;0.045833333333333330095182844843;0.001785714285714285658526745415;0.030952380952380953438307642500;0.008333333333333333217685101602;0.020238095238095239053466301016;0.030952380952380953438307642500;0.029761904761904760252644308594;0.007738095238095238359576910625;0.004166666666666666608842550801;0.007738095238095238359576910625;0.020238095238095239053466301016;0.001785714285714285658526745415;0.050000000000000002775557561563;0.030357142857142856845475975547;0.029166666666666667129259593594;0.025595238095238094511163495781;0.045833333333333330095182844843;0.002380952380952381167156239883;0.013690476190476190410105772344;0.020833333333333332176851016015;0.028571428571428570536427926640;0.002976190476190476025264430859;0.004761904761904762334312479766;0.001785714285714285658526745415;0.050000000000000002775557561563;0.009523809523809524668624959531;0.007738095238095238359576910625;0.005357142857142857192420670742;0.003571428571428571317053490830;0.005952380952380952050528861719;0.031547619047619046561692357500;0.000000000000000000000000000000;0.019642857142857142460634634062;0.001785714285714285658526745415;0.021428571428571428769682682969;0.047023809523809523280846178750;0.019047619047619049337249919063;0.008333333333333333217685101602;0.023214285714285715078730731875
-0.023118279569892472014025486260;0.010215053763440860856714920146;0.061827956989247312424851088508;0.077956989247311828106212772127;0.002688172043010752902680859933;0.012365591397849462138025522506;0.003763440860215053977017030107;0.015591397849462364927353164035;0.059677419354838709408817010171;0.040860215053763443426859680585;0.011290322580645160630008483338;0.035483870967741935886774484743;0.002688172043010752902680859933;0.040860215053763443426859680585;0.008064516129032257840680841809;0.036559139784946237394791523911;0.023655913978494622768034005844;0.027419354838709678046093642934;0.008064516129032257840680841809;0.005376344086021505805361719865;0.011827956989247311384017002922;0.024731182795698924276051045013;0.002688172043010752902680859933;0.042473118279569892219438287384;0.032795698924731185586178838776;0.034408602150537634378757445575;0.026881720430107527292085123349;0.019354838709677420205412801124;0.002150537634408602148672340348;0.012903225806451612892034042090;0.017204301075268817189378722787;0.021505376344086023221446879461;0.005376344086021505805361719865;0.005376344086021505805361719865;0.003763440860215053977017030107;0.039247311827956987695387169879;0.005376344086021505805361719865;0.006989247311827957200025540629;0.005913978494623655692008501461;0.003225806451612903223008510523;0.005913978494623655692008501461;0.021505376344086023221446879461;0.000000000000000000000000000000;0.017204301075268817189378722787;0.002688172043010752902680859933;0.009139784946236559348697880978;0.045161290322580642520033933351;0.023118279569892472014025486260;0.019892473118279570959421320708;0.023655913978494622768034005844
-0.046111111111111109661653273406;0.006111111111111111431071218902;0.059999999999999997779553950750;0.000555555555555555555073687923;0.002222222222222222220294751693;0.031111111111111110216764785719;0.001111111111111111110147375847;0.015555555555555555108382392859;0.037222222222222219045750790656;0.026111111111111112714766591125;0.018888888888888889089345823891;0.050000000000000002775557561563;0.008333333333333333217685101602;0.042777777777777775680689842375;0.005000000000000000104083408559;0.029444444444444443226283070203;0.022222222222222223070309254922;0.041111111111111112159655078813;0.013888888888888888117900677344;0.008333333333333333217685101602;0.018333333333333333425851918719;0.024444444444444445724284875610;0.006111111111111111431071218902;0.038333333333333330372738601000;0.041111111111111112159655078813;0.031666666666666669349705642844;0.026666666666666668378260496297;0.013888888888888888117900677344;0.000555555555555555555073687923;0.014444444444444443781394582516;0.028888888888888887562789165031;0.017222222222222222098864108375;0.007222222222222221890697291258;0.006666666666666667094565124074;0.013888888888888888117900677344;0.038333333333333330372738601000;0.010555555555555555871660722289;0.010000000000000000208166817117;0.007222222222222221890697291258;0.011666666666666667198648532633;0.004444444444444444440589503387;0.021111111111111111743321444578;0.000000000000000000000000000000;0.020555555555555556079827539406;0.001111111111111111110147375847;0.009444444444444444544672911945;0.040555555555555553026714221687;0.027777777777777776235801354687;0.022222222222222223070309254922;0.019444444444444444752839729063
-0.034343434343434342537193515454;0.008585858585858585634298378864;0.057070707070707070440729324901;0.001010101010101010100133978042;0.027272727272727271402574800163;0.034343434343434342537193515454;0.002020202020202020200267956085;0.016666666666666666435370203203;0.058585858585858588409855940426;0.018686868686868685768276421300;0.014646464646464647102463985107;0.047474747474747475139977836989;0.011111111111111111535154627461;0.023232323232323232736762363970;0.010606060606060606701928072937;0.018686868686868685768276421300;0.030303030303030303871381079261;0.036363636363636361870099733551;0.017171717171717171268596757727;0.011111111111111111535154627461;0.014141414141414142269237430583;0.035353535353535352203646624503;0.011616161616161616368381181985;0.017676767676767676101823312251;0.035353535353535352203646624503;0.031313131313131313537834188310;0.020707070707070708570629591350;0.026767676767676766569348245639;0.000505050505050505050066989021;0.044444444444444446140618509844;0.020202020202020203737403036826;0.014646464646464647102463985107;0.011111111111111111535154627461;0.004040404040404040400535912170;0.009090909090909090467524933388;0.028282828282828284538474861165;0.012121212121212121201607736509;0.005050505050505050934350759206;0.008080808080808080801071824339;0.014141414141414142269237430583;0.002020202020202020200267956085;0.031313131313131313537834188310;0.000000000000000000000000000000;0.016666666666666666435370203203;0.007070707070707071134618715291;0.013636363636363635701287400082;0.026767676767676766569348245639;0.021212121212121213403856145874;0.019696969696969695434729530348;0.017676767676767676101823312251
-0.028735632183908045578224488281;0.022988505747126436462579590625;0.049425287356321838394546119844;0.006321839080459770027209387422;0.018965517241379310081628162266;0.020689655172413792816321631562;0.002873563218390804557822448828;0.020689655172413792816321631562;0.064942528735632179537340391562;0.022413793103448275551015100859;0.019540229885057470993192652031;0.040229885057471263809514283594;0.007471264367816091850338366953;0.024137931034482758285708570156;0.010344827586206896408160815781;0.024712643678160919197273059922;0.020114942528735631904757141797;0.041379310344827585632643263125;0.013218390804597700965983264609;0.006896551724137930938773877187;0.012643678160919540054418774844;0.020114942528735631904757141797;0.024137931034482758285708570156;0.035632183908045976516998365469;0.030459770114942528312917957578;0.032758620689655175428622868594;0.020114942528735631904757141797;0.012068965517241379142854285078;0.001149425287356321823128979531;0.025287356321839080108837549687;0.020114942528735631904757141797;0.022413793103448275551015100859;0.013793103448275861877547754375;0.004597701149425287292515918125;0.011494252873563218231289795312;0.033908045977011497251751848125;0.006321839080459770027209387422;0.012068965517241379142854285078;0.006321839080459770027209387422;0.022413793103448275551015100859;0.012068965517241379142854285078;0.031034482758620689224482447344;0.000000000000000000000000000000;0.014942528735632183700676733906;0.005172413793103448204080407891;0.010344827586206896408160815781;0.037356321839080462721138786719;0.018965517241379310081628162266;0.017241379310344827346934692969;0.018965517241379310081628162266
-0.029259259259259259161600752464;0.020370370370370372015145221667;0.046666666666666668794594130532;0.002962962962962962815832712593;0.021851851851851851471497667490;0.036666666666666666851703837438;0.003333333333333333547282562037;0.016296296296296294836558615771;0.032962962962962964741375770927;0.028888888888888887562789165031;0.014444444444444443781394582516;0.052592592592592593558897817729;0.008888888888888888881179006773;0.034814814814814812327092852229;0.009629629629629630344078705662;0.023703703703703702526661700745;0.019629629629629628817522046802;0.024814814814814813853649511088;0.025185185185185185452461098521;0.007777777777777777554191196430;0.016666666666666666435370203203;0.021481481481481479872686080057;0.011481481481481481399242738917;0.031111111111111110216764785719;0.040370370370370368962031903948;0.033333333333333332870740406406;0.017037037037037038034181790636;0.020370370370370372015145221667;0.001851851851851851922525771243;0.045185185185185182399347780802;0.029999999999999998889776975375;0.019629629629629628817522046802;0.006296296296296296363115274630;0.010000000000000000208166817117;0.012592592592592592726230549260;0.027407407407407408106436719208;0.007777777777777777554191196430;0.009259259259259258745267118229;0.003703703703703703845051542487;0.011851851851851851263330850372;0.008888888888888888881179006773;0.021851851851851851471497667490;0.000000000000000000000000000000;0.021111111111111111743321444578;0.008148148148148147418279307885;0.013333333333333334189130248149;0.035185185185185187395351391615;0.022962962962962962798485477833;0.019259259259259260688157411323;0.011111111111111111535154627461
-0.034946236559139781663319013205;0.012365591397849462138025522506;0.039247311827956987695387169879;0.284946236559139809418894628834;0.047311827956989245536068011688;0.012365591397849462138025522506;0.001075268817204301074336170174;0.005376344086021505805361719865;0.032258064516129031362723367238;0.023655913978494622768034005844;0.008064516129032257840680841809;0.025806451612903225784068084181;0.001612903225806451611504255261;0.030107526881720431816136240855;0.002150537634408602148672340348;0.022043010752688170506008447092;0.020430107526881721713429840293;0.022580645161290321260016966676;0.008064516129032257840680841809;0.005913978494623655692008501461;0.008064516129032257840680841809;0.020430107526881721713429840293;0.001075268817204301074336170174;0.025268817204301075030059564597;0.035483870967741935886774484743;0.027419354838709678046093642934;0.014516129032258065154059600843;0.012903225806451612892034042090;0.000000000000000000000000000000;0.016666666666666666435370203203;0.011827956989247311384017002922;0.009139784946236559348697880978;0.003225806451612903223008510523;0.005376344086021505805361719865;0.005376344086021505805361719865;0.023118279569892472014025486260;0.007526881720430107954034060214;0.007526881720430107954034060214;0.000537634408602150537168085087;0.002150537634408602148672340348;0.004301075268817204297344680697;0.016129032258064515681361683619;0.000000000000000000000000000000;0.016129032258064515681361683619;0.001612903225806451611504255261;0.006451612903225806446017021045;0.037096774193548384679353091542;0.022580645161290321260016966676;0.008064516129032257840680841809;0.009677419354838710102706400562
-0.031481481481481478346129421197;0.008148148148148147418279307885;0.035185185185185187395351391615;0.151481481481481494721919034419;0.030370370370370370488588562807;0.033333333333333332870740406406;0.001111111111111111110147375847;0.014444444444444443781394582516;0.029629629629629630760412339896;0.013333333333333334189130248149;0.017407407407407406163546426114;0.063703703703703706828775921167;0.006666666666666667094565124074;0.034814814814814812327092852229;0.008518518518518519017090895318;0.026666666666666668378260496297;0.011851851851851851263330850372;0.017407407407407406163546426114;0.012962962962962962590318660716;0.004444444444444444440589503387;0.011111111111111111535154627461;0.012592592592592592726230549260;0.003333333333333333547282562037;0.019629629629629628817522046802;0.053703703703703704885885628073;0.031481481481481478346129421197;0.018888888888888889089345823891;0.004074074074074073709139653943;0.000370370370370370351979089074;0.039629629629629632703302632990;0.035555555555555555524716027094;0.009629629629629630344078705662;0.004814814814814815172039352831;0.006296296296296296363115274630;0.009629629629629630344078705662;0.027407407407407408106436719208;0.008888888888888888881179006773;0.004814814814814815172039352831;0.003333333333333333547282562037;0.002962962962962962815832712593;0.002592592592592592518063732143;0.012592592592592592726230549260;0.000000000000000000000000000000;0.011851851851851851263330850372;0.004814814814814815172039352831;0.006666666666666667094565124074;0.032592592592592589673117231541;0.027777777777777776235801354687;0.018518518518518517490534236458;0.021481481481481479872686080057
-0.050537634408602150060119129193;0.003225806451612903223008510523;0.046236559139784944028050972520;0.000000000000000000000000000000;0.001612903225806451611504255261;0.022580645161290321260016966676;0.002150537634408602148672340348;0.013978494623655914400051081259;0.028494623655913979554110682102;0.032258064516129031362723367238;0.029032258064516130308119201686;0.027956989247311828800102162518;0.018817204301075269451404281540;0.056989247311827959108221364204;0.002688172043010752902680859933;0.026881720430107527292085123349;0.015591397849462364927353164035;0.027419354838709678046093642934;0.009677419354838710102706400562;0.013978494623655914400051081259;0.012365591397849462138025522506;0.019892473118279570959421320708;0.010215053763440860856714920146;0.033333333333333332870740406406;0.044623655913978495235472365721;0.046774193548387098251506444058;0.031182795698924729854706328069;0.000000000000000000000000000000;0.000537634408602150537168085087;0.009139784946236559348697880978;0.013440860215053763646042561675;0.011827956989247311384017002922;0.006451612903225806446017021045;0.010215053763440860856714920146;0.041935483870967744934876719753;0.031182795698924729854706328069;0.018279569892473118697395761956;0.005913978494623655692008501461;0.002688172043010752902680859933;0.009139784946236559348697880978;0.005376344086021505805361719865;0.006989247311827957200025540629;0.000000000000000000000000000000;0.021505376344086023221446879461;0.001075268817204301074336170174;0.010215053763440860856714920146;0.050000000000000002775557561563;0.045161290322580642520033933351;0.050000000000000002775557561563;0.020430107526881721713429840293
-0.034567901234567897927885127274;0.002469135802469135752140738660;0.067283950617283955208947077153;0.030246913580246913288984700330;0.003703703703703703845051542487;0.017901234567901234961961876024;0.001234567901234567876070369330;0.018518518518518517490534236458;0.027160493827160493707228994253;0.038271604938271606977107097691;0.020987654320987654543717582101;0.021604938271604937072289942535;0.010493827160493827271858791050;0.055555555555555552471602709375;0.006172839506172839163511412153;0.021604938271604937072289942535;0.013580246913580246853614497127;0.024074074074074074125473288177;0.011728395061728395798450463872;0.010493827160493827271858791050;0.014197530864197531116910333537;0.014814814814814815380206169948;0.006172839506172839163511412153;0.046913580246913583193801855487;0.035802469135802469923923752049;0.056172839506172841939068973716;0.030864197530864195817557060764;0.000000000000000000000000000000;0.000617283950617283938035184665;0.011111111111111111535154627461;0.019753086419753086017125909279;0.019753086419753086017125909279;0.007407407407407407690103084974;0.012345679012345678327022824305;0.019753086419753086017125909279;0.050000000000000002775557561563;0.011111111111111111535154627461;0.004938271604938271504281477320;0.002469135802469135752140738660;0.009259259259259258745267118229;0.003703703703703703845051542487;0.006790123456790123426807248563;0.000000000000000000000000000000;0.016049382716049383906797842769;0.002469135802469135752140738660;0.012345679012345678327022824305;0.045061728395061728669190870278;0.037654320987654324448534737257;0.037654320987654324448534737257;0.027160493827160493707228994253
-0.039898989898989899172132567173;0.002525252525252525467175379603;0.054545454545454542805149600326;0.060101010101010099440088652045;0.007070707070707071134618715291;0.023232323232323232736762363970;0.002525252525252525467175379603;0.022222222222222223070309254922;0.013636363636363635701287400082;0.055555555555555552471602709375;0.012626262626262626034834291033;0.016161616161616161602143648679;0.004040404040404040400535912170;0.039898989898989899172132567173;0.010606060606060606701928072937;0.030808080808080808704607633786;0.010101010101010101868701518413;0.009595959595959595300751487912;0.016666666666666666435370203203;0.003535353535353535567309357646;0.011616161616161616368381181985;0.008585858585858585634298378864;0.001010101010101010100133978042;0.087878787878787875675890006733;0.040404040404040407474806073651;0.056060606060606060774276215852;0.028787878787878789371701415689;0.000505050505050505050066989021;0.001010101010101010100133978042;0.015151515151515151935690539631;0.008585858585858585634298378864;0.035353535353535352203646624503;0.000505050505050505050066989021;0.005050505050505050934350759206;0.002525252525252525467175379603;0.050000000000000002775557561563;0.007070707070707071134618715291;0.012626262626262626034834291033;0.001010101010101010100133978042;0.001010101010101010100133978042;0.003030303030303030300401934127;0.004040404040404040400535912170;0.000000000000000000000000000000;0.044949494949494947504398112414;0.004545454545454545233762466694;0.022222222222222223070309254922;0.046464646464646465473524727940;0.033333333333333332870740406406;0.009090909090909090467524933388;0.022222222222222223070309254922
-0.040740740740740744030290443334;0.001851851851851851922525771243;0.064814814814814811216869827604;0.003703703703703703845051542487;0.006790123456790123426807248563;0.027777777777777776235801354687;0.001851851851851851922525771243;0.019135802469135803488553548846;0.027160493827160493707228994253;0.054320987654320987414457988507;0.016049382716049383906797842769;0.040740740740740744030290443334;0.004938271604938271504281477320;0.044444444444444446140618509844;0.004938271604938271504281477320;0.030864197530864195817557060764;0.037037037037037034981068472916;0.019135802469135803488553548846;0.004938271604938271504281477320;0.007407407407407407690103084974;0.010493827160493827271858791050;0.027160493827160493707228994253;0.001234567901234567876070369330;0.064197530864197535627191371077;0.045679012345679011197763230712;0.048148148148148148250946576354;0.023456790123456791596900927743;0.000617283950617283938035184665;0.000000000000000000000000000000;0.009876543209876543008562954640;0.014814814814814815380206169948;0.031481481481481478346129421197;0.001234567901234567876070369330;0.003086419753086419581755706076;0.004320987654320987240985640909;0.051234567901234567832702282431;0.006790123456790123426807248563;0.014197530864197531116910333537;0.000000000000000000000000000000;0.003703703703703703845051542487;0.003086419753086419581755706076;0.009876543209876543008562954640;0.000000000000000000000000000000;0.029629629629629630760412339896;0.003086419753086419581755706076;0.016049382716049383906797842769;0.051234567901234567832702282431;0.035802469135802469923923752049;0.007407407407407407690103084974;0.023456790123456791596900927743
-0.045333333333333336589987538900;0.009333333333333334105863521302;0.059999999999999997779553950750;0.017999999999999998639976794834;0.025999999999999998806510248528;0.021999999999999998723243521681;0.001333333333333333288808764117;0.014000000000000000291433543964;0.059999999999999997779553950750;0.036666666666666666851703837438;0.009333333333333334105863521302;0.024000000000000000499600361081;0.003333333333333333547282562037;0.034666666666666665075346998037;0.007333333333333333196868419890;0.040666666666666663465523612331;0.035333333333333334647097245806;0.033333333333333332870740406406;0.007333333333333333196868419890;0.008000000000000000166533453694;0.015333333333333332496040135595;0.031333333333333331094383567006;0.002666666666666666577617528233;0.053333333333333336756520992594;0.037333333333333336423454085207;0.024000000000000000499600361081;0.027333333333333334480563792113;0.005333333333333333155235056466;0.004000000000000000083266726847;0.018666666666666668211727042603;0.014000000000000000291433543964;0.029999999999999998889776975375;0.004000000000000000083266726847;0.006000000000000000124900090270;0.006666666666666667094565124074;0.046666666666666668794594130532;0.006000000000000000124900090270;0.008000000000000000166533453694;0.000666666666666666644404382058;0.009333333333333334105863521302;0.004666666666666667052931760651;0.016000000000000000333066907388;0.000000000000000000000000000000;0.029333333333333332787473679559;0.007333333333333333196868419890;0.014666666666666666393736839780;0.040000000000000000832667268469;0.020000000000000000416333634234;0.005333333333333333155235056466;0.016000000000000000333066907388
-0.038738738738738738576206088737;0.008108108108108108558198523497;0.048648648648648651349191140980;0.025225225225225224312541882909;0.009459459459459459984564944079;0.019819819819819818607076200578;0.001351351351351351426366420583;0.013963963963963963582637362038;0.027027027027027028527328411656;0.048198198198198198560771032817;0.012162162162162162837297785245;0.038738738738738738576206088737;0.003153153153153153039067735364;0.045945945945945948496458299815;0.004054054054054054279099261748;0.034684684684684684297106826989;0.012612612612612612156270941455;0.018918918918918919969129888159;0.004954954954954954651769050145;0.004504504504504504465434155946;0.009459459459459459984564944079;0.012612612612612612156270941455;0.003153153153153153039067735364;0.068918918918918922744687449722;0.041441441441441441428938929903;0.045945945945945948496458299815;0.024774774774774774993568726700;0.043243243243243245643725458649;0.000000000000000000000000000000;0.015765765765765764327976938830;0.020720720720720720714469464951;0.033783783783783785659160514570;0.000450450450450450457385437320;0.005405405405405405705465682331;0.003153153153153153039067735364;0.048648648648648651349191140980;0.005405405405405405705465682331;0.010360360360360360357234732476;0.003153153153153153039067735364;0.002702702702702702852732841166;0.004954954954954954651769050145;0.015315315315315315009003782620;0.000000000000000000000000000000;0.033783783783783785659160514570;0.002252252252252252232717077973;0.019819819819819818607076200578;0.046846846846846847134404612234;0.029729729729729731380061252821;0.009009009009009008930868311893;0.018918918918918919969129888159
-0.028846153846153847755129362440;0.013461538461538462285727035805;0.059615384615384618693934015710;0.067948717948717943238001737427;0.016025641025641024217662788942;0.022435897435897435986396075691;0.001282051282051282050170049054;0.021794871794871793768688661430;0.028846153846153847755129362440;0.041666666666666664353702032031;0.017307692307692308653077617464;0.025000000000000001387778780781;0.004487179487179486850334519943;0.025000000000000001387778780781;0.020512820512820512802720784862;0.022435897435897435986396075691;0.021153846153846155020428199123;0.032692307692307694122479944099;0.016666666666666666435370203203;0.001282051282051282050170049054;0.011538461538461539102051744976;0.016025641025641024217662788942;0.006410256410256410034009810772;0.055769230769230772326583434051;0.026282051282051282353746657350;0.039102564102564102421766278894;0.023076923076923078204103489952;0.028205128205128205537421948179;0.001282051282051282050170049054;0.028846153846153847755129362440;0.011538461538461539102051744976;0.028205128205128205537421948179;0.005128205128205128200680196215;0.005769230769230769551025872488;0.006410256410256410034009810772;0.042307692307692310040856398246;0.007692307692307692734701163317;0.006410256410256410034009810772;0.002564102564102564100340098108;0.003205128205128205017004905386;0.004487179487179486850334519943;0.017948717948717947401338079771;0.000000000000000000000000000000;0.032051282051282048435325577884;0.008974358974358973700669039886;0.018589743589743589619045494032;0.028846153846153847755129362440;0.023717948717948716952363952259;0.008333333333333333217685101602;0.012820512820512820068019621544
-0.021666666666666667406815349750;0.023333333333333334397297065266;0.054444444444444441144614899031;0.025555555555555557051272685953;0.021111111111111111743321444578;0.017777777777777777762358013547;0.001666666666666666773641281019;0.032222222222222221543752596062;0.036666666666666666851703837438;0.040555555555555553026714221687;0.008888888888888888881179006773;0.020000000000000000416333634234;0.004444444444444444440589503387;0.030555555555555554553270880547;0.028888888888888887562789165031;0.013888888888888888117900677344;0.029444444444444443226283070203;0.035000000000000003330669073875;0.025555555555555557051272685953;0.002777777777777777883788656865;0.016666666666666666435370203203;0.016111111111111110771876298031;0.002222222222222222220294751693;0.065000000000000002220446049250;0.022777777777777778733803160094;0.032777777777777780676693453188;0.033888888888888892003681263532;0.022222222222222223070309254922;0.001111111111111111110147375847;0.024444444444444445724284875610;0.018888888888888889089345823891;0.026666666666666668378260496297;0.007777777777777777554191196430;0.005555555555555555767577313730;0.003888888888888888777095598215;0.032222222222222221543752596062;0.014444444444444443781394582516;0.006666666666666667094565124074;0.002222222222222222220294751693;0.003888888888888888777095598215;0.007777777777777777554191196430;0.017222222222222222098864108375;0.000000000000000000000000000000;0.028888888888888887562789165031;0.022777777777777778733803160094;0.016111111111111110771876298031;0.031111111111111110216764785719;0.020000000000000000416333634234;0.011666666666666667198648532633;0.010555555555555555871660722289
-0.034666666666666665075346998037;0.004000000000000000083266726847;0.060666666666666667351304198519;0.004000000000000000083266726847;0.035999999999999997279953589668;0.025999999999999998806510248528;0.000666666666666666644404382058;0.014000000000000000291433543964;0.052666666666666667184770744825;0.032666666666666663298990158637;0.016000000000000000333066907388;0.052666666666666667184770744825;0.006000000000000000124900090270;0.032000000000000000666133814775;0.010000000000000000208166817117;0.035333333333333334647097245806;0.033333333333333332870740406406;0.025999999999999998806510248528;0.008666666666666666268836749509;0.009333333333333334105863521302;0.010666666666666666310470112933;0.034000000000000002442490654175;0.002000000000000000041633363423;0.032666666666666663298990158637;0.039333333333333331260917020700;0.042000000000000002609024107869;0.020666666666666666518636930050;0.005333333333333333155235056466;0.001333333333333333288808764117;0.022666666666666668294993769450;0.037999999999999999056310429069;0.021999999999999998723243521681;0.004000000000000000083266726847;0.010666666666666666310470112933;0.004666666666666667052931760651;0.032000000000000000666133814775;0.004666666666666667052931760651;0.008000000000000000166533453694;0.000666666666666666644404382058;0.012666666666666666352103476356;0.002666666666666666577617528233;0.022666666666666668294993769450;0.000000000000000000000000000000;0.014666666666666666393736839780;0.002000000000000000041633363423;0.010666666666666666310470112933;0.033333333333333332870740406406;0.027333333333333334480563792113;0.012666666666666666352103476356;0.031333333333333331094383567006
-0.035185185185185187395351391615;0.002469135802469135752140738660;0.059876543209876544049397040226;0.000000000000000000000000000000;0.038888888888888889505679458125;0.043209876543209874144579885069;0.001234567901234567876070369330;0.014197530864197531116910333537;0.048148148148148148250946576354;0.027160493827160493707228994253;0.014197530864197531116910333537;0.043209876543209874144579885069;0.005555555555555555767577313730;0.032098765432098767813595685539;0.004938271604938271504281477320;0.033950617283950615399312766840;0.026543209876543211178656633820;0.029629629629629630760412339896;0.004320987654320987240985640909;0.010493827160493827271858791050;0.011111111111111111535154627461;0.028395061728395062233820667075;0.006790123456790123426807248563;0.045061728395061728669190870278;0.038888888888888889505679458125;0.029012345679012344762393027509;0.028395061728395062233820667075;0.009259259259259258745267118229;0.001234567901234567876070369330;0.017283950617283948963942563637;0.038888888888888889505679458125;0.024691358024691356654045648611;0.001851851851851851922525771243;0.008641975308641974481971281818;0.010493827160493827271858791050;0.039506172839506172034251818559;0.008641975308641974481971281818;0.006172839506172839163511412153;0.003703703703703703845051542487;0.008641975308641974481971281818;0.006172839506172839163511412153;0.020370370370370372015145221667;0.000000000000000000000000000000;0.021604938271604937072289942535;0.001234567901234567876070369330;0.010493827160493827271858791050;0.037037037037037034981068472916;0.024074074074074074125473288177;0.015432098765432097908778530382;0.021604938271604937072289942535
-0.044666666666666667018237291131;0.004666666666666667052931760651;0.093333333333333337589188261063;0.000000000000000000000000000000;0.000000000000000000000000000000;0.020000000000000000416333634234;0.001333333333333333288808764117;0.012000000000000000249800180541;0.034000000000000002442490654175;0.043333333333333334813630699500;0.018666666666666668211727042603;0.028666666666666666685170383744;0.006666666666666667094565124074;0.042000000000000002609024107869;0.004000000000000000083266726847;0.028666666666666666685170383744;0.025999999999999998806510248528;0.029333333333333332787473679559;0.004000000000000000083266726847;0.007333333333333333196868419890;0.012000000000000000249800180541;0.023333333333333334397297065266;0.004000000000000000083266726847;0.056000000000000001165734175856;0.045999999999999999222843882762;0.042000000000000002609024107869;0.030666666666666664992080271190;0.001333333333333333288808764117;0.000666666666666666644404382058;0.006000000000000000124900090270;0.024000000000000000499600361081;0.024000000000000000499600361081;0.001333333333333333288808764117;0.009333333333333334105863521302;0.010000000000000000208166817117;0.055333333333333331593983928087;0.010000000000000000208166817117;0.009333333333333334105863521302;0.000666666666666666644404382058;0.014000000000000000291433543964;0.006000000000000000124900090270;0.011333333333333334147496884725;0.000000000000000000000000000000;0.017333333333333332537673499019;0.002000000000000000041633363423;0.015333333333333332496040135595;0.041333333333333333037273860100;0.027333333333333334480563792113;0.017333333333333332537673499019;0.033333333333333332870740406406
-0.037999999999999999056310429069;0.014666666666666666393736839780;0.058666666666666665574947359119;0.002000000000000000041633363423;0.000666666666666666644404382058;0.012666666666666666352103476356;0.004000000000000000083266726847;0.024666666666666666601903656897;0.029999999999999998889776975375;0.055333333333333331593983928087;0.011333333333333334147496884725;0.010000000000000000208166817117;0.005333333333333333155235056466;0.041333333333333333037273860100;0.016000000000000000333066907388;0.025999999999999998806510248528;0.023333333333333334397297065266;0.020000000000000000416333634234;0.008000000000000000166533453694;0.003333333333333333547282562037;0.011333333333333334147496884725;0.020000000000000000416333634234;0.005333333333333333155235056466;0.071333333333333331927050835475;0.047333333333333331427450474393;0.049333333333333333203807313794;0.029999999999999998889776975375;0.008666666666666666268836749509;0.001333333333333333288808764117;0.004000000000000000083266726847;0.007333333333333333196868419890;0.033333333333333332870740406406;0.004666666666666667052931760651;0.008666666666666666268836749509;0.005333333333333333155235056466;0.049333333333333333203807313794;0.010666666666666666310470112933;0.010666666666666666310470112933;0.004000000000000000083266726847;0.005333333333333333155235056466;0.004000000000000000083266726847;0.014000000000000000291433543964;0.000000000000000000000000000000;0.040666666666666663465523612331;0.005333333333333333155235056466;0.018666666666666668211727042603;0.066666666666666665741480812812;0.020000000000000000416333634234;0.012666666666666666352103476356;0.024666666666666666601903656897
-0.028205128205128205537421948179;0.003205128205128205017004905386;0.059615384615384618693934015710;0.000000000000000000000000000000;0.007692307692307692734701163317;0.033333333333333332870740406406;0.007051282051282051384355487045;0.017307692307692308653077617464;0.052564102564102564707493314700;0.037179487179487179238090988065;0.017948717948717947401338079771;0.033333333333333332870740406406;0.001923076923076923183675290829;0.032051282051282048435325577884;0.006410256410256410034009810772;0.028846153846153847755129362440;0.033974358974358971619000868714;0.038461538461538463673505816587;0.005769230769230769551025872488;0.005128205128205128200680196215;0.010897435897435896884344330715;0.025641025641025640136039243089;0.001923076923076923183675290829;0.062179487179487180625869768846;0.045512820512820510721052613690;0.037179487179487179238090988065;0.019871794871794870585013370601;0.001923076923076923183675290829;0.003846153846153846367350581659;0.018589743589743589619045494032;0.019230769230769231836752908293;0.036538461538461540489830525757;0.003846153846153846367350581659;0.006410256410256410034009810772;0.007051282051282051384355487045;0.046153846153846156408206979904;0.007051282051282051384355487045;0.010256410256410256401360392431;0.001282051282051282050170049054;0.008333333333333333217685101602;0.005128205128205128200680196215;0.016025641025641024217662788942;0.000000000000000000000000000000;0.023076923076923078204103489952;0.002564102564102564100340098108;0.023717948717948716952363952259;0.051282051282051280272078486178;0.020512820512820512802720784862;0.010897435897435896884344330715;0.023076923076923078204103489952
-0.035897435897435894802676159543;0.003205128205128205017004905386;0.074358974358974358476181976130;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008333333333333333217685101602;0.001923076923076923183675290829;0.020512820512820512802720784862;0.027564102564102563319714533918;0.060256410256410257442194478017;0.012179487179487179585035683260;0.025000000000000001387778780781;0.002564102564102564100340098108;0.046794871794871795156467442212;0.005769230769230769551025872488;0.035897435897435894802676159543;0.023076923076923078204103489952;0.036538461538461540489830525757;0.004487179487179486850334519943;0.003205128205128205017004905386;0.007051282051282051384355487045;0.020512820512820512802720784862;0.000641025641025641025085024527;0.075641025641025635972702900744;0.049358974358974357088403195348;0.060256410256410257442194478017;0.024358974358974359170071366520;0.002564102564102564100340098108;0.001282051282051282050170049054;0.001923076923076923183675290829;0.012820512820512820068019621544;0.036538461538461540489830525757;0.000000000000000000000000000000;0.007692307692307692734701163317;0.001923076923076923183675290829;0.060897435897435896190454940324;0.006410256410256410034009810772;0.010897435897435896884344330715;0.000000000000000000000000000000;0.001923076923076923183675290829;0.010256410256410256401360392431;0.006410256410256410034009810772;0.000000000000000000000000000000;0.037820512820512817986351450372;0.001923076923076923183675290829;0.021794871794871793768688661430;0.056410256410256411074843896358;0.023717948717948716952363952259;0.008333333333333333217685101602;0.023076923076923078204103489952
-0.026388888888888888811790067734;0.003703703703703703845051542487;0.067592592592592593003786305417;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005092592592592593003786305417;0.000000000000000000000000000000;0.021296296296296295808003762318;0.019907407407407408383992475365;0.083796296296296299277450714271;0.007407407407407407690103084974;0.014351851851851851749053423646;0.000925925925925925961262885622;0.044907407407407409771771256146;0.003703703703703703845051542487;0.027777777777777776235801354687;0.018055555555555553859381490156;0.018518518518518517490534236458;0.002777777777777777883788656865;0.005092592592592593003786305417;0.007407407407407407690103084974;0.014814814814814815380206169948;0.000000000000000000000000000000;0.115277777777777784562474039376;0.032407407407407405608434913802;0.060185185185185181844236268489;0.016666666666666666435370203203;0.026851851851851852442942814037;0.002314814814814814686316779557;0.001388888888888888941894328433;0.010185185185185186007572610833;0.041666666666666664353702032031;0.000462962962962962980631442811;0.002314814814814814686316779557;0.000462962962962962980631442811;0.067129629629629636311527463022;0.012037037037037037062736644089;0.006018518518518518531368322044;0.000000000000000000000000000000;0.000925925925925925961262885622;0.007407407407407407690103084974;0.002777777777777777883788656865;0.000000000000000000000000000000;0.059259259259259261520824679792;0.000462962962962962980631442811;0.032870370370370369239587660104;0.052777777777777777623580135469;0.026851851851851852442942814037;0.006481481481481481295159330358;0.021296296296296295808003762318
-0.043055555555555555247160270937;0.004166666666666666608842550801;0.058333333333333334258519187188;0.033796296296296296501893152708;0.001851851851851851922525771243;0.015740740740740739173064710599;0.001851851851851851922525771243;0.022222222222222223070309254922;0.013888888888888888117900677344;0.050925925925925923098969150260;0.014814814814814815380206169948;0.020370370370370372015145221667;0.011111111111111111535154627461;0.036574074074074071349915726614;0.008333333333333333217685101602;0.032870370370370369239587660104;0.017129629629629630066522949505;0.021759259259259259439156508620;0.007870370370370369586532355299;0.008796296296296296848837847904;0.013425925925925926221471407018;0.012037037037037037062736644089;0.002314814814814814686316779557;0.076851851851851851749053423646;0.042592592592592591616007524635;0.051851851851851850361274642864;0.022685185185185186701462001224;0.000000000000000000000000000000;0.001851851851851851922525771243;0.004629629629629629372633559115;0.010185185185185186007572610833;0.031944444444444441977282167500;0.002777777777777777883788656865;0.006481481481481481295159330358;0.011574074074074073431583897786;0.053703703703703704885885628073;0.007870370370370369586532355299;0.018981481481481481121686982760;0.000000000000000000000000000000;0.011111111111111111535154627461;0.007407407407407407690103084974;0.001851851851851851922525771243;0.000000000000000000000000000000;0.043981481481481482509465763542;0.004629629629629629372633559115;0.038888888888888889505679458125;0.038888888888888889505679458125;0.023611111111111110494320541875;0.012037037037037037062736644089;0.020370370370370372015145221667
-0.050490196078431373583050856269;0.000980392156862745084433541365;0.024509803921568627110838534122;0.000000000000000000000000000000;0.003431372549019607795517394777;0.058333333333333334258519187188;0.002941176470588235253300624095;0.012254901960784313555419267061;0.001470588235294117626650312047;0.030882352941176471894380028971;0.013725490196078431182069579108;0.058823529411764705066012481893;0.021078431372549021050044615322;0.029411764705882352533006240947;0.000490196078431372542216770682;0.063235294117647056211239942058;0.005882352941176470506601248189;0.013235294117647058639852808426;0.017156862745098040712310449862;0.005392156862745097964384477507;0.018627450980392156604237285933;0.002941176470588235253300624095;0.001470588235294117626650312047;0.039215686274509803377341654596;0.064215686274509797826226531470;0.053921568627450983113291727022;0.017647058823529411519803744568;0.000000000000000000000000000000;0.000490196078431372542216770682;0.034803921568627452232114194430;0.050980392156862744390544150974;0.015196078431372548808719891156;0.006862745098039215591034789554;0.006862745098039215591034789554;0.020588235294117646773104368663;0.032843137254901962063247111701;0.009313725490196078302118642966;0.032843137254901962063247111701;0.000000000000000000000000000000;0.002450980392156862711083853412;0.004411764705882352879950936142;0.000490196078431372542216770682;0.000000000000000000000000000000;0.024509803921568627110838534122;0.001470588235294117626650312047;0.025000000000000001387778780781;0.038235294117647061762355065184;0.043627450980392154522569114761;0.012254901960784313555419267061;0.025000000000000001387778780781
-0.046474358974358975782337211058;0.009615384615384615918376454147;0.014743589743589743251694912374;0.010576923076923077510214099561;0.013461538461538462285727035805;0.060576923076923076816324709171;0.004487179487179486850334519943;0.033653846153846152244870637560;0.000641025641025641025085024527;0.012820512820512820068019621544;0.026602564102564101727876888503;0.050000000000000002775557561563;0.026602564102564101727876888503;0.018589743589743589619045494032;0.013782051282051281659857266959;0.038141025641025644299375585433;0.002564102564102564100340098108;0.020192307692307693428590553708;0.051923076923076925959232852392;0.003205128205128205017004905386;0.030128205128205128721097239008;0.002884615384615384775512936244;0.015064102564102564360548619504;0.018589743589743589619045494032;0.051923076923076925959232852392;0.029166666666666667129259593594;0.030448717948717948095227470162;0.021153846153846155020428199123;0.000000000000000000000000000000;0.062500000000000000000000000000;0.041025641025641025605441569724;0.004487179487179486850334519943;0.029807692307692309346967007855;0.005128205128205128200680196215;0.013782051282051281659857266959;0.017948717948717947401338079771;0.014743589743589743251694912374;0.013141025641025641176873328675;0.000320512820512820512542512263;0.002884615384615384775512936244;0.011858974358974358476181976130;0.001923076923076923183675290829;0.000000000000000000000000000000;0.013461538461538462285727035805;0.015705128205128204843532557788;0.011858974358974358476181976130;0.017948717948717947401338079771;0.024358974358974359170071366520;0.020512820512820512802720784862;0.018589743589743589619045494032
-0.029259259259259259161600752464;0.019259259259259260688157411323;0.022222222222222223070309254922;0.077037037037037042752629645292;0.005925925925925925631665425186;0.020740740740740740144509857146;0.016296296296296294836558615771;0.060740740740740740977177125615;0.001481481481481481407916356297;0.024444444444444445724284875610;0.015555555555555555108382392859;0.013333333333333334189130248149;0.017037037037037038034181790636;0.015185185185185185244294281404;0.037777777777777778178691647781;0.016666666666666666435370203203;0.008888888888888888881179006773;0.041481481481481480289019714291;0.034074074074074076068363581271;0.003703703703703703845051542487;0.039629629629629632703302632990;0.002962962962962962815832712593;0.007407407407407407690103084974;0.031851851851851853414387960584;0.030370370370370370488588562807;0.029259259259259259161600752464;0.038888888888888889505679458125;0.009259259259259258745267118229;0.004444444444444444440589503387;0.019629629629629628817522046802;0.025185185185185185452461098521;0.014074074074074073917306471060;0.017407407407407406163546426114;0.009259259259259258745267118229;0.015555555555555555108382392859;0.038518518518518521376314822646;0.017037037037037038034181790636;0.009629629629629630344078705662;0.000740740740740740703958178148;0.004074074074074073709139653943;0.023333333333333334397297065266;0.002592592592592592518063732143;0.000000000000000000000000000000;0.018888888888888889089345823891;0.013333333333333334189130248149;0.036666666666666666851703837438;0.011851851851851851263330850372;0.009629629629629630344078705662;0.027407407407407408106436719208;0.010000000000000000208166817117
-0.051488095238095235584019349062;0.002976190476190476025264430859;0.020535714285714285615158658516;0.074999999999999997224442438437;0.009226190476190476372209126055;0.065476190476190479494711382813;0.006547619047619047775998790684;0.015178571428571428422737987773;0.001190476190476190583578119941;0.027976190476190477413043211641;0.022321428571428571924206707422;0.036011904761904758864865527812;0.031547619047619046561692357500;0.028571428571428570536427926640;0.010416666666666666088425508008;0.042261904761904764415980650938;0.003273809523809523887999395342;0.010119047619047619526733150508;0.026785714285714284227379877734;0.002976190476190476025264430859;0.027380952380952380820211544687;0.002976190476190476025264430859;0.008630952380952381514100935078;0.027976190476190477413043211641;0.061011904761904760252644308594;0.036607142857142858927144146719;0.026190476190476191103995162734;0.001488095238095238012632215430;0.000000000000000000000000000000;0.042559523809523810977673008438;0.028273809523809523974735569141;0.011904761904761904101057723437;0.013988095238095238706521605820;0.007440476190476190063161077148;0.024404761904761904794947113828;0.024107142857142858233254756328;0.008333333333333333217685101602;0.014583333333333333564629796797;0.000595238095238095291789059971;0.005059523809523809763366575254;0.003869047619047619179788455313;0.000892857142857142829263372708;0.000000000000000000000000000000;0.017857142857142856151586585156;0.010714285714285714384841341484;0.018749999999999999306110609609;0.027678571428571427381903902187;0.020535714285714285615158658516;0.019940476190476189022326991562;0.016369047619047619873677845703
-0.029279279279279278591641144658;0.011711711711711711783601153058;0.033783783783783785659160514570;0.027927927927927927165274724075;0.002252252252252252232717077973;0.018918918918918919969129888159;0.011711711711711711783601153058;0.031981981981981981444373985823;0.003153153153153153039067735364;0.044144144144144144281671771068;0.011711711711711711783601153058;0.005855855855855855891800576529;0.013963963963963963582637362038;0.028378378378378379953694832238;0.012612612612612612156270941455;0.010810810810810811410931364662;0.016216216216216217116397046993;0.022072072072072072140835885534;0.017567567567567568542763467576;0.006306306306306306078135470727;0.025675675675675677100961991073;0.006756756756756757131832102914;0.019369369369369369288103044369;0.063513513513513517039221767391;0.025675675675675677100961991073;0.039189189189189191364626196901;0.031081081081081082806427673404;0.006756756756756757131832102914;0.004054054054054054279099261748;0.012612612612612612156270941455;0.008558558558558557877171679706;0.027027027027027028527328411656;0.014414414414414414636333994224;0.008108108108108108558198523497;0.031531531531531528655953877660;0.049549549549549549987137453400;0.012162162162162162837297785245;0.016216216216216217116397046993;0.000450450450450450457385437320;0.013963963963963963582637362038;0.015315315315315315009003782620;0.004504504504504504465434155946;0.000000000000000000000000000000;0.050450450450450448625083765819;0.008108108108108108558198523497;0.061261261261261260036015130481;0.029279279279279278591641144658;0.013063063063063063209967573641;0.027927927927927927165274724075;0.013063063063063063209967573641
-0.027407407407407408106436719208;0.006296296296296296363115274630;0.035185185185185187395351391615;0.071481481481481479178796689666;0.003703703703703703845051542487;0.011481481481481481399242738917;0.021481481481481479872686080057;0.024444444444444445724284875610;0.003333333333333333547282562037;0.052592592592592593558897817729;0.009259259259259258745267118229;0.006296296296296296363115274630;0.017037037037037038034181790636;0.023703703703703702526661700745;0.005185185185185185036127464286;0.014074074074074073917306471060;0.021111111111111111743321444578;0.031851851851851853414387960584;0.012962962962962962590318660716;0.007037037037037036958653235530;0.017037037037037038034181790636;0.008148148148148147418279307885;0.012592592592592592726230549260;0.064814814814814811216869827604;0.020000000000000000416333634234;0.040370370370370368962031903948;0.019629629629629628817522046802;0.002962962962962962815832712593;0.008518518518518519017090895318;0.007777777777777777554191196430;0.008148148148148147418279307885;0.041851851851851848418384349770;0.005925925925925925631665425186;0.009629629629629630344078705662;0.022222222222222223070309254922;0.052222222222222225429533182250;0.009629629629629630344078705662;0.016666666666666666435370203203;0.000370370370370370351979089074;0.017037037037037038034181790636;0.010740740740740739936343040029;0.005185185185185185036127464286;0.000000000000000000000000000000;0.055555555555555552471602709375;0.001851851851851851922525771243;0.058888888888888886452566140406;0.033333333333333332870740406406;0.012962962962962962590318660716;0.017037037037037038034181790636;0.012962962962962962590318660716
-0.029069767441860464712855005587;0.010465116279069767296627802011;0.040310077519379844401825607747;0.146511627906976749091683132065;0.010465116279069767296627802011;0.034496124031007754928701558583;0.005426356589147286746399601043;0.013178294573643410669827602533;0.006589147286821705334913801266;0.017829457364341085023884403427;0.018217054263565891220055803501;0.024418604651162790358798204693;0.017829457364341085023884403427;0.029457364341085270909026405661;0.019379844961240309808570003725;0.047286821705426355932910809088;0.017829457364341085023884403427;0.017441860465116278827713003352;0.011627906976744185885142002235;0.003100775193798449569371200596;0.015116279069767441650684602905;0.008139534883720930119599401564;0.001162790697674418588514200223;0.023643410852713177966455404544;0.056201550387596901914299962755;0.034108527131782945263083206555;0.023255813953488371770284004469;0.015116279069767441650684602905;0.002713178294573643373199800521;0.018992248062015503612398603650;0.023255813953488371770284004469;0.020155038759689922200912803874;0.005426356589147286746399601043;0.010852713178294573492799202086;0.018992248062015503612398603650;0.021317829457364340789427004097;0.008139534883720930119599401564;0.013178294573643410669827602533;0.001162790697674418588514200223;0.006201550387596899138742401192;0.005038759689922480550228200968;0.004651162790697674354056800894;0.000000000000000000000000000000;0.016666666666666666435370203203;0.017441860465116278827713003352;0.011627906976744185885142002235;0.028294573643410852320512205438;0.028682170542635658516683605512;0.013565891472868216865999002607;0.025968992248062015143483804991
-0.028518518518518519433424529552;0.010370370370370370072254928573;0.046666666666666668794594130532;0.180740740740740729597391123207;0.003333333333333333547282562037;0.015185185185185185244294281404;0.004074074074074073709139653943;0.029999999999999998889776975375;0.006666666666666667094565124074;0.035555555555555555524716027094;0.012962962962962962590318660716;0.004074074074074073709139653943;0.009629629629629630344078705662;0.042592592592592591616007524635;0.019629629629629628817522046802;0.012962962962962962590318660716;0.022222222222222223070309254922;0.025185185185185185452461098521;0.010370370370370370072254928573;0.006296296296296296363115274630;0.017037037037037038034181790636;0.006296296296296296363115274630;0.007037037037037036958653235530;0.040000000000000000832667268469;0.030370370370370370488588562807;0.038888888888888889505679458125;0.030740740740740742087400150240;0.005555555555555555767577313730;0.001851851851851851922525771243;0.010000000000000000208166817117;0.007407407407407407690103084974;0.018518518518518517490534236458;0.004814814814814815172039352831;0.007037037037037036958653235530;0.012222222222222222862142437805;0.042592592592592591616007524635;0.012962962962962962590318660716;0.005925925925925925631665425186;0.000370370370370370351979089074;0.007037037037037036958653235530;0.009629629629629630344078705662;0.002962962962962962815832712593;0.000000000000000000000000000000;0.023703703703703702526661700745;0.007037037037037036958653235530;0.017037037037037038034181790636;0.042592592592592591616007524635;0.022962962962962962798485477833;0.023703703703703702526661700745;0.016666666666666666435370203203
-0.014880952380952380126322154297;0.015476190476190476719153821250;0.008928571428571428075793292578;0.138392857142857150787307318751;0.006250000000000000346944695195;0.007142857142857142634106981660;0.057142857142857141072855853281;0.034226190476190479494711382813;0.001488095238095238012632215430;0.036011904761904758864865527812;0.014285714285714285268213963320;0.003273809523809523887999395342;0.006250000000000000346944695195;0.009523809523809524668624959531;0.031547619047619046561692357500;0.005357142857142857192420670742;0.004761904761904762334312479766;0.018154761904761906182725894610;0.018154761904761906182725894610;0.002976190476190476025264430859;0.021726190476190475331375040469;0.002380952380952381167156239883;0.005357142857142857192420670742;0.070535714285714284921269268125;0.009226190476190476372209126055;0.020535714285714285615158658516;0.030952380952380953438307642500;0.010416666666666666088425508008;0.008630952380952381514100935078;0.005654761904761904621474766230;0.004166666666666666608842550801;0.022916666666666665047591422422;0.011904761904761904101057723437;0.005654761904761904621474766230;0.003869047619047619179788455313;0.020238095238095239053466301016;0.012202380952380952397473556914;0.006250000000000000346944695195;0.000000000000000000000000000000;0.002083333333333333304421275400;0.025595238095238094511163495781;0.003571428571428571317053490830;0.000000000000000000000000000000;0.080357142857142863090480489063;0.016964285714285712997062560703;0.129464285714285726180960978127;0.010416666666666666088425508008;0.007142857142857142634106981660;0.013095238095238095551997581367;0.004464285714285714037896646289
-0.023958333333333334952408577578;0.042187500000000002775557561563;0.019270833333333334258519187188;0.039062500000000000000000000000;0.023958333333333334952408577578;0.013541666666666667129259593594;0.016145833333333334952408577578;0.070833333333333331482961625625;0.003125000000000000173472347598;0.016666666666666666435370203203;0.019270833333333334258519187188;0.003125000000000000173472347598;0.010937499999999999306110609609;0.009895833333333332870740406406;0.051562499999999997224442438437;0.011458333333333332523795711211;0.004166666666666666608842550801;0.042187500000000002775557561563;0.064583333333333339809634310313;0.003125000000000000173472347598;0.047916666666666669904817155157;0.003645833333333333391157449199;0.011458333333333332523795711211;0.019791666666666665741480812812;0.017187500000000001387778780781;0.019270833333333334258519187188;0.048958333333333332870740406406;0.027604166666666665741480812812;0.001041666666666666652210637700;0.021354166666666667129259593594;0.006250000000000000346944695195;0.011458333333333332523795711211;0.027083333333333334258519187188;0.007291666666666666782314898398;0.021354166666666667129259593594;0.026562499999999999306110609609;0.014062500000000000346944695195;0.014062500000000000346944695195;0.000520833333333333326105318850;0.009895833333333332870740406406;0.027083333333333334258519187188;0.005729166666666666261897855605;0.000000000000000000000000000000;0.015104166666666666782314898398;0.035937499999999997224442438437;0.027083333333333334258519187188;0.009374999999999999653055304805;0.006250000000000000346944695195;0.020312500000000000693889390391;0.007291666666666666782314898398
-0.041904761904761902990834698812;0.014285714285714285268213963320;0.020000000000000000416333634234;0.079047619047619047116803869812;0.013809523809523809728672105734;0.045714285714285714246063463406;0.016190476190476189161104869640;0.041904761904761902990834698812;0.001904761904761904760252644309;0.012857142857142856914864914586;0.016190476190476189161104869640;0.033333333333333332870740406406;0.010000000000000000208166817117;0.025714285714285713829729829172;0.025238095238095236555464495609;0.027619047619047619457344211469;0.010000000000000000208166817117;0.036190476190476189577438503875;0.048571428571428570952761560875;0.003333333333333333547282562037;0.034285714285714287419271073531;0.002857142857142857140378966463;0.017142857142857143709635536766;0.024761904761904762750646114000;0.043809523809523812087896033063;0.031904761904761907986838309625;0.025238095238095236555464495609;0.010000000000000000208166817117;0.001904761904761904760252644309;0.026190476190476191103995162734;0.024285714285714285476380780437;0.004761904761904762334312479766;0.020952380952380951495417349406;0.004761904761904762334312479766;0.014285714285714285268213963320;0.018095238095238094788719251937;0.010476190476190475747708674703;0.013333333333333334189130248149;0.000000000000000000000000000000;0.008095238095238094580552434820;0.015238095238095238082021154469;0.003333333333333333547282562037;0.000000000000000000000000000000;0.011904761904761904101057723437;0.019047619047619049337249919063;0.022380952380952379848766398140;0.014285714285714285268213963320;0.016190476190476189161104869640;0.024285714285714285476380780437;0.012380952380952381375323057000
-0.069047619047619052112807480626;0.001190476190476190583578119941;0.017460317460317460735996775156;0.000000000000000000000000000000;0.003174603174603174600421073848;0.082142857142857142460634634062;0.003571428571428571317053490830;0.011111111111111111535154627461;0.001984126984126984016842953906;0.022222222222222223070309254922;0.020634920634920634469056111016;0.052380952380952382207990325469;0.037698412698412696320016124218;0.037698412698412696320016124218;0.001587301587301587300210536924;0.058730158730158729674108997187;0.002777777777777777883788656865;0.007936507936507936067371815625;0.011507936507936508685467913438;0.003571428571428571317053490830;0.019444444444444444752839729063;0.002777777777777777883788656865;0.004365079365079365183999193789;0.028968253968253969421464688594;0.085317460317460319663140921875;0.044444444444444446140618509844;0.018253968253968255036623347110;0.000000000000000000000000000000;0.001190476190476190583578119941;0.028174603174603175120838116641;0.054365079365079366224833279375;0.005158730158730158617264027754;0.007142857142857142634106981660;0.005555555555555555767577313730;0.030952380952380953438307642500;0.014682539682539682418527249297;0.010317460317460317234528055508;0.036904761904761905488836504219;0.000000000000000000000000000000;0.005158730158730158617264027754;0.000793650793650793650105268462;0.000793650793650793650105268462;0.000000000000000000000000000000;0.020238095238095239053466301016;0.003571428571428571317053490830;0.015873015873015872134743631250;0.029761904761904760252644308594;0.036904761904761905488836504219;0.018253968253968255036623347110;0.024206349206349207087152208828
-0.048484848484848484806430946037;0.001893939393939393991961317454;0.046590909090909092549193104560;0.000000000000000000000000000000;0.000378787878787878787550241766;0.030681818181818181628939257166;0.001515151515151515150200967064;0.023863636363636364645657295114;0.010984848484848484459486250842;0.019696969696969695434729530348;0.020833333333333332176851016015;0.014393939393939394685850707845;0.028787878787878789371701415689;0.046212121212121211322187974702;0.004166666666666666608842550801;0.023106060606060605661093987351;0.018181818181818180935049866775;0.039393939393939390869459060696;0.017045454545454544192928381108;0.010227272727272727209646419055;0.022727272727272727903535809446;0.006818181818181817850643700041;0.017045454545454544192928381108;0.028787878787878789371701415689;0.058333333333333334258519187188;0.046212121212121211322187974702;0.041666666666666664353702032031;0.000000000000000000000000000000;0.000378787878787878787550241766;0.018939393939393939919613174538;0.012121212121212121201607736509;0.008712121212121212709966755483;0.019696969696969695434729530348;0.006439393939393939225723784148;0.032954545454545451643735276548;0.042424242424242426807712291748;0.020833333333333332176851016015;0.012500000000000000693889390391;0.000000000000000000000000000000;0.015530303030303029693248717535;0.004924242424242423858682382587;0.004166666666666666608842550801;0.000000000000000000000000000000;0.017424242424242425419933510966;0.003030303030303030300401934127;0.015151515151515151935690539631;0.034469696969696969612861892074;0.030681818181818181628939257166;0.048863636363636366033436075895;0.022727272727272727903535809446
-0.030681818181818181628939257166;0.013257575757575757943729222177;0.069696969696969701679734043864;0.000000000000000000000000000000;0.000757575757575757575100483532;0.017045454545454544192928381108;0.000757575757575757575100483532;0.030303030303030303871381079261;0.037499999999999998612221219219;0.023863636363636364645657295114;0.018181818181818180935049866775;0.003409090909090908925321850020;0.010984848484848484459486250842;0.041666666666666664353702032031;0.007575757575757575967845269815;0.014015151515151515193569053963;0.030681818181818181628939257166;0.068560606060606057998718654289;0.018181818181818180935049866775;0.016287878787878788677812025298;0.020454545454545454419292838111;0.019696969696969695434729530348;0.026893939393939393645016622258;0.032954545454545451643735276548;0.029166666666666667129259593594;0.029545454545454544886817771498;0.043560606060606063549833777415;0.001893939393939393991961317454;0.000757575757575757575100483532;0.006818181818181817850643700041;0.002651515151515151675482018234;0.018560606060606062162054996634;0.011363636363636363951767904723;0.004545454545454545233762466694;0.018939393939393939919613174538;0.056818181818181816289392571662;0.026515151515151515887458444354;0.003030303030303030300401934127;0.003409090909090908925321850020;0.023863636363636364645657295114;0.004166666666666666608842550801;0.015151515151515151935690539631;0.000000000000000000000000000000;0.013636363636363635701287400082;0.003030303030303030300401934127;0.011742424242424241709326082628;0.031439393939393940613502564929;0.017803030303030303177491688871;0.054924242424242424032154730185;0.013257575757575757943729222177
-0.018666666666666668211727042603;0.014666666666666666393736839780;0.050000000000000002775557561563;0.126000000000000000888178419700;0.003333333333333333547282562037;0.013333333333333334189130248149;0.015333333333333332496040135595;0.042000000000000002609024107869;0.014666666666666666393736839780;0.027333333333333334480563792113;0.010000000000000000208166817117;0.006000000000000000124900090270;0.008000000000000000166533453694;0.022666666666666668294993769450;0.017999999999999998639976794834;0.013333333333333334189130248149;0.021333333333333332620940225866;0.039333333333333331260917020700;0.017999999999999998639976794834;0.010000000000000000208166817117;0.013333333333333334189130248149;0.016666666666666666435370203203;0.015333333333333332496040135595;0.034666666666666665075346998037;0.020000000000000000416333634234;0.034000000000000002442490654175;0.034666666666666665075346998037;0.003333333333333333547282562037;0.003333333333333333547282562037;0.009333333333333334105863521302;0.015333333333333332496040135595;0.016000000000000000333066907388;0.007333333333333333196868419890;0.011333333333333334147496884725;0.017999999999999998639976794834;0.041333333333333333037273860100;0.009333333333333334105863521302;0.009333333333333334105863521302;0.000000000000000000000000000000;0.035333333333333334647097245806;0.017999999999999998639976794834;0.004666666666666667052931760651;0.000000000000000000000000000000;0.026666666666666668378260496297;0.010000000000000000208166817117;0.037999999999999999056310429069;0.018666666666666668211727042603;0.014000000000000000291433543964;0.021999999999999998723243521681;0.008000000000000000166533453694
-0.034375000000000002775557561563;0.005208333333333333044212754004;0.025000000000000001387778780781;0.183333333333333320380731379373;0.010937499999999999306110609609;0.030729166666666665047591422422;0.011979166666666667476204288789;0.030729166666666665047591422422;0.001562500000000000086736173799;0.029166666666666667129259593594;0.014583333333333333564629796797;0.013541666666666667129259593594;0.018749999999999999306110609609;0.027604166666666665741480812812;0.008333333333333333217685101602;0.023437500000000000000000000000;0.008333333333333333217685101602;0.016666666666666666435370203203;0.017708333333333332870740406406;0.002083333333333333304421275400;0.028645833333333332176851016015;0.003125000000000000173472347598;0.013020833333333333911574491992;0.039062500000000000000000000000;0.028125000000000000693889390391;0.031770833333333331482961625625;0.020312500000000000693889390391;0.003125000000000000173472347598;0.002083333333333333304421275400;0.020833333333333332176851016015;0.017708333333333332870740406406;0.015104166666666666782314898398;0.011979166666666667476204288789;0.007291666666666666782314898398;0.017708333333333332870740406406;0.044270833333333335646297967969;0.009374999999999999653055304805;0.017187500000000001387778780781;0.001041666666666666652210637700;0.006770833333333333564629796797;0.011458333333333332523795711211;0.000000000000000000000000000000;0.000000000000000000000000000000;0.031250000000000000000000000000;0.010937499999999999306110609609;0.023437500000000000000000000000;0.016145833333333334952408577578;0.013541666666666667129259593594;0.031770833333333331482961625625;0.008854166666666666435370203203
-0.050854700854700854439904844639;0.011965811965811966668948862491;0.011965811965811966668948862491;0.163247863247863250757418995818;0.014102564102564102768710974090;0.031196581196581196770978294808;0.023076923076923078204103489952;0.032051282051282048435325577884;0.002136752136752136967123849587;0.015811965811965811301575968173;0.019230769230769231836752908293;0.015811965811965811301575968173;0.021794871794871793768688661430;0.016666666666666666435370203203;0.021367521367521367936515019892;0.018376068376068376702958673263;0.005128205128205128200680196215;0.014529914529914530335608091605;0.044444444444444446140618509844;0.001709401709401709400226732072;0.027777777777777776235801354687;0.000427350427350427350056683018;0.008974358974358973700669039886;0.024358974358974359170071366520;0.032478632478632481206393123330;0.035042735042735043138328876466;0.022222222222222223070309254922;0.017948717948717947401338079771;0.001709401709401709400226732072;0.034188034188034191473981593390;0.019658119658119657668926549832;0.008119658119658120301598280832;0.016239316239316240603196561665;0.004700854700854700633783078700;0.012393162393162392501122504029;0.014957264957264957902505209120;0.006410256410256410034009810772;0.023931623931623933337897724982;0.000000000000000000000000000000;0.005555555555555555767577313730;0.009401709401709401267566157401;0.001282051282051282050170049054;0.000000000000000000000000000000;0.020512820512820512802720784862;0.016666666666666666435370203203;0.039743589743589741170026741202;0.013247863247863247634916739059;0.014957264957264957902505209120;0.019230769230769231836752908293;0.012393162393162392501122504029
-0.050406504065040651230145130057;0.008536585365853659179702361826;0.021544715447154472176549688811;0.091869918699186994826000329795;0.021544715447154472176549688811;0.015040650406504065678126025318;0.019512195121951219495270990478;0.029268292682926830977629961694;0.002845528455284553059900787275;0.027642276422764226750938831856;0.022357723577235772555171777753;0.013821138211382113375469415928;0.017073170731707318359404723651;0.019105691056910567571236470030;0.009756097560975609747635495239;0.019105691056910567571236470030;0.012195121951219512618225238043;0.022764227642276424479206298201;0.027642276422764226750938831856;0.004471544715447154684506703148;0.036991869918699189778710234577;0.002032520325203252247597829339;0.006910569105691056687734707964;0.038211382113821135142472940061;0.030081300813008131356252050637;0.045121951219512193564931124001;0.029268292682926830977629961694;0.008130081300813008990391317354;0.002439024390243902436908873810;0.021951219512195120631137257305;0.010162601626016259936946539710;0.016666666666666666435370203203;0.012195121951219512618225238043;0.003658536585365853872203745212;0.018699186991869919116648901536;0.030894308943089431734874139579;0.011788617886178862428914193572;0.028048780487804878674973352304;0.001219512195121951218454436905;0.004471544715447154684506703148;0.010569105691056910126257584182;0.004471544715447154684506703148;0.000000000000000000000000000000;0.029268292682926830977629961694;0.016260162601626017980782634709;0.049593495934959347382076089161;0.021138211382113820252515168363;0.015853658536585366056748114261;0.027235772357723578296351263361;0.010162601626016259936946539710
-0.038759689922480619617140007449;0.005426356589147286746399601043;0.020155038759689922200912803874;0.133333333333333331482961625625;0.013565891472868216865999002607;0.011240310077519379688970602160;0.024031007751937984162626804618;0.027131782945736433731998005214;0.003488372093023255765542600670;0.036046511627906979713387158881;0.013565891472868216865999002607;0.007364341085271317727256601415;0.020542635658914728397084203948;0.022480620155038759377941204320;0.014341085271317829258341802756;0.015503875968992247846856002980;0.008139534883720930119599401564;0.012015503875968992081313402309;0.015116279069767441650684602905;0.004263565891472868157885400819;0.033333333333333332870740406406;0.003100775193798449569371200596;0.006589147286821705334913801266;0.046899224806201553206186360967;0.025581395348837208947312404916;0.051937984496124030286967609982;0.021705426356589146985598404171;0.014728682170542635454513202831;0.002713178294573643373199800521;0.012403100775193798277484802384;0.008914728682170542511942201713;0.017054263565891472631541603278;0.008139534883720930119599401564;0.004651162790697674354056800894;0.021317829457364340789427004097;0.027519379844961239928169405289;0.009302325581395348708113601788;0.018992248062015503612398603650;0.000000000000000000000000000000;0.008139534883720930119599401564;0.007751937984496123923428001490;0.001937984496124030980857000372;0.000000000000000000000000000000;0.047674418604651165598529161116;0.005813953488372092942571001117;0.081782945736434103922718463764;0.023255813953488371770284004469;0.015116279069767441650684602905;0.018992248062015503612398603650;0.008139534883720930119599401564
-0.020833333333333332176851016015;0.014930555555555556287994356524;0.015277777777777777276635440273;0.231250000000000011102230246252;0.174652777777777767909128669999;0.015972222222222220988641083750;0.006597222222222222202947516934;0.018055555555555553859381490156;0.005555555555555555767577313730;0.020486111111111111188209932266;0.011458333333333332523795711211;0.006597222222222222202947516934;0.009374999999999999653055304805;0.012500000000000000693889390391;0.019444444444444444752839729063;0.011458333333333332523795711211;0.007638888888888888638317720137;0.021874999999999998612221219219;0.024652777777777776929690745078;0.001736111111111111014737584668;0.015277777777777777276635440273;0.004513888888888888464845372539;0.014236111111111110841265237070;0.025694444444444443365060948281;0.015277777777777777276635440273;0.019791666666666665741480812812;0.024652777777777776929690745078;0.009027777777777776929690745078;0.001736111111111111014737584668;0.030208333333333333564629796797;0.005555555555555555767577313730;0.009374999999999999653055304805;0.011458333333333332523795711211;0.003819444444444444319158860068;0.012500000000000000693889390391;0.015625000000000000000000000000;0.006597222222222222202947516934;0.014236111111111110841265237070;0.000347222222222222235473582108;0.011458333333333332523795711211;0.010416666666666666088425508008;0.002777777777777777883788656865;0.000000000000000000000000000000;0.014236111111111110841265237070;0.012500000000000000693889390391;0.020486111111111111188209932266;0.006944444444444444058950338672;0.007638888888888888638317720137;0.014930555555555556287994356524;0.008333333333333333217685101602
-0.037878787878787879839226349077;0.007575757575757575967845269815;0.035606060606060606354983377742;0.106818181818181812126056229317;0.031060606060606059386497435071;0.026515151515151515887458444354;0.001136363636363636308440616673;0.027651515151515152629579930021;0.006060606060606060600803868255;0.015909090909090907450806895440;0.022348484848484850145977631541;0.007196969696969697342925353922;0.027651515151515152629579930021;0.037499999999999998612221219219;0.010227272727272727209646419055;0.014772727272727272443408885749;0.013636363636363635701287400082;0.026136363636363634660453314495;0.018181818181818180935049866775;0.009848484848484847717364765174;0.020833333333333332176851016015;0.004924242424242423858682382587;0.015909090909090907450806895440;0.020833333333333332176851016015;0.038257575757575754127337575028;0.037878787878787879839226349077;0.045075757575757574580066489034;0.000757575757575757575100483532;0.000000000000000000000000000000;0.016287878787878788677812025298;0.007954545454545453725403447720;0.009469696969696969959806587269;0.016666666666666666435370203203;0.008333333333333333217685101602;0.035984848484848487581988507600;0.034090909090909088385856762216;0.016287878787878788677812025298;0.006818181818181817850643700041;0.000378787878787878787550241766;0.014772727272727272443408885749;0.007954545454545453725403447720;0.005681818181818181975883952362;0.000000000000000000000000000000;0.015909090909090907450806895440;0.006060606060606060600803868255;0.011363636363636363951767904723;0.030303030303030303871381079261;0.024621212121212120160773650923;0.044696969696969700291955263083;0.018181818181818180935049866775
-0.048333333333333332315628894094;0.007777777777777777554191196430;0.063888888888888883954564334999;0.067222222222222224874421669938;0.000000000000000000000000000000;0.017777777777777777762358013547;0.002222222222222222220294751693;0.018888888888888889089345823891;0.018888888888888889089345823891;0.038333333333333330372738601000;0.017777777777777777762358013547;0.003888888888888888777095598215;0.014999999999999999444888487687;0.048333333333333332315628894094;0.003888888888888888777095598215;0.027222222222222220572307449515;0.022222222222222223070309254922;0.024444444444444445724284875610;0.008888888888888888881179006773;0.008888888888888888881179006773;0.020000000000000000416333634234;0.010000000000000000208166817117;0.005555555555555555767577313730;0.043333333333333334813630699500;0.042777777777777775680689842375;0.047222222222222220988641083750;0.027222222222222220572307449515;0.005000000000000000104083408559;0.002222222222222222220294751693;0.003333333333333333547282562037;0.002777777777777777883788656865;0.021666666666666667406815349750;0.005000000000000000104083408559;0.003333333333333333547282562037;0.018888888888888889089345823891;0.049444444444444443642616704437;0.015555555555555555108382392859;0.007222222222222221890697291258;0.000555555555555555555073687923;0.009444444444444444544672911945;0.003888888888888888777095598215;0.013333333333333334189130248149;0.000000000000000000000000000000;0.035555555555555555524716027094;0.001666666666666666773641281019;0.012222222222222222862142437805;0.046666666666666668794594130532;0.037777777777777778178691647781;0.028888888888888887562789165031;0.015555555555555555108382392859
-0.054545454545454542805149600326;0.008080808080808080801071824339;0.042929292929292928171491894318;0.000505050505050505050066989021;0.004545454545454545233762466694;0.026767676767676766569348245639;0.001515151515151515150200967064;0.016161616161616161602143648679;0.013131313131313130868060845557;0.040909090909090908838585676222;0.019191919191919190601502975824;0.027272727272727271402574800163;0.020707070707070708570629591350;0.050505050505050504139337164133;0.003535353535353535567309357646;0.033333333333333332870740406406;0.014141414141414142269237430583;0.012121212121212121201607736509;0.015151515151515151935690539631;0.010101010101010101868701518413;0.021717171717171718237082700398;0.005555555555555555767577313730;0.011616161616161616368381181985;0.045959595959595957170851221463;0.052020202020202022108463779659;0.052525252525252523472243382230;0.019696969696969695434729530348;0.009090909090909090467524933388;0.000000000000000000000000000000;0.021212121212121213403856145874;0.010606060606060606701928072937;0.017676767676767676101823312251;0.008080808080808080801071824339;0.007070707070707071134618715291;0.028282828282828284538474861165;0.046969696969696966837304330511;0.016666666666666666435370203203;0.013636363636363635701287400082;0.001515151515151515150200967064;0.006565656565656565434030422779;0.004040404040404040400535912170;0.009090909090909090467524933388;0.000000000000000000000000000000;0.028787878787878789371701415689;0.002525252525252525467175379603;0.012121212121212121201607736509;0.053030303030303031774916888708;0.037373737373737371536552842599;0.023232323232323232736762363970;0.018181818181818180935049866775
-0.048245614035087716620076037088;0.010964912280701753777290008429;0.024561403508771929848908399663;0.047807017543859652020099559877;0.012280701754385964924454199831;0.035964912280701755165068789211;0.006140350877192982462227099916;0.013596491228070176071618391234;0.005701754385964912658080194774;0.017982456140350877582534394605;0.015350877192982455288206011801;0.052192982456140353531015563249;0.026315789473684209065496020230;0.028070175438596491751530592751;0.010964912280701753777290008429;0.039473684210526313598244030345;0.020175438596491228337992396291;0.014035087719298245875765296375;0.012280701754385964924454199831;0.004824561403508772182424646502;0.014035087719298245875765296375;0.007894736842105263413538196460;0.011403508771929825316160389548;0.022807017543859650632320779096;0.044298245614035086648030414835;0.032017543859649125193023166958;0.020175438596491228337992396291;0.010087719298245614168996198146;0.004385964912280701510916003372;0.043421052631578950509183556505;0.040789473684210528214855173701;0.021929824561403507554580016858;0.009210526315789472825978911885;0.006578947368421052266374005058;0.026315789473684209065496020230;0.023245614035087718701744208261;0.006578947368421052266374005058;0.033771929824561404409610787525;0.002631578947368420993285775822;0.014035087719298245875765296375;0.004824561403508772182424646502;0.011403508771929825316160389548;0.000000000000000000000000000000;0.028070175438596491751530592751;0.009649122807017544364849293004;0.030701754385964910576412023602;0.022807017543859650632320779096;0.021929824561403507554580016858;0.013596491228070176071618391234;0.014473684210526315679912201517
-0.019565217391304349364711256953;0.018840579710144928632375993516;0.029710144927536232678511041172;0.218115942028985515532824024376;0.028260869565217391213840514297;0.012318840579710145510805574531;0.013768115942028985240752625430;0.025362318840579711753946412500;0.007246376811594202986543944434;0.018115942028985507900040730078;0.007971014492753622851517469883;0.013768115942028985240752625430;0.009420289855072464316187996758;0.012318840579710145510805574531;0.031159420289855074143181568047;0.014492753623188405973087888867;0.015942028985507245703034939766;0.023913043478260870289275885625;0.031884057971014491406069879531;0.005797101449275362389235155547;0.023913043478260870289275885625;0.011594202898550724778470311094;0.011594202898550724778470311094;0.022463768115942028824605358750;0.016666666666666666435370203203;0.024637681159420291021611149063;0.027536231884057970481505250859;0.020289855072463766627599568437;0.002898550724637681194617577773;0.028260869565217391213840514297;0.009420289855072464316187996758;0.017391304347826087167705466641;0.005072463768115941656899892109;0.009420289855072464316187996758;0.010144927536231883313799784219;0.023188405797101449556940622188;0.003623188405797101493271972217;0.013768115942028985240752625430;0.004347826086956521791926366660;0.014492753623188405973087888867;0.010144927536231883313799784219;0.005072463768115941656899892109;0.000000000000000000000000000000;0.017391304347826087167705466641;0.047826086956521740578551771250;0.014492753623188405973087888867;0.019565217391304349364711256953;0.005072463768115941656899892109;0.010869565217391304046135047656;0.010869565217391304046135047656
-0.019202898550724638998543625235;0.033333333333333332870740406406;0.010507246376811593679967415937;0.132971014492753614177900089999;0.073550724637681155759771911562;0.030434782608695653410846304610;0.007971014492753622851517469883;0.035144927536231884701578565000;0.011231884057971014412302679375;0.005797101449275362389235155547;0.017028985507246376801537834922;0.009420289855072464316187996758;0.020652173913043476993767200156;0.009057971014492753950020365039;0.055072463768115940963010501719;0.010144927536231883313799784219;0.009057971014492753950020365039;0.032246376811594201772237511250;0.047826086956521740578551771250;0.001086956521739130447981591665;0.018115942028985507900040730078;0.006884057971014492620376312715;0.006159420289855072755402787266;0.013405797101449274874584993711;0.021739130434782608092270095312;0.014130434782608695606920257148;0.031884057971014491406069879531;0.026811594202898549749169987422;0.001086956521739130447981591665;0.052173913043478258033669447968;0.011594202898550724778470311094;0.006521739130434782254208680996;0.024637681159420291021611149063;0.004710144927536232158093998379;0.018115942028985507900040730078;0.014855072463768116339255520586;0.007971014492753622851517469883;0.010869565217391304046135047656;0.001811594202898550746635986108;0.003623188405797101493271972217;0.013043478260869564508417361992;0.012681159420289855876973206250;0.000000000000000000000000000000;0.007608695652173913352711576152;0.048188405797101450944719402969;0.009057971014492753950020365039;0.005434782608695652023067523828;0.007608695652173913352711576152;0.019565217391304349364711256953;0.007971014492753622851517469883
-0.105555555555555555247160270937;0.005925925925925925631665425186;0.012592592592592592726230549260;0.004444444444444444440589503387;0.011851851851851851263330850372;0.047037037037037036923958766010;0.001481481481481481407916356297;0.010370370370370370072254928573;0.003703703703703703845051542487;0.028888888888888887562789165031;0.020000000000000000416333634234;0.040370370370370368962031903948;0.011481481481481481399242738917;0.026296296296296296779448908865;0.010000000000000000208166817117;0.090370370370370364798695561603;0.000740740740740740703958178148;0.005925925925925925631665425186;0.020370370370370372015145221667;0.002592592592592592518063732143;0.017777777777777777762358013547;0.002592592592592592518063732143;0.002962962962962962815832712593;0.041111111111111112159655078813;0.095555555555555560243163881751;0.045555555555555557467606320188;0.012592592592592592726230549260;0.022222222222222223070309254922;0.001111111111111111110147375847;0.014074074074074073917306471060;0.052222222222222225429533182250;0.015925925925925926707193980292;0.006296296296296296363115274630;0.001481481481481481407916356297;0.008518518518518519017090895318;0.015925925925925926707193980292;0.002592592592592592518063732143;0.036296296296296298722339201959;0.000740740740740740703958178148;0.000740740740740740703958178148;0.001111111111111111110147375847;0.000370370370370370351979089074;0.000000000000000000000000000000;0.024444444444444445724284875610;0.007777777777777777554191196430;0.015925925925925926707193980292;0.024444444444444445724284875610;0.037407407407407410049327012302;0.009259259259259258745267118229;0.022962962962962962798485477833
-0.051709401709401706104252127716;0.003418803418803418800453464144;0.028205128205128205537421948179;0.002136752136752136967123849587;0.030341880341880341637184059778;0.049145299145299144172316374579;0.006837606837606837600906928287;0.011965811965811966668948862491;0.008974358974358973700669039886;0.017948717948717947401338079771;0.029487179487179486503389824748;0.032478632478632481206393123330;0.021794871794871793768688661430;0.037179487179487179238090988065;0.005982905982905983334474431246;0.041452991452991451437615211262;0.013247863247863247634916739059;0.013247863247863247634916739059;0.028632478632478631369595589717;0.004273504273504273934247699174;0.021367521367521367936515019892;0.007264957264957265167804045802;0.007692307692307692734701163317;0.024786324786324785002245008059;0.054273504273504274975081784760;0.032051282051282048435325577884;0.027777777777777776235801354687;0.026495726495726495269833478119;0.002564102564102564100340098108;0.038034188034188030902438271141;0.023931623931623933337897724982;0.014102564102564102768710974090;0.014957264957264957902505209120;0.007264957264957265167804045802;0.015811965811965811301575968173;0.023931623931623933337897724982;0.011538461538461539102051744976;0.019658119658119657668926549832;0.005128205128205128200680196215;0.007264957264957265167804045802;0.003846153846153846367350581659;0.008119658119658120301598280832;0.000000000000000000000000000000;0.014529914529914530335608091605;0.015384615384615385469402326635;0.020940170940170938634894426400;0.040598290598290599773267928185;0.029059829059829060671216183209;0.023504273504273504036277131490;0.019658119658119657668926549832
-0.036309523809523812365451789219;0.002380952380952381167156239883;0.020833333333333332176851016015;0.007738095238095238359576910625;0.095833333333333339809634310313;0.068452380952380958989422765626;0.001785714285714285658526745415;0.011904761904761904101057723437;0.002380952380952381167156239883;0.009523809523809524668624959531;0.017857142857142856151586585156;0.076785714285714290472384391251;0.024404761904761904794947113828;0.023214285714285715078730731875;0.014880952380952380126322154297;0.024404761904761904794947113828;0.003571428571428571317053490830;0.011309523809523809242949532461;0.026190476190476191103995162734;0.002976190476190476025264430859;0.016071428571428569842538536250;0.007738095238095238359576910625;0.007142857142857142634106981660;0.008333333333333333217685101602;0.055357142857142854763807804375;0.025595238095238094511163495781;0.017261904761904763028201870156;0.011309523809523809242949532461;0.000000000000000000000000000000;0.140476190476190476719153821250;0.041666666666666664353702032031;0.004761904761904762334312479766;0.017261904761904763028201870156;0.008333333333333333217685101602;0.025000000000000001387778780781;0.010119047619047619526733150508;0.002380952380952381167156239883;0.008928571428571428075793292578;0.000000000000000000000000000000;0.008928571428571428075793292578;0.001785714285714285658526745415;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008333333333333333217685101602;0.017857142857142856151586585156;0.004761904761904762334312479766;0.017857142857142856151586585156;0.017857142857142856151586585156;0.018452380952380952744418252109;0.013690476190476190410105772344
-0.037878787878787879839226349077;0.003030303030303030300401934127;0.046212121212121211322187974702;0.000000000000000000000000000000;0.010227272727272727209646419055;0.057954545454545453031514057329;0.001893939393939393991961317454;0.009848484848484847717364765174;0.020833333333333332176851016015;0.021212121212121213403856145874;0.015530303030303029693248717535;0.071212121212121212709966755483;0.027651515151515152629579930021;0.031818181818181814901613790880;0.004545454545454545233762466694;0.038257575757575754127337575028;0.021212121212121213403856145874;0.028030303030303030387138107926;0.012878787878787878451447568295;0.007196969696969697342925353922;0.010227272727272727209646419055;0.022727272727272727903535809446;0.012121212121212121201607736509;0.022727272727272727903535809446;0.051515151515151513805790273182;0.029166666666666667129259593594;0.016666666666666666435370203203;0.000757575757575757575100483532;0.000757575757575757575100483532;0.057575757575757578743402831378;0.046969696969696966837304330511;0.009848484848484847717364765174;0.012121212121212121201607736509;0.007575757575757575967845269815;0.031439393939393940613502564929;0.027272727272727271402574800163;0.007196969696969697342925353922;0.016666666666666666435370203203;0.003409090909090908925321850020;0.018939393939393939919613174538;0.002651515151515151675482018234;0.006439393939393939225723784148;0.000000000000000000000000000000;0.011363636363636363951767904723;0.006060606060606060600803868255;0.010227272727272727209646419055;0.032954545454545451643735276548;0.015151515151515151935690539631;0.025378787878787879145336958686;0.016666666666666666435370203203
-0.030612244897959182965418989397;0.025170068027210883154776155379;0.045238095238095236971798129844;0.008163265306122449715964251027;0.015306122448979591482709494699;0.030952380952380953438307642500;0.003401360544217686947970902267;0.024149659863945578675004099978;0.067346938775510206687258119018;0.014965986394557822744544317572;0.013605442176870747791883609068;0.018027210884353741388030911708;0.022448979591836733249454738370;0.017346938775510203911700557455;0.016666666666666666435370203203;0.013605442176870747791883609068;0.024829931972789116151334454230;0.060544217687074831923954576496;0.011224489795918366624727369185;0.006462585034013605157776627408;0.012244897959183672839222900564;0.053741496598639457160651033973;0.015646258503401361955598147802;0.017687074829931974384589210558;0.029931972789115645489088635145;0.020748299319727891293352328717;0.025850340136054420631106509632;0.018027210884353741388030911708;0.000340136054421768683955068502;0.035374149659863948769178421117;0.017346938775510203911700557455;0.009863945578231291672066660681;0.012585034013605441577388077690;0.006802721088435373895941804534;0.025510204081632653627664808482;0.028231292517006803532986225491;0.012244897959183672839222900564;0.010884353741496597886562192059;0.005782312925170067681446273156;0.028571428571428570536427926640;0.008163265306122449715964251027;0.043197278911564628012254019040;0.000000000000000000000000000000;0.012925170068027210315553254816;0.008843537414965987192294605279;0.012585034013605441577388077690;0.011564625850340135362892546311;0.010884353741496597886562192059;0.024149659863945578675004099978;0.010204081632653060410231837807
-0.019202898550724638998543625235;0.032971014492753622504572774687;0.024637681159420291021611149063;0.081884057971014487242733537187;0.069202898550724631365760330937;0.025724637681159418650667092265;0.004710144927536232158093998379;0.028260869565217391213840514297;0.009782608695652174682355628477;0.009057971014492753950020365039;0.016666666666666666435370203203;0.017028985507246376801537834922;0.031159420289855074143181568047;0.010507246376811593679967415937;0.034782608695652174335410933281;0.008333333333333333217685101602;0.009782608695652174682355628477;0.041666666666666664353702032031;0.041304347826086953987534400312;0.006884057971014492620376312715;0.015942028985507245703034939766;0.011594202898550724778470311094;0.022826086956521739190772990469;0.009420289855072464316187996758;0.023188405797101449556940622188;0.015579710144927537071590784024;0.039855072463768112522863873437;0.044927536231884057649210717500;0.000362318840579710149327197222;0.053623188405797099498339974843;0.009057971014492753950020365039;0.003985507246376811425758734941;0.023550724637681159923108253906;0.005072463768115941656899892109;0.026811594202898549749169987422;0.015942028985507245703034939766;0.012681159420289855876973206250;0.006159420289855072755402787266;0.001449275362318840597308788887;0.022463768115942028824605358750;0.007246376811594202986543944434;0.008333333333333333217685101602;0.000000000000000000000000000000;0.005434782608695652023067523828;0.024637681159420291021611149063;0.007971014492753622851517469883;0.007246376811594202986543944434;0.011231884057971014412302679375;0.030434782608695653410846304610;0.009420289855072464316187996758
-0.026190476190476191103995162734;0.016666666666666666435370203203;0.015873015873015872134743631250;0.041269841269841268938112222031;0.039682539682539680336859078125;0.078571428571428569842538536250;0.003174603174603174600421073848;0.026190476190476191103995162734;0.002380952380952381167156239883;0.007142857142857142634106981660;0.023015873015873017370935826875;0.057142857142857141072855853281;0.028571428571428570536427926640;0.021428571428571428769682682969;0.019841269841269840168429539062;0.022222222222222223070309254922;0.010317460317460317234528055508;0.033333333333333332870740406406;0.042857142857142857539365365938;0.003174603174603174600421073848;0.027777777777777776235801354687;0.003174603174603174600421073848;0.019047619047619049337249919063;0.009523809523809524668624959531;0.029365079365079364837054498594;0.017460317460317460735996775156;0.025396825396825396803368590781;0.037301587301587300904426314219;0.000000000000000000000000000000;0.097619047619047619179788455313;0.020634920634920634469056111016;0.004761904761904762334312479766;0.018253968253968255036623347110;0.003174603174603174600421073848;0.009523809523809524668624959531;0.016666666666666666435370203203;0.011904761904761904101057723437;0.009523809523809524668624959531;0.000000000000000000000000000000;0.005555555555555555767577313730;0.010317460317460317234528055508;0.004761904761904762334312479766;0.000000000000000000000000000000;0.009523809523809524668624959531;0.015873015873015872134743631250;0.012698412698412698401684295391;0.012698412698412698401684295391;0.007142857142857142634106981660;0.028571428571428570536427926640;0.012698412698412698401684295391
-0.042708333333333334258519187188;0.009722222222222222376419864531;0.059722222222222225151977426094;0.000347222222222222235473582108;0.003125000000000000173472347598;0.036458333333333335646297967969;0.001388888888888888941894328433;0.015972222222222220988641083750;0.011805555555555555247160270937;0.022916666666666665047591422422;0.022916666666666665047591422422;0.028125000000000000693889390391;0.023263888888888889505679458125;0.039583333333333331482961625625;0.007986111111111110494320541875;0.027083333333333334258519187188;0.013888888888888888117900677344;0.034722222222222223764198645313;0.017361111111111111882099322656;0.007291666666666666782314898398;0.013541666666666667129259593594;0.018055555555555553859381490156;0.014930555555555556287994356524;0.026041666666666667823148983985;0.052430555555555556634939051719;0.041666666666666664353702032031;0.032638888888888890893458238907;0.017013888888888887424011286953;0.000694444444444444470947164216;0.032638888888888890893458238907;0.018402777777777778317469525859;0.010069444444444445099784424258;0.009027777777777776929690745078;0.007638888888888888638317720137;0.025694444444444443365060948281;0.037847222222222219600862302968;0.014930555555555556287994356524;0.014583333333333333564629796797;0.001041666666666666652210637700;0.015277777777777777276635440273;0.003819444444444444319158860068;0.008680555555555555941049661328;0.000000000000000000000000000000;0.013888888888888888117900677344;0.006597222222222222202947516934;0.015277777777777777276635440273;0.037499999999999998612221219219;0.027430555555555555247160270937;0.030208333333333333564629796797;0.026041666666666667823148983985
-0.018468468468468467180709779996;0.027927927927927927165274724075;0.024774774774774774993568726700;0.206306306306306308506748337095;0.056756756756756759907389664477;0.017567567567567568542763467576;0.007657657657657657504501891310;0.029279279279279278591641144658;0.014414414414414414636333994224;0.006756756756756757131832102914;0.010810810810810811410931364662;0.010360360360360360357234732476;0.011261261261261260729904520872;0.009459459459459459984564944079;0.048198198198198198560771032817;0.013063063063063063209967573641;0.006756756756756757131832102914;0.028828828828828829272667988448;0.030180180180180180699034409031;0.005405405405405405705465682331;0.015765765765765764327976938830;0.009459459459459459984564944079;0.011711711711711711783601153058;0.013963963963963963582637362038;0.011261261261261260729904520872;0.011261261261261260729904520872;0.021171171171171170033442621161;0.085135135135135139861084496715;0.000900900900900900914770874639;0.027027027027027028527328411656;0.009909909909909909303538100289;0.006756756756756757131832102914;0.015765765765765764327976938830;0.004504504504504504465434155946;0.013963963963963963582637362038;0.016666666666666666435370203203;0.004954954954954954651769050145;0.006756756756756757131832102914;0.001351351351351351426366420583;0.013513513513513514263664205828;0.011711711711711711783601153058;0.009009009009009008930868311893;0.000000000000000000000000000000;0.007207207207207207318166997112;0.039189189189189191364626196901;0.006756756756756757131832102914;0.012162162162162162837297785245;0.009009009009009008930868311893;0.011261261261261260729904520872;0.007657657657657657504501891310
-0.053431372549019605366904528410;0.008823529411764705759901872284;0.037745098039215684015967866571;0.007843137254901960675468330919;0.004901960784313725422167706824;0.038235294117647061762355065184;0.004901960784313725422167706824;0.024019607843137256303345239417;0.003431372549019607795517394777;0.030882352941176471894380028971;0.019117647058823530881177532592;0.021568627450980391857537910028;0.028921568627450981725512946241;0.039705882352941174184834949301;0.012745098039215686097636037744;0.046568627450980393245316690809;0.009803921568627450844335413649;0.015196078431372548808719891156;0.015196078431372548808719891156;0.009313725490196078302118642966;0.019607843137254901688670827298;0.006372549019607843048818018872;0.008823529411764705759901872284;0.029411764705882352533006240947;0.058333333333333334258519187188;0.043137254901960783715075820055;0.030882352941176471894380028971;0.004411764705882352879950936142;0.001960784313725490168867082730;0.024019607843137256303345239417;0.018137254901960785796743991227;0.013235294117647058639852808426;0.012745098039215686097636037744;0.009313725490196078302118642966;0.035784313725490193847100783842;0.023039215686274511218911698052;0.008823529411764705759901872284;0.027941176470588236641079404876;0.000980392156862745084433541365;0.010784313725490195928768955014;0.002450980392156862711083853412;0.007352941176470588133251560237;0.000000000000000000000000000000;0.017647058823529411519803744568;0.005882352941176470506601248189;0.023039215686274511218911698052;0.039215686274509803377341654596;0.030882352941176471894380028971;0.030882352941176471894380028971;0.022549019607843136941971451392
-0.050000000000000002775557561563;0.010919540229885057319725305547;0.039655172413793106367396745782;0.004022988505747126380951428359;0.001724137931034482734693469297;0.028735632183908045578224488281;0.005172413793103448204080407891;0.015517241379310344612241223672;0.013218390804597700965983264609;0.032183908045977011047611426875;0.020689655172413792816321631562;0.012068965517241379142854285078;0.024712643678160919197273059922;0.045977011494252872925159181250;0.006896551724137930938773877187;0.041954022988505750013654704844;0.014942528735632183700676733906;0.016666666666666666435370203203;0.009770114942528735496596326016;0.014942528735632183700676733906;0.017241379310344827346934692969;0.012643678160919540054418774844;0.006321839080459770027209387422;0.030459770114942528312917957578;0.055172413793103447510191017500;0.044827586206896551102030201719;0.031609195402298853605493889063;0.002298850574712643646257959062;0.002873563218390804557822448828;0.005747126436781609115644897656;0.016666666666666666435370203203;0.022413793103448275551015100859;0.009770114942528735496596326016;0.016091954022988505523805713437;0.032758620689655175428622868594;0.032758620689655175428622868594;0.007471264367816091850338366953;0.018390804597701149170063672500;0.001724137931034482734693469297;0.017241379310344827346934692969;0.004022988505747126380951428359;0.013793103448275861877547754375;0.000000000000000000000000000000;0.029885057471264367401353467812;0.001724137931034482734693469297;0.017241379310344827346934692969;0.036781609195402298340127345000;0.046551724137931037306170622969;0.027586206896551723755095508750;0.028160919540229884666659998516
-0.042156862745098042100089230644;0.014215686274509803724286349791;0.032352941176470591255753816995;0.012745098039215686097636037744;0.013235294117647058639852808426;0.042156862745098042100089230644;0.010784313725490195928768955014;0.018137254901960785796743991227;0.008333333333333333217685101602;0.019607843137254901688670827298;0.023529411764705882026404992757;0.017647058823529411519803744568;0.034803921568627452232114194430;0.030882352941176471894380028971;0.011274509803921568470985725696;0.029901960784313726809946487606;0.012745098039215686097636037744;0.023529411764705882026404992757;0.029901960784313726809946487606;0.007843137254901960675468330919;0.021568627450980391857537910028;0.010294117647058823386552184331;0.015196078431372548808719891156;0.025980392156862746472212322146;0.037745098039215684015967866571;0.025980392156862746472212322146;0.031862745098039213509366618382;0.009313725490196078302118642966;0.001960784313725490168867082730;0.045588235294117644691436197490;0.035294117647058823039607489136;0.009313725490196078302118642966;0.017156862745098040712310449862;0.010294117647058823386552184331;0.033823529411764703678233701112;0.028431372549019607448572699582;0.008333333333333333217685101602;0.025000000000000001387778780781;0.000980392156862745084433541365;0.015686274509803921350936661838;0.007352941176470588133251560237;0.010294117647058823386552184331;0.000000000000000000000000000000;0.008823529411764705759901872284;0.013235294117647058639852808426;0.022058823529411766134478156687;0.024509803921568627110838534122;0.015686274509803921350936661838;0.036764705882352942400981277160;0.015686274509803921350936661838
-0.043749999999999997224442438437;0.009374999999999999653055304805;0.033333333333333332870740406406;0.001041666666666666652210637700;0.011458333333333332523795711211;0.054166666666666668517038374375;0.004166666666666666608842550801;0.020312500000000000693889390391;0.007812500000000000000000000000;0.020833333333333332176851016015;0.026041666666666667823148983985;0.025520833333333332870740406406;0.043749999999999997224442438437;0.034895833333333334258519187188;0.007812500000000000000000000000;0.033333333333333332870740406406;0.008854166666666666435370203203;0.012500000000000000693889390391;0.025520833333333332870740406406;0.010937499999999999306110609609;0.018749999999999999306110609609;0.005729166666666666261897855605;0.014062500000000000346944695195;0.020833333333333332176851016015;0.059895833333333335646297967969;0.032291666666666669904817155157;0.025000000000000001387778780781;0.002604166666666666522106377002;0.000520833333333333326105318850;0.035937499999999997224442438437;0.020312500000000000693889390391;0.008854166666666666435370203203;0.017708333333333332870740406406;0.011979166666666667476204288789;0.045312499999999998612221219219;0.021354166666666667129259593594;0.009895833333333332870740406406;0.017708333333333332870740406406;0.001041666666666666652210637700;0.014583333333333333564629796797;0.003125000000000000173472347598;0.004687499999999999826527652402;0.000000000000000000000000000000;0.014062500000000000346944695195;0.007812500000000000000000000000;0.014062500000000000346944695195;0.042187500000000002775557561563;0.032812500000000001387778780781;0.034375000000000002775557561563;0.027083333333333334258519187188
-0.052222222222222225429533182250;0.009166666666666666712925959359;0.037499999999999998612221219219;0.001111111111111111110147375847;0.013333333333333334189130248149;0.060555555555555556912494807875;0.004722222222222222272336455973;0.013611111111111110286153724758;0.014999999999999999444888487687;0.015555555555555555108382392859;0.016666666666666666435370203203;0.039444444444444441699726411343;0.035833333333333335091186455656;0.029166666666666667129259593594;0.006388888888888889262818171488;0.037222222222222219045750790656;0.012777777777777778525636342977;0.024444444444444445724284875610;0.020277777777777776513357110844;0.010000000000000000208166817117;0.023055555555555554830826636703;0.018611111111111109522875395328;0.011388888888888889366901580047;0.018055555555555553859381490156;0.055000000000000000277555756156;0.022499999999999999167332731531;0.020833333333333332176851016015;0.003055555555555555715535609451;0.001111111111111111110147375847;0.057777777777777775125578330062;0.043333333333333334813630699500;0.010000000000000000208166817117;0.014166666666666665949647629930;0.010000000000000000208166817117;0.028333333333333331899295259859;0.018055555555555553859381490156;0.007499999999999999722444243844;0.025555555555555557051272685953;0.001388888888888888941894328433;0.015833333333333334674852821422;0.003333333333333333547282562037;0.006111111111111111431071218902;0.000000000000000000000000000000;0.015833333333333334674852821422;0.010000000000000000208166817117;0.015555555555555555108382392859;0.024444444444444445724284875610;0.023333333333333334397297065266;0.025555555555555557051272685953;0.015277777777777777276635440273
-0.032246376811594201772237511250;0.006159420289855072755402787266;0.095289855072463763852042006874;0.000000000000000000000000000000;0.000000000000000000000000000000;0.011956521739130435144637942813;0.001086956521739130447981591665;0.011956521739130435144637942813;0.062681159420289858652530767813;0.027173913043478260115337619141;0.014130434782608695606920257148;0.007971014492753622851517469883;0.006521739130434782254208680996;0.048188405797101450944719402969;0.004347826086956521791926366660;0.021014492753623187359934831875;0.037318840579710146898584355313;0.056884057971014492793848660313;0.010144927536231883313799784219;0.015217391304347826705423152305;0.014130434782608695606920257148;0.055434782608695651329178133437;0.011956521739130435144637942813;0.033333333333333332870740406406;0.037681159420289857264751987032;0.035507246376811595067746196719;0.025000000000000001387778780781;0.001811594202898550746635986108;0.000724637681159420298654394443;0.002536231884057970828449946055;0.005434782608695652023067523828;0.018115942028985507900040730078;0.003623188405797101493271972217;0.009057971014492753950020365039;0.017753623188405797533873098359;0.039130434782608698729422513907;0.008333333333333333217685101602;0.004347826086956521791926366660;0.004710144927536232158093998379;0.035144927536231884701578565000;0.002898550724637681194617577773;0.017753623188405797533873098359;0.000000000000000000000000000000;0.014130434782608695606920257148;0.001086956521739130447981591665;0.010869565217391304046135047656;0.050362318840579713141725193282;0.022826086956521739190772990469;0.028985507246376811946175777734;0.017028985507246376801537834922
-0.041860465116279069186511208045;0.009689922480620154904285001862;0.061627906976744188660699563798;0.000000000000000000000000000000;0.024031007751937984162626804618;0.021705426356589146985598404171;0.002713178294573643373199800521;0.020930232558139534593255604022;0.017441860465116278827713003352;0.019379844961240309808570003725;0.018604651162790697416227203576;0.009302325581395348708113601788;0.024806201550387596554969604767;0.055426356589147289521957162606;0.008139534883720930119599401564;0.022093023255813953181769804246;0.013953488372093023062170402682;0.034108527131782945263083206555;0.012403100775193798277484802384;0.011627906976744185885142002235;0.017054263565891472631541603278;0.018604651162790697416227203576;0.017829457364341085023884403427;0.025193798449612402751141004842;0.041860465116279069186511208045;0.039922480620155041675101159626;0.034496124031007754928701558583;0.003875968992248061961714000745;0.000000000000000000000000000000;0.013178294573643410669827602533;0.018217054263565891220055803501;0.006976744186046511531085201341;0.015503875968992247846856002980;0.010077519379844961100456401937;0.029844961240310077105197805736;0.039922480620155041675101159626;0.019767441860465116004741403799;0.007751937984496123923428001490;0.002713178294573643373199800521;0.025581395348837208947312404916;0.003100775193798449569371200596;0.008139534883720930119599401564;0.000000000000000000000000000000;0.017441860465116278827713003352;0.003875968992248061961714000745;0.010852713178294573492799202086;0.041860465116279069186511208045;0.031007751937984495693712005959;0.042248062015503878852129560073;0.023255813953488371770284004469
-0.017901234567901234961961876024;0.033950617283950615399312766840;0.017283950617283948963942563637;0.027777777777777776235801354687;0.104938271604938265779694006596;0.015432098765432097908778530382;0.009876543209876543008562954640;0.023456790123456791596900927743;0.025308641975308642652064960998;0.009259259259259258745267118229;0.009876543209876543008562954640;0.015432098765432097908778530382;0.005555555555555555767577313730;0.011728395061728395798450463872;0.033333333333333332870740406406;0.004938271604938271504281477320;0.016666666666666666435370203203;0.030246913580246913288984700330;0.035802469135802469923923752049;0.005555555555555555767577313730;0.022222222222222223070309254922;0.008641975308641974481971281818;0.007407407407407407690103084974;0.006790123456790123426807248563;0.012962962962962962590318660716;0.012345679012345678327022824305;0.019753086419753086017125909279;0.150617283950617297794138949030;0.001851851851851851922525771243;0.061111111111111109106541761093;0.005555555555555555767577313730;0.006172839506172839163511412153;0.010493827160493827271858791050;0.002469135802469135752140738660;0.008641975308641974481971281818;0.017283950617283948963942563637;0.014814814814814815380206169948;0.013580246913580246853614497127;0.001234567901234567876070369330;0.014197530864197531116910333537;0.009876543209876543008562954640;0.054938271604938269943030348941;0.000000000000000000000000000000;0.007407407407407407690103084974;0.027777777777777776235801354687;0.018518518518518517490534236458;0.006790123456790123426807248563;0.004938271604938271504281477320;0.011728395061728395798450463872;0.005555555555555555767577313730
-0.028571428571428570536427926640;0.030476190476190476164042308937;0.015714285714285715356286488031;0.015714285714285715356286488031;0.104285714285714287141715317375;0.035238095238095235028907836750;0.008095238095238094580552434820;0.024761904761904762750646114000;0.014761904761904762542479296883;0.005714285714285714280757932926;0.011428571428571428561515865852;0.033333333333333332870740406406;0.025714285714285713829729829172;0.009523809523809524668624959531;0.038095238095238098674499838125;0.014285714285714285268213963320;0.004761904761904762334312479766;0.016666666666666666435370203203;0.040476190476190478106932602032;0.001904761904761904760252644309;0.019523809523809523142068300672;0.002857142857142857140378966463;0.020000000000000000416333634234;0.011904761904761904101057723437;0.030476190476190476164042308937;0.017619047619047617514453918375;0.022380952380952379848766398140;0.068095238095238097564276813500;0.000952380952380952380126322154;0.080952380952380956213865204063;0.022857142857142857123031731703;0.003809523809523809520505288617;0.020952380952380951495417349406;0.003809523809523809520505288617;0.020952380952380951495417349406;0.011904761904761904101057723437;0.007619047619047619041010577234;0.020000000000000000416333634234;0.002857142857142857140378966463;0.006666666666666667094565124074;0.006666666666666667094565124074;0.026666666666666668378260496297;0.000000000000000000000000000000;0.008571428571428571854817768383;0.033809523809523810145005739969;0.013809523809523809728672105734;0.005238095238095237873854337352;0.006190476190476190687661528500;0.014761904761904762542479296883;0.008571428571428571854817768383
-0.052333333333333335868342572894;0.006333333333333333176051738178;0.012333333333333333300951828448;0.004333333333333333134418374755;0.032333333333333331982561986706;0.094000000000000000222044604925;0.006000000000000000124900090270;0.007000000000000000145716771982;0.001666666666666666773641281019;0.005666666666666667073748442363;0.021999999999999998723243521681;0.133000000000000007105427357601;0.034000000000000002442490654175;0.010999999999999999361621760841;0.000666666666666666644404382058;0.050999999999999996724842077356;0.004000000000000000083266726847;0.006666666666666667094565124074;0.015666666666666665547191783503;0.002000000000000000041633363423;0.009333333333333334105863521302;0.001333333333333333288808764117;0.008000000000000000166533453694;0.008666666666666666268836749509;0.077333333333333337256121353676;0.017999999999999998639976794834;0.014000000000000000291433543964;0.021666666666666667406815349750;0.000666666666666666644404382058;0.089333333333333334036474582263;0.080666666666666664298190880800;0.003000000000000000062450045135;0.011333333333333334147496884725;0.004000000000000000083266726847;0.016666666666666666435370203203;0.006000000000000000124900090270;0.006000000000000000124900090270;0.028000000000000000582867087928;0.000333333333333333322202191029;0.004333333333333333134418374755;0.001000000000000000020816681712;0.002666666666666666577617528233;0.000000000000000000000000000000;0.009333333333333334105863521302;0.006333333333333333176051738178;0.016333333333333331649495079319;0.007000000000000000145716771982;0.018333333333333333425851918719;0.015333333333333332496040135595;0.012999999999999999403255124264
-0.039166666666666669072149886688;0.002500000000000000052041704279;0.002083333333333333304421275400;0.007083333333333332974823814965;0.115416666666666667406815349750;0.080416666666666664076146275875;0.007499999999999999722444243844;0.003749999999999999861222121922;0.002083333333333333304421275400;0.008750000000000000832667268469;0.012500000000000000693889390391;0.100416666666666667961926862063;0.014999999999999999444888487687;0.005416666666666666851703837438;0.005833333333333333599324266316;0.038333333333333330372738601000;0.003333333333333333547282562037;0.005000000000000000104083408559;0.042500000000000003053113317719;0.001250000000000000026020852140;0.011666666666666667198648532633;0.002916666666666666799662133158;0.002083333333333333304421275400;0.008333333333333333217685101602;0.042083333333333333703407674875;0.010833333333333333703407674875;0.007083333333333332974823814965;0.020416666666666666296592325125;0.000416666666666666693410320255;0.202500000000000013322676295502;0.060833333333333336478965236438;0.001666666666666666773641281019;0.011666666666666667198648532633;0.002916666666666666799662133158;0.006250000000000000346944695195;0.004583333333333333356462979680;0.001250000000000000026020852140;0.022083333333333333287074040641;0.000000000000000000000000000000;0.002083333333333333304421275400;0.001250000000000000026020852140;0.001666666666666666773641281019;0.000000000000000000000000000000;0.009166666666666666712925959359;0.014999999999999999444888487687;0.016666666666666666435370203203;0.006666666666666667094565124074;0.015833333333333334674852821422;0.006250000000000000346944695195;0.007499999999999999722444243844
-0.023170731707317072933793866696;0.013008130081300812996847326986;0.006910569105691056687734707964;0.005691056910569106119801574550;0.105691056910569111670916697676;0.063821138211382119620473929444;0.013414634146341463186158371457;0.009349593495934959558324450768;0.004065040650406504495195658677;0.006910569105691056687734707964;0.016260162601626017980782634709;0.099186991869918694764152178323;0.015447154471544715867437069790;0.005284552845528455063128792091;0.017073170731707318359404723651;0.017479674796747966813992292145;0.006910569105691056687734707964;0.008130081300813008990391317354;0.070731707317073164165144305571;0.001219512195121951218454436905;0.020325203252032519873893079421;0.002032520325203252247597829339;0.003252032520325203249211831746;0.008130081300813008990391317354;0.027642276422764226750938831856;0.008536585365853659179702361826;0.015853658536585366056748114261;0.010569105691056910126257584182;0.000813008130081300812302957937;0.185772357723577224986044598154;0.054878048780487805047290095217;0.004471544715447154684506703148;0.021951219512195120631137257305;0.003658536585365853872203745212;0.007723577235772357933718534895;0.004065040650406504495195658677;0.002845528455284553059900787275;0.016666666666666666435370203203;0.000406504065040650406151478968;0.003658536585365853872203745212;0.003658536585365853872203745212;0.002439024390243902436908873810;0.000000000000000000000000000000;0.009349593495934959558324450768;0.030081300813008131356252050637;0.016260162601626017980782634709;0.004065040650406504495195658677;0.007723577235772357933718534895;0.006910569105691056687734707964;0.006504065040650406498423663493
-0.032170542635658917751673158136;0.023255813953488371770284004469;0.012790697674418604473656202458;0.002325581395348837177028400447;0.037984496124031007224797207300;0.049224806201550390383214761414;0.004651162790697674354056800894;0.039147286821705429282758359477;0.007751937984496123923428001490;0.008139534883720930119599401564;0.018992248062015503612398603650;0.050000000000000002775557561563;0.018992248062015503612398603650;0.010465116279069767296627802011;0.050775193798449615167900361712;0.019767441860465116004741403799;0.003100775193798449569371200596;0.035658914728682170047768806853;0.055813953488372092248681610727;0.002325581395348837177028400447;0.026744186046511627535826605140;0.003875968992248061961714000745;0.012790697674418604473656202458;0.012790697674418604473656202458;0.029457364341085270909026405661;0.018604651162790697416227203576;0.037209302325581394832454407151;0.030620155038759689497540605885;0.000387596899224806196171400074;0.081782945736434103922718463764;0.039534883720930232009482807598;0.002713178294573643373199800521;0.035658914728682170047768806853;0.004263565891472868157885400819;0.013178294573643410669827602533;0.013565891472868216865999002607;0.010852713178294573492799202086;0.017054263565891472631541603278;0.000775193798449612392342800149;0.005426356589147286746399601043;0.005038759689922480550228200968;0.009689922480620154904285001862;0.000000000000000000000000000000;0.009689922480620154904285001862;0.023643410852713177966455404544;0.019379844961240309808570003725;0.008914728682170542511942201713;0.006976744186046511531085201341;0.025968992248062015143483804991;0.010077519379844961100456401937
-0.027916666666666666019036568969;0.020416666666666666296592325125;0.038333333333333330372738601000;0.005833333333333333599324266316;0.016666666666666666435370203203;0.030833333333333334119741309109;0.011249999999999999583666365766;0.022916666666666665047591422422;0.024583333333333332038073137937;0.021250000000000001526556658860;0.014583333333333333564629796797;0.017500000000000001665334536938;0.026666666666666668378260496297;0.017500000000000001665334536938;0.017500000000000001665334536938;0.022916666666666665047591422422;0.021666666666666667406815349750;0.037916666666666667961926862063;0.026249999999999999028554853453;0.002500000000000000052041704279;0.021250000000000001526556658860;0.026249999999999999028554853453;0.015416666666666667059870654555;0.027500000000000000138777878078;0.027916666666666666019036568969;0.027916666666666666019036568969;0.027916666666666666019036568969;0.031250000000000000000000000000;0.001666666666666666773641281019;0.035000000000000003330669073875;0.019166666666666665186369300500;0.017083333333333332315628894094;0.010833333333333333703407674875;0.007916666666666667337426410711;0.032916666666666663521034763562;0.026249999999999999028554853453;0.010000000000000000208166817117;0.017916666666666667545593227828;0.004166666666666666608842550801;0.016250000000000000555111512313;0.012500000000000000693889390391;0.029583333333333333009518284484;0.000000000000000000000000000000;0.014583333333333333564629796797;0.012916666666666666574148081281;0.027500000000000000138777878078;0.022916666666666665047591422422;0.017916666666666667545593227828;0.021250000000000001526556658860;0.011249999999999999583666365766
-0.031851851851851853414387960584;0.015555555555555555108382392859;0.024814814814814813853649511088;0.024074074074074074125473288177;0.041111111111111112159655078813;0.028148148148148147834612942120;0.011481481481481481399242738917;0.035185185185185187395351391615;0.019259259259259260688157411323;0.014444444444444443781394582516;0.028518518518518519433424529552;0.013333333333333334189130248149;0.016666666666666666435370203203;0.014074074074074073917306471060;0.025925925925925925180637321432;0.019259259259259260688157411323;0.010370370370370370072254928573;0.027407407407407408106436719208;0.063703703703703706828775921167;0.004074074074074073709139653943;0.041851851851851848418384349770;0.019629629629629628817522046802;0.021481481481481479872686080057;0.024074074074074074125473288177;0.024814814814814813853649511088;0.020740740740740740144509857146;0.031851851851851853414387960584;0.022222222222222223070309254922;0.001111111111111111110147375847;0.036666666666666666851703837438;0.011481481481481481399242738917;0.009629629629629630344078705662;0.016666666666666666435370203203;0.003703703703703703845051542487;0.021851851851851851471497667490;0.015925925925925926707193980292;0.010740740740740739936343040029;0.019629629629629628817522046802;0.004814814814814815172039352831;0.024074074074074074125473288177;0.008148148148148147418279307885;0.018148148148148149361169600979;0.000000000000000000000000000000;0.021481481481481479872686080057;0.022222222222222223070309254922;0.027777777777777776235801354687;0.010000000000000000208166817117;0.009259259259259258745267118229;0.020740740740740740144509857146;0.010000000000000000208166817117
-0.016216216216216217116397046993;0.066666666666666665741480812812;0.024324324324324325674595570490;0.009909909909909909303538100289;0.017117117117117115754343359413;0.019369369369369369288103044369;0.010360360360360360357234732476;0.035585585585585582935053139408;0.016666666666666666435370203203;0.018468468468468467180709779996;0.011261261261261260729904520872;0.010360360360360360357234732476;0.018468468468468467180709779996;0.023873873873873872886175462327;0.039189189189189191364626196901;0.014864864864864865690030626411;0.017567567567567568542763467576;0.055405405405405408481023243894;0.018018018018018017861736623786;0.005855855855855855891800576529;0.013513513513513514263664205828;0.009009009009009008930868311893;0.025675675675675677100961991073;0.019819819819819818607076200578;0.015315315315315315009003782620;0.022072072072072072140835885534;0.034234234234234231508686718826;0.115315315315315317090671953792;0.000450450450450450457385437320;0.018018018018018017861736623786;0.007207207207207207318166997112;0.008558558558558557877171679706;0.018468468468468467180709779996;0.005405405405405405705465682331;0.018018018018018017861736623786;0.029729729729729731380061252821;0.010810810810810811410931364662;0.007207207207207207318166997112;0.004954954954954954651769050145;0.018468468468468467180709779996;0.018018018018018017861736623786;0.024324324324324325674595570490;0.000000000000000000000000000000;0.018468468468468467180709779996;0.023423423423423423567202306117;0.017567567567567568542763467576;0.006756756756756757131832102914;0.010810810810810811410931364662;0.021171171171171170033442621161;0.007657657657657657504501891310
-0.013541666666666667129259593594;0.037499999999999998612221219219;0.005729166666666666261897855605;0.441145833333333348136306995002;0.030208333333333333564629796797;0.003645833333333333391157449199;0.002604166666666666522106377002;0.018229166666666667823148983985;0.005208333333333333044212754004;0.003645833333333333391157449199;0.003125000000000000173472347598;0.005729166666666666261897855605;0.002083333333333333304421275400;0.009374999999999999653055304805;0.057812500000000002775557561563;0.007291666666666666782314898398;0.007291666666666666782314898398;0.020312500000000000693889390391;0.011979166666666667476204288789;0.001562500000000000086736173799;0.008854166666666666435370203203;0.002083333333333333304421275400;0.009895833333333332870740406406;0.008854166666666666435370203203;0.008333333333333333217685101602;0.008333333333333333217685101602;0.014583333333333333564629796797;0.119270833333333339809634310313;0.000520833333333333326105318850;0.007812500000000000000000000000;0.006250000000000000346944695195;0.007291666666666666782314898398;0.002083333333333333304421275400;0.001041666666666666652210637700;0.005208333333333333044212754004;0.010937499999999999306110609609;0.002604166666666666522106377002;0.004166666666666666608842550801;0.000520833333333333326105318850;0.006250000000000000346944695195;0.007812500000000000000000000000;0.004166666666666666608842550801;0.000000000000000000000000000000;0.006770833333333333564629796797;0.029166666666666667129259593594;0.007291666666666666782314898398;0.007812500000000000000000000000;0.004166666666666666608842550801;0.005729166666666666261897855605;0.004166666666666666608842550801
-0.026923076923076924571454071611;0.004273504273504273934247699174;0.022649572649572648902482896460;0.329914529914529908172227123941;0.001709401709401709400226732072;0.029487179487179486503389824748;0.005555555555555555767577313730;0.011538461538461539102051744976;0.007264957264957265167804045802;0.018803418803418802535132314802;0.010683760683760683968257509946;0.015384615384615385469402326635;0.020512820512820512802720784862;0.018803418803418802535132314802;0.010683760683760683968257509946;0.020085470085470086970547143324;0.015384615384615385469402326635;0.013675213675213675201813856575;0.008974358974358973700669039886;0.005128205128205128200680196215;0.014957264957264957902505209120;0.004700854700854700633783078700;0.005555555555555555767577313730;0.029487179487179486503389824748;0.033333333333333332870740406406;0.035470085470085468970502518005;0.020512820512820512802720784862;0.000000000000000000000000000000;0.002991452991452991667237215623;0.011965811965811966668948862491;0.009401709401709401267566157401;0.016239316239316240603196561665;0.007264957264957265167804045802;0.008119658119658120301598280832;0.018376068376068376702958673263;0.026495726495726495269833478119;0.004700854700854700633783078700;0.018803418803418802535132314802;0.000000000000000000000000000000;0.005555555555555555767577313730;0.007264957264957265167804045802;0.007692307692307692734701163317;0.000000000000000000000000000000;0.025213675213675214303865601551;0.006410256410256410034009810772;0.021794871794871793768688661430;0.016666666666666666435370203203;0.017521367521367521569164438233;0.017094017094017095736990796695;0.008974358974358973700669039886
-0.052592592592592593558897817729;0.002592592592592592518063732143;0.045185185185185182399347780802;0.000000000000000000000000000000;0.002222222222222222220294751693;0.040370370370370368962031903948;0.004814814814814815172039352831;0.011111111111111111535154627461;0.021851851851851851471497667490;0.023703703703703702526661700745;0.014444444444444443781394582516;0.067037037037037033870845448291;0.012962962962962962590318660716;0.032222222222222221543752596062;0.001851851851851851922525771243;0.047407407407407405053323401489;0.020370370370370372015145221667;0.014814814814814815380206169948;0.008518518518518519017090895318;0.007407407407407407690103084974;0.017407407407407406163546426114;0.014074074074074073917306471060;0.003703703703703703845051542487;0.038148148148148146308056283260;0.049629629629629627707299022177;0.034074074074074076068363581271;0.015555555555555555108382392859;0.000740740740740740703958178148;0.002592592592592592518063732143;0.025555555555555557051272685953;0.073703703703703701832772310354;0.025185185185185185452461098521;0.006296296296296296363115274630;0.010000000000000000208166817117;0.014444444444444443781394582516;0.023703703703703702526661700745;0.008518518518518519017090895318;0.026666666666666668378260496297;0.002592592592592592518063732143;0.011851851851851851263330850372;0.005925925925925925631665425186;0.008148148148148147418279307885;0.000000000000000000000000000000;0.024814814814814813853649511088;0.002222222222222222220294751693;0.020740740740740740144509857146;0.035555555555555555524716027094;0.031111111111111110216764785719;0.017037037037037038034181790636;0.018518518518518517490534236458
-0.046839080459770116027229391875;0.001436781609195402278911224414;0.031321839080459767945541216250;0.075862068965517240326512649062;0.008620689655172413673467346484;0.022413793103448275551015100859;0.023563218390804597374144080391;0.019252873563218392272133883125;0.005172413793103448204080407891;0.039080459770114941986385304062;0.010919540229885057319725305547;0.016954022988505748625875924063;0.015229885057471264156458978789;0.035919540229885055238057134375;0.008908045977011494129249591367;0.024137931034482758285708570156;0.010632183908045976863943060664;0.011494252873563218231289795312;0.014080459770114942333329999258;0.006609195402298850482991632305;0.024712643678160919197273059922;0.008045977011494252761902856719;0.004885057471264367748298163008;0.049712643678160917115604888750;0.031034482758620689224482447344;0.044827586206896551102030201719;0.021839080459770114639450611094;0.012643678160919540054418774844;0.004022988505747126380951428359;0.022126436781609196829956331953;0.026149425287356323210907760313;0.013793103448275861877547754375;0.008620689655172413673467346484;0.007471264367816091850338366953;0.015804597701149426802746944531;0.028448275862068966857165719375;0.010057471264367815952378570898;0.025862068965517241020402039453;0.000287356321839080455782244883;0.008620689655172413673467346484;0.006034482758620689571427142539;0.002011494252873563190475714180;0.000000000000000000000000000000;0.041379310344827585632643263125;0.007183908045977011394556122070;0.070402298850574709931926520312;0.029885057471264367401353467812;0.018103448275862070449004903594;0.013505747126436781421765509492;0.014080459770114942333329999258
-0.042690058479532166924030889277;0.010818713450292397754148865374;0.044736842105263158186900795954;0.000000000000000000000000000000;0.007894736842105263413538196460;0.062573099415204683215740999458;0.002923976608187134340610668914;0.009356725146198830583843530917;0.026315789473684209065496020230;0.021637426900584795508297730748;0.023684210526315790240614589379;0.042690058479532166924030889277;0.015204678362573099265064868746;0.035672514619883043118786503101;0.006140350877192982462227099916;0.037426900584795322335374123668;0.021052631578947367946286206575;0.026608187134502924581225258294;0.015789473684210526827076392919;0.009649122807017544364849293004;0.007894736842105263413538196460;0.023684210526315790240614589379;0.007894736842105263413538196460;0.026900584795321636627507544404;0.062573099415204683215740999458;0.026608187134502924581225258294;0.020175438596491228337992396291;0.003216374269005848121616431001;0.001754385964912280734470662047;0.040058479532163744629702506472;0.040058479532163744629702506472;0.016374269005847954389087917093;0.014035087719298245875765296375;0.007309941520467835851526672286;0.021637426900584795508297730748;0.028362573099415203797812878861;0.008187134502923977194543958547;0.016959064327485378481652489313;0.004093567251461988597271979273;0.022514619883040935116591541032;0.003216374269005848121616431001;0.015497076023391813046070630833;0.000000000000000000000000000000;0.014619883040935671703053344572;0.005555555555555555767577313730;0.013157894736842104532748010115;0.029239766081871343406106689145;0.022222222222222223070309254922;0.016959064327485378481652489313;0.016374269005847954389087917093
-0.020833333333333332176851016015;0.010937499999999999306110609609;0.086458333333333331482961625625;0.005729166666666666261897855605;0.014062500000000000346944695195;0.022916666666666665047591422422;0.002604166666666666522106377002;0.027083333333333334258519187188;0.016666666666666666435370203203;0.022916666666666665047591422422;0.018749999999999999306110609609;0.009374999999999999653055304805;0.018749999999999999306110609609;0.056770833333333332870740406406;0.017708333333333332870740406406;0.021874999999999998612221219219;0.021874999999999998612221219219;0.040104166666666669904817155157;0.016666666666666666435370203203;0.012500000000000000693889390391;0.014062500000000000346944695195;0.018749999999999999306110609609;0.010416666666666666088425508008;0.027604166666666665741480812812;0.027604166666666665741480812812;0.031770833333333331482961625625;0.037499999999999998612221219219;0.007291666666666666782314898398;0.001041666666666666652210637700;0.014583333333333333564629796797;0.009374999999999999653055304805;0.018749999999999999306110609609;0.019791666666666665741480812812;0.011979166666666667476204288789;0.028125000000000000693889390391;0.042708333333333334258519187188;0.011979166666666667476204288789;0.003125000000000000173472347598;0.001041666666666666652210637700;0.021874999999999998612221219219;0.004687499999999999826527652402;0.007291666666666666782314898398;0.000000000000000000000000000000;0.013541666666666667129259593594;0.014583333333333333564629796797;0.013541666666666667129259593594;0.043229166666666665741480812812;0.022395833333333333564629796797;0.034375000000000002775557561563;0.022395833333333333564629796797
-0.024822695035460994039677729006;0.006382978723404254990658746038;0.063475177304964533475661880857;0.001063829787234042570723269172;0.012056737588652482323636760952;0.041489361702127657005600980256;0.007092198581560283515701215151;0.027659574468085104670400653504;0.013475177304964539373721699178;0.021276595744680850547103645454;0.016666666666666666435370203203;0.021985815602836879939507852555;0.022695035460992909331912059656;0.029787234042553192847613274807;0.015957446808510637042965996102;0.018794326241134751143135872553;0.017375886524822695827774410304;0.029078014184397163455209067706;0.039716312056737590463484366410;0.006382978723404254990658746038;0.024113475177304964647273521905;0.018085106382978721750731665452;0.013829787234042552335200326752;0.024113475177304964647273521905;0.035106382978723406351750924159;0.027304964539007093443645501907;0.035815602836879435744155131260;0.005319148936170212636775911363;0.000354609929078014208311125932;0.051418439716312054621472071858;0.024113475177304964647273521905;0.012411347517730497019838864503;0.021276595744680850547103645454;0.009574468085106382919668988052;0.019858156028368795231742183205;0.036524822695035458197665434454;0.013120567375886524677519595627;0.022340425531914894635709956106;0.002836879432624113666489007457;0.016666666666666666435370203203;0.006028368794326241161818380476;0.009574468085106382919668988052;0.000000000000000000000000000000;0.015248226950354609385285264977;0.013475177304964539373721699178;0.018085106382978721750731665452;0.026241134751773049355039191255;0.015957446808510637042965996102;0.026595744680851064051241294806;0.017375886524822695827774410304
-0.024731182795698924276051045013;0.017204301075268817189378722787;0.020967741935483872467438359877;0.095161290322580638356697591007;0.001612903225806451611504255261;0.002150537634408602148672340348;0.018279569892473118697395761956;0.040860215053763443426859680585;0.004301075268817204297344680697;0.054838709677419356092187285867;0.008064516129032257840680841809;0.004301075268817204297344680697;0.006989247311827957200025540629;0.023118279569892472014025486260;0.016666666666666666435370203203;0.011827956989247311384017002922;0.014516129032258065154059600843;0.017741935483870967943387242372;0.011290322580645160630008483338;0.009139784946236559348697880978;0.017204301075268817189378722787;0.004838709677419355051353200281;0.004838709677419355051353200281;0.073118279569892474789583047823;0.017204301075268817189378722787;0.038709677419354840410825602248;0.032258064516129031362723367238;0.004838709677419355051353200281;0.009677419354838710102706400562;0.008602150537634408594689361394;0.005376344086021505805361719865;0.038172043010752686187370130710;0.007526881720430107954034060214;0.009139784946236559348697880978;0.013440860215053763646042561675;0.055376344086021503376748853498;0.008602150537634408594689361394;0.015591397849462364927353164035;0.000000000000000000000000000000;0.004301075268817204297344680697;0.012903225806451612892034042090;0.004838709677419355051353200281;0.000000000000000000000000000000;0.058602150537634407900799971003;0.010752688172043011610723439730;0.068279569892473121472953323519;0.025806451612903225784068084181;0.012365591397849462138025522506;0.019354838709677420205412801124;0.014516129032258065154059600843
-0.047747747747747745772350924653;0.005855855855855855891800576529;0.037837837837837839938259776318;0.078828828828828828578778598057;0.000000000000000000000000000000;0.006756756756756757131832102914;0.010810810810810811410931364662;0.019369369369369369288103044369;0.005855855855855855891800576529;0.058108108108108111333756085060;0.017117117117117115754343359413;0.001801801801801801829541749278;0.004054054054054054279099261748;0.049099099099099097198717345236;0.007657657657657657504501891310;0.033333333333333332870740406406;0.014864864864864865690030626411;0.014864864864864865690030626411;0.004954954954954954651769050145;0.007657657657657657504501891310;0.017117117117117115754343359413;0.005855855855855855891800576529;0.004504504504504504465434155946;0.071621621621621625597420290887;0.035585585585585582935053139408;0.054504504504504502904183027567;0.027927927927927927165274724075;0.000900900900900900914770874639;0.003603603603603603659083498556;0.001801801801801801829541749278;0.001351351351351351426366420583;0.039189189189189191364626196901;0.002252252252252252232717077973;0.011711711711711711783601153058;0.011261261261261260729904520872;0.054504504504504502904183027567;0.009459459459459459984564944079;0.013063063063063063209967573641;0.000450450450450450457385437320;0.006756756756756757131832102914;0.008558558558558557877171679706;0.002702702702702702852732841166;0.000000000000000000000000000000;0.053603603603603604266236715148;0.002252252252252252232717077973;0.035135135135135137085526935152;0.040540540540540542790992617483;0.029279279279279278591641144658;0.014864864864864865690030626411;0.013063063063063063209967573641
-0.041666666666666664353702032031;0.016666666666666666435370203203;0.030882352941176471894380028971;0.002450980392156862711083853412;0.007352941176470588133251560237;0.023039215686274511218911698052;0.003431372549019607795517394777;0.038725490196078432569848359890;0.013725490196078431182069579108;0.024509803921568627110838534122;0.018137254901960785796743991227;0.013235294117647058639852808426;0.011764705882352941013202496379;0.031862745098039213509366618382;0.027450980392156862364139158217;0.025490196078431372195272075487;0.009803921568627450844335413649;0.047549019607843134860303280220;0.042156862745098042100089230644;0.008333333333333333217685101602;0.030392156862745097617439782312;0.009803921568627450844335413649;0.020098039215686275965611073957;0.026960784313725491556645863511;0.037745098039215684015967866571;0.046078431372549022437823396103;0.042156862745098042100089230644;0.011274509803921568470985725696;0.000000000000000000000000000000;0.029411764705882352533006240947;0.012254901960784313555419267061;0.007843137254901960675468330919;0.021568627450980391857537910028;0.008823529411764705759901872284;0.013725490196078431182069579108;0.029901960784313726809946487606;0.013235294117647058639852808426;0.016176470588235295627876908497;0.000000000000000000000000000000;0.013725490196078431182069579108;0.009803921568627450844335413649;0.003921568627450980337734165460;0.000000000000000000000000000000;0.017156862745098040712310449862;0.013725490196078431182069579108;0.017647058823529411519803744568;0.034803921568627452232114194430;0.025980392156862746472212322146;0.032843137254901962063247111701;0.014705882352941176266503120473
-0.042222222222222223486642889156;0.027777777777777776235801354687;0.020370370370370372015145221667;0.001851851851851851922525771243;0.010370370370370370072254928573;0.050000000000000002775557561563;0.004074074074074073709139653943;0.028888888888888887562789165031;0.003333333333333333547282562037;0.009259259259259258745267118229;0.021111111111111111743321444578;0.046296296296296293726335591145;0.023333333333333334397297065266;0.032592592592592589673117231541;0.022222222222222223070309254922;0.027407407407407408106436719208;0.008518518518518519017090895318;0.031851851851851853414387960584;0.034444444444444444197728216750;0.005925925925925925631665425186;0.025925925925925925180637321432;0.007037037037037036958653235530;0.015555555555555555108382392859;0.016666666666666666435370203203;0.049259259259259259577934386698;0.033333333333333332870740406406;0.034814814814814812327092852229;0.020370370370370372015145221667;0.000000000000000000000000000000;0.040000000000000000832667268469;0.040000000000000000832667268469;0.007777777777777777554191196430;0.013333333333333334189130248149;0.007777777777777777554191196430;0.030740740740740742087400150240;0.018148148148148149361169600979;0.012222222222222222862142437805;0.013703703703703704053218359604;0.000740740740740740703958178148;0.011481481481481481399242738917;0.014444444444444443781394582516;0.002962962962962962815832712593;0.000000000000000000000000000000;0.012222222222222222862142437805;0.015185185185185185244294281404;0.014444444444444443781394582516;0.015555555555555555108382392859;0.025925925925925925180637321432;0.033333333333333332870740406406;0.015185185185185185244294281404
-0.038297872340425531678675952207;0.006028368794326241161818380476;0.035815602836879435744155131260;0.040780141843971634552090677062;0.040070921985815605159686469960;0.059219858156028370999024446064;0.002127659574468085141446538344;0.017375886524822695827774410304;0.016312056737588651739168099652;0.011702127659574467627434657402;0.022340425531914894635709956106;0.068794326241134753918693434116;0.029078014184397163455209067706;0.025886524822695034658837087704;0.013120567375886524677519595627;0.028014184397163119366602757054;0.011347517730496454665956029828;0.023404255319148935254869314804;0.020567375886524821154699438353;0.004609929078014184111733442251;0.013120567375886524677519595627;0.017730496453900710523976513855;0.015602836879432624081487368528;0.010992907801418439969753926277;0.053191489361702128102482589611;0.021276595744680850547103645454;0.021276595744680850547103645454;0.007446808510638298211903318702;0.000000000000000000000000000000;0.051773049645390069317674175409;0.040780141843971634552090677062;0.007801418439716312040743684264;0.012411347517730497019838864503;0.007446808510638298211903318702;0.025886524822695034658837087704;0.015602836879432624081487368528;0.007092198581560283515701215151;0.013829787234042552335200326752;0.001773049645390070878925303788;0.019148936170212765839337976104;0.004964539007092198807935545801;0.010283687943262410577349719176;0.000000000000000000000000000000;0.005319148936170212636775911363;0.014539007092198581727604533853;0.005673758865248227332978014914;0.020212765957446809927944286756;0.019858156028368795231742183205;0.024113475177304964647273521905;0.015957446808510637042965996102
-0.041818181818181816844504083974;0.007878787878787879214725897725;0.039696969696969695851063164582;0.061818181818181820730284670162;0.009393939393939393714405561298;0.038181818181818184820830452963;0.001212121212121212120160773651;0.015757575757575758429451795450;0.010909090909090909948808700847;0.016060606060606059941608947383;0.023333333333333334397297065266;0.034242424242424240876658814159;0.028181818181818182877940159869;0.039696969696969695851063164582;0.006666666666666667094565124074;0.038787878787878787845144756830;0.010606060606060606701928072937;0.023939393939393940891058321085;0.013030303030303030942249620239;0.005757575757575757353923240345;0.012424242424242424448488364419;0.011515151515151514707846480690;0.016666666666666666435370203203;0.020000000000000000416333634234;0.051212121212121208824186169295;0.029393939393939392396015719555;0.027878787878787877896336055983;0.011515151515151514707846480690;0.000303030303030303030040193413;0.033333333333333332870740406406;0.030606060606060605383538231195;0.006363636363636363847684496164;0.014545454545454545441929283811;0.010606060606060606701928072937;0.037878787878787879839226349077;0.018787878787878787428811122595;0.010303030303030303455047445027;0.016969696969696971416974307090;0.002424242424242424240321547302;0.023333333333333334397297065266;0.003030303030303030300401934127;0.004848484848484848480643094604;0.000000000000000000000000000000;0.010909090909090909948808700847;0.008787878787878787220644305478;0.009090909090909090467524933388;0.025757575757575756902895136591;0.035454545454545453864181325798;0.025151515151515150409133880771;0.023939393939393940891058321085
-0.014406779661016949276031162697;0.002542372881355932021096855067;0.039548022598870059829412326735;0.378531073446327692710866585912;0.005649717514124293765709339254;0.008757062146892655510321823442;0.011016949152542372669660863949;0.041242937853107342061065310190;0.012146892655367232116692122190;0.032203389830508473423709148165;0.013276836158192089828999904455;0.015819209039548021850096759522;0.000282485875706214699127488688;0.025423728813559323680415502622;0.020338983050847456168774840535;0.008474576271186440648564008882;0.009887005649717514957353081684;0.009604519774011300095595267123;0.011864406779661017254934307630;0.000564971751412429398254977375;0.017514124293785311020643646884;0.015254237288135593861304606378;0.000564971751412429398254977375;0.037853107344632770658865439373;0.010451977401129942946145234828;0.026836158192090394519757623470;0.025988700564971749934484179789;0.000282485875706214699127488688;0.005084745762711864042193710134;0.008757062146892655510321823442;0.007627118644067796930652303189;0.018644067796610170467674905126;0.003389830508474576172689429754;0.012711864406779661840207751311;0.000564971751412429398254977375;0.022881355932203389924595171578;0.002542372881355932021096855067;0.004802259887005650047797633562;0.000847457627118644043172357438;0.001412429378531073441427334814;0.015254237288135593861304606378;0.001977401129943502731262094940;0.000000000000000000000000000000;0.026553672316384179657999808910;0.008474576271186440648564008882;0.027966101694915253966788881712;0.025988700564971749934484179789;0.000564971751412429398254977375;0.000564971751412429398254977375;0.007062146892655367207136674068
-0.005974842767295597892318603783;0.019811320754716980202525533628;0.027044025157232705336429745557;0.413836477987421402779943946371;0.008805031446540880282758401165;0.010691823899371068543051599420;0.002830188679245282824120666376;0.024842767295597485699421014260;0.025786163522012579829567613388;0.010691823899371068543051599420;0.004402515723270440141379200583;0.008176100628930817529327335080;0.004716981132075471518094733625;0.015094339622641509551792537991;0.031761006289308175987162741194;0.004088050314465408764663667540;0.017610062893081760565516802330;0.034591194968553458377602538576;0.012893081761006289914783806694;0.008490566037735848906042868123;0.008805031446540880282758401165;0.026415094339622642582998679472;0.005345911949685534271525799710;0.021069182389937105709387665797;0.011320754716981131296482665505;0.008805031446540880282758401165;0.016037735849056603681939137118;0.011006289308176099919767132462;0.001257861635220125723702566667;0.007861635220125786152611802038;0.008490566037735848906042868123;0.009119496855345911659473934208;0.006918238993710692022465202911;0.003773584905660377387948134498;0.007861635220125786152611802038;0.018238993710691823318947868415;0.010691823899371068543051599420;0.001886792452830188693974067249;0.005345911949685534271525799710;0.017924528301886791942232335373;0.008805031446540880282758401165;0.014465408805031446798361471906;0.000000000000000000000000000000;0.010377358490566037166336066377;0.014150943396226415421645938864;0.005660377358490565648241332752;0.021698113207547168462818731882;0.006289308176100629269034136826;0.014150943396226415421645938864;0.004088050314465408764663667540
-0.012500000000000000693889390391;0.028333333333333331899295259859;0.034722222222222223764198645313;0.150555555555555553581825734000;0.007777777777777777554191196430;0.012777777777777778525636342977;0.003611111111111110945348645629;0.033055555555555553304269977843;0.019444444444444444752839729063;0.008611111111111111049432054187;0.012777777777777778525636342977;0.005555555555555555767577313730;0.014722222222222221613141535101;0.018888888888888889089345823891;0.030277777777777778456247403938;0.009722222222222222376419864531;0.016666666666666666435370203203;0.068055555555555549696045147812;0.025555555555555557051272685953;0.007499999999999999722444243844;0.020000000000000000416333634234;0.022499999999999999167332731531;0.038888888888888889505679458125;0.016111111111111110771876298031;0.016944444444444446001840631766;0.014722222222222221613141535101;0.035277777777777775958245598531;0.014722222222222221613141535101;0.000277777777777777777536843962;0.018055555555555553859381490156;0.009722222222222222376419864531;0.010555555555555555871660722289;0.025000000000000001387778780781;0.011388888888888889366901580047;0.018611111111111109522875395328;0.028611111111111111465765688422;0.012777777777777778525636342977;0.003888888888888888777095598215;0.005833333333333333599324266316;0.026111111111111112714766591125;0.011388888888888889366901580047;0.016111111111111110771876298031;0.000000000000000000000000000000;0.010555555555555555871660722289;0.017500000000000001665334536938;0.009444444444444444544672911945;0.014166666666666665949647629930;0.008333333333333333217685101602;0.034444444444444444197728216750;0.006944444444444444058950338672
-0.007692307692307692734701163317;0.018910256410256408993175725186;0.016025641025641024217662788942;0.460576923076923050448527874323;0.012500000000000000693889390391;0.008333333333333333217685101602;0.002243589743589743425167259971;0.008974358974358973700669039886;0.037179487179487179238090988065;0.005128205128205128200680196215;0.002564102564102564100340098108;0.013782051282051281659857266959;0.005448717948717948442172165358;0.006089743589743589792517841630;0.011217948717948717993198037846;0.006410256410256410034009810772;0.015705128205128204843532557788;0.025641025641025640136039243089;0.009935897435897435292506685300;0.003525641025641025692177743522;0.005769230769230769551025872488;0.029807692307692309346967007855;0.012820512820512820068019621544;0.008012820512820512108831394471;0.007692307692307692734701163317;0.005448717948717948442172165358;0.005128205128205128200680196215;0.024358974358974359170071366520;0.001282051282051282050170049054;0.021474358974358974394558430276;0.016987179487179485809500434357;0.009294871794871794809522747016;0.005448717948717948442172165358;0.003525641025641025692177743522;0.006730769230769231142863517903;0.013461538461538462285727035805;0.003525641025641025692177743522;0.004166666666666666608842550801;0.026282051282051282353746657350;0.025320512820512820761909011935;0.004166666666666666608842550801;0.043910256410256406911507554014;0.000000000000000000000000000000;0.004166666666666666608842550801;0.005769230769230769551025872488;0.005448717948717948442172165358;0.007371794871794871625847456187;0.002884615384615384775512936244;0.008653846153846154326538808732;0.003205128205128205017004905386
-0.006410256410256410034009810772;0.014102564102564102768710974090;0.045299145299145297804965792920;0.374358974358974361251739537693;0.007264957264957265167804045802;0.008974358974358973700669039886;0.003846153846153846367350581659;0.016666666666666666435370203203;0.041025641025641025605441569724;0.013247863247863247634916739059;0.007264957264957265167804045802;0.007264957264957265167804045802;0.002136752136752136967123849587;0.024358974358974359170071366520;0.020940170940170938634894426400;0.007692307692307692734701163317;0.031623931623931622603151936346;0.033760683760683758702914047944;0.008119658119658120301598280832;0.004273504273504273934247699174;0.009829059829059828834463274916;0.032051282051282048435325577884;0.006410256410256410034009810772;0.023504273504273504036277131490;0.008547008547008547868495398347;0.016666666666666666435370203203;0.014102564102564102768710974090;0.009401709401709401267566157401;0.000427350427350427350056683018;0.003418803418803418800453464144;0.007264957264957265167804045802;0.015384615384615385469402326635;0.002991452991452991667237215623;0.004700854700854700633783078700;0.005128205128205128200680196215;0.030769230769230770938804653269;0.003418803418803418800453464144;0.004273504273504273934247699174;0.002991452991452991667237215623;0.018803418803418802535132314802;0.009401709401709401267566157401;0.014957264957264957902505209120;0.000000000000000000000000000000;0.009829059829059828834463274916;0.008119658119658120301598280832;0.010256410256410256401360392431;0.022649572649572648902482896460;0.011538461538461539102051744976;0.006410256410256410034009810772;0.008119658119658120301598280832
-0.009935897435897435292506685300;0.018910256410256408993175725186;0.079166666666666662965923251249;0.129166666666666679619268620627;0.004166666666666666608842550801;0.005769230769230769551025872488;0.002564102564102564100340098108;0.019871794871794870585013370601;0.072435897435897442231400589208;0.018589743589743589619045494032;0.009935897435897435292506685300;0.004487179487179486850334519943;0.002884615384615384775512936244;0.024358974358974359170071366520;0.012500000000000000693889390391;0.009294871794871794809522747016;0.075320512820512816598572669591;0.088141025641025647074933146996;0.005448717948717948442172165358;0.016346153846153847061239972049;0.008974358974358973700669039886;0.035256410256410256054415697236;0.006089743589743589792517841630;0.025641025641025640136039243089;0.008974358974358973700669039886;0.019551282051282051210883139447;0.022756410256410255360526306845;0.008012820512820512108831394471;0.000641025641025641025085024527;0.003205128205128205017004905386;0.002884615384615384775512936244;0.024358974358974359170071366520;0.003205128205128205017004905386;0.004807692307692307959188227073;0.005128205128205128200680196215;0.061858974358974361251739537693;0.010256410256410256401360392431;0.002564102564102564100340098108;0.005448717948717948442172165358;0.010256410256410256401360392431;0.010897435897435896884344330715;0.034935897435897436680285466082;0.000000000000000000000000000000;0.011217948717948717993198037846;0.003525641025641025692177743522;0.006089743589743589792517841630;0.026282051282051282353746657350;0.008333333333333333217685101602;0.011858974358974358476181976130;0.007692307692307692734701163317
-0.044841269841269841556208319844;0.001190476190476190583578119941;0.072222222222222215437525960624;0.000000000000000000000000000000;0.000000000000000000000000000000;0.011904761904761904101057723437;0.001587301587301587300210536924;0.020238095238095239053466301016;0.011111111111111111535154627461;0.050396825396825398191147371563;0.019444444444444444752839729063;0.006746031746031746351155433672;0.010317460317460317234528055508;0.061507936507936504522131571093;0.002777777777777777883788656865;0.020634920634920634469056111016;0.019444444444444444752839729063;0.020238095238095239053466301016;0.007539682539682539784420267637;0.016269841269841271019780393203;0.009523809523809524668624959531;0.009920634920634920084214769531;0.006746031746031746351155433672;0.066666666666666665741480812812;0.042857142857142857539365365938;0.067063492063492061157070622812;0.027777777777777776235801354687;0.000000000000000000000000000000;0.000396825396825396825052634231;0.001984126984126984016842953906;0.003968253968253968033685907812;0.030555555555555554553270880547;0.001587301587301587300210536924;0.007142857142857142634106981660;0.017063492063492061850960013203;0.069047619047619052112807480626;0.018253968253968255036623347110;0.007142857142857142634106981660;0.000000000000000000000000000000;0.010714285714285714384841341484;0.004761904761904762334312479766;0.002380952380952381167156239883;0.000000000000000000000000000000;0.036507936507936510073246694219;0.002777777777777777883788656865;0.018650793650793650452213157109;0.054761904761904761640423089375;0.038492063492063494090089648125;0.023809523809523808202115446875;0.021031746031746033354092872969
-0.019512195121951219495270990478;0.012195121951219512618225238043;0.066666666666666665741480812812;0.219105691056910578673466716282;0.004878048780487804873817747620;0.014227642276422763564780460399;0.003658536585365853872203745212;0.021544715447154472176549688811;0.036585365853658534385228762176;0.023577235772357724857828387144;0.008536585365853659179702361826;0.005691056910569106119801574550;0.004878048780487804873817747620;0.037398373983739838233297803072;0.016260162601626017980782634709;0.009349593495934959558324450768;0.043089430894308944353099377622;0.025609756097560974069660133523;0.010162601626016259936946539710;0.004878048780487804873817747620;0.013008130081300812996847326986;0.035365853658536582082572152785;0.002439024390243902436908873810;0.039430894308943087445129549451;0.017073170731707318359404723651;0.023170731707317072933793866696;0.020325203252032519873893079421;0.002845528455284553059900787275;0.002032520325203252247597829339;0.012601626016260162807536282514;0.005284552845528455063128792091;0.028861788617886179053595441246;0.001626016260162601624605915873;0.004878048780487804873817747620;0.004065040650406504495195658677;0.043089430894308944353099377622;0.006504065040650406498423663493;0.003658536585365853872203745212;0.001219512195121951218454436905;0.010569105691056910126257584182;0.011382113821138212239603149101;0.012601626016260162807536282514;0.000000000000000000000000000000;0.016260162601626017980782634709;0.012195121951219512618225238043;0.009756097560975609747635495239;0.037804878048780486687885371566;0.013821138211382113375469415928;0.010569105691056910126257584182;0.009756097560975609747635495239
-0.007777777777777777554191196430;0.006296296296296296363115274630;0.035925925925925923654080662573;0.633333333333333303727386009996;0.005185185185185185036127464286;0.004074074074074073709139653943;0.007407407407407407690103084974;0.024074074074074074125473288177;0.010370370370370370072254928573;0.010740740740740739936343040029;0.005185185185185185036127464286;0.004444444444444444440589503387;0.001481481481481481407916356297;0.012592592592592592726230549260;0.025185185185185185452461098521;0.008518518518518519017090895318;0.011111111111111111535154627461;0.008518518518518519017090895318;0.005185185185185185036127464286;0.000370370370370370351979089074;0.009629629629629630344078705662;0.012592592592592592726230549260;0.001481481481481481407916356297;0.012592592592592592726230549260;0.005185185185185185036127464286;0.012962962962962962590318660716;0.012222222222222222862142437805;0.005555555555555555767577313730;0.001481481481481481407916356297;0.003703703703703703845051542487;0.002222222222222222220294751693;0.007407407407407407690103084974;0.002222222222222222220294751693;0.006296296296296296363115274630;0.000370370370370370351979089074;0.010000000000000000208166817117;0.001851851851851851922525771243;0.001851851851851851922525771243;0.000370370370370370351979089074;0.001481481481481481407916356297;0.010740740740740739936343040029;0.004444444444444444440589503387;0.000000000000000000000000000000;0.007407407407407407690103084974;0.008518518518518519017090895318;0.015185185185185185244294281404;0.005555555555555555767577313730;0.000740740740740740703958178148;0.001481481481481481407916356297;0.006666666666666667094565124074
-0.027659574468085104670400653504;0.001773049645390070878925303788;0.052482269503546098710078382510;0.145744680851063818094459634267;0.000000000000000000000000000000;0.010283687943262410577349719176;0.001773049645390070878925303788;0.018085106382978721750731665452;0.008156028368794325869584049826;0.047872340425531914598344940259;0.017021276595744681131572306754;0.005319148936170212636775911363;0.014539007092198581727604533853;0.047517730496453899902142836709;0.006382978723404254990658746038;0.017375886524822695827774410304;0.014893617021276596423806637404;0.019858156028368795231742183205;0.004609929078014184111733442251;0.013120567375886524677519595627;0.009929078014184397615871091602;0.009574468085106382919668988052;0.009929078014184397615871091602;0.062765957446808504083257673756;0.025531914893617019962634984154;0.043617021276595745182813601559;0.034042553191489362263144613507;0.000000000000000000000000000000;0.000354609929078014208311125932;0.002836879432624113666489007457;0.004609929078014184111733442251;0.021985815602836879939507852555;0.004964539007092198807935545801;0.007446808510638298211903318702;0.023758865248226949951071418354;0.046453900709219855813536526057;0.012411347517730497019838864503;0.007092198581560283515701215151;0.000000000000000000000000000000;0.014539007092198581727604533853;0.005673758865248227332978014914;0.001773049645390070878925303788;0.000000000000000000000000000000;0.030141843971631204074368426404;0.001773049645390070878925303788;0.018439716312056736446933769002;0.050709219858156025229067864757;0.024468085106382979343475625456;0.034042553191489362263144613507;0.016666666666666666435370203203
-0.011507936507936508685467913438;0.022222222222222223070309254922;0.067460317460317456572660432812;0.277777777777777790113589162502;0.005158730158730158617264027754;0.004761904761904762334312479766;0.002777777777777777883788656865;0.021031746031746033354092872969;0.014682539682539682418527249297;0.025793650793650792218958400781;0.008333333333333333217685101602;0.001190476190476190583578119941;0.004365079365079365183999193789;0.037698412698412696320016124218;0.035317460317460316887583360312;0.009920634920634920084214769531;0.021825396825396824185272492969;0.025396825396825396803368590781;0.009920634920634920084214769531;0.009920634920634920084214769531;0.011507936507936508685467913438;0.021031746031746033354092872969;0.002380952380952381167156239883;0.040476190476190478106932602032;0.006349206349206349200842147695;0.029365079365079364837054498594;0.026587301587301586519584972734;0.007936507936507936067371815625;0.001190476190476190583578119941;0.004761904761904762334312479766;0.001190476190476190583578119941;0.021825396825396824185272492969;0.003968253968253968033685907812;0.007539682539682539784420267637;0.009126984126984127518311673555;0.039682539682539680336859078125;0.010317460317460317234528055508;0.005158730158730158617264027754;0.000793650793650793650105268462;0.009126984126984127518311673555;0.007142857142857142634106981660;0.004365079365079365183999193789;0.000000000000000000000000000000;0.020238095238095239053466301016;0.017460317460317460735996775156;0.012301587301587301251371009414;0.032142857142857139685077072500;0.011111111111111111535154627461;0.007539682539682539784420267637;0.010317460317460317234528055508
-0.010416666666666666088425508008;0.010416666666666666088425508008;0.035763888888888886730121896562;0.481944444444444453079512413751;0.006250000000000000346944695195;0.005555555555555555767577313730;0.004513888888888888464845372539;0.011458333333333332523795711211;0.011805555555555555247160270937;0.020833333333333332176851016015;0.004166666666666666608842550801;0.006944444444444444058950338672;0.002777777777777777883788656865;0.024652777777777776929690745078;0.016319444444444445446729119453;0.004166666666666666608842550801;0.021874999999999998612221219219;0.013541666666666667129259593594;0.009027777777777776929690745078;0.008680555555555555941049661328;0.006250000000000000346944695195;0.009722222222222222376419864531;0.000694444444444444470947164216;0.040625000000000001387778780781;0.006250000000000000346944695195;0.014930555555555556287994356524;0.012847222222222221682530474141;0.008333333333333333217685101602;0.002777777777777777883788656865;0.005208333333333333044212754004;0.004513888888888888464845372539;0.018055555555555553859381490156;0.001388888888888888941894328433;0.002430555555555555594104966133;0.002777777777777777883788656865;0.038541666666666668517038374375;0.006944444444444444058950338672;0.004513888888888888464845372539;0.003472222222222222029475169336;0.005555555555555555767577313730;0.003819444444444444319158860068;0.007638888888888888638317720137;0.000000000000000000000000000000;0.015625000000000000000000000000;0.015625000000000000000000000000;0.007291666666666666782314898398;0.023263888888888889505679458125;0.007291666666666666782314898398;0.005555555555555555767577313730;0.006944444444444444058950338672
-0.008130081300813008990391317354;0.043089430894308944353099377622;0.053658536585365852744633485827;0.103252032520325207065603478895;0.014634146341463415488814980847;0.010162601626016259936946539710;0.005691056910569106119801574550;0.021951219512195120631137257305;0.035365853658536582082572152785;0.023577235772357724857828387144;0.004878048780487804873817747620;0.002845528455284553059900787275;0.010569105691056910126257584182;0.025609756097560974069660133523;0.026829268292682926372316742913;0.004878048780487804873817747620;0.039837398373983742838611021853;0.073170731707317068770457524352;0.016260162601626017980782634709;0.010975609756097560315568628653;0.015040650406504065678126025318;0.024390243902439025236450476086;0.030487804878048779810839619131;0.021544715447154472176549688811;0.007723577235772357933718534895;0.017073170731707318359404723651;0.026016260162601625993694653971;0.034959349593495933627984584291;0.002845528455284553059900787275;0.010975609756097560315568628653;0.002845528455284553059900787275;0.019918699186991871419305510926;0.023170731707317072933793866696;0.002845528455284553059900787275;0.008943089430894309369013406297;0.036991869918699189778710234577;0.010569105691056910126257584182;0.002032520325203252247597829339;0.006504065040650406498423663493;0.020731707317073171797927599869;0.016666666666666666435370203203;0.026422764227642277917729174419;0.000000000000000000000000000000;0.014634146341463415488814980847;0.017073170731707318359404723651;0.012195121951219512618225238043;0.017479674796747966813992292145;0.010569105691056910126257584182;0.019918699186991871419305510926;0.004065040650406504495195658677
-0.020068027210884353817021974464;0.066666666666666665741480812812;0.035034013605442178296289768014;0.034013605442176873816517712612;0.037074829931972787255833878817;0.009523809523809524668624959531;0.007482993197278911372272158786;0.058163265306122445552627908683;0.023809523809523808202115446875;0.014285714285714285268213963320;0.015306122448979591482709494699;0.005782312925170067681446273156;0.005442176870748298943281096030;0.016666666666666666435370203203;0.061904761904761906876615285000;0.007142857142857142634106981660;0.025510204081632653627664808482;0.059523809523809520505288617187;0.039455782312925166688266642723;0.007142857142857142634106981660;0.026870748299319728580325516987;0.014965986394557822744544317572;0.016326530612244899431928502054;0.011904761904761904101057723437;0.011564625850340135362892546311;0.012585034013605441577388077690;0.036734693877551023721839129621;0.068367346938775511167030174420;0.000000000000000000000000000000;0.016326530612244899431928502054;0.008163265306122449715964251027;0.010544217687074829148397014933;0.019727891156462583344133321361;0.003061224489795918209805725141;0.004081632653061224857982125513;0.029591836734693878485646933996;0.010544217687074829148397014933;0.007482993197278911372272158786;0.001360544217687074735820274007;0.007142857142857142634106981660;0.031632653061224487445191044799;0.012244897959183672839222900564;0.000000000000000000000000000000;0.005102040816326530205115918903;0.029931972789115645489088635145;0.007823129251700680977799073901;0.013265306122448979053718431942;0.007142857142857142634106981660;0.016666666666666666435370203203;0.008843537414965987192294605279
-0.008510638297872340565786153377;0.019503546099290780535540079654;0.113829787234042550947421545970;0.001063829787234042570723269172;0.006028368794326241161818380476;0.009574468085106382919668988052;0.000000000000000000000000000000;0.030851063829787233466772633506;0.046453900709219855813536526057;0.031205673758865248162974737056;0.006737588652482269686860849589;0.004609929078014184111733442251;0.007801418439716312040743684264;0.039361702127659575767282262859;0.012411347517730497019838864503;0.007092198581560283515701215151;0.050354609929078017471759665113;0.100000000000000005551115123126;0.005673758865248227332978014914;0.012411347517730497019838864503;0.006028368794326241161818380476;0.032269503546099288782134095754;0.014184397163120567031402430302;0.039716312056737590463484366410;0.011702127659574467627434657402;0.024822695035460994039677729006;0.029787234042553192847613274807;0.011347517730496454665956029828;0.001418439716312056833244503729;0.009929078014184397615871091602;0.003900709219858156020371842132;0.034397163120567376959346717058;0.005319148936170212636775911363;0.004255319148936170282893076688;0.009219858156028368223466884501;0.080141843971631210319372939921;0.009929078014184397615871091602;0.002836879432624113666489007457;0.001063829787234042570723269172;0.026950354609929078747443398356;0.007446808510638298211903318702;0.021985815602836879939507852555;0.000000000000000000000000000000;0.011347517730496454665956029828;0.002482269503546099403967772901;0.006737588652482269686860849589;0.033687943262411347566942509957;0.013829787234042552335200326752;0.021276595744680850547103645454;0.008510638297872340565786153377
-0.034353741496598637350512461808;0.005782312925170067681446273156;0.082653061224489801639414565670;0.019727891156462583344133321361;0.001360544217687074735820274007;0.010204081632653060410231837807;0.003401360544217686947970902267;0.024149659863945578675004099978;0.019047619047619049337249919063;0.040816326530612241640927351227;0.016326530612244899431928502054;0.001700680272108843473985451134;0.008503401360544218454129428153;0.063605442176870752302164646608;0.008843537414965987192294605279;0.015306122448979591482709494699;0.033673469387755103343629059509;0.051700680272108841262213019263;0.006802721088435373895941804534;0.014625850340136054006379140446;0.014285714285714285268213963320;0.012585034013605441577388077690;0.010884353741496597886562192059;0.043197278911564628012254019040;0.031972789115646257918079697902;0.050340136054421766309552310759;0.032993197278911562397851753303;0.001360544217687074735820274007;0.000000000000000000000000000000;0.002380952380952381167156239883;0.003061224489795918209805725141;0.018027210884353741388030911708;0.004421768707482993596147302640;0.005442176870748298943281096030;0.014285714285714285268213963320;0.052721088435374152680878978572;0.016326530612244899431928502054;0.006802721088435373895941804534;0.000000000000000000000000000000;0.019387755102040816340691620212;0.005782312925170067681446273156;0.007482993197278911372272158786;0.000000000000000000000000000000;0.025850340136054420631106509632;0.002721088435374149471640548015;0.022448979591836733249454738370;0.047619047619047616404230893750;0.026530612244897958107436863884;0.038095238095238098674499838125;0.020408163265306120820463675614
-0.011481481481481481399242738917;0.033703703703703701000105041885;0.029259259259259259161600752464;0.337407407407407433641566285587;0.008518518518518519017090895318;0.010000000000000000208166817117;0.006666666666666667094565124074;0.011481481481481481399242738917;0.032222222222222221543752596062;0.013703703703703704053218359604;0.007037037037037036958653235530;0.003703703703703703845051542487;0.006666666666666667094565124074;0.011111111111111111535154627461;0.029259259259259259161600752464;0.007407407407407407690103084974;0.044074074074074071072359970458;0.040370370370370368962031903948;0.008518518518518519017090895318;0.004814814814814815172039352831;0.011481481481481481399242738917;0.025555555555555557051272685953;0.003703703703703703845051542487;0.025185185185185185452461098521;0.011481481481481481399242738917;0.013703703703703704053218359604;0.012592592592592592726230549260;0.021111111111111111743321444578;0.002592592592592592518063732143;0.007407407407407407690103084974;0.002592592592592592518063732143;0.021111111111111111743321444578;0.003333333333333333547282562037;0.005555555555555555767577313730;0.005185185185185185036127464286;0.024444444444444445724284875610;0.006666666666666667094565124074;0.004814814814814815172039352831;0.002962962962962962815832712593;0.014074074074074073917306471060;0.009629629629629630344078705662;0.030370370370370370488588562807;0.000000000000000000000000000000;0.011481481481481481399242738917;0.012222222222222222862142437805;0.008888888888888888881179006773;0.018148148148148149361169600979;0.011111111111111111535154627461;0.009259259259259258745267118229;0.005925925925925925631665425186
-0.023529411764705882026404992757;0.000980392156862745084433541365;0.077777777777777779011358916250;0.104901960784313727503835877997;0.004248366013071895076758099918;0.010457516339869280322383282567;0.000980392156862745084433541365;0.010784313725490195928768955014;0.013071895424836601704021710191;0.052614379084967320687749037234;0.009803921568627450844335413649;0.003267973856209150426005427548;0.009150326797385621366287544731;0.058169934640522877322688088952;0.002941176470588235253300624095;0.018954248366013070475899482403;0.027777777777777776235801354687;0.021568627450980391857537910028;0.005555555555555555767577313730;0.015359477124183005744550989391;0.011111111111111111535154627461;0.012745098039215686097636037744;0.005882352941176470506601248189;0.069607843137254904464228388861;0.025163398692810458323609879017;0.045098039215686273883942902785;0.018954248366013070475899482403;0.000980392156862745084433541365;0.000653594771241830020148955160;0.003921568627450980337734165460;0.002614379084967320080595820642;0.033986928104575160614064799347;0.001633986928104575213002713774;0.006862745098039215591034789554;0.012745098039215686097636037744;0.060130718954248367491555171682;0.010130718954248366450721086096;0.008169934640522876281854003366;0.000000000000000000000000000000;0.019607843137254901688670827298;0.001307189542483660040297910321;0.000980392156862745084433541365;0.000000000000000000000000000000;0.025490196078431372195272075487;0.002941176470588235253300624095;0.010130718954248366450721086096;0.066013071895424837998156419872;0.035294117647058823039607489136;0.018627450980392156604237285933;0.017320261437908497648141548098
-0.026143790849673203408043420382;0.008169934640522876281854003366;0.084313725490196084200178461288;0.009150326797385621366287544731;0.019607843137254901688670827298;0.007843137254901960675468330919;0.003921568627450980337734165460;0.016666666666666666435370203203;0.014705882352941176266503120473;0.033660130718954246742402602877;0.009803921568627450844335413649;0.002287581699346405341571886183;0.010784313725490195928768955014;0.050980392156862744390544150974;0.003594771241830065165029362007;0.011764705882352941013202496379;0.032026143790849670445197716617;0.035620915032679736911269685606;0.006535947712418300852010855095;0.015359477124183005744550989391;0.009150326797385621366287544731;0.027450980392156862364139158217;0.025816993464052286066934271958;0.049346405228758168093339264715;0.021895424836601305729200106498;0.034640522875816995296283096195;0.026143790849673203408043420382;0.000653594771241830020148955160;0.004248366013071895076758099918;0.001960784313725490168867082730;0.004575163398692810683143772366;0.022875816993464050813633647863;0.004248366013071895076758099918;0.012418300653594770491250365296;0.030392156862745097617439782312;0.055882352941176473282158809752;0.015032679738562091872888792921;0.009803921568627450844335413649;0.002614379084967320080595820642;0.047385620915032677924472181985;0.004575163398692810683143772366;0.007843137254901960675468330919;0.000000000000000000000000000000;0.022549019607843136941971451392;0.002941176470588235253300624095;0.015359477124183005744550989391;0.049346405228758168093339264715;0.033006535947712418999078209936;0.039215686274509803377341654596;0.015686274509803921350936661838
-0.010000000000000000208166817117;0.044074074074074071072359970458;0.059999999999999997779553950750;0.032592592592592589673117231541;0.014814814814814815380206169948;0.004074074074074073709139653943;0.002962962962962962815832712593;0.032962962962962964741375770927;0.028888888888888887562789165031;0.041851851851851848418384349770;0.010370370370370370072254928573;0.001111111111111111110147375847;0.002962962962962962815832712593;0.036666666666666666851703837438;0.038888888888888889505679458125;0.002962962962962962815832712593;0.024814814814814813853649511088;0.072222222222222215437525960624;0.006296296296296296363115274630;0.011851851851851851263330850372;0.009629629629629630344078705662;0.021481481481481479872686080057;0.015185185185185185244294281404;0.057407407407407406996213694583;0.008148148148148147418279307885;0.034444444444444444197728216750;0.038518518518518521376314822646;0.028518518518518519433424529552;0.000740740740740740703958178148;0.018518518518518517490534236458;0.000370370370370370351979089074;0.022222222222222223070309254922;0.008888888888888888881179006773;0.005555555555555555767577313730;0.005185185185185185036127464286;0.048888888888888891448569751219;0.015555555555555555108382392859;0.003333333333333333547282562037;0.000000000000000000000000000000;0.013703703703703704053218359604;0.014444444444444443781394582516;0.016296296296296294836558615771;0.000000000000000000000000000000;0.022592592592592591199673890401;0.010740740740740739936343040029;0.014814814814814815380206169948;0.040000000000000000832667268469;0.017037037037037038034181790636;0.021111111111111111743321444578;0.006296296296296296363115274630
-0.005649717514124293765709339254;0.021186440677966100754048284216;0.023728813559322034509868615260;0.485028248587570598449048020484;0.017796610169491525882401461445;0.003389830508474576172689429754;0.005084745762711864042193710134;0.024011299435028249371626429820;0.009322033898305085233837452563;0.018079096045197740744159276005;0.005367231638418078903951524694;0.000564971751412429398254977375;0.002542372881355932021096855067;0.012429378531073446978449936751;0.037570621468926555797107624812;0.006497175141242937483621044947;0.014124293785310734414273348136;0.022598870056497175062837357018;0.012711864406779661840207751311;0.002542372881355932021096855067;0.012429378531073446978449936751;0.007627118644067796930652303189;0.003107344632768361744612484188;0.022316384180790960201079542458;0.005649717514124293765709339254;0.013559322033898304690757719015;0.017796610169491525882401461445;0.014124293785310734414273348136;0.002259887005649717593019909501;0.005649717514124293765709339254;0.001412429378531073441427334814;0.022598870056497175062837357018;0.006214689265536723489224968375;0.007062146892655367207136674068;0.002542372881355932021096855067;0.025423728813559323680415502622;0.005084745762711864042193710134;0.003954802259887005462524189880;0.000564971751412429398254977375;0.003954802259887005462524189880;0.011299435028248587531418678509;0.006214689265536723489224968375;0.000000000000000000000000000000;0.013559322033898304690757719015;0.017231638418079096158885832324;0.009322033898305085233837452563;0.013276836158192089828999904455;0.005367231638418078903951524694;0.004802259887005650047797633562;0.005367231638418078903951524694
-0.011864406779661017254934307630;0.038418079096045200382381068493;0.036723163841807911211834181131;0.211864406779661007540482842160;0.024858757062146893956899873501;0.006779661016949152345378859508;0.007909604519774010925048379761;0.037570621468926555797107624812;0.012429378531073446978449936751;0.013559322033898304690757719015;0.007062146892655367207136674068;0.003954802259887005462524189880;0.008192090395480225786806194321;0.018361581920903955605917090566;0.054802259887005648486546505183;0.007627118644067796930652303189;0.022033898305084745339321727897;0.038983050847457630105896697614;0.026271186440677964796241994350;0.009322033898305085233837452563;0.014971751412429378999546791817;0.015254237288135593861304606378;0.011581920903954802393176493069;0.016101694915254236711854574082;0.010169491525423728084387420267;0.016101694915254236711854574082;0.030790960451977402584367027316;0.032203389830508473423709148165;0.002259887005649717593019909501;0.013276836158192089828999904455;0.001129943502824858796509954750;0.015536723163841808723062420938;0.014124293785310734414273348136;0.007909604519774010925048379761;0.010451977401129942946145234828;0.028813559322033898552062325393;0.009039548022598870372079638003;0.004237288135593220324282004441;0.005367231638418078903951524694;0.016384180790960451573612388643;0.014124293785310734414273348136;0.009039548022598870372079638003;0.000000000000000000000000000000;0.008474576271186440648564008882;0.034463276836158192317771664648;0.007627118644067796930652303189;0.014971751412429378999546791817;0.011299435028248587531418678509;0.015819209039548021850096759522;0.009887005649717514957353081684
-0.011206896551724137775507550430;0.010344827586206896408160815781;0.038505747126436784544267766250;0.437931034482758607673247297498;0.013505747126436781421765509492;0.009195402298850574585031836250;0.002011494252873563190475714180;0.021264367816091953727886121328;0.016666666666666666435370203203;0.014655172413793103244894489023;0.014080459770114942333329999258;0.010919540229885057319725305547;0.013218390804597700965983264609;0.016954022988505748625875924063;0.012931034482758620510201019727;0.008333333333333333217685101602;0.008333333333333333217685101602;0.027298850574712645034036739844;0.010632183908045976863943060664;0.006034482758620689571427142539;0.012356321839080459598636529961;0.011494252873563218231289795312;0.003448275862068965469386938594;0.016666666666666666435370203203;0.017816091954022988258499182734;0.019540229885057470993192652031;0.026724137931034484122472250078;0.008333333333333333217685101602;0.000000000000000000000000000000;0.009770114942528735496596326016;0.004310344827586206836733673242;0.008620689655172413673467346484;0.003448275862068965469386938594;0.005747126436781609115644897656;0.010919540229885057319725305547;0.019540229885057470993192652031;0.006896551724137930938773877187;0.001724137931034482734693469297;0.004597701149425287292515918125;0.005172413793103448204080407891;0.007758620689655172306120611836;0.011206896551724137775507550430;0.000000000000000000000000000000;0.006321839080459770027209387422;0.008908045977011494129249591367;0.008045977011494252761902856719;0.019540229885057470993192652031;0.010632183908045976863943060664;0.014655172413793103244894489023;0.011781609195402298687072040195
-0.032170542635658917751673158136;0.004263565891472868157885400819;0.044961240310077518755882408641;0.005813953488372092942571001117;0.004263565891472868157885400819;0.033720930232558142536358758434;0.000000000000000000000000000000;0.012790697674418604473656202458;0.006589147286821705334913801266;0.017441860465116278827713003352;0.030232558139534883301369205810;0.008527131782945736315770801639;0.053100775193798452344928762159;0.056201550387596901914299962755;0.005038759689922480550228200968;0.017054263565891472631541603278;0.010852713178294573492799202086;0.017441860465116278827713003352;0.008139534883720930119599401564;0.017829457364341085023884403427;0.010077519379844961100456401937;0.011240310077519379688970602160;0.024806201550387596554969604767;0.016279069767441860239198803129;0.061240310077519378995081211770;0.036046511627906979713387158881;0.037209302325581394832454407151;0.001162790697674418588514200223;0.000387596899224806196171400074;0.012790697674418604473656202458;0.004263565891472868157885400819;0.004263565891472868157885400819;0.019767441860465116004741403799;0.012403100775193798277484802384;0.072480620155038755214604861976;0.024418604651162790358798204693;0.014341085271317829258341802756;0.004263565891472868157885400819;0.001162790697674418588514200223;0.031007751937984495693712005959;0.001937984496124030980857000372;0.003875968992248061961714000745;0.000000000000000000000000000000;0.009302325581395348708113601788;0.005813953488372092942571001117;0.008139534883720930119599401564;0.043410852713178293971196808343;0.050775193798449615167900361712;0.060852713178294576268356763649;0.029844961240310077105197805736
-0.014367816091954022789112244141;0.052586206896551725142874289531;0.039367816091954020707444072968;0.027873563218390805945601229610;0.030172413793103449591859188672;0.012931034482758620510201019727;0.002298850574712643646257959062;0.053160919540229882584991827343;0.019252873563218392272133883125;0.013218390804597700965983264609;0.014942528735632183700676733906;0.006321839080459770027209387422;0.007471264367816091850338366953;0.022701149425287357741520821719;0.047988505747126437850358371406;0.010919540229885057319725305547;0.018390804597701149170063672500;0.074712643678160925442277573438;0.037931034482758620163256324531;0.012643678160919540054418774844;0.022988505747126436462579590625;0.011494252873563218231289795312;0.018965517241379310081628162266;0.015804597701149426802746944531;0.017816091954022988258499182734;0.015229885057471264156458978789;0.049137931034482759673487350938;0.045689655172413794204100412344;0.000000000000000000000000000000;0.018678160919540231360569393360;0.006034482758620689571427142539;0.010919540229885057319725305547;0.018390804597701149170063672500;0.004597701149425287292515918125;0.016091954022988505523805713437;0.035632183908045976516998365469;0.020114942528735631904757141797;0.003448275862068965469386938594;0.001436781609195402278911224414;0.011494252873563218231289795312;0.016379310344827587714311434297;0.011494252873563218231289795312;0.000000000000000000000000000000;0.005172413793103448204080407891;0.022126436781609196829956331953;0.006609195402298850482991632305;0.015229885057471264156458978789;0.010919540229885057319725305547;0.036494252873563219619068576094;0.012356321839080459598636529961
-0.004678362573099415291921765458;0.049415204678362571744099085436;0.032163742690058477746717358059;0.077192982456140354918794344030;0.039766081871345032583420220362;0.010818713450292397754148865374;0.008771929824561403021832006743;0.026023391812865497019213734120;0.046783625730994149449770702631;0.004970760233918129072927527545;0.008771929824561403021832006743;0.004093567251461988597271979273;0.014619883040935671703053344572;0.008771929824561403021832006743;0.044444444444444446140618509844;0.002339181286549707645960882729;0.028070175438596491751530592751;0.049415204678362571744099085436;0.038596491228070177459397172015;0.006725146198830409156876886101;0.011988304093567251143448437745;0.032456140350877189792999644169;0.021929824561403507554580016858;0.013450292397660818313753772202;0.007309941520467835851526672286;0.005555555555555555767577313730;0.018128654970760233605675537660;0.062573099415204683215740999458;0.001754385964912280734470662047;0.045321637426900582279465368174;0.003216374269005848121616431001;0.014035087719298245875765296375;0.025730994152046784972931448010;0.004678362573099415291921765458;0.016959064327485378481652489313;0.021929824561403507554580016858;0.005263157894736841986571551644;0.002923976608187134340610668914;0.014619883040935671703053344572;0.021929824561403507554580016858;0.013742690058479532094759534289;0.051169590643274850960686706003;0.000000000000000000000000000000;0.003801169590643274816266217186;0.035964912280701755165068789211;0.007309941520467835851526672286;0.007017543859649122937882648188;0.004970760233918129072927527545;0.013450292397660818313753772202;0.004385964912280701510916003372
-0.015819209039548021850096759522;0.016384180790960451573612388643;0.038700564971751415244138883054;0.211864406779661007540482842160;0.016949152542372881297128017763;0.012146892655367232116692122190;0.011299435028248587531418678509;0.022598870056497175062837357018;0.014689265536723164137788977257;0.037288135593220340935349810252;0.016666666666666666435370203203;0.008757062146892655510321823442;0.007344632768361582068894488629;0.021468926553672315615806098776;0.021751412429378530477563913337;0.011299435028248587531418678509;0.025706214689265535072726365229;0.027118644067796609381515438031;0.012429378531073446978449936751;0.005084745762711864042193710134;0.013841807909604519552515533576;0.007344632768361582068894488629;0.005084745762711864042193710134;0.044067796610169490678643455794;0.017231638418079096158885832324;0.021751412429378530477563913337;0.025423728813559323680415502622;0.018644067796610170467674905126;0.003107344632768361744612484188;0.008757062146892655510321823442;0.006214689265536723489224968375;0.028531073446327683690304510833;0.004802259887005650047797633562;0.012146892655367232116692122190;0.012429378531073446978449936751;0.034463276836158192317771664648;0.007344632768361582068894488629;0.005367231638418078903951524694;0.001129943502824858796509954750;0.008757062146892655510321823442;0.007909604519774010925048379761;0.020621468926553671030532655095;0.000000000000000000000000000000;0.032485875706214688285466962725;0.008757062146892655510321823442;0.023163841807909604786352986139;0.029378531073446328275577954514;0.014124293785310734414273348136;0.012429378531073446978449936751;0.009322033898305085233837452563
-0.036309523809523812365451789219;0.002380952380952381167156239883;0.052380952380952382207990325469;0.022916666666666665047591422422;0.002083333333333333304421275400;0.045833333333333330095182844843;0.001488095238095238012632215430;0.011904761904761904101057723437;0.007142857142857142634106981660;0.025000000000000001387778780781;0.015476190476190476719153821250;0.041666666666666664353702032031;0.027678571428571427381903902187;0.045238095238095236971798129844;0.001785714285714285658526745415;0.035714285714285712303173170312;0.012500000000000000693889390391;0.018749999999999999306110609609;0.011904761904761904101057723437;0.005952380952380952050528861719;0.011607142857142857539365365938;0.008333333333333333217685101602;0.010714285714285714384841341484;0.028273809523809523974735569141;0.074702380952380950662750080937;0.033333333333333332870740406406;0.024107142857142858233254756328;0.016369047619047619873677845703;0.000595238095238095291789059971;0.022916666666666665047591422422;0.027678571428571427381903902187;0.014880952380952380126322154297;0.008333333333333333217685101602;0.011607142857142857539365365938;0.037202380952380952050528861719;0.033928571428571425994125121406;0.010714285714285714384841341484;0.014285714285714285268213963320;0.000000000000000000000000000000;0.016071428571428569842538536250;0.003571428571428571317053490830;0.001488095238095238012632215430;0.000000000000000000000000000000;0.013988095238095238706521605820;0.004464285714285714037896646289;0.013095238095238095551997581367;0.045535714285714283533490487343;0.036309523809523812365451789219;0.030952380952380953438307642500;0.020833333333333332176851016015
-0.020567375886524821154699438353;0.011347517730496454665956029828;0.087943262411347519758031410220;0.046453900709219855813536526057;0.003900709219858156020371842132;0.004964539007092198807935545801;0.006737588652482269686860849589;0.027304964539007093443645501907;0.024468085106382979343475625456;0.046453900709219855813536526057;0.008510638297872340565786153377;0.001063829787234042570723269172;0.002836879432624113666489007457;0.040425531914893619855888573511;0.013475177304964539373721699178;0.010638297872340425273551822727;0.034751773049645391655548820609;0.062411347517730496325949474112;0.009574468085106382919668988052;0.012056737588652482323636760952;0.012056737588652482323636760952;0.013829787234042552335200326752;0.013475177304964539373721699178;0.059219858156028370999024446064;0.013475177304964539373721699178;0.036170212765957443501463330904;0.043617021276595745182813601559;0.002836879432624113666489007457;0.002482269503546099403967772901;0.001063829787234042570723269172;0.001063829787234042570723269172;0.026595744680851064051241294806;0.004964539007092198807935545801;0.004964539007092198807935545801;0.009219858156028368223466884501;0.072340425531914887002926661808;0.021985815602836879939507852555;0.005319148936170212636775911363;0.000709219858156028416622251864;0.011702127659574467627434657402;0.008510638297872340565786153377;0.009929078014184397615871091602;0.000000000000000000000000000000;0.031914893617021274085931992204;0.007801418439716312040743684264;0.017375886524822695827774410304;0.037588652482269502286271745106;0.020212765957446809927944286756;0.023404255319148935254869314804;0.010283687943262410577349719176
-0.005649717514124293765709339254;0.025423728813559323680415502622;0.044067796610169490678643455794;0.395480225988700584416335459537;0.025141242937853108818657688062;0.003954802259887005462524189880;0.004237288135593220324282004441;0.015536723163841808723062420938;0.037853107344632770658865439373;0.015536723163841808723062420938;0.010734463276836157807903049388;0.003954802259887005462524189880;0.003389830508474576172689429754;0.013276836158192089828999904455;0.029943502824858757999093583635;0.005932203389830508627467153815;0.030508474576271187722609212756;0.019209039548022600191190534247;0.009887005649717514957353081684;0.001977401129943502731262094940;0.008192090395480225786806194321;0.016949152542372881297128017763;0.004519774011299435186039819001;0.019774011299435029914706163368;0.008757062146892655510321823442;0.012994350282485874967242089895;0.018644067796610170467674905126;0.027966101694915253966788881712;0.002824858757062146882854669627;0.008474576271186440648564008882;0.003107344632768361744612484188;0.020903954802259885892290469656;0.006214689265536723489224968375;0.004237288135593220324282004441;0.003672316384180791034447244314;0.023446327683615819648110800699;0.006779661016949152345378859508;0.002542372881355932021096855067;0.002542372881355932021096855067;0.002542372881355932021096855067;0.009322033898305085233837452563;0.014689265536723164137788977257;0.000000000000000000000000000000;0.014124293785310734414273348136;0.016384180790960451573612388643;0.007344632768361582068894488629;0.015536723163841808723062420938;0.003954802259887005462524189880;0.006779661016949152345378859508;0.005084745762711864042193710134
-0.012916666666666666574148081281;0.023333333333333334397297065266;0.032916666666666663521034763562;0.424166666666666691831721891504;0.015833333333333334674852821422;0.012500000000000000693889390391;0.000833333333333333386820640509;0.023333333333333334397297065266;0.014583333333333333564629796797;0.007916666666666667337426410711;0.011666666666666667198648532633;0.005000000000000000104083408559;0.009166666666666666712925959359;0.013750000000000000069388939039;0.029583333333333333009518284484;0.003749999999999999861222121922;0.013333333333333334189130248149;0.034166666666666664631257788187;0.014166666666666665949647629930;0.005000000000000000104083408559;0.010833333333333333703407674875;0.013333333333333334189130248149;0.012500000000000000693889390391;0.011249999999999999583666365766;0.016250000000000000555111512313;0.013333333333333334189130248149;0.017500000000000001665334536938;0.017083333333333332315628894094;0.000833333333333333386820640509;0.011249999999999999583666365766;0.002083333333333333304421275400;0.006666666666666667094565124074;0.008750000000000000832667268469;0.005000000000000000104083408559;0.012083333333333333078907223523;0.020416666666666666296592325125;0.007916666666666667337426410711;0.001666666666666666773641281019;0.000833333333333333386820640509;0.013750000000000000069388939039;0.007499999999999999722444243844;0.013333333333333334189130248149;0.000000000000000000000000000000;0.004583333333333333356462979680;0.012500000000000000693889390391;0.005000000000000000104083408559;0.015416666666666667059870654555;0.005833333333333333599324266316;0.015833333333333334674852821422;0.008750000000000000832667268469
-0.008035714285714284921269268125;0.011011904761904762681257174961;0.041369047619047617792009674531;0.425595238095238082021154468748;0.011607142857142857539365365938;0.007440476190476190063161077148;0.002678571428571428596210335371;0.018452380952380952744418252109;0.027976190476190477413043211641;0.013988095238095238706521605820;0.004761904761904762334312479766;0.008630952380952381514100935078;0.002380952380952381167156239883;0.015476190476190476719153821250;0.019642857142857142460634634062;0.005357142857142857192420670742;0.029464285714285713690951951094;0.025000000000000001387778780781;0.010119047619047619526733150508;0.004464285714285714037896646289;0.011309523809523809242949532461;0.019047619047619049337249919063;0.002976190476190476025264430859;0.022916666666666665047591422422;0.010714285714285714384841341484;0.017261904761904763028201870156;0.018749999999999999306110609609;0.011011904761904762681257174961;0.001785714285714285658526745415;0.012202380952380952397473556914;0.004761904761904762334312479766;0.022023809523809525362514349922;0.003273809523809523887999395342;0.004761904761904762334312479766;0.004761904761904762334312479766;0.031547619047619046561692357500;0.005952380952380952050528861719;0.002380952380952381167156239883;0.003869047619047619179788455313;0.010416666666666666088425508008;0.006845238095238095205052886172;0.011607142857142857539365365938;0.000000000000000000000000000000;0.013095238095238095551997581367;0.009523809523809524668624959531;0.004464285714285714037896646289;0.018154761904761906182725894610;0.011011904761904762681257174961;0.004464285714285714037896646289;0.005654761904761904621474766230
-0.012056737588652482323636760952;0.002127659574468085141446538344;0.130851063829787228609546900771;0.000000000000000000000000000000;0.000000000000000000000000000000;0.004964539007092198807935545801;0.000354609929078014208311125932;0.014539007092198581727604533853;0.027659574468085104670400653504;0.055673758865248224037003410558;0.007446808510638298211903318702;0.008510638297872340565786153377;0.001773049645390070878925303788;0.056737588652482268125609721210;0.002836879432624113666489007457;0.006382978723404254990658746038;0.063829787234042548171863984408;0.041134751773049642309398876705;0.002836879432624113666489007457;0.023049645390070920558667211253;0.004255319148936170282893076688;0.025177304964539008735879832557;0.003900709219858156020371842132;0.070212765957446812703501848318;0.010638297872340425273551822727;0.026241134751773049355039191255;0.013475177304964539373721699178;0.000000000000000000000000000000;0.000709219858156028416622251864;0.002836879432624113666489007457;0.003900709219858156020371842132;0.051773049645390069317674175409;0.000354609929078014208311125932;0.004964539007092198807935545801;0.014184397163120567031402430302;0.114184397163120565643623649521;0.012056737588652482323636760952;0.002482269503546099403967772901;0.000000000000000000000000000000;0.021631205673758865243305749004;0.005319148936170212636775911363;0.006028368794326241161818380476;0.000000000000000000000000000000;0.019148936170212765839337976104;0.000000000000000000000000000000;0.008510638297872340565786153377;0.062765957446808504083257673756;0.024113475177304964647273521905;0.017021276595744681131572306754;0.011347517730496454665956029828
-0.015833333333333334674852821422;0.033055555555555553304269977843;0.073611111111111113269878103438;0.056666666666666663798590519718;0.032222222222222221543752596062;0.014444444444444443781394582516;0.004722222222222222272336455973;0.038333333333333330372738601000;0.029166666666666667129259593594;0.019722222222222220849863205672;0.011944444444444445030395485219;0.006666666666666667094565124074;0.006666666666666667094565124074;0.029999999999999998889776975375;0.046111111111111109661653273406;0.010555555555555555871660722289;0.023888888888888890060790970438;0.050555555555555554969604514781;0.027500000000000000138777878078;0.008611111111111111049432054187;0.017222222222222222098864108375;0.020555555555555556079827539406;0.008611111111111111049432054187;0.026388888888888888811790067734;0.016944444444444446001840631766;0.028611111111111111465765688422;0.034444444444444444197728216750;0.025555555555555557051272685953;0.000277777777777777777536843962;0.016388888888888890338346726594;0.004444444444444444440589503387;0.018611111111111109522875395328;0.017500000000000001665334536938;0.004444444444444444440589503387;0.007777777777777777554191196430;0.041666666666666664353702032031;0.012222222222222222862142437805;0.004444444444444444440589503387;0.000555555555555555555073687923;0.006666666666666667094565124074;0.014166666666666665949647629930;0.011388888888888889366901580047;0.000000000000000000000000000000;0.008888888888888888881179006773;0.023333333333333334397297065266;0.006388888888888889262818171488;0.033888888888888892003681263532;0.016388888888888890338346726594;0.017777777777777777762358013547;0.014166666666666665949647629930
-0.009009009009009008930868311893;0.040540540540540542790992617483;0.037387387387387387149839668155;0.089189189189189194140183758464;0.107657657657657654381999634552;0.008108108108108108558198523497;0.005405405405405405705465682331;0.025225225225225224312541882909;0.036936936936936934361419559991;0.009909909909909909303538100289;0.009009009009009008930868311893;0.013063063063063063209967573641;0.002252252252252252232717077973;0.013963963963963963582637362038;0.082432432432432437008351655550;0.009459459459459459984564944079;0.020720720720720720714469464951;0.032882882882882880082320298243;0.025675675675675677100961991073;0.005405405405405405705465682331;0.010810810810810811410931364662;0.028828828828828829272667988448;0.007657657657657657504501891310;0.009909909909909909303538100289;0.007207207207207207318166997112;0.012162162162162162837297785245;0.014864864864864865690030626411;0.053603603603603604266236715148;0.000000000000000000000000000000;0.026126126126126126419935147283;0.012612612612612612156270941455;0.008108108108108108558198523497;0.017117117117117115754343359413;0.001351351351351351426366420583;0.004054054054054054279099261748;0.020720720720720720714469464951;0.004054054054054054279099261748;0.000450450450450450457385437320;0.008558558558558557877171679706;0.009909909909909909303538100289;0.008558558558558557877171679706;0.032882882882882880082320298243;0.000000000000000000000000000000;0.006756756756756757131832102914;0.064414414414414408738274175903;0.002252252252252252232717077973;0.016666666666666666435370203203;0.006756756756756757131832102914;0.009909909909909909303538100289;0.009459459459459459984564944079
-0.015646258503401361955598147802;0.023809523809523808202115446875;0.037414965986394557728722531920;0.141156462585034003787143319641;0.032993197278911562397851753303;0.010544217687074829148397014933;0.009523809523809524668624959531;0.031972789115646257918079697902;0.006462585034013605157776627408;0.016326530612244899431928502054;0.017346938775510203911700557455;0.007142857142857142634106981660;0.007482993197278911372272158786;0.021088435374149658296794029866;0.055782312925170066120195144777;0.010884353741496597886562192059;0.007482993197278911372272158786;0.035034013605442178296289768014;0.046938775510204082397347491451;0.006802721088435373895941804534;0.022789115646258503722343391473;0.011224489795918366624727369185;0.024489795918367345678445801127;0.009183673469387755930459782405;0.015646258503401361955598147802;0.016666666666666666435370203203;0.032993197278911562397851753303;0.037755102040816328201611185023;0.000000000000000000000000000000;0.020408163265306120820463675614;0.009863945578231291672066660681;0.006462585034013605157776627408;0.017006802721088436908258856306;0.008503401360544218454129428153;0.018707482993197278864361265960;0.027551020408163266056655871239;0.011904761904761904101057723437;0.006802721088435373895941804534;0.001360544217687074735820274007;0.028911564625850341009316579743;0.013265306122448979053718431942;0.003061224489795918209805725141;0.000000000000000000000000000000;0.007482993197278911372272158786;0.033673469387755103343629059509;0.010544217687074829148397014933;0.018367346938775511860919564811;0.010204081632653060410231837807;0.027210884353741495583767218136;0.006122448979591836419611450282
-0.024583333333333332038073137937;0.022916666666666665047591422422;0.044583333333333335923853724125;0.068750000000000005551115123126;0.011666666666666667198648532633;0.013333333333333334189130248149;0.006666666666666667094565124074;0.039166666666666669072149886688;0.016250000000000000555111512313;0.023333333333333334397297065266;0.016250000000000000555111512313;0.009583333333333332593184650250;0.010416666666666666088425508008;0.029166666666666667129259593594;0.030833333333333334119741309109;0.017083333333333332315628894094;0.024583333333333332038073137937;0.042916666666666665463925056656;0.023750000000000000277555756156;0.008750000000000000832667268469;0.023333333333333334397297065266;0.014583333333333333564629796797;0.012500000000000000693889390391;0.025416666666666667268037471672;0.023333333333333334397297065266;0.025000000000000001387778780781;0.040416666666666663243479007406;0.013333333333333334189130248149;0.002083333333333333304421275400;0.017083333333333332315628894094;0.012083333333333333078907223523;0.017500000000000001665334536938;0.020416666666666666296592325125;0.007499999999999999722444243844;0.014583333333333333564629796797;0.035833333333333335091186455656;0.014166666666666665949647629930;0.008333333333333333217685101602;0.001250000000000000026020852140;0.018333333333333333425851918719;0.014166666666666665949647629930;0.007916666666666667337426410711;0.000000000000000000000000000000;0.023333333333333334397297065266;0.016666666666666666435370203203;0.020833333333333332176851016015;0.026666666666666668378260496297;0.014999999999999999444888487687;0.030833333333333334119741309109;0.012916666666666666574148081281
-0.020652173913043476993767200156;0.023188405797101449556940622188;0.038043478260869567630919618750;0.048188405797101450944719402969;0.028260869565217391213840514297;0.027173913043478260115337619141;0.005434782608695652023067523828;0.026449275362318839383002355703;0.011594202898550724778470311094;0.025362318840579711753946412500;0.017028985507246376801537834922;0.016666666666666666435370203203;0.019202898550724638998543625235;0.031884057971014491406069879531;0.029347826086956522312343409453;0.014855072463768116339255520586;0.026449275362318839383002355703;0.037681159420289857264751987032;0.034057971014492753603075669844;0.011594202898550724778470311094;0.022826086956521739190772990469;0.011594202898550724778470311094;0.013043478260869564508417361992;0.025724637681159418650667092265;0.024637681159420291021611149063;0.032971014492753622504572774687;0.034782608695652174335410933281;0.014855072463768116339255520586;0.001811594202898550746635986108;0.028260869565217391213840514297;0.012318840579710145510805574531;0.012318840579710145510805574531;0.019202898550724638998543625235;0.006159420289855072755402787266;0.017028985507246376801537834922;0.032971014492753622504572774687;0.011231884057971014412302679375;0.008333333333333333217685101602;0.000724637681159420298654394443;0.013043478260869564508417361992;0.010144927536231883313799784219;0.008333333333333333217685101602;0.000000000000000000000000000000;0.023550724637681159923108253906;0.014855072463768116339255520586;0.018478260869565218266208361797;0.027898550724637680847672882578;0.021376811594202897726102463594;0.028260869565217391213840514297;0.010144927536231883313799784219
-0.013398692810457515575683906661;0.008496732026143790153516199837;0.048692810457516340350014871774;0.410130718954248352225988583086;0.015359477124183005744550989391;0.007516339869281045936444396460;0.004575163398692810683143772366;0.020588235294117646773104368663;0.018300653594771242732575089462;0.031045751633986928830211127206;0.009477124183006535237949741202;0.009477124183006535237949741202;0.003267973856209150426005427548;0.018627450980392156604237285933;0.019281045751633987817008630827;0.008496732026143790153516199837;0.018300653594771242732575089462;0.019607843137254901688670827298;0.009150326797385621366287544731;0.001633986928104575213002713774;0.012745098039215686097636037744;0.016013071895424835222598858309;0.001633986928104575213002713774;0.029738562091503266404668437417;0.013725490196078431182069579108;0.027124183006535948492476961746;0.019281045751633987817008630827;0.003267973856209150426005427548;0.001633986928104575213002713774;0.013398692810457515575683906661;0.003267973856209150426005427548;0.016013071895424835222598858309;0.005882352941176470506601248189;0.006209150326797385245625182648;0.002614379084967320080595820642;0.023529411764705882026404992757;0.006209150326797385245625182648;0.005228758169934640161191641283;0.000000000000000000000000000000;0.002287581699346405341571886183;0.007516339869281045936444396460;0.003921568627450980337734165460;0.000000000000000000000000000000;0.017973856209150325391465941038;0.009477124183006535237949741202;0.012418300653594770491250365296;0.026143790849673203408043420382;0.006209150326797385245625182648;0.004901960784313725422167706824;0.006209150326797385245625182648
-0.013836477987421384044930405821;0.033018867924528301494024873364;0.034276729559748427000887005534;0.080503144654088046316964266680;0.055031446540880504803006090242;0.013207547169811321291499339736;0.009119496855345911659473934208;0.028930817610062893596722943812;0.033018867924528301494024873364;0.017924528301886791942232335373;0.011320754716981131296482665505;0.015094339622641509551792537991;0.014150943396226415421645938864;0.027358490566037736713145278600;0.069182389937106916755205077152;0.010377358490566037166336066377;0.025157232704402517076136547303;0.033333333333333332870740406406;0.028616352201257862220007410770;0.010691823899371068543051599420;0.010062893081761005789620533335;0.023270440251572325346396397094;0.005345911949685534271525799710;0.024528301886792454322705481218;0.015723270440251572305223604076;0.015408805031446540928508071033;0.027987421383647799466576344685;0.044025157232704399679068529849;0.001572327044025157317258534206;0.015094339622641509551792537991;0.016666666666666666435370203203;0.016037735849056603681939137118;0.014465408805031446798361471906;0.005345911949685534271525799710;0.015094339622641509551792537991;0.030188679245283019103585075982;0.006918238993710692022465202911;0.003773584905660377387948134498;0.002201257861635220070689600291;0.005974842767295597892318603783;0.012893081761006289914783806694;0.010691823899371068543051599420;0.000000000000000000000000000000;0.006918238993710692022465202911;0.036163522012578615261180203788;0.007861635220125786152611802038;0.023270440251572325346396397094;0.012893081761006289914783806694;0.016666666666666666435370203203;0.008805031446540880282758401165
-0.008156028368794325869584049826;0.005319148936170212636775911363;0.022340425531914894635709956106;0.625177304964539048981464475219;0.002482269503546099403967772901;0.005319148936170212636775911363;0.003900709219858156020371842132;0.009929078014184397615871091602;0.017021276595744681131572306754;0.012411347517730497019838864503;0.006737588652482269686860849589;0.007092198581560283515701215151;0.002836879432624113666489007457;0.012765957446808509981317492077;0.014893617021276596423806637404;0.008156028368794325869584049826;0.010283687943262410577349719176;0.016312056737588651739168099652;0.007801418439716312040743684264;0.002836879432624113666489007457;0.008510638297872340565786153377;0.009219858156028368223466884501;0.001063829787234042570723269172;0.015248226950354609385285264977;0.007446808510638298211903318702;0.009929078014184397615871091602;0.015602836879432624081487368528;0.003191489361702127495329373019;0.002127659574468085141446538344;0.004255319148936170282893076688;0.005673758865248227332978014914;0.013120567375886524677519595627;0.003546099290780141757850607576;0.004964539007092198807935545801;0.003191489361702127495329373019;0.016666666666666666435370203203;0.002127659574468085141446538344;0.003191489361702127495329373019;0.001773049645390070878925303788;0.001773049645390070878925303788;0.004964539007092198807935545801;0.007801418439716312040743684264;0.000000000000000000000000000000;0.009219858156028368223466884501;0.004255319148936170282893076688;0.009929078014184397615871091602;0.013475177304964539373721699178;0.004964539007092198807935545801;0.004609929078014184111733442251;0.006382978723404254990658746038
-0.005084745762711864042193710134;0.011299435028248587531418678509;0.038418079096045200382381068493;0.561016949152542410139687945048;0.007627118644067796930652303189;0.003672316384180791034447244314;0.001412429378531073441427334814;0.009322033898305085233837452563;0.019491525423728815052948348807;0.011299435028248587531418678509;0.003672316384180791034447244314;0.009322033898305085233837452563;0.003107344632768361744612484188;0.010451977401129942946145234828;0.017796610169491525882401461445;0.005367231638418078903951524694;0.020903954802259885892290469656;0.023728813559322034509868615260;0.010451977401129942946145234828;0.007909604519774010925048379761;0.007909604519774010925048379761;0.015536723163841808723062420938;0.003389830508474576172689429754;0.012711864406779661840207751311;0.005649717514124293765709339254;0.009604519774011300095595267123;0.009887005649717514957353081684;0.018926553672316385329432719686;0.000847457627118644043172357438;0.008757062146892655510321823442;0.006497175141242937483621044947;0.011581920903954802393176493069;0.001412429378531073441427334814;0.004802259887005650047797633562;0.003107344632768361744612484188;0.022316384180790960201079542458;0.003954802259887005462524189880;0.002824858757062146882854669627;0.000847457627118644043172357438;0.007344632768361582068894488629;0.004802259887005650047797633562;0.010734463276836157807903049388;0.000000000000000000000000000000;0.005084745762711864042193710134;0.007909604519774010925048379761;0.004802259887005650047797633562;0.011299435028248587531418678509;0.006497175141242937483621044947;0.004802259887005650047797633562;0.004802259887005650047797633562
-0.014000000000000000291433543964;0.027666666666666665796991964044;0.035000000000000003330669073875;0.166666666666666657414808128124;0.018999999999999999528155214534;0.024333333333333331816028533012;0.003666666666666666598434209945;0.025666666666666667490082076597;0.039666666666666669516239096538;0.013666666666666667240281896056;0.011666666666666667198648532633;0.010333333333333333259318465025;0.018333333333333333425851918719;0.015333333333333332496040135595;0.023666666666666665713725237197;0.011333333333333334147496884725;0.022999999999999999611421941381;0.042000000000000002609024107869;0.019666666666666665630458510350;0.005333333333333333155235056466;0.010999999999999999361621760841;0.034666666666666665075346998037;0.010999999999999999361621760841;0.021333333333333332620940225866;0.018333333333333333425851918719;0.015333333333333332496040135595;0.022333333333333333509118645566;0.021666666666666667406815349750;0.002000000000000000041633363423;0.027666666666666665796991964044;0.008333333333333333217685101602;0.017666666666666667323548622903;0.010999999999999999361621760841;0.010999999999999999361621760841;0.018666666666666668211727042603;0.026666666666666668378260496297;0.008000000000000000166533453694;0.006666666666666667094565124074;0.006000000000000000124900090270;0.025333333333333332704206952712;0.008333333333333333217685101602;0.027333333333333334480563792113;0.000000000000000000000000000000;0.009666666666666667157015169209;0.019333333333333334314030338419;0.008333333333333333217685101602;0.014666666666666666393736839780;0.010999999999999999361621760841;0.019333333333333334314030338419;0.007333333333333333196868419890
-0.022413793103448275551015100859;0.020977011494252875006827352422;0.060344827586206899183718377344;0.099137931034482762449044912501;0.001149425287356321823128979531;0.012068965517241379142854285078;0.001436781609195402278911224414;0.026724137931034484122472250078;0.035632183908045976516998365469;0.018965517241379310081628162266;0.011206896551724137775507550430;0.002586206896551724102040203945;0.010057471264367815952378570898;0.034195402298850575972810617031;0.016379310344827587714311434297;0.011494252873563218231289795312;0.031896551724137932326552657969;0.082471264367816085605333853437;0.012931034482758620510201019727;0.017241379310344827346934692969;0.014942528735632183700676733906;0.012356321839080459598636529961;0.021551724137931035918391842188;0.022126436781609196829956331953;0.018390804597701149170063672500;0.028160919540229884666659998516;0.032183908045977011047611426875;0.014655172413793103244894489023;0.002298850574712643646257959062;0.005459770114942528659862652773;0.001724137931034482734693469297;0.021551724137931035918391842188;0.007758620689655172306120611836;0.004022988505747126380951428359;0.015229885057471264156458978789;0.042241379310344828734713473750;0.025862068965517241020402039453;0.004022988505747126380951428359;0.000574712643678160911564489766;0.015229885057471264156458978789;0.008908045977011494129249591367;0.027873563218390805945601229610;0.000000000000000000000000000000;0.013793103448275861877547754375;0.004885057471264367748298163008;0.012356321839080459598636529961;0.022126436781609196829956331953;0.017528735632183909537440413828;0.041379310344827585632643263125;0.011494252873563218231289795312
-0.011111111111111111535154627461;0.012037037037037037062736644089;0.043209876543209874144579885069;0.469135802469135776426867323607;0.004320987654320987240985640909;0.005246913580246913635929395525;0.002160493827160493620492820455;0.012037037037037037062736644089;0.024382716049382715389759468394;0.012654320987654321326032480499;0.008641975308641974481971281818;0.002469135802469135752140738660;0.005555555555555555767577313730;0.023456790123456791596900927743;0.013580246913580246853614497127;0.005246913580246913635929395525;0.016358024691358025171084022986;0.029629629629629630760412339896;0.007098765432098765558455166769;0.004938271604938271504281477320;0.008333333333333333217685101602;0.025000000000000001387778780781;0.007407407407407407690103084974;0.015123456790123456644492350165;0.012037037037037037062736644089;0.015123456790123456644492350165;0.018827160493827162224267368629;0.015432098765432097908778530382;0.001851851851851851922525771243;0.007716049382716048954389265191;0.000617283950617283938035184665;0.011111111111111111535154627461;0.003395061728395061713403624282;0.004320987654320987240985640909;0.008333333333333333217685101602;0.018518518518518517490534236458;0.007098765432098765558455166769;0.002469135802469135752140738660;0.002777777777777777883788656865;0.013271604938271605589328316910;0.008024691358024691953398921385;0.010802469135802468536144971267;0.000000000000000000000000000000;0.006481481481481481295159330358;0.007098765432098765558455166769;0.005555555555555555767577313730;0.016975308641975307699656383420;0.009876543209876543008562954640;0.016666666666666666435370203203;0.006481481481481481295159330358
-0.006666666666666667094565124074;0.016666666666666666435370203203;0.045454545454545455807071618892;0.400606060606060632167668700276;0.010303030303030303455047445027;0.009090909090909090467524933388;0.005454545454545454974404350423;0.016969696969696971416974307090;0.020606060606060606910094890054;0.013333333333333334189130248149;0.007878787878787879214725897725;0.006060606060606060600803868255;0.006060606060606060600803868255;0.024848484848484848896976728838;0.026363636363636363396656392410;0.005151515151515151727523722514;0.014242424242424242195048655901;0.029696969696969697377619823442;0.010303030303030303455047445027;0.007878787878787879214725897725;0.010909090909090909948808700847;0.014545454545454545441929283811;0.006969696969696969474084013996;0.014848484848484848688809911721;0.010000000000000000208166817117;0.019090909090909092410415226482;0.021818181818181819897617401693;0.011212121212121211460965852780;0.001515151515151515150200967064;0.012121212121212121201607736509;0.001212121212121212120160773651;0.012121212121212121201607736509;0.005454545454545454974404350423;0.013333333333333334189130248149;0.006969696969696969474084013996;0.026969696969696969890417648230;0.005454545454545454974404350423;0.002424242424242424240321547302;0.001818181818181818180241160476;0.006363636363636363847684496164;0.006969696969696969474084013996;0.007272727272727272720964641906;0.000000000000000000000000000000;0.010909090909090909948808700847;0.018787878787878787428811122595;0.007575757575757575967845269815;0.023636363636363635909454217199;0.013939393939393938948168027991;0.011212121212121211460965852780;0.010909090909090909948808700847
-0.028518518518518519433424529552;0.009629629629629630344078705662;0.055555555555555552471602709375;0.020740740740740740144509857146;0.000740740740740740703958178148;0.013333333333333334189130248149;0.003333333333333333547282562037;0.050370370370370370904922197042;0.008888888888888888881179006773;0.031111111111111110216764785719;0.018518518518518517490534236458;0.003333333333333333547282562037;0.008518518518518519017090895318;0.043333333333333334813630699500;0.016666666666666666435370203203;0.010000000000000000208166817117;0.013703703703703704053218359604;0.059999999999999997779553950750;0.017777777777777777762358013547;0.010370370370370370072254928573;0.030740740740740742087400150240;0.005925925925925925631665425186;0.016666666666666666435370203203;0.043703703703703702942995334979;0.022592592592592591199673890401;0.041851851851851848418384349770;0.045925925925925925596970955667;0.001111111111111111110147375847;0.002222222222222222220294751693;0.008148148148148147418279307885;0.003333333333333333547282562037;0.015925925925925926707193980292;0.016666666666666666435370203203;0.005185185185185185036127464286;0.018888888888888889089345823891;0.062222222222222220433529571437;0.031111111111111110216764785719;0.004074074074074073709139653943;0.000000000000000000000000000000;0.011481481481481481399242738917;0.013703703703703704053218359604;0.001481481481481481407916356297;0.000000000000000000000000000000;0.020740740740740740144509857146;0.007777777777777777554191196430;0.015925925925925926707193980292;0.036666666666666666851703837438;0.024814814814814813853649511088;0.051111111111111114102545371907;0.015555555555555555108382392859
-0.006725146198830409156876886101;0.011988304093567251143448437745;0.031871345029239765700435071949;0.529532163742690076269070686976;0.014619883040935671703053344572;0.005263157894736841986571551644;0.004093567251461988597271979273;0.020175438596491228337992396291;0.026900584795321636627507544404;0.012573099415204678705459961918;0.007602339181286549632532434373;0.008187134502923977194543958547;0.001169590643274853822980441365;0.009356725146198830583843530917;0.024269005847953217802626113553;0.004678362573099415291921765458;0.017251461988304093997381727377;0.027485380116959064189519068577;0.007017543859649122937882648188;0.004093567251461988597271979273;0.009064327485380116802837768830;0.009064327485380116802837768830;0.002923976608187134340610668914;0.016374269005847954389087917093;0.005847953216374268681221337829;0.010233918128654970192137341201;0.015204678362573099265064868746;0.009941520467836258145855055091;0.001169590643274853822980441365;0.009941520467836258145855055091;0.000584795321637426911490220682;0.014619883040935671703053344572;0.004678362573099415291921765458;0.004093567251461988597271979273;0.002339181286549707645960882729;0.021345029239766083462015444638;0.008479532163742689240826244657;0.002339181286549707645960882729;0.002046783625730994298635989637;0.002631578947368420993285775822;0.009356725146198830583843530917;0.007602339181286549632532434373;0.000000000000000000000000000000;0.009941520467836258145855055091;0.012280701754385964924454199831;0.007309941520467835851526672286;0.012573099415204678705459961918;0.002046783625730994298635989637;0.007309941520467835851526672286;0.003801169590643274816266217186
-0.014619883040935671703053344572;0.033040935672514620824458120296;0.041228070175438599753725554820;0.100584795321637429643679695346;0.033918128654970756963304978626;0.016666666666666666435370203203;0.003216374269005848121616431001;0.041520467836257311800007840930;0.020175438596491228337992396291;0.020760233918128655900003920465;0.015204678362573099265064868746;0.007894736842105263413538196460;0.007017543859649122937882648188;0.019005847953216373213969347944;0.042397660818713447938854699260;0.005555555555555555767577313730;0.023099415204678362678603065206;0.045029239766081870233183082064;0.032163742690058477746717358059;0.004970760233918129072927527545;0.018128654970760233605675537660;0.018421052631578945651957823770;0.009356725146198830583843530917;0.030116959064327486483847451382;0.016374269005847954389087917093;0.018128654970760233605675537660;0.039181286549707601551961744235;0.032163742690058477746717358059;0.004970760233918129072927527545;0.023099415204678362678603065206;0.007017543859649122937882648188;0.017543859649122806043664013487;0.014619883040935671703053344572;0.008187134502923977194543958547;0.008479532163742689240826244657;0.030116959064327486483847451382;0.013450292397660818313753772202;0.006432748538011696243232862003;0.002339181286549707645960882729;0.009941520467836258145855055091;0.016959064327485378481652489313;0.014327485380116959656771058462;0.000000000000000000000000000000;0.015497076023391813046070630833;0.030116959064327486483847451382;0.012573099415204678705459961918;0.020175438596491228337992396291;0.009356725146198830583843530917;0.017251461988304093997381727377;0.007602339181286549632532434373
-0.006535947712418300852010855095;0.022549019607843136941971451392;0.021241830065359477985875713557;0.592156862745098044875646792207;0.015032679738562091872888792921;0.006862745098039215591034789554;0.001960784313725490168867082730;0.015686274509803921350936661838;0.012091503267973856619588168826;0.005555555555555555767577313730;0.004248366013071895076758099918;0.003594771241830065165029362007;0.004575163398692810683143772366;0.009803921568627450844335413649;0.019934640522875815560333023768;0.005228758169934640161191641283;0.015359477124183005744550989391;0.020261437908496732901442172192;0.014052287581699346788455251556;0.002941176470588235253300624095;0.011111111111111111535154627461;0.013071895424836601704021710191;0.003594771241830065165029362007;0.011764705882352941013202496379;0.005228758169934640161191641283;0.006535947712418300852010855095;0.015686274509803921350936661838;0.008169934640522876281854003366;0.000980392156862745084433541365;0.009150326797385621366287544731;0.001633986928104575213002713774;0.010457516339869280322383282567;0.005228758169934640161191641283;0.004901960784313725422167706824;0.003267973856209150426005427548;0.019281045751633987817008630827;0.004248366013071895076758099918;0.002614379084967320080595820642;0.000980392156862745084433541365;0.004248366013071895076758099918;0.004901960784313725422167706824;0.005228758169934640161191641283;0.000000000000000000000000000000;0.004575163398692810683143772366;0.015032679738562091872888792921;0.001960784313725490168867082730;0.010130718954248366450721086096;0.003921568627450980337734165460;0.007516339869281045936444396460;0.004901960784313725422167706824
-0.011111111111111111535154627461;0.021604938271604937072289942535;0.031481481481481478346129421197;0.351234567901234584486047651808;0.014197530864197531116910333537;0.003395061728395061713403624282;0.010493827160493827271858791050;0.024691358024691356654045648611;0.011419753086419752799440807678;0.016358024691358025171084022986;0.009259259259259258745267118229;0.002160493827160493620492820455;0.003395061728395061713403624282;0.017592592592592593697675695807;0.034259259259259260133045899011;0.004938271604938271504281477320;0.018518518518518517490534236458;0.025000000000000001387778780781;0.017592592592592593697675695807;0.003703703703703703845051542487;0.013271604938271605589328316910;0.010493827160493827271858791050;0.005864197530864197899225231936;0.033333333333333332870740406406;0.006790123456790123426807248563;0.020061728395061727281412089496;0.022839506172839505598881615356;0.018827160493827162224267368629;0.008333333333333333217685101602;0.010802469135802468536144971267;0.001851851851851851922525771243;0.017283950617283948963942563637;0.006172839506172839163511412153;0.008950617283950617480980938012;0.008024691358024691953398921385;0.029938271604938272024698520113;0.007098765432098765558455166769;0.004320987654320987240985640909;0.003395061728395061713403624282;0.010802469135802468536144971267;0.012345679012345678327022824305;0.006172839506172839163511412153;0.000000000000000000000000000000;0.020061728395061727281412089496;0.019135802469135803488553548846;0.014506172839506172381196513754;0.018827160493827162224267368629;0.008950617283950617480980938012;0.012962962962962962590318660716;0.006172839506172839163511412153
-0.017796610169491525882401461445;0.038135593220338985520623253933;0.017231638418079096158885832324;0.126836158192090403540319698550;0.030508474576271187722609212756;0.028248587570621468828546696272;0.010169491525423728084387420267;0.019774011299435029914706163368;0.019491525423728815052948348807;0.011016949152542372669660863949;0.013276836158192089828999904455;0.016384180790960451573612388643;0.021186440677966100754048284216;0.007627118644067796930652303189;0.019774011299435029914706163368;0.008192090395480225786806194321;0.022598870056497175062837357018;0.041525423728813556922823124751;0.031920903954802258561951333604;0.003954802259887005462524189880;0.022316384180790960201079542458;0.016101694915254236711854574082;0.027118644067796609381515438031;0.011016949152542372669660863949;0.011016949152542372669660863949;0.011016949152542372669660863949;0.019209039548022600191190534247;0.048870056497175143328526303321;0.001694915254237288086344714877;0.071186440677966103529605845779;0.013559322033898304690757719015;0.010451977401129942946145234828;0.024858757062146893956899873501;0.004519774011299435186039819001;0.018361581920903955605917090566;0.021468926553672315615806098776;0.006497175141242937483621044947;0.017231638418079096158885832324;0.001977401129943502731262094940;0.016666666666666666435370203203;0.013559322033898304690757719015;0.027683615819209039105031067152;0.000000000000000000000000000000;0.009039548022598870372079638003;0.019491525423728815052948348807;0.019491525423728815052948348807;0.006497175141242937483621044947;0.004519774011299435186039819001;0.015536723163841808723062420938;0.003389830508474576172689429754
-0.013071895424836601704021710191;0.057843137254901963451025892482;0.070588235294117646079214978272;0.006209150326797385245625182648;0.014705882352941176266503120473;0.006209150326797385245625182648;0.002287581699346405341571886183;0.032026143790849670445197716617;0.085294117647058825815165050699;0.009803921568627450844335413649;0.008496732026143790153516199837;0.001960784313725490168867082730;0.004575163398692810683143772366;0.023529411764705882026404992757;0.035620915032679736911269685606;0.008496732026143790153516199837;0.026470588235294117279705616852;0.080065359477124176112994291543;0.018300653594771242732575089462;0.009477124183006535237949741202;0.012745098039215686097636037744;0.042483660130718955971751427114;0.015359477124183005744550989391;0.015032679738562091872888792921;0.013398692810457515575683906661;0.016666666666666666435370203203;0.033006535947712418999078209936;0.053921568627450983113291727022;0.000326797385620915010074477580;0.006862745098039215591034789554;0.003267973856209150426005427548;0.013398692810457515575683906661;0.012745098039215686097636037744;0.004248366013071895076758099918;0.004901960784313725422167706824;0.033333333333333332870740406406;0.013725490196078431182069579108;0.004248366013071895076758099918;0.008169934640522876281854003366;0.015359477124183005744550989391;0.015359477124183005744550989391;0.063398692810457513147071040294;0.000000000000000000000000000000;0.004575163398692810683143772366;0.013725490196078431182069579108;0.005228758169934640161191641283;0.020915032679738560644766565133;0.011111111111111111535154627461;0.018627450980392156604237285933;0.008823529411764705759901872284
-0.014102564102564102768710974090;0.004700854700854700633783078700;0.093162393162393164480761242885;0.047863247863247866675795449964;0.001282051282051282050170049054;0.001709401709401709400226732072;0.002991452991452991667237215623;0.019658119658119657668926549832;0.014102564102564102768710974090;0.068376068376068382947963186780;0.009401709401709401267566157401;0.000427350427350427350056683018;0.002564102564102564100340098108;0.052564102564102564707493314700;0.008547008547008547868495398347;0.007692307692307692734701163317;0.037606837606837605070264629603;0.035042735042735043138328876466;0.005555555555555555767577313730;0.012393162393162392501122504029;0.010683760683760683968257509946;0.015384615384615385469402326635;0.004700854700854700633783078700;0.082905982905982902875230422524;0.010683760683760683968257509946;0.041025641025641025605441569724;0.025641025641025640136039243089;0.000854700854700854700113366036;0.001282051282051282050170049054;0.000854700854700854700113366036;0.000427350427350427350056683018;0.048290598290598292507969091503;0.003418803418803418800453464144;0.007692307692307692734701163317;0.010683760683760683968257509946;0.093162393162393164480761242885;0.014529914529914530335608091605;0.004700854700854700633783078700;0.001282051282051282050170049054;0.009829059829059828834463274916;0.006837606837606837600906928287;0.008119658119658120301598280832;0.000000000000000000000000000000;0.030769230769230770938804653269;0.001282051282051282050170049054;0.009401709401709401267566157401;0.064529914529914536580612605121;0.024786324786324785002245008059;0.016239316239316240603196561665;0.010256410256410256401360392431
-0.012403100775193798277484802384;0.021705426356589146985598404171;0.044186046511627906363539608492;0.179069767441860455692292930507;0.022480620155038759377941204320;0.006976744186046511531085201341;0.005426356589147286746399601043;0.023643410852713177966455404544;0.024806201550387596554969604767;0.029844961240310077105197805736;0.007751937984496123923428001490;0.002325581395348837177028400447;0.004263565891472868157885400819;0.027906976744186046124340805363;0.016279069767441860239198803129;0.008914728682170542511942201713;0.028294573643410852320512205438;0.031782945736434108086054806108;0.006976744186046511531085201341;0.006976744186046511531085201341;0.013565891472868216865999002607;0.016279069767441860239198803129;0.005038759689922480550228200968;0.034496124031007754928701558583;0.013953488372093023062170402682;0.024031007751937984162626804618;0.017829457364341085023884403427;0.122480620155038757990162423539;0.002713178294573643373199800521;0.007364341085271317727256601415;0.001550387596899224784685600298;0.025193798449612402751141004842;0.001937984496124030980857000372;0.005038759689922480550228200968;0.003875968992248061961714000745;0.046899224806201553206186360967;0.009302325581395348708113601788;0.002325581395348837177028400447;0.001550387596899224784685600298;0.006589147286821705334913801266;0.005813953488372092942571001117;0.022868217054263565574112604395;0.000000000000000000000000000000;0.019379844961240309808570003725;0.008914728682170542511942201713;0.012403100775193798277484802384;0.023643410852713177966455404544;0.010852713178294573492799202086;0.012790697674418604473656202458;0.009302325581395348708113601788
-0.014444444444444443781394582516;0.006296296296296296363115274630;0.019629629629629628817522046802;0.628148148148148122160705497663;0.017037037037037038034181790636;0.015185185185185185244294281404;0.003703703703703703845051542487;0.011111111111111111535154627461;0.004444444444444444440589503387;0.010740740740740739936343040029;0.008148148148148147418279307885;0.003333333333333333547282562037;0.004444444444444444440589503387;0.011851851851851851263330850372;0.011851851851851851263330850372;0.010000000000000000208166817117;0.008518518518518519017090895318;0.008148148148148147418279307885;0.015185185185185185244294281404;0.003703703703703703845051542487;0.010000000000000000208166817117;0.003333333333333333547282562037;0.000740740740740740703958178148;0.012222222222222222862142437805;0.012222222222222222862142437805;0.014444444444444443781394582516;0.010740740740740739936343040029;0.008888888888888888881179006773;0.001111111111111111110147375847;0.017777777777777777762358013547;0.004814814814814815172039352831;0.004814814814814815172039352831;0.005925925925925925631665425186;0.002222222222222222220294751693;0.001851851851851851922525771243;0.010000000000000000208166817117;0.002592592592592592518063732143;0.005925925925925925631665425186;0.000370370370370370351979089074;0.002222222222222222220294751693;0.002592592592592592518063732143;0.001111111111111111110147375847;0.000000000000000000000000000000;0.010740740740740739936343040029;0.010000000000000000208166817117;0.005185185185185185036127464286;0.010370370370370370072254928573;0.005555555555555555767577313730;0.002962962962962962815832712593;0.003333333333333333547282562037
-0.022962962962962962798485477833;0.025925925925925925180637321432;0.031481481481481478346129421197;0.114074074074074077733698118209;0.007407407407407407690103084974;0.029999999999999998889776975375;0.009259259259259258745267118229;0.022222222222222223070309254922;0.031481481481481478346129421197;0.012222222222222222862142437805;0.007407407407407407690103084974;0.020000000000000000416333634234;0.020000000000000000416333634234;0.019629629629629628817522046802;0.016296296296296294836558615771;0.014444444444444443781394582516;0.018888888888888889089345823891;0.050740740740740739034286832521;0.024074074074074074125473288177;0.008148148148148147418279307885;0.019629629629629628817522046802;0.015555555555555555108382392859;0.031851851851851853414387960584;0.019259259259259260688157411323;0.025185185185185185452461098521;0.015555555555555555108382392859;0.027037037037037036507625131776;0.011851851851851851263330850372;0.001111111111111111110147375847;0.023703703703703702526661700745;0.026666666666666668378260496297;0.010370370370370370072254928573;0.012962962962962962590318660716;0.007407407407407407690103084974;0.019259259259259260688157411323;0.026666666666666668378260496297;0.007037037037037036958653235530;0.018888888888888889089345823891;0.005555555555555555767577313730;0.022592592592592591199673890401;0.008148148148148147418279307885;0.022222222222222223070309254922;0.000000000000000000000000000000;0.014814814814814815380206169948;0.013703703703703704053218359604;0.022222222222222223070309254922;0.016296296296296294836558615771;0.012222222222222222862142437805;0.026666666666666668378260496297;0.008888888888888888881179006773
-0.037272727272727269876018141304;0.008181818181818182461606525635;0.072424242424242418758595363215;0.019393939393939393922572378415;0.006969696969696969474084013996;0.023939393939393940891058321085;0.002121212121212121427121788386;0.024545454545454543915372624951;0.016969696969696971416974307090;0.033636363636363637852344510293;0.016060606060606059941608947383;0.020303030303030301928490786167;0.010303030303030303455047445027;0.044848484848484845843863411119;0.008484848484848485708487153545;0.019090909090909092410415226482;0.026969696969696969890417648230;0.038181818181818184820830452963;0.009696969696969696961286189207;0.014848484848484848688809911721;0.014242424242424242195048655901;0.011515151515151514707846480690;0.016666666666666666435370203203;0.039090909090909092826748860716;0.037272727272727269876018141304;0.040303030303030305814271372356;0.035454545454545453864181325798;0.001212121212121212120160773651;0.000606060606060606060080386825;0.017272727272727272929131459023;0.016666666666666666435370203203;0.020606060606060606910094890054;0.007272727272727272720964641906;0.006969696969696969474084013996;0.015151515151515151935690539631;0.056969696969696968780194623605;0.016363636363636364923213051270;0.008484848484848485708487153545;0.000606060606060606060080386825;0.013333333333333334189130248149;0.006060606060606060600803868255;0.003939393939393939607362948863;0.000000000000000000000000000000;0.017878787878787879422892714842;0.006060606060606060600803868255;0.010000000000000000208166817117;0.049393939393939392812349353790;0.029090909090909090883858567622;0.028181818181818182877940159869;0.019090909090909092410415226482
-0.016666666666666666435370203203;0.025490196078431372195272075487;0.036274509803921571593487982454;0.279738562091503273343562341324;0.014379084967320260660117448026;0.004901960784313725422167706824;0.009803921568627450844335413649;0.025816993464052286066934271958;0.016666666666666666435370203203;0.014052287581699346788455251556;0.005228758169934640161191641283;0.003594771241830065165029362007;0.008169934640522876281854003366;0.019934640522875815560333023768;0.037581699346405227080136768336;0.009803921568627450844335413649;0.019281045751633987817008630827;0.037581699346405227080136768336;0.015359477124183005744550989391;0.010457516339869280322383282567;0.010784313725490195928768955014;0.008496732026143790153516199837;0.015032679738562091872888792921;0.017973856209150325391465941038;0.012091503267973856619588168826;0.018627450980392156604237285933;0.028758169934640521320234896052;0.012091503267973856619588168826;0.005228758169934640161191641283;0.007843137254901960675468330919;0.008496732026143790153516199837;0.015032679738562091872888792921;0.011111111111111111535154627461;0.006862745098039215591034789554;0.017647058823529411519803744568;0.026470588235294117279705616852;0.011764705882352941013202496379;0.004901960784313725422167706824;0.004901960784313725422167706824;0.022549019607843136941971451392;0.013398692810457515575683906661;0.015686274509803921350936661838;0.000000000000000000000000000000;0.006209150326797385245625182648;0.019281045751633987817008630827;0.009477124183006535237949741202;0.021241830065359477985875713557;0.008496732026143790153516199837;0.022549019607843136941971451392;0.006209150326797385245625182648
-0.041520467836257311800007840930;0.001461988304093567170305334457;0.048245614035087716620076037088;0.082456140350877199507451109639;0.005555555555555555767577313730;0.028362573099415203797812878861;0.002046783625730994298635989637;0.021052631578947367946286206575;0.017543859649122806043664013487;0.039766081871345032583420220362;0.017543859649122806043664013487;0.016666666666666666435370203203;0.024853801169590641895190685773;0.044152046783625734094336223734;0.005555555555555555767577313730;0.020175438596491228337992396291;0.019590643274853800775980872118;0.026315789473684209065496020230;0.015497076023391813046070630833;0.011403508771929825316160389548;0.012865497076023392486465724005;0.008187134502923977194543958547;0.008187134502923977194543958547;0.045614035087719301264641558191;0.040643274853801168722267078692;0.045906432748538013310923844301;0.028947368421052631359824403035;0.002046783625730994298635989637;0.000000000000000000000000000000;0.017836257309941521559393251550;0.010818713450292397754148865374;0.019883040935672516291710110181;0.011111111111111111535154627461;0.005263157894736841986571551644;0.021345029239766083462015444638;0.045906432748538013310923844301;0.009941520467836258145855055091;0.005847953216374268681221337829;0.000292397660818713455745110341;0.009064327485380116802837768830;0.004385964912280701510916003372;0.004093567251461988597271979273;0.000000000000000000000000000000;0.021345029239766083462015444638;0.004385964912280701510916003372;0.012280701754385964924454199831;0.042397660818713447938854699260;0.027777777777777776235801354687;0.024853801169590641895190685773;0.019005847953216373213969347944
-0.006535947712418300852010855095;0.021568627450980391857537910028;0.032679738562091505127416013465;0.422222222222222220988641083750;0.017973856209150325391465941038;0.006209150326797385245625182648;0.008496732026143790153516199837;0.021568627450980391857537910028;0.016666666666666666435370203203;0.019281045751633987817008630827;0.004901960784313725422167706824;0.007516339869281045936444396460;0.002614379084967320080595820642;0.017320261437908497648141548098;0.028431372549019607448572699582;0.004575163398692810683143772366;0.019281045751633987817008630827;0.028104575163398693576910503111;0.006535947712418300852010855095;0.003267973856209150426005427548;0.010457516339869280322383282567;0.010784313725490195928768955014;0.003267973856209150426005427548;0.022222222222222223070309254922;0.004901960784313725422167706824;0.010130718954248366450721086096;0.015686274509803921350936661838;0.027450980392156862364139158217;0.001960784313725490168867082730;0.006535947712418300852010855095;0.001633986928104575213002713774;0.018954248366013070475899482403;0.001960784313725490168867082730;0.009803921568627450844335413649;0.002941176470588235253300624095;0.035947712418300650782931882077;0.005882352941176470506601248189;0.001960784313725490168867082730;0.001633986928104575213002713774;0.002941176470588235253300624095;0.011111111111111111535154627461;0.009803921568627450844335413649;0.000000000000000000000000000000;0.015686274509803921350936661838;0.024836601307189540982500730593;0.013071895424836601704021710191;0.013071895424836601704021710191;0.006209150326797385245625182648;0.007189542483660130330058724013;0.006209150326797385245625182648
-0.013565891472868216865999002607;0.056976744186046514306642762904;0.019379844961240309808570003725;0.100775193798449611004564019368;0.030620155038759689497540605885;0.012015503875968992081313402309;0.018992248062015503612398603650;0.048449612403100777990871961265;0.010077519379844961100456401937;0.012015503875968992081313402309;0.010852713178294573492799202086;0.008527131782945736315770801639;0.011240310077519379688970602160;0.011627906976744185885142002235;0.086821705426356587942393616686;0.009302325581395348708113601788;0.009302325581395348708113601788;0.034108527131782945263083206555;0.031395348837209305359330357987;0.004263565891472868157885400819;0.024031007751937984162626804618;0.009689922480620154904285001862;0.021705426356589146985598404171;0.015891472868217054043027403054;0.012403100775193798277484802384;0.012790697674418604473656202458;0.032945736434108530144015958285;0.050387596899224805502282009684;0.004263565891472868157885400819;0.021317829457364340789427004097;0.011240310077519379688970602160;0.008139534883720930119599401564;0.016279069767441860239198803129;0.005038759689922480550228200968;0.020155038759689922200912803874;0.017829457364341085023884403427;0.012015503875968992081313402309;0.009689922480620154904285001862;0.003100775193798449569371200596;0.018604651162790697416227203576;0.020542635658914728397084203948;0.012790697674418604473656202458;0.000000000000000000000000000000;0.011627906976744185885142002235;0.039147286821705429282758359477;0.011240310077519379688970602160;0.011627906976744185885142002235;0.004263565891472868157885400819;0.016279069767441860239198803129;0.004651162790697674354056800894
-0.008558558558558557877171679706;0.025675675675675677100961991073;0.051801801801801800051450186402;0.068018018018018017167847233395;0.045045045045045042919618083488;0.007657657657657657504501891310;0.005405405405405405705465682331;0.025225225225225224312541882909;0.031531531531531528655953877660;0.012612612612612612156270941455;0.009459459459459459984564944079;0.001801801801801801829541749278;0.017117117117117115754343359413;0.020270270270270271395496308742;0.058108108108108111333756085060;0.003603603603603603659083498556;0.023873873873873872886175462327;0.045945945945945948496458299815;0.026126126126126126419935147283;0.009459459459459459984564944079;0.013963963963963963582637362038;0.040540540540540542790992617483;0.030180180180180180699034409031;0.013513513513513514263664205828;0.006756756756756757131832102914;0.010360360360360360357234732476;0.030630630630630630018007565241;0.027027027027027028527328411656;0.000900900900900900914770874639;0.015765765765765764327976938830;0.002702702702702702852732841166;0.009459459459459459984564944079;0.017117117117117115754343359413;0.013513513513513514263664205828;0.022072072072072072140835885534;0.020270270270270271395496308742;0.010810810810810811410931364662;0.004054054054054054279099261748;0.008558558558558557877171679706;0.068918918918918922744687449722;0.011261261261261260729904520872;0.011261261261261260729904520872;0.000000000000000000000000000000;0.005405405405405405705465682331;0.036936936936936934361419559991;0.012162162162162162837297785245;0.017567567567567568542763467576;0.012612612612612612156270941455;0.020270270270270271395496308742;0.008108108108108108558198523497
-0.013333333333333334189130248149;0.032592592592592589673117231541;0.043333333333333334813630699500;0.069259259259259256524821068979;0.028148148148148147834612942120;0.011111111111111111535154627461;0.011481481481481481399242738917;0.032222222222222221543752596062;0.033703703703703701000105041885;0.018518518518518517490534236458;0.012962962962962962590318660716;0.003333333333333333547282562037;0.010740740740740739936343040029;0.019629629629629628817522046802;0.047407407407407405053323401489;0.008148148148148147418279307885;0.028148148148148147834612942120;0.058518518518518518323201504927;0.032592592592592589673117231541;0.005925925925925925631665425186;0.023333333333333334397297065266;0.014814814814814815380206169948;0.026666666666666668378260496297;0.027407407407407408106436719208;0.009629629629629630344078705662;0.018518518518518517490534236458;0.025555555555555557051272685953;0.020370370370370372015145221667;0.000370370370370370351979089074;0.028518518518518519433424529552;0.005555555555555555767577313730;0.011481481481481481399242738917;0.022222222222222223070309254922;0.004814814814814815172039352831;0.021111111111111111743321444578;0.034074074074074076068363581271;0.012592592592592592726230549260;0.005185185185185185036127464286;0.002222222222222222220294751693;0.010740740740740739936343040029;0.017407407407407406163546426114;0.022962962962962962798485477833;0.000000000000000000000000000000;0.011111111111111111535154627461;0.025185185185185185452461098521;0.012222222222222222862142437805;0.019629629629629628817522046802;0.010740740740740739936343040029;0.026296296296296296779448908865;0.008148148148148147418279307885
-0.008865248226950355261988256927;0.034397163120567376959346717058;0.038297872340425531678675952207;0.292553191489361708033101194815;0.043262411347517730486611498009;0.007801418439716312040743684264;0.004964539007092198807935545801;0.021985815602836879939507852555;0.012056737588652482323636760952;0.010283687943262410577349719176;0.014184397163120567031402430302;0.008156028368794325869584049826;0.003191489361702127495329373019;0.020567375886524821154699438353;0.049645390070921988079355458012;0.007092198581560283515701215151;0.012056737588652482323636760952;0.033333333333333332870740406406;0.027304964539007093443645501907;0.003900709219858156020371842132;0.017021276595744681131572306754;0.012765957446808509981317492077;0.010992907801418439969753926277;0.012411347517730497019838864503;0.009574468085106382919668988052;0.020212765957446809927944286756;0.025177304964539008735879832557;0.030851063829787233466772633506;0.000354609929078014208311125932;0.025531914893617019962634984154;0.007446808510638298211903318702;0.012411347517730497019838864503;0.012411347517730497019838864503;0.006028368794326241161818380476;0.008510638297872340565786153377;0.017021276595744681131572306754;0.006382978723404254990658746038;0.002836879432624113666489007457;0.003191489361702127495329373019;0.006028368794326241161818380476;0.010992907801418439969753926277;0.010283687943262410577349719176;0.000000000000000000000000000000;0.004255319148936170282893076688;0.028014184397163119366602757054;0.007801418439716312040743684264;0.015602836879432624081487368528;0.006028368794326241161818380476;0.009574468085106382919668988052;0.006382978723404254990658746038
-0.006250000000000000346944695195;0.016666666666666666435370203203;0.024305555555555555941049661328;0.510416666666666629659232512495;0.017708333333333332870740406406;0.004513888888888888464845372539;0.005208333333333333044212754004;0.010069444444444445099784424258;0.017361111111111111882099322656;0.005555555555555555767577313730;0.005902777777777777623580135469;0.005208333333333333044212754004;0.003125000000000000173472347598;0.014930555555555556287994356524;0.026388888888888888811790067734;0.004166666666666666608842550801;0.019444444444444444752839729063;0.022916666666666665047591422422;0.009027777777777776929690745078;0.004166666666666666608842550801;0.009374999999999999653055304805;0.016666666666666666435370203203;0.006597222222222222202947516934;0.009374999999999999653055304805;0.008680555555555555941049661328;0.009374999999999999653055304805;0.013541666666666667129259593594;0.012152777777777777970524830664;0.005555555555555555767577313730;0.010416666666666666088425508008;0.002430555555555555594104966133;0.014236111111111110841265237070;0.004861111111111111188209932266;0.005902777777777777623580135469;0.008333333333333333217685101602;0.015972222222222220988641083750;0.004861111111111111188209932266;0.002777777777777777883788656865;0.007291666666666666782314898398;0.013194444444444444405895033867;0.007638888888888888638317720137;0.016319444444444445446729119453;0.000000000000000000000000000000;0.005555555555555555767577313730;0.013541666666666667129259593594;0.002777777777777777883788656865;0.016319444444444445446729119453;0.007986111111111110494320541875;0.010069444444444445099784424258;0.004861111111111111188209932266
-0.026388888888888888811790067734;0.019166666666666665186369300500;0.046666666666666668794594130532;0.084166666666666667406815349750;0.007777777777777777554191196430;0.025000000000000001387778780781;0.004444444444444444440589503387;0.031666666666666669349705642844;0.022499999999999999167332731531;0.016944444444444446001840631766;0.015277777777777777276635440273;0.010000000000000000208166817117;0.017222222222222222098864108375;0.021388888888888887840344921187;0.018333333333333333425851918719;0.010000000000000000208166817117;0.016944444444444446001840631766;0.065833333333333327042069527124;0.029166666666666667129259593594;0.011388888888888889366901580047;0.026388888888888888811790067734;0.015833333333333334674852821422;0.025833333333333333148296162562;0.021111111111111111743321444578;0.022499999999999999167332731531;0.023055555555555554830826636703;0.035555555555555555524716027094;0.009444444444444444544672911945;0.000000000000000000000000000000;0.020000000000000000416333634234;0.010833333333333333703407674875;0.007499999999999999722444243844;0.016388888888888890338346726594;0.007499999999999999722444243844;0.020000000000000000416333634234;0.038333333333333330372738601000;0.021388888888888887840344921187;0.011666666666666667198648532633;0.004722222222222222272336455973;0.017777777777777777762358013547;0.007777777777777777554191196430;0.015833333333333334674852821422;0.000000000000000000000000000000;0.010833333333333333703407674875;0.014722222222222221613141535101;0.020833333333333332176851016015;0.016111111111111110771876298031;0.011111111111111111535154627461;0.035833333333333335091186455656;0.010833333333333333703407674875
-0.018604651162790697416227203576;0.030232558139534883301369205810;0.081007751937984498469269567522;0.000000000000000000000000000000;0.000000000000000000000000000000;0.009689922480620154904285001862;0.001937984496124030980857000372;0.025193798449612402751141004842;0.062403100775193801053042363947;0.020930232558139534593255604022;0.012015503875968992081313402309;0.002713178294573643373199800521;0.015116279069767441650684602905;0.038372093023255816890415559328;0.006201550387596899138742401192;0.013178294573643410669827602533;0.033333333333333332870740406406;0.077906976744186048899898366926;0.008914728682170542511942201713;0.014341085271317829258341802756;0.011627906976744185885142002235;0.041860465116279069186511208045;0.032945736434108530144015958285;0.022093023255813953181769804246;0.020155038759689922200912803874;0.018992248062015503612398603650;0.024806201550387596554969604767;0.013565891472868216865999002607;0.000387596899224806196171400074;0.003875968992248061961714000745;0.004651162790697674354056800894;0.014728682170542635454513202831;0.008914728682170542511942201713;0.009689922480620154904285001862;0.035271317829457367321044358732;0.044961240310077518755882408641;0.017441860465116278827713003352;0.005426356589147286746399601043;0.003875968992248061961714000745;0.033720930232558142536358758434;0.005426356589147286746399601043;0.034108527131782945263083206555;0.000000000000000000000000000000;0.010465116279069767296627802011;0.005038759689922480550228200968;0.006201550387596899138742401192;0.031007751937984495693712005959;0.019767441860465116004741403799;0.036434108527131782440111607002;0.010465116279069767296627802011
-0.016296296296296294836558615771;0.008148148148148147418279307885;0.015555555555555555108382392859;0.478888888888888863970549891746;0.006666666666666667094565124074;0.012962962962962962590318660716;0.005185185185185185036127464286;0.012962962962962962590318660716;0.010740740740740739936343040029;0.013703703703703704053218359604;0.010370370370370370072254928573;0.010740740740740739936343040029;0.009629629629629630344078705662;0.011481481481481481399242738917;0.013703703703703704053218359604;0.011481481481481481399242738917;0.010000000000000000208166817117;0.021111111111111111743321444578;0.017037037037037038034181790636;0.007037037037037036958653235530;0.014444444444444443781394582516;0.008148148148148147418279307885;0.012592592592592592726230549260;0.016296296296296294836558615771;0.016296296296296294836558615771;0.012962962962962962590318660716;0.017037037037037038034181790636;0.002222222222222222220294751693;0.000740740740740740703958178148;0.017777777777777777762358013547;0.015925925925925926707193980292;0.006296296296296296363115274630;0.009629629629629630344078705662;0.003333333333333333547282562037;0.011851851851851851263330850372;0.017777777777777777762358013547;0.004814814814814815172039352831;0.010370370370370370072254928573;0.001851851851851851922525771243;0.012962962962962962590318660716;0.007777777777777777554191196430;0.006296296296296296363115274630;0.000000000000000000000000000000;0.007037037037037036958653235530;0.011481481481481481399242738917;0.012962962962962962590318660716;0.008888888888888888881179006773;0.006666666666666667094565124074;0.015925925925925926707193980292;0.005925925925925925631665425186
-0.011574074074074073431583897786;0.001851851851851851922525771243;0.012500000000000000693889390391;0.669444444444444397568361182493;0.006944444444444444058950338672;0.011574074074074073431583897786;0.004629629629629629372633559115;0.006944444444444444058950338672;0.006481481481481481295159330358;0.004629629629629629372633559115;0.006018518518518518531368322044;0.007870370370370369586532355299;0.005555555555555555767577313730;0.008796296296296296848837847904;0.007870370370370369586532355299;0.009259259259259258745267118229;0.005555555555555555767577313730;0.004629629629629629372633559115;0.014351851851851851749053423646;0.001388888888888888941894328433;0.009722222222222222376419864531;0.008796296296296296848837847904;0.002314814814814814686316779557;0.007407407407407407690103084974;0.013888888888888888117900677344;0.002777777777777777883788656865;0.007870370370370369586532355299;0.000925925925925925961262885622;0.000925925925925925961262885622;0.008333333333333333217685101602;0.010648148148148147904001881159;0.009722222222222222376419864531;0.003240740740740740647579665179;0.002777777777777777883788656865;0.010648148148148147904001881159;0.007407407407407407690103084974;0.002777777777777777883788656865;0.008796296296296296848837847904;0.000462962962962962980631442811;0.010185185185185186007572610833;0.002777777777777777883788656865;0.004166666666666666608842550801;0.000000000000000000000000000000;0.009722222222222222376419864531;0.011111111111111111535154627461;0.011111111111111111535154627461;0.008796296296296296848837847904;0.003703703703703703845051542487;0.004629629629629629372633559115;0.006481481481481481295159330358
-0.008045977011494252761902856719;0.009195402298850574585031836250;0.012068965517241379142854285078;0.589080459770114917006367249996;0.001724137931034482734693469297;0.005747126436781609115644897656;0.005747126436781609115644897656;0.023563218390804597374144080391;0.004022988505747126380951428359;0.020689655172413792816321631562;0.008045977011494252761902856719;0.002873563218390804557822448828;0.002298850574712643646257959062;0.009770114942528735496596326016;0.021264367816091953727886121328;0.012068965517241379142854285078;0.006896551724137930938773877187;0.008620689655172413673467346484;0.013793103448275861877547754375;0.000574712643678160911564489766;0.009770114942528735496596326016;0.004022988505747126380951428359;0.000574712643678160911564489766;0.022988505747126436462579590625;0.010344827586206896408160815781;0.010344827586206896408160815781;0.016091954022988505523805713437;0.016666666666666666435370203203;0.002298850574712643646257959062;0.007471264367816091850338366953;0.004597701149425287292515918125;0.014367816091954022789112244141;0.002298850574712643646257959062;0.006896551724137930938773877187;0.004597701149425287292515918125;0.016091954022988505523805713437;0.000574712643678160911564489766;0.006321839080459770027209387422;0.001724137931034482734693469297;0.002873563218390804557822448828;0.005747126436781609115644897656;0.002298850574712643646257959062;0.000000000000000000000000000000;0.008045977011494252761902856719;0.022413793103448275551015100859;0.014367816091954022789112244141;0.006896551724137930938773877187;0.005172413793103448204080407891;0.004022988505747126380951428359;0.004022988505747126380951428359
-0.016666666666666666435370203203;0.010000000000000000208166817117;0.036111111111111107718762980312;0.323333333333333305947832059246;0.006111111111111111431071218902;0.012777777777777778525636342977;0.011111111111111111535154627461;0.029999999999999998889776975375;0.015555555555555555108382392859;0.022777777777777778733803160094;0.012777777777777778525636342977;0.010000000000000000208166817117;0.004444444444444444440589503387;0.020000000000000000416333634234;0.022777777777777778733803160094;0.011111111111111111535154627461;0.021666666666666667406815349750;0.021666666666666667406815349750;0.012222222222222222862142437805;0.003333333333333333547282562037;0.020555555555555556079827539406;0.010555555555555555871660722289;0.000000000000000000000000000000;0.030555555555555554553270880547;0.018888888888888889089345823891;0.028333333333333331899295259859;0.023888888888888890060790970438;0.018333333333333333425851918719;0.001666666666666666773641281019;0.010555555555555555871660722289;0.008888888888888888881179006773;0.016666666666666666435370203203;0.005555555555555555767577313730;0.007777777777777777554191196430;0.001666666666666666773641281019;0.025555555555555557051272685953;0.008888888888888888881179006773;0.010555555555555555871660722289;0.001111111111111111110147375847;0.003888888888888888777095598215;0.010555555555555555871660722289;0.007777777777777777554191196430;0.000000000000000000000000000000;0.018888888888888889089345823891;0.018888888888888889089345823891;0.016111111111111110771876298031;0.023888888888888890060790970438;0.011111111111111111535154627461;0.005000000000000000104083408559;0.009444444444444444544672911945
-0.023456790123456791596900927743;0.018518518518518517490534236458;0.059876543209876544049397040226;0.003086419753086419581755706076;0.014197530864197531116910333537;0.023456790123456791596900927743;0.004938271604938271504281477320;0.040740740740740744030290443334;0.043827160493827163612046149410;0.022839506172839505598881615356;0.019753086419753086017125909279;0.033950617283950615399312766840;0.006790123456790123426807248563;0.017283950617283948963942563637;0.040123456790123454562824178993;0.016049382716049383906797842769;0.017901234567901234961961876024;0.042592592592592591616007524635;0.029629629629629630760412339896;0.006790123456790123426807248563;0.020987654320987654543717582101;0.019753086419753086017125909279;0.009876543209876543008562954640;0.036419753086419752452496112483;0.032098765432098767813595685539;0.026543209876543211178656633820;0.036419753086419752452496112483;0.013580246913580246853614497127;0.001851851851851851922525771243;0.033950617283950615399312766840;0.014814814814814815380206169948;0.014197530864197531116910333537;0.016666666666666666435370203203;0.008024691358024691953398921385;0.011111111111111111535154627461;0.032098765432098767813595685539;0.010493827160493827271858791050;0.007407407407407407690103084974;0.004320987654320987240985640909;0.005555555555555555767577313730;0.014197530864197531116910333537;0.022222222222222223070309254922;0.000000000000000000000000000000;0.012962962962962962590318660716;0.025925925925925925180637321432;0.014814814814814815380206169948;0.019753086419753086017125909279;0.012962962962962962590318660716;0.023456790123456791596900927743;0.011728395061728395798450463872
-0.027037037037037036507625131776;0.005555555555555555767577313730;0.084444444444444446973285778313;0.014444444444444443781394582516;0.000740740740740740703958178148;0.013703703703703704053218359604;0.001111111111111111110147375847;0.022962962962962962798485477833;0.036666666666666666851703837438;0.021851851851851851471497667490;0.013703703703703704053218359604;0.008148148148148147418279307885;0.011851851851851851263330850372;0.048888888888888891448569751219;0.006296296296296296363115274630;0.023703703703703702526661700745;0.041111111111111112159655078813;0.048888888888888891448569751219;0.011851851851851851263330850372;0.015555555555555555108382392859;0.009259259259259258745267118229;0.024074074074074074125473288177;0.015185185185185185244294281404;0.048518518518518516380311211833;0.028888888888888887562789165031;0.038518518518518521376314822646;0.027407407407407408106436719208;0.000740740740740740703958178148;0.001481481481481481407916356297;0.007407407407407407690103084974;0.006296296296296296363115274630;0.024444444444444445724284875610;0.007407407407407407690103084974;0.007407407407407407690103084974;0.027777777777777776235801354687;0.059259259259259261520824679792;0.014814814814814815380206169948;0.008888888888888888881179006773;0.000000000000000000000000000000;0.021111111111111111743321444578;0.003703703703703703845051542487;0.008518518518518519017090895318;0.000000000000000000000000000000;0.022592592592592591199673890401;0.003333333333333333547282562037;0.016666666666666666435370203203;0.042592592592592591616007524635;0.023703703703703702526661700745;0.024444444444444445724284875610;0.017037037037037038034181790636
-0.010833333333333333703407674875;0.012083333333333333078907223523;0.029999999999999998889776975375;0.370416666666666671847707448251;0.006666666666666667094565124074;0.011249999999999999583666365766;0.007083333333333332974823814965;0.028333333333333331899295259859;0.007499999999999999722444243844;0.017916666666666667545593227828;0.014166666666666665949647629930;0.003749999999999999861222121922;0.006250000000000000346944695195;0.017500000000000001665334536938;0.032083333333333331760517381781;0.006250000000000000346944695195;0.020416666666666666296592325125;0.024166666666666666157814447047;0.015416666666666667059870654555;0.003749999999999999861222121922;0.014999999999999999444888487687;0.011666666666666667198648532633;0.005000000000000000104083408559;0.023750000000000000277555756156;0.014166666666666665949647629930;0.024166666666666666157814447047;0.029583333333333333009518284484;0.005833333333333333599324266316;0.002500000000000000052041704279;0.009166666666666666712925959359;0.005416666666666666851703837438;0.018333333333333333425851918719;0.008750000000000000832667268469;0.006666666666666667094565124074;0.002916666666666666799662133158;0.025833333333333333148296162562;0.007499999999999999722444243844;0.007916666666666667337426410711;0.000416666666666666693410320255;0.004583333333333333356462979680;0.010833333333333333703407674875;0.002916666666666666799662133158;0.000000000000000000000000000000;0.020833333333333332176851016015;0.021666666666666667406815349750;0.016250000000000000555111512313;0.018333333333333333425851918719;0.010833333333333333703407674875;0.010000000000000000208166817117;0.013333333333333334189130248149
-0.027777777777777776235801354687;0.016296296296296294836558615771;0.025555555555555557051272685953;0.188148148148148147695835064042;0.010370370370370370072254928573;0.030370370370370370488588562807;0.009629629629629630344078705662;0.034814814814814812327092852229;0.010000000000000000208166817117;0.015555555555555555108382392859;0.011481481481481481399242738917;0.010370370370370370072254928573;0.015185185185185185244294281404;0.022962962962962962798485477833;0.024074074074074074125473288177;0.014814814814814815380206169948;0.021481481481481479872686080057;0.031851851851851853414387960584;0.020370370370370372015145221667;0.005555555555555555767577313730;0.020740740740740740144509857146;0.008888888888888888881179006773;0.016296296296296294836558615771;0.028518518518518519433424529552;0.022592592592592591199673890401;0.022592592592592591199673890401;0.029999999999999998889776975375;0.007037037037037036958653235530;0.004444444444444444440589503387;0.017407407407407406163546426114;0.017777777777777777762358013547;0.018148148148148149361169600979;0.013333333333333334189130248149;0.005925925925925925631665425186;0.014814814814814815380206169948;0.031111111111111110216764785719;0.010000000000000000208166817117;0.015555555555555555108382392859;0.001851851851851851922525771243;0.013703703703703704053218359604;0.008888888888888888881179006773;0.007407407407407407690103084974;0.000000000000000000000000000000;0.017407407407407406163546426114;0.016666666666666666435370203203;0.016296296296296294836558615771;0.017407407407407406163546426114;0.012962962962962962590318660716;0.022222222222222223070309254922;0.013333333333333334189130248149
-0.022962962962962962798485477833;0.010370370370370370072254928573;0.015555555555555555108382392859;0.412222222222222212106856886749;0.008148148148148147418279307885;0.021481481481481479872686080057;0.005925925925925925631665425186;0.025555555555555557051272685953;0.008888888888888888881179006773;0.017037037037037038034181790636;0.012222222222222222862142437805;0.014074074074074073917306471060;0.012592592592592592726230549260;0.013333333333333334189130248149;0.020000000000000000416333634234;0.009259259259259258745267118229;0.008518518518518519017090895318;0.017037037037037038034181790636;0.021851851851851851471497667490;0.004444444444444444440589503387;0.026296296296296296779448908865;0.004814814814814815172039352831;0.003703703703703703845051542487;0.015185185185185185244294281404;0.022222222222222223070309254922;0.015185185185185185244294281404;0.025555555555555557051272685953;0.004814814814814815172039352831;0.004074074074074073709139653943;0.016296296296296294836558615771;0.010000000000000000208166817117;0.014814814814814815380206169948;0.009629629629629630344078705662;0.003703703703703703845051542487;0.005925925925925925631665425186;0.012592592592592592726230549260;0.012592592592592592726230549260;0.005925925925925925631665425186;0.002222222222222222220294751693;0.001851851851851851922525771243;0.008888888888888888881179006773;0.006666666666666667094565124074;0.000000000000000000000000000000;0.014814814814814815380206169948;0.014814814814814815380206169948;0.018888888888888889089345823891;0.007037037037037036958653235530;0.009629629629629630344078705662;0.012962962962962962590318660716;0.007407407407407407690103084974
-0.014166666666666665949647629930;0.005833333333333333599324266316;0.042222222222222223486642889156;0.220555555555555560243163881751;0.002500000000000000052041704279;0.009722222222222222376419864531;0.005555555555555555767577313730;0.028611111111111111465765688422;0.004722222222222222272336455973;0.038333333333333330372738601000;0.008055555555555555385938149016;0.003611111111111110945348645629;0.010555555555555555871660722289;0.047777777777777780121581940875;0.020555555555555556079827539406;0.007499999999999999722444243844;0.014444444444444443781394582516;0.015555555555555555108382392859;0.008333333333333333217685101602;0.010833333333333333703407674875;0.013055555555555556357383295563;0.008055555555555555385938149016;0.004166666666666666608842550801;0.056666666666666663798590519718;0.018333333333333333425851918719;0.034444444444444444197728216750;0.028055555555555555802271783250;0.003055555555555555715535609451;0.002777777777777777883788656865;0.005555555555555555767577313730;0.003333333333333333547282562037;0.030555555555555554553270880547;0.003888888888888888777095598215;0.010277777777777778039913769703;0.017777777777777777762358013547;0.047222222222222220988641083750;0.010000000000000000208166817117;0.004444444444444444440589503387;0.000833333333333333386820640509;0.008888888888888888881179006773;0.009166666666666666712925959359;0.003333333333333333547282562037;0.000000000000000000000000000000;0.027222222222222220572307449515;0.007777777777777777554191196430;0.021111111111111111743321444578;0.046666666666666668794594130532;0.023888888888888890060790970438;0.018055555555555553859381490156;0.011944444444444445030395485219
-0.008823529411764705759901872284;0.006862745098039215591034789554;0.007352941176470588133251560237;0.608823529411764652330418812198;0.005882352941176470506601248189;0.006372549019607843048818018872;0.008333333333333333217685101602;0.013235294117647058639852808426;0.008333333333333333217685101602;0.009803921568627450844335413649;0.004901960784313725422167706824;0.009313725490196078302118642966;0.006372549019607843048818018872;0.004901960784313725422167706824;0.015686274509803921350936661838;0.006862745098039215591034789554;0.009313725490196078302118642966;0.009803921568627450844335413649;0.009803921568627450844335413649;0.000980392156862745084433541365;0.012745098039215686097636037744;0.010294117647058823386552184331;0.008823529411764705759901872284;0.016176470588235295627876908497;0.009803921568627450844335413649;0.013235294117647058639852808426;0.015196078431372548808719891156;0.004411764705882352879950936142;0.005882352941176470506601248189;0.010294117647058823386552184331;0.008333333333333333217685101602;0.007843137254901960675468330919;0.002941176470588235253300624095;0.004901960784313725422167706824;0.009803921568627450844335413649;0.006862745098039215591034789554;0.002450980392156862711083853412;0.008823529411764705759901872284;0.003431372549019607795517394777;0.013725490196078431182069579108;0.005392156862745097964384477507;0.008333333333333333217685101602;0.000000000000000000000000000000;0.008333333333333333217685101602;0.012254901960784313555419267061;0.006862745098039215591034789554;0.003431372549019607795517394777;0.004901960784313725422167706824;0.007352941176470588133251560237;0.005392156862745097964384477507
-0.010101010101010101868701518413;0.006060606060606060600803868255;0.013636363636363635701287400082;0.601515151515151558214711258188;0.004040404040404040400535912170;0.006060606060606060600803868255;0.010606060606060606701928072937;0.030808080808080808704607633786;0.000505050505050505050066989021;0.012626262626262626034834291033;0.006565656565656565434030422779;0.006060606060606060600803868255;0.001515151515151515150200967064;0.010101010101010101868701518413;0.029797979797979799038154524737;0.011616161616161616368381181985;0.003030303030303030300401934127;0.005555555555555555767577313730;0.008585858585858585634298378864;0.001515151515151515150200967064;0.014646464646464647102463985107;0.001515151515151515150200967064;0.002020202020202020200267956085;0.019191919191919190601502975824;0.008585858585858585634298378864;0.013636363636363635701287400082;0.017171717171717171268596757727;0.002525252525252525467175379603;0.002525252525252525467175379603;0.004545454545454545233762466694;0.004040404040404040400535912170;0.014141414141414142269237430583;0.004040404040404040400535912170;0.011111111111111111535154627461;0.001010101010101010100133978042;0.008585858585858585634298378864;0.002525252525252525467175379603;0.007575757575757575967845269815;0.000000000000000000000000000000;0.000505050505050505050066989021;0.011111111111111111535154627461;0.000505050505050505050066989021;0.000000000000000000000000000000;0.014141414141414142269237430583;0.012626262626262626034834291033;0.011616161616161616368381181985;0.014646464646464647102463985107;0.005555555555555555767577313730;0.002525252525252525467175379603;0.007070707070707071134618715291
-0.019259259259259260688157411323;0.000370370370370370351979089074;0.031851851851851853414387960584;0.354074074074074096607489536837;0.000370370370370370351979089074;0.004444444444444444440589503387;0.002222222222222222220294751693;0.015925925925925926707193980292;0.001111111111111111110147375847;0.052962962962962961688262453208;0.008518518518518519017090895318;0.002592592592592592518063732143;0.004814814814814815172039352831;0.037777777777777778178691647781;0.004814814814814815172039352831;0.017037037037037038034181790636;0.004444444444444444440589503387;0.005555555555555555767577313730;0.002592592592592592518063732143;0.005555555555555555767577313730;0.013703703703703704053218359604;0.004814814814814815172039352831;0.001481481481481481407916356297;0.074074074074074069962136945833;0.018888888888888889089345823891;0.056666666666666663798590519718;0.011111111111111111535154627461;0.000000000000000000000000000000;0.000740740740740740703958178148;0.003333333333333333547282562037;0.002962962962962962815832712593;0.021481481481481479872686080057;0.001111111111111111110147375847;0.004444444444444444440589503387;0.003333333333333333547282562037;0.040000000000000000832667268469;0.006296296296296296363115274630;0.005555555555555555767577313730;0.000000000000000000000000000000;0.005925925925925925631665425186;0.004814814814814815172039352831;0.000740740740740740703958178148;0.000000000000000000000000000000;0.028888888888888887562789165031;0.001851851851851851922525771243;0.016666666666666666435370203203;0.047407407407407405053323401489;0.029999999999999998889776975375;0.006296296296296296363115274630;0.011111111111111111535154627461
-0.021153846153846155020428199123;0.004487179487179486850334519943;0.037820512820512817986351450372;0.346794871794871784054237195960;0.016025641025641024217662788942;0.013461538461538462285727035805;0.002564102564102564100340098108;0.011538461538461539102051744976;0.003846153846153846367350581659;0.032051282051282048435325577884;0.012179487179487179585035683260;0.014102564102564102768710974090;0.009615384615384615918376454147;0.032051282051282048435325577884;0.013461538461538462285727035805;0.012179487179487179585035683260;0.010256410256410256401360392431;0.011538461538461539102051744976;0.021153846153846155020428199123;0.006410256410256410034009810772;0.008974358974358973700669039886;0.004487179487179486850334519943;0.004487179487179486850334519943;0.025000000000000001387778780781;0.022435897435897435986396075691;0.037179487179487179238090988065;0.016025641025641024217662788942;0.000641025641025641025085024527;0.000641025641025641025085024527;0.027564102564102563319714533918;0.012820512820512820068019621544;0.010256410256410256401360392431;0.004487179487179486850334519943;0.010256410256410256401360392431;0.012820512820512820068019621544;0.021153846153846155020428199123;0.006410256410256410034009810772;0.010256410256410256401360392431;0.000000000000000000000000000000;0.008333333333333333217685101602;0.002564102564102564100340098108;0.003205128205128205017004905386;0.000000000000000000000000000000;0.012820512820512820068019621544;0.017307692307692308653077617464;0.010897435897435896884344330715;0.036538461538461540489830525757;0.017307692307692308653077617464;0.012820512820512820068019621544;0.009615384615384615918376454147
-0.006565656565656565434030422779;0.003030303030303030300401934127;0.012121212121212121201607736509;0.651515151515151491601329780678;0.009595959595959595300751487912;0.010606060606060606701928072937;0.003535353535353535567309357646;0.007575757575757575967845269815;0.014646464646464647102463985107;0.007070707070707071134618715291;0.006565656565656565434030422779;0.015151515151515151935690539631;0.005050505050505050934350759206;0.012626262626262626034834291033;0.012626262626262626034834291033;0.006060606060606060600803868255;0.002020202020202020200267956085;0.007575757575757575967845269815;0.007070707070707071134618715291;0.002020202020202020200267956085;0.011111111111111111535154627461;0.006565656565656565434030422779;0.001515151515151515150200967064;0.009595959595959595300751487912;0.012626262626262626034834291033;0.011616161616161616368381181985;0.011616161616161616368381181985;0.005050505050505050934350759206;0.001010101010101010100133978042;0.013131313131313130868060845557;0.009090909090909090467524933388;0.005555555555555555767577313730;0.004040404040404040400535912170;0.002020202020202020200267956085;0.003030303030303030300401934127;0.011616161616161616368381181985;0.004040404040404040400535912170;0.003535353535353535567309357646;0.001010101010101010100133978042;0.002525252525252525467175379603;0.001515151515151515150200967064;0.007070707070707071134618715291;0.000000000000000000000000000000;0.011111111111111111535154627461;0.013636363636363635701287400082;0.008080808080808080801071824339;0.007575757575757575967845269815;0.009595959595959595300751487912;0.003535353535353535567309357646;0.004545454545454545233762466694
-0.035271317829457367321044358732;0.019379844961240309808570003725;0.036434108527131782440111607002;0.017441860465116278827713003352;0.028294573643410852320512205438;0.031395348837209305359330357987;0.003875968992248061961714000745;0.036046511627906979713387158881;0.018217054263565891220055803501;0.022868217054263565574112604395;0.020930232558139534593255604022;0.034883720930232557655426006704;0.012015503875968992081313402309;0.021317829457364340789427004097;0.025968992248062015143483804991;0.023255813953488371770284004469;0.013178294573643410669827602533;0.029069767441860464712855005587;0.037984496124031007224797207300;0.005813953488372092942571001117;0.024418604651162790358798204693;0.007751937984496123923428001490;0.007751937984496123923428001490;0.024806201550387596554969604767;0.036821705426356592105729959030;0.032170542635658917751673158136;0.033333333333333332870740406406;0.035658914728682170047768806853;0.001937984496124030980857000372;0.038759689922480619617140007449;0.030232558139534883301369205810;0.016666666666666666435370203203;0.015116279069767441650684602905;0.003875968992248061961714000745;0.008139534883720930119599401564;0.027131782945736433731998005214;0.015116279069767441650684602905;0.012403100775193798277484802384;0.001937984496124030980857000372;0.002713178294573643373199800521;0.008527131782945736315770801639;0.008139534883720930119599401564;0.000000000000000000000000000000;0.015891472868217054043027403054;0.024031007751937984162626804618;0.019379844961240309808570003725;0.023255813953488371770284004469;0.017441860465116278827713003352;0.020155038759689922200912803874;0.012790697674418604473656202458
-0.021014492753623187359934831875;0.010869565217391304046135047656;0.022463768115942028824605358750;0.257246376811594179567777018747;0.021014492753623187359934831875;0.021739130434782608092270095312;0.006521739130434782254208680996;0.033333333333333332870740406406;0.006521739130434782254208680996;0.018115942028985507900040730078;0.018840579710144928632375993516;0.018115942028985507900040730078;0.012318840579710145510805574531;0.015217391304347826705423152305;0.032608695652173912138405142969;0.015942028985507245703034939766;0.010869565217391304046135047656;0.018840579710144928632375993516;0.023188405797101449556940622188;0.003623188405797101493271972217;0.024637681159420291021611149063;0.003623188405797101493271972217;0.007246376811594202986543944434;0.013768115942028985240752625430;0.015217391304347826705423152305;0.022463768115942028824605358750;0.032608695652173912138405142969;0.042753623188405795452204927187;0.002173913043478260895963183330;0.018115942028985507900040730078;0.013768115942028985240752625430;0.012318840579710145510805574531;0.010869565217391304046135047656;0.005797101449275362389235155547;0.012318840579710145510805574531;0.023913043478260870289275885625;0.010144927536231883313799784219;0.006521739130434782254208680996;0.000724637681159420298654394443;0.006521739130434782254208680996;0.012318840579710145510805574531;0.000724637681159420298654394443;0.000000000000000000000000000000;0.015942028985507245703034939766;0.024637681159420291021611149063;0.010869565217391304046135047656;0.023913043478260870289275885625;0.012318840579710145510805574531;0.014492753623188405973087888867;0.010869565217391304046135047656
-0.044871794871794871972792151382;0.008974358974358973700669039886;0.062820512820512819374130231154;0.048717948717948718340142733041;0.001923076923076923183675290829;0.021794871794871793768688661430;0.001923076923076923183675290829;0.027564102564102563319714533918;0.019230769230769231836752908293;0.037820512820512817986351450372;0.013461538461538462285727035805;0.006410256410256410034009810772;0.014102564102564102768710974090;0.031410256410256409687065115577;0.012820512820512820068019621544;0.025641025641025640136039243089;0.016666666666666666435370203203;0.046794871794871795156467442212;0.008974358974358973700669039886;0.009615384615384615918376454147;0.020512820512820512802720784862;0.017307692307692308653077617464;0.008974358974358973700669039886;0.033974358974358971619000868714;0.044871794871794871972792151382;0.046153846153846156408206979904;0.034615384615384617306155234928;0.011538461538461539102051744976;0.000641025641025641025085024527;0.003205128205128205017004905386;0.005769230769230769551025872488;0.016666666666666666435370203203;0.004487179487179486850334519943;0.012179487179487179585035683260;0.016025641025641024217662788942;0.044230769230769233224531689075;0.014743589743589743251694912374;0.016666666666666666435370203203;0.000641025641025641025085024527;0.008974358974358973700669039886;0.007051282051282051384355487045;0.010256410256410256401360392431;0.000000000000000000000000000000;0.021794871794871793768688661430;0.003205128205128205017004905386;0.017948717948717947401338079771;0.042307692307692310040856398246;0.019230769230769231836752908293;0.032692307692307694122479944099;0.021794871794871793768688661430
-0.035802469135802469923923752049;0.021604938271604937072289942535;0.035802469135802469923923752049;0.070370370370370374790702783230;0.015740740740740739173064710599;0.024074074074074074125473288177;0.005864197530864197899225231936;0.033024691358024688137007274236;0.020370370370370372015145221667;0.021604938271604937072289942535;0.018827160493827162224267368629;0.023456790123456791596900927743;0.013888888888888888117900677344;0.026234567901234566444923501649;0.022530864197530864334595435139;0.027777777777777776235801354687;0.012654320987654321326032480499;0.037654320987654324448534737257;0.024382716049382715389759468394;0.006481481481481481295159330358;0.023456790123456791596900927743;0.014197530864197531116910333537;0.009259259259259258745267118229;0.025617283950617283916351141215;0.038580246913580244771946325955;0.033333333333333332870740406406;0.028703703703703703498106847292;0.020370370370370372015145221667;0.001543209876543209790877853038;0.017901234567901234961961876024;0.025308641975308642652064960998;0.009876543209876543008562954640;0.012654320987654321326032480499;0.005246913580246913635929395525;0.012654320987654321326032480499;0.026234567901234566444923501649;0.012654320987654321326032480499;0.017901234567901234961961876024;0.003086419753086419581755706076;0.007407407407407407690103084974;0.008950617283950617480980938012;0.015123456790123456644492350165;0.000000000000000000000000000000;0.016666666666666666435370203203;0.015740740740740739173064710599;0.017592592592592593697675695807;0.023456790123456791596900927743;0.013888888888888888117900677344;0.028395061728395062233820667075;0.016049382716049383906797842769
-0.010975609756097560315568628653;0.006097560975609756309112619022;0.022357723577235772555171777753;0.560975609756097615132830469520;0.003252032520325203249211831746;0.003252032520325203249211831746;0.004878048780487804873817747620;0.012195121951219512618225238043;0.002439024390243902436908873810;0.010162601626016259936946539710;0.007317073170731707744407490424;0.003658536585365853872203745212;0.004471544715447154684506703148;0.021544715447154472176549688811;0.010162601626016259936946539710;0.006910569105691056687734707964;0.006504065040650406498423663493;0.009349593495934959558324450768;0.007723577235772357933718534895;0.002439024390243902436908873810;0.008536585365853659179702361826;0.010569105691056910126257584182;0.004065040650406504495195658677;0.014227642276422763564780460399;0.008130081300813008990391317354;0.019105691056910567571236470030;0.022357723577235772555171777753;0.005284552845528455063128792091;0.001626016260162601624605915873;0.005691056910569106119801574550;0.002439024390243902436908873810;0.010569105691056910126257584182;0.004065040650406504495195658677;0.011382113821138212239603149101;0.016260162601626017980782634709;0.013008130081300812996847326986;0.006097560975609756309112619022;0.002439024390243902436908873810;0.002032520325203252247597829339;0.010569105691056910126257584182;0.005691056910569106119801574550;0.001626016260162601624605915873;0.000000000000000000000000000000;0.009349593495934959558324450768;0.010162601626016259936946539710;0.008943089430894309369013406297;0.023170731707317072933793866696;0.015853658536585366056748114261;0.013414634146341463186158371457;0.016666666666666666435370203203
-0.013333333333333334189130248149;0.005555555555555555767577313730;0.067222222222222224874421669938;0.336111111111111138249896157504;0.004444444444444444440589503387;0.005555555555555555767577313730;0.000000000000000000000000000000;0.013888888888888888117900677344;0.027777777777777776235801354687;0.021666666666666667406815349750;0.011111111111111111535154627461;0.001666666666666666773641281019;0.002777777777777777883788656865;0.028333333333333331899295259859;0.003333333333333333547282562037;0.005555555555555555767577313730;0.038888888888888889505679458125;0.040555555555555553026714221687;0.007777777777777777554191196430;0.012222222222222222862142437805;0.004444444444444444440589503387;0.016111111111111110771876298031;0.006666666666666667094565124074;0.031666666666666669349705642844;0.012222222222222222862142437805;0.025555555555555557051272685953;0.018333333333333333425851918719;0.001666666666666666773641281019;0.001111111111111111110147375847;0.005555555555555555767577313730;0.002222222222222222220294751693;0.023333333333333334397297065266;0.002222222222222222220294751693;0.006111111111111111431071218902;0.007777777777777777554191196430;0.040555555555555553026714221687;0.010555555555555555871660722289;0.004444444444444444440589503387;0.001666666666666666773641281019;0.018333333333333333425851918719;0.003888888888888888777095598215;0.011666666666666667198648532633;0.000000000000000000000000000000;0.012777777777777778525636342977;0.002777777777777777883788656865;0.006666666666666667094565124074;0.029999999999999998889776975375;0.018888888888888889089345823891;0.017222222222222222098864108375;0.007777777777777777554191196430
-0.026984126984126985404621734688;0.012698412698412698401684295391;0.056349206349206350241676233281;0.001984126984126984016842953906;0.003968253968253968033685907812;0.016269841269841271019780393203;0.002380952380952381167156239883;0.026984126984126985404621734688;0.042857142857142857539365365938;0.027777777777777776235801354687;0.019444444444444444752839729063;0.011904761904761904101057723437;0.012301587301587301251371009414;0.038888888888888889505679458125;0.013492063492063492702310867344;0.020238095238095239053466301016;0.023412698412698412786525636875;0.039285714285714284921269268125;0.015476190476190476719153821250;0.006746031746031746351155433672;0.018253968253968255036623347110;0.032539682539682542039560786407;0.012301587301587301251371009414;0.025000000000000001387778780781;0.030555555555555554553270880547;0.032142857142857139685077072500;0.032539682539682542039560786407;0.011507936507936508685467913438;0.001587301587301587300210536924;0.013492063492063492702310867344;0.010714285714285714384841341484;0.015476190476190476719153821250;0.007142857142857142634106981660;0.009523809523809524668624959531;0.020634920634920634469056111016;0.039682539682539680336859078125;0.018253968253968255036623347110;0.018253968253968255036623347110;0.005158730158730158617264027754;0.024206349206349207087152208828;0.003968253968253968033685907812;0.032142857142857139685077072500;0.000000000000000000000000000000;0.015873015873015872134743631250;0.006746031746031746351155433672;0.016269841269841271019780393203;0.041666666666666664353702032031;0.023412698412698412786525636875;0.041269841269841268938112222031;0.020238095238095239053466301016
-0.030833333333333334119741309109;0.015833333333333334674852821422;0.047916666666666669904817155157;0.025000000000000001387778780781;0.005000000000000000104083408559;0.012083333333333333078907223523;0.005000000000000000104083408559;0.030416666666666668239482618219;0.008750000000000000832667268469;0.031666666666666669349705642844;0.018749999999999999306110609609;0.008333333333333333217685101602;0.018749999999999999306110609609;0.042500000000000003053113317719;0.021250000000000001526556658860;0.017500000000000001665334536938;0.020833333333333332176851016015;0.040000000000000000832667268469;0.015833333333333334674852821422;0.010416666666666666088425508008;0.014999999999999999444888487687;0.014583333333333333564629796797;0.018749999999999999306110609609;0.036666666666666666851703837438;0.032083333333333331760517381781;0.032083333333333331760517381781;0.035416666666666665741480812812;0.009583333333333332593184650250;0.006250000000000000346944695195;0.010000000000000000208166817117;0.009583333333333332593184650250;0.015833333333333334674852821422;0.011249999999999999583666365766;0.021250000000000001526556658860;0.032916666666666663521034763562;0.038749999999999999722444243844;0.012083333333333333078907223523;0.011249999999999999583666365766;0.002083333333333333304421275400;0.028333333333333331899295259859;0.009583333333333332593184650250;0.014166666666666665949647629930;0.000000000000000000000000000000;0.028750000000000001249000902703;0.007916666666666667337426410711;0.016250000000000000555111512313;0.027500000000000000138777878078;0.024166666666666666157814447047;0.035833333333333335091186455656;0.015416666666666667059870654555
-0.025520833333333332870740406406;0.004687499999999999826527652402;0.028645833333333332176851016015;0.181770833333333325931846502499;0.004687499999999999826527652402;0.016145833333333334952408577578;0.008333333333333333217685101602;0.027083333333333334258519187188;0.005208333333333333044212754004;0.020833333333333332176851016015;0.014062500000000000346944695195;0.009374999999999999653055304805;0.024479166666666666435370203203;0.035416666666666665741480812812;0.017187500000000001387778780781;0.021354166666666667129259593594;0.005729166666666666261897855605;0.016145833333333334952408577578;0.013541666666666667129259593594;0.004166666666666666608842550801;0.013541666666666667129259593594;0.005729166666666666261897855605;0.018229166666666667823148983985;0.032291666666666669904817155157;0.031250000000000000000000000000;0.027083333333333334258519187188;0.031770833333333331482961625625;0.006250000000000000346944695195;0.002604166666666666522106377002;0.023437500000000000000000000000;0.008333333333333333217685101602;0.014062500000000000346944695195;0.009895833333333332870740406406;0.018229166666666667823148983985;0.034895833333333334258519187188;0.036979166666666667129259593594;0.005208333333333333044212754004;0.008333333333333333217685101602;0.002604166666666666522106377002;0.021354166666666667129259593594;0.011458333333333332523795711211;0.005208333333333333044212754004;0.000000000000000000000000000000;0.016666666666666666435370203203;0.011458333333333332523795711211;0.018749999999999999306110609609;0.027083333333333334258519187188;0.020312500000000000693889390391;0.026041666666666667823148983985;0.026562499999999999306110609609
-0.020476190476190477690598967797;0.008571428571428571854817768383;0.030476190476190476164042308937;0.199523809523809519950177104874;0.032857142857142855596475072844;0.018571428571428572062984585500;0.011904761904761904101057723437;0.017619047619047617514453918375;0.022380952380952379848766398140;0.014761904761904762542479296883;0.011428571428571428561515865852;0.011904761904761904101057723437;0.038095238095238098674499838125;0.023809523809523808202115446875;0.026190476190476191103995162734;0.012380952380952381375323057000;0.012380952380952381375323057000;0.020000000000000000416333634234;0.017142857142857143709635536766;0.003809523809523809520505288617;0.016666666666666666435370203203;0.012380952380952381375323057000;0.012380952380952381375323057000;0.020476190476190477690598967797;0.025238095238095236555464495609;0.018095238095238094788719251937;0.025714285714285713829729829172;0.004285714285714285927408884191;0.002380952380952381167156239883;0.036666666666666666851703837438;0.007619047619047619041010577234;0.011904761904761904101057723437;0.016666666666666666435370203203;0.010476190476190475747708674703;0.032857142857142855596475072844;0.013809523809523809728672105734;0.010476190476190475747708674703;0.015714285714285715356286488031;0.003809523809523809520505288617;0.011428571428571428561515865852;0.004761904761904762334312479766;0.011428571428571428561515865852;0.000000000000000000000000000000;0.014285714285714285268213963320;0.018095238095238094788719251937;0.016190476190476189161104869640;0.020476190476190477690598967797;0.014285714285714285268213963320;0.021428571428571428769682682969;0.015714285714285715356286488031
-0.028409090909090908144696285831;0.031060606060606059386497435071;0.046969696969696966837304330511;0.023106060606060605661093987351;0.024242424242424242403215473018;0.026515151515151515887458444354;0.004166666666666666608842550801;0.032954545454545451643735276548;0.043939393939393937837945003366;0.014015151515151515193569053963;0.018939393939393939919613174538;0.023863636363636364645657295114;0.012878787878787878451447568295;0.025757575757575756902895136591;0.031818181818181814901613790880;0.017045454545454544192928381108;0.017803030303030303177491688871;0.050000000000000002775557561563;0.028030303030303030387138107926;0.006818181818181817850643700041;0.015151515151515151935690539631;0.021212121212121213403856145874;0.012878787878787878451447568295;0.023106060606060605661093987351;0.034469696969696969612861892074;0.022727272727272727903535809446;0.036363636363636361870099733551;0.031818181818181814901613790880;0.000757575757575757575100483532;0.029166666666666667129259593594;0.015530303030303029693248717535;0.009090909090909090467524933388;0.012121212121212121201607736509;0.007575757575757575967845269815;0.011742424242424241709326082628;0.020833333333333332176851016015;0.012500000000000000693889390391;0.008333333333333333217685101602;0.008712121212121212709966755483;0.008712121212121212709966755483;0.010984848484848484459486250842;0.024621212121212120160773650923;0.000000000000000000000000000000;0.014015151515151515193569053963;0.015530303030303029693248717535;0.007196969696969697342925353922;0.021212121212121213403856145874;0.015909090909090907450806895440;0.023484848484848483418652165255;0.015909090909090907450806895440
-0.023118279569892472014025486260;0.025268817204301075030059564597;0.041397849462365590711421248216;0.015591397849462364927353164035;0.015053763440860215908068120427;0.026344086021505376538076603765;0.008064516129032257840680841809;0.027419354838709678046093642934;0.030107526881720431816136240855;0.020967741935483872467438359877;0.014516129032258065154059600843;0.019354838709677420205412801124;0.016129032258064515681361683619;0.030107526881720431816136240855;0.032258064516129031362723367238;0.025268817204301075030059564597;0.020430107526881721713429840293;0.026881720430107527292085123349;0.017741935483870967943387242372;0.004838709677419355051353200281;0.018817204301075269451404281540;0.013440860215053763646042561675;0.010215053763440860856714920146;0.029032258064516130308119201686;0.026881720430107527292085123349;0.024193548387096773522042525428;0.031720430107526884078161799607;0.058064516129032260616238403372;0.003225806451612903223008510523;0.018817204301075269451404281540;0.011827956989247311384017002922;0.019354838709677420205412801124;0.015053763440860215908068120427;0.009139784946236559348697880978;0.013978494623655914400051081259;0.031720430107526884078161799607;0.008602150537634408594689361394;0.009677419354838710102706400562;0.003763440860215053977017030107;0.008602150537634408594689361394;0.012903225806451612892034042090;0.033333333333333332870740406406;0.000000000000000000000000000000;0.025268817204301075030059564597;0.008602150537634408594689361394;0.026881720430107527292085123349;0.024731182795698924276051045013;0.020967741935483872467438359877;0.024731182795698924276051045013;0.015591397849462364927353164035
-0.045652173913043478381545980938;0.019565217391304349364711256953;0.060144927536231886089357345782;0.000000000000000000000000000000;0.001449275362318840597308788887;0.017391304347826087167705466641;0.007246376811594202986543944434;0.021739130434782608092270095312;0.060144927536231886089357345782;0.023188405797101449556940622188;0.007971014492753622851517469883;0.010144927536231883313799784219;0.008695652173913043583852733320;0.023913043478260870289275885625;0.003623188405797101493271972217;0.027536231884057970481505250859;0.029710144927536232678511041172;0.051449275362318837301334184531;0.010869565217391304046135047656;0.009420289855072464316187996758;0.020289855072463766627599568437;0.018115942028985507900040730078;0.008695652173913043583852733320;0.037681159420289857264751987032;0.027536231884057970481505250859;0.039855072463768112522863873437;0.022463768115942028824605358750;0.010869565217391304046135047656;0.002898550724637681194617577773;0.010869565217391304046135047656;0.016666666666666666435370203203;0.030434782608695653410846304610;0.002173913043478260895963183330;0.005072463768115941656899892109;0.010144927536231883313799784219;0.038405797101449277997087250469;0.014492753623188405973087888867;0.031159420289855074143181568047;0.013043478260869564508417361992;0.018115942028985507900040730078;0.008695652173913043583852733320;0.045652173913043478381545980938;0.000000000000000000000000000000;0.028260869565217391213840514297;0.004347826086956521791926366660;0.027536231884057970481505250859;0.027536231884057970481505250859;0.014492753623188405973087888867;0.015217391304347826705423152305;0.009420289855072464316187996758
-0.028666666666666666685170383744;0.030666666666666664992080271190;0.042666666666666665241880451731;0.015333333333333332496040135595;0.008666666666666666268836749509;0.035999999999999997279953589668;0.004000000000000000083266726847;0.028666666666666666685170383744;0.025999999999999998806510248528;0.017333333333333332537673499019;0.021999999999999998723243521681;0.020666666666666666518636930050;0.020000000000000000416333634234;0.023333333333333334397297065266;0.015333333333333332496040135595;0.021333333333333332620940225866;0.014666666666666666393736839780;0.042000000000000002609024107869;0.028666666666666666685170383744;0.005333333333333333155235056466;0.017333333333333332537673499019;0.022666666666666668294993769450;0.016000000000000000333066907388;0.014666666666666666393736839780;0.032000000000000000666133814775;0.023333333333333334397297065266;0.023333333333333334397297065266;0.037999999999999999056310429069;0.000000000000000000000000000000;0.044666666666666667018237291131;0.017999999999999998639976794834;0.012666666666666666352103476356;0.021999999999999998723243521681;0.006666666666666667094565124074;0.025999999999999998806510248528;0.025999999999999998806510248528;0.010666666666666666310470112933;0.021333333333333332620940225866;0.006666666666666667094565124074;0.020666666666666666518636930050;0.007333333333333333196868419890;0.020000000000000000416333634234;0.000000000000000000000000000000;0.010000000000000000208166817117;0.017333333333333332537673499019;0.017999999999999998639976794834;0.021999999999999998723243521681;0.018666666666666668211727042603;0.020666666666666666518636930050;0.012000000000000000249800180541
-0.025438596491228069457202209946;0.033771929824561404409610787525;0.019298245614035088729698586008;0.033333333333333332870740406406;0.053508771929824561208732802697;0.028070175438596491751530592751;0.006578947368421052266374005058;0.041666666666666664353702032031;0.010526315789473683973143103287;0.014912280701754385484059106659;0.014912280701754385484059106659;0.041666666666666664353702032031;0.014912280701754385484059106659;0.019736842105263156799122015173;0.052192982456140353531015563249;0.025438596491228069457202209946;0.009210526315789472825978911885;0.028070175438596491751530592751;0.045175438596491229725771177073;0.003070175438596491231113549958;0.020614035087719299876862777410;0.009210526315789472825978911885;0.008771929824561403021832006743;0.017105263157894737974240584322;0.030701754385964910576412023602;0.021052631578947367946286206575;0.031578947368421053654152785839;0.035087719298245612087328026973;0.001315789473684210496642887911;0.046052631578947365864618035403;0.021491228070175439485156587693;0.010964912280701753777290008429;0.021929824561403507554580016858;0.009649122807017544364849293004;0.008333333333333333217685101602;0.021491228070175439485156587693;0.012280701754385964924454199831;0.009210526315789472825978911885;0.003508771929824561468941324094;0.003508771929824561468941324094;0.012719298245614034728601104973;0.006578947368421052266374005058;0.000000000000000000000000000000;0.012280701754385964924454199831;0.032894736842105261331870025288;0.009649122807017544364849293004;0.016666666666666666435370203203;0.011403508771929825316160389548;0.015350877192982455288206011801;0.017105263157894737974240584322
-0.020930232558139534593255604022;0.020542635658914728397084203948;0.051550387596899227560243161861;0.082558139534883723253955167820;0.037596899224806204498072759179;0.024418604651162790358798204693;0.004263565891472868157885400819;0.024418604651162790358798204693;0.010077519379844961100456401937;0.020155038759689922200912803874;0.015116279069767441650684602905;0.015891472868217054043027403054;0.012790697674418604473656202458;0.027131782945736433731998005214;0.034108527131782945263083206555;0.015116279069767441650684602905;0.025581395348837208947312404916;0.032558139534883720478397606257;0.025968992248062015143483804991;0.007751937984496123923428001490;0.015116279069767441650684602905;0.011240310077519379688970602160;0.006201550387596899138742401192;0.024031007751937984162626804618;0.024418604651162790358798204693;0.029069767441860464712855005587;0.027519379844961239928169405289;0.042635658914728681578854008194;0.001937984496124030980857000372;0.035658914728682170047768806853;0.017054263565891472631541603278;0.016666666666666666435370203203;0.017441860465116278827713003352;0.010852713178294573492799202086;0.017441860465116278827713003352;0.033333333333333332870740406406;0.011627906976744185885142002235;0.008527131782945736315770801639;0.000000000000000000000000000000;0.010077519379844961100456401937;0.007751937984496123923428001490;0.005426356589147286746399601043;0.000000000000000000000000000000;0.011240310077519379688970602160;0.020930232558139534593255604022;0.008527131782945736315770801639;0.026744186046511627535826605140;0.017441860465116278827713003352;0.015116279069767441650684602905;0.017441860465116278827713003352
-0.018115942028985507900040730078;0.026086956521739129016834723984;0.052898550724637678766004711406;0.061594202898550727554027872657;0.000724637681159420298654394443;0.021739130434782608092270095312;0.005072463768115941656899892109;0.030434782608695653410846304610;0.039855072463768112522863873437;0.013768115942028985240752625430;0.018115942028985507900040730078;0.021014492753623187359934831875;0.010869565217391304046135047656;0.031884057971014491406069879531;0.023188405797101449556940622188;0.019565217391304349364711256953;0.012318840579710145510805574531;0.052898550724637678766004711406;0.015217391304347826705423152305;0.014492753623188405973087888867;0.013768115942028985240752625430;0.022463768115942028824605358750;0.018840579710144928632375993516;0.028985507246376811946175777734;0.026086956521739129016834723984;0.032608695652173912138405142969;0.024637681159420291021611149063;0.026086956521739129016834723984;0.002173913043478260895963183330;0.010869565217391304046135047656;0.008695652173913043583852733320;0.015217391304347826705423152305;0.013043478260869564508417361992;0.010869565217391304046135047656;0.018840579710144928632375993516;0.025362318840579711753946412500;0.015942028985507245703034939766;0.005072463768115941656899892109;0.009420289855072464316187996758;0.012318840579710145510805574531;0.012318840579710145510805574531;0.024637681159420291021611149063;0.000000000000000000000000000000;0.007246376811594202986543944434;0.007971014492753622851517469883;0.010144927536231883313799784219;0.034057971014492753603075669844;0.018840579710144928632375993516;0.028985507246376811946175777734;0.024637681159420291021611149063
-0.038541666666666668517038374375;0.016145833333333334952408577578;0.048958333333333332870740406406;0.000520833333333333326105318850;0.003125000000000000173472347598;0.029687499999999998612221219219;0.007291666666666666782314898398;0.028645833333333332176851016015;0.036458333333333335646297967969;0.024479166666666666435370203203;0.022916666666666665047591422422;0.019791666666666665741480812812;0.011979166666666667476204288789;0.028645833333333332176851016015;0.009374999999999999653055304805;0.021874999999999998612221219219;0.029687499999999998612221219219;0.041666666666666664353702032031;0.023958333333333334952408577578;0.011979166666666667476204288789;0.032291666666666669904817155157;0.019270833333333334258519187188;0.014062500000000000346944695195;0.030208333333333333564629796797;0.028645833333333332176851016015;0.033854166666666664353702032031;0.044270833333333335646297967969;0.010937499999999999306110609609;0.000000000000000000000000000000;0.017187500000000001387778780781;0.021354166666666667129259593594;0.015104166666666666782314898398;0.011458333333333332523795711211;0.004166666666666666608842550801;0.015625000000000000000000000000;0.032291666666666669904817155157;0.017708333333333332870740406406;0.015625000000000000000000000000;0.005729166666666666261897855605;0.010416666666666666088425508008;0.011458333333333332523795711211;0.022916666666666665047591422422;0.000000000000000000000000000000;0.016666666666666666435370203203;0.006770833333333333564629796797;0.027083333333333334258519187188;0.019270833333333334258519187188;0.021354166666666667129259593594;0.027083333333333334258519187188;0.011458333333333332523795711211
-0.028095238095238096731609545031;0.025714285714285713829729829172;0.042857142857142857539365365938;0.016190476190476189161104869640;0.017619047619047617514453918375;0.030952380952380953438307642500;0.005238095238095237873854337352;0.035714285714285712303173170312;0.023809523809523808202115446875;0.023809523809523808202115446875;0.019523809523809523142068300672;0.030952380952380953438307642500;0.010952380952380953021974008266;0.022380952380952379848766398140;0.022857142857142857123031731703;0.021904761904761906043948016531;0.012857142857142856914864914586;0.047142857142857146068859464094;0.016666666666666666435370203203;0.006666666666666667094565124074;0.026666666666666668378260496297;0.016666666666666666435370203203;0.007142857142857142634106981660;0.026666666666666668378260496297;0.041904761904761902990834698812;0.035714285714285712303173170312;0.032380952380952378322209739281;0.017142857142857143709635536766;0.003333333333333333547282562037;0.024761904761904762750646114000;0.018571428571428572062984585500;0.019047619047619049337249919063;0.010476190476190475747708674703;0.008571428571428571854817768383;0.008571428571428571854817768383;0.031904761904761907986838309625;0.011428571428571428561515865852;0.014761904761904762542479296883;0.003333333333333333547282562037;0.010000000000000000208166817117;0.011904761904761904101057723437;0.013809523809523809728672105734;0.000000000000000000000000000000;0.014285714285714285268213963320;0.011428571428571428561515865852;0.018571428571428572062984585500;0.027142857142857142183078877906;0.022380952380952379848766398140;0.028571428571428570536427926640;0.020952380952380951495417349406
-0.041851851851851848418384349770;0.013703703703703704053218359604;0.038518518518518521376314822646;0.174074074074074075513252068959;0.029999999999999998889776975375;0.024074074074074074125473288177;0.005185185185185185036127464286;0.020740740740740740144509857146;0.008888888888888888881179006773;0.027037037037037036507625131776;0.015925925925925926707193980292;0.034444444444444444197728216750;0.007777777777777777554191196430;0.032222222222222221543752596062;0.013703703703703704053218359604;0.028888888888888887562789165031;0.011111111111111111535154627461;0.012592592592592592726230549260;0.016666666666666666435370203203;0.005925925925925925631665425186;0.008148148148148147418279307885;0.007407407407407407690103084974;0.002222222222222222220294751693;0.040370370370370368962031903948;0.036296296296296298722339201959;0.040370370370370368962031903948;0.021851851851851851471497667490;0.007037037037037036958653235530;0.001851851851851851922525771243;0.017407407407407406163546426114;0.022962962962962962798485477833;0.014074074074074073917306471060;0.003703703703703703845051542487;0.007037037037037036958653235530;0.006296296296296296363115274630;0.027407407407407408106436719208;0.005185185185185185036127464286;0.012962962962962962590318660716;0.000370370370370370351979089074;0.005925925925925925631665425186;0.009259259259259258745267118229;0.008888888888888888881179006773;0.000000000000000000000000000000;0.020370370370370372015145221667;0.010370370370370370072254928573;0.018148148148148149361169600979;0.034444444444444444197728216750;0.020740740740740740144509857146;0.008518518518518519017090895318;0.017037037037037038034181790636
-0.026811594202898549749169987422;0.021739130434782608092270095312;0.058695652173913044624686818906;0.027536231884057970481505250859;0.007971014492753622851517469883;0.010869565217391304046135047656;0.002898550724637681194617577773;0.038405797101449277997087250469;0.027536231884057970481505250859;0.027536231884057970481505250859;0.013768115942028985240752625430;0.005072463768115941656899892109;0.010144927536231883313799784219;0.044202898550724636916875454062;0.023188405797101449556940622188;0.013043478260869564508417361992;0.021014492753623187359934831875;0.047101449275362319846216507813;0.022463768115942028824605358750;0.013043478260869564508417361992;0.016666666666666666435370203203;0.015942028985507245703034939766;0.010869565217391304046135047656;0.046376811594202899113881244375;0.023188405797101449556940622188;0.044927536231884057649210717500;0.040579710144927533255199136875;0.018115942028985507900040730078;0.001449275362318840597308788887;0.012318840579710145510805574531;0.005797101449275362389235155547;0.016666666666666666435370203203;0.010144927536231883313799784219;0.005072463768115941656899892109;0.003623188405797101493271972217;0.050000000000000002775557561563;0.014492753623188405973087888867;0.017391304347826087167705466641;0.006521739130434782254208680996;0.006521739130434782254208680996;0.009420289855072464316187996758;0.015942028985507245703034939766;0.000000000000000000000000000000;0.026811594202898549749169987422;0.010869565217391304046135047656;0.013768115942028985240752625430;0.036956521739130436532416723594;0.017391304347826087167705466641;0.025362318840579711753946412500;0.013768115942028985240752625430
-0.027407407407407408106436719208;0.032222222222222221543752596062;0.037407407407407410049327012302;0.007037037037037036958653235530;0.015925925925925926707193980292;0.028148148148148147834612942120;0.005925925925925925631665425186;0.063333333333333338699411285688;0.015185185185185185244294281404;0.016296296296296294836558615771;0.025925925925925925180637321432;0.012222222222222222862142437805;0.012962962962962962590318660716;0.021481481481481479872686080057;0.042962962962962959745372160114;0.014444444444444443781394582516;0.015555555555555555108382392859;0.059999999999999997779553950750;0.047037037037037036923958766010;0.005185185185185185036127464286;0.034814814814814812327092852229;0.012222222222222222862142437805;0.011111111111111111535154627461;0.017407407407407406163546426114;0.025555555555555557051272685953;0.021481481481481479872686080057;0.049629629629629627707299022177;0.018888888888888889089345823891;0.001111111111111111110147375847;0.026296296296296296779448908865;0.005555555555555555767577313730;0.012222222222222222862142437805;0.017777777777777777762358013547;0.006296296296296296363115274630;0.010740740740740739936343040029;0.029999999999999998889776975375;0.017777777777777777762358013547;0.004074074074074073709139653943;0.000370370370370370351979089074;0.008148148148148147418279307885;0.019259259259259260688157411323;0.008888888888888888881179006773;0.000000000000000000000000000000;0.008518518518518519017090895318;0.034444444444444444197728216750;0.012222222222222222862142437805;0.020370370370370372015145221667;0.012592592592592592726230549260;0.031481481481481478346129421197;0.014074074074074073917306471060
-0.015555555555555555108382392859;0.065925925925925929482751541855;0.020740740740740740144509857146;0.032962962962962964741375770927;0.030370370370370370488588562807;0.021481481481481479872686080057;0.011111111111111111535154627461;0.049629629629629627707299022177;0.018148148148148149361169600979;0.009259259259259258745267118229;0.007777777777777777554191196430;0.017407407407407406163546426114;0.007407407407407407690103084974;0.011481481481481481399242738917;0.076666666666666660745477201999;0.012222222222222222862142437805;0.013703703703703704053218359604;0.046666666666666668794594130532;0.032962962962962964741375770927;0.006296296296296296363115274630;0.020000000000000000416333634234;0.010000000000000000208166817117;0.005925925925925925631665425186;0.010370370370370370072254928573;0.017407407407407406163546426114;0.017037037037037038034181790636;0.033333333333333332870740406406;0.132592592592592595224232354667;0.000740740740740740703958178148;0.025925925925925925180637321432;0.008518518518518519017090895318;0.007777777777777777554191196430;0.011111111111111111535154627461;0.004074074074074073709139653943;0.008148148148148147418279307885;0.017407407407407406163546426114;0.005925925925925925631665425186;0.007037037037037036958653235530;0.001111111111111111110147375847;0.007037037037037036958653235530;0.025555555555555557051272685953;0.015555555555555555108382392859;0.000000000000000000000000000000;0.008148148148148147418279307885;0.034074074074074076068363581271;0.007777777777777777554191196430;0.014444444444444443781394582516;0.013333333333333334189130248149;0.012962962962962962590318660716;0.008888888888888888881179006773
-0.019523809523809523142068300672;0.023809523809523808202115446875;0.034285714285714287419271073531;0.101904761904761900770388649562;0.024761904761904762750646114000;0.018571428571428572062984585500;0.007619047619047619041010577234;0.035238095238095235028907836750;0.019047619047619049337249919063;0.027142857142857142183078877906;0.020000000000000000416333634234;0.009047619047619047394359625969;0.019047619047619049337249919063;0.023333333333333334397297065266;0.028095238095238096731609545031;0.020000000000000000416333634234;0.020476190476190477690598967797;0.050000000000000002775557561563;0.021904761904761906043948016531;0.005238095238095237873854337352;0.020476190476190477690598967797;0.007619047619047619041010577234;0.016190476190476189161104869640;0.027619047619047619457344211469;0.028095238095238096731609545031;0.024285714285714285476380780437;0.034761904761904764693536407094;0.028571428571428570536427926640;0.002857142857142857140378966463;0.017619047619047617514453918375;0.002380952380952381167156239883;0.014761904761904762542479296883;0.013809523809523809728672105734;0.008571428571428571854817768383;0.011904761904761904101057723437;0.030476190476190476164042308937;0.016190476190476189161104869640;0.005714285714285714280757932926;0.000952380952380952380126322154;0.011428571428571428561515865852;0.012380952380952381375323057000;0.018095238095238094788719251937;0.000000000000000000000000000000;0.013809523809523809728672105734;0.017142857142857143709635536766;0.015238095238095238082021154469;0.022380952380952379848766398140;0.017142857142857143709635536766;0.018095238095238094788719251937;0.012380952380952381375323057000
-0.018817204301075269451404281540;0.030645161290322579100697808485;0.038709677419354840410825602248;0.001075268817204301074336170174;0.012903225806451612892034042090;0.023118279569892472014025486260;0.005376344086021505805361719865;0.047849462365591399759523483226;0.022043010752688170506008447092;0.017204301075268817189378722787;0.023655913978494622768034005844;0.011290322580645160630008483338;0.017204301075268817189378722787;0.023118279569892472014025486260;0.038172043010752686187370130710;0.013978494623655914400051081259;0.018817204301075269451404281540;0.055913978494623657600204325036;0.045698924731182796743489404889;0.004838709677419355051353200281;0.023118279569892472014025486260;0.019892473118279570959421320708;0.018279569892473118697395761956;0.025806451612903225784068084181;0.023655913978494622768034005844;0.025268817204301075030059564597;0.044623655913978495235472365721;0.024193548387096773522042525428;0.001612903225806451611504255261;0.024193548387096773522042525428;0.005376344086021505805361719865;0.016666666666666666435370203203;0.024193548387096773522042525428;0.006989247311827957200025540629;0.013978494623655914400051081259;0.032258064516129031362723367238;0.017741935483870967943387242372;0.005376344086021505805361719865;0.008602150537634408594689361394;0.009139784946236559348697880978;0.015053763440860215908068120427;0.016129032258064515681361683619;0.000000000000000000000000000000;0.011827956989247311384017002922;0.022043010752688170506008447092;0.015591397849462364927353164035;0.023655913978494622768034005844;0.013440860215053763646042561675;0.026881720430107527292085123349;0.013978494623655914400051081259
-0.026587301587301586519584972734;0.007142857142857142634106981660;0.076190476190476197348999676251;0.001190476190476190583578119941;0.002380952380952381167156239883;0.023015873015873017370935826875;0.001190476190476190583578119941;0.026190476190476191103995162734;0.019841269841269840168429539062;0.034126984126984123701920026406;0.014285714285714285268213963320;0.026190476190476191103995162734;0.009920634920634920084214769531;0.040476190476190478106932602032;0.013888888888888888117900677344;0.019444444444444444752839729063;0.026984126984126985404621734688;0.032936507936507937455150596406;0.017857142857142856151586585156;0.014682539682539682418527249297;0.017460317460317460735996775156;0.013492063492063492702310867344;0.015476190476190476719153821250;0.047619047619047616404230893750;0.035317460317460316887583360312;0.028968253968253969421464688594;0.032539682539682542039560786407;0.025793650793650792218958400781;0.003174603174603174600421073848;0.006349206349206349200842147695;0.013888888888888888117900677344;0.035317460317460316887583360312;0.017063492063492061850960013203;0.005555555555555555767577313730;0.008730158730158730367998387578;0.063888888888888883954564334999;0.017460317460317460735996775156;0.007936507936507936067371815625;0.000793650793650793650105268462;0.007539682539682539784420267637;0.007539682539682539784420267637;0.004761904761904762334312479766;0.000000000000000000000000000000;0.022619047619047618485899064922;0.007936507936507936067371815625;0.015873015873015872134743631250;0.037698412698412696320016124218;0.026984126984126985404621734688;0.024603174603174602502742018828;0.013095238095238095551997581367
-0.024358974358974359170071366520;0.002564102564102564100340098108;0.097435897435897436680285466082;0.012820512820512820068019621544;0.002136752136752136967123849587;0.012393162393162392501122504029;0.002136752136752136967123849587;0.019230769230769231836752908293;0.012393162393162392501122504029;0.041880341880341877269788852800;0.016666666666666666435370203203;0.010683760683760683968257509946;0.006837606837606837600906928287;0.056837606837606836907017537897;0.010683760683760683968257509946;0.018376068376068376702958673263;0.029059829059829060671216183209;0.029487179487179486503389824748;0.005982905982905983334474431246;0.016666666666666666435370203203;0.013675213675213675201813856575;0.013675213675213675201813856575;0.003846153846153846367350581659;0.063247863247863245206303872692;0.027350427350427350403627713149;0.047863247863247866675795449964;0.032051282051282048435325577884;0.012393162393162392501122504029;0.001282051282051282050170049054;0.005982905982905983334474431246;0.008974358974358973700669039886;0.041880341880341877269788852800;0.002564102564102564100340098108;0.013675213675213675201813856575;0.010683760683760683968257509946;0.066239316239316239909307171274;0.013675213675213675201813856575;0.005128205128205128200680196215;0.000000000000000000000000000000;0.013247863247863247634916739059;0.005982905982905983334474431246;0.002136752136752136967123849587;0.000000000000000000000000000000;0.022649572649572648902482896460;0.004700854700854700633783078700;0.011965811965811966668948862491;0.057264957264957262739191179435;0.034188034188034191473981593390;0.017521367521367521569164438233;0.017521367521367521569164438233
-0.025000000000000001387778780781;0.003968253968253968033685907812;0.047619047619047616404230893750;0.296031746031746034741871653750;0.006746031746031746351155433672;0.014682539682539682418527249297;0.003174603174603174600421073848;0.015079365079365079568840535273;0.011904761904761904101057723437;0.019444444444444444752839729063;0.020238095238095239053466301016;0.011507936507936508685467913438;0.009126984126984127518311673555;0.032936507936507937455150596406;0.019444444444444444752839729063;0.015476190476190476719153821250;0.009523809523809524668624959531;0.013888888888888888117900677344;0.018650793650793650452213157109;0.003968253968253968033685907812;0.013095238095238095551997581367;0.009523809523809524668624959531;0.003571428571428571317053490830;0.025793650793650792218958400781;0.035317460317460316887583360312;0.025793650793650792218958400781;0.029761904761904760252644308594;0.005952380952380952050528861719;0.000396825396825396825052634231;0.011111111111111111535154627461;0.007142857142857142634106981660;0.009523809523809524668624959531;0.008333333333333333217685101602;0.013095238095238095551997581367;0.015079365079365079568840535273;0.021825396825396824185272492969;0.008333333333333333217685101602;0.010317460317460317234528055508;0.000000000000000000000000000000;0.007936507936507936067371815625;0.005555555555555555767577313730;0.009126984126984127518311673555;0.000000000000000000000000000000;0.017063492063492061850960013203;0.010317460317460317234528055508;0.013095238095238095551997581367;0.030952380952380953438307642500;0.022619047619047618485899064922;0.015873015873015872134743631250;0.015079365079365079568840535273
-0.007526881720430107954034060214;0.010752688172043011610723439730;0.023118279569892472014025486260;0.406989247311827950781548679515;0.015591397849462364927353164035;0.013440860215053763646042561675;0.006451612903225806446017021045;0.018817204301075269451404281540;0.011290322580645160630008483338;0.008602150537634408594689361394;0.009139784946236559348697880978;0.008064516129032257840680841809;0.010752688172043011610723439730;0.015053763440860215908068120427;0.039247311827956987695387169879;0.009677419354838710102706400562;0.009139784946236559348697880978;0.017204301075268817189378722787;0.020967741935483872467438359877;0.001612903225806451611504255261;0.015591397849462364927353164035;0.008064516129032257840680841809;0.005376344086021505805361719865;0.013978494623655914400051081259;0.018279569892473118697395761956;0.020430107526881721713429840293;0.025268817204301075030059564597;0.005376344086021505805361719865;0.001612903225806451611504255261;0.022580645161290321260016966676;0.006451612903225806446017021045;0.008064516129032257840680841809;0.012365591397849462138025522506;0.016129032258064515681361683619;0.009677419354838710102706400562;0.019354838709677420205412801124;0.008064516129032257840680841809;0.008602150537634408594689361394;0.001075268817204301074336170174;0.006451612903225806446017021045;0.011290322580645160630008483338;0.009139784946236559348697880978;0.000000000000000000000000000000;0.010215053763440860856714920146;0.022580645161290321260016966676;0.009677419354838710102706400562;0.011827956989247311384017002922;0.009677419354838710102706400562;0.011290322580645160630008483338;0.008064516129032257840680841809
-0.011494252873563218231289795312;0.012068965517241379142854285078;0.014367816091954022789112244141;0.552873563218390762230569634994;0.011494252873563218231289795312;0.009195402298850574585031836250;0.006896551724137930938773877187;0.024712643678160919197273059922;0.001149425287356321823128979531;0.006896551724137930938773877187;0.012068965517241379142854285078;0.006896551724137930938773877187;0.008620689655172413673467346484;0.010344827586206896408160815781;0.030459770114942528312917957578;0.010344827586206896408160815781;0.004597701149425287292515918125;0.009195402298850574585031836250;0.010344827586206896408160815781;0.000574712643678160911564489766;0.016666666666666666435370203203;0.002298850574712643646257959062;0.002873563218390804557822448828;0.014367816091954022789112244141;0.010919540229885057319725305547;0.008620689655172413673467346484;0.013793103448275861877547754375;0.014942528735632183700676733906;0.001149425287356321823128979531;0.013793103448275861877547754375;0.004022988505747126380951428359;0.010344827586206896408160815781;0.007471264367816091850338366953;0.004022988505747126380951428359;0.012068965517241379142854285078;0.013218390804597700965983264609;0.007471264367816091850338366953;0.003448275862068965469386938594;0.000000000000000000000000000000;0.002873563218390804557822448828;0.008045977011494252761902856719;0.001724137931034482734693469297;0.000000000000000000000000000000;0.009770114942528735496596326016;0.014367816091954022789112244141;0.014367816091954022789112244141;0.009770114942528735496596326016;0.005172413793103448204080407891;0.010919540229885057319725305547;0.006896551724137930938773877187
-0.015555555555555555108382392859;0.031481481481481478346129421197;0.058518518518518518323201504927;0.020370370370370372015145221667;0.010370370370370370072254928573;0.015555555555555555108382392859;0.006296296296296296363115274630;0.031481481481481478346129421197;0.031851851851851853414387960584;0.020000000000000000416333634234;0.010370370370370370072254928573;0.005555555555555555767577313730;0.014074074074074073917306471060;0.030370370370370370488588562807;0.024814814814814813853649511088;0.014814814814814815380206169948;0.035185185185185187395351391615;0.062222222222222220433529571437;0.018518518518518517490534236458;0.010000000000000000208166817117;0.017407407407407406163546426114;0.027037037037037036507625131776;0.014814814814814815380206169948;0.031851851851851853414387960584;0.019259259259259260688157411323;0.025925925925925925180637321432;0.031111111111111110216764785719;0.049629629629629627707299022177;0.002222222222222222220294751693;0.010000000000000000208166817117;0.005185185185185185036127464286;0.029629629629629630760412339896;0.012592592592592592726230549260;0.007407407407407407690103084974;0.016666666666666666435370203203;0.040370370370370368962031903948;0.010740740740740739936343040029;0.011851851851851851263330850372;0.001851851851851851922525771243;0.022592592592592591199673890401;0.010000000000000000208166817117;0.014814814814814815380206169948;0.000000000000000000000000000000;0.014074074074074073917306471060;0.008888888888888888881179006773;0.016666666666666666435370203203;0.028888888888888887562789165031;0.019259259259259260688157411323;0.018888888888888889089345823891;0.012962962962962962590318660716
-0.022463768115942028824605358750;0.013043478260869564508417361992;0.054347826086956520230675238281;0.021739130434782608092270095312;0.050724637681159423507892825000;0.025362318840579711753946412500;0.006521739130434782254208680996;0.026086956521739129016834723984;0.036956521739130436532416723594;0.018115942028985507900040730078;0.010869565217391304046135047656;0.031884057971014491406069879531;0.010144927536231883313799784219;0.025362318840579711753946412500;0.015217391304347826705423152305;0.015217391304347826705423152305;0.036231884057971015800081460156;0.023913043478260870289275885625;0.036231884057971015800081460156;0.005797101449275362389235155547;0.015217391304347826705423152305;0.026811594202898549749169987422;0.005072463768115941656899892109;0.022463768115942028824605358750;0.032608695652173912138405142969;0.022463768115942028824605358750;0.029710144927536232678511041172;0.011594202898550724778470311094;0.001449275362318840597308788887;0.039855072463768112522863873437;0.019565217391304349364711256953;0.022463768115942028824605358750;0.017391304347826087167705466641;0.010144927536231883313799784219;0.006521739130434782254208680996;0.033333333333333332870740406406;0.010144927536231883313799784219;0.010144927536231883313799784219;0.006521739130434782254208680996;0.013768115942028985240752625430;0.007971014492753622851517469883;0.012318840579710145510805574531;0.000000000000000000000000000000;0.015217391304347826705423152305;0.028260869565217391213840514297;0.012318840579710145510805574531;0.030434782608695653410846304610;0.016666666666666666435370203203;0.020289855072463766627599568437;0.013043478260869564508417361992
-0.016666666666666666435370203203;0.023333333333333334397297065266;0.029999999999999998889776975375;0.041666666666666664353702032031;0.069166666666666667961926862063;0.033333333333333332870740406406;0.004166666666666666608842550801;0.011666666666666667198648532633;0.036666666666666666851703837438;0.010833333333333333703407674875;0.010833333333333333703407674875;0.049166666666666664076146275875;0.013333333333333334189130248149;0.012500000000000000693889390391;0.058333333333333334258519187188;0.017500000000000001665334536938;0.031666666666666669349705642844;0.038333333333333330372738601000;0.040000000000000000832667268469;0.005000000000000000104083408559;0.013333333333333334189130248149;0.014166666666666665949647629930;0.003333333333333333547282562037;0.010000000000000000208166817117;0.033333333333333332870740406406;0.010833333333333333703407674875;0.025000000000000001387778780781;0.052499999999999998057109706906;0.001666666666666666773641281019;0.071666666666666670182372911313;0.029999999999999998889776975375;0.005000000000000000104083408559;0.016666666666666666435370203203;0.001666666666666666773641281019;0.005000000000000000104083408559;0.010000000000000000208166817117;0.004166666666666666608842550801;0.005833333333333333599324266316;0.001666666666666666773641281019;0.005833333333333333599324266316;0.007499999999999999722444243844;0.023333333333333334397297065266;0.000000000000000000000000000000;0.003333333333333333547282562037;0.052499999999999998057109706906;0.001666666666666666773641281019;0.008333333333333333217685101602;0.010833333333333333703407674875;0.009166666666666666712925959359;0.007499999999999999722444243844
-0.029457364341085270909026405661;0.024031007751937984162626804618;0.044186046511627906363539608492;0.010077519379844961100456401937;0.022093023255813953181769804246;0.027519379844961239928169405289;0.004651162790697674354056800894;0.027906976744186046124340805363;0.063953488372093025837727964245;0.012790697674418604473656202458;0.016279069767441860239198803129;0.024418604651162790358798204693;0.008139534883720930119599401564;0.021317829457364340789427004097;0.016666666666666666435370203203;0.021705426356589146985598404171;0.020155038759689922200912803874;0.036821705426356592105729959030;0.017829457364341085023884403427;0.006589147286821705334913801266;0.019767441860465116004741403799;0.024806201550387596554969604767;0.008914728682170542511942201713;0.025193798449612402751141004842;0.031007751937984495693712005959;0.027519379844961239928169405289;0.025968992248062015143483804991;0.058527131782945739091328363202;0.000387596899224806196171400074;0.022868217054263565574112604395;0.012790697674418604473656202458;0.016666666666666666435370203203;0.009302325581395348708113601788;0.006976744186046511531085201341;0.011240310077519379688970602160;0.039534883720930232009482807598;0.012790697674418604473656202458;0.009689922480620154904285001862;0.010465116279069767296627802011;0.006976744186046511531085201341;0.013565891472868216865999002607;0.035271317829457367321044358732;0.000000000000000000000000000000;0.012403100775193798277484802384;0.014341085271317829258341802756;0.014728682170542635454513202831;0.022093023255813953181769804246;0.018217054263565891220055803501;0.016279069767441860239198803129;0.015116279069767441650684602905
-0.020098039215686275965611073957;0.019117647058823530881177532592;0.041176470588235293546208737325;0.229901960784313713626048070182;0.008823529411764705759901872284;0.019117647058823530881177532592;0.006372549019607843048818018872;0.015196078431372548808719891156;0.053431372549019605366904528410;0.017647058823529411519803744568;0.012254901960784313555419267061;0.016176470588235295627876908497;0.005392156862745097964384477507;0.014705882352941176266503120473;0.018627450980392156604237285933;0.015196078431372548808719891156;0.021078431372549021050044615322;0.032352941176470591255753816995;0.017156862745098040712310449862;0.008333333333333333217685101602;0.015686274509803921350936661838;0.029901960784313726809946487606;0.008823529411764705759901872284;0.017647058823529411519803744568;0.025000000000000001387778780781;0.021568627450980391857537910028;0.021568627450980391857537910028;0.011764705882352941013202496379;0.001960784313725490168867082730;0.012254901960784313555419267061;0.009803921568627450844335413649;0.015686274509803921350936661838;0.005882352941176470506601248189;0.003921568627450980337734165460;0.006372549019607843048818018872;0.030882352941176471894380028971;0.008333333333333333217685101602;0.013235294117647058639852808426;0.006862745098039215591034789554;0.007843137254901960675468330919;0.006862745098039215591034789554;0.026470588235294117279705616852;0.000000000000000000000000000000;0.012254901960784313555419267061;0.007843137254901960675468330919;0.017156862745098040712310449862;0.019607843137254901688670827298;0.012745098039215686097636037744;0.012745098039215686097636037744;0.017156862745098040712310449862
-0.033333333333333332870740406406;0.028148148148148147834612942120;0.028888888888888887562789165031;0.140740740740740749581405566460;0.018148148148148149361169600979;0.022962962962962962798485477833;0.007037037037037036958653235530;0.023703703703703702526661700745;0.012592592592592592726230549260;0.017407407407407406163546426114;0.017407407407407406163546426114;0.018888888888888889089345823891;0.013703703703703704053218359604;0.027777777777777776235801354687;0.020000000000000000416333634234;0.015925925925925926707193980292;0.018148148148148149361169600979;0.028518518518518519433424529552;0.028148148148148147834612942120;0.003703703703703703845051542487;0.024444444444444445724284875610;0.010000000000000000208166817117;0.008888888888888888881179006773;0.025185185185185185452461098521;0.032222222222222221543752596062;0.027037037037037036507625131776;0.028148148148148147834612942120;0.027407407407407408106436719208;0.001481481481481481407916356297;0.028518518518518519433424529552;0.017777777777777777762358013547;0.014444444444444443781394582516;0.010000000000000000208166817117;0.005925925925925925631665425186;0.009259259259259258745267118229;0.026666666666666668378260496297;0.009629629629629630344078705662;0.015185185185185185244294281404;0.001111111111111111110147375847;0.007037037037037036958653235530;0.009629629629629630344078705662;0.007407407407407407690103084974;0.000000000000000000000000000000;0.014444444444444443781394582516;0.021481481481481479872686080057;0.018148148148148149361169600979;0.030740740740740742087400150240;0.014814814814814815380206169948;0.020740740740740740144509857146;0.007037037037037036958653235530
-0.030303030303030303871381079261;0.008080808080808080801071824339;0.036868686868686870172773240029;0.230303030303030314973611325513;0.014141414141414142269237430583;0.020707070707070708570629591350;0.004545454545454545233762466694;0.020707070707070708570629591350;0.013131313131313130868060845557;0.014646464646464647102463985107;0.017171717171717171268596757727;0.014141414141414142269237430583;0.010101010101010101868701518413;0.024747474747474747236442027543;0.020707070707070708570629591350;0.019696969696969695434729530348;0.014141414141414142269237430583;0.026262626262626261736121691115;0.021212121212121213403856145874;0.003030303030303030300401934127;0.010101010101010101868701518413;0.006565656565656565434030422779;0.010101010101010101868701518413;0.027272727272727271402574800163;0.030303030303030303871381079261;0.034343434343434342537193515454;0.025252525252525252069668582067;0.006060606060606060600803868255;0.001010101010101010100133978042;0.013636363636363635701287400082;0.009595959595959595300751487912;0.013636363636363635701287400082;0.007070707070707071134618715291;0.007070707070707071134618715291;0.007575757575757575967845269815;0.032323232323232323204287297358;0.011616161616161616368381181985;0.007070707070707071134618715291;0.002525252525252525467175379603;0.006060606060606060600803868255;0.006565656565656565434030422779;0.005555555555555555767577313730;0.000000000000000000000000000000;0.022222222222222223070309254922;0.015656565656565656768917094155;0.024242424242424242403215473018;0.029292929292929294204927970213;0.019191919191919190601502975824;0.028787878787878789371701415689;0.014646464646464647102463985107
-0.032777777777777780676693453188;0.006111111111111111431071218902;0.046666666666666668794594130532;0.222222222222222209886410837498;0.006666666666666667094565124074;0.023333333333333334397297065266;0.005555555555555555767577313730;0.012777777777777778525636342977;0.013888888888888888117900677344;0.027777777777777776235801354687;0.018333333333333333425851918719;0.010555555555555555871660722289;0.020555555555555556079827539406;0.031666666666666669349705642844;0.009444444444444444544672911945;0.021666666666666667406815349750;0.011666666666666667198648532633;0.027222222222222220572307449515;0.012222222222222222862142437805;0.006666666666666667094565124074;0.013333333333333334189130248149;0.010000000000000000208166817117;0.012777777777777778525636342977;0.021666666666666667406815349750;0.032777777777777780676693453188;0.027777777777777776235801354687;0.018888888888888889089345823891;0.002777777777777777883788656865;0.002777777777777777883788656865;0.016111111111111110771876298031;0.007222222222222221890697291258;0.016666666666666666435370203203;0.013333333333333334189130248149;0.011111111111111111535154627461;0.025000000000000001387778780781;0.020555555555555556079827539406;0.013333333333333334189130248149;0.008333333333333333217685101602;0.001111111111111111110147375847;0.016666666666666666435370203203;0.005000000000000000104083408559;0.002777777777777777883788656865;0.000000000000000000000000000000;0.025555555555555557051272685953;0.008333333333333333217685101602;0.010555555555555555871660722289;0.024444444444444445724284875610;0.021111111111111111743321444578;0.031111111111111110216764785719;0.011111111111111111535154627461
-0.057407407407407406996213694583;0.015432098765432097908778530382;0.051851851851851850361274642864;0.019135802469135803488553548846;0.004938271604938271504281477320;0.026543209876543211178656633820;0.017901234567901234961961876024;0.019753086419753086017125909279;0.024691358024691356654045648611;0.023456790123456791596900927743;0.010493827160493827271858791050;0.012962962962962962590318660716;0.016049382716049383906797842769;0.019753086419753086017125909279;0.009876543209876543008562954640;0.026543209876543211178656633820;0.017901234567901234961961876024;0.022222222222222223070309254922;0.030246913580246913288984700330;0.009259259259259258745267118229;0.032098765432098767813595685539;0.025925925925925925180637321432;0.008024691358024691953398921385;0.030246913580246913288984700330;0.038888888888888889505679458125;0.034567901234567897927885127274;0.024074074074074074125473288177;0.014814814814814815380206169948;0.002469135802469135752140738660;0.020370370370370372015145221667;0.014814814814814815380206169948;0.016049382716049383906797842769;0.004320987654320987240985640909;0.012962962962962962590318660716;0.016666666666666666435370203203;0.032098765432098767813595685539;0.008641975308641974481971281818;0.032716049382716050342168045972;0.004938271604938271504281477320;0.017901234567901234961961876024;0.007407407407407407690103084974;0.015432098765432097908778530382;0.000000000000000000000000000000;0.029629629629629630760412339896;0.010493827160493827271858791050;0.038888888888888889505679458125;0.023456790123456791596900927743;0.015432098765432097908778530382;0.017901234567901234961961876024;0.012345679012345678327022824305
-0.050000000000000002775557561563;0.008095238095238094580552434820;0.046190476190476191520328796969;0.040000000000000000832667268469;0.005714285714285714280757932926;0.021428571428571428769682682969;0.007142857142857142634106981660;0.019523809523809523142068300672;0.007142857142857142634106981660;0.024285714285714285476380780437;0.020000000000000000416333634234;0.012380952380952381375323057000;0.022857142857142857123031731703;0.043809523809523812087896033063;0.010000000000000000208166817117;0.042857142857142857539365365938;0.008095238095238094580552434820;0.018571428571428572062984585500;0.015238095238095238082021154469;0.009523809523809524668624959531;0.020952380952380951495417349406;0.010952380952380953021974008266;0.007619047619047619041010577234;0.024285714285714285476380780437;0.049047619047619048227026894438;0.041428571428571425716569365250;0.031428571428571430712572976063;0.026190476190476191103995162734;0.000952380952380952380126322154;0.013333333333333334189130248149;0.016190476190476189161104869640;0.011904761904761904101057723437;0.012380952380952381375323057000;0.011428571428571428561515865852;0.027619047619047619457344211469;0.025238095238095236555464495609;0.012380952380952381375323057000;0.026666666666666668378260496297;0.001428571428571428570189483231;0.019523809523809523142068300672;0.003333333333333333547282562037;0.004761904761904762334312479766;0.000000000000000000000000000000;0.020952380952380951495417349406;0.009047619047619047394359625969;0.021904761904761906043948016531;0.031428571428571430712572976063;0.028571428571428570536427926640;0.033333333333333332870740406406;0.022857142857142857123031731703
-0.022222222222222223070309254922;0.025213675213675214303865601551;0.047863247863247866675795449964;0.060683760683760683274368119555;0.012393162393162392501122504029;0.017521367521367521569164438233;0.006837606837606837600906928287;0.028632478632478631369595589717;0.023504273504273504036277131490;0.023076923076923078204103489952;0.023931623931623933337897724982;0.007692307692307692734701163317;0.014957264957264957902505209120;0.031196581196581196770978294808;0.026068376068376069437659836581;0.015384615384615385469402326635;0.023931623931623933337897724982;0.051709401709401706104252127716;0.017948717948717947401338079771;0.008119658119658120301598280832;0.017521367521367521569164438233;0.021367521367521367936515019892;0.008547008547008547868495398347;0.029059829059829060671216183209;0.017521367521367521569164438233;0.023931623931623933337897724982;0.036752136752136753405917346527;0.032905982905982907038566764868;0.002564102564102564100340098108;0.017948717948717947401338079771;0.009829059829059828834463274916;0.017521367521367521569164438233;0.009829059829059828834463274916;0.010683760683760683968257509946;0.017094017094017095736990796695;0.030341880341880341637184059778;0.012393162393162392501122504029;0.013247863247863247634916739059;0.000427350427350427350056683018;0.010683760683760683968257509946;0.013675213675213675201813856575;0.016239316239316240603196561665;0.000000000000000000000000000000;0.021367521367521367936515019892;0.017094017094017095736990796695;0.016239316239316240603196561665;0.028205128205128205537421948179;0.017521367521367521569164438233;0.027350427350427350403627713149;0.013247863247863247634916739059
-0.016666666666666666435370203203;0.012777777777777778525636342977;0.029999999999999998889776975375;0.192222222222222210996633862123;0.009444444444444444544672911945;0.013888888888888888117900677344;0.017222222222222222098864108375;0.025555555555555557051272685953;0.018888888888888889089345823891;0.020000000000000000416333634234;0.013888888888888888117900677344;0.010000000000000000208166817117;0.010555555555555555871660722289;0.026666666666666668378260496297;0.022222222222222223070309254922;0.018333333333333333425851918719;0.022222222222222223070309254922;0.035555555555555555524716027094;0.011666666666666667198648532633;0.007777777777777777554191196430;0.014999999999999999444888487687;0.010555555555555555871660722289;0.010555555555555555871660722289;0.027222222222222220572307449515;0.024444444444444445724284875610;0.020000000000000000416333634234;0.041666666666666664353702032031;0.007777777777777777554191196430;0.006111111111111111431071218902;0.010000000000000000208166817117;0.017222222222222222098864108375;0.020000000000000000416333634234;0.005000000000000000104083408559;0.013333333333333334189130248149;0.022222222222222223070309254922;0.034444444444444444197728216750;0.010555555555555555871660722289;0.002777777777777777883788656865;0.001111111111111111110147375847;0.020000000000000000416333634234;0.010000000000000000208166817117;0.015555555555555555108382392859;0.000000000000000000000000000000;0.020000000000000000416333634234;0.016666666666666666435370203203;0.026666666666666668378260496297;0.023333333333333334397297065266;0.010000000000000000208166817117;0.013333333333333334189130248149;0.008888888888888888881179006773
-0.022666666666666668294993769450;0.010666666666666666310470112933;0.048000000000000000999200722163;0.120666666666666672069752053176;0.033333333333333332870740406406;0.016666666666666666435370203203;0.006666666666666667094565124074;0.029999999999999998889776975375;0.014000000000000000291433543964;0.029333333333333332787473679559;0.017999999999999998639976794834;0.006666666666666667094565124074;0.021333333333333332620940225866;0.040000000000000000832667268469;0.028000000000000000582867087928;0.021333333333333332620940225866;0.014000000000000000291433543964;0.028000000000000000582867087928;0.012000000000000000249800180541;0.006000000000000000124900090270;0.014000000000000000291433543964;0.012000000000000000249800180541;0.008000000000000000166533453694;0.021333333333333332620940225866;0.024000000000000000499600361081;0.029999999999999998889776975375;0.031333333333333331094383567006;0.008666666666666666268836749509;0.005333333333333333155235056466;0.010666666666666666310470112933;0.002666666666666666577617528233;0.021999999999999998723243521681;0.012000000000000000249800180541;0.024666666666666666601903656897;0.026666666666666668378260496297;0.035333333333333334647097245806;0.009333333333333334105863521302;0.009333333333333334105863521302;0.003333333333333333547282562037;0.021999999999999998723243521681;0.004666666666666667052931760651;0.004666666666666667052931760651;0.000000000000000000000000000000;0.014666666666666666393736839780;0.009333333333333334105863521302;0.016666666666666666435370203203;0.025333333333333332704206952712;0.014000000000000000291433543964;0.031333333333333331094383567006;0.019333333333333334314030338419
-0.037301587301587300904426314219;0.005555555555555555767577313730;0.059523809523809520505288617187;0.000000000000000000000000000000;0.000793650793650793650105268462;0.029365079365079364837054498594;0.003968253968253968033685907812;0.017460317460317460735996775156;0.026190476190476191103995162734;0.022222222222222223070309254922;0.019841269841269840168429539062;0.014285714285714285268213963320;0.026984126984126985404621734688;0.042063492063492066708185745938;0.006349206349206349200842147695;0.030952380952380953438307642500;0.022222222222222223070309254922;0.032539682539682542039560786407;0.011111111111111111535154627461;0.008730158730158730367998387578;0.017460317460317460735996775156;0.018253968253968255036623347110;0.019841269841269840168429539062;0.025396825396825396803368590781;0.040476190476190478106932602032;0.039682539682539680336859078125;0.030952380952380953438307642500;0.036507936507936510073246694219;0.000000000000000000000000000000;0.010317460317460317234528055508;0.020634920634920634469056111016;0.013492063492063492702310867344;0.009523809523809524668624959531;0.010317460317460317234528055508;0.034126984126984123701920026406;0.033333333333333332870740406406;0.014285714285714285268213963320;0.014285714285714285268213963320;0.001587301587301587300210536924;0.030952380952380953438307642500;0.004761904761904762334312479766;0.009523809523809524668624959531;0.000000000000000000000000000000;0.015873015873015872134743631250;0.002380952380952381167156239883;0.011111111111111111535154627461;0.030952380952380953438307642500;0.028571428571428570536427926640;0.042063492063492066708185745938;0.015873015873015872134743631250
-0.027777777777777776235801354687;0.011538461538461539102051744976;0.040170940170940173941094286647;0.214957264957264970739458931348;0.015811965811965811301575968173;0.022649572649572648902482896460;0.004273504273504273934247699174;0.020940170940170938634894426400;0.016239316239316240603196561665;0.014529914529914530335608091605;0.015384615384615385469402326635;0.030769230769230770938804653269;0.009401709401709401267566157401;0.020940170940170938634894426400;0.023931623931623933337897724982;0.020940170940170938634894426400;0.011965811965811966668948862491;0.016239316239316240603196561665;0.013675213675213675201813856575;0.008974358974358973700669039886;0.011538461538461539102051744976;0.008974358974358973700669039886;0.005982905982905983334474431246;0.023504273504273504036277131490;0.032905982905982907038566764868;0.025213675213675214303865601551;0.027350427350427350403627713149;0.016239316239316240603196561665;0.002991452991452991667237215623;0.021794871794871793768688661430;0.017948717948717947401338079771;0.008547008547008547868495398347;0.007692307692307692734701163317;0.008974358974358973700669039886;0.016239316239316240603196561665;0.016666666666666666435370203203;0.008119658119658120301598280832;0.015384615384615385469402326635;0.005128205128205128200680196215;0.009829059829059828834463274916;0.007264957264957265167804045802;0.008547008547008547868495398347;0.000000000000000000000000000000;0.021367521367521367936515019892;0.015811965811965811301575968173;0.016666666666666666435370203203;0.028632478632478631369595589717;0.019230769230769231836752908293;0.017521367521367521569164438233;0.012820512820512820068019621544
-0.026767676767676766569348245639;0.017171717171717171268596757727;0.021212121212121213403856145874;0.137373737373737370148774061818;0.012626262626262626034834291033;0.030303030303030303871381079261;0.013636363636363635701287400082;0.029797979797979799038154524737;0.011111111111111111535154627461;0.011111111111111111535154627461;0.014141414141414142269237430583;0.017676767676767676101823312251;0.021717171717171718237082700398;0.022727272727272727903535809446;0.027777777777777776235801354687;0.019696969696969695434729530348;0.010606060606060606701928072937;0.024242424242424242403215473018;0.028282828282828284538474861165;0.004040404040404040400535912170;0.021212121212121213403856145874;0.010101010101010101868701518413;0.013131313131313130868060845557;0.024747474747474747236442027543;0.028282828282828284538474861165;0.023737373737373737569988918494;0.028282828282828284538474861165;0.009595959595959595300751487912;0.005555555555555555767577313730;0.022222222222222223070309254922;0.030303030303030303871381079261;0.014646464646464647102463985107;0.015656565656565656768917094155;0.009595959595959595300751487912;0.029292929292929294204927970213;0.023232323232323232736762363970;0.012121212121212121201607736509;0.010606060606060606701928072937;0.004040404040404040400535912170;0.020202020202020203737403036826;0.016161616161616161602143648679;0.006060606060606060600803868255;0.000000000000000000000000000000;0.011111111111111111535154627461;0.017676767676767676101823312251;0.015151515151515151935690539631;0.019191919191919190601502975824;0.015656565656565656768917094155;0.023737373737373737569988918494;0.016666666666666666435370203203
-0.032638888888888890893458238907;0.015625000000000000000000000000;0.043055555555555555247160270937;0.018402777777777778317469525859;0.002777777777777777883788656865;0.025694444444444443365060948281;0.004166666666666666608842550801;0.024652777777777776929690745078;0.024305555555555555941049661328;0.018055555555555553859381490156;0.019097222222222223764198645313;0.018055555555555553859381490156;0.045486111111111109106541761093;0.027430555555555555247160270937;0.014583333333333333564629796797;0.020486111111111111188209932266;0.024305555555555555941049661328;0.038888888888888889505679458125;0.016319444444444445446729119453;0.010069444444444445099784424258;0.015625000000000000000000000000;0.021874999999999998612221219219;0.024652777777777776929690745078;0.024305555555555555941049661328;0.039583333333333331482961625625;0.022222222222222223070309254922;0.022222222222222223070309254922;0.025000000000000001387778780781;0.006944444444444444058950338672;0.030555555555555554553270880547;0.019791666666666665741480812812;0.015972222222222220988641083750;0.021874999999999998612221219219;0.006944444444444444058950338672;0.036458333333333335646297967969;0.029861111111111112575988713047;0.016319444444444445446729119453;0.014583333333333333564629796797;0.004861111111111111188209932266;0.024305555555555555941049661328;0.005555555555555555767577313730;0.011805555555555555247160270937;0.000000000000000000000000000000;0.012500000000000000693889390391;0.009027777777777776929690745078;0.012500000000000000693889390391;0.022916666666666665047591422422;0.014583333333333333564629796797;0.029513888888888888117900677344;0.013541666666666667129259593594
-0.029629629629629630760412339896;0.016666666666666666435370203203;0.040740740740740744030290443334;0.004320987654320987240985640909;0.008024691358024691953398921385;0.032098765432098767813595685539;0.001851851851851851922525771243;0.032716049382716050342168045972;0.024074074074074074125473288177;0.022222222222222223070309254922;0.020987654320987654543717582101;0.013580246913580246853614497127;0.024074074074074074125473288177;0.031481481481481478346129421197;0.024074074074074074125473288177;0.009876543209876543008562954640;0.020370370370370372015145221667;0.045061728395061728669190870278;0.039506172839506172034251818559;0.005555555555555555767577313730;0.027160493827160493707228994253;0.021604938271604937072289942535;0.017901234567901234961961876024;0.025925925925925925180637321432;0.027777777777777776235801354687;0.025308641975308642652064960998;0.041975308641975309087435164201;0.012962962962962962590318660716;0.000000000000000000000000000000;0.039506172839506172034251818559;0.019135802469135803488553548846;0.014814814814814815380206169948;0.025925925925925925180637321432;0.005555555555555555767577313730;0.021604938271604937072289942535;0.035802469135802469923923752049;0.013580246913580246853614497127;0.010493827160493827271858791050;0.008641975308641974481971281818;0.011111111111111111535154627461;0.007407407407407407690103084974;0.004320987654320987240985640909;0.000000000000000000000000000000;0.011728395061728395798450463872;0.012962962962962962590318660716;0.012345679012345678327022824305;0.017901234567901234961961876024;0.015432098765432097908778530382;0.046913580246913583193801855487;0.017283950617283948963942563637
-0.029545454545454544886817771498;0.014772727272727272443408885749;0.023863636363636364645657295114;0.091666666666666660190365689687;0.017045454545454544192928381108;0.053409090909090906063028114659;0.004545454545454545233762466694;0.028409090909090908144696285831;0.014015151515151515193569053963;0.014393939393939394685850707845;0.022348484848484850145977631541;0.030681818181818181628939257166;0.020833333333333332176851016015;0.015530303030303029693248717535;0.021969696969696968918972501683;0.016287878787878788677812025298;0.004166666666666666608842550801;0.020075757575757576661734660206;0.056060606060606060774276215852;0.004545454545454545233762466694;0.030303030303030303871381079261;0.012121212121212121201607736509;0.010984848484848484459486250842;0.016666666666666666435370203203;0.030681818181818181628939257166;0.020833333333333332176851016015;0.029545454545454544886817771498;0.015151515151515151935690539631;0.000378787878787878787550241766;0.068181818181818176771713524431;0.020454545454545454419292838111;0.010227272727272727209646419055;0.024242424242424242403215473018;0.004545454545454545233762466694;0.014015151515151515193569053963;0.018560606060606062162054996634;0.014393939393939394685850707845;0.010227272727272727209646419055;0.002272727272727272616881233347;0.006439393939393939225723784148;0.011742424242424241709326082628;0.004545454545454545233762466694;0.000000000000000000000000000000;0.015151515151515151935690539631;0.025378787878787879145336958686;0.015530303030303029693248717535;0.016666666666666666435370203203;0.012121212121212121201607736509;0.021590909090909091161414323778;0.012878787878787878451447568295
-0.021759259259259259439156508620;0.012500000000000000693889390391;0.034259259259259260133045899011;0.299537037037037046083298719168;0.063888888888888883954564334999;0.018055555555555553859381490156;0.005555555555555555767577313730;0.010185185185185186007572610833;0.018055555555555553859381490156;0.010185185185185186007572610833;0.012962962962962962590318660716;0.040277777777777780399137697032;0.009722222222222222376419864531;0.020370370370370372015145221667;0.008796296296296296848837847904;0.023611111111111110494320541875;0.009259259259259258745267118229;0.014814814814814815380206169948;0.011111111111111111535154627461;0.004166666666666666608842550801;0.010648148148148147904001881159;0.020370370370370372015145221667;0.006018518518518518531368322044;0.016666666666666666435370203203;0.030092592592592590922118134245;0.015740740740740739173064710599;0.016666666666666666435370203203;0.015277777777777777276635440273;0.000925925925925925961262885622;0.023148148148148146863167795573;0.031481481481481478346129421197;0.009259259259259258745267118229;0.004629629629629629372633559115;0.002314814814814814686316779557;0.005092592592592593003786305417;0.016666666666666666435370203203;0.006018518518518518531368322044;0.010185185185185186007572610833;0.003240740740740740647579665179;0.011111111111111111535154627461;0.008796296296296296848837847904;0.007407407407407407690103084974;0.000000000000000000000000000000;0.008796296296296296848837847904;0.005555555555555555767577313730;0.009259259259259258745267118229;0.015740740740740739173064710599;0.010185185185185186007572610833;0.014814814814814815380206169948;0.014814814814814815380206169948
-0.026666666666666668378260496297;0.025555555555555557051272685953;0.035555555555555555524716027094;0.089444444444444437536390068999;0.058888888888888886452566140406;0.023888888888888890060790970438;0.002777777777777777883788656865;0.026666666666666668378260496297;0.031666666666666669349705642844;0.011666666666666667198648532633;0.011666666666666667198648532633;0.049444444444444443642616704437;0.006111111111111111431071218902;0.024444444444444445724284875610;0.016666666666666666435370203203;0.023333333333333334397297065266;0.014444444444444443781394582516;0.029444444444444443226283070203;0.020000000000000000416333634234;0.006666666666666667094565124074;0.012222222222222222862142437805;0.014999999999999999444888487687;0.007222222222222221890697291258;0.020555555555555556079827539406;0.026111111111111112714766591125;0.025555555555555557051272685953;0.023333333333333334397297065266;0.047777777777777780121581940875;0.000000000000000000000000000000;0.044444444444444446140618509844;0.040555555555555553026714221687;0.013888888888888888117900677344;0.008888888888888888881179006773;0.005000000000000000104083408559;0.007222222222222221890697291258;0.023888888888888890060790970438;0.006666666666666667094565124074;0.003888888888888888777095598215;0.007222222222222221890697291258;0.003333333333333333547282562037;0.010000000000000000208166817117;0.028888888888888887562789165031;0.000000000000000000000000000000;0.005555555555555555767577313730;0.010555555555555555871660722289;0.008888888888888888881179006773;0.023333333333333334397297065266;0.013888888888888888117900677344;0.017777777777777777762358013547;0.003333333333333333547282562037
-0.012500000000000000693889390391;0.047619047619047616404230893750;0.035119047619047619179788455313;0.029761904761904760252644308594;0.033333333333333332870740406406;0.020238095238095239053466301016;0.004166666666666666608842550801;0.035119047619047619179788455313;0.042857142857142857539365365938;0.019047619047619049337249919063;0.016666666666666666435370203203;0.010119047619047619526733150508;0.008928571428571428075793292578;0.012500000000000000693889390391;0.048214285714285716466509512657;0.016666666666666666435370203203;0.020238095238095239053466301016;0.038095238095238098674499838125;0.030357142857142856845475975547;0.004166666666666666608842550801;0.019642857142857142460634634062;0.017857142857142856151586585156;0.011309523809523809242949532461;0.019047619047619049337249919063;0.024404761904761904794947113828;0.018452380952380952744418252109;0.031547619047619046561692357500;0.079761904761904756089307966249;0.001785714285714285658526745415;0.029761904761904760252644308594;0.022619047619047618485899064922;0.012500000000000000693889390391;0.013690476190476190410105772344;0.002976190476190476025264430859;0.010714285714285714384841341484;0.019642857142857142460634634062;0.006547619047619047775998790684;0.005357142857142857192420670742;0.005952380952380952050528861719;0.009523809523809524668624959531;0.016666666666666666435370203203;0.032142857142857139685077072500;0.000000000000000000000000000000;0.009523809523809524668624959531;0.029166666666666667129259593594;0.006547619047619047775998790684;0.016071428571428569842538536250;0.013095238095238095551997581367;0.016071428571428569842538536250;0.011904761904761904101057723437
-0.023717948717948716952363952259;0.019230769230769231836752908293;0.048717948717948718340142733041;0.006410256410256410034009810772;0.012179487179487179585035683260;0.029487179487179486503389824748;0.005769230769230769551025872488;0.018589743589743589619045494032;0.070512820512820512108831394471;0.016025641025641024217662788942;0.020512820512820512802720784862;0.030769230769230770938804653269;0.013461538461538462285727035805;0.029487179487179486503389824748;0.012179487179487179585035683260;0.019230769230769231836752908293;0.024358974358974359170071366520;0.044871794871794871972792151382;0.018589743589743589619045494032;0.006410256410256410034009810772;0.008974358974358973700669039886;0.026923076923076924571454071611;0.007692307692307692734701163317;0.031410256410256409687065115577;0.046153846153846156408206979904;0.029487179487179486503389824748;0.024358974358974359170071366520;0.039743589743589741170026741202;0.001923076923076923183675290829;0.019230769230769231836752908293;0.019871794871794870585013370601;0.019230769230769231836752908293;0.012179487179487179585035683260;0.009615384615384615918376454147;0.008974358974358973700669039886;0.033333333333333332870740406406;0.010256410256410256401360392431;0.005769230769230769551025872488;0.002564102564102564100340098108;0.007692307692307692734701163317;0.006410256410256410034009810772;0.062820512820512819374130231154;0.000000000000000000000000000000;0.007692307692307692734701163317;0.008974358974358973700669039886;0.008974358974358973700669039886;0.021153846153846155020428199123;0.016025641025641024217662788942;0.013461538461538462285727035805;0.018589743589743589619045494032
-0.024666666666666666601903656897;0.021333333333333332620940225866;0.074666666666666672846908170413;0.007333333333333333196868419890;0.002666666666666666577617528233;0.020666666666666666518636930050;0.002000000000000000041633363423;0.017333333333333332537673499019;0.086666666666666669627261399000;0.017333333333333332537673499019;0.016666666666666666435370203203;0.019333333333333334314030338419;0.009333333333333334105863521302;0.035333333333333334647097245806;0.016666666666666666435370203203;0.020000000000000000416333634234;0.027333333333333334480563792113;0.049333333333333333203807313794;0.014000000000000000291433543964;0.012000000000000000249800180541;0.014666666666666666393736839780;0.064000000000000001332267629550;0.008666666666666666268836749509;0.016666666666666666435370203203;0.021999999999999998723243521681;0.024000000000000000499600361081;0.021333333333333332620940225866;0.013333333333333334189130248149;0.001333333333333333288808764117;0.011333333333333334147496884725;0.014000000000000000291433543964;0.010666666666666666310470112933;0.009333333333333334105863521302;0.009333333333333334105863521302;0.014666666666666666393736839780;0.039333333333333331260917020700;0.014666666666666666393736839780;0.010666666666666666310470112933;0.022666666666666668294993769450;0.017333333333333332537673499019;0.000666666666666666644404382058;0.038666666666666668628060676838;0.000000000000000000000000000000;0.012666666666666666352103476356;0.008666666666666666268836749509;0.010666666666666666310470112933;0.021999999999999998723243521681;0.014000000000000000291433543964;0.016000000000000000333066907388;0.021999999999999998723243521681
-0.027333333333333334480563792113;0.012666666666666666352103476356;0.079333333333333339032478193076;0.002666666666666666577617528233;0.006000000000000000124900090270;0.022666666666666668294993769450;0.005333333333333333155235056466;0.020666666666666666518636930050;0.084666666666666667850904559600;0.022666666666666668294993769450;0.016000000000000000333066907388;0.018666666666666668211727042603;0.011333333333333334147496884725;0.035333333333333334647097245806;0.010000000000000000208166817117;0.017999999999999998639976794834;0.024666666666666666601903656897;0.040666666666666663465523612331;0.014666666666666666393736839780;0.008000000000000000166533453694;0.009333333333333334105863521302;0.068000000000000004884981308351;0.006666666666666667094565124074;0.024666666666666666601903656897;0.026666666666666668378260496297;0.026666666666666668378260496297;0.021999999999999998723243521681;0.007333333333333333196868419890;0.000000000000000000000000000000;0.013333333333333334189130248149;0.023333333333333334397297065266;0.018666666666666668211727042603;0.006000000000000000124900090270;0.012666666666666666352103476356;0.014000000000000000291433543964;0.032000000000000000666133814775;0.008666666666666666268836749509;0.010000000000000000208166817117;0.024000000000000000499600361081;0.020000000000000000416333634234;0.009333333333333334105863521302;0.026666666666666668378260496297;0.000000000000000000000000000000;0.009333333333333334105863521302;0.002666666666666666577617528233;0.012000000000000000249800180541;0.029333333333333332787473679559;0.016666666666666666435370203203;0.024666666666666666601903656897;0.014000000000000000291433543964
-0.029333333333333332787473679559;0.010666666666666666310470112933;0.050000000000000002775557561563;0.110000000000000000555111512313;0.078666666666666662521834041399;0.025333333333333332704206952712;0.004000000000000000083266726847;0.012000000000000000249800180541;0.030666666666666664992080271190;0.012000000000000000249800180541;0.010666666666666666310470112933;0.038666666666666668628060676838;0.016000000000000000333066907388;0.028000000000000000582867087928;0.013333333333333334189130248149;0.024000000000000000499600361081;0.016000000000000000333066907388;0.025333333333333332704206952712;0.012666666666666666352103476356;0.012000000000000000249800180541;0.012666666666666666352103476356;0.021333333333333332620940225866;0.004666666666666667052931760651;0.017333333333333332537673499019;0.027333333333333334480563792113;0.014666666666666666393736839780;0.017333333333333332537673499019;0.025333333333333332704206952712;0.002000000000000000041633363423;0.028666666666666666685170383744;0.032000000000000000666133814775;0.008666666666666666268836749509;0.006000000000000000124900090270;0.008000000000000000166533453694;0.012666666666666666352103476356;0.016000000000000000333066907388;0.007333333333333333196868419890;0.015333333333333332496040135595;0.006666666666666667094565124074;0.010000000000000000208166817117;0.005333333333333333155235056466;0.028666666666666666685170383744;0.000000000000000000000000000000;0.006666666666666667094565124074;0.021999999999999998723243521681;0.009333333333333334105863521302;0.021333333333333332620940225866;0.017999999999999998639976794834;0.015333333333333332496040135595;0.020000000000000000416333634234
-0.016145833333333334952408577578;0.008333333333333333217685101602;0.071354166666666662965923251249;0.042708333333333334258519187188;0.015104166666666666782314898398;0.021874999999999998612221219219;0.002083333333333333304421275400;0.016145833333333334952408577578;0.071874999999999994448884876874;0.017708333333333332870740406406;0.017708333333333332870740406406;0.012500000000000000693889390391;0.006770833333333333564629796797;0.039062500000000000000000000000;0.010937499999999999306110609609;0.019791666666666665741480812812;0.034895833333333334258519187188;0.043749999999999997224442438437;0.011458333333333332523795711211;0.011979166666666667476204288789;0.008854166666666666435370203203;0.048437500000000001387778780781;0.013541666666666667129259593594;0.022395833333333333564629796797;0.033333333333333332870740406406;0.018749999999999999306110609609;0.024479166666666666435370203203;0.010937499999999999306110609609;0.000520833333333333326105318850;0.012500000000000000693889390391;0.013020833333333333911574491992;0.016666666666666666435370203203;0.007291666666666666782314898398;0.008333333333333333217685101602;0.017187500000000001387778780781;0.028125000000000000693889390391;0.010416666666666666088425508008;0.006250000000000000346944695195;0.013541666666666667129259593594;0.023437500000000000000000000000;0.009374999999999999653055304805;0.041666666666666664353702032031;0.000000000000000000000000000000;0.013541666666666667129259593594;0.005208333333333333044212754004;0.008854166666666666435370203203;0.035416666666666665741480812812;0.017708333333333332870740406406;0.022916666666666665047591422422;0.015104166666666666782314898398
-0.014141414141414142269237430583;0.016666666666666666435370203203;0.018686868686868685768276421300;0.227777777777777773460243793124;0.071212121212121212709966755483;0.014141414141414142269237430583;0.004040404040404040400535912170;0.024242424242424242403215473018;0.021212121212121213403856145874;0.008080808080808080801071824339;0.009595959595959595300751487912;0.029292929292929294204927970213;0.011111111111111111535154627461;0.011616161616161616368381181985;0.063131313131313135378341883097;0.016666666666666666435370203203;0.007070707070707071134618715291;0.014646464646464647102463985107;0.024747474747474747236442027543;0.002020202020202020200267956085;0.015151515151515151935690539631;0.008080808080808080801071824339;0.001515151515151515150200967064;0.013131313131313130868060845557;0.015151515151515151935690539631;0.013636363636363635701287400082;0.020707070707070708570629591350;0.058080808080808080107182433949;0.000505050505050505050066989021;0.031313131313131313537834188310;0.032323232323232323204287297358;0.008080808080808080801071824339;0.015151515151515151935690539631;0.006565656565656565434030422779;0.006565656565656565434030422779;0.012626262626262626034834291033;0.003535353535353535567309357646;0.014141414141414142269237430583;0.001010101010101010100133978042;0.002525252525252525467175379603;0.011111111111111111535154627461;0.005555555555555555767577313730;0.000000000000000000000000000000;0.004040404040404040400535912170;0.039898989898989899172132567173;0.009595959595959595300751487912;0.013131313131313130868060845557;0.008080808080808080801071824339;0.009090909090909090467524933388;0.009595959595959595300751487912
-0.011261261261261260729904520872;0.008108108108108108558198523497;0.023873873873873872886175462327;0.440090090090090091390351290102;0.005855855855855855891800576529;0.012612612612612612156270941455;0.005855855855855855891800576529;0.018918918918918919969129888159;0.017117117117117115754343359413;0.009459459459459459984564944079;0.008108108108108108558198523497;0.006306306306306306078135470727;0.004504504504504504465434155946;0.015315315315315315009003782620;0.027027027027027028527328411656;0.009909909909909909303538100289;0.018018018018018017861736623786;0.018918918918918919969129888159;0.016666666666666666435370203203;0.002702702702702702852732841166;0.016666666666666666435370203203;0.010810810810810811410931364662;0.009009009009009008930868311893;0.019819819819819818607076200578;0.016216216216216217116397046993;0.018468468468468467180709779996;0.022072072072072072140835885534;0.002702702702702702852732841166;0.002252252252252252232717077973;0.010360360360360360357234732476;0.004054054054054054279099261748;0.012612612612612612156270941455;0.004504504504504504465434155946;0.007207207207207207318166997112;0.013063063063063063209967573641;0.023873873873873872886175462327;0.007657657657657657504501891310;0.003153153153153153039067735364;0.002252252252252252232717077973;0.005405405405405405705465682331;0.010360360360360360357234732476;0.016216216216216217116397046993;0.000000000000000000000000000000;0.012162162162162162837297785245;0.010360360360360360357234732476;0.010360360360360360357234732476;0.016666666666666666435370203203;0.011261261261261260729904520872;0.011261261261261260729904520872;0.008558558558558557877171679706
-0.022222222222222223070309254922;0.013333333333333334189130248149;0.080740740740740737924063807895;0.038888888888888889505679458125;0.008518518518518519017090895318;0.014074074074074073917306471060;0.001851851851851851922525771243;0.021851851851851851471497667490;0.017037037037037038034181790636;0.044814814814814814269983145323;0.014074074074074073917306471060;0.009629629629629630344078705662;0.009259259259259258745267118229;0.058888888888888886452566140406;0.010370370370370370072254928573;0.012222222222222222862142437805;0.026296296296296296779448908865;0.030740740740740742087400150240;0.010370370370370370072254928573;0.013333333333333334189130248149;0.012962962962962962590318660716;0.016296296296296294836558615771;0.007407407407407407690103084974;0.047407407407407405053323401489;0.021111111111111111743321444578;0.034444444444444444197728216750;0.026296296296296296779448908865;0.014814814814814815380206169948;0.004074074074074073709139653943;0.011111111111111111535154627461;0.006666666666666667094565124074;0.026296296296296296779448908865;0.004074074074074073709139653943;0.007777777777777777554191196430;0.029259259259259259161600752464;0.060370370370370372847812490136;0.012222222222222222862142437805;0.005555555555555555767577313730;0.001481481481481481407916356297;0.012592592592592592726230549260;0.007037037037037036958653235530;0.011481481481481481399242738917;0.000000000000000000000000000000;0.016296296296296294836558615771;0.007407407407407407690103084974;0.009629629629629630344078705662;0.052222222222222225429533182250;0.030370370370370370488588562807;0.028888888888888887562789165031;0.015925925925925926707193980292
-0.027407407407407408106436719208;0.006296296296296296363115274630;0.081481481481481488060580886668;0.035185185185185187395351391615;0.000740740740740740703958178148;0.008888888888888888881179006773;0.000370370370370370351979089074;0.023703703703703702526661700745;0.021111111111111111743321444578;0.037777777777777778178691647781;0.013703703703703704053218359604;0.002962962962962962815832712593;0.008518518518518519017090895318;0.067777777777777784007362527063;0.009629629629629630344078705662;0.017037037037037038034181790636;0.028888888888888887562789165031;0.029999999999999998889776975375;0.007037037037037036958653235530;0.012592592592592592726230549260;0.015925925925925926707193980292;0.014444444444444443781394582516;0.009259259259259258745267118229;0.064444444444444443087505192125;0.029259259259259259161600752464;0.038888888888888889505679458125;0.027407407407407408106436719208;0.002962962962962962815832712593;0.000370370370370370351979089074;0.002222222222222222220294751693;0.004814814814814815172039352831;0.030740740740740742087400150240;0.004814814814814815172039352831;0.008888888888888888881179006773;0.012222222222222222862142437805;0.064444444444444443087505192125;0.014814814814814815380206169948;0.004814814814814815172039352831;0.002592592592592592518063732143;0.011481481481481481399242738917;0.006296296296296296363115274630;0.009629629629629630344078705662;0.000000000000000000000000000000;0.024074074074074074125473288177;0.004814814814814815172039352831;0.010000000000000000208166817117;0.061111111111111109106541761093;0.035185185185185187395351391615;0.022592592592592591199673890401;0.020370370370370372015145221667
-0.071069182389937105015498275407;0.001257861635220125723702566667;0.046226415094339619316077261146;0.000000000000000000000000000000;0.000314465408805031430925641667;0.010691823899371068543051599420;0.000314465408805031430925641667;0.015094339622641509551792537991;0.005031446540880502894810266667;0.066981132075471697118196345855;0.018867924528301886072378934500;0.004088050314465408764663667540;0.008490566037735848906042868123;0.057861635220125787193445887624;0.002201257861635220070689600291;0.042138364779874211418775331595;0.011635220125786162673198198547;0.012264150943396227161352740609;0.004402515723270440141379200583;0.002515723270440251447405133334;0.022012578616352199839534264925;0.005974842767295597892318603783;0.005031446540880502894810266667;0.072955974842767293275791473661;0.050943396226415096905704160690;0.079245283018867920810102134510;0.019811320754716980202525533628;0.000000000000000000000000000000;0.000314465408805031430925641667;0.001572327044025157317258534206;0.006289308176100629269034136826;0.020125786163522011579241066670;0.003144654088050314634517068413;0.002201257861635220070689600291;0.013207547169811321291499339736;0.049371069182389940022126495478;0.010062893081761005789620533335;0.020440251572327042955956599712;0.000314465408805031430925641667;0.005031446540880502894810266667;0.003144654088050314634517068413;0.000628930817610062861851283333;0.000000000000000000000000000000;0.049685534591194971398842028520;0.000000000000000000000000000000;0.026729559748427673959714212515;0.061949685534591195090747817176;0.051886792452830191035850759818;0.012264150943396227161352740609;0.024213836477987422945989948175
-0.028231292517006803532986225491;0.010204081632653060410231837807;0.078911564625850333376533285445;0.000000000000000000000000000000;0.001020408163265306214495531378;0.031292517006802723911196295603;0.001020408163265306214495531378;0.012925170068027210315553254816;0.047959183673469386877119546853;0.015646258503401361955598147802;0.020408163265306120820463675614;0.024829931972789116151334454230;0.013265306122448979053718431942;0.030272108843537415961977288248;0.003401360544217686947970902267;0.036394557823129253248950476518;0.021428571428571428769682682969;0.038095238095238098674499838125;0.014625850340136054006379140446;0.008503401360544218454129428153;0.011224489795918366624727369185;0.041496598639455782586704657433;0.017006802721088436908258856306;0.018707482993197278864361265960;0.044217687074829932492026074442;0.039115646258503403154271893527;0.025170068027210883154776155379;0.004081632653061224857982125513;0.000680272108843537367910137004;0.026530612244897958107436863884;0.025510204081632653627664808482;0.008503401360544218454129428153;0.010204081632653060410231837807;0.008163265306122449715964251027;0.021768707482993195773124384118;0.029251700680272108012758280893;0.010544217687074829148397014933;0.009863945578231291672066660681;0.011564625850340135362892546311;0.026190476190476191103995162734;0.002721088435374149471640548015;0.028911564625850341009316579743;0.000000000000000000000000000000;0.008843537414965987192294605279;0.008503401360544218454129428153;0.008843537414965987192294605279;0.034013605442176873816517712612;0.029251700680272108012758280893;0.031292517006802723911196295603;0.019387755102040816340691620212
-0.041228070175438599753725554820;0.032017543859649125193023166958;0.038157894736842105920526790896;0.039473684210526313598244030345;0.016228070175438594896499822084;0.042982456140350878970313175387;0.005701754385964912658080194774;0.022368421052631579093450397977;0.017543859649122806043664013487;0.010964912280701753777290008429;0.023245614035087718701744208261;0.032017543859649125193023166958;0.015789473684210526827076392919;0.030263157894736842506988594437;0.029385964912280702898694784153;0.039912280701754385137114411464;0.014035087719298245875765296375;0.023684210526315790240614589379;0.014473684210526315679912201517;0.005701754385964912658080194774;0.017105263157894737974240584322;0.015789473684210526827076392919;0.010964912280701753777290008429;0.017982456140350877582534394605;0.050000000000000002775557561563;0.029824561403508770968118213318;0.027192982456140352143236782467;0.036842105263157891303915647541;0.000438596491228070183617665512;0.025877192982456140996072591065;0.030263157894736842506988594437;0.011842105263157895120307294690;0.013596491228070176071618391234;0.006140350877192982462227099916;0.018421052631578945651957823770;0.021491228070175439485156587693;0.008771929824561403021832006743;0.012719298245614034728601104973;0.005263157894736841986571551644;0.010526315789473683973143103287;0.006578947368421052266374005058;0.010964912280701753777290008429;0.000000000000000000000000000000;0.009210526315789472825978911885;0.017543859649122806043664013487;0.012280701754385964924454199831;0.019298245614035088729698586008;0.020175438596491228337992396291;0.025000000000000001387778780781;0.012719298245614034728601104973
-0.043798449612403103636815160371;0.015116279069767441650684602905;0.043023255813953491244472360222;0.029069767441860464712855005587;0.005813953488372092942571001117;0.037596899224806204498072759179;0.003875968992248061961714000745;0.020930232558139534593255604022;0.017441860465116278827713003352;0.015116279069767441650684602905;0.018217054263565891220055803501;0.020930232558139534593255604022;0.022868217054263565574112604395;0.032558139534883720478397606257;0.018992248062015503612398603650;0.028682170542635658516683605512;0.017829457364341085023884403427;0.032945736434108530144015958285;0.017054263565891472631541603278;0.010852713178294573492799202086;0.019767441860465116004741403799;0.017054263565891472631541603278;0.016666666666666666435370203203;0.022093023255813953181769804246;0.046511627906976743540568008939;0.025193798449612402751141004842;0.028682170542635658516683605512;0.027131782945736433731998005214;0.000000000000000000000000000000;0.020930232558139534593255604022;0.019379844961240309808570003725;0.009302325581395348708113601788;0.015503875968992247846856002980;0.010077519379844961100456401937;0.030620155038759689497540605885;0.029844961240310077105197805736;0.013178294573643410669827602533;0.018604651162790697416227203576;0.002325581395348837177028400447;0.025968992248062015143483804991;0.005813953488372092942571001117;0.010077519379844961100456401937;0.000000000000000000000000000000;0.008914728682170542511942201713;0.007364341085271317727256601415;0.015116279069767441650684602905;0.029069767441860464712855005587;0.031395348837209305359330357987;0.023255813953488371770284004469;0.017441860465116278827713003352
-0.030902777777777779011358916250;0.009722222222222222376419864531;0.057986111111111113269878103438;0.000694444444444444470947164216;0.017708333333333332870740406406;0.042361111111111113269878103438;0.000694444444444444470947164216;0.013541666666666667129259593594;0.017361111111111111882099322656;0.020138888888888890199568848516;0.009722222222222222376419864531;0.056597222222222222376419864531;0.014583333333333333564629796797;0.040625000000000001387778780781;0.009374999999999999653055304805;0.023263888888888889505679458125;0.021874999999999998612221219219;0.045486111111111109106541761093;0.010069444444444445099784424258;0.008333333333333333217685101602;0.010416666666666666088425508008;0.026388888888888888811790067734;0.012847222222222221682530474141;0.037499999999999998612221219219;0.035069444444444444752839729063;0.032291666666666669904817155157;0.022569444444444444058950338672;0.005555555555555555767577313730;0.001736111111111111014737584668;0.038888888888888889505679458125;0.036805555555555556634939051719;0.019097222222222223764198645313;0.007638888888888888638317720137;0.007291666666666666782314898398;0.030208333333333333564629796797;0.037847222222222219600862302968;0.010763888888888888811790067734;0.006250000000000000346944695195;0.001388888888888888941894328433;0.016666666666666666435370203203;0.002083333333333333304421275400;0.013194444444444444405895033867;0.000000000000000000000000000000;0.018749999999999999306110609609;0.004166666666666666608842550801;0.009027777777777776929690745078;0.039236111111111110494320541875;0.029166666666666667129259593594;0.026736111111111109800431151484;0.009374999999999999653055304805
-0.024814814814814813853649511088;0.005925925925925925631665425186;0.060370370370370372847812490136;0.089999999999999996669330926125;0.061111111111111109106541761093;0.015185185185185185244294281404;0.001851851851851851922525771243;0.012962962962962962590318660716;0.029999999999999998889776975375;0.018888888888888889089345823891;0.010370370370370370072254928573;0.012592592592592592726230549260;0.012222222222222222862142437805;0.039629629629629632703302632990;0.008518518518518519017090895318;0.012592592592592592726230549260;0.031481481481481478346129421197;0.025185185185185185452461098521;0.015185185185185185244294281404;0.011111111111111111535154627461;0.006666666666666667094565124074;0.029629629629629630760412339896;0.010000000000000000208166817117;0.029629629629629630760412339896;0.027037037037037036507625131776;0.029999999999999998889776975375;0.016296296296296294836558615771;0.025925925925925925180637321432;0.001851851851851851922525771243;0.031851851851851853414387960584;0.006296296296296296363115274630;0.018518518518518517490534236458;0.006296296296296296363115274630;0.007777777777777777554191196430;0.024444444444444445724284875610;0.035555555555555555524716027094;0.008518518518518519017090895318;0.005555555555555555767577313730;0.011851851851851851263330850372;0.025555555555555557051272685953;0.001481481481481481407916356297;0.017037037037037038034181790636;0.000000000000000000000000000000;0.008148148148148147418279307885;0.007777777777777777554191196430;0.006666666666666667094565124074;0.038148148148148146308056283260;0.025925925925925925180637321432;0.022962962962962962798485477833;0.012592592592592592726230549260
-0.023446327683615819648110800699;0.001412429378531073441427334814;0.048587570621468928466768488761;0.069209039548022599497301143856;0.006779661016949152345378859508;0.007344632768361582068894488629;0.001977401129943502731262094940;0.021468926553672315615806098776;0.014971751412429378999546791817;0.065254237288135591432691740010;0.010169491525423728084387420267;0.005084745762711864042193710134;0.009322033898305085233837452563;0.048305084745762713605010674200;0.007909604519774010925048379761;0.011581920903954802393176493069;0.022881355932203389924595171578;0.015536723163841808723062420938;0.007909604519774010925048379761;0.009322033898305085233837452563;0.010451977401129942946145234828;0.012146892655367232116692122190;0.005084745762711864042193710134;0.099435028248587575827599494005;0.018361581920903955605917090566;0.046045197740112994710948157717;0.019209039548022600191190534247;0.039548022598870059829412326735;0.000847457627118644043172357438;0.009039548022598870372079638003;0.003672316384180791034447244314;0.031920903954802258561951333604;0.003389830508474576172689429754;0.003107344632768361744612484188;0.008757062146892655510321823442;0.067514124293785310326754256494;0.009887005649717514957353081684;0.005649717514124293765709339254;0.002542372881355932021096855067;0.007627118644067796930652303189;0.008757062146892655510321823442;0.014406779661016949276031162697;0.000000000000000000000000000000;0.037570621468926555797107624812;0.004237288135593220324282004441;0.020056497175141241307017025974;0.051694915254237285007210545018;0.026271186440677964796241994350;0.012429378531073446978449936751;0.011864406779661017254934307630
-0.050427350427350428607731203101;0.013675213675213675201813856575;0.037606837606837605070264629603;0.011111111111111111535154627461;0.005128205128205128200680196215;0.047435897435897433904727904519;0.001709401709401709400226732072;0.023504273504273504036277131490;0.012820512820512820068019621544;0.014102564102564102768710974090;0.021794871794871793768688661430;0.022649572649572648902482896460;0.027350427350427350403627713149;0.029914529914529915805010418239;0.016666666666666666435370203203;0.026923076923076924571454071611;0.023504273504273504036277131490;0.033760683760683758702914047944;0.026495726495726495269833478119;0.007692307692307692734701163317;0.017094017094017095736990796695;0.009829059829059828834463274916;0.011538461538461539102051744976;0.020085470085470086970547143324;0.059401709401709398838953291033;0.035470085470085468970502518005;0.033760683760683758702914047944;0.041025641025641025605441569724;0.000000000000000000000000000000;0.028205128205128205537421948179;0.019230769230769231836752908293;0.014102564102564102768710974090;0.017948717948717947401338079771;0.008119658119658120301598280832;0.023931623931623933337897724982;0.027350427350427350403627713149;0.012393162393162392501122504029;0.013675213675213675201813856575;0.002991452991452991667237215623;0.009401709401709401267566157401;0.006410256410256410034009810772;0.010256410256410256401360392431;0.000000000000000000000000000000;0.012820512820512820068019621544;0.008547008547008547868495398347;0.009829059829059828834463274916;0.022649572649572648902482896460;0.026923076923076924571454071611;0.029059829059829060671216183209;0.013675213675213675201813856575
-0.041397849462365590711421248216;0.019892473118279570959421320708;0.030107526881720431816136240855;0.072580645161290327505021480192;0.007526881720430107954034060214;0.035483870967741935886774484743;0.005913978494623655692008501461;0.028494623655913979554110682102;0.011827956989247311384017002922;0.011290322580645160630008483338;0.020967741935483872467438359877;0.014516129032258065154059600843;0.013440860215053763646042561675;0.022580645161290321260016966676;0.026881720430107527292085123349;0.026344086021505376538076603765;0.016666666666666666435370203203;0.041935483870967744934876719753;0.020430107526881721713429840293;0.007526881720430107954034060214;0.019892473118279570959421320708;0.010752688172043011610723439730;0.017204301075268817189378722787;0.019354838709677420205412801124;0.035483870967741935886774484743;0.025806451612903225784068084181;0.036021505376344083171336052374;0.028494623655913979554110682102;0.003225806451612903223008510523;0.010752688172043011610723439730;0.016666666666666666435370203203;0.012903225806451612892034042090;0.018279569892473118697395761956;0.011827956989247311384017002922;0.020430107526881721713429840293;0.033870967741935487094195877944;0.015591397849462364927353164035;0.010215053763440860856714920146;0.001075268817204301074336170174;0.011290322580645160630008483338;0.008602150537634408594689361394;0.009677419354838710102706400562;0.000000000000000000000000000000;0.022580645161290321260016966676;0.017204301075268817189378722787;0.014516129032258065154059600843;0.021505376344086023221446879461;0.024193548387096773522042525428;0.030107526881720431816136240855;0.016666666666666666435370203203
-0.026797385620915031151367813322;0.026470588235294117279705616852;0.041176470588235293546208737325;0.044444444444444446140618509844;0.003267973856209150426005427548;0.017973856209150325391465941038;0.005555555555555555767577313730;0.036274509803921571593487982454;0.016666666666666666435370203203;0.014705882352941176266503120473;0.022875816993464050813633647863;0.008169934640522876281854003366;0.019607843137254901688670827298;0.032352941176470591255753816995;0.027777777777777776235801354687;0.012745098039215686097636037744;0.022222222222222223070309254922;0.046405228758169936309485592574;0.026470588235294117279705616852;0.008823529411764705759901872284;0.025163398692810458323609879017;0.017973856209150325391465941038;0.025163398692810458323609879017;0.025163398692810458323609879017;0.028758169934640521320234896052;0.023202614379084968154742796287;0.036601307189542485465150178925;0.008169934640522876281854003366;0.002941176470588235253300624095;0.016339869281045752563708006733;0.009803921568627450844335413649;0.010130718954248366450721086096;0.020588235294117646773104368663;0.010130718954248366450721086096;0.029411764705882352533006240947;0.036274509803921571593487982454;0.016339869281045752563708006733;0.008169934640522876281854003366;0.004575163398692810683143772366;0.026797385620915031151367813322;0.010130718954248366450721086096;0.018300653594771242732575089462;0.000000000000000000000000000000;0.014052287581699346788455251556;0.012091503267973856619588168826;0.011764705882352941013202496379;0.023856209150326795898067189228;0.017647058823529411519803744568;0.035620915032679736911269685606;0.014052287581699346788455251556
-0.014893617021276596423806637404;0.018085106382978721750731665452;0.029432624113475178151411171257;0.358510638297872330504389992711;0.006737588652482269686860849589;0.016312056737588651739168099652;0.002836879432624113666489007457;0.020212765957446809927944286756;0.018794326241134751143135872553;0.017021276595744681131572306754;0.009929078014184397615871091602;0.009574468085106382919668988052;0.007801418439716312040743684264;0.016666666666666666435370203203;0.014893617021276596423806637404;0.012765957446808509981317492077;0.018794326241134751143135872553;0.036170212765957443501463330904;0.014184397163120567031402430302;0.009574468085106382919668988052;0.012056737588652482323636760952;0.015957446808510637042965996102;0.006382978723404254990658746038;0.018439716312056736446933769002;0.018085106382978721750731665452;0.018439716312056736446933769002;0.023404255319148935254869314804;0.012765957446808509981317492077;0.001418439716312056833244503729;0.014184397163120567031402430302;0.006382978723404254990658746038;0.015248226950354609385285264977;0.007446808510638298211903318702;0.005673758865248227332978014914;0.007801418439716312040743684264;0.027304964539007093443645501907;0.009574468085106382919668988052;0.002836879432624113666489007457;0.003546099290780141757850607576;0.014184397163120567031402430302;0.006028368794326241161818380476;0.018794326241134751143135872553;0.000000000000000000000000000000;0.007801418439716312040743684264;0.009574468085106382919668988052;0.011347517730496454665956029828;0.016666666666666666435370203203;0.010638297872340425273551822727;0.018439716312056736446933769002;0.006382978723404254990658746038
-0.013522012578616352668214872779;0.027987421383647799466576344685;0.035534591194968552507749137703;0.265408805031446537459061119080;0.007861635220125786152611802038;0.011006289308176099919767132462;0.006918238993710692022465202911;0.020125786163522011579241066670;0.031446540880503144610447208152;0.012893081761006289914783806694;0.008490566037735848906042868123;0.005660377358490565648241332752;0.008805031446540880282758401165;0.015094339622641509551792537991;0.029245283018867924973438476854;0.009748427672955974412905000293;0.022327044025157231216249797967;0.048742138364779877268695429393;0.012893081761006289914783806694;0.007547169811320754775896268995;0.012578616352201258538068273651;0.023584905660377360192558882090;0.019811320754716980202525533628;0.017610062893081760565516802330;0.011320754716981131296482665505;0.011949685534591195784637207566;0.023899371069182391569274415133;0.030188679245283019103585075982;0.004088050314465408764663667540;0.013207547169811321291499339736;0.005660377358490565648241332752;0.010377358490566037166336066377;0.008490566037735848906042868123;0.008176100628930817529327335080;0.011006289308176099919767132462;0.027358490566037736713145278600;0.013836477987421384044930405821;0.007547169811320754775896268995;0.007232704402515723399180735953;0.021069182389937105709387665797;0.008805031446540880282758401165;0.034905660377358489754318071618;0.000000000000000000000000000000;0.009119496855345911659473934208;0.011635220125786162673198198547;0.009119496855345911659473934208;0.009748427672955974412905000293;0.004402515723270440141379200583;0.016352201257861635058654670161;0.005660377358490565648241332752
-0.015032679738562091872888792921;0.040522875816993465802884344384;0.032679738562091505127416013465;0.212091503267973852109307131286;0.009150326797385621366287544731;0.016013071895424835222598858309;0.005555555555555555767577313730;0.019934640522875815560333023768;0.041830065359477121289533130266;0.009803921568627450844335413649;0.010784313725490195928768955014;0.005228758169934640161191641283;0.009477124183006535237949741202;0.012091503267973856619588168826;0.019934640522875815560333023768;0.003594771241830065165029362007;0.028758169934640521320234896052;0.051960784313725492944424644293;0.012091503267973856619588168826;0.007189542483660130330058724013;0.015032679738562091872888792921;0.031699346405228756573535520147;0.021895424836601305729200106498;0.015359477124183005744550989391;0.010784313725490195928768955014;0.011437908496732025406816823931;0.021568627450980391857537910028;0.028104575163398693576910503111;0.001960784313725490168867082730;0.017647058823529411519803744568;0.008823529411764705759901872284;0.012091503267973856619588168826;0.009803921568627450844335413649;0.007843137254901960675468330919;0.013398692810457515575683906661;0.027124183006535948492476961746;0.010784313725490195928768955014;0.007843137254901960675468330919;0.015032679738562091872888792921;0.027450980392156862364139158217;0.011764705882352941013202496379;0.037254901960784313208474571866;0.000000000000000000000000000000;0.007843137254901960675468330919;0.007189542483660130330058724013;0.005228758169934640161191641283;0.010784313725490195928768955014;0.007843137254901960675468330919;0.026797385620915031151367813322;0.005882352941176470506601248189
-0.035185185185185187395351391615;0.004444444444444444440589503387;0.068148148148148152136727162542;0.047407407407407405053323401489;0.000370370370370370351979089074;0.007777777777777777554191196430;0.000000000000000000000000000000;0.011481481481481481399242738917;0.021111111111111111743321444578;0.035555555555555555524716027094;0.016666666666666666435370203203;0.002962962962962962815832712593;0.011111111111111111535154627461;0.079259259259259265406605265980;0.002962962962962962815832712593;0.020000000000000000416333634234;0.020370370370370372015145221667;0.021851851851851851471497667490;0.004444444444444444440589503387;0.018148148148148149361169600979;0.009629629629629630344078705662;0.022962962962962962798485477833;0.006666666666666667094565124074;0.040000000000000000832667268469;0.034814814814814812327092852229;0.050740740740740739034286832521;0.024074074074074074125473288177;0.004814814814814815172039352831;0.000740740740740740703958178148;0.001481481481481481407916356297;0.003333333333333333547282562037;0.016296296296296294836558615771;0.002962962962962962815832712593;0.010740740740740739936343040029;0.028888888888888887562789165031;0.048518518518518516380311211833;0.012592592592592592726230549260;0.009629629629629630344078705662;0.001481481481481481407916356297;0.026296296296296296779448908865;0.003703703703703703845051542487;0.004814814814814815172039352831;0.000000000000000000000000000000;0.021851851851851851471497667490;0.001111111111111111110147375847;0.009259259259259258745267118229;0.065185185185185179346234463083;0.052222222222222225429533182250;0.029999999999999998889776975375;0.025925925925925925180637321432
-0.047712418300653591796134378455;0.002287581699346405341571886183;0.070261437908496732207552781801;0.000000000000000000000000000000;0.002614379084967320080595820642;0.016339869281045752563708006733;0.001307189542483660040297910321;0.011764705882352941013202496379;0.017647058823529411519803744568;0.050653594771241830518881954504;0.009803921568627450844335413649;0.030065359477124183745777585841;0.006209150326797385245625182648;0.048692810457516340350014871774;0.002614379084967320080595820642;0.032026143790849670445197716617;0.024836601307189540982500730593;0.027124183006535948492476961746;0.006209150326797385245625182648;0.009477124183006535237949741202;0.011764705882352941013202496379;0.014052287581699346788455251556;0.003594771241830065165029362007;0.063398692810457513147071040294;0.045098039215686273883942902785;0.044771241830065360012280706314;0.018954248366013070475899482403;0.000000000000000000000000000000;0.001307189542483660040297910321;0.014379084967320260660117448026;0.030392156862745097617439782312;0.037254901960784313208474571866;0.002614379084967320080595820642;0.005555555555555555767577313730;0.014052287581699346788455251556;0.056209150326797387153821006223;0.008169934640522876281854003366;0.012091503267973856619588168826;0.000980392156862745084433541365;0.008823529411764705759901872284;0.005882352941176470506601248189;0.003594771241830065165029362007;0.000000000000000000000000000000;0.037581699346405227080136768336;0.001307189542483660040297910321;0.019607843137254901688670827298;0.049673202614379081965001461185;0.041830065359477121289533130266;0.014052287581699346788455251556;0.015359477124183005744550989391
-0.036904761904761905488836504219;0.015873015873015872134743631250;0.069444444444444447528397290625;0.000793650793650793650105268462;0.001190476190476190583578119941;0.020634920634920634469056111016;0.002380952380952381167156239883;0.019841269841269840168429539062;0.040476190476190478106932602032;0.019444444444444444752839729063;0.017460317460317460735996775156;0.020238095238095239053466301016;0.015476190476190476719153821250;0.031746031746031744269487262500;0.009920634920634920084214769531;0.024603174603174602502742018828;0.024206349206349207087152208828;0.054365079365079366224833279375;0.017063492063492061850960013203;0.009126984126984127518311673555;0.013888888888888888117900677344;0.035317460317460316887583360312;0.015873015873015872134743631250;0.025000000000000001387778780781;0.041666666666666664353702032031;0.037301587301587300904426314219;0.030555555555555554553270880547;0.011904761904761904101057723437;0.000793650793650793650105268462;0.011507936507936508685467913438;0.015079365079365079568840535273;0.008333333333333333217685101602;0.012301587301587301251371009414;0.008333333333333333217685101602;0.017063492063492061850960013203;0.034523809523809526056403740313;0.016666666666666666435370203203;0.012698412698412698401684295391;0.007539682539682539784420267637;0.016666666666666666435370203203;0.003968253968253968033685907812;0.024206349206349207087152208828;0.000000000000000000000000000000;0.010317460317460317234528055508;0.005158730158730158617264027754;0.009126984126984127518311673555;0.040079365079365082691342792032;0.026190476190476191103995162734;0.032936507936507937455150596406;0.023809523809523808202115446875
-0.020555555555555556079827539406;0.021666666666666667406815349750;0.059722222222222225151977426094;0.022777777777777778733803160094;0.028333333333333331899295259859;0.014999999999999999444888487687;0.002500000000000000052041704279;0.029444444444444443226283070203;0.029166666666666667129259593594;0.031944444444444441977282167500;0.013611111111111110286153724758;0.007499999999999999722444243844;0.007499999999999999722444243844;0.037777777777777778178691647781;0.023611111111111110494320541875;0.018055555555555553859381490156;0.023611111111111110494320541875;0.038333333333333330372738601000;0.023055555555555554830826636703;0.007222222222222221890697291258;0.014444444444444443781394582516;0.016666666666666666435370203203;0.010000000000000000208166817117;0.047222222222222220988641083750;0.024444444444444445724284875610;0.033888888888888892003681263532;0.030833333333333334119741309109;0.036666666666666666851703837438;0.000555555555555555555073687923;0.016944444444444446001840631766;0.005000000000000000104083408559;0.021944444444444443503838826359;0.010277777777777778039913769703;0.010000000000000000208166817117;0.006111111111111111431071218902;0.045833333333333330095182844843;0.012222222222222222862142437805;0.008611111111111111049432054187;0.000833333333333333386820640509;0.010000000000000000208166817117;0.009166666666666666712925959359;0.018888888888888889089345823891;0.000000000000000000000000000000;0.020833333333333332176851016015;0.014999999999999999444888487687;0.010277777777777778039913769703;0.041666666666666664353702032031;0.023611111111111110494320541875;0.022499999999999999167332731531;0.014166666666666665949647629930
-0.030272108843537415961977288248;0.006802721088435373895941804534;0.077210884353741501828771731653;0.000340136054421768683955068502;0.001360544217687074735820274007;0.024489795918367345678445801127;0.001700680272108843473985451134;0.010544217687074829148397014933;0.037755102040816328201611185023;0.016326530612244899431928502054;0.013265306122448979053718431942;0.027551020408163266056655871239;0.019727891156462583344133321361;0.043197278911564628012254019040;0.003401360544217686947970902267;0.030952380952380953438307642500;0.029251700680272108012758280893;0.035374149659863948769178421117;0.007482993197278911372272158786;0.010204081632653060410231837807;0.012585034013605441577388077690;0.043537414965986391546248768236;0.017006802721088436908258856306;0.024829931972789116151334454230;0.037074829931972787255833878817;0.034353741496598637350512461808;0.023129251700680270725785092623;0.001360544217687074735820274007;0.000680272108843537367910137004;0.010884353741496597886562192059;0.051360544217687077728218270067;0.011224489795918366624727369185;0.006802721088435373895941804534;0.010884353741496597886562192059;0.030272108843537415961977288248;0.035374149659863948769178421117;0.010204081632653060410231837807;0.011904761904761904101057723437;0.006462585034013605157776627408;0.034353741496598637350512461808;0.005442176870748298943281096030;0.014625850340136054006379140446;0.000000000000000000000000000000;0.010544217687074829148397014933;0.003061224489795918209805725141;0.006802721088435373895941804534;0.041496598639455782586704657433;0.023469387755102041198673745726;0.034013605442176873816517712612;0.019047619047619049337249919063
-0.029268292682926830977629961694;0.005284552845528455063128792091;0.058943089430894310409847491883;0.000000000000000000000000000000;0.014227642276422763564780460399;0.030487804878048779810839619131;0.001219512195121951218454436905;0.017073170731707318359404723651;0.039837398373983742838611021853;0.026422764227642277917729174419;0.013414634146341463186158371457;0.014634146341463415488814980847;0.012601626016260162807536282514;0.042276422764227640505030336726;0.005691056910569106119801574550;0.012195121951219512618225238043;0.036585365853658534385228762176;0.034552845528455285173397015797;0.023577235772357724857828387144;0.011382113821138212239603149101;0.015853658536585366056748114261;0.025203252032520325615072565029;0.015040650406504065678126025318;0.039024390243902438990541980957;0.034552845528455285173397015797;0.032520325203252035961565269417;0.022764227642276424479206298201;0.019918699186991871419305510926;0.003658536585365853872203745212;0.032926829268292684416152837912;0.011382113821138212239603149101;0.025203252032520325615072565029;0.010975609756097560315568628653;0.006097560975609756309112619022;0.015853658536585366056748114261;0.064634146341463416529649066433;0.009756097560975609747635495239;0.007723577235772357933718534895;0.003658536585365853872203745212;0.018699186991869919116648901536;0.002032520325203252247597829339;0.016260162601626017980782634709;0.000000000000000000000000000000;0.018699186991869919116648901536;0.009756097560975609747635495239;0.008943089430894309369013406297;0.039024390243902438990541980957;0.023170731707317072933793866696;0.021544715447154472176549688811;0.015447154471544715867437069790
-0.033730158730158728286330216406;0.011904761904761904101057723437;0.048809523809523809589894227656;0.042063492063492066708185745938;0.015079365079365079568840535273;0.036111111111111107718762980312;0.004761904761904762334312479766;0.018650793650793650452213157109;0.026984126984126985404621734688;0.020634920634920634469056111016;0.014285714285714285268213963320;0.019047619047619049337249919063;0.020634920634920634469056111016;0.035714285714285712303173170312;0.013492063492063492702310867344;0.027777777777777776235801354687;0.020634920634920634469056111016;0.024206349206349207087152208828;0.019841269841269840168429539062;0.011111111111111111535154627461;0.016666666666666666435370203203;0.016666666666666666435370203203;0.009523809523809524668624959531;0.023412698412698412786525636875;0.037301587301587300904426314219;0.033730158730158728286330216406;0.025000000000000001387778780781;0.023015873015873017370935826875;0.001587301587301587300210536924;0.026190476190476191103995162734;0.016666666666666666435370203203;0.018253968253968255036623347110;0.007539682539682539784420267637;0.009126984126984127518311673555;0.024603174603174602502742018828;0.033730158730158728286330216406;0.009126984126984127518311673555;0.013492063492063492702310867344;0.001984126984126984016842953906;0.021825396825396824185272492969;0.007936507936507936067371815625;0.010714285714285714384841341484;0.000000000000000000000000000000;0.015873015873015872134743631250;0.014285714285714285268213963320;0.010317460317460317234528055508;0.035714285714285712303173170312;0.028174603174603175120838116641;0.023809523809523808202115446875;0.018253968253968255036623347110
-0.022999999999999999611421941381;0.009666666666666667157015169209;0.092333333333333336701009841363;0.006333333333333333176051738178;0.005333333333333333155235056466;0.012666666666666666352103476356;0.001333333333333333288808764117;0.022999999999999999611421941381;0.025000000000000001387778780781;0.044999999999999998334665463062;0.015666666666666665547191783503;0.003666666666666666598434209945;0.009666666666666667157015169209;0.062666666666666662188767134012;0.011666666666666667198648532633;0.018333333333333333425851918719;0.027333333333333334480563792113;0.029999999999999998889776975375;0.008333333333333333217685101602;0.012666666666666666352103476356;0.010666666666666666310470112933;0.015666666666666665547191783503;0.006000000000000000124900090270;0.046666666666666668794594130532;0.030999999999999999777955395075;0.053999999999999999389377336456;0.028666666666666666685170383744;0.007666666666666666248020067798;0.001000000000000000020816681712;0.006000000000000000124900090270;0.004000000000000000083266726847;0.025999999999999998806510248528;0.002333333333333333526465880325;0.004666666666666667052931760651;0.017000000000000001221245327088;0.070000000000000006661338147751;0.007666666666666666248020067798;0.006000000000000000124900090270;0.001000000000000000020816681712;0.009666666666666667157015169209;0.005333333333333333155235056466;0.006666666666666667094565124074;0.000000000000000000000000000000;0.025333333333333332704206952712;0.008666666666666666268836749509;0.008999999999999999319988397417;0.069333333333333330150693996075;0.036333333333333335535275665507;0.018666666666666668211727042603;0.021333333333333332620940225866
-0.032575757575757577355624050597;0.003787878787878787983922634908;0.069318181818181820452728914006;0.000000000000000000000000000000;0.000757575757575757575100483532;0.050378787878787877063668787514;0.000000000000000000000000000000;0.010227272727272727209646419055;0.014393939393939394685850707845;0.029166666666666667129259593594;0.015909090909090907450806895440;0.049242424242424240321547301846;0.015151515151515151935690539631;0.070454545454545450255956495766;0.002651515151515151675482018234;0.035984848484848487581988507600;0.012878787878787878451447568295;0.019318181818181817677171352443;0.006439393939393939225723784148;0.009848484848484847717364765174;0.009090909090909090467524933388;0.016287878787878788677812025298;0.007196969696969697342925353922;0.033333333333333332870740406406;0.057575757575757578743402831378;0.057954545454545453031514057329;0.023863636363636364645657295114;0.000378787878787878787550241766;0.000000000000000000000000000000;0.036742424242424243097104863409;0.018181818181818180935049866775;0.011363636363636363951767904723;0.002651515151515151675482018234;0.010227272727272727209646419055;0.021212121212121213403856145874;0.022348484848484850145977631541;0.010984848484848484459486250842;0.006439393939393939225723784148;0.000378787878787878787550241766;0.014393939393939394685850707845;0.001136363636363636308440616673;0.004545454545454545233762466694;0.000000000000000000000000000000;0.015909090909090907450806895440;0.002272727272727272616881233347;0.007196969696969697342925353922;0.053409090909090906063028114659;0.053409090909090906063028114659;0.024621212121212120160773650923;0.028409090909090908144696285831
-0.032183908045977011047611426875;0.002011494252873563190475714180;0.090229885057471259646177941249;0.000000000000000000000000000000;0.002586206896551724102040203945;0.037931034482758620163256324531;0.000000000000000000000000000000;0.017816091954022988258499182734;0.010919540229885057319725305547;0.027586206896551723755095508750;0.018103448275862070449004903594;0.031896551724137932326552657969;0.016666666666666666435370203203;0.059195402298850577360589397813;0.002586206896551724102040203945;0.030459770114942528312917957578;0.022413793103448275551015100859;0.029022988505747127768730209141;0.007183908045977011394556122070;0.011494252873563218231289795312;0.009195402298850574585031836250;0.016091954022988505523805713437;0.009770114942528735496596326016;0.029597701149425288680294698906;0.055172413793103447510191017500;0.034482758620689654693869385937;0.021264367816091953727886121328;0.017528735632183909537440413828;0.000574712643678160911564489766;0.018390804597701149170063672500;0.018103448275862070449004903594;0.014080459770114942333329999258;0.003735632183908045925169183477;0.011206896551724137775507550430;0.023563218390804597374144080391;0.046551724137931037306170622969;0.010344827586206896408160815781;0.006896551724137930938773877187;0.000862068965517241367346734648;0.020114942528735631904757141797;0.003160919540229885013604693711;0.003448275862068965469386938594;0.000000000000000000000000000000;0.008620689655172413673467346484;0.003160919540229885013604693711;0.008620689655172413673467346484;0.058045977011494255537460418282;0.038218390804597698884315093437;0.032183908045977011047611426875;0.026724137931034484122472250078
-0.039583333333333331482961625625;0.003333333333333333547282562037;0.065833333333333327042069527124;0.000000000000000000000000000000;0.000416666666666666693410320255;0.028750000000000001249000902703;0.000000000000000000000000000000;0.022083333333333333287074040641;0.023333333333333334397297065266;0.030416666666666668239482618219;0.022916666666666665047591422422;0.016250000000000000555111512313;0.014583333333333333564629796797;0.050000000000000002775557561563;0.003749999999999999861222121922;0.018749999999999999306110609609;0.032500000000000001110223024625;0.029166666666666667129259593594;0.011249999999999999583666365766;0.010833333333333333703407674875;0.018333333333333333425851918719;0.023750000000000000277555756156;0.014166666666666665949647629930;0.047083333333333331205405869468;0.036666666666666666851703837438;0.043749999999999997224442438437;0.029999999999999998889776975375;0.000000000000000000000000000000;0.000833333333333333386820640509;0.009166666666666666712925959359;0.009166666666666666712925959359;0.030416666666666668239482618219;0.007916666666666667337426410711;0.009583333333333332593184650250;0.024583333333333332038073137937;0.060833333333333336478965236438;0.018333333333333333425851918719;0.008750000000000000832667268469;0.002500000000000000052041704279;0.017500000000000001665334536938;0.003749999999999999861222121922;0.005833333333333333599324266316;0.000000000000000000000000000000;0.015416666666666667059870654555;0.003749999999999999861222121922;0.013750000000000000069388939039;0.042916666666666665463925056656;0.026666666666666668378260496297;0.034166666666666664631257788187;0.016666666666666666435370203203
-0.032692307692307694122479944099;0.004166666666666666608842550801;0.064102564102564096870651155768;0.000000000000000000000000000000;0.002243589743589743425167259971;0.029487179487179486503389824748;0.002243589743589743425167259971;0.015384615384615385469402326635;0.050961538461538460897948255024;0.021794871794871793768688661430;0.016346153846153847061239972049;0.027243589743589743945584302764;0.021474358974358974394558430276;0.036858974358974359863960756911;0.002564102564102564100340098108;0.023717948717948716952363952259;0.023397435897435897578233721106;0.032692307692307694122479944099;0.008012820512820512108831394471;0.011538461538461539102051744976;0.010256410256410256401360392431;0.043589743589743587537377322860;0.015384615384615385469402326635;0.032371794871794874748349712945;0.037820512820512817986351450372;0.026602564102564101727876888503;0.024679487179487178544201597674;0.003525641025641025692177743522;0.000961538461538461591837645415;0.031730769230769229061195346731;0.030128205128205128721097239008;0.018269230769230770244915262879;0.007051282051282051384355487045;0.009294871794871794809522747016;0.028846153846153847755129362440;0.033333333333333332870740406406;0.011538461538461539102051744976;0.008974358974358973700669039886;0.016666666666666666435370203203;0.029166666666666667129259593594;0.003205128205128205017004905386;0.017628205128205128027207848618;0.000000000000000000000000000000;0.016346153846153847061239972049;0.002564102564102564100340098108;0.007051282051282051384355487045;0.029807692307692309346967007855;0.022756410256410255360526306845;0.034935897435897436680285466082;0.018589743589743589619045494032
-0.032916666666666663521034763562;0.003333333333333333547282562037;0.088749999999999995559107901499;0.000000000000000000000000000000;0.000833333333333333386820640509;0.016666666666666666435370203203;0.001250000000000000026020852140;0.014583333333333333564629796797;0.027500000000000000138777878078;0.037916666666666667961926862063;0.014999999999999999444888487687;0.011249999999999999583666365766;0.017500000000000001665334536938;0.050000000000000002775557561563;0.003333333333333333547282562037;0.020416666666666666296592325125;0.032916666666666663521034763562;0.038333333333333330372738601000;0.009166666666666666712925959359;0.018749999999999999306110609609;0.011666666666666667198648532633;0.024583333333333332038073137937;0.022083333333333333287074040641;0.042500000000000003053113317719;0.031666666666666669349705642844;0.033750000000000002220446049250;0.022916666666666665047591422422;0.018749999999999999306110609609;0.001250000000000000026020852140;0.011666666666666667198648532633;0.006250000000000000346944695195;0.022499999999999999167332731531;0.007083333333333332974823814965;0.006666666666666667094565124074;0.020833333333333332176851016015;0.051249999999999996946886682281;0.016250000000000000555111512313;0.007916666666666667337426410711;0.005416666666666666851703837438;0.031666666666666669349705642844;0.003749999999999999861222121922;0.010416666666666666088425508008;0.000000000000000000000000000000;0.017916666666666667545593227828;0.001666666666666666773641281019;0.014166666666666665949647629930;0.052499999999999998057109706906;0.025000000000000001387778780781;0.025416666666666667268037471672;0.012083333333333333078907223523
-0.028632478632478631369595589717;0.003418803418803418800453464144;0.100427350427350431383288764664;0.000000000000000000000000000000;0.000000000000000000000000000000;0.011111111111111111535154627461;0.002136752136752136967123849587;0.021794871794871793768688661430;0.024358974358974359170071366520;0.039743589743589741170026741202;0.011965811965811966668948862491;0.002564102564102564100340098108;0.006837606837606837600906928287;0.063675213675213671038477514230;0.003846153846153846367350581659;0.016239316239316240603196561665;0.024358974358974359170071366520;0.041452991452991451437615211262;0.004273504273504273934247699174;0.017948717948717947401338079771;0.012393162393162392501122504029;0.014957264957264957902505209120;0.016666666666666666435370203203;0.052991452991452990539666956238;0.018803418803418802535132314802;0.035897435897435894802676159543;0.035042735042735043138328876466;0.008119658119658120301598280832;0.000427350427350427350056683018;0.004700854700854700633783078700;0.006837606837606837600906928287;0.027350427350427350403627713149;0.002991452991452991667237215623;0.006410256410256410034009810772;0.026495726495726495269833478119;0.074786324786324784308355617668;0.014529914529914530335608091605;0.006837606837606837600906928287;0.000427350427350427350056683018;0.024358974358974359170071366520;0.008547008547008547868495398347;0.001709401709401709400226732072;0.000000000000000000000000000000;0.023504273504273504036277131490;0.000427350427350427350056683018;0.010256410256410256401360392431;0.059829059829059831610020836479;0.034615384615384617306155234928;0.032051282051282048435325577884;0.013247863247863247634916739059
-0.022435897435897435986396075691;0.006730769230769231142863517903;0.102243589743589741170026741202;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005769230769230769551025872488;0.000320512820512820512542512263;0.011217948717948717993198037846;0.017307692307692308653077617464;0.053846153846153849142908143222;0.009615384615384615918376454147;0.002884615384615384775512936244;0.005448717948717948442172165358;0.068269230769230762612131968581;0.001923076923076923183675290829;0.014102564102564102768710974090;0.032371794871794874748349712945;0.028846153846153847755129362440;0.001602564102564102508502452693;0.015384615384615385469402326635;0.009615384615384615918376454147;0.016346153846153847061239972049;0.006730769230769231142863517903;0.069871794871794873360570932164;0.025320512820512820761909011935;0.048076923076923079591882270734;0.025000000000000001387778780781;0.004487179487179486850334519943;0.000641025641025641025085024527;0.002243589743589743425167259971;0.004807692307692307959188227073;0.027564102564102563319714533918;0.001282051282051282050170049054;0.006730769230769231142863517903;0.016666666666666666435370203203;0.073397435897435900353791282669;0.016025641025641024217662788942;0.008012820512820512108831394471;0.000320512820512820512542512263;0.014743589743589743251694912374;0.004807692307692307959188227073;0.009294871794871794809522747016;0.000000000000000000000000000000;0.029166666666666667129259593594;0.000000000000000000000000000000;0.012820512820512820068019621544;0.081410256410256412462622677140;0.041346153846153844979571800877;0.025641025641025640136039243089;0.017307692307692308653077617464
-0.041481481481481480289019714291;0.012592592592592592726230549260;0.037037037037037034981068472916;0.012962962962962962590318660716;0.019629629629629628817522046802;0.034074074074074076068363581271;0.004444444444444444440589503387;0.031851851851851853414387960584;0.015555555555555555108382392859;0.025555555555555557051272685953;0.025555555555555557051272685953;0.010740740740740739936343040029;0.019259259259259260688157411323;0.035185185185185187395351391615;0.021111111111111111743321444578;0.019629629629629628817522046802;0.013703703703703704053218359604;0.029629629629629630760412339896;0.041851851851851848418384349770;0.011851851851851851263330850372;0.028518518518518519433424529552;0.014444444444444443781394582516;0.015555555555555555108382392859;0.022962962962962962798485477833;0.034444444444444444197728216750;0.037037037037037034981068472916;0.039259259259259257635044093604;0.021481481481481479872686080057;0.000370370370370370351979089074;0.030740740740740742087400150240;0.008518518518518519017090895318;0.008518518518518519017090895318;0.024074074074074074125473288177;0.006296296296296296363115274630;0.019259259259259260688157411323;0.027777777777777776235801354687;0.020000000000000000416333634234;0.009629629629629630344078705662;0.000370370370370370351979089074;0.011111111111111111535154627461;0.005185185185185185036127464286;0.011481481481481481399242738917;0.000000000000000000000000000000;0.012592592592592592726230549260;0.016666666666666666435370203203;0.008888888888888888881179006773;0.027777777777777776235801354687;0.028518518518518519433424529552;0.031111111111111110216764785719;0.013703703703703704053218359604
-0.040384615384615386857181107416;0.004487179487179486850334519943;0.069230769230769234612310469856;0.004487179487179486850334519943;0.003525641025641025692177743522;0.013782051282051281659857266959;0.002243589743589743425167259971;0.021794871794871793768688661430;0.015384615384615385469402326635;0.047115384615384614530597673365;0.017628205128205128027207848618;0.004166666666666666608842550801;0.011858974358974358476181976130;0.069871794871794873360570932164;0.003205128205128205017004905386;0.015705128205128204843532557788;0.018910256410256408993175725186;0.028525641025641024911552179333;0.014423076923076923877564681220;0.012500000000000000693889390391;0.015705128205128204843532557788;0.013141025641025641176873328675;0.010576923076923077510214099561;0.059294871794871792380909880649;0.033012820512820513496610175252;0.050320512820512822149687792717;0.029807692307692309346967007855;0.005128205128205128200680196215;0.000961538461538461591837645415;0.008653846153846154326538808732;0.003525641025641025692177743522;0.021474358974358974394558430276;0.006410256410256410034009810772;0.007051282051282051384355487045;0.017948717948717947401338079771;0.057051282051282049823104358666;0.019230769230769231836752908293;0.007692307692307692734701163317;0.000320512820512820512542512263;0.012500000000000000693889390391;0.005769230769230769551025872488;0.006410256410256410034009810772;0.000000000000000000000000000000;0.022435897435897435986396075691;0.005128205128205128200680196215;0.018269230769230770244915262879;0.065384615384615388244959888198;0.032371794871794874748349712945;0.025000000000000001387778780781;0.020192307692307693428590553708
-0.037606837606837605070264629603;0.011538461538461539102051744976;0.057264957264957262739191179435;0.003418803418803418800453464144;0.014102564102564102768710974090;0.036752136752136753405917346527;0.000854700854700854700113366036;0.013675213675213675201813856575;0.024786324786324785002245008059;0.018376068376068376702958673263;0.015811965811965811301575968173;0.020940170940170938634894426400;0.026495726495726495269833478119;0.033333333333333332870740406406;0.005555555555555555767577313730;0.023076923076923078204103489952;0.019658119658119657668926549832;0.037179487179487179238090988065;0.020512820512820512802720784862;0.011965811965811966668948862491;0.011538461538461539102051744976;0.030341880341880341637184059778;0.020512820512820512802720784862;0.019230769230769231836752908293;0.044017094017094020308444868306;0.026495726495726495269833478119;0.022222222222222223070309254922;0.004700854700854700633783078700;0.000427350427350427350056683018;0.044017094017094020308444868306;0.020085470085470086970547143324;0.013675213675213675201813856575;0.009829059829059828834463274916;0.009401709401709401267566157401;0.032478632478632481206393123330;0.030341880341880341637184059778;0.011538461538461539102051744976;0.012393162393162392501122504029;0.018376068376068376702958673263;0.027777777777777776235801354687;0.005982905982905983334474431246;0.013247863247863247634916739059;0.000000000000000000000000000000;0.014957264957264957902505209120;0.007692307692307692734701163317;0.006837606837606837600906928287;0.028205128205128205537421948179;0.032051282051282048435325577884;0.029487179487179486503389824748;0.019230769230769231836752908293
-0.018148148148148149361169600979;0.004814814814814815172039352831;0.052592592592592593558897817729;0.003703703703703703845051542487;0.038148148148148146308056283260;0.014444444444444443781394582516;0.002962962962962962815832712593;0.021481481481481479872686080057;0.014074074074074073917306471060;0.066296296296296297612116177334;0.015185185185185185244294281404;0.010000000000000000208166817117;0.006296296296296296363115274630;0.036296296296296298722339201959;0.012962962962962962590318660716;0.012962962962962962590318660716;0.034074074074074076068363581271;0.030370370370370370488588562807;0.028518518518518519433424529552;0.010740740740740739936343040029;0.017777777777777777762358013547;0.007037037037037036958653235530;0.002962962962962962815832712593;0.086296296296296301497896763522;0.019259259259259260688157411323;0.035925925925925923654080662573;0.027407407407407408106436719208;0.001851851851851851922525771243;0.002592592592592592518063732143;0.025555555555555557051272685953;0.011481481481481481399242738917;0.042962962962962959745372160114;0.011111111111111111535154627461;0.007037037037037036958653235530;0.012222222222222222862142437805;0.068148148148148152136727162542;0.006666666666666667094565124074;0.004814814814814815172039352831;0.001851851851851851922525771243;0.009259259259259258745267118229;0.011851851851851851263330850372;0.004814814814814815172039352831;0.000000000000000000000000000000;0.034444444444444444197728216750;0.015925925925925926707193980292;0.018518518518518517490534236458;0.034444444444444444197728216750;0.017407407407407406163546426114;0.011481481481481481399242738917;0.014814814814814815380206169948
-0.038364779874213834898188935085;0.003459119496855346011232601455;0.063522012578616351974325482388;0.000628930817610062861851283333;0.005974842767295597892318603783;0.008490566037735848906042868123;0.004716981132075471518094733625;0.021383647798742137086103198840;0.015408805031446540928508071033;0.057232704402515724440014821539;0.012893081761006289914783806694;0.005031446540880502894810266667;0.003773584905660377387948134498;0.047169811320754720385117764181;0.008176100628930817529327335080;0.027358490566037736713145278600;0.024213836477987422945989948175;0.025157232704402517076136547303;0.006918238993710692022465202911;0.011635220125786162673198198547;0.015723270440251572305223604076;0.015408805031446540928508071033;0.003144654088050314634517068413;0.082075471698113203200541931892;0.031132075471698113233731675109;0.057547169811320755816730354582;0.025157232704402517076136547303;0.000314465408805031430925641667;0.003144654088050314634517068413;0.004716981132075471518094733625;0.006289308176100629269034136826;0.034591194968553458377602538576;0.006289308176100629269034136826;0.007861635220125786152611802038;0.006603773584905660645749669868;0.067610062893081759871627411940;0.013836477987421384044930405821;0.010691823899371068543051599420;0.000000000000000000000000000000;0.006918238993710692022465202911;0.005031446540880502894810266667;0.003144654088050314634517068413;0.000000000000000000000000000000;0.041823899371069180042059798552;0.006603773584905660645749669868;0.026415094339622642582998679472;0.061320754716981132337316751091;0.031132075471698113233731675109;0.018867924528301886072378934500;0.015094339622641509551792537991
-0.034876543209876542661618259444;0.006790123456790123426807248563;0.083333333333333328707404064062;0.023148148148148146863167795573;0.004938271604938271504281477320;0.027469135802469134971515174470;0.000925925925925925961262885622;0.014814814814814815380206169948;0.026543209876543211178656633820;0.018827160493827162224267368629;0.021296296296296295808003762318;0.013271604938271605589328316910;0.017283950617283948963942563637;0.053395061728395060152152495903;0.007716049382716048954389265191;0.031481481481481478346129421197;0.019135802469135803488553548846;0.027160493827160493707228994253;0.010185185185185186007572610833;0.010802469135802468536144971267;0.008333333333333333217685101602;0.025617283950617283916351141215;0.017283950617283948963942563637;0.021913580246913581806023074705;0.042283950617283953821168296372;0.041666666666666664353702032031;0.026851851851851852442942814037;0.004320987654320987240985640909;0.000000000000000000000000000000;0.013271604938271605589328316910;0.013888888888888888117900677344;0.012962962962962962590318660716;0.008641975308641974481971281818;0.012962962962962962590318660716;0.030246913580246913288984700330;0.034259259259259260133045899011;0.009259259259259258745267118229;0.012345679012345678327022824305;0.001851851851851851922525771243;0.030246913580246913288984700330;0.003703703703703703845051542487;0.006172839506172839163511412153;0.000000000000000000000000000000;0.012037037037037037062736644089;0.006790123456790123426807248563;0.011111111111111111535154627461;0.044444444444444446140618509844;0.037654320987654324448534737257;0.032407407407407405608434913802;0.024074074074074074125473288177
-0.010833333333333333703407674875;0.034166666666666664631257788187;0.036249999999999997501998194593;0.046666666666666668794594130532;0.070000000000000006661338147751;0.020833333333333332176851016015;0.004166666666666666608842550801;0.025416666666666667268037471672;0.035833333333333335091186455656;0.011249999999999999583666365766;0.007499999999999999722444243844;0.011666666666666667198648532633;0.023333333333333334397297065266;0.012916666666666666574148081281;0.028750000000000001249000902703;0.005416666666666666851703837438;0.026249999999999999028554853453;0.050416666666666665186369300500;0.027083333333333334258519187188;0.005416666666666666851703837438;0.015416666666666667059870654555;0.026666666666666668378260496297;0.016666666666666666435370203203;0.015416666666666667059870654555;0.015416666666666667059870654555;0.010416666666666666088425508008;0.029999999999999998889776975375;0.046249999999999999444888487687;0.002500000000000000052041704279;0.042916666666666665463925056656;0.007916666666666667337426410711;0.012500000000000000693889390391;0.013333333333333334189130248149;0.009166666666666666712925959359;0.021666666666666667406815349750;0.025833333333333333148296162562;0.007083333333333332974823814965;0.005000000000000000104083408559;0.012916666666666666574148081281;0.029583333333333333009518284484;0.007916666666666667337426410711;0.042083333333333333703407674875;0.000000000000000000000000000000;0.005833333333333333599324266316;0.021250000000000001526556658860;0.011249999999999999583666365766;0.010000000000000000208166817117;0.007916666666666667337426410711;0.025833333333333333148296162562;0.007083333333333332974823814965
-0.010370370370370370072254928573;0.037407407407407410049327012302;0.024074074074074074125473288177;0.128518518518518531923433556585;0.084814814814814815102650413792;0.014074074074074073917306471060;0.004444444444444444440589503387;0.025555555555555557051272685953;0.020740740740740740144509857146;0.005185185185185185036127464286;0.008888888888888888881179006773;0.008148148148148147418279307885;0.012962962962962962590318660716;0.011851851851851851263330850372;0.037037037037037034981068472916;0.009259259259259258745267118229;0.022222222222222223070309254922;0.038888888888888889505679458125;0.029259259259259259161600752464;0.003703703703703703845051542487;0.012962962962962962590318660716;0.031111111111111110216764785719;0.022222222222222223070309254922;0.010370370370370370072254928573;0.017407407407407406163546426114;0.009259259259259258745267118229;0.021111111111111111743321444578;0.072222222222222215437525960624;0.000370370370370370351979089074;0.029999999999999998889776975375;0.008518518518518519017090895318;0.010000000000000000208166817117;0.013703703703703704053218359604;0.004814814814814815172039352831;0.024814814814814813853649511088;0.017407407407407406163546426114;0.004444444444444444440589503387;0.003333333333333333547282562037;0.014814814814814815380206169948;0.032222222222222221543752596062;0.005185185185185185036127464286;0.024814814814814813853649511088;0.000000000000000000000000000000;0.005925925925925925631665425186;0.024074074074074074125473288177;0.004814814814814815172039352831;0.006296296296296296363115274630;0.007407407407407407690103084974;0.016666666666666666435370203203;0.006296296296296296363115274630
-0.041085271317829456794168407896;0.007751937984496123923428001490;0.043798449612403103636815160371;0.024806201550387596554969604767;0.048449612403100777990871961265;0.032170542635658917751673158136;0.002713178294573643373199800521;0.018992248062015503612398603650;0.025581395348837208947312404916;0.027519379844961239928169405289;0.019767441860465116004741403799;0.023255813953488371770284004469;0.020155038759689922200912803874;0.034496124031007754928701558583;0.019767441860465116004741403799;0.033720930232558142536358758434;0.016279069767441860239198803129;0.017829457364341085023884403427;0.021705426356589146985598404171;0.004651162790697674354056800894;0.015891472868217054043027403054;0.013565891472868216865999002607;0.006976744186046511531085201341;0.034883720930232557655426006704;0.057751937984496126698985563053;0.031782945736434108086054806108;0.024031007751937984162626804618;0.031782945736434108086054806108;0.001162790697674418588514200223;0.019767441860465116004741403799;0.019767441860465116004741403799;0.016279069767441860239198803129;0.015116279069767441650684602905;0.003875968992248061961714000745;0.010852713178294573492799202086;0.022868217054263565574112604395;0.007751937984496123923428001490;0.010852713178294573492799202086;0.002325581395348837177028400447;0.008914728682170542511942201713;0.004651162790697674354056800894;0.010465116279069767296627802011;0.000000000000000000000000000000;0.016279069767441860239198803129;0.017441860465116278827713003352;0.016279069767441860239198803129;0.033720930232558142536358758434;0.025581395348837208947312404916;0.018992248062015503612398603650;0.015891472868217054043027403054
-0.039316239316239315337853099663;0.014529914529914530335608091605;0.063247863247863245206303872692;0.036752136752136753405917346527;0.008547008547008547868495398347;0.027350427350427350403627713149;0.001709401709401709400226732072;0.014957264957264957902505209120;0.018803418803418802535132314802;0.026068376068376069437659836581;0.019658119658119657668926549832;0.015811965811965811301575968173;0.015384615384615385469402326635;0.041452991452991451437615211262;0.011538461538461539102051744976;0.029487179487179486503389824748;0.025641025641025640136039243089;0.035897435897435894802676159543;0.014529914529914530335608091605;0.008974358974358973700669039886;0.012820512820512820068019621544;0.025641025641025640136039243089;0.016239316239316240603196561665;0.030341880341880341637184059778;0.039743589743589741170026741202;0.034188034188034191473981593390;0.027777777777777776235801354687;0.023504273504273504036277131490;0.001709401709401709400226732072;0.012393162393162392501122504029;0.012393162393162392501122504029;0.017521367521367521569164438233;0.007264957264957265167804045802;0.006837606837606837600906928287;0.024358974358974359170071366520;0.035897435897435894802676159543;0.013675213675213675201813856575;0.008547008547008547868495398347;0.002564102564102564100340098108;0.023076923076923078204103489952;0.002564102564102564100340098108;0.006410256410256410034009810772;0.000000000000000000000000000000;0.017094017094017095736990796695;0.005128205128205128200680196215;0.012820512820512820068019621544;0.037179487179487179238090988065;0.027777777777777776235801354687;0.030341880341880341637184059778;0.014529914529914530335608091605
-0.021666666666666667406815349750;0.011666666666666667198648532633;0.091333333333333335812831421663;0.000666666666666666644404382058;0.001000000000000000020816681712;0.010999999999999999361621760841;0.001000000000000000020816681712;0.024000000000000000499600361081;0.034666666666666665075346998037;0.026999999999999999694688668228;0.010999999999999999361621760841;0.003000000000000000062450045135;0.010333333333333333259318465025;0.051333333333333334980164153194;0.007000000000000000145716771982;0.011333333333333334147496884725;0.035333333333333334647097245806;0.056666666666666663798590519718;0.012333333333333333300951828448;0.018333333333333333425851918719;0.010999999999999999361621760841;0.038333333333333330372738601000;0.012000000000000000249800180541;0.037333333333333336423454085207;0.020333333333333331732761806165;0.038333333333333330372738601000;0.028666666666666666685170383744;0.003666666666666666598434209945;0.001333333333333333288808764117;0.004333333333333333134418374755;0.003333333333333333547282562037;0.026333333333333333592385372413;0.010000000000000000208166817117;0.011666666666666667198648532633;0.027333333333333334480563792113;0.056000000000000001165734175856;0.020000000000000000416333634234;0.004666666666666667052931760651;0.004666666666666667052931760651;0.036333333333333335535275665507;0.005333333333333333155235056466;0.014000000000000000291433543964;0.000000000000000000000000000000;0.014000000000000000291433543964;0.004000000000000000083266726847;0.008333333333333333217685101602;0.042666666666666665241880451731;0.028666666666666666685170383744;0.030666666666666664992080271190;0.016000000000000000333066907388
-0.029012345679012344762393027509;0.011728395061728395798450463872;0.090123456790123457338381740556;0.000925925925925925961262885622;0.000925925925925925961262885622;0.018827160493827162224267368629;0.002160493827160493620492820455;0.012345679012345678327022824305;0.032716049382716050342168045972;0.026234567901234566444923501649;0.018209876543209876226248056241;0.007716049382716048954389265191;0.020061728395061727281412089496;0.049074074074074075513252068959;0.005246913580246913635929395525;0.020987654320987654543717582101;0.033950617283950615399312766840;0.045061728395061728669190870278;0.011419753086419752799440807678;0.015432098765432097908778530382;0.012037037037037037062736644089;0.035802469135802469923923752049;0.015740740740740739173064710599;0.028086419753086420969534486858;0.036728395061728397186229244653;0.031172839506172840551290192934;0.022222222222222223070309254922;0.004938271604938271504281477320;0.000925925925925925961262885622;0.005864197530864197899225231936;0.006790123456790123426807248563;0.018827160493827162224267368629;0.007716049382716048954389265191;0.010802469135802468536144971267;0.037654320987654324448534737257;0.049074074074074075513252068959;0.011728395061728395798450463872;0.004938271604938271504281477320;0.003395061728395061713403624282;0.032716049382716050342168045972;0.003703703703703703845051542487;0.018518518518518517490534236458;0.000000000000000000000000000000;0.010185185185185186007572610833;0.002160493827160493620492820455;0.011111111111111111535154627461;0.041975308641975309087435164201;0.027469135802469134971515174470;0.034567901234567897927885127274;0.020987654320987654543717582101
-0.027173913043478260115337619141;0.009782608695652174682355628477;0.100000000000000005551115123126;0.000000000000000000000000000000;0.001449275362318840597308788887;0.031884057971014491406069879531;0.000362318840579710149327197222;0.016666666666666666435370203203;0.045289855072463768015378349219;0.021376811594202897726102463594;0.012318840579710145510805574531;0.026811594202898549749169987422;0.010869565217391304046135047656;0.052536231884057968399837079687;0.005434782608695652023067523828;0.029347826086956522312343409453;0.045652173913043478381545980938;0.057246376811594203160016292031;0.005797101449275362389235155547;0.010507246376811593679967415937;0.005434782608695652023067523828;0.039855072463768112522863873437;0.009057971014492753950020365039;0.034782608695652174335410933281;0.039130434782608698729422513907;0.026086956521739129016834723984;0.021376811594202897726102463594;0.003623188405797101493271972217;0.000362318840579710149327197222;0.009057971014492753950020365039;0.023550724637681159923108253906;0.016304347826086956069202571484;0.006884057971014492620376312715;0.005434782608695652023067523828;0.013405797101449274874584993711;0.052898550724637678766004711406;0.011231884057971014412302679375;0.008695652173913043583852733320;0.002173913043478260895963183330;0.018478260869565218266208361797;0.003623188405797101493271972217;0.013043478260869564508417361992;0.000000000000000000000000000000;0.012681159420289855876973206250;0.002536231884057970828449946055;0.004347826086956521791926366660;0.045289855072463768015378349219;0.026086956521739129016834723984;0.018115942028985507900040730078;0.015942028985507245703034939766
-0.033000000000000001554312234475;0.006666666666666667094565124074;0.086333333333333331371939323162;0.000666666666666666644404382058;0.001666666666666666773641281019;0.016333333333333331649495079319;0.002000000000000000041633363423;0.020000000000000000416333634234;0.023666666666666665713725237197;0.032666666666666663298990158637;0.016333333333333331649495079319;0.010333333333333333259318465025;0.014000000000000000291433543964;0.042999999999999996558308623662;0.006000000000000000124900090270;0.017000000000000001221245327088;0.036999999999999998168132009368;0.050999999999999996724842077356;0.012000000000000000249800180541;0.014000000000000000291433543964;0.014999999999999999444888487687;0.027666666666666665796991964044;0.012666666666666666352103476356;0.037999999999999999056310429069;0.027666666666666665796991964044;0.029000000000000001471045507628;0.036333333333333335535275665507;0.021000000000000001304512053935;0.000333333333333333322202191029;0.007000000000000000145716771982;0.008333333333333333217685101602;0.022333333333333333509118645566;0.008000000000000000166533453694;0.005666666666666667073748442363;0.017999999999999998639976794834;0.056000000000000001165734175856;0.015666666666666665547191783503;0.012000000000000000249800180541;0.002666666666666666577617528233;0.022999999999999999611421941381;0.008000000000000000166533453694;0.009333333333333334105863521302;0.000000000000000000000000000000;0.015666666666666665547191783503;0.005000000000000000104083408559;0.008999999999999999319988397417;0.045999999999999999222843882762;0.029333333333333332787473679559;0.033666666666666664187168578337;0.014000000000000000291433543964
-0.036991869918699189778710234577;0.009349593495934959558324450768;0.045121951219512193564931124001;0.003252032520325203249211831746;0.015447154471544715867437069790;0.040243902439024391293198590347;0.001626016260162601624605915873;0.025609756097560974069660133523;0.019918699186991871419305510926;0.021544715447154472176549688811;0.022357723577235772555171777753;0.025609756097560974069660133523;0.024390243902439025236450476086;0.027642276422764226750938831856;0.008536585365853659179702361826;0.019105691056910567571236470030;0.023577235772357724857828387144;0.046341463414634145867587733392;0.026422764227642277917729174419;0.006504065040650406498423663493;0.019105691056910567571236470030;0.025609756097560974069660133523;0.020731707317073171797927599869;0.025203252032520325615072565029;0.032113821138211380568083797016;0.020325203252032519873893079421;0.028048780487804878674973352304;0.022764227642276424479206298201;0.001219512195121951218454436905;0.035772357723577237476053625187;0.019918699186991871419305510926;0.018292682926829267192614381088;0.015853658536585366056748114261;0.005691056910569106119801574550;0.028455284552845527129560920798;0.026829268292682926372316742913;0.013414634146341463186158371457;0.007723577235772357933718534895;0.007723577235772357933718534895;0.028861788617886179053595441246;0.006097560975609756309112619022;0.013008130081300812996847326986;0.000000000000000000000000000000;0.012195121951219512618225238043;0.009756097560975609747635495239;0.013008130081300812996847326986;0.019918699186991871419305510926;0.017886178861788618738026812593;0.041056910569105688202373727336;0.013821138211382113375469415928
-0.036060606060606063827389533571;0.008181818181818182461606525635;0.036969696969696971833307941324;0.024545454545454543915372624951;0.003636363636363636360482320953;0.021515151515151514916013297807;0.000909090909090909090120580238;0.025151515151515150409133880771;0.012424242424242424448488364419;0.066060606060606055778272605039;0.015454545454545455182571167541;0.013333333333333334189130248149;0.015454545454545455182571167541;0.032727272727272729846426102540;0.008787878787878787220644305478;0.021212121212121213403856145874;0.010606060606060606701928072937;0.022121212121212121409774553626;0.013030303030303030942249620239;0.009090909090909090467524933388;0.013939393939393938948168027991;0.007575757575757575967845269815;0.009393939393939393714405561298;0.082121212121212122658775456330;0.036969696969696971833307941324;0.058484848484848486749321239131;0.024848484848484848896976728838;0.013333333333333334189130248149;0.000000000000000000000000000000;0.010909090909090909948808700847;0.007878787878787879214725897725;0.028787878787878789371701415689;0.008787878787878787220644305478;0.005757575757575757353923240345;0.013939393939393938948168027991;0.052121212121212123768998480955;0.013939393939393938948168027991;0.009696969696969696961286189207;0.001818181818181818180241160476;0.013939393939393938948168027991;0.008787878787878787220644305478;0.010606060606060606701928072937;0.000000000000000000000000000000;0.039696969696969695851063164582;0.003636363636363636360482320953;0.022424242424242422921931705559;0.049393939393939392812349353790;0.024242424242424242403215473018;0.016666666666666666435370203203;0.013030303030303030942249620239
-0.029487179487179486503389824748;0.014423076923076923877564681220;0.058012820512820514884388956034;0.007051282051282051384355487045;0.004166666666666666608842550801;0.019551282051282051210883139447;0.002243589743589743425167259971;0.022756410256410255360526306845;0.045833333333333330095182844843;0.018910256410256408993175725186;0.018910256410256408993175725186;0.010576923076923077510214099561;0.014423076923076923877564681220;0.028846153846153847755129362440;0.014423076923076923877564681220;0.017948717948717947401338079771;0.033012820512820513496610175252;0.060256410256410257442194478017;0.009294871794871794809522747016;0.012820512820512820068019621544;0.012500000000000000693889390391;0.046794871794871795156467442212;0.020833333333333332176851016015;0.018269230769230770244915262879;0.029807692307692309346967007855;0.034935897435897436680285466082;0.023397435897435897578233721106;0.008974358974358973700669039886;0.001282051282051282050170049054;0.013782051282051281659857266959;0.017628205128205128027207848618;0.019230769230769231836752908293;0.009615384615384615918376454147;0.010897435897435896884344330715;0.027884615384615386163291717025;0.033333333333333332870740406406;0.011538461538461539102051744976;0.009935897435897435292506685300;0.015384615384615385469402326635;0.035576923076923075428545928389;0.007371794871794871625847456187;0.022115384615384616612265844537;0.000000000000000000000000000000;0.013782051282051281659857266959;0.004487179487179486850334519943;0.010256410256410256401360392431;0.028525641025641024911552179333;0.021153846153846155020428199123;0.030769230769230770938804653269;0.016987179487179485809500434357
-0.029874213836477987726869542939;0.005660377358490565648241332752;0.126415094339622641195219898691;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008490566037735848906042868123;0.000000000000000000000000000000;0.016981132075471697812085736246;0.007861635220125786152611802038;0.036163522012578615261180203788;0.022955974842767293969680864052;0.001886792452830188693974067249;0.006289308176100629269034136826;0.081761006289308171823826398850;0.004088050314465408764663667540;0.036477987421383646637895736831;0.018553459119496854695663401458;0.028930817610062893596722943812;0.002830188679245282824120666376;0.008805031446540880282758401165;0.004716981132075471518094733625;0.012893081761006289914783806694;0.002830188679245282824120666376;0.043710691823899368302352996807;0.043396226415094336925637463764;0.062893081761006289220894416303;0.030503144654088050480300609024;0.000000000000000000000000000000;0.000314465408805031430925641667;0.002830188679245282824120666376;0.001257861635220125723702566667;0.018553459119496854695663401458;0.001572327044025157317258534206;0.011635220125786162673198198547;0.012264150943396227161352740609;0.053459119496855347919428425030;0.011635220125786162673198198547;0.007232704402515723399180735953;0.000943396226415094346987033624;0.010062893081761005789620533335;0.002830188679245282824120666376;0.006603773584905660645749669868;0.000000000000000000000000000000;0.016666666666666666435370203203;0.000628930817610062861851283333;0.004716981132075471518094733625;0.086477987421383642474559394486;0.050628930817610065528988627648;0.023584905660377360192558882090;0.031132075471698113233731675109
-0.033333333333333332870740406406;0.007954545454545453725403447720;0.086363636363636364645657295114;0.000000000000000000000000000000;0.000757575757575757575100483532;0.024621212121212120160773650923;0.000000000000000000000000000000;0.013257575757575757943729222177;0.048106060606060603579425816179;0.032196969696969696128618920739;0.016287878787878788677812025298;0.013257575757575757943729222177;0.013636363636363635701287400082;0.053787878787878787290033244517;0.007196969696969697342925353922;0.034469696969696969612861892074;0.030681818181818181628939257166;0.042803030303030301095823517699;0.006818181818181817850643700041;0.012121212121212121201607736509;0.010227272727272727209646419055;0.031818181818181814901613790880;0.008333333333333333217685101602;0.027272727272727271402574800163;0.040530303030303027611580546363;0.040909090909090908838585676222;0.023106060606060605661093987351;0.001893939393939393991961317454;0.000757575757575757575100483532;0.011742424242424241709326082628;0.010606060606060606701928072937;0.017803030303030303177491688871;0.003787878787878787983922634908;0.008333333333333333217685101602;0.015530303030303029693248717535;0.045075757575757574580066489034;0.011742424242424241709326082628;0.010606060606060606701928072937;0.001893939393939393991961317454;0.022727272727272727903535809446;0.003409090909090908925321850020;0.017803030303030303177491688871;0.000000000000000000000000000000;0.009848484848484847717364765174;0.001136363636363636308440616673;0.007196969696969697342925353922;0.050000000000000002775557561563;0.039015151515151516581347834745;0.029166666666666667129259593594;0.020075757575757576661734660206
-0.040697674418604654067443959775;0.005038759689922480550228200968;0.060077519379844963876013963500;0.000775193798449612392342800149;0.003875968992248061961714000745;0.022868217054263565574112604395;0.002325581395348837177028400447;0.017829457364341085023884403427;0.026356589147286821339655205065;0.037209302325581394832454407151;0.021317829457364340789427004097;0.015116279069767441650684602905;0.016666666666666666435370203203;0.047286821705426355932910809088;0.005426356589147286746399601043;0.022480620155038759377941204320;0.031782945736434108086054806108;0.036821705426356592105729959030;0.014728682170542635454513202831;0.015503875968992247846856002980;0.014341085271317829258341802756;0.014341085271317829258341802756;0.008139534883720930119599401564;0.058914728682170541818052811323;0.034496124031007754928701558583;0.035271317829457367321044358732;0.030620155038759689497540605885;0.017054263565891472631541603278;0.000000000000000000000000000000;0.011240310077519379688970602160;0.015891472868217054043027403054;0.022480620155038759377941204320;0.010077519379844961100456401937;0.006976744186046511531085201341;0.014341085271317829258341802756;0.056589147286821704641024410876;0.012015503875968992081313402309;0.008139534883720930119599401564;0.000387596899224806196171400074;0.008914728682170542511942201713;0.002325581395348837177028400447;0.007364341085271317727256601415;0.000000000000000000000000000000;0.027519379844961239928169405289;0.002713178294573643373199800521;0.012015503875968992081313402309;0.050387596899224805502282009684;0.022868217054263565574112604395;0.032945736434108530144015958285;0.017441860465116278827713003352
-0.033720930232558142536358758434;0.012403100775193798277484802384;0.070542635658914734642088717465;0.000387596899224806196171400074;0.004263565891472868157885400819;0.022093023255813953181769804246;0.001162790697674418588514200223;0.018217054263565891220055803501;0.042635658914728681578854008194;0.030232558139534883301369205810;0.016666666666666666435370203203;0.016666666666666666435370203203;0.014341085271317829258341802756;0.045736434108527131148225208790;0.004651162790697674354056800894;0.027519379844961239928169405289;0.025193798449612402751141004842;0.048449612403100777990871961265;0.011627906976744185885142002235;0.015891472868217054043027403054;0.011627906976744185885142002235;0.022868217054263565574112604395;0.008914728682170542511942201713;0.043023255813953491244472360222;0.038372093023255816890415559328;0.041085271317829456794168407896;0.029069767441860464712855005587;0.011240310077519379688970602160;0.000000000000000000000000000000;0.009689922480620154904285001862;0.014728682170542635454513202831;0.019767441860465116004741403799;0.004263565891472868157885400819;0.006976744186046511531085201341;0.015503875968992247846856002980;0.047674418604651165598529161116;0.013953488372093023062170402682;0.012790697674418604473656202458;0.004651162790697674354056800894;0.013953488372093023062170402682;0.002325581395348837177028400447;0.019767441860465116004741403799;0.000000000000000000000000000000;0.014341085271317829258341802756;0.004263565891472868157885400819;0.010852713178294573492799202086;0.034496124031007754928701558583;0.031007751937984495693712005959;0.034108527131782945263083206555;0.016279069767441860239198803129
-0.029347826086956522312343409453;0.014492753623188405973087888867;0.055434782608695651329178133437;0.001811594202898550746635986108;0.005797101449275362389235155547;0.028623188405797101580008146016;0.002898550724637681194617577773;0.022101449275362318458437727031;0.018478260869565218266208361797;0.023913043478260870289275885625;0.019565217391304349364711256953;0.031884057971014491406069879531;0.021739130434782608092270095312;0.042028985507246374719869663750;0.010144927536231883313799784219;0.020652173913043476993767200156;0.021014492753623187359934831875;0.041304347826086953987534400312;0.009420289855072464316187996758;0.009420289855072464316187996758;0.012681159420289855876973206250;0.022826086956521739190772990469;0.017028985507246376801537834922;0.036231884057971015800081460156;0.040942028985507243621366768593;0.036231884057971015800081460156;0.039855072463768112522863873437;0.003260869565217391127104340498;0.002898550724637681194617577773;0.020652173913043476993767200156;0.018115942028985507900040730078;0.015217391304347826705423152305;0.010507246376811593679967415937;0.010507246376811593679967415937;0.023913043478260870289275885625;0.038768115942028988363254882188;0.017391304347826087167705466641;0.006159420289855072755402787266;0.001811594202898550746635986108;0.027898550724637680847672882578;0.005797101449275362389235155547;0.010507246376811593679967415937;0.000000000000000000000000000000;0.014492753623188405973087888867;0.005797101449275362389235155547;0.011956521739130435144637942813;0.035869565217391305433913828438;0.029710144927536232678511041172;0.038405797101449277997087250469;0.014492753623188405973087888867
-0.032163742690058477746717358059;0.011695906432748537362442675658;0.079824561403508770274228822927;0.000000000000000000000000000000;0.003801169590643274816266217186;0.022222222222222223070309254922;0.000000000000000000000000000000;0.018128654970760233605675537660;0.026023391812865497019213734120;0.031871345029239765700435071949;0.015204678362573099265064868746;0.018713450292397661167687061834;0.015497076023391813046070630833;0.059941520467836253982518712746;0.004385964912280701510916003372;0.018128654970760233605675537660;0.028947368421052631359824403035;0.037134502923976610289091837558;0.006725146198830409156876886101;0.015789473684210526827076392919;0.011695906432748537362442675658;0.025438596491228069457202209946;0.015204678362573099265064868746;0.031578947368421053654152785839;0.037719298245614034381656409778;0.040058479532163744629702506472;0.028654970760233919313542116925;0.004970760233918129072927527545;0.001169590643274853822980441365;0.009649122807017544364849293004;0.008187134502923977194543958547;0.020760233918128655900003920465;0.006432748538011696243232862003;0.011111111111111111535154627461;0.024853801169590641895190685773;0.051461988304093569945862896020;0.016959064327485378481652489313;0.004385964912280701510916003372;0.001461988304093567170305334457;0.025438596491228069457202209946;0.004093567251461988597271979273;0.016959064327485378481652489313;0.000000000000000000000000000000;0.017251461988304093997381727377;0.000877192982456140367235331023;0.008479532163742689240826244657;0.042982456140350878970313175387;0.034502923976608187994763454753;0.032748538011695908778175834186;0.018713450292397661167687061834
-0.033333333333333332870740406406;0.006609195402298850482991632305;0.101149425287356320435350198750;0.000000000000000000000000000000;0.001149425287356321823128979531;0.017528735632183909537440413828;0.000000000000000000000000000000;0.014942528735632183700676733906;0.029597701149425288680294698906;0.027586206896551723755095508750;0.022126436781609196829956331953;0.008333333333333333217685101602;0.012356321839080459598636529961;0.066379310344827580081528139999;0.003735632183908045925169183477;0.050000000000000002775557561563;0.022988505747126436462579590625;0.031034482758620689224482447344;0.004597701149425287292515918125;0.008620689655172413673467346484;0.005747126436781609115644897656;0.028735632183908045578224488281;0.002586206896551724102040203945;0.023275862068965518653085311485;0.055172413793103447510191017500;0.066091954022988508299363275000;0.023563218390804597374144080391;0.003735632183908045925169183477;0.000287356321839080455782244883;0.002011494252873563190475714180;0.007183908045977011394556122070;0.016091954022988505523805713437;0.001436781609195402278911224414;0.013793103448275861877547754375;0.016666666666666666435370203203;0.036206896551724140898009807188;0.006896551724137930938773877187;0.009482758620689655040814081133;0.002873563218390804557822448828;0.009770114942528735496596326016;0.003448275862068965469386938594;0.014942528735632183700676733906;0.000000000000000000000000000000;0.010344827586206896408160815781;0.001436781609195402278911224414;0.005172413793103448204080407891;0.064080459770114936435270180937;0.050862068965517238938733868281;0.021551724137931035918391842188;0.034482758620689654693869385937
-0.026797385620915031151367813322;0.002614379084967320080595820642;0.091176470588235289382872394981;0.000000000000000000000000000000;0.034967320261437909167945292666;0.021568627450980391857537910028;0.000653594771241830020148955160;0.014052287581699346788455251556;0.023202614379084968154742796287;0.024509803921568627110838534122;0.019607843137254901688670827298;0.015032679738562091872888792921;0.016666666666666666435370203203;0.058823529411764705066012481893;0.004248366013071895076758099918;0.036928104575163399336812375395;0.018300653594771242732575089462;0.019934640522875815560333023768;0.004901960784313725422167706824;0.008169934640522876281854003366;0.009803921568627450844335413649;0.023856209150326795898067189228;0.006209150326797385245625182648;0.029084967320261438661344044476;0.048692810457516340350014871774;0.044444444444444446140618509844;0.033660130718954246742402602877;0.000326797385620915010074477580;0.000000000000000000000000000000;0.011764705882352941013202496379;0.010457516339869280322383282567;0.016993464052287580307032399674;0.007189542483660130330058724013;0.015686274509803921350936661838;0.019934640522875815560333023768;0.036274509803921571593487982454;0.009477124183006535237949741202;0.008496732026143790153516199837;0.001960784313725490168867082730;0.019934640522875815560333023768;0.001960784313725490168867082730;0.008496732026143790153516199837;0.000000000000000000000000000000;0.012418300653594770491250365296;0.002614379084967320080595820642;0.009803921568627450844335413649;0.063071895424836599275408843823;0.046405228758169936309485592574;0.028104575163398693576910503111;0.030718954248366011489101978782
-0.033333333333333332870740406406;0.010283687943262410577349719176;0.084397163120567372796010374714;0.006382978723404254990658746038;0.006382978723404254990658746038;0.027304964539007093443645501907;0.002482269503546099403967772901;0.013475177304964539373721699178;0.028014184397163119366602757054;0.020921985815602835850901541903;0.013829787234042552335200326752;0.024468085106382979343475625456;0.015602836879432624081487368528;0.053191489361702128102482589611;0.010992907801418439969753926277;0.025886524822695034658837087704;0.025531914893617019962634984154;0.039007092198581561071080159309;0.013475177304964539373721699178;0.013120567375886524677519595627;0.011347517730496454665956029828;0.024113475177304964647273521905;0.007446808510638298211903318702;0.027659574468085104670400653504;0.042553191489361701094207290907;0.030496453900709218770570529955;0.031205673758865248162974737056;0.007092198581560283515701215151;0.000000000000000000000000000000;0.014539007092198581727604533853;0.028723404255319148759006964156;0.010283687943262410577349719176;0.006737588652482269686860849589;0.009574468085106382919668988052;0.019148936170212765839337976104;0.039361702127659575767282262859;0.015957446808510637042965996102;0.012411347517730497019838864503;0.003900709219858156020371842132;0.021276595744680850547103645454;0.005673758865248227332978014914;0.009219858156028368223466884501;0.000000000000000000000000000000;0.008510638297872340565786153377;0.003546099290780141757850607576;0.005319148936170212636775911363;0.053191489361702128102482589611;0.028723404255319148759006964156;0.030851063829787233466772633506;0.023049645390070920558667211253
-0.033974358974358971619000868714;0.007692307692307692734701163317;0.094551282051282048435325577884;0.000641025641025641025085024527;0.001923076923076923183675290829;0.029807692307692309346967007855;0.001923076923076923183675290829;0.015705128205128204843532557788;0.040064102564102567483050876262;0.022435897435897435986396075691;0.018269230769230770244915262879;0.018910256410256408993175725186;0.010256410256410256401360392431;0.048397435897435898966012501887;0.010576923076923077510214099561;0.039743589743589741170026741202;0.031730769230769229061195346731;0.039102564102564102421766278894;0.009294871794871794809522747016;0.011858974358974358476181976130;0.013141025641025641176873328675;0.030769230769230770938804653269;0.008653846153846154326538808732;0.026282051282051282353746657350;0.048717948717948718340142733041;0.039743589743589741170026741202;0.025000000000000001387778780781;0.001602564102564102508502452693;0.000320512820512820512542512263;0.012500000000000000693889390391;0.020192307692307693428590553708;0.011858974358974358476181976130;0.007692307692307692734701163317;0.010256410256410256401360392431;0.016346153846153847061239972049;0.037820512820512817986351450372;0.011858974358974358476181976130;0.007692307692307692734701163317;0.002884615384615384775512936244;0.019230769230769231836752908293;0.003525641025641025692177743522;0.010576923076923077510214099561;0.000000000000000000000000000000;0.008974358974358973700669039886;0.002884615384615384775512936244;0.005448717948717948442172165358;0.043910256410256406911507554014;0.037179487179487179238090988065;0.025000000000000001387778780781;0.023076923076923078204103489952
-0.014999999999999999444888487687;0.018333333333333333425851918719;0.083750000000000004996003610813;0.008750000000000000832667268469;0.005833333333333333599324266316;0.008750000000000000832667268469;0.004166666666666666608842550801;0.017500000000000001665334536938;0.040416666666666663243479007406;0.016250000000000000555111512313;0.010833333333333333703407674875;0.002916666666666666799662133158;0.016250000000000000555111512313;0.045416666666666667684371105906;0.019583333333333334536074943344;0.014583333333333333564629796797;0.039166666666666669072149886688;0.059583333333333335368742211813;0.018333333333333333425851918719;0.015833333333333334674852821422;0.011666666666666667198648532633;0.026249999999999999028554853453;0.022499999999999999167332731531;0.024583333333333332038073137937;0.021666666666666667406815349750;0.025000000000000001387778780781;0.031666666666666669349705642844;0.009166666666666666712925959359;0.000416666666666666693410320255;0.006666666666666667094565124074;0.005416666666666666851703837438;0.017083333333333332315628894094;0.010833333333333333703407674875;0.010416666666666666088425508008;0.031250000000000000000000000000;0.045416666666666667684371105906;0.016250000000000000555111512313;0.007916666666666667337426410711;0.003333333333333333547282562037;0.041666666666666664353702032031;0.008333333333333333217685101602;0.019166666666666665186369300500;0.000000000000000000000000000000;0.007499999999999999722444243844;0.010416666666666666088425508008;0.012083333333333333078907223523;0.041666666666666664353702032031;0.019583333333333334536074943344;0.030833333333333334119741309109;0.020000000000000000416333634234
-0.028148148148148147834612942120;0.002222222222222222220294751693;0.073333333333333333703407674875;0.000370370370370370351979089074;0.001481481481481481407916356297;0.008148148148148147418279307885;0.000740740740740740703958178148;0.021111111111111111743321444578;0.015555555555555555108382392859;0.064444444444444443087505192125;0.008518518518518519017090895318;0.003333333333333333547282562037;0.007777777777777777554191196430;0.052962962962962961688262453208;0.002962962962962962815832712593;0.008888888888888888881179006773;0.018148148148148149361169600979;0.030740740740740742087400150240;0.007037037037037036958653235530;0.011481481481481481399242738917;0.014074074074074073917306471060;0.015555555555555555108382392859;0.012592592592592592726230549260;0.100740740740740741809844394083;0.013333333333333334189130248149;0.054074074074074073015250263552;0.028518518518518519433424529552;0.000370370370370370351979089074;0.000370370370370370351979089074;0.014814814814814815380206169948;0.003703703703703703845051542487;0.036666666666666666851703837438;0.005185185185185185036127464286;0.004444444444444444440589503387;0.009629629629629630344078705662;0.072592592592592597444678403917;0.011851851851851851263330850372;0.006666666666666667094565124074;0.001111111111111111110147375847;0.012962962962962962590318660716;0.006296296296296296363115274630;0.003703703703703703845051542487;0.000000000000000000000000000000;0.046666666666666668794594130532;0.005925925925925925631665425186;0.020000000000000000416333634234;0.068888888888888888395456433500;0.028888888888888887562789165031;0.019629629629629628817522046802;0.013333333333333334189130248149
-0.057092198581560282821811824761;0.003191489361702127495329373019;0.031560283687943259389729888653;0.000354609929078014208311125932;0.002127659574468085141446538344;0.041843971631205671701803083806;0.002836879432624113666489007457;0.019503546099290780535540079654;0.010283687943262410577349719176;0.030851063829787233466772633506;0.021985815602836879939507852555;0.035460992907801421047953027710;0.027304964539007093443645501907;0.040070921985815605159686469960;0.007801418439716312040743684264;0.039007092198581561071080159309;0.014893617021276596423806637404;0.020212765957446809927944286756;0.023758865248226949951071418354;0.004255319148936170282893076688;0.018794326241134751143135872553;0.013829787234042552335200326752;0.011347517730496454665956029828;0.043971631205673759879015705110;0.060283687943262408148736852809;0.041843971631205671701803083806;0.023049645390070920558667211253;0.001063829787234042570723269172;0.001063829787234042570723269172;0.020921985815602835850901541903;0.024822695035460994039677729006;0.013829787234042552335200326752;0.010283687943262410577349719176;0.005319148936170212636775911363;0.017021276595744681131572306754;0.038652482269503546374878055758;0.008865248226950355261988256927;0.018794326241134751143135872553;0.005319148936170212636775911363;0.012056737588652482323636760952;0.008865248226950355261988256927;0.007801418439716312040743684264;0.000000000000000000000000000000;0.024113475177304964647273521905;0.004964539007092198807935545801;0.014539007092198581727604533853;0.037234042553191487590069641556;0.027304964539007093443645501907;0.030851063829787233466772633506;0.018794326241134751143135872553
-0.030333333333333333675652099259;0.008333333333333333217685101602;0.061666666666666668239482618219;0.000333333333333333322202191029;0.004666666666666667052931760651;0.030999999999999999777955395075;0.001666666666666666773641281019;0.020000000000000000416333634234;0.025666666666666667490082076597;0.021000000000000001304512053935;0.019333333333333334314030338419;0.014666666666666666393736839780;0.025999999999999998806510248528;0.043999999999999997446487043362;0.008999999999999999319988397417;0.023666666666666665713725237197;0.028666666666666666685170383744;0.032666666666666663298990158637;0.022333333333333333509118645566;0.012999999999999999403255124264;0.017333333333333332537673499019;0.014333333333333333342585191872;0.020666666666666666518636930050;0.021666666666666667406815349750;0.040666666666666663465523612331;0.033000000000000001554312234475;0.041666666666666664353702032031;0.000666666666666666644404382058;0.001333333333333333288808764117;0.021333333333333332620940225866;0.014666666666666666393736839780;0.014999999999999999444888487687;0.017000000000000001221245327088;0.006666666666666667094565124074;0.033666666666666664187168578337;0.041666666666666664353702032031;0.017333333333333332537673499019;0.004333333333333333134418374755;0.005333333333333333155235056466;0.025000000000000001387778780781;0.003666666666666666598434209945;0.013666666666666667240281896056;0.000000000000000000000000000000;0.014333333333333333342585191872;0.010666666666666666310470112933;0.010000000000000000208166817117;0.038666666666666668628060676838;0.032666666666666663298990158637;0.027666666666666665796991964044;0.017333333333333332537673499019
-0.015217391304347826705423152305;0.016304347826086956069202571484;0.044927536231884057649210717500;0.242028985507246385822099910001;0.023188405797101449556940622188;0.012318840579710145510805574531;0.003985507246376811425758734941;0.014855072463768116339255520586;0.028623188405797101580008146016;0.016666666666666666435370203203;0.012318840579710145510805574531;0.007971014492753622851517469883;0.008695652173913043583852733320;0.021739130434782608092270095312;0.019565217391304349364711256953;0.010507246376811593679967415937;0.027898550724637680847672882578;0.038405797101449277997087250469;0.007971014492753622851517469883;0.009420289855072464316187996758;0.010507246376811593679967415937;0.028985507246376811946175777734;0.009782608695652174682355628477;0.021739130434782608092270095312;0.015217391304347826705423152305;0.019927536231884056261431936719;0.021376811594202897726102463594;0.047101449275362319846216507813;0.004347826086956521791926366660;0.006884057971014492620376312715;0.003260869565217391127104340498;0.016666666666666666435370203203;0.005434782608695652023067523828;0.009420289855072464316187996758;0.011594202898550724778470311094;0.029347826086956522312343409453;0.008333333333333333217685101602;0.007608695652173913352711576152;0.007246376811594202986543944434;0.021014492753623187359934831875;0.006159420289855072755402787266;0.014130434782608695606920257148;0.000000000000000000000000000000;0.010869565217391304046135047656;0.009782608695652174682355628477;0.011956521739130435144637942813;0.018478260869565218266208361797;0.011231884057971014412302679375;0.019565217391304349364711256953;0.009420289855072464316187996758
-0.010763888888888888811790067734;0.005555555555555555767577313730;0.066319444444444444752839729063;0.161111111111111121596550788126;0.042013888888888892281237019688;0.011805555555555555247160270937;0.004166666666666666608842550801;0.021874999999999998612221219219;0.012152777777777777970524830664;0.040972222222222222376419864531;0.011111111111111111535154627461;0.003125000000000000173472347598;0.004513888888888888464845372539;0.032638888888888890893458238907;0.018749999999999999306110609609;0.011458333333333332523795711211;0.026041666666666667823148983985;0.022916666666666665047591422422;0.019791666666666665741480812812;0.009027777777777776929690745078;0.010763888888888888811790067734;0.012152777777777777970524830664;0.004513888888888888464845372539;0.058333333333333334258519187188;0.012152777777777777970524830664;0.026736111111111109800431151484;0.023263888888888889505679458125;0.025694444444444443365060948281;0.000694444444444444470947164216;0.015972222222222220988641083750;0.004166666666666666608842550801;0.035069444444444444752839729063;0.004513888888888888464845372539;0.003472222222222222029475169336;0.009722222222222222376419864531;0.064236111111111104943205418749;0.011458333333333332523795711211;0.004166666666666666608842550801;0.000000000000000000000000000000;0.005555555555555555767577313730;0.008680555555555555941049661328;0.003125000000000000173472347598;0.000000000000000000000000000000;0.016666666666666666435370203203;0.018402777777777778317469525859;0.008333333333333333217685101602;0.036111111111111107718762980312;0.018055555555555553859381490156;0.012152777777777777970524830664;0.009722222222222222376419864531
-0.030555555555555554553270880547;0.005902777777777777623580135469;0.075347222222222218213083522187;0.003472222222222222029475169336;0.002777777777777777883788656865;0.018055555555555553859381490156;0.001041666666666666652210637700;0.023958333333333334952408577578;0.031597222222222220988641083750;0.036111111111111107718762980312;0.018055555555555553859381490156;0.005902777777777777623580135469;0.012847222222222221682530474141;0.062152777777777779011358916250;0.007291666666666666782314898398;0.022222222222222223070309254922;0.029166666666666667129259593594;0.029861111111111112575988713047;0.007291666666666666782314898398;0.015277777777777777276635440273;0.011458333333333332523795711211;0.028125000000000000693889390391;0.009722222222222222376419864531;0.041666666666666664353702032031;0.037847222222222219600862302968;0.047569444444444441977282167500;0.028472222222222221682530474141;0.011111111111111111535154627461;0.001736111111111111014737584668;0.008680555555555555941049661328;0.008680555555555555941049661328;0.015972222222222220988641083750;0.004513888888888888464845372539;0.009374999999999999653055304805;0.014583333333333333564629796797;0.046527777777777779011358916250;0.012152777777777777970524830664;0.007986111111111110494320541875;0.004166666666666666608842550801;0.013888888888888888117900677344;0.005555555555555555767577313730;0.023958333333333334952408577578;0.000000000000000000000000000000;0.017708333333333332870740406406;0.003819444444444444319158860068;0.009027777777777776929690745078;0.057291666666666664353702032031;0.028819444444444446140618509844;0.030208333333333333564629796797;0.020486111111111111188209932266
-0.028333333333333331899295259859;0.003666666666666666598434209945;0.078666666666666662521834041399;0.000666666666666666644404382058;0.001000000000000000020816681712;0.020000000000000000416333634234;0.000333333333333333322202191029;0.014999999999999999444888487687;0.027666666666666665796991964044;0.051999999999999997613020497056;0.016000000000000000333066907388;0.013333333333333334189130248149;0.009333333333333334105863521302;0.058999999999999996891375531050;0.003666666666666666598434209945;0.021999999999999998723243521681;0.031333333333333331094383567006;0.032333333333333331982561986706;0.007000000000000000145716771982;0.012666666666666666352103476356;0.006333333333333333176051738178;0.028000000000000000582867087928;0.005333333333333333155235056466;0.058666666666666665574947359119;0.029999999999999998889776975375;0.045999999999999999222843882762;0.022666666666666668294993769450;0.000666666666666666644404382058;0.001000000000000000020816681712;0.005333333333333333155235056466;0.007666666666666666248020067798;0.029999999999999998889776975375;0.006000000000000000124900090270;0.008666666666666666268836749509;0.012000000000000000249800180541;0.070999999999999993671728759637;0.016000000000000000333066907388;0.006000000000000000124900090270;0.006333333333333333176051738178;0.016666666666666666435370203203;0.002666666666666666577617528233;0.007333333333333333196868419890;0.000000000000000000000000000000;0.027666666666666665796991964044;0.000666666666666666644404382058;0.016333333333333331649495079319;0.056333333333333332482162347787;0.031666666666666669349705642844;0.020333333333333331732761806165;0.018666666666666668211727042603
-0.034469696969696969612861892074;0.007196969696969697342925353922;0.067045454545454546968485942671;0.000000000000000000000000000000;0.000757575757575757575100483532;0.021969696969696968918972501683;0.004924242424242423858682382587;0.023863636363636364645657295114;0.015151515151515151935690539631;0.043560606060606063549833777415;0.013636363636363635701287400082;0.009090909090909090467524933388;0.016666666666666666435370203203;0.041287878787878790065590806080;0.005303030303030303350964036468;0.015909090909090907450806895440;0.024242424242424242403215473018;0.041287878787878790065590806080;0.010227272727272727209646419055;0.013257575757575757943729222177;0.015151515151515151935690539631;0.012121212121212121201607736509;0.015530303030303029693248717535;0.060227272727272726515757028665;0.028030303030303030387138107926;0.041287878787878790065590806080;0.023863636363636364645657295114;0.001136363636363636308440616673;0.001136363636363636308440616673;0.012878787878787878451447568295;0.007954545454545453725403447720;0.030303030303030303871381079261;0.017045454545454544192928381108;0.006439393939393939225723784148;0.023484848484848483418652165255;0.061363636363636363257878514332;0.013257575757575757943729222177;0.010984848484848484459486250842;0.000000000000000000000000000000;0.020833333333333332176851016015;0.007954545454545453725403447720;0.006439393939393939225723784148;0.000000000000000000000000000000;0.030303030303030303871381079261;0.000378787878787878787550241766;0.025757575757575756902895136591;0.048106060606060603579425816179;0.028787878787878789371701415689;0.027272727272727271402574800163;0.012121212121212121201607736509
-0.055757575757575755792672111966;0.000909090909090909090120580238;0.034242424242424240876658814159;0.007272727272727272720964641906;0.026969696969696969890417648230;0.019696969696969695434729530348;0.002121212121212121427121788386;0.015454545454545455182571167541;0.014848484848484848688809911721;0.051515151515151513805790273182;0.023636363636363635909454217199;0.022424242424242422921931705559;0.013636363636363635701287400082;0.043333333333333334813630699500;0.002424242424242424240321547302;0.034848484848484850839867021932;0.013939393939393938948168027991;0.013030303030303030942249620239;0.005454545454545454974404350423;0.008181818181818182461606525635;0.016060606060606059941608947383;0.007878787878787879214725897725;0.005151515151515151727523722514;0.062727272727272728736203077915;0.047575757575757576800512538284;0.062727272727272728736203077915;0.024848484848484848896976728838;0.000606060606060606060080386825;0.001818181818181818180241160476;0.013636363636363635701287400082;0.013030303030303030942249620239;0.022727272727272727903535809446;0.004848484848484848480643094604;0.006666666666666667094565124074;0.022727272727272727903535809446;0.038787878787878787845144756830;0.011212121212121211460965852780;0.016363636363636364923213051270;0.001818181818181818180241160476;0.008181818181818182461606525635;0.004848484848484848480643094604;0.008181818181818182461606525635;0.000000000000000000000000000000;0.035757575757575758845785429685;0.000909090909090909090120580238;0.025757575757575756902895136591;0.047878787878787881782116642171;0.034848484848484850839867021932;0.018181818181818180935049866775;0.024545454545454543915372624951
-0.031034482758620689224482447344;0.009195402298850574585031836250;0.088218390804597701659872655000;0.000287356321839080455782244883;0.005459770114942528659862652773;0.025287356321839080108837549687;0.001436781609195402278911224414;0.016091954022988505523805713437;0.035919540229885055238057134375;0.024712643678160919197273059922;0.025000000000000001387778780781;0.010919540229885057319725305547;0.015804597701149426802746944531;0.051149425287356324598686541094;0.006321839080459770027209387422;0.020114942528735631904757141797;0.026149425287356323210907760313;0.040804597701149428190525725313;0.011781609195402298687072040195;0.017816091954022988258499182734;0.007758620689655172306120611836;0.029022988505747127768730209141;0.021551724137931035918391842188;0.022988505747126436462579590625;0.033045977011494254149681637500;0.034195402298850575972810617031;0.026436781609195401931966529219;0.002011494252873563190475714180;0.000574712643678160911564489766;0.016379310344827587714311434297;0.010344827586206896408160815781;0.018390804597701149170063672500;0.013505747126436781421765509492;0.010057471264367815952378570898;0.028735632183908045578224488281;0.040229885057471263809514283594;0.018390804597701149170063672500;0.007183908045977011394556122070;0.002298850574712643646257959062;0.031034482758620689224482447344;0.004597701149425287292515918125;0.012643678160919540054418774844;0.000000000000000000000000000000;0.009770114942528735496596326016;0.004022988505747126380951428359;0.008620689655172413673467346484;0.037356321839080462721138786719;0.032183908045977011047611426875;0.032471264367816089768670195781;0.020689655172413792816321631562
-0.030833333333333334119741309109;0.012500000000000000693889390391;0.083888888888888887840344921187;0.000277777777777777777536843962;0.002222222222222222220294751693;0.017777777777777777762358013547;0.000833333333333333386820640509;0.019722222222222220849863205672;0.029444444444444443226283070203;0.022222222222222223070309254922;0.019722222222222220849863205672;0.011388888888888889366901580047;0.016111111111111110771876298031;0.053333333333333336756520992594;0.010555555555555555871660722289;0.030277777777777778456247403938;0.025000000000000001387778780781;0.048333333333333332315628894094;0.010555555555555555871660722289;0.012222222222222222862142437805;0.010555555555555555871660722289;0.026944444444444444475283972906;0.015277777777777777276635440273;0.022777777777777778733803160094;0.037777777777777778178691647781;0.039722222222222221266196839906;0.031111111111111110216764785719;0.001944444444444444388547799107;0.000277777777777777777536843962;0.008055555555555555385938149016;0.011388888888888889366901580047;0.014166666666666665949647629930;0.006944444444444444058950338672;0.014722222222222221613141535101;0.028611111111111111465765688422;0.039722222222222221266196839906;0.012500000000000000693889390391;0.008611111111111111049432054187;0.000833333333333333386820640509;0.027500000000000000138777878078;0.005277777777777777935830361145;0.012500000000000000693889390391;0.000000000000000000000000000000;0.009722222222222222376419864531;0.006111111111111111431071218902;0.011111111111111111535154627461;0.034444444444444444197728216750;0.040277777777777780399137697032;0.036666666666666666851703837438;0.027222222222222220572307449515
-0.054385964912280704286473564935;0.005263157894736841986571551644;0.058333333333333334258519187188;0.000000000000000000000000000000;0.001315789473684210496642887911;0.010087719298245614168996198146;0.000877192982456140367235331023;0.033333333333333332870740406406;0.005263157894736841986571551644;0.054824561403508768886450042146;0.018421052631578945651957823770;0.002631578947368420993285775822;0.010087719298245614168996198146;0.054824561403508768886450042146;0.009649122807017544364849293004;0.021929824561403507554580016858;0.017105263157894737974240584322;0.028508771929824559820954021916;0.011403508771929825316160389548;0.008333333333333333217685101602;0.021491228070175439485156587693;0.006140350877192982462227099916;0.006578947368421052266374005058;0.078947368421052627196488060690;0.039912280701754385137114411464;0.060526315789473685013977188873;0.033771929824561404409610787525;0.003508771929824561468941324094;0.000438596491228070183617665512;0.003947368421052631706769098230;0.006140350877192982462227099916;0.021929824561403507554580016858;0.011842105263157895120307294690;0.005701754385964912658080194774;0.012280701754385964924454199831;0.054385964912280704286473564935;0.013157894736842104532748010115;0.010526315789473683973143103287;0.000438596491228070183617665512;0.007456140350877192742029553330;0.006578947368421052266374005058;0.003947368421052631706769098230;0.000000000000000000000000000000;0.031578947368421053654152785839;0.002631578947368420993285775822;0.017982456140350877582534394605;0.054385964912280704286473564935;0.035087719298245612087328026973;0.025000000000000001387778780781;0.017105263157894737974240584322
-0.027430555555555555247160270937;0.003819444444444444319158860068;0.099305555555555549696045147812;0.000000000000000000000000000000;0.000694444444444444470947164216;0.010069444444444445099784424258;0.000000000000000000000000000000;0.019444444444444444752839729063;0.041666666666666664353702032031;0.032291666666666669904817155157;0.017361111111111111882099322656;0.003125000000000000173472347598;0.011805555555555555247160270937;0.054166666666666668517038374375;0.004513888888888888464845372539;0.013194444444444444405895033867;0.045486111111111109106541761093;0.042013888888888892281237019688;0.009374999999999999653055304805;0.018055555555555553859381490156;0.008333333333333333217685101602;0.037152777777777777623580135469;0.007638888888888888638317720137;0.047916666666666669904817155157;0.025000000000000001387778780781;0.033680555555555553859381490156;0.022569444444444444058950338672;0.001388888888888888941894328433;0.000694444444444444470947164216;0.004513888888888888464845372539;0.002083333333333333304421275400;0.038541666666666668517038374375;0.006944444444444444058950338672;0.007638888888888888638317720137;0.019791666666666665741480812812;0.058680555555555555247160270937;0.014930555555555556287994356524;0.004166666666666666608842550801;0.004513888888888888464845372539;0.023611111111111110494320541875;0.003125000000000000173472347598;0.011458333333333332523795711211;0.000000000000000000000000000000;0.019444444444444444752839729063;0.002430555555555555594104966133;0.011458333333333332523795711211;0.050694444444444444752839729063;0.033333333333333332870740406406;0.029166666666666667129259593594;0.015277777777777777276635440273
-0.028518518518518519433424529552;0.001111111111111111110147375847;0.120740740740740745695624980272;0.000000000000000000000000000000;0.000000000000000000000000000000;0.010000000000000000208166817117;0.000740740740740740703958178148;0.012592592592592592726230549260;0.029999999999999998889776975375;0.043333333333333334813630699500;0.012592592592592592726230549260;0.003703703703703703845051542487;0.007407407407407407690103084974;0.072222222222222215437525960624;0.002222222222222222220294751693;0.018518518518518517490534236458;0.039629629629629632703302632990;0.028888888888888887562789165031;0.003703703703703703845051542487;0.024444444444444445724284875610;0.007777777777777777554191196430;0.024814814814814813853649511088;0.005185185185185185036127464286;0.051111111111111114102545371907;0.020000000000000000416333634234;0.037037037037037034981068472916;0.024074074074074074125473288177;0.000000000000000000000000000000;0.001481481481481481407916356297;0.000370370370370370351979089074;0.003333333333333333547282562037;0.028888888888888887562789165031;0.002962962962962962815832712593;0.009629629629629630344078705662;0.018148148148148149361169600979;0.083333333333333328707404064062;0.011111111111111111535154627461;0.005185185185185185036127464286;0.000370370370370370351979089074;0.018888888888888889089345823891;0.003703703703703703845051542487;0.005185185185185185036127464286;0.000000000000000000000000000000;0.017037037037037038034181790636;0.000000000000000000000000000000;0.008148148148148147418279307885;0.074814814814814820098654024605;0.030370370370370370488588562807;0.026296296296296296779448908865;0.020370370370370372015145221667
-0.037581699346405227080136768336;0.000653594771241830020148955160;0.091830065359477131003984595736;0.000000000000000000000000000000;0.000326797385620915010074477580;0.008169934640522876281854003366;0.000000000000000000000000000000;0.016993464052287580307032399674;0.005555555555555555767577313730;0.054575163398692810856616119963;0.013398692810457515575683906661;0.004901960784313725422167706824;0.009803921568627450844335413649;0.076143790849673195775260126084;0.000980392156862745084433541365;0.019934640522875815560333023768;0.025163398692810458323609879017;0.023856209150326795898067189228;0.002614379084967320080595820642;0.016339869281045752563708006733;0.009150326797385621366287544731;0.008169934640522876281854003366;0.004575163398692810683143772366;0.083333333333333328707404064062;0.031372549019607842701873323676;0.063398692810457513147071040294;0.021895424836601305729200106498;0.000000000000000000000000000000;0.000326797385620915010074477580;0.001960784313725490168867082730;0.004575163398692810683143772366;0.034967320261437909167945292666;0.000980392156862745084433541365;0.005882352941176470506601248189;0.014052287581699346788455251556;0.079084967320261434498007702132;0.015686274509803921350936661838;0.007189542483660130330058724013;0.000000000000000000000000000000;0.006209150326797385245625182648;0.004248366013071895076758099918;0.000653594771241830020148955160;0.000000000000000000000000000000;0.028431372549019607448572699582;0.000326797385620915010074477580;0.013071895424836601704021710191;0.074836601307189540288611340202;0.040196078431372551931222147914;0.015686274509803921350936661838;0.020915032679738560644766565133
-0.041987179487179483727832263185;0.001282051282051282050170049054;0.094871794871794867809455809038;0.000000000000000000000000000000;0.000641025641025641025085024527;0.031730769230769229061195346731;0.000000000000000000000000000000;0.010576923076923077510214099561;0.020512820512820512802720784862;0.025641025641025640136039243089;0.014423076923076923877564681220;0.024358974358974359170071366520;0.016987179487179485809500434357;0.064423076923076916244781386922;0.001923076923076923183675290829;0.026282051282051282353746657350;0.027564102564102563319714533918;0.027564102564102563319714533918;0.006089743589743589792517841630;0.020833333333333332176851016015;0.008653846153846154326538808732;0.025000000000000001387778780781;0.010576923076923077510214099561;0.032692307692307694122479944099;0.048076923076923079591882270734;0.036217948717948721115700294604;0.021474358974358974394558430276;0.000000000000000000000000000000;0.000641025641025641025085024527;0.010897435897435896884344330715;0.013461538461538462285727035805;0.016666666666666666435370203203;0.006089743589743589792517841630;0.010256410256410256401360392431;0.036538461538461540489830525757;0.045192307692307691346922382536;0.011538461538461539102051744976;0.008974358974358973700669039886;0.000961538461538461591837645415;0.017307692307692308653077617464;0.002564102564102564100340098108;0.003525641025641025692177743522;0.000000000000000000000000000000;0.014102564102564102768710974090;0.000320512820512820512542512263;0.007371794871794871625847456187;0.052243589743589745333363083546;0.044871794871794871972792151382;0.029807692307692309346967007855;0.026282051282051282353746657350
-0.031089743589743590312934884423;0.006089743589743589792517841630;0.122435897435897431129170342956;0.000000000000000000000000000000;0.000000000000000000000000000000;0.017307692307692308653077617464;0.000000000000000000000000000000;0.011538461538461539102051744976;0.039102564102564102421766278894;0.019551282051282051210883139447;0.014102564102564102768710974090;0.007692307692307692734701163317;0.010256410256410256401360392431;0.063141025641025638748260462307;0.002884615384615384775512936244;0.028846153846153847755129362440;0.029807692307692309346967007855;0.040705128205128206231311338570;0.006410256410256410034009810772;0.013461538461538462285727035805;0.008012820512820512108831394471;0.040384615384615386857181107416;0.005769230769230769551025872488;0.023397435897435897578233721106;0.052243589743589745333363083546;0.040384615384615386857181107416;0.021794871794871793768688661430;0.000641025641025641025085024527;0.000000000000000000000000000000;0.003525641025641025692177743522;0.007051282051282051384355487045;0.011858974358974358476181976130;0.004166666666666666608842550801;0.014102564102564102768710974090;0.017948717948717947401338079771;0.047756410256410253278858135673;0.011538461538461539102051744976;0.007371794871794871625847456187;0.002884615384615384775512936244;0.027884615384615386163291717025;0.001602564102564102508502452693;0.011538461538461539102051744976;0.000000000000000000000000000000;0.008653846153846154326538808732;0.000641025641025641025085024527;0.003205128205128205017004905386;0.060256410256410257442194478017;0.046474358974358975782337211058;0.027564102564102563319714533918;0.026923076923076924571454071611
-0.019811320754716980202525533628;0.001257861635220125723702566667;0.102201257861635225188123854423;0.000000000000000000000000000000;0.000000000000000000000000000000;0.003773584905660377387948134498;0.000314465408805031430925641667;0.020754716981132074332672132755;0.020440251572327042955956599712;0.067610062893081759871627411940;0.008490566037735848906042868123;0.001572327044025157317258534206;0.003773584905660377387948134498;0.068553459119496854001774011067;0.001257861635220125723702566667;0.009433962264150943036189467250;0.040566037735849054535197666382;0.031446540880503144610447208152;0.000943396226415094346987033624;0.019182389937106917449094467543;0.006289308176100629269034136826;0.021069182389937105709387665797;0.004402515723270440141379200583;0.090566037735849050371861324038;0.014465408805031446798361471906;0.041823899371069180042059798552;0.021383647798742137086103198840;0.000000000000000000000000000000;0.000314465408805031430925641667;0.001257861635220125723702566667;0.001257861635220125723702566667;0.044339622641509431055784062892;0.001886792452830188693974067249;0.004088050314465408764663667540;0.009433962264150943036189467250;0.097798742138364785914106391829;0.018867924528301886072378934500;0.004402515723270440141379200583;0.000628930817610062861851283333;0.016352201257861635058654670161;0.002830188679245282824120666376;0.004088050314465408764663667540;0.000000000000000000000000000000;0.033962264150943395624171472491;0.000000000000000000000000000000;0.010377358490566037166336066377;0.075471698113207544289515738001;0.027672955974842768089860811642;0.013836477987421384044930405821;0.009748427672955974412905000293
-0.033333333333333332870740406406;0.001694915254237288086344714877;0.103954802259886999737936719157;0.000000000000000000000000000000;0.000564971751412429398254977375;0.010451977401129942946145234828;0.000000000000000000000000000000;0.017514124293785311020643646884;0.019491525423728815052948348807;0.041807909604519771784580939311;0.011864406779661017254934307630;0.001977401129943502731262094940;0.006497175141242937483621044947;0.070903954802259888667848031218;0.002259887005649717593019909501;0.022881355932203389924595171578;0.032485875706214688285466962725;0.024576271186440679095142058941;0.005649717514124293765709339254;0.017796610169491525882401461445;0.008192090395480225786806194321;0.022598870056497175062837357018;0.003672316384180791034447244314;0.058757062146892656551155909028;0.029096045197740113413820139954;0.059039548022598871412913723589;0.030508474576271187722609212756;0.000000000000000000000000000000;0.000282485875706214699127488688;0.011016949152542372669660863949;0.003389830508474576172689429754;0.033050847457627118008982591846;0.003107344632768361744612484188;0.006214689265536723489224968375;0.014971751412429378999546791817;0.065536723163841806294449554571;0.013559322033898304690757719015;0.005932203389830508627467153815;0.001129943502824858796509954750;0.011864406779661017254934307630;0.002542372881355932021096855067;0.002259887005649717593019909501;0.000000000000000000000000000000;0.022316384180790960201079542458;0.001412429378531073441427334814;0.009039548022598870372079638003;0.077118644067796615626519951547;0.041525423728813556922823124751;0.018644067796610170467674905126;0.017514124293785311020643646884
-0.015185185185185185244294281404;0.004814814814814815172039352831;0.134444444444444449748843339876;0.000000000000000000000000000000;0.000000000000000000000000000000;0.003333333333333333547282562037;0.001481481481481481407916356297;0.011851851851851851263330850372;0.048148148148148148250946576354;0.035185185185185187395351391615;0.005925925925925925631665425186;0.001851851851851851922525771243;0.004444444444444444440589503387;0.067407407407407402000210083770;0.002962962962962962815832712593;0.009259259259259258745267118229;0.053703703703703704885885628073;0.048518518518518516380311211833;0.001111111111111111110147375847;0.029259259259259259161600752464;0.005555555555555555767577313730;0.042222222222222223486642889156;0.006666666666666667094565124074;0.050370370370370370904922197042;0.015555555555555555108382392859;0.035185185185185187395351391615;0.025185185185185185452461098521;0.000000000000000000000000000000;0.001481481481481481407916356297;0.000000000000000000000000000000;0.001851851851851851922525771243;0.043703703703703702942995334979;0.000370370370370370351979089074;0.006666666666666667094565124074;0.011481481481481481399242738917;0.076666666666666660745477201999;0.012222222222222222862142437805;0.005185185185185185036127464286;0.001111111111111111110147375847;0.020740740740740740144509857146;0.003333333333333333547282562037;0.009259259259259258745267118229;0.000000000000000000000000000000;0.015555555555555555108382392859;0.000000000000000000000000000000;0.010370370370370370072254928573;0.055185185185185184342238073896;0.029259259259259259161600752464;0.026296296296296296779448908865;0.009629629629629630344078705662
-0.031250000000000000000000000000;0.009027777777777776929690745078;0.073958333333333334258519187188;0.107291666666666660190365689687;0.021874999999999998612221219219;0.021527777777777777623580135469;0.002083333333333333304421275400;0.014930555555555556287994356524;0.034722222222222223764198645313;0.021527777777777777623580135469;0.014930555555555556287994356524;0.014236111111111110841265237070;0.010416666666666666088425508008;0.040625000000000001387778780781;0.009027777777777776929690745078;0.023958333333333334952408577578;0.036458333333333335646297967969;0.033680555555555553859381490156;0.007638888888888888638317720137;0.013888888888888888117900677344;0.011458333333333332523795711211;0.025694444444444443365060948281;0.007638888888888888638317720137;0.034027777777777774848022573906;0.033333333333333332870740406406;0.030555555555555554553270880547;0.021874999999999998612221219219;0.005555555555555555767577313730;0.000694444444444444470947164216;0.008680555555555555941049661328;0.016666666666666666435370203203;0.019791666666666665741480812812;0.003125000000000000173472347598;0.009374999999999999653055304805;0.015277777777777777276635440273;0.041319444444444443365060948281;0.008680555555555555941049661328;0.011111111111111111535154627461;0.000694444444444444470947164216;0.020138888888888890199568848516;0.002430555555555555594104966133;0.007291666666666666782314898398;0.000000000000000000000000000000;0.017708333333333332870740406406;0.007291666666666666782314898398;0.010416666666666666088425508008;0.034722222222222223764198645313;0.023263888888888889505679458125;0.018402777777777778317469525859;0.009722222222222222376419864531
-0.053030303030303031774916888708;0.005681818181818181975883952362;0.043181818181818182322828647557;0.043181818181818182322828647557;0.004545454545454545233762466694;0.042424242424242426807712291748;0.006060606060606060600803868255;0.011363636363636363951767904723;0.009090909090909090467524933388;0.015530303030303029693248717535;0.023863636363636364645657295114;0.027272727272727271402574800163;0.035227272727272725127978247883;0.035227272727272725127978247883;0.009469696969696969959806587269;0.048484848484848484806430946037;0.010227272727272727209646419055;0.020075757575757576661734660206;0.016287878787878788677812025298;0.009090909090909090467524933388;0.014015151515151515193569053963;0.012121212121212121201607736509;0.007954545454545453725403447720;0.016666666666666666435370203203;0.064015151515151511030232711619;0.031060606060606059386497435071;0.023484848484848483418652165255;0.003030303030303030300401934127;0.000757575757575757575100483532;0.019318181818181817677171352443;0.035227272727272725127978247883;0.008333333333333333217685101602;0.013636363636363635701287400082;0.009090909090909090467524933388;0.037878787878787879839226349077;0.019318181818181817677171352443;0.008333333333333333217685101602;0.033333333333333332870740406406;0.000378787878787878787550241766;0.025000000000000001387778780781;0.004166666666666666608842550801;0.003787878787878787983922634908;0.000000000000000000000000000000;0.010984848484848484459486250842;0.005681818181818181975883952362;0.020075757575757576661734660206;0.022727272727272727903535809446;0.029545454545454544886817771498;0.030303030303030303871381079261;0.020454545454545454419292838111
-0.048366013071895426478352675304;0.002287581699346405341571886183;0.062418300653594771532084450882;0.000000000000000000000000000000;0.000980392156862745084433541365;0.036274509803921571593487982454;0.001307189542483660040297910321;0.006535947712418300852010855095;0.024183006535947713239176337652;0.017647058823529411519803744568;0.022875816993464050813633647863;0.024509803921568627110838534122;0.020588235294117646773104368663;0.045424836601307187755605099255;0.002287581699346405341571886183;0.041176470588235293546208737325;0.032352941176470591255753816995;0.031372549019607842701873323676;0.010130718954248366450721086096;0.014379084967320260660117448026;0.009150326797385621366287544731;0.025816993464052286066934271958;0.013725490196078431182069579108;0.029411764705882352533006240947;0.056862745098039214897145399163;0.034313725490196081424620899725;0.017647058823529411519803744568;0.017973856209150325391465941038;0.000326797385620915010074477580;0.009150326797385621366287544731;0.024836601307189540982500730593;0.014379084967320260660117448026;0.006862745098039215591034789554;0.010457516339869280322383282567;0.030718954248366011489101978782;0.030392156862745097617439782312;0.010130718954248366450721086096;0.017647058823529411519803744568;0.000326797385620915010074477580;0.029738562091503266404668437417;0.001960784313725490168867082730;0.003921568627450980337734165460;0.000000000000000000000000000000;0.016666666666666666435370203203;0.002287581699346405341571886183;0.010130718954248366450721086096;0.034313725490196081424620899725;0.042810457516339869843413623585;0.031372549019607842701873323676;0.021568627450980391857537910028
-0.050000000000000002775557561563;0.010256410256410256401360392431;0.043162393162393161705203681322;0.000000000000000000000000000000;0.000427350427350427350056683018;0.036752136752136753405917346527;0.000427350427350427350056683018;0.012393162393162392501122504029;0.015384615384615385469402326635;0.029914529914529915805010418239;0.022649572649572648902482896460;0.025641025641025640136039243089;0.019230769230769231836752908293;0.052991452991452990539666956238;0.001709401709401709400226732072;0.041880341880341877269788852800;0.024358974358974359170071366520;0.017094017094017095736990796695;0.009401709401709401267566157401;0.008974358974358973700669039886;0.013247863247863247634916739059;0.023076923076923078204103489952;0.008119658119658120301598280832;0.034615384615384617306155234928;0.066239316239316239909307171274;0.048717948717948718340142733041;0.023504273504273504036277131490;0.004700854700854700633783078700;0.000000000000000000000000000000;0.009401709401709401267566157401;0.027350427350427350403627713149;0.020085470085470086970547143324;0.004273504273504273934247699174;0.008119658119658120301598280832;0.027350427350427350403627713149;0.032905982905982907038566764868;0.009401709401709401267566157401;0.016239316239316240603196561665;0.003846153846153846367350581659;0.020940170940170938634894426400;0.003418803418803418800453464144;0.006837606837606837600906928287;0.000000000000000000000000000000;0.015811965811965811301575968173;0.002136752136752136967123849587;0.009401709401709401267566157401;0.044871794871794871972792151382;0.042307692307692310040856398246;0.027777777777777776235801354687;0.022649572649572648902482896460
-0.033680555555555553859381490156;0.005208333333333333044212754004;0.097569444444444444752839729063;0.000347222222222222235473582108;0.000347222222222222235473582108;0.011805555555555555247160270937;0.000347222222222222235473582108;0.011111111111111111535154627461;0.012152777777777777970524830664;0.043402777777777776235801354687;0.016666666666666666435370203203;0.011458333333333332523795711211;0.007638888888888888638317720137;0.065972222222222223764198645313;0.001388888888888888941894328433;0.021180555555555556634939051719;0.026041666666666667823148983985;0.022569444444444444058950338672;0.001736111111111111014737584668;0.018402777777777778317469525859;0.012847222222222221682530474141;0.013541666666666667129259593594;0.007638888888888888638317720137;0.061111111111111109106541761093;0.030555555555555554553270880547;0.047569444444444441977282167500;0.020138888888888890199568848516;0.000694444444444444470947164216;0.000694444444444444470947164216;0.003125000000000000173472347598;0.006597222222222222202947516934;0.026736111111111109800431151484;0.003819444444444444319158860068;0.009374999999999999653055304805;0.021180555555555556634939051719;0.066666666666666665741480812812;0.018402777777777778317469525859;0.004861111111111111188209932266;0.000694444444444444470947164216;0.018402777777777778317469525859;0.004166666666666666608842550801;0.005208333333333333044212754004;0.000000000000000000000000000000;0.024305555555555555941049661328;0.001388888888888888941894328433;0.010069444444444445099784424258;0.073958333333333334258519187188;0.050347222222222223764198645313;0.021874999999999998612221219219;0.025000000000000001387778780781
-0.038562091503267975634017261655;0.001960784313725490168867082730;0.096732026143790852956705350607;0.000000000000000000000000000000;0.003594771241830065165029362007;0.014379084967320260660117448026;0.000000000000000000000000000000;0.016339869281045752563708006733;0.018300653594771242732575089462;0.033006535947712418999078209936;0.015032679738562091872888792921;0.010130718954248366450721086096;0.011764705882352941013202496379;0.073529411764705884801962554320;0.000980392156862745084433541365;0.028104575163398693576910503111;0.023529411764705882026404992757;0.022222222222222223070309254922;0.005555555555555555767577313730;0.021241830065359477985875713557;0.007843137254901960675468330919;0.019934640522875815560333023768;0.005882352941176470506601248189;0.047058823529411764052809985515;0.048039215686274512606690478833;0.045751633986928101627267295726;0.022222222222222223070309254922;0.000000000000000000000000000000;0.000653594771241830020148955160;0.014379084967320260660117448026;0.006209150326797385245625182648;0.021568627450980391857537910028;0.003594771241830065165029362007;0.008169934640522876281854003366;0.017320261437908497648141548098;0.060784313725490195234879564623;0.015359477124183005744550989391;0.011111111111111111535154627461;0.000653594771241830020148955160;0.016339869281045752563708006733;0.001633986928104575213002713774;0.002941176470588235253300624095;0.000000000000000000000000000000;0.017647058823529411519803744568;0.002614379084967320080595820642;0.006209150326797385245625182648;0.056862745098039214897145399163;0.049346405228758168093339264715;0.029738562091503266404668437417;0.025163398692810458323609879017
-0.023484848484848483418652165255;0.005303030303030303350964036468;0.115151515151515157486805662757;0.000000000000000000000000000000;0.000378787878787878787550241766;0.008712121212121212709966755483;0.000000000000000000000000000000;0.016666666666666666435370203203;0.021590909090909091161414323778;0.048484848484848484806430946037;0.015151515151515151935690539631;0.001893939393939393991961317454;0.004924242424242423858682382587;0.057196969696969697516397701520;0.001136363636363636308440616673;0.015530303030303029693248717535;0.044318181818181819064950133225;0.045075757575757574580066489034;0.006060606060606060600803868255;0.018560606060606062162054996634;0.010606060606060606701928072937;0.027651515151515152629579930021;0.007954545454545453725403447720;0.054166666666666668517038374375;0.023106060606060605661093987351;0.050757575757575758290673917372;0.020075757575757576661734660206;0.000000000000000000000000000000;0.000757575757575757575100483532;0.002651515151515151675482018234;0.001515151515151515150200967064;0.030681818181818181628939257166;0.000757575757575757575100483532;0.006060606060606060600803868255;0.016287878787878788677812025298;0.065530303030303035938253231052;0.013636363636363635701287400082;0.006439393939393939225723784148;0.000378787878787878787550241766;0.017803030303030303177491688871;0.002272727272727272616881233347;0.009848484848484847717364765174;0.000000000000000000000000000000;0.025000000000000001387778780781;0.000757575757575757575100483532;0.009090909090909090467524933388;0.067803030303030309422496202387;0.040909090909090908838585676222;0.018181818181818180935049866775;0.019696969696969695434729530348
-0.023099415204678362678603065206;0.011988304093567251143448437745;0.113742690058479534176427705461;0.014327485380116959656771058462;0.000000000000000000000000000000;0.003216374269005848121616431001;0.000292397660818713455745110341;0.017543859649122806043664013487;0.011695906432748537362442675658;0.050584795321637426868122133783;0.009649122807017544364849293004;0.001169590643274853822980441365;0.003801169590643274816266217186;0.066374269005847946756304622795;0.003801169590643274816266217186;0.014327485380116959656771058462;0.040058479532163744629702506472;0.042982456140350878970313175387;0.002339181286549707645960882729;0.013742690058479532094759534289;0.010233918128654970192137341201;0.014035087719298245875765296375;0.004970760233918129072927527545;0.059941520467836253982518712746;0.020760233918128655900003920465;0.048538011695906435605252227106;0.021345029239766083462015444638;0.001169590643274853822980441365;0.000292397660818713455745110341;0.000877192982456140367235331023;0.000584795321637426911490220682;0.033333333333333332870740406406;0.000877192982456140367235331023;0.008479532163742689240826244657;0.011403508771929825316160389548;0.084502923976608190770321016316;0.014619883040935671703053344572;0.004678362573099415291921765458;0.000292397660818713455745110341;0.013450292397660818313753772202;0.004678362573099415291921765458;0.006140350877192982462227099916;0.000000000000000000000000000000;0.025438596491228069457202209946;0.000584795321637426911490220682;0.010233918128654970192137341201;0.073976608187134501593007485098;0.040643274853801168722267078692;0.021345029239766083462015444638;0.017836257309941521559393251550
-0.022962962962962962798485477833;0.011851851851851851263330850372;0.050740740740740739034286832521;0.103333333333333332593184650250;0.001111111111111111110147375847;0.011481481481481481399242738917;0.000740740740740740703958178148;0.020370370370370372015145221667;0.014074074074074073917306471060;0.026296296296296296779448908865;0.008518518518518519017090895318;0.003703703703703703845051542487;0.029999999999999998889776975375;0.031111111111111110216764785719;0.013333333333333334189130248149;0.008888888888888888881179006773;0.037407407407407410049327012302;0.041851851851851848418384349770;0.013703703703703704053218359604;0.016296296296296294836558615771;0.008888888888888888881179006773;0.013703703703703704053218359604;0.027407407407407408106436719208;0.033703703703703701000105041885;0.023703703703703702526661700745;0.029999999999999998889776975375;0.032592592592592589673117231541;0.005185185185185185036127464286;0.003333333333333333547282562037;0.008888888888888888881179006773;0.006296296296296296363115274630;0.027777777777777776235801354687;0.009629629629629630344078705662;0.007777777777777777554191196430;0.035555555555555555524716027094;0.050740740740740739034286832521;0.012222222222222222862142437805;0.005185185185185185036127464286;0.000000000000000000000000000000;0.027037037037037036507625131776;0.009629629629629630344078705662;0.011851851851851851263330850372;0.000000000000000000000000000000;0.013333333333333334189130248149;0.006666666666666667094565124074;0.012962962962962962590318660716;0.029629629629629630760412339896;0.022592592592592591199673890401;0.040740740740740744030290443334;0.015185185185185185244294281404
-0.095192307692307687183586040192;0.001282051282051282050170049054;0.017948717948717947401338079771;0.023717948717948716952363952259;0.000641025641025641025085024527;0.064743589743589749496699425890;0.001602564102564102508502452693;0.008974358974358973700669039886;0.004166666666666666608842550801;0.004487179487179486850334519943;0.011538461538461539102051744976;0.199679487179487191728100015098;0.022115384615384616612265844537;0.021794871794871793768688661430;0.002243589743589743425167259971;0.050000000000000002775557561563;0.004807692307692307959188227073;0.008012820512820512108831394471;0.011858974358974358476181976130;0.004166666666666666608842550801;0.010256410256410256401360392431;0.002243589743589743425167259971;0.003846153846153846367350581659;0.008653846153846154326538808732;0.107051282051282045659768016321;0.020512820512820512802720784862;0.007051282051282051384355487045;0.001602564102564102508502452693;0.001602564102564102508502452693;0.017628205128205128027207848618;0.084294871794871800707582565337;0.004807692307692307959188227073;0.004807692307692307959188227073;0.005769230769230769551025872488;0.028205128205128205537421948179;0.010256410256410256401360392431;0.006730769230769231142863517903;0.007692307692307692734701163317;0.000000000000000000000000000000;0.004166666666666666608842550801;0.001602564102564102508502452693;0.000961538461538461591837645415;0.000000000000000000000000000000;0.008653846153846154326538808732;0.001282051282051282050170049054;0.005128205128205128200680196215;0.021153846153846155020428199123;0.035897435897435894802676159543;0.016025641025641024217662788942;0.013141025641025641176873328675
-0.032456140350877189792999644169;0.006432748538011696243232862003;0.079824561403508770274228822927;0.011695906432748537362442675658;0.005847953216374268681221337829;0.005847953216374268681221337829;0.005555555555555555767577313730;0.019005847953216373213969347944;0.008187134502923977194543958547;0.048245614035087716620076037088;0.012573099415204678705459961918;0.004093567251461988597271979273;0.004970760233918129072927527545;0.084795321637426895877709398519;0.001754385964912280734470662047;0.020760233918128655900003920465;0.017836257309941521559393251550;0.014327485380116959656771058462;0.003216374269005848121616431001;0.018421052631578945651957823770;0.008479532163742689240826244657;0.011403508771929825316160389548;0.004093567251461988597271979273;0.066959064327485384726657002830;0.026608187134502924581225258294;0.057602339181286550673366519959;0.021637426900584795508297730748;0.001461988304093567170305334457;0.000000000000000000000000000000;0.001461988304093567170305334457;0.004093567251461988597271979273;0.026315789473684209065496020230;0.001754385964912280734470662047;0.005847953216374268681221337829;0.019005847953216373213969347944;0.059941520467836253982518712746;0.015789473684210526827076392919;0.010818713450292397754148865374;0.000000000000000000000000000000;0.014912280701754385484059106659;0.004385964912280701510916003372;0.007309941520467835851526672286;0.000000000000000000000000000000;0.028654970760233919313542116925;0.000584795321637426911490220682;0.014619883040935671703053344572;0.075438596491228068763312819556;0.056725146198830407595625757722;0.023391812865497074724885351316;0.024853801169590641895190685773
-0.032183908045977011047611426875;0.003735632183908045925169183477;0.086494252873563215455732233750;0.000000000000000000000000000000;0.000000000000000000000000000000;0.002011494252873563190475714180;0.000862068965517241367346734648;0.016379310344827587714311434297;0.005172413793103448204080407891;0.061206896551724135346894684062;0.008333333333333333217685101602;0.002586206896551724102040203945;0.004310344827586206836733673242;0.077298850574712640870700397500;0.002011494252873563190475714180;0.016666666666666666435370203203;0.024137931034482758285708570156;0.023563218390804597374144080391;0.002586206896551724102040203945;0.015804597701149426802746944531;0.013218390804597700965983264609;0.008620689655172413673467346484;0.003448275862068965469386938594;0.076724137931034483428582859688;0.018103448275862070449004903594;0.062068965517241378448964894687;0.020114942528735631904757141797;0.006609195402298850482991632305;0.000574712643678160911564489766;0.000000000000000000000000000000;0.001436781609195402278911224414;0.036781609195402298340127345000;0.001149425287356321823128979531;0.008908045977011494129249591367;0.016954022988505748625875924063;0.064367816091954022095222853750;0.019252873563218392272133883125;0.005747126436781609115644897656;0.000287356321839080455782244883;0.014655172413793103244894489023;0.003735632183908045925169183477;0.010057471264367815952378570898;0.000000000000000000000000000000;0.035919540229885055238057134375;0.000287356321839080455782244883;0.013505747126436781421765509492;0.081609195402298856381051450626;0.045689655172413794204100412344;0.024425287356321840476214291016;0.020402298850574714095262862656
-0.029259259259259259161600752464;0.008888888888888888881179006773;0.095925925925925928372528517230;0.004444444444444444440589503387;0.001111111111111111110147375847;0.005185185185185185036127464286;0.000000000000000000000000000000;0.021111111111111111743321444578;0.032222222222222221543752596062;0.039629629629629632703302632990;0.011851851851851851263330850372;0.002592592592592592518063732143;0.007407407407407407690103084974;0.045185185185185182399347780802;0.005925925925925925631665425186;0.017037037037037038034181790636;0.064814814814814811216869827604;0.063703703703703706828775921167;0.005925925925925925631665425186;0.014074074074074073917306471060;0.008518518518518519017090895318;0.023333333333333334397297065266;0.005555555555555555767577313730;0.049629629629629627707299022177;0.017777777777777777762358013547;0.039629629629629632703302632990;0.018888888888888889089345823891;0.006666666666666667094565124074;0.000370370370370370351979089074;0.001481481481481481407916356297;0.006296296296296296363115274630;0.036296296296296298722339201959;0.002962962962962962815832712593;0.009629629629629630344078705662;0.011851851851851851263330850372;0.070370370370370374790702783230;0.015925925925925926707193980292;0.009629629629629630344078705662;0.002592592592592592518063732143;0.018518518518518517490534236458;0.005185185185185185036127464286;0.023703703703703702526661700745;0.000000000000000000000000000000;0.023703703703703702526661700745;0.001851851851851851922525771243;0.007777777777777777554191196430;0.045555555555555557467606320188;0.025925925925925925180637321432;0.018518518518518517490534236458;0.015555555555555555108382392859
-0.047435897435897433904727904519;0.006837606837606837600906928287;0.057692307692307695510258724880;0.063247863247863245206303872692;0.016239316239316240603196561665;0.005982905982905983334474431246;0.002991452991452991667237215623;0.017094017094017095736990796695;0.012820512820512820068019621544;0.044017094017094020308444868306;0.016666666666666666435370203203;0.004273504273504273934247699174;0.004273504273504273934247699174;0.051709401709401706104252127716;0.010683760683760683968257509946;0.040598290598290599773267928185;0.025213675213675214303865601551;0.027777777777777776235801354687;0.005555555555555555767577313730;0.006410256410256410034009810772;0.015811965811965811301575968173;0.011965811965811966668948862491;0.002136752136752136967123849587;0.061111111111111109106541761093;0.033760683760683758702914047944;0.064102564102564096870651155768;0.018376068376068376702958673263;0.003846153846153846367350581659;0.000854700854700854700113366036;0.000854700854700854700113366036;0.006837606837606837600906928287;0.020085470085470086970547143324;0.002564102564102564100340098108;0.006410256410256410034009810772;0.008974358974358973700669039886;0.044444444444444446140618509844;0.011538461538461539102051744976;0.011965811965811966668948862491;0.000854700854700854700113366036;0.010256410256410256401360392431;0.005555555555555555767577313730;0.003846153846153846367350581659;0.000000000000000000000000000000;0.034615384615384617306155234928;0.002564102564102564100340098108;0.022222222222222223070309254922;0.048290598290598292507969091503;0.043162393162393161705203681322;0.016239316239316240603196561665;0.019230769230769231836752908293
-0.021212121212121213403856145874;0.001515151515151515150200967064;0.105454545454545453586625569642;0.000303030303030303030040193413;0.000303030303030303030040193413;0.001818181818181818180241160476;0.000909090909090909090120580238;0.017272727272727272929131459023;0.034848484848484850839867021932;0.069393939393939396698129939978;0.006060606060606060600803868255;0.001212121212121212120160773651;0.001818181818181818180241160476;0.059090909090909089773635542997;0.001818181818181818180241160476;0.014848484848484848688809911721;0.037272727272727269876018141304;0.036666666666666666851703837438;0.003333333333333333547282562037;0.012727272727272727695368992329;0.006666666666666667094565124074;0.025151515151515150409133880771;0.002121212121212121427121788386;0.100606060606060601636535523085;0.014545454545454545441929283811;0.045757575757575760788675722779;0.018484848484848485916653970662;0.000303030303030303030040193413;0.000909090909090909090120580238;0.000303030303030303030040193413;0.001212121212121212120160773651;0.046969696969696966837304330511;0.000000000000000000000000000000;0.004545454545454545233762466694;0.004545454545454545233762466694;0.099090909090909090606302811466;0.012727272727272727695368992329;0.005454545454545454974404350423;0.000606060606060606060080386825;0.008787878787878787220644305478;0.006060606060606060600803868255;0.005454545454545454974404350423;0.000000000000000000000000000000;0.033939393939393942833948614179;0.000606060606060606060080386825;0.012121212121212121201607736509;0.071212121212121212709966755483;0.025151515151515150409133880771;0.006969696969696969474084013996;0.011818181818181817954727108599
-0.029914529914529915805010418239;0.001282051282051282050170049054;0.067948717948717943238001737427;0.000000000000000000000000000000;0.000000000000000000000000000000;0.003846153846153846367350581659;0.000854700854700854700113366036;0.018803418803418802535132314802;0.010256410256410256401360392431;0.097435897435897436680285466082;0.008119658119658120301598280832;0.000427350427350427350056683018;0.001282051282051282050170049054;0.060683760683760683274368119555;0.002136752136752136967123849587;0.015384615384615385469402326635;0.019230769230769231836752908293;0.019658119658119657668926549832;0.003846153846153846367350581659;0.010683760683760683968257509946;0.012820512820512820068019621544;0.012393162393162392501122504029;0.001282051282051282050170049054;0.120940170940170940716562597572;0.019658119658119657668926549832;0.079914529914529908172227123941;0.018803418803418802535132314802;0.000000000000000000000000000000;0.000427350427350427350056683018;0.000000000000000000000000000000;0.000427350427350427350056683018;0.037179487179487179238090988065;0.000854700854700854700113366036;0.004273504273504273934247699174;0.004700854700854700633783078700;0.073076923076923080979661051515;0.010683760683760683968257509946;0.008119658119658120301598280832;0.000427350427350427350056683018;0.008547008547008547868495398347;0.002991452991452991667237215623;0.001282051282051282050170049054;0.000000000000000000000000000000;0.047008547008547008072554262981;0.000427350427350427350056683018;0.020940170940170938634894426400;0.076068376068376061804876542283;0.036752136752136753405917346527;0.012393162393162392501122504029;0.015811965811965811301575968173
-0.024509803921568627110838534122;0.022875816993464050813633647863;0.066666666666666665741480812812;0.004901960784313725422167706824;0.011764705882352941013202496379;0.007843137254901960675468330919;0.007189542483660130330058724013;0.018627450980392156604237285933;0.013071895424836601704021710191;0.043464052287581697586738016525;0.011111111111111111535154627461;0.003594771241830065165029362007;0.012091503267973856619588168826;0.054901960784313724728278316434;0.016013071895424835222598858309;0.016013071895424835222598858309;0.028431372549019607448572699582;0.031699346405228756573535520147;0.009803921568627450844335413649;0.011764705882352941013202496379;0.015032679738562091872888792921;0.018300653594771242732575089462;0.013071895424836601704021710191;0.053594771241830062302735626645;0.022549019607843136941971451392;0.050653594771241830518881954504;0.017973856209150325391465941038;0.017973856209150325391465941038;0.003267973856209150426005427548;0.013725490196078431182069579108;0.006862745098039215591034789554;0.029411764705882352533006240947;0.008169934640522876281854003366;0.007843137254901960675468330919;0.020261437908496732901442172192;0.046405228758169936309485592574;0.012418300653594770491250365296;0.007843137254901960675468330919;0.000980392156862745084433541365;0.019281045751633987817008630827;0.006862745098039215591034789554;0.016666666666666666435370203203;0.000000000000000000000000000000;0.023202614379084968154742796287;0.008169934640522876281854003366;0.018954248366013070475899482403;0.049346405228758168093339264715;0.031372549019607842701873323676;0.022222222222222223070309254922;0.021241830065359477985875713557
-0.042045454545454545580707161889;0.009848484848484847717364765174;0.074242424242424248648219986535;0.004545454545454545233762466694;0.002651515151515151675482018234;0.026136363636363634660453314495;0.004545454545454545233762466694;0.013257575757575757943729222177;0.027272727272727271402574800163;0.021969696969696968918972501683;0.017045454545454544192928381108;0.023863636363636364645657295114;0.021212121212121213403856145874;0.053787878787878787290033244517;0.010984848484848484459486250842;0.028409090909090908144696285831;0.021212121212121213403856145874;0.030303030303030303871381079261;0.013636363636363635701287400082;0.012878787878787878451447568295;0.011742424242424241709326082628;0.034090909090909088385856762216;0.015530303030303029693248717535;0.024242424242424242403215473018;0.048863636363636366033436075895;0.034469696969696969612861892074;0.018560606060606062162054996634;0.002272727272727272616881233347;0.000757575757575757575100483532;0.014772727272727272443408885749;0.018181818181818180935049866775;0.011742424242424241709326082628;0.005681818181818181975883952362;0.008712121212121212709966755483;0.031060606060606059386497435071;0.034090909090909088385856762216;0.011363636363636363951767904723;0.010227272727272727209646419055;0.003787878787878787983922634908;0.035606060606060606354983377742;0.003409090909090908925321850020;0.011363636363636363951767904723;0.000000000000000000000000000000;0.012500000000000000693889390391;0.005303030303030303350964036468;0.010227272727272727209646419055;0.045075757575757574580066489034;0.027272727272727271402574800163;0.028787878787878789371701415689;0.020454545454545454419292838111
-0.022058823529411766134478156687;0.001960784313725490168867082730;0.086274509803921567430151640110;0.013725490196078431182069579108;0.020588235294117646773104368663;0.013235294117647058639852808426;0.000000000000000000000000000000;0.015196078431372548808719891156;0.034313725490196081424620899725;0.056862745098039214897145399163;0.007352941176470588133251560237;0.027941176470588236641079404876;0.009313725490196078302118642966;0.040686274509803922738715442620;0.001960784313725490168867082730;0.016666666666666666435370203203;0.034803921568627452232114194430;0.024019607843137256303345239417;0.003431372549019607795517394777;0.010294117647058823386552184331;0.008823529411764705759901872284;0.019607843137254901688670827298;0.003921568627450980337734165460;0.084313725490196084200178461288;0.020098039215686275965611073957;0.026470588235294117279705616852;0.013235294117647058639852808426;0.001960784313725490168867082730;0.000980392156862745084433541365;0.010784313725490195928768955014;0.007843137254901960675468330919;0.046568627450980393245316690809;0.002941176470588235253300624095;0.003921568627450980337734165460;0.014215686274509803724286349791;0.099019607843137250058340725900;0.009313725490196078302118642966;0.003921568627450980337734165460;0.004411764705882352879950936142;0.014215686274509803724286349791;0.003921568627450980337734165460;0.008823529411764705759901872284;0.000000000000000000000000000000;0.025490196078431372195272075487;0.000490196078431372542216770682;0.012254901960784313555419267061;0.052450980392156863751917938998;0.026470588235294117279705616852;0.020588235294117646773104368663;0.012254901960784313555419267061
-0.033939393939393942833948614179;0.000606060606060606060080386825;0.065151515151515154711248101194;0.006060606060606060600803868255;0.015757575757575758429451795450;0.017878787878787879422892714842;0.003636363636363636360482320953;0.013030303030303030942249620239;0.019696969696969695434729530348;0.053333333333333336756520992594;0.011212121212121211460965852780;0.021212121212121213403856145874;0.015757575757575758429451795450;0.042121212121212121826108187861;0.002121212121212121427121788386;0.026363636363636363396656392410;0.030606060606060605383538231195;0.029393939393939392396015719555;0.008181818181818182461606525635;0.011515151515151514707846480690;0.013939393939393938948168027991;0.014545454545454545441929283811;0.009090909090909090467524933388;0.070000000000000006661338147751;0.029999999999999998889776975375;0.040606060606060603856981572335;0.017575757575757574441288610956;0.000606060606060606060080386825;0.000303030303030303030040193413;0.018181818181818180935049866775;0.011818181818181817954727108599;0.040909090909090908838585676222;0.005454545454545454974404350423;0.004545454545454545233762466694;0.020909090909090908422252041987;0.076363636363636369641660905927;0.010606060606060606701928072937;0.015151515151515151935690539631;0.000606060606060606060080386825;0.013939393939393938948168027991;0.007272727272727272720964641906;0.003939393939393939607362948863;0.000000000000000000000000000000;0.024848484848484848896976728838;0.003636363636363636360482320953;0.013636363636363635701287400082;0.048181818181818179824826842150;0.022424242424242422921931705559;0.017575757575757574441288610956;0.015757575757575758429451795450
-0.023333333333333334397297065266;0.008518518518518519017090895318;0.122222222222222218213083522187;0.006296296296296296363115274630;0.024814814814814813853649511088;0.011851851851851851263330850372;0.001481481481481481407916356297;0.021481481481481479872686080057;0.025555555555555557051272685953;0.024814814814814813853649511088;0.014074074074074073917306471060;0.005185185185185185036127464286;0.008888888888888888881179006773;0.055925925925925927539861248761;0.013703703703703704053218359604;0.028148148148148147834612942120;0.023703703703703702526661700745;0.040740740740740744030290443334;0.009259259259259258745267118229;0.007777777777777777554191196430;0.014814814814814815380206169948;0.035925925925925923654080662573;0.004074074074074073709139653943;0.027777777777777776235801354687;0.034074074074074076068363581271;0.047037037037037036923958766010;0.041851851851851848418384349770;0.001481481481481481407916356297;0.000000000000000000000000000000;0.004444444444444444440589503387;0.003703703703703703845051542487;0.019259259259259260688157411323;0.005925925925925925631665425186;0.014444444444444443781394582516;0.011481481481481481399242738917;0.048888888888888891448569751219;0.010740740740740739936343040029;0.004444444444444444440589503387;0.001111111111111111110147375847;0.012592592592592592726230549260;0.005555555555555555767577313730;0.012962962962962962590318660716;0.000000000000000000000000000000;0.013703703703703704053218359604;0.005185185185185185036127464286;0.004444444444444444440589503387;0.064814814814814811216869827604;0.032962962962962964741375770927;0.015185185185185185244294281404;0.023333333333333334397297065266
-0.031250000000000000000000000000;0.005416666666666666851703837438;0.112916666666666665186369300500;0.020000000000000000416333634234;0.002916666666666666799662133158;0.014166666666666665949647629930;0.000833333333333333386820640509;0.018333333333333333425851918719;0.018333333333333333425851918719;0.022083333333333333287074040641;0.022916666666666665047591422422;0.004166666666666666608842550801;0.010000000000000000208166817117;0.065000000000000002220446049250;0.010416666666666666088425508008;0.033333333333333332870740406406;0.021250000000000001526556658860;0.032500000000000001110223024625;0.007499999999999999722444243844;0.007916666666666667337426410711;0.009583333333333332593184650250;0.021250000000000001526556658860;0.005416666666666666851703837438;0.027083333333333334258519187188;0.049166666666666664076146275875;0.054583333333333330927850113312;0.038333333333333330372738601000;0.001666666666666666773641281019;0.000416666666666666693410320255;0.005416666666666666851703837438;0.006666666666666667094565124074;0.012083333333333333078907223523;0.005833333333333333599324266316;0.015416666666666667059870654555;0.012500000000000000693889390391;0.035000000000000003330669073875;0.009166666666666666712925959359;0.006666666666666667094565124074;0.001666666666666666773641281019;0.014999999999999999444888487687;0.004166666666666666608842550801;0.005833333333333333599324266316;0.000000000000000000000000000000;0.011249999999999999583666365766;0.007083333333333332974823814965;0.009166666666666666712925959359;0.067083333333333328152292551749;0.042916666666666665463925056656;0.022499999999999999167332731531;0.035833333333333335091186455656
-0.021929824561403507554580016858;0.001461988304093567170305334457;0.071345029239766086237573006201;0.053801169590643273255015088807;0.008479532163742689240826244657;0.018128654970760233605675537660;0.001169590643274853822980441365;0.017543859649122806043664013487;0.017836257309941521559393251550;0.060526315789473685013977188873;0.014035087719298245875765296375;0.010526315789473683973143103287;0.010233918128654970192137341201;0.057894736842105262719648806069;0.008479532163742689240826244657;0.020760233918128655900003920465;0.016959064327485378481652489313;0.027485380116959064189519068577;0.007894736842105263413538196460;0.004678362573099415291921765458;0.008771929824561403021832006743;0.010526315789473683973143103287;0.001169590643274853822980441365;0.078070175438596497996535106267;0.031286549707602341607870499729;0.050000000000000002775557561563;0.027485380116959064189519068577;0.005263157894736841986571551644;0.001754385964912280734470662047;0.008771929824561403021832006743;0.004678362573099415291921765458;0.030701754385964910576412023602;0.005263157894736841986571551644;0.009649122807017544364849293004;0.012865497076023392486465724005;0.054678362573099416332755851045;0.009064327485380116802837768830;0.004678362573099415291921765458;0.000877192982456140367235331023;0.007602339181286549632532434373;0.003801169590643274816266217186;0.005555555555555555767577313730;0.000000000000000000000000000000;0.028362573099415203797812878861;0.004970760233918129072927527545;0.013157894736842104532748010115;0.054678362573099416332755851045;0.038304093567251465413114885905;0.011695906432748537362442675658;0.025146198830409357410919923836
-0.040960451977401127199307495630;0.008474576271186440648564008882;0.079661016949152535504552474777;0.000000000000000000000000000000;0.001129943502824858796509954750;0.022316384180790960201079542458;0.002259887005649717593019909501;0.021186440677966100754048284216;0.020056497175141241307017025974;0.021186440677966100754048284216;0.020621468926553671030532655095;0.009039548022598870372079638003;0.020338983050847456168774840535;0.050000000000000002775557561563;0.006779661016949152345378859508;0.019491525423728815052948348807;0.018926553672316385329432719686;0.033898305084745762594256035527;0.018079096045197740744159276005;0.012994350282485874967242089895;0.013841807909604519552515533576;0.025988700564971749934484179789;0.020621468926553671030532655095;0.032203389830508473423709148165;0.037288135593220340935349810252;0.038418079096045200382381068493;0.029096045197740113413820139954;0.001412429378531073441427334814;0.000564971751412429398254977375;0.010169491525423728084387420267;0.011864406779661017254934307630;0.014971751412429378999546791817;0.012994350282485874967242089895;0.011581920903954802393176493069;0.027118644067796609381515438031;0.045480225988700564987432528596;0.015536723163841808723062420938;0.012994350282485874967242089895;0.002824858757062146882854669627;0.026553672316384179657999808910;0.004802259887005650047797633562;0.004237288135593220324282004441;0.000000000000000000000000000000;0.014971751412429378999546791817;0.001694915254237288086344714877;0.013276836158192089828999904455;0.045480225988700564987432528596;0.037288135593220340935349810252;0.041525423728813556922823124751;0.017796610169491525882401461445
-0.027477477477477477846301567865;0.002252252252252252232717077973;0.101801801801801802827007747965;0.000000000000000000000000000000;0.000000000000000000000000000000;0.010810810810810811410931364662;0.000000000000000000000000000000;0.008108108108108108558198523497;0.029279279279279278591641144658;0.028828828828828829272667988448;0.013963963963963963582637362038;0.005855855855855855891800576529;0.010360360360360360357234732476;0.081081081081081085581985234967;0.000900900900900900914770874639;0.021171171171171170033442621161;0.042792792792792792855305350486;0.028828828828828829272667988448;0.004504504504504504465434155946;0.017117117117117115754343359413;0.006756756756756757131832102914;0.033783783783783785659160514570;0.006756756756756757131832102914;0.040090090090090090002572509320;0.034684684684684684297106826989;0.033783783783783785659160514570;0.019369369369369369288103044369;0.000000000000000000000000000000;0.001351351351351351426366420583;0.000000000000000000000000000000;0.006756756756756757131832102914;0.017117117117117115754343359413;0.002702702702702702852732841166;0.011261261261261260729904520872;0.028828828828828829272667988448;0.047747747747747745772350924653;0.012162162162162162837297785245;0.006756756756756757131832102914;0.001801801801801801829541749278;0.048648648648648651349191140980;0.002252252252252252232717077973;0.005405405405405405705465682331;0.000000000000000000000000000000;0.020720720720720720714469464951;0.000000000000000000000000000000;0.011261261261261260729904520872;0.059009009009009009971702397479;0.049549549549549549987137453400;0.033783783783783785659160514570;0.022522522522522521459809041744
-0.025886524822695034658837087704;0.004964539007092198807935545801;0.099645390070921990854913019575;0.000000000000000000000000000000;0.003546099290780141757850607576;0.008865248226950355261988256927;0.001063829787234042570723269172;0.015248226950354609385285264977;0.016666666666666666435370203203;0.038297872340425531678675952207;0.012411347517730497019838864503;0.001063829787234042570723269172;0.009929078014184397615871091602;0.068085106382978724526289227015;0.001773049645390070878925303788;0.011702127659574467627434657402;0.031205673758865248162974737056;0.027659574468085104670400653504;0.002836879432624113666489007457;0.014893617021276596423806637404;0.006382978723404254990658746038;0.019503546099290780535540079654;0.005673758865248227332978014914;0.056737588652482268125609721210;0.028368794326241134062804860605;0.051773049645390069317674175409;0.019858156028368795231742183205;0.003191489361702127495329373019;0.000709219858156028416622251864;0.014893617021276596423806637404;0.001773049645390070878925303788;0.033687943262411347566942509957;0.001773049645390070878925303788;0.008156028368794325869584049826;0.022340425531914894635709956106;0.077304964539007092749756111516;0.011702127659574467627434657402;0.006382978723404254990658746038;0.000354609929078014208311125932;0.020212765957446809927944286756;0.004609929078014184111733442251;0.010283687943262410577349719176;0.000000000000000000000000000000;0.022695035460992909331912059656;0.001063829787234042570723269172;0.018794326241134751143135872553;0.065602836879432621652874502161;0.040070921985815605159686469960;0.028014184397163119366602757054;0.022340425531914894635709956106
-0.033636363636363637852344510293;0.006060606060606060600803868255;0.100000000000000005551115123126;0.000000000000000000000000000000;0.000000000000000000000000000000;0.007272727272727272720964641906;0.000303030303030303030040193413;0.014848484848484848688809911721;0.024545454545454543915372624951;0.043333333333333334813630699500;0.012121212121212121201607736509;0.003939393939393939607362948863;0.010000000000000000208166817117;0.065757575757575750796668501152;0.003030303030303030300401934127;0.022121212121212121409774553626;0.026060606060606061884499240477;0.030303030303030303871381079261;0.003030303030303030300401934127;0.020303030303030301928490786167;0.011212121212121211460965852780;0.021212121212121213403856145874;0.006666666666666667094565124074;0.058787878787878784792031439110;0.034848484848484850839867021932;0.054545454545454542805149600326;0.021818181818181819897617401693;0.001212121212121212120160773651;0.000909090909090909090120580238;0.001212121212121212120160773651;0.003333333333333333547282562037;0.020909090909090908422252041987;0.003030303030303030300401934127;0.008181818181818182461606525635;0.016969696969696971416974307090;0.066363636363636360759876708926;0.013333333333333334189130248149;0.010000000000000000208166817117;0.000606060606060606060080386825;0.016060606060606059941608947383;0.001515151515151515150200967064;0.010000000000000000208166817117;0.000000000000000000000000000000;0.022424242424242422921931705559;0.001515151515151515150200967064;0.010909090909090909948808700847;0.060606060606060607742762158523;0.044545454545454547801153211140;0.025454545454545455390737984658;0.025151515151515150409133880771
-0.037121212121212124324109993267;0.007954545454545453725403447720;0.073863636363636367421214856677;0.000000000000000000000000000000;0.001515151515151515150200967064;0.015530303030303029693248717535;0.000757575757575757575100483532;0.013636363636363635701287400082;0.054166666666666668517038374375;0.028030303030303030387138107926;0.014015151515151515193569053963;0.021212121212121213403856145874;0.010984848484848484459486250842;0.051515151515151513805790273182;0.006439393939393939225723784148;0.017424242424242425419933510966;0.019318181818181817677171352443;0.037121212121212124324109993267;0.009469696969696969959806587269;0.014015151515151515193569053963;0.012878787878787878451447568295;0.036742424242424243097104863409;0.009090909090909090467524933388;0.039772727272727272096464190554;0.040151515151515153323469320412;0.044318181818181819064950133225;0.025000000000000001387778780781;0.019696969696969695434729530348;0.000378787878787878787550241766;0.007575757575757575967845269815;0.011742424242424241709326082628;0.022348484848484850145977631541;0.002272727272727272616881233347;0.009090909090909090467524933388;0.010606060606060606701928072937;0.042424242424242426807712291748;0.011742424242424241709326082628;0.007196969696969697342925353922;0.007575757575757575967845269815;0.017045454545454544192928381108;0.002272727272727272616881233347;0.028030303030303030387138107926;0.000000000000000000000000000000;0.020075757575757576661734660206;0.001515151515151515150200967064;0.010984848484848484459486250842;0.051136363636363639517679047231;0.024242424242424242403215473018;0.022348484848484850145977631541;0.027651515151515152629579930021
-0.023275862068965518653085311485;0.004310344827586206836733673242;0.079597701149425284516958356562;0.004022988505747126380951428359;0.002586206896551724102040203945;0.005459770114942528659862652773;0.001149425287356321823128979531;0.015517241379310344612241223672;0.015517241379310344612241223672;0.085632183908045972353662023124;0.006609195402298850482991632305;0.003160919540229885013604693711;0.003160919540229885013604693711;0.052011494252873560761862847812;0.004597701149425287292515918125;0.007183908045977011394556122070;0.034770114942528733414928154843;0.020977011494252875006827352422;0.004022988505747126380951428359;0.010344827586206896408160815781;0.012068965517241379142854285078;0.013793103448275861877547754375;0.002011494252873563190475714180;0.122126436781609198911624503125;0.018678160919540231360569393360;0.054310344827586204408120806875;0.017528735632183909537440413828;0.026436781609195401931966529219;0.000574712643678160911564489766;0.000862068965517241367346734648;0.002586206896551724102040203945;0.047988505747126437850358371406;0.001724137931034482734693469297;0.003160919540229885013604693711;0.004885057471264367748298163008;0.092528735632183903292435900312;0.012068965517241379142854285078;0.004022988505747126380951428359;0.000862068965517241367346734648;0.003735632183908045925169183477;0.006321839080459770027209387422;0.003160919540229885013604693711;0.000000000000000000000000000000;0.035919540229885055238057134375;0.002011494252873563190475714180;0.013793103448275861877547754375;0.069827586206896552489808982500;0.024712643678160919197273059922;0.007183908045977011394556122070;0.011206896551724137775507550430
-0.008908045977011494129249591367;0.042816091954022986176831011562;0.045402298850574715483041643438;0.222988505747126447564809836877;0.027298850574712645034036739844;0.008908045977011494129249591367;0.004597701149425287292515918125;0.024425287356321840476214291016;0.011206896551724137775507550430;0.010632183908045976863943060664;0.006321839080459770027209387422;0.001149425287356321823128979531;0.004597701149425287292515918125;0.018103448275862070449004903594;0.053160919540229882584991827343;0.006896551724137930938773877187;0.022701149425287357741520821719;0.037931034482758620163256324531;0.027011494252873562843531018984;0.009195402298850574585031836250;0.010632183908045976863943060664;0.015804597701149426802746944531;0.005747126436781609115644897656;0.014655172413793103244894489023;0.006609195402298850482991632305;0.014655172413793103244894489023;0.017241379310344827346934692969;0.099425287356321834231209777499;0.001149425287356321823128979531;0.014080459770114942333329999258;0.002586206896551724102040203945;0.016379310344827587714311434297;0.009770114942528735496596326016;0.005172413793103448204080407891;0.006321839080459770027209387422;0.028448275862068966857165719375;0.007183908045977011394556122070;0.002586206896551724102040203945;0.001436781609195402278911224414;0.009482758620689655040814081133;0.014942528735632183700676733906;0.006609195402298850482991632305;0.000000000000000000000000000000;0.005747126436781609115644897656;0.036781609195402298340127345000;0.005172413793103448204080407891;0.020977011494252875006827352422;0.008620689655172413673467346484;0.010057471264367815952378570898;0.007471264367816091850338366953
-0.049107142857142856151586585156;0.004166666666666666608842550801;0.066964285714285712303173170312;0.000000000000000000000000000000;0.000000000000000000000000000000;0.022916666666666665047591422422;0.000595238095238095291789059971;0.011011904761904762681257174961;0.028273809523809523974735569141;0.021726190476190475331375040469;0.022619047619047618485899064922;0.010119047619047619526733150508;0.025000000000000001387778780781;0.055357142857142854763807804375;0.001488095238095238012632215430;0.026488095238095237665687520234;0.022321428571428571924206707422;0.022023809523809525362514349922;0.009226190476190476372209126055;0.009821428571428571230317317031;0.013690476190476190410105772344;0.028571428571428570536427926640;0.014583333333333333564629796797;0.030952380952380953438307642500;0.058928571428571427381903902187;0.038392857142857145236192195625;0.023214285714285715078730731875;0.001785714285714285658526745415;0.000595238095238095291789059971;0.004166666666666666608842550801;0.005059523809523809763366575254;0.014285714285714285268213963320;0.009821428571428571230317317031;0.018154761904761906182725894610;0.041964285714285710915394389531;0.024404761904761904794947113828;0.013690476190476190410105772344;0.011607142857142857539365365938;0.002380952380952381167156239883;0.032142857142857139685077072500;0.001488095238095238012632215430;0.010714285714285714384841341484;0.000000000000000000000000000000;0.016071428571428569842538536250;0.001190476190476190583578119941;0.011904761904761904101057723437;0.045833333333333330095182844843;0.045833333333333330095182844843;0.038095238095238098674499838125;0.031250000000000000000000000000
-0.037106918238993709391326802916;0.002830188679245282824120666376;0.073270440251572324652507006704;0.000000000000000000000000000000;0.000000000000000000000000000000;0.016981132075471697812085736246;0.001257861635220125723702566667;0.009748427672955974412905000293;0.024528301886792454322705481218;0.026729559748427673959714212515;0.018553459119496854695663401458;0.006918238993710692022465202911;0.020440251572327042955956599712;0.050314465408805034152273094605;0.002515723270440251447405133334;0.026729559748427673959714212515;0.033333333333333332870740406406;0.033018867924528301494024873364;0.009748427672955974412905000293;0.023270440251572325346396397094;0.014779874213836478175077004948;0.030817610062893081857016142067;0.023899371069182391569274415133;0.038679245283018866274904468128;0.037735849056603772144757869000;0.038993710691823897651620001170;0.021698113207547168462818731882;0.000000000000000000000000000000;0.000943396226415094346987033624;0.005031446540880502894810266667;0.010377358490566037166336066377;0.016037735849056603681939137118;0.006603773584905660645749669868;0.011949685534591195784637207566;0.044339622641509431055784062892;0.042138364779874211418775331595;0.013836477987421384044930405821;0.011635220125786162673198198547;0.005031446540880502894810266667;0.035534591194968552507749137703;0.002201257861635220070689600291;0.011006289308176099919767132462;0.000000000000000000000000000000;0.018553459119496854695663401458;0.000628930817610062861851283333;0.013836477987421384044930405821;0.040880503144654085911913199425;0.041509433962264148665344265510;0.027672955974842768089860811642;0.016352201257861635058654670161
-0.033333333333333332870740406406;0.011224489795918366624727369185;0.085714285714285715078730731875;0.002721088435374149471640548015;0.011904761904761904101057723437;0.010204081632653060410231837807;0.003741496598639455686136079393;0.022789115646258503722343391473;0.047619047619047616404230893750;0.037755102040816328201611185023;0.011904761904761904101057723437;0.009863945578231291672066660681;0.004761904761904762334312479766;0.044897959183673466498909476741;0.018027210884353741388030911708;0.033673469387755103343629059509;0.033333333333333332870740406406;0.040136054421768707634043948929;0.008503401360544218454129428153;0.007482993197278911372272158786;0.007823129251700680977799073901;0.029931972789115645489088635145;0.003741496598639455686136079393;0.062244897959183670410610034196;0.026530612244897958107436863884;0.051700680272108841262213019263;0.021428571428571428769682682969;0.006802721088435373895941804534;0.001360544217687074735820274007;0.003401360544217686947970902267;0.010204081632653060410231837807;0.031972789115646257918079697902;0.002721088435374149471640548015;0.004421768707482993596147302640;0.004081632653061224857982125513;0.054081632653061227633539687076;0.008843537414965987192294605279;0.007823129251700680977799073901;0.004761904761904762334312479766;0.007823129251700680977799073901;0.005782312925170067681446273156;0.014965986394557822744544317572;0.000000000000000000000000000000;0.025850340136054420631106509632;0.007142857142857142634106981660;0.013605442176870747791883609068;0.051360544217687077728218270067;0.026870748299319728580325516987;0.008503401360544218454129428153;0.014625850340136054006379140446
-0.009259259259259258745267118229;0.012962962962962962590318660716;0.049259259259259259577934386698;0.422592592592592575240217911414;0.004814814814814815172039352831;0.002592592592592592518063732143;0.010740740740740739936343040029;0.016666666666666666435370203203;0.020740740740740740144509857146;0.017037037037037038034181790636;0.005925925925925925631665425186;0.003333333333333333547282562037;0.002222222222222222220294751693;0.020740740740740740144509857146;0.028888888888888887562789165031;0.007407407407407407690103084974;0.015925925925925926707193980292;0.017777777777777777762358013547;0.011111111111111111535154627461;0.004814814814814815172039352831;0.009629629629629630344078705662;0.024444444444444445724284875610;0.002592592592592592518063732143;0.020000000000000000416333634234;0.010000000000000000208166817117;0.018888888888888889089345823891;0.018148148148148149361169600979;0.016666666666666666435370203203;0.001111111111111111110147375847;0.002222222222222222220294751693;0.002592592592592592518063732143;0.017777777777777777762358013547;0.002592592592592592518063732143;0.007037037037037036958653235530;0.005555555555555555767577313730;0.025185185185185185452461098521;0.004074074074074073709139653943;0.005185185185185185036127464286;0.004074074074074073709139653943;0.012592592592592592726230549260;0.008888888888888888881179006773;0.010370370370370370072254928573;0.000000000000000000000000000000;0.007037037037037036958653235530;0.014074074074074073917306471060;0.009259259259259258745267118229;0.025185185185185185452461098521;0.013703703703703704053218359604;0.009259259259259258745267118229;0.007037037037037036958653235530
-0.025786163522012579829567613388;0.004402515723270440141379200583;0.068238993710691822625058478025;0.151886792452830182709178075129;0.000943396226415094346987033624;0.008490566037735848906042868123;0.001886792452830188693974067249;0.009748427672955974412905000293;0.061635220125786163714032284133;0.024842767295597485699421014260;0.009748427672955974412905000293;0.006289308176100629269034136826;0.009433962264150943036189467250;0.043396226415094336925637463764;0.003459119496855346011232601455;0.018867924528301886072378934500;0.025157232704402517076136547303;0.025786163522012579829567613388;0.005660377358490565648241332752;0.011006289308176099919767132462;0.007861635220125786152611802038;0.047169811320754720385117764181;0.007547169811320754775896268995;0.032389937106918238740593807279;0.029245283018867924973438476854;0.028616352201257862220007410770;0.019182389937106917449094467543;0.001572327044025157317258534206;0.000943396226415094346987033624;0.002830188679245282824120666376;0.007547169811320754775896268995;0.018553459119496854695663401458;0.003773584905660377387948134498;0.011635220125786162673198198547;0.024528301886792454322705481218;0.030503144654088050480300609024;0.005031446540880502894810266667;0.010691823899371068543051599420;0.013522012578616352668214872779;0.027672955974842768089860811642;0.003459119496855346011232601455;0.016037735849056603681939137118;0.000000000000000000000000000000;0.018238993710691823318947868415;0.002201257861635220070689600291;0.010062893081761005789620533335;0.036477987421383646637895736831;0.029559748427672956350154009897;0.022012578616352199839534264925;0.014465408805031446798361471906
-0.028205128205128205537421948179;0.004487179487179486850334519943;0.069871794871794873360570932164;0.000000000000000000000000000000;0.029166666666666667129259593594;0.028846153846153847755129362440;0.004487179487179486850334519943;0.014423076923076923877564681220;0.021153846153846155020428199123;0.023397435897435897578233721106;0.012179487179487179585035683260;0.018910256410256408993175725186;0.021153846153846155020428199123;0.037499999999999998612221219219;0.005448717948717948442172165358;0.011858974358974358476181976130;0.037499999999999998612221219219;0.041025641025641025605441569724;0.021474358974358974394558430276;0.014102564102564102768710974090;0.013782051282051281659857266959;0.024038461538461539795941135367;0.024679487179487178544201597674;0.031410256410256409687065115577;0.030769230769230770938804653269;0.027243589743589743945584302764;0.023397435897435897578233721106;0.000641025641025641025085024527;0.000641025641025641025085024527;0.041346153846153844979571800877;0.013782051282051281659857266959;0.016987179487179485809500434357;0.016666666666666666435370203203;0.009294871794871794809522747016;0.034294871794871797932025003774;0.051602564102564099646208717331;0.012179487179487179585035683260;0.010576923076923077510214099561;0.001923076923076923183675290829;0.025961538461538462979616426196;0.004487179487179486850334519943;0.008012820512820512108831394471;0.000000000000000000000000000000;0.016666666666666666435370203203;0.004807692307692307959188227073;0.016666666666666666435370203203;0.037179487179487179238090988065;0.018910256410256408993175725186;0.027243589743589743945584302764;0.009615384615384615918376454147
-0.037499999999999998612221219219;0.001388888888888888941894328433;0.080555555555555560798275394063;0.000000000000000000000000000000;0.001041666666666666652210637700;0.025000000000000001387778780781;0.001388888888888888941894328433;0.005555555555555555767577313730;0.017361111111111111882099322656;0.020138888888888890199568848516;0.021180555555555556634939051719;0.011805555555555555247160270937;0.025347222222222222376419864531;0.064583333333333339809634310313;0.001041666666666666652210637700;0.033333333333333332870740406406;0.015277777777777777276635440273;0.019791666666666665741480812812;0.005208333333333333044212754004;0.014236111111111110841265237070;0.011111111111111111535154627461;0.030208333333333333564629796797;0.017013888888888887424011286953;0.030208333333333333564629796797;0.049305555555555553859381490156;0.030902777777777779011358916250;0.017708333333333332870740406406;0.000000000000000000000000000000;0.001388888888888888941894328433;0.007638888888888888638317720137;0.006250000000000000346944695195;0.011458333333333332523795711211;0.007291666666666666782314898398;0.024305555555555555941049661328;0.051736111111111107718762980312;0.030555555555555554553270880547;0.006597222222222222202947516934;0.009374999999999999653055304805;0.002083333333333333304421275400;0.050694444444444444752839729063;0.001388888888888888941894328433;0.003472222222222222029475169336;0.000000000000000000000000000000;0.007986111111111110494320541875;0.000694444444444444470947164216;0.006944444444444444058950338672;0.048611111111111111882099322656;0.059722222222222225151977426094;0.042708333333333334258519187188;0.030902777777777779011358916250
-0.031045751633986928830211127206;0.030718954248366011489101978782;0.051633986928104572133868543915;0.014705882352941176266503120473;0.024509803921568627110838534122;0.014705882352941176266503120473;0.005555555555555555767577313730;0.022875816993464050813633647863;0.022875816993464050813633647863;0.019934640522875815560333023768;0.011764705882352941013202496379;0.005882352941176470506601248189;0.016993464052287580307032399674;0.036601307189542485465150178925;0.029084967320261438661344044476;0.013725490196078431182069579108;0.016013071895424835222598858309;0.048039215686274512606690478833;0.026143790849673203408043420382;0.010784313725490195928768955014;0.015686274509803921350936661838;0.027124183006535948492476961746;0.021895424836601305729200106498;0.025816993464052286066934271958;0.030065359477124183745777585841;0.023202614379084968154742796287;0.033006535947712418999078209936;0.016013071895424835222598858309;0.000326797385620915010074477580;0.014052287581699346788455251556;0.004248366013071895076758099918;0.016013071895424835222598858309;0.014705882352941176266503120473;0.006862745098039215591034789554;0.035294117647058823039607489136;0.033006535947712418999078209936;0.014052287581699346788455251556;0.009150326797385621366287544731;0.003594771241830065165029362007;0.035620915032679736911269685606;0.007843137254901960675468330919;0.014705882352941176266503120473;0.000000000000000000000000000000;0.011111111111111111535154627461;0.018954248366013070475899482403;0.012418300653594770491250365296;0.027124183006535948492476961746;0.025163398692810458323609879017;0.035620915032679736911269685606;0.013725490196078431182069579108
-0.050000000000000002775557561563;0.005925925925925925631665425186;0.047037037037037036923958766010;0.003333333333333333547282562037;0.000370370370370370351979089074;0.017407407407407406163546426114;0.004444444444444444440589503387;0.017037037037037038034181790636;0.021481481481481479872686080057;0.033333333333333332870740406406;0.013333333333333334189130248149;0.011111111111111111535154627461;0.028518518518518519433424529552;0.031481481481481478346129421197;0.005555555555555555767577313730;0.024814814814814813853649511088;0.020370370370370372015145221667;0.028518518518518519433424529552;0.012962962962962962590318660716;0.010000000000000000208166817117;0.021851851851851851471497667490;0.024444444444444445724284875610;0.021851851851851851471497667490;0.051481481481481482231910007386;0.038888888888888889505679458125;0.040000000000000000832667268469;0.020740740740740740144509857146;0.002592592592592592518063732143;0.001481481481481481407916356297;0.013703703703703704053218359604;0.008148148148148147418279307885;0.024074074074074074125473288177;0.013333333333333334189130248149;0.004814814814814815172039352831;0.038148148148148146308056283260;0.035185185185185187395351391615;0.012962962962962962590318660716;0.017777777777777777762358013547;0.005925925925925925631665425186;0.036296296296296298722339201959;0.004444444444444444440589503387;0.005925925925925925631665425186;0.000000000000000000000000000000;0.037037037037037034981068472916;0.004444444444444444440589503387;0.032222222222222221543752596062;0.026296296296296296779448908865;0.022962962962962962798485477833;0.034444444444444444197728216750;0.011481481481481481399242738917
-0.034126984126984123701920026406;0.002380952380952381167156239883;0.076587301587301592764589486251;0.000000000000000000000000000000;0.000793650793650793650105268462;0.018253968253968255036623347110;0.001984126984126984016842953906;0.017857142857142856151586585156;0.017063492063492061850960013203;0.044841269841269841556208319844;0.013095238095238095551997581367;0.007142857142857142634106981660;0.013888888888888888117900677344;0.049603174603174600421073847656;0.001587301587301587300210536924;0.017857142857142856151586585156;0.033333333333333332870740406406;0.036904761904761905488836504219;0.006349206349206349200842147695;0.020634920634920634469056111016;0.008333333333333333217685101602;0.022619047619047618485899064922;0.010317460317460317234528055508;0.058730158730158729674108997187;0.031349206349206348853897452500;0.045238095238095236971798129844;0.021428571428571428769682682969;0.000396825396825396825052634231;0.000793650793650793650105268462;0.005555555555555555767577313730;0.003571428571428571317053490830;0.029365079365079364837054498594;0.007936507936507936067371815625;0.011111111111111111535154627461;0.031746031746031744269487262500;0.066666666666666665741480812812;0.016269841269841271019780393203;0.008333333333333333217685101602;0.000396825396825396825052634231;0.026984126984126985404621734688;0.005952380952380952050528861719;0.005555555555555555767577313730;0.000000000000000000000000000000;0.022619047619047618485899064922;0.000396825396825396825052634231;0.020238095238095239053466301016;0.048412698412698414174304417656;0.025396825396825396803368590781;0.031746031746031744269487262500;0.018253968253968255036623347110
-0.052962962962962961688262453208;0.004444444444444444440589503387;0.052222222222222225429533182250;0.212592592592592583011779083790;0.002222222222222222220294751693;0.011851851851851851263330850372;0.004814814814814815172039352831;0.013703703703703704053218359604;0.015185185185185185244294281404;0.033333333333333332870740406406;0.010000000000000000208166817117;0.013333333333333334189130248149;0.005555555555555555767577313730;0.033333333333333332870740406406;0.007037037037037036958653235530;0.037037037037037034981068472916;0.016296296296296294836558615771;0.015555555555555555108382392859;0.008518518518518519017090895318;0.009259259259259258745267118229;0.014444444444444443781394582516;0.009259259259259258745267118229;0.006296296296296296363115274630;0.035925925925925923654080662573;0.034444444444444444197728216750;0.032962962962962964741375770927;0.016296296296296294836558615771;0.001851851851851851922525771243;0.001111111111111111110147375847;0.003333333333333333547282562037;0.019629629629629628817522046802;0.020000000000000000416333634234;0.002592592592592592518063732143;0.008148148148148147418279307885;0.011111111111111111535154627461;0.035925925925925923654080662573;0.009259259259259258745267118229;0.025925925925925925180637321432;0.000000000000000000000000000000;0.010000000000000000208166817117;0.007407407407407407690103084974;0.004444444444444444440589503387;0.000000000000000000000000000000;0.026296296296296296779448908865;0.006296296296296296363115274630;0.015555555555555555108382392859;0.032222222222222221543752596062;0.022592592592592591199673890401;0.015185185185185185244294281404;0.012222222222222222862142437805
-0.038541666666666668517038374375;0.005208333333333333044212754004;0.051562499999999997224442438437;0.231250000000000011102230246252;0.001562500000000000086736173799;0.013020833333333333911574491992;0.003125000000000000173472347598;0.020312500000000000693889390391;0.013020833333333333911574491992;0.033333333333333332870740406406;0.010937499999999999306110609609;0.004166666666666666608842550801;0.008333333333333333217685101602;0.024479166666666666435370203203;0.010937499999999999306110609609;0.029687499999999998612221219219;0.022916666666666665047591422422;0.020312500000000000693889390391;0.007291666666666666782314898398;0.003645833333333333391157449199;0.023958333333333334952408577578;0.011458333333333332523795711211;0.007291666666666666782314898398;0.038541666666666668517038374375;0.039062500000000000000000000000;0.033333333333333332870740406406;0.023958333333333334952408577578;0.002604166666666666522106377002;0.002604166666666666522106377002;0.003645833333333333391157449199;0.010416666666666666088425508008;0.020312500000000000693889390391;0.001041666666666666652210637700;0.007291666666666666782314898398;0.007812500000000000000000000000;0.031770833333333331482961625625;0.007812500000000000000000000000;0.014583333333333333564629796797;0.000000000000000000000000000000;0.009895833333333332870740406406;0.009374999999999999653055304805;0.006770833333333333564629796797;0.000000000000000000000000000000;0.027083333333333334258519187188;0.007291666666666666782314898398;0.028125000000000000693889390391;0.022395833333333333564629796797;0.019791666666666665741480812812;0.017708333333333332870740406406;0.010416666666666666088425508008
-0.029629629629629630760412339896;0.010740740740740739936343040029;0.031111111111111110216764785719;0.131111111111111122706773812752;0.018148148148148149361169600979;0.039259259259259257635044093604;0.006666666666666667094565124074;0.019629629629629628817522046802;0.015185185185185185244294281404;0.017777777777777777762358013547;0.015185185185185185244294281404;0.067777777777777784007362527063;0.013333333333333334189130248149;0.026296296296296296779448908865;0.010000000000000000208166817117;0.034444444444444444197728216750;0.016666666666666666435370203203;0.029999999999999998889776975375;0.014074074074074073917306471060;0.005555555555555555767577313730;0.011481481481481481399242738917;0.005185185185185185036127464286;0.006666666666666667094565124074;0.025925925925925925180637321432;0.044074074074074071072359970458;0.034074074074074076068363581271;0.019259259259259260688157411323;0.003333333333333333547282562037;0.000370370370370370351979089074;0.029999999999999998889776975375;0.045925925925925925596970955667;0.014074074074074073917306471060;0.005185185185185185036127464286;0.003333333333333333547282562037;0.007407407407407407690103084974;0.025555555555555557051272685953;0.011481481481481481399242738917;0.013703703703703704053218359604;0.002962962962962962815832712593;0.012592592592592592726230549260;0.004814814814814815172039352831;0.008148148148148147418279307885;0.000000000000000000000000000000;0.021481481481481479872686080057;0.005925925925925925631665425186;0.013333333333333334189130248149;0.026296296296296296779448908865;0.018518518518518517490534236458;0.014074074074074073917306471060;0.012222222222222222862142437805
-0.046491228070175437403488416521;0.006140350877192982462227099916;0.020175438596491228337992396291;0.080701754385964913351969585165;0.016228070175438594896499822084;0.059210526315789470397366045518;0.003508771929824561468941324094;0.011842105263157895120307294690;0.018421052631578945651957823770;0.014035087719298245875765296375;0.016228070175438594896499822084;0.082456140350877199507451109639;0.017105263157894737974240584322;0.016666666666666666435370203203;0.004385964912280701510916003372;0.033771929824561404409610787525;0.005701754385964912658080194774;0.016666666666666666435370203203;0.026754385964912280604366401349;0.003070175438596491231113549958;0.020614035087719299876862777410;0.011842105263157895120307294690;0.009649122807017544364849293004;0.019736842105263156799122015173;0.056140350877192983503061185502;0.030263157894736842506988594437;0.019298245614035088729698586008;0.002631578947368420993285775822;0.003508771929824561468941324094;0.064035087719298250386046333915;0.067543859649122808819221575050;0.015350877192982455288206011801;0.009210526315789472825978911885;0.006578947368421052266374005058;0.010087719298245614168996198146;0.015350877192982455288206011801;0.005701754385964912658080194774;0.019298245614035088729698586008;0.004824561403508772182424646502;0.011403508771929825316160389548;0.005701754385964912658080194774;0.007456140350877192742029553330;0.000000000000000000000000000000;0.011403508771929825316160389548;0.006578947368421052266374005058;0.019298245614035088729698586008;0.013596491228070176071618391234;0.010526315789473683973143103287;0.012719298245614034728601104973;0.010087719298245614168996198146
-0.039047619047619046284136601344;0.012857142857142856914864914586;0.025238095238095236555464495609;0.116190476190476191242773040813;0.021904761904761906043948016531;0.039523809523809523558401934906;0.002380952380952381167156239883;0.020476190476190477690598967797;0.024285714285714285476380780437;0.018095238095238094788719251937;0.020000000000000000416333634234;0.060476190476190475053819284312;0.014285714285714285268213963320;0.013333333333333334189130248149;0.014761904761904762542479296883;0.027142857142857142183078877906;0.011904761904761904101057723437;0.016190476190476189161104869640;0.024285714285714285476380780437;0.006190476190476190687661528500;0.023333333333333334397297065266;0.012857142857142856914864914586;0.003333333333333333547282562037;0.023333333333333334397297065266;0.040952380952380955381197935594;0.021428571428571428769682682969;0.019523809523809523142068300672;0.010476190476190475747708674703;0.000476190476190476190063161077;0.045238095238095236971798129844;0.040952380952380955381197935594;0.015238095238095238082021154469;0.008095238095238094580552434820;0.003809523809523809520505288617;0.011428571428571428561515865852;0.021904761904761906043948016531;0.007619047619047619041010577234;0.010952380952380953021974008266;0.002857142857142857140378966463;0.009523809523809524668624959531;0.007142857142857142634106981660;0.018095238095238094788719251937;0.000000000000000000000000000000;0.017142857142857143709635536766;0.007619047619047619041010577234;0.018571428571428572062984585500;0.020000000000000000416333634234;0.013333333333333334189130248149;0.016666666666666666435370203203;0.019523809523809523142068300672
-0.023750000000000000277555756156;0.014583333333333333564629796797;0.015833333333333334674852821422;0.283333333333333325931846502499;0.020833333333333332176851016015;0.034166666666666664631257788187;0.004166666666666666608842550801;0.017083333333333332315628894094;0.018749999999999999306110609609;0.009583333333333332593184650250;0.008333333333333333217685101602;0.074999999999999997224442438437;0.009583333333333332593184650250;0.010416666666666666088425508008;0.017500000000000001665334536938;0.022083333333333333287074040641;0.016666666666666666435370203203;0.014583333333333333564629796797;0.019166666666666665186369300500;0.002500000000000000052041704279;0.010416666666666666088425508008;0.010416666666666666088425508008;0.000416666666666666693410320255;0.013333333333333334189130248149;0.037083333333333336201409480282;0.017500000000000001665334536938;0.012916666666666666574148081281;0.008750000000000000832667268469;0.003333333333333333547282562037;0.043749999999999997224442438437;0.050000000000000002775557561563;0.012916666666666666574148081281;0.002500000000000000052041704279;0.005416666666666666851703837438;0.003749999999999999861222121922;0.013750000000000000069388939039;0.001250000000000000026020852140;0.008750000000000000832667268469;0.003333333333333333547282562037;0.006250000000000000346944695195;0.007499999999999999722444243844;0.008750000000000000832667268469;0.000000000000000000000000000000;0.012083333333333333078907223523;0.017500000000000001665334536938;0.007916666666666667337426410711;0.012916666666666666574148081281;0.009583333333333332593184650250;0.005833333333333333599324266316;0.014166666666666665949647629930
-0.055855855855855854330549448150;0.008108108108108108558198523497;0.024324324324324325674595570490;0.105855855855855857106107009713;0.029279279279279278591641144658;0.025675675675675677100961991073;0.003153153153153153039067735364;0.010810810810810811410931364662;0.013513513513513514263664205828;0.021621621621621622821862729324;0.020270270270270271395496308742;0.058108108108108111333756085060;0.009009009009009008930868311893;0.027927927927927927165274724075;0.005405405405405405705465682331;0.031531531531531528655953877660;0.015315315315315315009003782620;0.012162162162162162837297785245;0.023873873873873872886175462327;0.003153153153153153039067735364;0.017567567567567568542763467576;0.012162162162162162837297785245;0.002702702702702702852732841166;0.031531531531531528655953877660;0.040540540540540542790992617483;0.052252252252252252839870294565;0.012612612612612612156270941455;0.003153153153153153039067735364;0.002702702702702702852732841166;0.047747747747747745772350924653;0.034684684684684684297106826989;0.010810810810810811410931364662;0.002702702702702702852732841166;0.004054054054054054279099261748;0.009009009009009008930868311893;0.019369369369369369288103044369;0.007657657657657657504501891310;0.021621621621621622821862729324;0.002702702702702702852732841166;0.007207207207207207318166997112;0.004054054054054054279099261748;0.013513513513513514263664205828;0.000000000000000000000000000000;0.020720720720720720714469464951;0.006756756756756757131832102914;0.018468468468468467180709779996;0.029729729729729731380061252821;0.032432432432432434232794093987;0.012612612612612612156270941455;0.013963963963963963582637362038
-0.057657657657657658545335976896;0.005405405405405405705465682331;0.024324324324324325674595570490;0.115765765765765762940198158049;0.006756756756756757131832102914;0.020720720720720720714469464951;0.004504504504504504465434155946;0.021171171171171170033442621161;0.012162162162162162837297785245;0.026126126126126126419935147283;0.020270270270270271395496308742;0.021621621621621622821862729324;0.011261261261261260729904520872;0.027027027027027028527328411656;0.018918918918918919969129888159;0.040540540540540542790992617483;0.012612612612612612156270941455;0.015315315315315315009003782620;0.012612612612612612156270941455;0.004054054054054054279099261748;0.023873873873873872886175462327;0.012612612612612612156270941455;0.002702702702702702852732841166;0.029279279279279278591641144658;0.053153153153153151477816606985;0.053153153153153151477816606985;0.016216216216216217116397046993;0.013063063063063063209967573641;0.002252252252252252232717077973;0.023423423423423423567202306117;0.022522522522522521459809041744;0.015315315315315315009003782620;0.003603603603603603659083498556;0.007657657657657657504501891310;0.013513513513513514263664205828;0.019819819819819818607076200578;0.009009009009009008930868311893;0.022972972972972974248229149907;0.002702702702702702852732841166;0.006306306306306306078135470727;0.007207207207207207318166997112;0.007207207207207207318166997112;0.000000000000000000000000000000;0.026576576576576575738908303492;0.010810810810810811410931364662;0.024324324324324325674595570490;0.029279279279279278591641144658;0.033783783783783785659160514570;0.012162162162162162837297785245;0.016666666666666666435370203203
-0.029901960784313726809946487606;0.001470588235294117626650312047;0.022058823529411766134478156687;0.309803921568627460558786879119;0.015196078431372548808719891156;0.028431372549019607448572699582;0.004901960784313725422167706824;0.012745098039215686097636037744;0.011764705882352941013202496379;0.017156862745098040712310449862;0.008823529411764705759901872284;0.038725490196078432569848359890;0.009803921568627450844335413649;0.011764705882352941013202496379;0.011274509803921568470985725696;0.034313725490196081424620899725;0.014215686274509803724286349791;0.011274509803921568470985725696;0.014705882352941176266503120473;0.003431372549019607795517394777;0.010294117647058823386552184331;0.008333333333333333217685101602;0.000980392156862745084433541365;0.019117647058823530881177532592;0.033333333333333332870740406406;0.022058823529411766134478156687;0.014705882352941176266503120473;0.003921568627450980337734165460;0.002450980392156862711083853412;0.016666666666666666435370203203;0.068137254901960778163960696929;0.011274509803921568470985725696;0.006862745098039215591034789554;0.005882352941176470506601248189;0.008333333333333333217685101602;0.017647058823529411519803744568;0.002941176470588235253300624095;0.021078431372549021050044615322;0.001470588235294117626650312047;0.008823529411764705759901872284;0.003921568627450980337734165460;0.003921568627450980337734165460;0.000000000000000000000000000000;0.021078431372549021050044615322;0.021078431372549021050044615322;0.013235294117647058639852808426;0.011764705882352941013202496379;0.013235294117647058639852808426;0.005882352941176470506601248189;0.009803921568627450844335413649
-0.035365853658536582082572152785;0.009756097560975609747635495239;0.028861788617886179053595441246;0.194308943089430891104640863887;0.007723577235772357933718534895;0.032926829268292684416152837912;0.004878048780487804873817747620;0.014634146341463415488814980847;0.017073170731707318359404723651;0.020731707317073171797927599869;0.016666666666666666435370203203;0.041869918699186992050442768232;0.004471544715447154684506703148;0.018699186991869919116648901536;0.013008130081300812996847326986;0.040650406504065039747786158841;0.014227642276422763564780460399;0.022764227642276424479206298201;0.016666666666666666435370203203;0.004065040650406504495195658677;0.018292682926829267192614381088;0.013821138211382113375469415928;0.003252032520325203249211831746;0.028455284552845527129560920798;0.041056910569105688202373727336;0.026422764227642277917729174419;0.023170731707317072933793866696;0.006910569105691056687734707964;0.002439024390243902436908873810;0.015447154471544715867437069790;0.066666666666666665741480812812;0.017479674796747966813992292145;0.002439024390243902436908873810;0.004878048780487804873817747620;0.004471544715447154684506703148;0.017886178861788618738026812593;0.005284552845528455063128792091;0.023577235772357724857828387144;0.000000000000000000000000000000;0.004065040650406504495195658677;0.005691056910569106119801574550;0.007317073170731707744407490424;0.000000000000000000000000000000;0.012195121951219512618225238043;0.006910569105691056687734707964;0.019512195121951219495270990478;0.021138211382113820252515168363;0.015447154471544715867437069790;0.010569105691056910126257584182;0.015853658536585366056748114261
-0.032407407407407405608434913802;0.015740740740740739173064710599;0.026388888888888888811790067734;0.154629629629629616882624532082;0.010648148148148147904001881159;0.038888888888888889505679458125;0.009722222222222222376419864531;0.019907407407407408383992475365;0.019907407407407408383992475365;0.014351851851851851749053423646;0.015277777777777777276635440273;0.052314814814814813992427389167;0.014351851851851851749053423646;0.014351851851851851749053423646;0.019444444444444444752839729063;0.028240740740740739866954100989;0.017129629629629630066522949505;0.029166666666666667129259593594;0.020370370370370372015145221667;0.003240740740740740647579665179;0.015740740740740739173064710599;0.012962962962962962590318660716;0.006018518518518518531368322044;0.019444444444444444752839729063;0.031018518518518518184423626849;0.023148148148148146863167795573;0.016666666666666666435370203203;0.021759259259259259439156508620;0.002314814814814814686316779557;0.026851851851851852442942814037;0.036574074074074071349915726614;0.013425925925925926221471407018;0.007407407407407407690103084974;0.006018518518518518531368322044;0.014351851851851851749053423646;0.020370370370370372015145221667;0.006018518518518518531368322044;0.023148148148148146863167795573;0.005092592592592593003786305417;0.010648148148148147904001881159;0.008333333333333333217685101602;0.014814814814814815380206169948;0.000000000000000000000000000000;0.014351851851851851749053423646;0.016203703703703702804217456901;0.017129629629629630066522949505;0.012962962962962962590318660716;0.014351851851851851749053423646;0.012962962962962962590318660716;0.013425925925925926221471407018
-0.025000000000000001387778780781;0.017982456140350877582534394605;0.028070175438596491751530592751;0.248684210526315785383388856644;0.019298245614035088729698586008;0.035087719298245612087328026973;0.006140350877192982462227099916;0.014473684210526315679912201517;0.014035087719298245875765296375;0.009210526315789472825978911885;0.012280701754385964924454199831;0.043421052631578950509183556505;0.012719298245614034728601104973;0.015789473684210526827076392919;0.018859649122807017190828204889;0.024561403508771929848908399663;0.021491228070175439485156587693;0.025000000000000001387778780781;0.017105263157894737974240584322;0.003947368421052631706769098230;0.009210526315789472825978911885;0.016228070175438594896499822084;0.009649122807017544364849293004;0.018421052631578945651957823770;0.026754385964912280604366401349;0.010964912280701753777290008429;0.017105263157894737974240584322;0.007017543859649122937882648188;0.002192982456140350755458001686;0.032456140350877189792999644169;0.031578947368421053654152785839;0.014473684210526315679912201517;0.006140350877192982462227099916;0.008771929824561403021832006743;0.014035087719298245875765296375;0.017105263157894737974240584322;0.005701754385964912658080194774;0.014473684210526315679912201517;0.003070175438596491231113549958;0.016228070175438594896499822084;0.008333333333333333217685101602;0.011403508771929825316160389548;0.000000000000000000000000000000;0.009210526315789472825978911885;0.013157894736842104532748010115;0.015350877192982455288206011801;0.011842105263157895120307294690;0.012719298245614034728601104973;0.010964912280701753777290008429;0.012280701754385964924454199831
-0.034920634920634921471993550313;0.011111111111111111535154627461;0.016666666666666666435370203203;0.303968253968253943053667853746;0.026587301587301586519584972734;0.026190476190476191103995162734;0.004761904761904762334312479766;0.017063492063492061850960013203;0.014285714285714285268213963320;0.010317460317460317234528055508;0.008333333333333333217685101602;0.069444444444444447528397290625;0.002777777777777777883788656865;0.013888888888888888117900677344;0.019444444444444444752839729063;0.029761904761904760252644308594;0.011111111111111111535154627461;0.015476190476190476719153821250;0.021825396825396824185272492969;0.001190476190476190583578119941;0.015476190476190476719153821250;0.008730158730158730367998387578;0.000396825396825396825052634231;0.022222222222222223070309254922;0.029761904761904760252644308594;0.012698412698412698401684295391;0.014682539682539682418527249297;0.005555555555555555767577313730;0.000793650793650793650105268462;0.036111111111111107718762980312;0.040079365079365082691342792032;0.011904761904761904101057723437;0.003174603174603174600421073848;0.003174603174603174600421073848;0.003174603174603174600421073848;0.014285714285714285268213963320;0.003571428571428571317053490830;0.010317460317460317234528055508;0.003174603174603174600421073848;0.003571428571428571317053490830;0.005555555555555555767577313730;0.011904761904761904101057723437;0.000000000000000000000000000000;0.013095238095238095551997581367;0.017460317460317460735996775156;0.017063492063492061850960013203;0.013095238095238095551997581367;0.010317460317460317234528055508;0.001984126984126984016842953906;0.007539682539682539784420267637
-0.022807017543859650632320779096;0.006140350877192982462227099916;0.025000000000000001387778780781;0.338596491228070173296060829671;0.012719298245614034728601104973;0.021052631578947367946286206575;0.005701754385964912658080194774;0.009649122807017544364849293004;0.015789473684210526827076392919;0.016666666666666666435370203203;0.008333333333333333217685101602;0.046052631578947365864618035403;0.007456140350877192742029553330;0.013596491228070176071618391234;0.015789473684210526827076392919;0.018859649122807017190828204889;0.020175438596491228337992396291;0.010964912280701753777290008429;0.010526315789473683973143103287;0.003070175438596491231113549958;0.007456140350877192742029553330;0.012719298245614034728601104973;0.005701754385964912658080194774;0.021052631578947367946286206575;0.039473684210526313598244030345;0.014912280701754385484059106659;0.010964912280701753777290008429;0.003947368421052631706769098230;0.002192982456140350755458001686;0.032456140350877189792999644169;0.040789473684210528214855173701;0.014473684210526315679912201517;0.003508771929824561468941324094;0.006140350877192982462227099916;0.003947368421052631706769098230;0.019736842105263156799122015173;0.002192982456140350755458001686;0.014912280701754385484059106659;0.006578947368421052266374005058;0.006578947368421052266374005058;0.007456140350877192742029553330;0.014912280701754385484059106659;0.000000000000000000000000000000;0.013157894736842104532748010115;0.011842105263157895120307294690;0.011842105263157895120307294690;0.017105263157894737974240584322;0.010087719298245614168996198146;0.005263157894736841986571551644;0.009649122807017544364849293004
-0.021666666666666667406815349750;0.010999999999999999361621760841;0.015666666666666665547191783503;0.397666666666666668294993769450;0.022666666666666668294993769450;0.029999999999999998889776975375;0.005000000000000000104083408559;0.007666666666666666248020067798;0.016000000000000000333066907388;0.008000000000000000166533453694;0.008666666666666666268836749509;0.072333333333333332815229255175;0.006333333333333333176051738178;0.007333333333333333196868419890;0.011333333333333334147496884725;0.017999999999999998639976794834;0.010999999999999999361621760841;0.015333333333333332496040135595;0.015666666666666665547191783503;0.001333333333333333288808764117;0.007666666666666666248020067798;0.010333333333333333259318465025;0.001666666666666666773641281019;0.013666666666666667240281896056;0.019666666666666665630458510350;0.011333333333333334147496884725;0.008000000000000000166533453694;0.006666666666666667094565124074;0.002333333333333333526465880325;0.042000000000000002609024107869;0.055666666666666669849306003925;0.007333333333333333196868419890;0.003333333333333333547282562037;0.004000000000000000083266726847;0.006333333333333333176051738178;0.007000000000000000145716771982;0.002666666666666666577617528233;0.008000000000000000166533453694;0.003000000000000000062450045135;0.005666666666666667073748442363;0.003333333333333333547282562037;0.010999999999999999361621760841;0.000000000000000000000000000000;0.007666666666666666248020067798;0.010000000000000000208166817117;0.006000000000000000124900090270;0.009666666666666667157015169209;0.009333333333333334105863521302;0.005666666666666667073748442363;0.008333333333333333217685101602
-0.033620689655172411591799175312;0.020114942528735631904757141797;0.031034482758620689224482447344;0.091954022988505745850318362500;0.009770114942528735496596326016;0.013218390804597700965983264609;0.013505747126436781421765509492;0.033333333333333332870740406406;0.018390804597701149170063672500;0.020689655172413792816321631562;0.014367816091954022789112244141;0.003735632183908045925169183477;0.012356321839080459598636529961;0.021264367816091953727886121328;0.024712643678160919197273059922;0.016091954022988505523805713437;0.017241379310344827346934692969;0.048850574712643680952428582032;0.021264367816091953727886121328;0.007758620689655172306120611836;0.025000000000000001387778780781;0.017241379310344827346934692969;0.018678160919540231360569393360;0.019827586206896553183698372891;0.018678160919540231360569393360;0.024712643678160919197273059922;0.035344827586206897795939596563;0.010057471264367815952378570898;0.001149425287356321823128979531;0.010919540229885057319725305547;0.005172413793103448204080407891;0.011494252873563218231289795312;0.018965517241379310081628162266;0.006034482758620689571427142539;0.016666666666666666435370203203;0.030747126436781610503423678438;0.012931034482758620510201019727;0.023563218390804597374144080391;0.008908045977011494129249591367;0.026436781609195401931966529219;0.009195402298850574585031836250;0.017528735632183909537440413828;0.000000000000000000000000000000;0.021264367816091953727886121328;0.013505747126436781421765509492;0.043390804597701150557842453281;0.016954022988505748625875924063;0.014367816091954022789112244141;0.037068965517241377061186113906;0.010919540229885057319725305547
-0.027976190476190477413043211641;0.031250000000000000000000000000;0.027380952380952380820211544687;0.125892857142857139685077072500;0.024404761904761904794947113828;0.013690476190476190410105772344;0.014583333333333333564629796797;0.025892857142857144542302805235;0.016071428571428569842538536250;0.011011904761904762681257174961;0.008035714285714284921269268125;0.004761904761904762334312479766;0.014285714285714285268213963320;0.016964285714285712997062560703;0.031250000000000000000000000000;0.017559523809523809589894227656;0.013392857142857142113689938867;0.037797619047619045173913576718;0.019345238095238095898942276563;0.005357142857142857192420670742;0.017261904761904763028201870156;0.016666666666666666435370203203;0.013690476190476190410105772344;0.025000000000000001387778780781;0.016369047619047619873677845703;0.027083333333333334258519187188;0.021726190476190475331375040469;0.030059523809523810283783618047;0.002380952380952381167156239883;0.016369047619047619873677845703;0.011309523809523809242949532461;0.013095238095238095551997581367;0.011309523809523809242949532461;0.010119047619047619526733150508;0.018452380952380952744418252109;0.024404761904761904794947113828;0.013988095238095238706521605820;0.027083333333333334258519187188;0.005654761904761904621474766230;0.018749999999999999306110609609;0.011607142857142857539365365938;0.023809523809523808202115446875;0.000000000000000000000000000000;0.024107142857142858233254756328;0.017261904761904763028201870156;0.041369047619047617792009674531;0.015476190476190476719153821250;0.009821428571428571230317317031;0.017857142857142856151586585156;0.011011904761904762681257174961
-0.037152777777777777623580135469;0.029166666666666667129259593594;0.034027777777777774848022573906;0.022222222222222223070309254922;0.019444444444444444752839729063;0.017013888888888887424011286953;0.016666666666666666435370203203;0.020833333333333332176851016015;0.020486111111111111188209932266;0.017361111111111111882099322656;0.013541666666666667129259593594;0.009027777777777776929690745078;0.010069444444444445099784424258;0.024652777777777776929690745078;0.035416666666666665741480812812;0.023263888888888889505679458125;0.025694444444444443365060948281;0.046527777777777779011358916250;0.019791666666666665741480812812;0.006597222222222222202947516934;0.020833333333333332176851016015;0.025694444444444443365060948281;0.015972222222222220988641083750;0.023958333333333334952408577578;0.028125000000000000693889390391;0.038194444444444447528397290625;0.022916666666666665047591422422;0.020833333333333332176851016015;0.003125000000000000173472347598;0.014930555555555556287994356524;0.013194444444444444405895033867;0.015277777777777777276635440273;0.012847222222222221682530474141;0.007291666666666666782314898398;0.021527777777777777623580135469;0.024652777777777776929690745078;0.009374999999999999653055304805;0.032638888888888890893458238907;0.005902777777777777623580135469;0.025347222222222222376419864531;0.010763888888888888811790067734;0.015625000000000000000000000000;0.000000000000000000000000000000;0.024305555555555555941049661328;0.017361111111111111882099322656;0.037152777777777777623580135469;0.018055555555555553859381490156;0.013194444444444444405895033867;0.020486111111111111188209932266;0.011458333333333332523795711211
-0.038596491228070177459397172015;0.011842105263157895120307294690;0.047807017543859652020099559877;0.022807017543859650632320779096;0.001315789473684210496642887911;0.017543859649122806043664013487;0.003508771929824561468941324094;0.017105263157894737974240584322;0.018859649122807017190828204889;0.027192982456140352143236782467;0.017982456140350877582534394605;0.010964912280701753777290008429;0.019298245614035088729698586008;0.039912280701754385137114411464;0.012280701754385964924454199831;0.022807017543859650632320779096;0.024122807017543858310038018544;0.026315789473684209065496020230;0.010526315789473683973143103287;0.010087719298245614168996198146;0.010526315789473683973143103287;0.014473684210526315679912201517;0.010087719298245614168996198146;0.032456140350877189792999644169;0.051315789473684210453274801012;0.036403508771929826703939170329;0.028070175438596491751530592751;0.038157894736842105920526790896;0.001315789473684210496642887911;0.010087719298245614168996198146;0.005701754385964912658080194774;0.019736842105263156799122015173;0.009649122807017544364849293004;0.013157894736842104532748010115;0.032456140350877189792999644169;0.035964912280701755165068789211;0.013596491228070176071618391234;0.009210526315789472825978911885;0.007894736842105263413538196460;0.018859649122807017190828204889;0.010087719298245614168996198146;0.024122807017543858310038018544;0.000000000000000000000000000000;0.021052631578947367946286206575;0.007894736842105263413538196460;0.013596491228070176071618391234;0.035964912280701755165068789211;0.037280701754385962842786028659;0.030263157894736842506988594437;0.019736842105263156799122015173
-0.030555555555555554553270880547;0.006944444444444444058950338672;0.040277777777777780399137697032;0.128240740740740738479175320208;0.007870370370370369586532355299;0.027777777777777776235801354687;0.003240740740740740647579665179;0.013425925925925926221471407018;0.018518518518518517490534236458;0.029166666666666667129259593594;0.016203703703703702804217456901;0.023148148148148146863167795573;0.022685185185185186701462001224;0.031944444444444441977282167500;0.012500000000000000693889390391;0.024074074074074074125473288177;0.024074074074074074125473288177;0.022222222222222223070309254922;0.008796296296296296848837847904;0.006481481481481481295159330358;0.013425925925925926221471407018;0.013888888888888888117900677344;0.005092592592592593003786305417;0.031481481481481478346129421197;0.037962962962962962243373965521;0.035185185185185187395351391615;0.023148148148148146863167795573;0.018055555555555553859381490156;0.000925925925925925961262885622;0.015740740740740739173064710599;0.026388888888888888811790067734;0.018518518518518517490534236458;0.004629629629629629372633559115;0.011574074074074073431583897786;0.023148148148148146863167795573;0.038425925925925925874526711823;0.008333333333333333217685101602;0.014351851851851851749053423646;0.000925925925925925961262885622;0.012962962962962962590318660716;0.003703703703703703845051542487;0.006481481481481481295159330358;0.000000000000000000000000000000;0.024537037037037037756626034479;0.005092592592592593003786305417;0.012500000000000000693889390391;0.033796296296296296501893152708;0.022685185185185186701462001224;0.021759259259259259439156508620;0.017129629629629630066522949505
-0.023563218390804597374144080391;0.010919540229885057319725305547;0.028160919540229884666659998516;0.320689655172413767836303577496;0.020114942528735631904757141797;0.025287356321839080108837549687;0.004597701149425287292515918125;0.020689655172413792816321631562;0.017816091954022988258499182734;0.017816091954022988258499182734;0.009770114942528735496596326016;0.068965517241379309387738771875;0.006321839080459770027209387422;0.010344827586206896408160815781;0.018965517241379310081628162266;0.024137931034482758285708570156;0.008620689655172413673467346484;0.013793103448275861877547754375;0.009770114942528735496596326016;0.004022988505747126380951428359;0.014367816091954022789112244141;0.013218390804597700965983264609;0.002298850574712643646257959062;0.021839080459770114639450611094;0.028160919540229884666659998516;0.018390804597701149170063672500;0.014367816091954022789112244141;0.007471264367816091850338366953;0.001724137931034482734693469297;0.022413793103448275551015100859;0.031034482758620689224482447344;0.016091954022988505523805713437;0.005172413793103448204080407891;0.005172413793103448204080407891;0.001724137931034482734693469297;0.020689655172413792816321631562;0.002873563218390804557822448828;0.008620689655172413673467346484;0.002873563218390804557822448828;0.005172413793103448204080407891;0.004022988505747126380951428359;0.008045977011494252761902856719;0.000000000000000000000000000000;0.013218390804597700965983264609;0.016666666666666666435370203203;0.010919540229885057319725305547;0.012068965517241379142854285078;0.009770114942528735496596326016;0.005172413793103448204080407891;0.012068965517241379142854285078
-0.019607843137254901688670827298;0.011764705882352941013202496379;0.023039215686274511218911698052;0.228431372549019601203568186065;0.023529411764705882026404992757;0.028921568627450981725512946241;0.005392156862745097964384477507;0.018627450980392156604237285933;0.016176470588235295627876908497;0.012745098039215686097636037744;0.009313725490196078302118642966;0.077941176470588235947190014485;0.003921568627450980337734165460;0.015686274509803921350936661838;0.020588235294117646773104368663;0.024019607843137256303345239417;0.019607843137254901688670827298;0.018137254901960785796743991227;0.020588235294117646773104368663;0.001960784313725490168867082730;0.015686274509803921350936661838;0.007843137254901960675468330919;0.003921568627450980337734165460;0.022549019607843136941971451392;0.030392156862745097617439782312;0.020588235294117646773104368663;0.013235294117647058639852808426;0.003921568627450980337734165460;0.001470588235294117626650312047;0.039215686274509803377341654596;0.057352941176470585704638693869;0.017647058823529411519803744568;0.004411764705882352879950936142;0.005882352941176470506601248189;0.005392156862745097964384477507;0.017647058823529411519803744568;0.005392156862745097964384477507;0.011274509803921568470985725696;0.001960784313725490168867082730;0.007352941176470588133251560237;0.008333333333333333217685101602;0.008823529411764705759901872284;0.000000000000000000000000000000;0.016666666666666666435370203203;0.016666666666666666435370203203;0.008823529411764705759901872284;0.017156862745098040712310449862;0.010294117647058823386552184331;0.006372549019607843048818018872;0.013725490196078431182069579108
-0.038288288288288285787785980574;0.022972972972972974248229149907;0.036036036036036035723473247572;0.029729729729729731380061252821;0.012162162162162162837297785245;0.043693693693693691493251662905;0.005855855855855855891800576529;0.032882882882882880082320298243;0.016666666666666666435370203203;0.017567567567567568542763467576;0.021621621621621622821862729324;0.022972972972972974248229149907;0.019369369369369369288103044369;0.018918918918918919969129888159;0.021171171171171170033442621161;0.026576576576576575738908303492;0.015315315315315315009003782620;0.045945945945945948496458299815;0.021621621621621622821862729324;0.004504504504504504465434155946;0.024774774774774774993568726700;0.008108108108108108558198523497;0.008558558558558557877171679706;0.027477477477477477846301567865;0.051801801801801800051450186402;0.028828828828828829272667988448;0.021621621621621622821862729324;0.014414414414414414636333994224;0.002702702702702702852732841166;0.029729729729729731380061252821;0.020720720720720720714469464951;0.010360360360360360357234732476;0.015765765765765764327976938830;0.006306306306306306078135470727;0.017117117117117115754343359413;0.031081081081081082806427673404;0.009009009009009008930868311893;0.018468468468468467180709779996;0.001801801801801801829541749278;0.010810810810810811410931364662;0.008108108108108108558198523497;0.019369369369369369288103044369;0.000000000000000000000000000000;0.016216216216216217116397046993;0.013963963963963963582637362038;0.017567567567567568542763467576;0.024324324324324325674595570490;0.026126126126126126419935147283;0.026126126126126126419935147283;0.014864864864864865690030626411
-0.030769230769230770938804653269;0.015384615384615385469402326635;0.031196581196581196770978294808;0.144444444444444430875051921248;0.023504273504273504036277131490;0.029059829059829060671216183209;0.004273504273504273934247699174;0.023931623931623933337897724982;0.013247863247863247634916739059;0.025213675213675214303865601551;0.012820512820512820068019621544;0.044017094017094020308444868306;0.007264957264957265167804045802;0.016666666666666666435370203203;0.027777777777777776235801354687;0.031623931623931622603151936346;0.008547008547008547868495398347;0.033760683760683758702914047944;0.024786324786324785002245008059;0.005555555555555555767577313730;0.017521367521367521569164438233;0.009401709401709401267566157401;0.005982905982905983334474431246;0.032905982905982907038566764868;0.032478632478632481206393123330;0.027777777777777776235801354687;0.024786324786324785002245008059;0.012820512820512820068019621544;0.001282051282051282050170049054;0.027350427350427350403627713149;0.035042735042735043138328876466;0.011965811965811966668948862491;0.006410256410256410034009810772;0.003846153846153846367350581659;0.004273504273504273934247699174;0.026068376068376069437659836581;0.011965811965811966668948862491;0.011538461538461539102051744976;0.000427350427350427350056683018;0.005128205128205128200680196215;0.011111111111111111535154627461;0.010256410256410256401360392431;0.000000000000000000000000000000;0.021794871794871793768688661430;0.021367521367521367936515019892;0.017094017094017095736990796695;0.020940170940170938634894426400;0.010683760683760683968257509946;0.011538461538461539102051744976;0.012393162393162392501122504029
-0.035238095238095235028907836750;0.010952380952380953021974008266;0.024285714285714285476380780437;0.202857142857142846992246631999;0.019523809523809523142068300672;0.024285714285714285476380780437;0.009523809523809524668624959531;0.019523809523809523142068300672;0.020476190476190477690598967797;0.024761904761904762750646114000;0.013809523809523809728672105734;0.054285714285714284366157755812;0.005238095238095237873854337352;0.018095238095238094788719251937;0.019047619047619049337249919063;0.023809523809523808202115446875;0.011904761904761904101057723437;0.015238095238095238082021154469;0.019047619047619049337249919063;0.002380952380952381167156239883;0.021904761904761906043948016531;0.007142857142857142634106981660;0.003809523809523809520505288617;0.035238095238095235028907836750;0.031904761904761907986838309625;0.026190476190476191103995162734;0.023809523809523808202115446875;0.004761904761904762334312479766;0.002857142857142857140378966463;0.027619047619047619457344211469;0.042380952380952380265100032375;0.014285714285714285268213963320;0.002380952380952381167156239883;0.007619047619047619041010577234;0.004285714285714285927408884191;0.022380952380952379848766398140;0.003333333333333333547282562037;0.011428571428571428561515865852;0.003333333333333333547282562037;0.005714285714285714280757932926;0.007619047619047619041010577234;0.008571428571428571854817768383;0.000000000000000000000000000000;0.023809523809523808202115446875;0.009523809523809524668624959531;0.022857142857142857123031731703;0.023333333333333334397297065266;0.010476190476190475747708674703;0.004285714285714285927408884191;0.012857142857142856914864914586
-0.033750000000000002220446049250;0.012083333333333333078907223523;0.045833333333333330095182844843;0.021250000000000001526556658860;0.010416666666666666088425508008;0.033333333333333332870740406406;0.006250000000000000346944695195;0.020416666666666666296592325125;0.035000000000000003330669073875;0.025000000000000001387778780781;0.013333333333333334189130248149;0.053749999999999999167332731531;0.013750000000000000069388939039;0.029999999999999998889776975375;0.009166666666666666712925959359;0.033750000000000002220446049250;0.020416666666666666296592325125;0.028750000000000001249000902703;0.012916666666666666574148081281;0.005416666666666666851703837438;0.017083333333333332315628894094;0.028333333333333331899295259859;0.007499999999999999722444243844;0.029583333333333333009518284484;0.039583333333333331482961625625;0.046666666666666668794594130532;0.026666666666666668378260496297;0.017083333333333332315628894094;0.001666666666666666773641281019;0.022916666666666665047591422422;0.038749999999999999722444243844;0.016666666666666666435370203203;0.004583333333333333356462979680;0.006666666666666667094565124074;0.010000000000000000208166817117;0.029166666666666667129259593594;0.007083333333333332974823814965;0.013333333333333334189130248149;0.006666666666666667094565124074;0.011249999999999999583666365766;0.004166666666666666608842550801;0.018749999999999999306110609609;0.000000000000000000000000000000;0.026249999999999999028554853453;0.010000000000000000208166817117;0.020000000000000000416333634234;0.022916666666666665047591422422;0.016250000000000000555111512313;0.017500000000000001665334536938;0.018333333333333333425851918719
-0.037820512820512817986351450372;0.011858974358974358476181976130;0.044230769230769233224531689075;0.027564102564102563319714533918;0.003846153846153846367350581659;0.058653846153846153632649418341;0.002243589743589743425167259971;0.016666666666666666435370203203;0.032051282051282048435325577884;0.010256410256410256401360392431;0.016987179487179485809500434357;0.041987179487179483727832263185;0.032692307692307694122479944099;0.026602564102564101727876888503;0.008012820512820512108831394471;0.033974358974358971619000868714;0.020512820512820512802720784862;0.027884615384615386163291717025;0.013461538461538462285727035805;0.007692307692307692734701163317;0.012179487179487179585035683260;0.025641025641025640136039243089;0.014423076923076923877564681220;0.017307692307692308653077617464;0.059294871794871792380909880649;0.020833333333333332176851016015;0.019871794871794870585013370601;0.016025641025641024217662788942;0.000641025641025641025085024527;0.041666666666666664353702032031;0.024679487179487178544201597674;0.007692307692307692734701163317;0.011538461538461539102051744976;0.009294871794871794809522747016;0.025000000000000001387778780781;0.025641025641025640136039243089;0.008653846153846154326538808732;0.011858974358974358476181976130;0.003846153846153846367350581659;0.016025641025641024217662788942;0.004807692307692307959188227073;0.024358974358974359170071366520;0.000000000000000000000000000000;0.012500000000000000693889390391;0.005769230769230769551025872488;0.007692307692307692734701163317;0.024679487179487178544201597674;0.025000000000000001387778780781;0.030448717948717948095227470162;0.017628205128205128027207848618
-0.030370370370370370488588562807;0.015925925925925926707193980292;0.059629629629629629650189315271;0.005925925925925925631665425186;0.006296296296296296363115274630;0.029629629629629630760412339896;0.000370370370370370351979089074;0.014444444444444443781394582516;0.022962962962962962798485477833;0.022222222222222223070309254922;0.013333333333333334189130248149;0.051481481481481482231910007386;0.014814814814814815380206169948;0.033703703703703701000105041885;0.011481481481481481399242738917;0.035925925925925923654080662573;0.030740740740740742087400150240;0.034444444444444444197728216750;0.010740740740740739936343040029;0.011111111111111111535154627461;0.009259259259259258745267118229;0.024444444444444445724284875610;0.007037037037037036958653235530;0.021111111111111111743321444578;0.049259259259259259577934386698;0.031111111111111110216764785719;0.028518518518518519433424529552;0.011111111111111111535154627461;0.004074074074074073709139653943;0.034074074074074076068363581271;0.040740740740740744030290443334;0.018888888888888889089345823891;0.008148148148148147418279307885;0.007407407407407407690103084974;0.018518518518518517490534236458;0.035555555555555555524716027094;0.009629629629629630344078705662;0.013333333333333334189130248149;0.004074074074074073709139653943;0.023333333333333334397297065266;0.005185185185185185036127464286;0.016296296296296294836558615771;0.000000000000000000000000000000;0.011481481481481481399242738917;0.007407407407407407690103084974;0.011111111111111111535154627461;0.028148148148148147834612942120;0.027777777777777776235801354687;0.022592592592592591199673890401;0.014814814814814815380206169948
-0.017521367521367521569164438233;0.029059829059829060671216183209;0.029059829059829060671216183209;0.158119658119658113015759681730;0.048290598290598292507969091503;0.024358974358974359170071366520;0.008974358974358973700669039886;0.024786324786324785002245008059;0.023076923076923078204103489952;0.009829059829059828834463274916;0.011111111111111111535154627461;0.032051282051282048435325577884;0.013675213675213675201813856575;0.019230769230769231836752908293;0.034615384615384617306155234928;0.017521367521367521569164438233;0.014529914529914530335608091605;0.031196581196581196770978294808;0.026495726495726495269833478119;0.003846153846153846367350581659;0.015384615384615385469402326635;0.022222222222222223070309254922;0.008547008547008547868495398347;0.011111111111111111535154627461;0.020085470085470086970547143324;0.017094017094017095736990796695;0.023076923076923078204103489952;0.030769230769230770938804653269;0.001282051282051282050170049054;0.037179487179487179238090988065;0.020512820512820512802720784862;0.009401709401709401267566157401;0.009401709401709401267566157401;0.005128205128205128200680196215;0.009401709401709401267566157401;0.015384615384615385469402326635;0.004700854700854700633783078700;0.008974358974358973700669039886;0.009829059829059828834463274916;0.018376068376068376702958673263;0.007264957264957265167804045802;0.019230769230769231836752908293;0.000000000000000000000000000000;0.009401709401709401267566157401;0.025213675213675214303865601551;0.009829059829059828834463274916;0.016239316239316240603196561665;0.017521367521367521569164438233;0.011111111111111111535154627461;0.008974358974358973700669039886
-0.023931623931623933337897724982;0.014529914529914530335608091605;0.039316239316239315337853099663;0.061538461538461541877609306539;0.055555555555555552471602709375;0.020940170940170938634894426400;0.005128205128205128200680196215;0.022649572649572648902482896460;0.028205128205128205537421948179;0.016239316239316240603196561665;0.011538461538461539102051744976;0.042735042735042735873030039784;0.007692307692307692734701163317;0.021794871794871793768688661430;0.019658119658119657668926549832;0.020085470085470086970547143324;0.025213675213675214303865601551;0.044017094017094020308444868306;0.028205128205128205537421948179;0.011111111111111111535154627461;0.012820512820512820068019621544;0.018803418803418802535132314802;0.008119658119658120301598280832;0.020940170940170938634894426400;0.026923076923076924571454071611;0.018376068376068376702958673263;0.022222222222222223070309254922;0.026068376068376069437659836581;0.002991452991452991667237215623;0.029914529914529915805010418239;0.041880341880341877269788852800;0.018376068376068376702958673263;0.011538461538461539102051744976;0.005982905982905983334474431246;0.011111111111111111535154627461;0.032478632478632481206393123330;0.011111111111111111535154627461;0.011111111111111111535154627461;0.003846153846153846367350581659;0.014102564102564102768710974090;0.006410256410256410034009810772;0.013675213675213675201813856575;0.000000000000000000000000000000;0.009829059829059828834463274916;0.026923076923076924571454071611;0.013675213675213675201813856575;0.016666666666666666435370203203;0.013675213675213675201813856575;0.017094017094017095736990796695;0.013247863247863247634916739059
-0.030392156862745097617439782312;0.017647058823529411519803744568;0.039215686274509803377341654596;0.100490196078431376358608417831;0.011764705882352941013202496379;0.030882352941176471894380028971;0.004411764705882352879950936142;0.016666666666666666435370203203;0.032843137254901962063247111701;0.014705882352941176266503120473;0.017647058823529411519803744568;0.045098039215686273883942902785;0.009313725490196078302118642966;0.028921568627450981725512946241;0.014215686274509803724286349791;0.024019607843137256303345239417;0.024509803921568627110838534122;0.036274509803921571593487982454;0.012745098039215686097636037744;0.007352941176470588133251560237;0.013725490196078431182069579108;0.020588235294117646773104368663;0.014215686274509803724286349791;0.023529411764705882026404992757;0.033823529411764703678233701112;0.022549019607843136941971451392;0.027450980392156862364139158217;0.020098039215686275965611073957;0.001470588235294117626650312047;0.025980392156862746472212322146;0.036274509803921571593487982454;0.008333333333333333217685101602;0.002450980392156862711083853412;0.006862745098039215591034789554;0.011274509803921568470985725696;0.025980392156862746472212322146;0.011274509803921568470985725696;0.006372549019607843048818018872;0.011274509803921568470985725696;0.019607843137254901688670827298;0.007352941176470588133251560237;0.015686274509803921350936661838;0.000000000000000000000000000000;0.012254901960784313555419267061;0.008823529411764705759901872284;0.011274509803921568470985725696;0.027450980392156862364139158217;0.014705882352941176266503120473;0.026470588235294117279705616852;0.013725490196078431182069579108
-0.030081300813008131356252050637;0.015447154471544715867437069790;0.063414634146341464226992457043;0.009756097560975609747635495239;0.004471544715447154684506703148;0.033333333333333332870740406406;0.001626016260162601624605915873;0.015040650406504065678126025318;0.028861788617886179053595441246;0.021544715447154472176549688811;0.019512195121951219495270990478;0.045121951219512193564931124001;0.019918699186991871419305510926;0.030081300813008131356252050637;0.014634146341463415488814980847;0.027642276422764226750938831856;0.018292682926829267192614381088;0.047967479674796746624831911276;0.010162601626016259936946539710;0.007723577235772357933718534895;0.009756097560975609747635495239;0.052032520325203251987389307942;0.010975609756097560315568628653;0.023170731707317072933793866696;0.045528455284552848958412596403;0.027235772357723578296351263361;0.028455284552845527129560920798;0.007723577235772357933718534895;0.001626016260162601624605915873;0.015040650406504065678126025318;0.027235772357723578296351263361;0.016666666666666666435370203203;0.005691056910569106119801574550;0.013821138211382113375469415928;0.015853658536585366056748114261;0.032113821138211380568083797016;0.014227642276422763564780460399;0.010162601626016259936946539710;0.019105691056910567571236470030;0.025609756097560974069660133523;0.003658536585365853872203745212;0.011788617886178862428914193572;0.000000000000000000000000000000;0.013414634146341463186158371457;0.004065040650406504495195658677;0.012195121951219512618225238043;0.030081300813008131356252050637;0.021951219512195120631137257305;0.022357723577235772555171777753;0.013821138211382113375469415928
-0.030769230769230770938804653269;0.008547008547008547868495398347;0.050000000000000002775557561563;0.085042735042735045913886438029;0.008974358974358973700669039886;0.028205128205128205537421948179;0.003846153846153846367350581659;0.023504273504273504036277131490;0.030769230769230770938804653269;0.017948717948717947401338079771;0.018803418803418802535132314802;0.017948717948717947401338079771;0.014102564102564102768710974090;0.030341880341880341637184059778;0.012393162393162392501122504029;0.020940170940170938634894426400;0.023931623931623933337897724982;0.038461538461538463673505816587;0.014957264957264957902505209120;0.012393162393162392501122504029;0.015384615384615385469402326635;0.026068376068376069437659836581;0.017094017094017095736990796695;0.016666666666666666435370203203;0.043589743589743587537377322860;0.022649572649572648902482896460;0.038461538461538463673505816587;0.014957264957264957902505209120;0.000427350427350427350056683018;0.011538461538461539102051744976;0.013247863247863247634916739059;0.011538461538461539102051744976;0.014102564102564102768710974090;0.009401709401709401267566157401;0.021367521367521367936515019892;0.031623931623931622603151936346;0.014529914529914530335608091605;0.013675213675213675201813856575;0.003418803418803418800453464144;0.021367521367521367936515019892;0.008974358974358973700669039886;0.015811965811965811301575968173;0.000000000000000000000000000000;0.007692307692307692734701163317;0.008974358974358973700669039886;0.014529914529914530335608091605;0.023504273504273504036277131490;0.021794871794871793768688661430;0.029059829059829060671216183209;0.016666666666666666435370203203
-0.028125000000000000693889390391;0.015625000000000000000000000000;0.044791666666666667129259593594;0.111458333333333339809634310313;0.008854166666666666435370203203;0.030208333333333333564629796797;0.004687499999999999826527652402;0.017187500000000001387778780781;0.025520833333333332870740406406;0.018749999999999999306110609609;0.011458333333333332523795711211;0.021354166666666667129259593594;0.015104166666666666782314898398;0.033854166666666664353702032031;0.014583333333333333564629796797;0.020312500000000000693889390391;0.020833333333333332176851016015;0.039062500000000000000000000000;0.018749999999999999306110609609;0.007812500000000000000000000000;0.015104166666666666782314898398;0.020833333333333332176851016015;0.011979166666666667476204288789;0.022395833333333333564629796797;0.029687499999999998612221219219;0.033333333333333332870740406406;0.024479166666666666435370203203;0.008854166666666666435370203203;0.001041666666666666652210637700;0.018749999999999999306110609609;0.020312500000000000693889390391;0.018229166666666667823148983985;0.010416666666666666088425508008;0.011458333333333332523795711211;0.015625000000000000000000000000;0.033333333333333332870740406406;0.007291666666666666782314898398;0.016145833333333334952408577578;0.004166666666666666608842550801;0.021354166666666667129259593594;0.008333333333333333217685101602;0.014062500000000000346944695195;0.000000000000000000000000000000;0.017187500000000001387778780781;0.009374999999999999653055304805;0.013541666666666667129259593594;0.027604166666666665741480812812;0.020833333333333332176851016015;0.021354166666666667129259593594;0.014583333333333333564629796797
-0.042460317460317462123775555938;0.014682539682539682418527249297;0.032539682539682542039560786407;0.016269841269841271019780393203;0.019444444444444444752839729063;0.036111111111111107718762980312;0.004761904761904762334312479766;0.023015873015873017370935826875;0.015873015873015872134743631250;0.018650793650793650452213157109;0.017460317460317460735996775156;0.042857142857142857539365365938;0.023412698412698412786525636875;0.025793650793650792218958400781;0.021031746031746033354092872969;0.028968253968253969421464688594;0.017460317460317460735996775156;0.028968253968253969421464688594;0.027380952380952380820211544687;0.005555555555555555767577313730;0.016269841269841271019780393203;0.015079365079365079568840535273;0.009920634920634920084214769531;0.023412698412698412786525636875;0.048412698412698414174304417656;0.034126984126984123701920026406;0.026190476190476191103995162734;0.021825396825396824185272492969;0.001587301587301587300210536924;0.040873015873015873522522412031;0.023809523809523808202115446875;0.012301587301587301251371009414;0.007936507936507936067371815625;0.006349206349206349200842147695;0.024206349206349207087152208828;0.026190476190476191103995162734;0.009523809523809524668624959531;0.013888888888888888117900677344;0.002777777777777777883788656865;0.012301587301587301251371009414;0.007142857142857142634106981660;0.011507936507936508685467913438;0.000000000000000000000000000000;0.016666666666666666435370203203;0.017460317460317460735996775156;0.013888888888888888117900677344;0.025000000000000001387778780781;0.025396825396825396803368590781;0.024603174603174602502742018828;0.018650793650793650452213157109
-0.040416666666666663243479007406;0.007083333333333332974823814965;0.051666666666666666296592325125;0.002500000000000000052041704279;0.007916666666666667337426410711;0.031250000000000000000000000000;0.006666666666666667094565124074;0.023750000000000000277555756156;0.011666666666666667198648532633;0.030833333333333334119741309109;0.010000000000000000208166817117;0.033750000000000002220446049250;0.022499999999999999167332731531;0.032916666666666663521034763562;0.011666666666666667198648532633;0.025833333333333333148296162562;0.022499999999999999167332731531;0.032916666666666663521034763562;0.012083333333333333078907223523;0.007499999999999999722444243844;0.021666666666666667406815349750;0.012500000000000000693889390391;0.011249999999999999583666365766;0.039166666666666669072149886688;0.036666666666666666851703837438;0.037083333333333336201409480282;0.028333333333333331899295259859;0.029166666666666667129259593594;0.002083333333333333304421275400;0.024583333333333332038073137937;0.025416666666666667268037471672;0.019166666666666665186369300500;0.009166666666666666712925959359;0.005000000000000000104083408559;0.012916666666666666574148081281;0.046666666666666668794594130532;0.014583333333333333564629796797;0.025416666666666667268037471672;0.002083333333333333304421275400;0.017916666666666667545593227828;0.006666666666666667094565124074;0.006666666666666667094565124074;0.000000000000000000000000000000;0.025833333333333333148296162562;0.006250000000000000346944695195;0.021666666666666667406815349750;0.032916666666666663521034763562;0.018333333333333333425851918719;0.022916666666666665047591422422;0.012500000000000000693889390391
-0.046511627906976743540568008939;0.010077519379844961100456401937;0.046124031007751940813843560818;0.001937984496124030980857000372;0.002713178294573643373199800521;0.037209302325581394832454407151;0.001937984496124030980857000372;0.019767441860465116004741403799;0.023643410852713177966455404544;0.040697674418604654067443959775;0.014728682170542635454513202831;0.039147286821705429282758359477;0.008914728682170542511942201713;0.034883720930232557655426006704;0.012015503875968992081313402309;0.041472868217054266459786759924;0.015503875968992247846856002980;0.037209302325581394832454407151;0.006201550387596899138742401192;0.010465116279069767296627802011;0.013565891472868216865999002607;0.007364341085271317727256601415;0.007751937984496123923428001490;0.048062015503875968325253609237;0.044961240310077518755882408641;0.056589147286821704641024410876;0.027519379844961239928169405289;0.012790697674418604473656202458;0.001162790697674418588514200223;0.017829457364341085023884403427;0.031007751937984495693712005959;0.014341085271317829258341802756;0.008527131782945736315770801639;0.006976744186046511531085201341;0.009302325581395348708113601788;0.041472868217054266459786759924;0.015503875968992247846856002980;0.015503875968992247846856002980;0.001162790697674418588514200223;0.008527131782945736315770801639;0.003488372093023255765542600670;0.008139534883720930119599401564;0.000000000000000000000000000000;0.022093023255813953181769804246;0.006976744186046511531085201341;0.020542635658914728397084203948;0.038372093023255816890415559328;0.026744186046511627535826605140;0.018604651162790697416227203576;0.013953488372093023062170402682
-0.041472868217054266459786759924;0.010465116279069767296627802011;0.039534883720930232009482807598;0.012403100775193798277484802384;0.000775193798449612392342800149;0.029069767441860464712855005587;0.003875968992248061961714000745;0.014728682170542635454513202831;0.020155038759689922200912803874;0.036434108527131782440111607002;0.011627906976744185885142002235;0.032945736434108530144015958285;0.012790697674418604473656202458;0.034108527131782945263083206555;0.003875968992248061961714000745;0.041860465116279069186511208045;0.032170542635658917751673158136;0.030232558139534883301369205810;0.006589147286821705334913801266;0.005426356589147286746399601043;0.013178294573643410669827602533;0.021705426356589146985598404171;0.006976744186046511531085201341;0.058139534883720929425710011174;0.043798449612403103636815160371;0.035271317829457367321044358732;0.015891472868217054043027403054;0.000775193798449612392342800149;0.001550387596899224784685600298;0.013565891472868216865999002607;0.044573643410852716029157960520;0.029844961240310077105197805736;0.003875968992248061961714000745;0.007364341085271317727256601415;0.018604651162790697416227203576;0.049224806201550390383214761414;0.008914728682170542511942201713;0.026744186046511627535826605140;0.002325581395348837177028400447;0.017441860465116278827713003352;0.005426356589147286746399601043;0.010077519379844961100456401937;0.000000000000000000000000000000;0.029844961240310077105197805736;0.002325581395348837177028400447;0.021317829457364340789427004097;0.032170542635658917751673158136;0.026744186046511627535826605140;0.014341085271317829258341802756;0.017441860465116278827713003352
-0.026851851851851852442942814037;0.017592592592592593697675695807;0.037962962962962962243373965521;0.121759259259259261520824679792;0.023611111111111110494320541875;0.027314814814814816074095560339;0.005092592592592593003786305417;0.020370370370370372015145221667;0.016666666666666666435370203203;0.016203703703703702804217456901;0.019907407407407408383992475365;0.016666666666666666435370203203;0.010648148148148147904001881159;0.018518518518518517490534236458;0.035648148148148151026504137917;0.018981481481481481121686982760;0.031944444444444441977282167500;0.038888888888888889505679458125;0.022685185185185186701462001224;0.005555555555555555767577313730;0.021759259259259259439156508620;0.014351851851851851749053423646;0.006018518518518518531368322044;0.018518518518518517490534236458;0.026388888888888888811790067734;0.026388888888888888811790067734;0.023148148148148146863167795573;0.021296296296296295808003762318;0.001388888888888888941894328433;0.020370370370370372015145221667;0.031944444444444441977282167500;0.013888888888888888117900677344;0.009259259259259258745267118229;0.007407407407407407690103084974;0.015740740740740739173064710599;0.027777777777777776235801354687;0.012962962962962962590318660716;0.010648148148148147904001881159;0.001851851851851851922525771243;0.017592592592592593697675695807;0.009722222222222222376419864531;0.012500000000000000693889390391;0.000000000000000000000000000000;0.010648148148148147904001881159;0.025925925925925925180637321432;0.016203703703703702804217456901;0.019444444444444444752839729063;0.014814814814814815380206169948;0.019444444444444444752839729063;0.009722222222222222376419864531
-0.030952380952380953438307642500;0.020476190476190477690598967797;0.042857142857142857539365365938;0.080000000000000001665334536938;0.010952380952380953021974008266;0.034761904761904764693536407094;0.007619047619047619041010577234;0.021428571428571428769682682969;0.010952380952380953021974008266;0.031904761904761907986838309625;0.015714285714285715356286488031;0.014761904761904762542479296883;0.022857142857142857123031731703;0.030476190476190476164042308937;0.027142857142857142183078877906;0.031904761904761907986838309625;0.011904761904761904101057723437;0.026666666666666668378260496297;0.012857142857142856914864914586;0.005714285714285714280757932926;0.012857142857142856914864914586;0.009047619047619047394359625969;0.005238095238095237873854337352;0.039523809523809523558401934906;0.051428571428571427659459658344;0.040000000000000000832667268469;0.025238095238095236555464495609;0.009047619047619047394359625969;0.001904761904761904760252644309;0.018571428571428572062984585500;0.012380952380952381375323057000;0.015238095238095238082021154469;0.005238095238095237873854337352;0.004285714285714285927408884191;0.012857142857142856914864914586;0.027619047619047619457344211469;0.011904761904761904101057723437;0.009523809523809524668624959531;0.000952380952380952380126322154;0.010000000000000000208166817117;0.010476190476190475747708674703;0.004285714285714285927408884191;0.000000000000000000000000000000;0.033809523809523810145005739969;0.014285714285714285268213963320;0.022857142857142857123031731703;0.029523809523809525084958593766;0.034285714285714287419271073531;0.019523809523809523142068300672;0.016190476190476189161104869640
-0.044999999999999998334665463062;0.012000000000000000249800180541;0.031333333333333331094383567006;0.017666666666666667323548622903;0.010333333333333333259318465025;0.034666666666666665075346998037;0.003333333333333333547282562037;0.021666666666666667406815349750;0.016333333333333331649495079319;0.032666666666666663298990158637;0.017666666666666667323548622903;0.028333333333333331899295259859;0.013666666666666667240281896056;0.033666666666666664187168578337;0.017999999999999998639976794834;0.045333333333333336589987538900;0.019666666666666665630458510350;0.031666666666666669349705642844;0.020333333333333331732761806165;0.007000000000000000145716771982;0.016333333333333331649495079319;0.010999999999999999361621760841;0.009333333333333334105863521302;0.043999999999999997446487043362;0.050999999999999996724842077356;0.045999999999999999222843882762;0.025666666666666667490082076597;0.008666666666666666268836749509;0.002333333333333333526465880325;0.012000000000000000249800180541;0.024000000000000000499600361081;0.025666666666666667490082076597;0.007666666666666666248020067798;0.005333333333333333155235056466;0.007333333333333333196868419890;0.040333333333333332149095440400;0.010000000000000000208166817117;0.013666666666666667240281896056;0.000000000000000000000000000000;0.005666666666666667073748442363;0.008666666666666666268836749509;0.007333333333333333196868419890;0.000000000000000000000000000000;0.028333333333333331899295259859;0.008000000000000000166533453694;0.024333333333333331816028533012;0.034666666666666665075346998037;0.029666666666666667573348803444;0.014333333333333333342585191872;0.018333333333333333425851918719
-0.019333333333333334314030338419;0.017333333333333332537673499019;0.034666666666666665075346998037;0.188333333333333324821623477874;0.009666666666666667157015169209;0.018333333333333333425851918719;0.007000000000000000145716771982;0.028000000000000000582867087928;0.017000000000000001221245327088;0.020333333333333331732761806165;0.010000000000000000208166817117;0.050333333333333334091985733494;0.008333333333333333217685101602;0.017000000000000001221245327088;0.032333333333333331982561986706;0.022999999999999999611421941381;0.018666666666666668211727042603;0.029999999999999998889776975375;0.012000000000000000249800180541;0.003666666666666666598434209945;0.015333333333333332496040135595;0.018666666666666668211727042603;0.008333333333333333217685101602;0.026666666666666668378260496297;0.026999999999999999694688668228;0.025000000000000001387778780781;0.023666666666666665713725237197;0.010333333333333333259318465025;0.001666666666666666773641281019;0.017000000000000001221245327088;0.038333333333333330372738601000;0.020333333333333331732761806165;0.005333333333333333155235056466;0.008000000000000000166533453694;0.008000000000000000166533453694;0.025000000000000001387778780781;0.006666666666666667094565124074;0.010333333333333333259318465025;0.001666666666666666773641281019;0.009666666666666667157015169209;0.014666666666666666393736839780;0.013666666666666667240281896056;0.000000000000000000000000000000;0.018666666666666668211727042603;0.010333333333333333259318465025;0.020333333333333331732761806165;0.019333333333333334314030338419;0.012333333333333333300951828448;0.010666666666666666310470112933;0.007666666666666666248020067798
-0.018367346938775511860919564811;0.019047619047619049337249919063;0.020068027210884353817021974464;0.245578231292517018546917029198;0.044897959183673466498909476741;0.020748299319727891293352328717;0.006462585034013605157776627408;0.030952380952380953438307642500;0.030272108843537415961977288248;0.020068027210884353817021974464;0.010544217687074829148397014933;0.055102040816326532113311742478;0.003741496598639455686136079393;0.013605442176870747791883609068;0.032312925170068028390968351005;0.011904761904761904101057723437;0.010884353741496597886562192059;0.019387755102040816340691620212;0.013945578231292516530048786194;0.002380952380952381167156239883;0.016666666666666666435370203203;0.013945578231292516530048786194;0.002721088435374149471640548015;0.022108843537414966246013037221;0.023469387755102041198673745726;0.016326530612244899431928502054;0.023809523809523808202115446875;0.015986394557823128959039848951;0.002380952380952381167156239883;0.037074829931972787255833878817;0.027551020408163266056655871239;0.013605442176870747791883609068;0.005782312925170067681446273156;0.006122448979591836419611450282;0.004081632653061224857982125513;0.017687074829931974384589210558;0.004081632653061224857982125513;0.008163265306122449715964251027;0.001700680272108843473985451134;0.002380952380952381167156239883;0.007142857142857142634106981660;0.018707482993197278864361265960;0.000000000000000000000000000000;0.017687074829931974384589210558;0.013945578231292516530048786194;0.013945578231292516530048786194;0.012244897959183672839222900564;0.006802721088435373895941804534;0.007482993197278911372272158786;0.006122448979591836419611450282
-0.022222222222222223070309254922;0.031481481481481478346129421197;0.025308641975308642652064960998;0.201851851851851865626841231460;0.035185185185185187395351391615;0.017283950617283948963942563637;0.006172839506172839163511412153;0.021913580246913581806023074705;0.017901234567901234961961876024;0.012345679012345678327022824305;0.010493827160493827271858791050;0.019135802469135803488553548846;0.007716049382716048954389265191;0.021296296296296295808003762318;0.042283950617283953821168296372;0.020987654320987654543717582101;0.013271604938271605589328316910;0.028703703703703703498106847292;0.024074074074074074125473288177;0.002469135802469135752140738660;0.011419753086419752799440807678;0.009259259259259258745267118229;0.007098765432098765558455166769;0.017592592592592593697675695807;0.023765432098765432861187107960;0.020987654320987654543717582101;0.014506172839506172381196513754;0.062654320987654318897419614132;0.001234567901234567876070369330;0.029938271604938272024698520113;0.014197530864197531116910333537;0.013271604938271605589328316910;0.008641975308641974481971281818;0.005555555555555555767577313730;0.006790123456790123426807248563;0.016666666666666666435370203203;0.006481481481481481295159330358;0.011419753086419752799440807678;0.001851851851851851922525771243;0.008950617283950617480980938012;0.006790123456790123426807248563;0.016666666666666666435370203203;0.000000000000000000000000000000;0.010493827160493827271858791050;0.026543209876543211178656633820;0.011419753086419752799440807678;0.020370370370370372015145221667;0.012654320987654321326032480499;0.010493827160493827271858791050;0.010185185185185186007572610833
-0.034895833333333334258519187188;0.007291666666666666782314898398;0.025000000000000001387778780781;0.304687500000000000000000000000;0.019270833333333334258519187188;0.018749999999999999306110609609;0.003645833333333333391157449199;0.018749999999999999306110609609;0.007291666666666666782314898398;0.014583333333333333564629796797;0.014062500000000000346944695195;0.015625000000000000000000000000;0.004166666666666666608842550801;0.019791666666666665741480812812;0.027604166666666665741480812812;0.035937499999999997224442438437;0.012500000000000000693889390391;0.011979166666666667476204288789;0.022916666666666665047591422422;0.005208333333333333044212754004;0.015104166666666666782314898398;0.005729166666666666261897855605;0.003125000000000000173472347598;0.020312500000000000693889390391;0.032812500000000001387778780781;0.027083333333333334258519187188;0.020312500000000000693889390391;0.010937499999999999306110609609;0.002604166666666666522106377002;0.013020833333333333911574491992;0.019791666666666665741480812812;0.014062500000000000346944695195;0.005208333333333333044212754004;0.006770833333333333564629796797;0.004166666666666666608842550801;0.015104166666666666782314898398;0.005729166666666666261897855605;0.008333333333333333217685101602;0.000520833333333333326105318850;0.005208333333333333044212754004;0.008854166666666666435370203203;0.005729166666666666261897855605;0.000000000000000000000000000000;0.012500000000000000693889390391;0.035937499999999997224442438437;0.011979166666666667476204288789;0.022916666666666665047591422422;0.016145833333333334952408577578;0.011458333333333332523795711211;0.014583333333333333564629796797
-0.048148148148148148250946576354;0.003333333333333333547282562037;0.026666666666666668378260496297;0.211481481481481492501472985168;0.011111111111111111535154627461;0.027407407407407408106436719208;0.005555555555555555767577313730;0.015555555555555555108382392859;0.008888888888888888881179006773;0.024074074074074074125473288177;0.014444444444444443781394582516;0.019259259259259260688157411323;0.014074074074074073917306471060;0.020000000000000000416333634234;0.011851851851851851263330850372;0.042222222222222223486642889156;0.014074074074074073917306471060;0.020000000000000000416333634234;0.011111111111111111535154627461;0.002962962962962962815832712593;0.018148148148148149361169600979;0.008888888888888888881179006773;0.003333333333333333547282562037;0.025555555555555557051272685953;0.049259259259259259577934386698;0.030740740740740742087400150240;0.021481481481481479872686080057;0.004074074074074073709139653943;0.000370370370370370351979089074;0.011111111111111111535154627461;0.029999999999999998889776975375;0.019629629629629628817522046802;0.005925925925925925631665425186;0.007037037037037036958653235530;0.006666666666666667094565124074;0.028888888888888887562789165031;0.008888888888888888881179006773;0.021111111111111111743321444578;0.000370370370370370351979089074;0.008518518518518519017090895318;0.008148148148148147418279307885;0.003333333333333333547282562037;0.000000000000000000000000000000;0.018518518518518517490534236458;0.012592592592592592726230549260;0.013333333333333334189130248149;0.028148148148148147834612942120;0.020740740740740740144509857146;0.014814814814814815380206169948;0.018148148148148149361169600979
-0.043434343434343436474165400796;0.012121212121212121201607736509;0.043434343434343436474165400796;0.025252525252525252069668582067;0.019191919191919190601502975824;0.020202020202020203737403036826;0.008585858585858585634298378864;0.034343434343434342537193515454;0.008080808080808080801071824339;0.029797979797979799038154524737;0.018181818181818180935049866775;0.007575757575757575967845269815;0.012121212121212121201607736509;0.031313131313131313537834188310;0.020707070707070708570629591350;0.022222222222222223070309254922;0.025252525252525252069668582067;0.026767676767676766569348245639;0.031818181818181814901613790880;0.008080808080808080801071824339;0.026767676767676766569348245639;0.011111111111111111535154627461;0.013636363636363635701287400082;0.034343434343434342537193515454;0.031818181818181814901613790880;0.040909090909090908838585676222;0.032323232323232323204287297358;0.009595959595959595300751487912;0.003535353535353535567309357646;0.011111111111111111535154627461;0.003535353535353535567309357646;0.019191919191919190601502975824;0.017676767676767676101823312251;0.007070707070707071134618715291;0.024747474747474747236442027543;0.029292929292929294204927970213;0.019696969696969695434729530348;0.014646464646464647102463985107;0.000505050505050505050066989021;0.019191919191919190601502975824;0.007070707070707071134618715291;0.013131313131313130868060845557;0.000000000000000000000000000000;0.019696969696969695434729530348;0.021717171717171718237082700398;0.016161616161616161602143648679;0.029292929292929294204927970213;0.018181818181818180935049866775;0.040909090909090908838585676222;0.014646464646464647102463985107
-0.029924242424242422644375949403;0.017045454545454544192928381108;0.043181818181818182322828647557;0.073484848484848486194209726818;0.008333333333333333217685101602;0.026893939393939393645016622258;0.004166666666666666608842550801;0.029924242424242422644375949403;0.016287878787878788677812025298;0.029166666666666667129259593594;0.017424242424242425419933510966;0.051515151515151513805790273182;0.014772727272727272443408885749;0.029166666666666667129259593594;0.011742424242424241709326082628;0.019696969696969695434729530348;0.016666666666666666435370203203;0.032196969696969696128618920739;0.015151515151515151935690539631;0.007954545454545453725403447720;0.012878787878787878451447568295;0.009848484848484847717364765174;0.017424242424242425419933510966;0.029924242424242422644375949403;0.029166666666666667129259593594;0.028787878787878789371701415689;0.032196969696969696128618920739;0.006818181818181817850643700041;0.003409090909090908925321850020;0.026515151515151515887458444354;0.039393939393939390869459060696;0.016287878787878788677812025298;0.009090909090909090467524933388;0.006439393939393939225723784148;0.021590909090909091161414323778;0.035227272727272725127978247883;0.017424242424242425419933510966;0.009469696969696969959806587269;0.004166666666666666608842550801;0.010984848484848484459486250842;0.006060606060606060600803868255;0.008712121212121212709966755483;0.000000000000000000000000000000;0.015909090909090907450806895440;0.007954545454545453725403447720;0.011742424242424241709326082628;0.021590909090909091161414323778;0.024621212121212120160773650923;0.027272727272727271402574800163;0.014393939393939394685850707845
-0.041666666666666664353702032031;0.020370370370370372015145221667;0.030555555555555554553270880547;0.115277777777777784562474039376;0.012962962962962962590318660716;0.026851851851851852442942814037;0.006481481481481481295159330358;0.020370370370370372015145221667;0.023611111111111110494320541875;0.022222222222222223070309254922;0.012500000000000000693889390391;0.046759259259259257357488337448;0.007407407407407407690103084974;0.022685185185185186701462001224;0.021296296296296295808003762318;0.025462962962962961549484575130;0.021296296296296295808003762318;0.027777777777777776235801354687;0.026851851851851852442942814037;0.005092592592592593003786305417;0.018518518518518517490534236458;0.021759259259259259439156508620;0.008333333333333333217685101602;0.025000000000000001387778780781;0.034722222222222223764198645313;0.020370370370370372015145221667;0.018055555555555553859381490156;0.018518518518518517490534236458;0.001851851851851851922525771243;0.026388888888888888811790067734;0.042592592592592591616007524635;0.014351851851851851749053423646;0.010648148148148147904001881159;0.005092592592592593003786305417;0.005555555555555555767577313730;0.029629629629629630760412339896;0.006944444444444444058950338672;0.010648148148148147904001881159;0.002777777777777777883788656865;0.010185185185185186007572610833;0.007870370370370369586532355299;0.019907407407407408383992475365;0.000000000000000000000000000000;0.018055555555555553859381490156;0.011574074074074073431583897786;0.014814814814814815380206169948;0.022685185185185186701462001224;0.015740740740740739173064710599;0.011111111111111111535154627461;0.008796296296296296848837847904
-0.036249999999999997501998194593;0.020416666666666666296592325125;0.045416666666666667684371105906;0.056250000000000001387778780781;0.011249999999999999583666365766;0.036249999999999997501998194593;0.005416666666666666851703837438;0.029166666666666667129259593594;0.012500000000000000693889390391;0.021250000000000001526556658860;0.018749999999999999306110609609;0.031666666666666669349705642844;0.019583333333333334536074943344;0.029999999999999998889776975375;0.017083333333333332315628894094;0.035000000000000003330669073875;0.010416666666666666088425508008;0.026666666666666668378260496297;0.024166666666666666157814447047;0.004583333333333333356462979680;0.022499999999999999167332731531;0.017916666666666667545593227828;0.008333333333333333217685101602;0.028750000000000001249000902703;0.039583333333333331482961625625;0.033333333333333332870740406406;0.028333333333333331899295259859;0.025000000000000001387778780781;0.000416666666666666693410320255;0.027083333333333334258519187188;0.029583333333333333009518284484;0.010416666666666666088425508008;0.011666666666666667198648532633;0.003749999999999999861222121922;0.013750000000000000069388939039;0.025833333333333333148296162562;0.009583333333333332593184650250;0.014166666666666665949647629930;0.002500000000000000052041704279;0.010416666666666666088425508008;0.011666666666666667198648532633;0.006666666666666667094565124074;0.000000000000000000000000000000;0.014583333333333333564629796797;0.012500000000000000693889390391;0.014166666666666665949647629930;0.023750000000000000277555756156;0.025000000000000001387778780781;0.017500000000000001665334536938;0.019166666666666665186369300500
-0.026666666666666668378260496297;0.014999999999999999444888487687;0.032500000000000001110223024625;0.135000000000000008881784197001;0.016250000000000000555111512313;0.044166666666666666574148081281;0.002500000000000000052041704279;0.012083333333333333078907223523;0.020000000000000000416333634234;0.011249999999999999583666365766;0.013333333333333334189130248149;0.065833333333333327042069527124;0.012083333333333333078907223523;0.022499999999999999167332731531;0.014166666666666665949647629930;0.033750000000000002220446049250;0.012083333333333333078907223523;0.025416666666666667268037471672;0.015833333333333334674852821422;0.007083333333333332974823814965;0.011666666666666667198648532633;0.014999999999999999444888487687;0.009583333333333332593184650250;0.018333333333333333425851918719;0.040000000000000000832667268469;0.019166666666666665186369300500;0.015833333333333334674852821422;0.010000000000000000208166817117;0.001250000000000000026020852140;0.042500000000000003053113317719;0.082916666666666666296592325125;0.005833333333333333599324266316;0.005000000000000000104083408559;0.008333333333333333217685101602;0.012500000000000000693889390391;0.019166666666666665186369300500;0.008750000000000000832667268469;0.010833333333333333703407674875;0.002083333333333333304421275400;0.013333333333333334189130248149;0.005416666666666666851703837438;0.008333333333333333217685101602;0.000000000000000000000000000000;0.007916666666666667337426410711;0.011666666666666667198648532633;0.007083333333333332974823814965;0.017916666666666667545593227828;0.019583333333333334536074943344;0.015416666666666667059870654555;0.017083333333333332315628894094
-0.036388888888888887285233408875;0.008611111111111111049432054187;0.033055555555555553304269977843;0.121388888888888893391460044313;0.016388888888888890338346726594;0.026388888888888888811790067734;0.005833333333333333599324266316;0.015555555555555555108382392859;0.021111111111111111743321444578;0.015555555555555555108382392859;0.011944444444444445030395485219;0.049444444444444443642616704437;0.013888888888888888117900677344;0.022777777777777778733803160094;0.010833333333333333703407674875;0.032500000000000001110223024625;0.019444444444444444752839729063;0.025555555555555557051272685953;0.013611111111111110286153724758;0.007777777777777777554191196430;0.011388888888888889366901580047;0.020000000000000000416333634234;0.010555555555555555871660722289;0.022222222222222223070309254922;0.033333333333333332870740406406;0.020833333333333332176851016015;0.015555555555555555108382392859;0.009166666666666666712925959359;0.002500000000000000052041704279;0.028611111111111111465765688422;0.063055555555555559132940857126;0.018055555555555553859381490156;0.010277777777777778039913769703;0.006111111111111111431071218902;0.019722222222222220849863205672;0.026388888888888888811790067734;0.007777777777777777554191196430;0.014999999999999999444888487687;0.005555555555555555767577313730;0.021111111111111111743321444578;0.005833333333333333599324266316;0.013055555555555556357383295563;0.000000000000000000000000000000;0.014444444444444443781394582516;0.010277777777777778039913769703;0.012500000000000000693889390391;0.023055555555555554830826636703;0.018333333333333333425851918719;0.017222222222222222098864108375;0.010000000000000000208166817117
-0.034285714285714287419271073531;0.009047619047619047394359625969;0.021904761904761906043948016531;0.268095238095238108666507059752;0.013333333333333334189130248149;0.005714285714285714280757932926;0.010000000000000000208166817117;0.019523809523809523142068300672;0.006666666666666667094565124074;0.056666666666666663798590519718;0.009047619047619047394359625969;0.001904761904761904760252644309;0.001428571428571428570189483231;0.026666666666666668378260496297;0.018095238095238094788719251937;0.016666666666666666435370203203;0.006666666666666667094565124074;0.007619047619047619041010577234;0.008571428571428571854817768383;0.003333333333333333547282562037;0.021428571428571428769682682969;0.006666666666666667094565124074;0.000000000000000000000000000000;0.056190476190476193463219090063;0.013809523809523809728672105734;0.055714285714285716188953756500;0.015238095238095238082021154469;0.007142857142857142634106981660;0.001428571428571428570189483231;0.005238095238095237873854337352;0.001428571428571428570189483231;0.015238095238095238082021154469;0.001428571428571428570189483231;0.006666666666666667094565124074;0.002857142857142857140378966463;0.025714285714285713829729829172;0.006190476190476190687661528500;0.021428571428571428769682682969;0.002380952380952381167156239883;0.003333333333333333547282562037;0.007142857142857142634106981660;0.001904761904761904760252644309;0.000000000000000000000000000000;0.050000000000000002775557561563;0.013809523809523809728672105734;0.050952380952380950385194324781;0.033333333333333332870740406406;0.015238095238095238082021154469;0.005238095238095237873854337352;0.007619047619047619041010577234
-0.024074074074074074125473288177;0.009629629629629630344078705662;0.032962962962962964741375770927;0.296666666666666689611275842253;0.008148148148148147418279307885;0.020000000000000000416333634234;0.005925925925925925631665425186;0.015925925925925926707193980292;0.014444444444444443781394582516;0.022962962962962962798485477833;0.011111111111111111535154627461;0.017407407407407406163546426114;0.010740740740740739936343040029;0.022962962962962962798485477833;0.015925925925925926707193980292;0.021481481481481479872686080057;0.014074074074074073917306471060;0.020000000000000000416333634234;0.014814814814814815380206169948;0.004814814814814815172039352831;0.017037037037037038034181790636;0.012222222222222222862142437805;0.002592592592592592518063732143;0.034814814814814812327092852229;0.028888888888888887562789165031;0.029629629629629630760412339896;0.017037037037037038034181790636;0.011481481481481481399242738917;0.002222222222222222220294751693;0.013703703703703704053218359604;0.016296296296296294836558615771;0.017037037037037038034181790636;0.004074074074074073709139653943;0.010000000000000000208166817117;0.010000000000000000208166817117;0.022592592592592591199673890401;0.005185185185185185036127464286;0.008518518518518519017090895318;0.002592592592592592518063732143;0.008518518518518519017090895318;0.006666666666666667094565124074;0.008518518518518519017090895318;0.000000000000000000000000000000;0.016666666666666666435370203203;0.008888888888888888881179006773;0.021111111111111111743321444578;0.021851851851851851471497667490;0.019629629629629628817522046802;0.007777777777777777554191196430;0.010370370370370370072254928573
-0.022916666666666665047591422422;0.000833333333333333386820640509;0.023750000000000000277555756156;0.395833333333333314829616256247;0.014166666666666665949647629930;0.023333333333333334397297065266;0.002500000000000000052041704279;0.008333333333333333217685101602;0.016666666666666666435370203203;0.016250000000000000555111512313;0.011666666666666667198648532633;0.041666666666666664353702032031;0.004583333333333333356462979680;0.020833333333333332176851016015;0.004583333333333333356462979680;0.026249999999999999028554853453;0.017083333333333332315628894094;0.012500000000000000693889390391;0.012500000000000000693889390391;0.005416666666666666851703837438;0.009583333333333332593184650250;0.007916666666666667337426410711;0.002916666666666666799662133158;0.020416666666666666296592325125;0.034166666666666664631257788187;0.019583333333333334536074943344;0.010416666666666666088425508008;0.000416666666666666693410320255;0.001666666666666666773641281019;0.022499999999999999167332731531;0.033750000000000002220446049250;0.012916666666666666574148081281;0.001666666666666666773641281019;0.007499999999999999722444243844;0.002500000000000000052041704279;0.016666666666666666435370203203;0.003749999999999999861222121922;0.013750000000000000069388939039;0.001666666666666666773641281019;0.005000000000000000104083408559;0.003333333333333333547282562037;0.007916666666666667337426410711;0.000000000000000000000000000000;0.010833333333333333703407674875;0.009166666666666666712925959359;0.010000000000000000208166817117;0.015833333333333334674852821422;0.017916666666666667545593227828;0.004583333333333333356462979680;0.010000000000000000208166817117
-0.018018018018018017861736623786;0.034684684684684684297106826989;0.028378378378378379953694832238;0.213063063063063051760792632194;0.028828828828828829272667988448;0.017567567567567568542763467576;0.006306306306306306078135470727;0.021621621621621622821862729324;0.017117117117117115754343359413;0.011711711711711711783601153058;0.013963963963963963582637362038;0.030180180180180180699034409031;0.007657657657657657504501891310;0.010360360360360360357234732476;0.044144144144144144281671771068;0.023873873873873872886175462327;0.017117117117117115754343359413;0.040990990990990988640518821740;0.021171171171171170033442621161;0.004954954954954954651769050145;0.012162162162162162837297785245;0.015765765765765764327976938830;0.009909909909909909303538100289;0.024774774774774774993568726700;0.019369369369369369288103044369;0.018018018018018017861736623786;0.023423423423423423567202306117;0.024774774774774774993568726700;0.000450450450450450457385437320;0.018468468468468467180709779996;0.034234234234234231508686718826;0.013513513513513514263664205828;0.013963963963963963582637362038;0.003153153153153153039067735364;0.007207207207207207318166997112;0.019369369369369369288103044369;0.004954954954954954651769050145;0.006756756756756757131832102914;0.001801801801801801829541749278;0.004504504504504504465434155946;0.010360360360360360357234732476;0.012162162162162162837297785245;0.000000000000000000000000000000;0.010360360360360360357234732476;0.021621621621621622821862729324;0.011261261261261260729904520872;0.015315315315315315009003782620;0.010360360360360360357234732476;0.011711711711711711783601153058;0.008558558558558557877171679706
-0.021491228070175439485156587693;0.041666666666666664353702032031;0.016666666666666666435370203203;0.136842105263157903793924674574;0.034210526315789475948481168643;0.028070175438596491751530592751;0.008771929824561403021832006743;0.024561403508771929848908399663;0.019736842105263156799122015173;0.009649122807017544364849293004;0.010964912280701753777290008429;0.043859649122807015109160033717;0.011403508771929825316160389548;0.007017543859649122937882648188;0.045175438596491229725771177073;0.016666666666666666435370203203;0.010526315789473683973143103287;0.044736842105263158186900795954;0.025438596491228069457202209946;0.003508771929824561468941324094;0.014912280701754385484059106659;0.010526315789473683973143103287;0.010087719298245614168996198146;0.008771929824561403021832006743;0.022807017543859650632320779096;0.014035087719298245875765296375;0.025438596491228069457202209946;0.031578947368421053654152785839;0.003070175438596491231113549958;0.038596491228070177459397172015;0.060526315789473685013977188873;0.009649122807017544364849293004;0.012280701754385964924454199831;0.002631578947368420993285775822;0.005701754385964912658080194774;0.014912280701754385484059106659;0.008771929824561403021832006743;0.008771929824561403021832006743;0.004385964912280701510916003372;0.008771929824561403021832006743;0.012280701754385964924454199831;0.021052631578947367946286206575;0.000000000000000000000000000000;0.007894736842105263413538196460;0.028508771929824559820954021916;0.008333333333333333217685101602;0.008333333333333333217685101602;0.010964912280701753777290008429;0.017105263157894737974240584322;0.008333333333333333217685101602
-0.008585858585858585634298378864;0.023737373737373737569988918494;0.017676767676767676101823312251;0.337373737373737381251004308069;0.038888888888888889505679458125;0.023737373737373737569988918494;0.004040404040404040400535912170;0.016666666666666666435370203203;0.024242424242424242403215473018;0.009090909090909090467524933388;0.011111111111111111535154627461;0.054545454545454542805149600326;0.003535353535353535567309357646;0.008080808080808080801071824339;0.028282828282828284538474861165;0.010101010101010101868701518413;0.018686868686868685768276421300;0.017676767676767676101823312251;0.017676767676767676101823312251;0.001010101010101010100133978042;0.013131313131313130868060845557;0.019191919191919190601502975824;0.004040404040404040400535912170;0.011616161616161616368381181985;0.018686868686868685768276421300;0.010101010101010101868701518413;0.017171717171717171268596757727;0.025252525252525252069668582067;0.002020202020202020200267956085;0.033838383838383841173413912884;0.026767676767676766569348245639;0.009090909090909090467524933388;0.002020202020202020200267956085;0.009090909090909090467524933388;0.004040404040404040400535912170;0.010101010101010101868701518413;0.005555555555555555767577313730;0.005555555555555555767577313730;0.004545454545454545233762466694;0.008585858585858585634298378864;0.009090909090909090467524933388;0.016666666666666666435370203203;0.000000000000000000000000000000;0.009595959595959595300751487912;0.015151515151515151935690539631;0.006565656565656565434030422779;0.008080808080808080801071824339;0.005050505050505050934350759206;0.004545454545454545233762466694;0.010101010101010101868701518413
-0.011904761904761904101057723437;0.013690476190476190410105772344;0.010714285714285714384841341484;0.538095238095238070918924222497;0.016071428571428569842538536250;0.017261904761904763028201870156;0.007142857142857142634106981660;0.012500000000000000693889390391;0.005357142857142857192420670742;0.005952380952380952050528861719;0.004166666666666666608842550801;0.041071428571428571230317317031;0.002380952380952381167156239883;0.001785714285714285658526745415;0.014880952380952380126322154297;0.007142857142857142634106981660;0.022619047619047618485899064922;0.008928571428571428075793292578;0.010119047619047619526733150508;0.002976190476190476025264430859;0.011309523809523809242949532461;0.005357142857142857192420670742;0.002380952380952381167156239883;0.009523809523809524668624959531;0.013690476190476190410105772344;0.008333333333333333217685101602;0.008928571428571428075793292578;0.013095238095238095551997581367;0.002380952380952381167156239883;0.024404761904761904794947113828;0.029166666666666667129259593594;0.015476190476190476719153821250;0.001190476190476190583578119941;0.001190476190476190583578119941;0.011904761904761904101057723437;0.010119047619047619526733150508;0.004166666666666666608842550801;0.003571428571428571317053490830;0.002380952380952381167156239883;0.005952380952380952050528861719;0.005357142857142857192420670742;0.008333333333333333217685101602;0.000000000000000000000000000000;0.007142857142857142634106981660;0.010119047619047619526733150508;0.005952380952380952050528861719;0.005357142857142857192420670742;0.004761904761904762334312479766;0.005357142857142857192420670742;0.008333333333333333217685101602
-0.018965517241379310081628162266;0.013218390804597700965983264609;0.028735632183908045578224488281;0.327011494252873569088535532501;0.018390804597701149170063672500;0.026436781609195401931966529219;0.005747126436781609115644897656;0.010919540229885057319725305547;0.010919540229885057319725305547;0.013793103448275861877547754375;0.011494252873563218231289795312;0.031609195402298853605493889063;0.018390804597701149170063672500;0.015517241379310344612241223672;0.018965517241379310081628162266;0.015517241379310344612241223672;0.005747126436781609115644897656;0.015517241379310344612241223672;0.013218390804597700965983264609;0.003448275862068965469386938594;0.009770114942528735496596326016;0.009195402298850574585031836250;0.008045977011494252761902856719;0.013793103448275861877547754375;0.032758620689655175428622868594;0.013218390804597700965983264609;0.014367816091954022789112244141;0.009195402298850574585031836250;0.003448275862068965469386938594;0.030459770114942528312917957578;0.033908045977011497251751848125;0.008620689655172413673467346484;0.008620689655172413673467346484;0.009770114942528735496596326016;0.023563218390804597374144080391;0.021264367816091953727886121328;0.002298850574712643646257959062;0.012643678160919540054418774844;0.001724137931034482734693469297;0.012068965517241379142854285078;0.005747126436781609115644897656;0.004022988505747126380951428359;0.000000000000000000000000000000;0.009770114942528735496596326016;0.020114942528735631904757141797;0.007471264367816091850338366953;0.012068965517241379142854285078;0.016666666666666666435370203203;0.009195402298850574585031836250;0.012643678160919540054418774844
-0.055555555555555552471602709375;0.004700854700854700633783078700;0.058119658119658121342432366419;0.005128205128205128200680196215;0.000854700854700854700113366036;0.037606837606837605070264629603;0.000854700854700854700113366036;0.016239316239316240603196561665;0.019230769230769231836752908293;0.032478632478632481206393123330;0.016666666666666666435370203203;0.038461538461538463673505816587;0.009829059829059828834463274916;0.042735042735042735873030039784;0.006410256410256410034009810772;0.044017094017094020308444868306;0.026068376068376069437659836581;0.033333333333333332870740406406;0.006410256410256410034009810772;0.011111111111111111535154627461;0.010256410256410256401360392431;0.012820512820512820068019621544;0.008974358974358973700669039886;0.039316239316239315337853099663;0.044017094017094020308444868306;0.045726495726495723637139434459;0.019658119658119657668926549832;0.035470085470085468970502518005;0.001709401709401709400226732072;0.013247863247863247634916739059;0.030769230769230770938804653269;0.017948717948717947401338079771;0.005555555555555555767577313730;0.004273504273504273934247699174;0.011538461538461539102051744976;0.040598290598290599773267928185;0.014529914529914530335608091605;0.016239316239316240603196561665;0.004273504273504273934247699174;0.010683760683760683968257509946;0.004273504273504273934247699174;0.009829059829059828834463274916;0.000000000000000000000000000000;0.020512820512820512802720784862;0.000000000000000000000000000000;0.016239316239316240603196561665;0.034188034188034191473981593390;0.026923076923076924571454071611;0.021794871794871793768688661430;0.012820512820512820068019621544
-0.037152777777777777623580135469;0.005555555555555555767577313730;0.026736111111111109800431151484;0.045833333333333330095182844843;0.104166666666666671292595935938;0.032986111111111111882099322656;0.001736111111111111014737584668;0.010763888888888888811790067734;0.013541666666666667129259593594;0.014583333333333333564629796797;0.009722222222222222376419864531;0.075694444444444439201724605937;0.007291666666666666782314898398;0.027430555555555555247160270937;0.009374999999999999653055304805;0.030902777777777779011358916250;0.012152777777777777970524830664;0.014236111111111110841265237070;0.017361111111111111882099322656;0.007638888888888888638317720137;0.013194444444444444405895033867;0.009722222222222222376419864531;0.004513888888888888464845372539;0.018749999999999999306110609609;0.040972222222222222376419864531;0.022569444444444444058950338672;0.011805555555555555247160270937;0.055555555555555552471602709375;0.000694444444444444470947164216;0.072222222222222215437525960624;0.042361111111111113269878103438;0.007986111111111110494320541875;0.005208333333333333044212754004;0.004861111111111111188209932266;0.012847222222222221682530474141;0.021180555555555556634939051719;0.010416666666666666088425508008;0.009374999999999999653055304805;0.001736111111111111014737584668;0.005902777777777777623580135469;0.003125000000000000173472347598;0.012847222222222221682530474141;0.000000000000000000000000000000;0.011805555555555555247160270937;0.014236111111111110841265237070;0.011458333333333332523795711211;0.023611111111111110494320541875;0.019444444444444444752839729063;0.013888888888888888117900677344;0.012847222222222221682530474141
-0.021768707482993195773124384118;0.011564625850340135362892546311;0.027891156462585033060097572388;0.087414965986394560504280093483;0.033673469387755103343629059509;0.028911564625850341009316579743;0.003741496598639455686136079393;0.023129251700680270725785092623;0.040816326530612241640927351227;0.015646258503401361955598147802;0.011904761904761904101057723437;0.078231292517006806308543787054;0.010544217687074829148397014933;0.018027210884353741388030911708;0.013945578231292516530048786194;0.020068027210884353817021974464;0.015986394557823128959039848951;0.036734693877551023721839129621;0.013605442176870747791883609068;0.006122448979591836419611450282;0.013945578231292516530048786194;0.016326530612244899431928502054;0.007482993197278911372272158786;0.017006802721088436908258856306;0.031292517006802723911196295603;0.015646258503401361955598147802;0.022789115646258503722343391473;0.057482993197278911545744506384;0.002040816326530612428991062757;0.034353741496598637350512461808;0.055102040816326532113311742478;0.010544217687074829148397014933;0.007823129251700680977799073901;0.004761904761904762334312479766;0.008163265306122449715964251027;0.021768707482993195773124384118;0.004761904761904762334312479766;0.007482993197278911372272158786;0.006802721088435373895941804534;0.007142857142857142634106981660;0.003741496598639455686136079393;0.039115646258503403154271893527;0.000000000000000000000000000000;0.010544217687074829148397014933;0.007142857142857142634106981660;0.009863945578231291672066660681;0.014965986394557822744544317572;0.010884353741496597886562192059;0.017006802721088436908258856306;0.014285714285714285268213963320
-0.025714285714285713829729829172;0.019047619047619049337249919063;0.051428571428571427659459658344;0.023809523809523808202115446875;0.015238095238095238082021154469;0.042857142857142857539365365938;0.002857142857142857140378966463;0.017619047619047617514453918375;0.028571428571428570536427926640;0.015238095238095238082021154469;0.016190476190476189161104869640;0.036190476190476189577438503875;0.013809523809523809728672105734;0.025714285714285713829729829172;0.015714285714285715356286488031;0.017142857142857143709635536766;0.028571428571428570536427926640;0.048095238095238093678496227312;0.015714285714285715356286488031;0.011904761904761904101057723437;0.010952380952380953021974008266;0.018095238095238094788719251937;0.011904761904761904101057723437;0.024761904761904762750646114000;0.033333333333333332870740406406;0.024285714285714285476380780437;0.033333333333333332870740406406;0.022380952380952379848766398140;0.002380952380952381167156239883;0.037142857142857144125969171000;0.020952380952380951495417349406;0.023333333333333334397297065266;0.006666666666666667094565124074;0.007142857142857142634106981660;0.015238095238095238082021154469;0.031428571428571430712572976063;0.014761904761904762542479296883;0.011904761904761904101057723437;0.008095238095238094580552434820;0.024285714285714285476380780437;0.009523809523809524668624959531;0.027142857142857142183078877906;0.000000000000000000000000000000;0.013333333333333334189130248149;0.010952380952380953021974008266;0.013333333333333334189130248149;0.020952380952380951495417349406;0.019047619047619049337249919063;0.020476190476190477690598967797;0.011428571428571428561515865852
-0.021052631578947367946286206575;0.009210526315789472825978911885;0.072368421052631581869007959540;0.000000000000000000000000000000;0.002192982456140350755458001686;0.019298245614035088729698586008;0.003508771929824561468941324094;0.024122807017543858310038018544;0.025877192982456140996072591065;0.030701754385964910576412023602;0.023245614035087718701744208261;0.009649122807017544364849293004;0.012719298245614034728601104973;0.053508771929824561208732802697;0.014035087719298245875765296375;0.012280701754385964924454199831;0.032456140350877189792999644169;0.056140350877192983503061185502;0.014473684210526315679912201517;0.016666666666666666435370203203;0.012280701754385964924454199831;0.019736842105263156799122015173;0.019298245614035088729698586008;0.046052631578947365864618035403;0.017982456140350877582534394605;0.028947368421052631359824403035;0.037280701754385962842786028659;0.016228070175438594896499822084;0.002192982456140350755458001686;0.009649122807017544364849293004;0.004385964912280701510916003372;0.023684210526315790240614589379;0.006578947368421052266374005058;0.007456140350877192742029553330;0.022368421052631579093450397977;0.050438596491228067375534038774;0.016228070175438594896499822084;0.003947368421052631706769098230;0.002192982456140350755458001686;0.030263157894736842506988594437;0.006140350877192982462227099916;0.013596491228070176071618391234;0.000000000000000000000000000000;0.021052631578947367946286206575;0.005701754385964912658080194774;0.013596491228070176071618391234;0.041666666666666664353702032031;0.021491228070175439485156587693;0.034649122807017540548457645855;0.011403508771929825316160389548
-0.029166666666666667129259593594;0.004583333333333333356462979680;0.065833333333333327042069527124;0.000000000000000000000000000000;0.011666666666666667198648532633;0.015416666666666667059870654555;0.001666666666666666773641281019;0.024583333333333332038073137937;0.011249999999999999583666365766;0.044999999999999998334665463062;0.020833333333333332176851016015;0.010000000000000000208166817117;0.010833333333333333703407674875;0.061249999999999998889776975375;0.005833333333333333599324266316;0.015833333333333334674852821422;0.020416666666666666296592325125;0.028750000000000001249000902703;0.013333333333333334189130248149;0.015833333333333334674852821422;0.017500000000000001665334536938;0.010000000000000000208166817117;0.009166666666666666712925959359;0.058333333333333334258519187188;0.031666666666666669349705642844;0.043749999999999997224442438437;0.025416666666666667268037471672;0.000833333333333333386820640509;0.000833333333333333386820640509;0.021666666666666667406815349750;0.012500000000000000693889390391;0.023750000000000000277555756156;0.012500000000000000693889390391;0.006250000000000000346944695195;0.016250000000000000555111512313;0.057916666666666664908813544344;0.013750000000000000069388939039;0.012500000000000000693889390391;0.000000000000000000000000000000;0.010833333333333333703407674875;0.007916666666666667337426410711;0.002500000000000000052041704279;0.000000000000000000000000000000;0.019583333333333334536074943344;0.004166666666666666608842550801;0.019166666666666665186369300500;0.060416666666666667129259593594;0.032916666666666663521034763562;0.030416666666666668239482618219;0.025416666666666667268037471672
-0.020512820512820512802720784862;0.017948717948717947401338079771;0.053418803418803416371840597776;0.186752136752136754793696127308;0.030341880341880341637184059778;0.008974358974358973700669039886;0.001282051282051282050170049054;0.014102564102564102768710974090;0.005982905982905983334474431246;0.020940170940170938634894426400;0.006410256410256410034009810772;0.012820512820512820068019621544;0.005555555555555555767577313730;0.045299145299145297804965792920;0.021794871794871793768688661430;0.015384615384615385469402326635;0.011538461538461539102051744976;0.019230769230769231836752908293;0.012393162393162392501122504029;0.009401709401709401267566157401;0.010256410256410256401360392431;0.011538461538461539102051744976;0.005128205128205128200680196215;0.041025641025641025605441569724;0.020085470085470086970547143324;0.028205128205128205537421948179;0.012820512820512820068019621544;0.048290598290598292507969091503;0.000427350427350427350056683018;0.031623931623931622603151936346;0.009401709401709401267566157401;0.018376068376068376702958673263;0.003846153846153846367350581659;0.007264957264957265167804045802;0.009829059829059828834463274916;0.038034188034188030902438271141;0.014957264957264957902505209120;0.003846153846153846367350581659;0.001709401709401709400226732072;0.012393162393162392501122504029;0.005128205128205128200680196215;0.002564102564102564100340098108;0.000000000000000000000000000000;0.020940170940170938634894426400;0.021794871794871793768688661430;0.005982905982905983334474431246;0.047435897435897433904727904519;0.025213675213675214303865601551;0.009401709401709401267566157401;0.012393162393162392501122504029
-0.014855072463768116339255520586;0.029710144927536232678511041172;0.018840579710144928632375993516;0.136594202898550731717364215001;0.028260869565217391213840514297;0.014492753623188405973087888867;0.007608695652173913352711576152;0.038043478260869567630919618750;0.019202898550724638998543625235;0.013768115942028985240752625430;0.017753623188405797533873098359;0.008695652173913043583852733320;0.011231884057971014412302679375;0.014855072463768116339255520586;0.045652173913043478381545980938;0.012681159420289855876973206250;0.019565217391304349364711256953;0.036231884057971015800081460156;0.041666666666666664353702032031;0.004347826086956521791926366660;0.023913043478260870289275885625;0.015942028985507245703034939766;0.014855072463768116339255520586;0.024275362318840580655443517344;0.018115942028985507900040730078;0.019202898550724638998543625235;0.027898550724637680847672882578;0.039130434782608698729422513907;0.002536231884057970828449946055;0.034420289855072463969243301563;0.004710144927536232158093998379;0.011594202898550724778470311094;0.019202898550724638998543625235;0.006521739130434782254208680996;0.009057971014492753950020365039;0.024637681159420291021611149063;0.011594202898550724778470311094;0.005797101449275362389235155547;0.005434782608695652023067523828;0.007971014492753622851517469883;0.014130434782608695606920257148;0.015217391304347826705423152305;0.000000000000000000000000000000;0.009420289855072464316187996758;0.027173913043478260115337619141;0.010144927536231883313799784219;0.019202898550724638998543625235;0.010507246376811593679967415937;0.025362318840579711753946412500;0.007971014492753622851517469883
-0.033333333333333332870740406406;0.010763888888888888811790067734;0.053124999999999998612221219219;0.004513888888888888464845372539;0.020138888888888890199568848516;0.020486111111111111188209932266;0.004861111111111111188209932266;0.039930555555555552471602709375;0.015277777777777777276635440273;0.032638888888888890893458238907;0.018402777777777778317469525859;0.008333333333333333217685101602;0.011111111111111111535154627461;0.036805555555555556634939051719;0.016319444444444445446729119453;0.014583333333333333564629796797;0.024305555555555555941049661328;0.043749999999999997224442438437;0.036805555555555556634939051719;0.011805555555555555247160270937;0.027083333333333334258519187188;0.013541666666666667129259593594;0.009722222222222222376419864531;0.048611111111111111882099322656;0.033680555555555553859381490156;0.036111111111111107718762980312;0.038541666666666668517038374375;0.003819444444444444319158860068;0.002083333333333333304421275400;0.026041666666666667823148983985;0.004513888888888888464845372539;0.017013888888888887424011286953;0.012152777777777777970524830664;0.003472222222222222029475169336;0.014930555555555556287994356524;0.048263888888888890893458238907;0.018749999999999999306110609609;0.008680555555555555941049661328;0.006250000000000000346944695195;0.007638888888888888638317720137;0.009722222222222222376419864531;0.005555555555555555767577313730;0.000000000000000000000000000000;0.020486111111111111188209932266;0.017361111111111111882099322656;0.017013888888888887424011286953;0.029513888888888888117900677344;0.018749999999999999306110609609;0.027777777777777776235801354687;0.015625000000000000000000000000
-0.034146341463414636718809447302;0.006910569105691056687734707964;0.058536585365853661955259923388;0.000000000000000000000000000000;0.002845528455284553059900787275;0.018292682926829267192614381088;0.002032520325203252247597829339;0.012601626016260162807536282514;0.078048780487804877981083961913;0.023170731707317072933793866696;0.019105691056910567571236470030;0.008943089430894309369013406297;0.011788617886178862428914193572;0.041463414634146343595855199737;0.002439024390243902436908873810;0.018292682926829267192614381088;0.029674796747967479432217530189;0.032113821138211380568083797016;0.013414634146341463186158371457;0.006097560975609756309112619022;0.014634146341463415488814980847;0.039430894308943087445129549451;0.004878048780487804873817747620;0.033739837398373981325327974901;0.030487804878048779810839619131;0.035772357723577237476053625187;0.026016260162601625993694653971;0.012195121951219512618225238043;0.004471544715447154684506703148;0.013414634146341463186158371457;0.014634146341463415488814980847;0.019512195121951219495270990478;0.005691056910569106119801574550;0.005284552845528455063128792091;0.010162601626016259936946539710;0.037398373983739838233297803072;0.007317073170731707744407490424;0.008943089430894309369013406297;0.030487804878048779810839619131;0.011788617886178862428914193572;0.004878048780487804873817747620;0.067886178861788618044137422203;0.000000000000000000000000000000;0.021951219512195120631137257305;0.004878048780487804873817747620;0.008943089430894309369013406297;0.039024390243902438990541980957;0.026016260162601625993694653971;0.025609756097560974069660133523;0.014634146341463415488814980847
-0.033333333333333332870740406406;0.004761904761904762334312479766;0.056462585034013607065972450982;0.002380952380952381167156239883;0.025170068027210883154776155379;0.027891156462585033060097572388;0.000340136054421768683955068502;0.020748299319727891293352328717;0.051360544217687077728218270067;0.020068027210884353817021974464;0.015646258503401361955598147802;0.015986394557823128959039848951;0.014965986394557822744544317572;0.031972789115646257918079697902;0.005102040816326530205115918903;0.017687074829931974384589210558;0.026870748299319728580325516987;0.033673469387755103343629059509;0.017346938775510203911700557455;0.008163265306122449715964251027;0.017346938775510203911700557455;0.071768707482993202018128897635;0.009863945578231291672066660681;0.031972789115646257918079697902;0.036054421768707482776061823415;0.030952380952380953438307642500;0.032312925170068028390968351005;0.003741496598639455686136079393;0.002040816326530612428991062757;0.019727891156462583344133321361;0.007823129251700680977799073901;0.016666666666666666435370203203;0.010544217687074829148397014933;0.007142857142857142634106981660;0.019047619047619049337249919063;0.036054421768707482776061823415;0.012925170068027210315553254816;0.006802721088435373895941804534;0.017006802721088436908258856306;0.027551020408163266056655871239;0.004421768707482993596147302640;0.019047619047619049337249919063;0.000000000000000000000000000000;0.013265306122448979053718431942;0.002721088435374149471640548015;0.012244897959183672839222900564;0.032312925170068028390968351005;0.021428571428571428769682682969;0.032653061224489798863857004108;0.014625850340136054006379140446
-0.032592592592592589673117231541;0.016296296296296294836558615771;0.050000000000000002775557561563;0.000740740740740740703958178148;0.004814814814814815172039352831;0.021851851851851851471497667490;0.002962962962962962815832712593;0.036296296296296298722339201959;0.038148148148148146308056283260;0.014444444444444443781394582516;0.017777777777777777762358013547;0.017777777777777777762358013547;0.015925925925925926707193980292;0.032222222222222221543752596062;0.019259259259259260688157411323;0.011851851851851851263330850372;0.024444444444444445724284875610;0.059259259259259261520824679792;0.024074074074074074125473288177;0.008518518518518519017090895318;0.022962962962962962798485477833;0.019629629629629628817522046802;0.022222222222222223070309254922;0.021851851851851851471497667490;0.034814814814814812327092852229;0.031851851851851853414387960584;0.036666666666666666851703837438;0.010740740740740739936343040029;0.000000000000000000000000000000;0.021481481481481479872686080057;0.017407407407407406163546426114;0.012962962962962962590318660716;0.024074074074074074125473288177;0.007037037037037036958653235530;0.021851851851851851471497667490;0.038518518518518521376314822646;0.020000000000000000416333634234;0.004074074074074073709139653943;0.004444444444444444440589503387;0.013333333333333334189130248149;0.007407407407407407690103084974;0.031851851851851853414387960584;0.000000000000000000000000000000;0.012962962962962962590318660716;0.012592592592592592726230549260;0.010370370370370370072254928573;0.021851851851851851471497667490;0.016296296296296294836558615771;0.038518518518518521376314822646;0.012962962962962962590318660716
-0.023643410852713177966455404544;0.032945736434108530144015958285;0.036046511627906979713387158881;0.001550387596899224784685600298;0.035271317829457367321044358732;0.021705426356589146985598404171;0.006589147286821705334913801266;0.040310077519379844401825607747;0.017441860465116278827713003352;0.011627906976744185885142002235;0.014341085271317829258341802756;0.012403100775193798277484802384;0.020542635658914728397084203948;0.022480620155038759377941204320;0.022868217054263565574112604395;0.012015503875968992081313402309;0.022093023255813953181769804246;0.063565891472868216172109612216;0.034108527131782945263083206555;0.008139534883720930119599401564;0.023255813953488371770284004469;0.009689922480620154904285001862;0.031782945736434108086054806108;0.018992248062015503612398603650;0.018604651162790697416227203576;0.018604651162790697416227203576;0.034108527131782945263083206555;0.024031007751937984162626804618;0.000387596899224806196171400074;0.029069767441860464712855005587;0.018992248062015503612398603650;0.013565891472868216865999002607;0.028294573643410852320512205438;0.007751937984496123923428001490;0.026356589147286821339655205065;0.036046511627906979713387158881;0.017441860465116278827713003352;0.008914728682170542511942201713;0.002325581395348837177028400447;0.023255813953488371770284004469;0.015116279069767441650684602905;0.020155038759689922200912803874;0.000000000000000000000000000000;0.005813953488372092942571001117;0.015891472868217054043027403054;0.013178294573643410669827602533;0.011240310077519379688970602160;0.009689922480620154904285001862;0.049224806201550390383214761414;0.008527131782945736315770801639
-0.019503546099290780535540079654;0.026241134751773049355039191255;0.038652482269503546374878055758;0.007446808510638298211903318702;0.026595744680851064051241294806;0.013475177304964539373721699178;0.010638297872340425273551822727;0.046808510638297870509738629607;0.012411347517730497019838864503;0.019858156028368795231742183205;0.016666666666666666435370203203;0.004964539007092198807935545801;0.009574468085106382919668988052;0.030141843971631204074368426404;0.037588652482269502286271745106;0.009929078014184397615871091602;0.021276595744680850547103645454;0.052482269503546098710078382510;0.040070921985815605159686469960;0.009574468085106382919668988052;0.034042553191489362263144613507;0.009219858156028368223466884501;0.019148936170212765839337976104;0.035106382978723406351750924159;0.018085106382978721750731665452;0.030496453900709218770570529955;0.035460992907801421047953027710;0.026241134751773049355039191255;0.000709219858156028416622251864;0.031205673758865248162974737056;0.005319148936170212636775911363;0.021985815602836879939507852555;0.021276595744680850547103645454;0.007092198581560283515701215151;0.010283687943262410577349719176;0.032624113475177303478336199305;0.013475177304964539373721699178;0.005673758865248227332978014914;0.001418439716312056833244503729;0.012056737588652482323636760952;0.021631205673758865243305749004;0.009929078014184397615871091602;0.000000000000000000000000000000;0.023758865248226949951071418354;0.025531914893617019962634984154;0.014893617021276596423806637404;0.024468085106382979343475625456;0.018085106382978721750731665452;0.026595744680851064051241294806;0.010283687943262410577349719176
-0.021759259259259259439156508620;0.016666666666666666435370203203;0.033333333333333332870740406406;0.017129629629629630066522949505;0.026851851851851852442942814037;0.023611111111111110494320541875;0.006481481481481481295159330358;0.032870370370370369239587660104;0.017592592592592593697675695807;0.014814814814814815380206169948;0.020833333333333332176851016015;0.012500000000000000693889390391;0.026851851851851852442942814037;0.026851851851851852442942814037;0.029629629629629630760412339896;0.013425925925925926221471407018;0.021759259259259259439156508620;0.039814814814814816767984950729;0.040740740740740744030290443334;0.009259259259259258745267118229;0.030555555555555554553270880547;0.019444444444444444752839729063;0.022222222222222223070309254922;0.018981481481481481121686982760;0.026388888888888888811790067734;0.017129629629629630066522949505;0.040740740740740744030290443334;0.027777777777777776235801354687;0.005092592592592593003786305417;0.038425925925925925874526711823;0.014351851851851851749053423646;0.026388888888888888811790067734;0.023148148148148146863167795573;0.009722222222222222376419864531;0.025000000000000001387778780781;0.025925925925925925180637321432;0.011111111111111111535154627461;0.004629629629629629372633559115;0.001851851851851851922525771243;0.028240740740740739866954100989;0.008333333333333333217685101602;0.009259259259259258745267118229;0.000000000000000000000000000000;0.012037037037037037062736644089;0.024537037037037037756626034479;0.007407407407407407690103084974;0.014814814814814815380206169948;0.013425925925925926221471407018;0.027314814814814816074095560339;0.012962962962962962590318660716
-0.024206349206349207087152208828;0.023412698412698412786525636875;0.051190476190476189022326991562;0.009523809523809524668624959531;0.010317460317460317234528055508;0.020238095238095239053466301016;0.002380952380952381167156239883;0.034126984126984123701920026406;0.024206349206349207087152208828;0.016666666666666666435370203203;0.016269841269841271019780393203;0.010714285714285714384841341484;0.018650793650793650452213157109;0.029365079365079364837054498594;0.021428571428571428769682682969;0.013492063492063492702310867344;0.034523809523809526056403740313;0.066666666666666665741480812812;0.022619047619047618485899064922;0.009920634920634920084214769531;0.013492063492063492702310867344;0.022222222222222223070309254922;0.019047619047619049337249919063;0.027777777777777776235801354687;0.025793650793650792218958400781;0.021031746031746033354092872969;0.039682539682539680336859078125;0.020634920634920634469056111016;0.000793650793650793650105268462;0.017857142857142856151586585156;0.012301587301587301251371009414;0.014285714285714285268213963320;0.016666666666666666435370203203;0.007539682539682539784420267637;0.030952380952380953438307642500;0.036904761904761905488836504219;0.017460317460317460735996775156;0.008333333333333333217685101602;0.009126984126984127518311673555;0.025793650793650792218958400781;0.009126984126984127518311673555;0.019841269841269840168429539062;0.000000000000000000000000000000;0.011507936507936508685467913438;0.015873015873015872134743631250;0.015079365079365079568840535273;0.025000000000000001387778780781;0.013492063492063492702310867344;0.031349206349206348853897452500;0.011111111111111111535154627461
-0.023931623931623933337897724982;0.013247863247863247634916739059;0.042307692307692310040856398246;0.155982905982905983854891474039;0.006837606837606837600906928287;0.017948717948717947401338079771;0.003418803418803418800453464144;0.024358974358974359170071366520;0.014957264957264957902505209120;0.029914529914529915805010418239;0.014102564102564102768710974090;0.011538461538461539102051744976;0.009401709401709401267566157401;0.022649572649572648902482896460;0.028632478632478631369595589717;0.015811965811965811301575968173;0.028632478632478631369595589717;0.039743589743589741170026741202;0.014529914529914530335608091605;0.007264957264957265167804045802;0.010256410256410256401360392431;0.014102564102564102768710974090;0.006837606837606837600906928287;0.042307692307692310040856398246;0.024786324786324785002245008059;0.023076923076923078204103489952;0.025641025641025640136039243089;0.009401709401709401267566157401;0.002991452991452991667237215623;0.018803418803418802535132314802;0.015811965811965811301575968173;0.030341880341880341637184059778;0.005555555555555555767577313730;0.005555555555555555767577313730;0.011111111111111111535154627461;0.041025641025641025605441569724;0.007692307692307692734701163317;0.008547008547008547868495398347;0.004700854700854700633783078700;0.013675213675213675201813856575;0.006837606837606837600906928287;0.011965811965811966668948862491;0.000000000000000000000000000000;0.020085470085470086970547143324;0.022222222222222223070309254922;0.021794871794871793768688661430;0.024786324786324785002245008059;0.011111111111111111535154627461;0.022222222222222223070309254922;0.011538461538461539102051744976
-0.019927536231884056261431936719;0.018840579710144928632375993516;0.052173913043478258033669447968;0.257971014492753614177900089999;0.006521739130434782254208680996;0.004710144927536232158093998379;0.003260869565217391127104340498;0.022101449275362318458437727031;0.021014492753623187359934831875;0.027898550724637680847672882578;0.007608695652173913352711576152;0.002898550724637681194617577773;0.003985507246376811425758734941;0.026086956521739129016834723984;0.025000000000000001387778780781;0.015579710144927537071590784024;0.018840579710144928632375993516;0.022101449275362318458437727031;0.010869565217391304046135047656;0.003985507246376811425758734941;0.011956521739130435144637942813;0.018840579710144928632375993516;0.006521739130434782254208680996;0.050724637681159423507892825000;0.013768115942028985240752625430;0.026086956521739129016834723984;0.019565217391304349364711256953;0.007246376811594202986543944434;0.004347826086956521791926366660;0.010869565217391304046135047656;0.004710144927536232158093998379;0.026086956521739129016834723984;0.004347826086956521791926366660;0.010144927536231883313799784219;0.007971014492753622851517469883;0.042028985507246374719869663750;0.004347826086956521791926366660;0.006884057971014492620376312715;0.005072463768115941656899892109;0.007971014492753622851517469883;0.011231884057971014412302679375;0.009782608695652174682355628477;0.000000000000000000000000000000;0.021739130434782608092270095312;0.010869565217391304046135047656;0.016666666666666666435370203203;0.035507246376811595067746196719;0.013043478260869564508417361992;0.011231884057971014412302679375;0.009057971014492753950020365039
-0.010000000000000000208166817117;0.041428571428571425716569365250;0.035238095238095235028907836750;0.169047619047619057663922603751;0.023809523809523808202115446875;0.013809523809523809728672105734;0.004285714285714285927408884191;0.032857142857142855596475072844;0.024761904761904762750646114000;0.012380952380952381375323057000;0.008571428571428571854817768383;0.007619047619047619041010577234;0.013333333333333334189130248149;0.018095238095238094788719251937;0.045714285714285714246063463406;0.004285714285714285927408884191;0.014761904761904762542479296883;0.037619047619047621400234504563;0.029047619047619047810693260203;0.003809523809523809520505288617;0.022380952380952379848766398140;0.025714285714285713829729829172;0.024761904761904762750646114000;0.019047619047619049337249919063;0.010000000000000000208166817117;0.019523809523809523142068300672;0.024761904761904762750646114000;0.036190476190476189577438503875;0.000476190476190476190063161077;0.018571428571428572062984585500;0.003333333333333333547282562037;0.014285714285714285268213963320;0.013333333333333334189130248149;0.008571428571428571854817768383;0.013809523809523809728672105734;0.026666666666666668378260496297;0.011904761904761904101057723437;0.003333333333333333547282562037;0.013809523809523809728672105734;0.027619047619047619457344211469;0.009047619047619047394359625969;0.009523809523809524668624959531;0.000000000000000000000000000000;0.012857142857142856914864914586;0.025238095238095236555464495609;0.008095238095238094580552434820;0.015238095238095238082021154469;0.007619047619047619041010577234;0.017142857142857143709635536766;0.006666666666666667094565124074
-0.020370370370370372015145221667;0.036728395061728397186229244653;0.066358024691358027946641584549;0.032716049382716050342168045972;0.017592592592592593697675695807;0.012654320987654321326032480499;0.004629629629629629372633559115;0.021296296296296295808003762318;0.057098765432098762262480562413;0.023456790123456791596900927743;0.011728395061728395798450463872;0.004938271604938271504281477320;0.009259259259259258745267118229;0.028086419753086420969534486858;0.037037037037037034981068472916;0.016975308641975307699656383420;0.041049382716049381825129671597;0.047222222222222220988641083750;0.020061728395061727281412089496;0.009259259259259258745267118229;0.014814814814814815380206169948;0.028086419753086420969534486858;0.008024691358024691953398921385;0.030864197530864195817557060764;0.017592592592592593697675695807;0.022222222222222223070309254922;0.026543209876543211178656633820;0.032716049382716050342168045972;0.002469135802469135752140738660;0.011728395061728395798450463872;0.007407407407407407690103084974;0.021604938271604937072289942535;0.007098765432098765558455166769;0.009259259259259258745267118229;0.012962962962962962590318660716;0.039197530864197534239412590296;0.008333333333333333217685101602;0.008024691358024691953398921385;0.004320987654320987240985640909;0.012654320987654321326032480499;0.012654320987654321326032480499;0.024382716049382715389759468394;0.000000000000000000000000000000;0.015740740740740739173064710599;0.020370370370370372015145221667;0.012037037037037037062736644089;0.025925925925925925180637321432;0.017592592592592593697675695807;0.015740740740740739173064710599;0.011111111111111111535154627461
-0.024786324786324785002245008059;0.032051282051282048435325577884;0.031623931623931622603151936346;0.010683760683760683968257509946;0.035897435897435894802676159543;0.044017094017094020308444868306;0.002136752136752136967123849587;0.026923076923076924571454071611;0.033333333333333332870740406406;0.010256410256410256401360392431;0.012820512820512820068019621544;0.031196581196581196770978294808;0.026495726495726495269833478119;0.016239316239316240603196561665;0.023931623931623933337897724982;0.017094017094017095736990796695;0.023931623931623933337897724982;0.049572649572649570004490016117;0.034615384615384617306155234928;0.007264957264957265167804045802;0.021794871794871793768688661430;0.020940170940170938634894426400;0.019658119658119657668926549832;0.012393162393162392501122504029;0.031196581196581196770978294808;0.014957264957264957902505209120;0.024358974358974359170071366520;0.023504273504273504036277131490;0.000427350427350427350056683018;0.050427350427350428607731203101;0.024358974358974359170071366520;0.006837606837606837600906928287;0.017521367521367521569164438233;0.004700854700854700633783078700;0.026495726495726495269833478119;0.026495726495726495269833478119;0.014102564102564102768710974090;0.011538461538461539102051744976;0.004273504273504273934247699174;0.026068376068376069437659836581;0.007692307692307692734701163317;0.019230769230769231836752908293;0.000000000000000000000000000000;0.005982905982905983334474431246;0.017094017094017095736990796695;0.011538461538461539102051744976;0.009829059829059828834463274916;0.018376068376068376702958673263;0.025213675213675214303865601551;0.008119658119658120301598280832
-0.011949685534591195784637207566;0.055974842767295598933152689369;0.027987421383647799466576344685;0.003144654088050314634517068413;0.014150943396226415421645938864;0.024528301886792454322705481218;0.003459119496855346011232601455;0.028930817610062893596722943812;0.062578616352201257844178883261;0.011635220125786162673198198547;0.011635220125786162673198198547;0.011635220125786162673198198547;0.015094339622641509551792537991;0.011320754716981131296482665505;0.023899371069182391569274415133;0.011320754716981131296482665505;0.034591194968553458377602538576;0.084591194968553454214266196232;0.024528301886792454322705481218;0.006289308176100629269034136826;0.015408805031446540928508071033;0.027044025157232705336429745557;0.021383647798742137086103198840;0.012264150943396227161352740609;0.016981132075471697812085736246;0.017295597484276729188801269288;0.022012578616352199839534264925;0.047798742138364783138548830266;0.002515723270440251447405133334;0.023584905660377360192558882090;0.011949685534591195784637207566;0.014779874213836478175077004948;0.015408805031446540928508071033;0.002830188679245282824120666376;0.015094339622641509551792537991;0.033962264150943395624171472491;0.013207547169811321291499339736;0.009433962264150943036189467250;0.012893081761006289914783806694;0.017610062893081760565516802330;0.011635220125786162673198198547;0.082075471698113203200541931892;0.000000000000000000000000000000;0.007232704402515723399180735953;0.009748427672955974412905000293;0.010377358490566037166336066377;0.008490566037735848906042868123;0.009119496855345911659473934208;0.022327044025157231216249797967;0.006289308176100629269034136826
-0.022023809523809525362514349922;0.024404761904761904794947113828;0.029761904761904760252644308594;0.003571428571428571317053490830;0.020238095238095239053466301016;0.032142857142857139685077072500;0.005357142857142857192420670742;0.041666666666666664353702032031;0.014285714285714285268213963320;0.011309523809523809242949532461;0.017261904761904763028201870156;0.008928571428571428075793292578;0.035119047619047619179788455313;0.019047619047619049337249919063;0.031547619047619046561692357500;0.010119047619047619526733150508;0.014880952380952380126322154297;0.056547619047619047949471138281;0.037499999999999998612221219219;0.007738095238095238359576910625;0.023214285714285715078730731875;0.011904761904761904101057723437;0.046428571428571430157461463750;0.011309523809523809242949532461;0.017261904761904763028201870156;0.018452380952380952744418252109;0.033928571428571425994125121406;0.016666666666666666435370203203;0.000595238095238095291789059971;0.042857142857142857539365365938;0.003571428571428571317053490830;0.008333333333333333217685101602;0.035119047619047619179788455313;0.006547619047619047775998790684;0.040476190476190478106932602032;0.021428571428571428769682682969;0.014880952380952380126322154297;0.002380952380952381167156239883;0.005952380952380952050528861719;0.039285714285714284921269268125;0.009523809523809524668624959531;0.014880952380952380126322154297;0.000000000000000000000000000000;0.007142857142857142634106981660;0.022023809523809525362514349922;0.015476190476190476719153821250;0.008333333333333333217685101602;0.018452380952380952744418252109;0.050000000000000002775557561563;0.010119047619047619526733150508
-0.023931623931623933337897724982;0.022222222222222223070309254922;0.021367521367521367936515019892;0.025213675213675214303865601551;0.058119658119658121342432366419;0.011111111111111111535154627461;0.022222222222222223070309254922;0.043162393162393161705203681322;0.008119658119658120301598280832;0.015384615384615385469402326635;0.014957264957264957902505209120;0.008547008547008547868495398347;0.025213675213675214303865601551;0.016239316239316240603196561665;0.037179487179487179238090988065;0.010256410256410256401360392431;0.014529914529914530335608091605;0.038461538461538463673505816587;0.042307692307692310040856398246;0.005128205128205128200680196215;0.041452991452991451437615211262;0.007692307692307692734701163317;0.031623931623931622603151936346;0.031623931623931622603151936346;0.020512820512820512802720784862;0.021794871794871793768688661430;0.036752136752136753405917346527;0.013675213675213675201813856575;0.002136752136752136967123849587;0.029487179487179486503389824748;0.011111111111111111535154627461;0.011111111111111111535154627461;0.016666666666666666435370203203;0.005128205128205128200680196215;0.025641025641025640136039243089;0.029487179487179486503389824748;0.015811965811965811301575968173;0.008547008547008547868495398347;0.005128205128205128200680196215;0.017094017094017095736990796695;0.019230769230769231836752908293;0.011111111111111111535154627461;0.000000000000000000000000000000;0.017521367521367521569164438233;0.020085470085470086970547143324;0.022222222222222223070309254922;0.011965811965811966668948862491;0.013675213675213675201813856575;0.028632478632478631369595589717;0.009401709401709401267566157401
-0.024019607843137256303345239417;0.010294117647058823386552184331;0.055882352941176473282158809752;0.023039215686274511218911698052;0.140686274509803921350936661838;0.008333333333333333217685101602;0.012254901960784313555419267061;0.035784313725490193847100783842;0.009803921568627450844335413649;0.030882352941176471894380028971;0.011764705882352941013202496379;0.004411764705882352879950936142;0.008333333333333333217685101602;0.025980392156862746472212322146;0.049509803921568625029170362950;0.015686274509803921350936661838;0.010784313725490195928768955014;0.012254901960784313555419267061;0.026960784313725491556645863511;0.005392156862745097964384477507;0.013235294117647058639852808426;0.007843137254901960675468330919;0.002450980392156862711083853412;0.047549019607843134860303280220;0.017647058823529411519803744568;0.021078431372549021050044615322;0.028431372549019607448572699582;0.013235294117647058639852808426;0.002941176470588235253300624095;0.037745098039215684015967866571;0.003431372549019607795517394777;0.023529411764705882026404992757;0.010784313725490195928768955014;0.006372549019607843048818018872;0.006862745098039215591034789554;0.042647058823529412907582525349;0.010294117647058823386552184331;0.007352941176470588133251560237;0.000000000000000000000000000000;0.006372549019607843048818018872;0.013725490196078431182069579108;0.002450980392156862711083853412;0.000000000000000000000000000000;0.026470588235294117279705616852;0.039705882352941174184834949301;0.016666666666666666435370203203;0.034803921568627452232114194430;0.014705882352941176266503120473;0.006862745098039215591034789554;0.012745098039215686097636037744
-0.019444444444444444752839729063;0.021604938271604937072289942535;0.050308641975308640570396789826;0.006481481481481481295159330358;0.052160493827160495095007775035;0.013580246913580246853614497127;0.011728395061728395798450463872;0.035493827160493825190190619878;0.025308641975308642652064960998;0.033333333333333332870740406406;0.011111111111111111535154627461;0.008641975308641974481971281818;0.006172839506172839163511412153;0.024382716049382715389759468394;0.036728395061728397186229244653;0.012654320987654321326032480499;0.035185185185185187395351391615;0.035802469135802469923923752049;0.038888888888888889505679458125;0.008641975308641974481971281818;0.024691358024691356654045648611;0.019135802469135803488553548846;0.004629629629629629372633559115;0.042901234567901236349740656806;0.013888888888888888117900677344;0.026234567901234566444923501649;0.029938271604938272024698520113;0.013271604938271605589328316910;0.001543209876543209790877853038;0.028703703703703703498106847292;0.008950617283950617480980938012;0.028703703703703703498106847292;0.014197530864197531116910333537;0.006481481481481481295159330358;0.006481481481481481295159330358;0.050925925925925923098969150260;0.006790123456790123426807248563;0.007098765432098765558455166769;0.001851851851851851922525771243;0.006790123456790123426807248563;0.020987654320987654543717582101;0.008333333333333333217685101602;0.000000000000000000000000000000;0.022222222222222223070309254922;0.024074074074074074125473288177;0.017901234567901234961961876024;0.036111111111111107718762980312;0.014814814814814815380206169948;0.012037037037037037062736644089;0.012654320987654321326032480499
-0.020987654320987654543717582101;0.008024691358024691953398921385;0.041358024691358026558862803768;0.308641975308641958175570607636;0.013888888888888888117900677344;0.019444444444444444752839729063;0.004320987654320987240985640909;0.016975308641975307699656383420;0.011728395061728395798450463872;0.015432098765432097908778530382;0.016049382716049383906797842769;0.012962962962962962590318660716;0.011728395061728395798450463872;0.021913580246913581806023074705;0.021296296296296295808003762318;0.024382716049382715389759468394;0.014506172839506172381196513754;0.022530864197530864334595435139;0.028086419753086420969534486858;0.003703703703703703845051542487;0.014506172839506172381196513754;0.009567901234567901744276774423;0.001543209876543209790877853038;0.019753086419753086017125909279;0.028703703703703703498106847292;0.028086419753086420969534486858;0.025308641975308642652064960998;0.009876543209876543008562954640;0.001234567901234567876070369330;0.018827160493827162224267368629;0.010802469135802468536144971267;0.014814814814814815380206169948;0.006481481481481481295159330358;0.006481481481481481295159330358;0.006790123456790123426807248563;0.021296296296296295808003762318;0.008333333333333333217685101602;0.007716049382716048954389265191;0.001543209876543209790877853038;0.005246913580246913635929395525;0.005864197530864197899225231936;0.002469135802469135752140738660;0.000000000000000000000000000000;0.011111111111111111535154627461;0.018827160493827162224267368629;0.007407407407407407690103084974;0.025308641975308642652064960998;0.015123456790123456644492350165;0.013271604938271605589328316910;0.015740740740740739173064710599
-0.026126126126126126419935147283;0.026126126126126126419935147283;0.031081081081081082806427673404;0.107657657657657654381999634552;0.022522522522522521459809041744;0.035135135135135137085526935152;0.004054054054054054279099261748;0.031081081081081082806427673404;0.015765765765765764327976938830;0.010810810810810811410931364662;0.012162162162162162837297785245;0.029729729729729731380061252821;0.015765765765765764327976938830;0.013513513513513514263664205828;0.037387387387387387149839668155;0.014864864864864865690030626411;0.017117117117117115754343359413;0.044144144144144144281671771068;0.027027027027027028527328411656;0.005855855855855855891800576529;0.020270270270270271395496308742;0.013513513513513514263664205828;0.017117117117117115754343359413;0.013963963963963963582637362038;0.024324324324324325674595570490;0.017117117117117115754343359413;0.029729729729729731380061252821;0.021171171171171170033442621161;0.001801801801801801829541749278;0.034234234234234231508686718826;0.026126126126126126419935147283;0.009909909909909909303538100289;0.018018018018018017861736623786;0.005855855855855855891800576529;0.018918918918918919969129888159;0.020720720720720720714469464951;0.009459459459459459984564944079;0.011261261261261260729904520872;0.001801801801801801829541749278;0.025225225225225224312541882909;0.015765765765765764327976938830;0.010810810810810811410931364662;0.000000000000000000000000000000;0.009009009009009008930868311893;0.032432432432432434232794093987;0.009909909909909909303538100289;0.012162162162162162837297785245;0.013963963963963963582637362038;0.018468468468468467180709779996;0.009009009009009008930868311893
-0.011864406779661017254934307630;0.046610169491525424434463786838;0.022316384180790960201079542458;0.091807909604519774560138500874;0.062429378531073449754007498314;0.014406779661016949276031162697;0.007344632768361582068894488629;0.034745762711864407179529479208;0.018361581920903955605917090566;0.009604519774011300095595267123;0.012429378531073446978449936751;0.007909604519774010925048379761;0.010451977401129942946145234828;0.012429378531073446978449936751;0.066666666666666665741480812812;0.007344632768361582068894488629;0.014406779661016949276031162697;0.039265536723163844967654512175;0.034745762711864407179529479208;0.004802259887005650047797633562;0.020621468926553671030532655095;0.011299435028248587531418678509;0.009322033898305085233837452563;0.020338983050847456168774840535;0.011299435028248587531418678509;0.011581920903954802393176493069;0.027401129943502824243273252591;0.081638418079096039536857176699;0.002824858757062146882854669627;0.035875706214689266626560737450;0.006214689265536723489224968375;0.011581920903954802393176493069;0.016949152542372881297128017763;0.005367231638418078903951524694;0.011299435028248587531418678509;0.022033898305084745339321727897;0.007062146892655367207136674068;0.009322033898305085233837452563;0.005367231638418078903951524694;0.010451977401129942946145234828;0.014971751412429378999546791817;0.016101694915254236711854574082;0.000000000000000000000000000000;0.009887005649717514957353081684;0.038418079096045200382381068493;0.012711864406779661840207751311;0.011016949152542372669660863949;0.008192090395480225786806194321;0.015254237288135593861304606378;0.005649717514124293765709339254
-0.017333333333333332537673499019;0.021999999999999998723243521681;0.016333333333333331649495079319;0.267333333333333311720991787297;0.012999999999999999403255124264;0.025000000000000001387778780781;0.007000000000000000145716771982;0.024000000000000000499600361081;0.012333333333333333300951828448;0.014333333333333333342585191872;0.009666666666666667157015169209;0.008000000000000000166533453694;0.026666666666666668378260496297;0.012999999999999999403255124264;0.024333333333333331816028533012;0.011333333333333334147496884725;0.012000000000000000249800180541;0.022999999999999999611421941381;0.014000000000000000291433543964;0.007333333333333333196868419890;0.017666666666666667323548622903;0.009333333333333334105863521302;0.022666666666666668294993769450;0.016333333333333331649495079319;0.021666666666666667406815349750;0.012000000000000000249800180541;0.017000000000000001221245327088;0.025666666666666667490082076597;0.002000000000000000041633363423;0.026666666666666668378260496297;0.014666666666666666393736839780;0.012333333333333333300951828448;0.014999999999999999444888487687;0.004000000000000000083266726847;0.033000000000000001554312234475;0.018666666666666668211727042603;0.008333333333333333217685101602;0.012000000000000000249800180541;0.008333333333333333217685101602;0.022999999999999999611421941381;0.005666666666666667073748442363;0.008000000000000000166533453694;0.000000000000000000000000000000;0.012000000000000000249800180541;0.015333333333333332496040135595;0.021999999999999998723243521681;0.008000000000000000166533453694;0.007333333333333333196868419890;0.024333333333333331816028533012;0.008999999999999999319988397417
-0.036434108527131782440111607002;0.005813953488372092942571001117;0.040697674418604654067443959775;0.122093023255813948324544071511;0.010852713178294573492799202086;0.017829457364341085023884403427;0.001937984496124030980857000372;0.020542635658914728397084203948;0.012403100775193798277484802384;0.032170542635658917751673158136;0.021705426356589146985598404171;0.013565891472868216865999002607;0.013178294573643410669827602533;0.040310077519379844401825607747;0.015116279069767441650684602905;0.022868217054263565574112604395;0.011240310077519379688970602160;0.027519379844961239928169405289;0.015116279069767441650684602905;0.004263565891472868157885400819;0.012015503875968992081313402309;0.005426356589147286746399601043;0.008527131782945736315770801639;0.041472868217054266459786759924;0.038759689922480619617140007449;0.043023255813953491244472360222;0.034883720930232557655426006704;0.027906976744186046124340805363;0.001550387596899224784685600298;0.015116279069767441650684602905;0.011240310077519379688970602160;0.013953488372093023062170402682;0.011240310077519379688970602160;0.001937984496124030980857000372;0.013565891472868216865999002607;0.038759689922480619617140007449;0.012790697674418604473656202458;0.010852713178294573492799202086;0.001162790697674418588514200223;0.007364341085271317727256601415;0.004263565891472868157885400819;0.015116279069767441650684602905;0.000000000000000000000000000000;0.017829457364341085023884403427;0.006201550387596899138742401192;0.020155038759689922200912803874;0.032558139534883720478397606257;0.023643410852713177966455404544;0.028294573643410852320512205438;0.014728682170542635454513202831
-0.053571428571428568454759755468;0.006349206349206349200842147695;0.044444444444444446140618509844;0.000000000000000000000000000000;0.005952380952380952050528861719;0.027380952380952380820211544687;0.002777777777777777883788656865;0.021031746031746033354092872969;0.039682539682539680336859078125;0.023809523809523808202115446875;0.017460317460317460735996775156;0.008730158730158730367998387578;0.017460317460317460735996775156;0.038492063492063494090089648125;0.005158730158730158617264027754;0.039285714285714284921269268125;0.014682539682539682418527249297;0.030952380952380953438307642500;0.014285714285714285268213963320;0.007539682539682539784420267637;0.017460317460317460735996775156;0.016666666666666666435370203203;0.017063492063492061850960013203;0.038492063492063494090089648125;0.053174603174603173039169945469;0.053968253968253970809243469375;0.027777777777777776235801354687;0.007539682539682539784420267637;0.000000000000000000000000000000;0.021031746031746033354092872969;0.009920634920634920084214769531;0.020634920634920634469056111016;0.010714285714285714384841341484;0.004365079365079365183999193789;0.019444444444444444752839729063;0.038492063492063494090089648125;0.015873015873015872134743631250;0.017460317460317460735996775156;0.007142857142857142634106981660;0.013888888888888888117900677344;0.004365079365079365183999193789;0.026984126984126985404621734688;0.000000000000000000000000000000;0.019444444444444444752839729063;0.003968253968253968033685907812;0.011507936507936508685467913438;0.031746031746031744269487262500;0.030952380952380953438307642500;0.026190476190476191103995162734;0.014682539682539682418527249297
-0.027906976744186046124340805363;0.019767441860465116004741403799;0.038372093023255816890415559328;0.006976744186046511531085201341;0.019379844961240309808570003725;0.024806201550387596554969604767;0.005813953488372092942571001117;0.032558139534883720478397606257;0.057751937984496126698985563053;0.019379844961240309808570003725;0.016279069767441860239198803129;0.011240310077519379688970602160;0.013953488372093023062170402682;0.022480620155038759377941204320;0.030232558139534883301369205810;0.012403100775193798277484802384;0.025968992248062015143483804991;0.041085271317829456794168407896;0.032945736434108530144015958285;0.006976744186046511531085201341;0.020155038759689922200912803874;0.032945736434108530144015958285;0.012403100775193798277484802384;0.018992248062015503612398603650;0.035271317829457367321044358732;0.024806201550387596554969604767;0.041472868217054266459786759924;0.024418604651162790358798204693;0.001162790697674418588514200223;0.028294573643410852320512205438;0.007751937984496123923428001490;0.012015503875968992081313402309;0.016666666666666666435370203203;0.005038759689922480550228200968;0.012403100775193798277484802384;0.026356589147286821339655205065;0.014728682170542635454513202831;0.005426356589147286746399601043;0.012790697674418604473656202458;0.016279069767441860239198803129;0.006976744186046511531085201341;0.044961240310077518755882408641;0.000000000000000000000000000000;0.009689922480620154904285001862;0.017829457364341085023884403427;0.015116279069767441650684602905;0.018604651162790697416227203576;0.015503875968992247846856002980;0.022093023255813953181769804246;0.013565891472868216865999002607
-0.012857142857142856914864914586;0.031428571428571430712572976063;0.024761904761904762750646114000;0.129047619047619049892361431375;0.057142857142857141072855853281;0.015714285714285715356286488031;0.007142857142857142634106981660;0.035238095238095235028907836750;0.029999999999999998889776975375;0.008571428571428571854817768383;0.010476190476190475747708674703;0.005238095238095237873854337352;0.013809523809523809728672105734;0.013809523809523809728672105734;0.053809523809523807091892422250;0.007142857142857142634106981660;0.016190476190476189161104869640;0.045238095238095236971798129844;0.030952380952380953438307642500;0.004285714285714285927408884191;0.014285714285714285268213963320;0.017619047619047617514453918375;0.021904761904761906043948016531;0.014285714285714285268213963320;0.011428571428571428561515865852;0.017619047619047617514453918375;0.022857142857142857123031731703;0.055238095238095238914688422938;0.003809523809523809520505288617;0.032857142857142855596475072844;0.004761904761904762334312479766;0.011428571428571428561515865852;0.017142857142857143709635536766;0.004285714285714285927408884191;0.013809523809523809728672105734;0.020000000000000000416333634234;0.007619047619047619041010577234;0.004285714285714285927408884191;0.003809523809523809520505288617;0.013333333333333334189130248149;0.010952380952380953021974008266;0.030952380952380953438307642500;0.000000000000000000000000000000;0.009047619047619047394359625969;0.037619047619047621400234504563;0.010476190476190475747708674703;0.008571428571428571854817768383;0.007142857142857142634106981660;0.014761904761904762542479296883;0.005238095238095237873854337352
-0.021031746031746033354092872969;0.028571428571428570536427926640;0.028174603174603175120838116641;0.059126984126984125089698807187;0.032539682539682542039560786407;0.011904761904761904101057723437;0.009126984126984127518311673555;0.034920634920634921471993550313;0.031746031746031744269487262500;0.013888888888888888117900677344;0.007936507936507936067371815625;0.009920634920634920084214769531;0.008730158730158730367998387578;0.022222222222222223070309254922;0.048412698412698414174304417656;0.016269841269841271019780393203;0.026190476190476191103995162734;0.042063492063492066708185745938;0.029365079365079364837054498594;0.009126984126984127518311673555;0.024603174603174602502742018828;0.020238095238095239053466301016;0.011111111111111111535154627461;0.027777777777777776235801354687;0.013492063492063492702310867344;0.023015873015873017370935826875;0.026190476190476191103995162734;0.051190476190476189022326991562;0.003174603174603174600421073848;0.022222222222222223070309254922;0.007142857142857142634106981660;0.019444444444444444752839729063;0.011507936507936508685467913438;0.013492063492063492702310867344;0.008730158730158730367998387578;0.038492063492063494090089648125;0.005158730158730158617264027754;0.009126984126984127518311673555;0.004761904761904762334312479766;0.013888888888888888117900677344;0.015873015873015872134743631250;0.024206349206349207087152208828;0.000000000000000000000000000000;0.017063492063492061850960013203;0.027380952380952380820211544687;0.011904761904761904101057723437;0.016666666666666666435370203203;0.015079365079365079568840535273;0.013888888888888888117900677344;0.011904761904761904101057723437
-0.014625850340136054006379140446;0.034693877551020407823401114911;0.024489795918367345678445801127;0.145238095238095249461807156877;0.032993197278911562397851753303;0.015646258503401361955598147802;0.007142857142857142634106981660;0.032312925170068028390968351005;0.022448979591836733249454738370;0.020408163265306120820463675614;0.013265306122448979053718431942;0.010544217687074829148397014933;0.012925170068027210315553254816;0.014625850340136054006379140446;0.042176870748299316593588059732;0.011564625850340135362892546311;0.014965986394557822744544317572;0.041156462585034012113816004330;0.026190476190476191103995162734;0.003401360544217686947970902267;0.015646258503401361955598147802;0.010204081632653060410231837807;0.019047619047619049337249919063;0.028231292517006803532986225491;0.017006802721088436908258856306;0.021428571428571428769682682969;0.030272108843537415961977288248;0.038775510204081632681383240424;0.003741496598639455686136079393;0.024829931972789116151334454230;0.010884353741496597886562192059;0.014285714285714285268213963320;0.019387755102040816340691620212;0.008843537414965987192294605279;0.014285714285714285268213963320;0.023129251700680270725785092623;0.008163265306122449715964251027;0.004761904761904762334312479766;0.006802721088435373895941804534;0.012244897959183672839222900564;0.014965986394557822744544317572;0.021768707482993195773124384118;0.000000000000000000000000000000;0.012585034013605441577388077690;0.019387755102040816340691620212;0.012585034013605441577388077690;0.017687074829931974384589210558;0.005442176870748298943281096030;0.014965986394557822744544317572;0.007823129251700680977799073901
-0.018518518518518517490534236458;0.017407407407407406163546426114;0.031481481481481478346129421197;0.038888888888888889505679458125;0.068518518518518520266091798021;0.015185185185185185244294281404;0.018148148148148149361169600979;0.041851851851851848418384349770;0.017407407407407406163546426114;0.021851851851851851471497667490;0.014814814814814815380206169948;0.011111111111111111535154627461;0.009259259259259258745267118229;0.025555555555555557051272685953;0.031481481481481478346129421197;0.008518518518518519017090895318;0.017037037037037038034181790636;0.027777777777777776235801354687;0.057037037037037038866849059104;0.005185185185185185036127464286;0.041111111111111112159655078813;0.014814814814814815380206169948;0.008518518518518519017090895318;0.025555555555555557051272685953;0.014814814814814815380206169948;0.029629629629629630760412339896;0.027407407407407408106436719208;0.012222222222222222862142437805;0.001111111111111111110147375847;0.048888888888888891448569751219;0.009259259259259258745267118229;0.015555555555555555108382392859;0.018888888888888889089345823891;0.005555555555555555767577313730;0.009259259259259258745267118229;0.025185185185185185452461098521;0.007037037037037036958653235530;0.007037037037037036958653235530;0.004814814814814815172039352831;0.008148148148148147418279307885;0.030740740740740742087400150240;0.010000000000000000208166817117;0.000000000000000000000000000000;0.015555555555555555108382392859;0.026296296296296296779448908865;0.017407407407407406163546426114;0.029629629629629630760412339896;0.013333333333333334189130248149;0.013333333333333334189130248149;0.011851851851851851263330850372
-0.011711711711711711783601153058;0.035585585585585582935053139408;0.028378378378378379953694832238;0.061261261261261260036015130481;0.079279279279279274428304802314;0.019819819819819818607076200578;0.004504504504504504465434155946;0.029729729729729731380061252821;0.022522522522522521459809041744;0.007657657657657657504501891310;0.012612612612612612156270941455;0.008108108108108108558198523497;0.013963963963963963582637362038;0.011711711711711711783601153058;0.059009009009009009971702397479;0.003153153153153153039067735364;0.020720720720720720714469464951;0.043243243243243245643725458649;0.038738738738738738576206088737;0.005405405405405405705465682331;0.016666666666666666435370203203;0.021171171171171170033442621161;0.027927927927927927165274724075;0.013513513513513514263664205828;0.007657657657657657504501891310;0.011711711711711711783601153058;0.024324324324324325674595570490;0.031081081081081082806427673404;0.001351351351351351426366420583;0.055405405405405408481023243894;0.003153153153153153039067735364;0.015315315315315315009003782620;0.032882882882882880082320298243;0.002252252252252252232717077973;0.018468468468468467180709779996;0.022072072072072072140835885534;0.008558558558558557877171679706;0.002702702702702702852732841166;0.007207207207207207318166997112;0.019369369369369369288103044369;0.007207207207207207318166997112;0.017117117117117115754343359413;0.000000000000000000000000000000;0.008108108108108108558198523497;0.050900900900900901413503873982;0.011711711711711711783601153058;0.010810810810810811410931364662;0.005405405405405405705465682331;0.024324324324324325674595570490;0.004504504504504504465434155946
-0.014529914529914530335608091605;0.039743589743589741170026741202;0.029059829059829060671216183209;0.034615384615384617306155234928;0.028632478632478631369595589717;0.025213675213675214303865601551;0.014102564102564102768710974090;0.037179487179487179238090988065;0.033760683760683758702914047944;0.015384615384615385469402326635;0.011111111111111111535154627461;0.008119658119658120301598280832;0.014529914529914530335608091605;0.013675213675213675201813856575;0.055982905982905985242670254820;0.007264957264957265167804045802;0.029487179487179486503389824748;0.050427350427350428607731203101;0.026923076923076924571454071611;0.005128205128205128200680196215;0.024358974358974359170071366520;0.015384615384615385469402326635;0.015384615384615385469402326635;0.016666666666666666435370203203;0.013247863247863247634916739059;0.017094017094017095736990796695;0.025641025641025640136039243089;0.047435897435897433904727904519;0.002991452991452991667237215623;0.032051282051282048435325577884;0.006837606837606837600906928287;0.018803418803418802535132314802;0.021367521367521367936515019892;0.003418803418803418800453464144;0.014957264957264957902505209120;0.026068376068376069437659836581;0.007692307692307692734701163317;0.005555555555555555767577313730;0.008547008547008547868495398347;0.017521367521367521569164438233;0.032478632478632481206393123330;0.032905982905982907038566764868;0.000000000000000000000000000000;0.007692307692307692734701163317;0.020940170940170938634894426400;0.014102564102564102768710974090;0.015811965811965811301575968173;0.014102564102564102768710974090;0.019658119658119657668926549832;0.006410256410256410034009810772
-0.013782051282051281659857266959;0.033012820512820513496610175252;0.041987179487179483727832263185;0.009935897435897435292506685300;0.104487179487179490666726167092;0.018269230769230770244915262879;0.008974358974358973700669039886;0.024679487179487178544201597674;0.046153846153846156408206979904;0.015384615384615385469402326635;0.009615384615384615918376454147;0.006730769230769231142863517903;0.008333333333333333217685101602;0.015384615384615385469402326635;0.053205128205128203455753777007;0.006730769230769231142863517903;0.024358974358974359170071366520;0.049679487179487176462533426502;0.040064102564102567483050876262;0.008012820512820512108831394471;0.015064102564102564360548619504;0.035256410256410256054415697236;0.012500000000000000693889390391;0.019551282051282051210883139447;0.016987179487179485809500434357;0.013461538461538462285727035805;0.021474358974358974394558430276;0.019230769230769231836752908293;0.001282051282051282050170049054;0.041025641025641025605441569724;0.006730769230769231142863517903;0.016346153846153847061239972049;0.014102564102564102768710974090;0.006089743589743589792517841630;0.011217948717948717993198037846;0.029487179487179486503389824748;0.006730769230769231142863517903;0.007371794871794871625847456187;0.007692307692307692734701163317;0.020192307692307693428590553708;0.011858974358974358476181976130;0.025320512820512820761909011935;0.000000000000000000000000000000;0.011538461538461539102051744976;0.032051282051282048435325577884;0.008653846153846154326538808732;0.016987179487179485809500434357;0.012820512820512820068019621544;0.014423076923076923877564681220;0.005769230769230769551025872488
-0.012666666666666666352103476356;0.017666666666666667323548622903;0.023333333333333334397297065266;0.207666666666666666074547720200;0.100333333333333329928649391150;0.017666666666666667323548622903;0.007666666666666666248020067798;0.021999999999999998723243521681;0.015333333333333332496040135595;0.007666666666666666248020067798;0.008000000000000000166533453694;0.011333333333333334147496884725;0.005666666666666667073748442363;0.012333333333333333300951828448;0.043333333333333334813630699500;0.007666666666666666248020067798;0.012333333333333333300951828448;0.021999999999999998723243521681;0.043999999999999997446487043362;0.003333333333333333547282562037;0.016333333333333331649495079319;0.013666666666666667240281896056;0.004666666666666667052931760651;0.014333333333333333342585191872;0.010666666666666666310470112933;0.009333333333333334105863521302;0.017999999999999998639976794834;0.037333333333333336423454085207;0.001666666666666666773641281019;0.058000000000000002942091015257;0.008666666666666666268836749509;0.010666666666666666310470112933;0.018666666666666668211727042603;0.007000000000000000145716771982;0.007333333333333333196868419890;0.012999999999999999403255124264;0.005666666666666667073748442363;0.006000000000000000124900090270;0.003666666666666666598434209945;0.006333333333333333176051738178;0.014666666666666666393736839780;0.013666666666666667240281896056;0.000000000000000000000000000000;0.006666666666666667094565124074;0.047000000000000000111022302463;0.006666666666666667094565124074;0.010666666666666666310470112933;0.010666666666666666310470112933;0.012666666666666666352103476356;0.004333333333333333134418374755
-0.027878787878787877896336055983;0.015757575757575758429451795450;0.026363636363636363396656392410;0.205151515151515140278348781067;0.031818181818181814901613790880;0.021212121212121213403856145874;0.004242424242424242854243576772;0.023636363636363635909454217199;0.009393939393939393714405561298;0.009090909090909090467524933388;0.015151515151515151935690539631;0.014545454545454545441929283811;0.021818181818181819897617401693;0.016666666666666666435370203203;0.026363636363636363396656392410;0.012727272727272727695368992329;0.023030303030303029415692961379;0.031818181818181814901613790880;0.025454545454545455390737984658;0.006969696969696969474084013996;0.018787878787878787428811122595;0.016060606060606059941608947383;0.013030303030303030942249620239;0.013939393939393938948168027991;0.023333333333333334397297065266;0.017878787878787879422892714842;0.027575757575757576384178904050;0.015454545454545455182571167541;0.002121212121212121427121788386;0.030606060606060605383538231195;0.006666666666666667094565124074;0.010909090909090909948808700847;0.022424242424242422921931705559;0.006363636363636363847684496164;0.023939393939393940891058321085;0.021212121212121213403856145874;0.008484848484848485708487153545;0.007575757575757575967845269815;0.002121212121212121427121788386;0.022424242424242422921931705559;0.007272727272727272720964641906;0.012121212121212121201607736509;0.000000000000000000000000000000;0.007878787878787879214725897725;0.022424242424242422921931705559;0.008181818181818182461606525635;0.016969696969696971416974307090;0.015151515151515151935690539631;0.023030303030303029415692961379;0.006969696969696969474084013996
-0.018361581920903955605917090566;0.007344632768361582068894488629;0.029378531073446328275577954514;0.439265536723163818599857677327;0.003107344632768361744612484188;0.005932203389830508627467153815;0.003672316384180791034447244314;0.014124293785310734414273348136;0.011581920903954802393176493069;0.035028248587570622041287293769;0.009039548022598870372079638003;0.002259887005649717593019909501;0.003107344632768361744612484188;0.021186440677966100754048284216;0.025141242937853108818657688062;0.008757062146892655510321823442;0.011016949152542372669660863949;0.013841807909604519552515533576;0.006779661016949152345378859508;0.002824858757062146882854669627;0.010169491525423728084387420267;0.008474576271186440648564008882;0.001694915254237288086344714877;0.041807909604519771784580939311;0.012429378531073446978449936751;0.026553672316384179657999808910;0.014124293785310734414273348136;0.020338983050847456168774840535;0.001977401129943502731262094940;0.007344632768361582068894488629;0.002259887005649717593019909501;0.020338983050847456168774840535;0.004237288135593220324282004441;0.002542372881355932021096855067;0.001977401129943502731262094940;0.031638418079096043700193519044;0.005367231638418078903951524694;0.005649717514124293765709339254;0.001412429378531073441427334814;0.001412429378531073441427334814;0.007627118644067796930652303189;0.006497175141242937483621044947;0.000000000000000000000000000000;0.023446327683615819648110800699;0.008192090395480225786806194321;0.014689265536723164137788977257;0.022881355932203389924595171578;0.009887005649717514957353081684;0.004802259887005650047797633562;0.008474576271186440648564008882
-0.017753623188405797533873098359;0.009420289855072464316187996758;0.051449275362318837301334184531;0.380797101449275365858682107500;0.002536231884057970828449946055;0.010507246376811593679967415937;0.002898550724637681194617577773;0.015579710144927537071590784024;0.024275362318840580655443517344;0.014492753623188405973087888867;0.011231884057971014412302679375;0.006884057971014492620376312715;0.004347826086956521791926366660;0.029710144927536232678511041172;0.012318840579710145510805574531;0.015942028985507245703034939766;0.022826086956521739190772990469;0.020652173913043476993767200156;0.006159420289855072755402787266;0.005797101449275362389235155547;0.009057971014492753950020365039;0.016666666666666666435370203203;0.001086956521739130447981591665;0.027173913043478260115337619141;0.016666666666666666435370203203;0.026811594202898549749169987422;0.020289855072463766627599568437;0.005072463768115941656899892109;0.001811594202898550746635986108;0.007246376811594202986543944434;0.005072463768115941656899892109;0.014130434782608695606920257148;0.001086956521739130447981591665;0.008695652173913043583852733320;0.004710144927536232158093998379;0.028260869565217391213840514297;0.006884057971014492620376312715;0.006159420289855072755402787266;0.003260869565217391127104340498;0.008695652173913043583852733320;0.007608695652173913352711576152;0.009057971014492753950020365039;0.000000000000000000000000000000;0.008333333333333333217685101602;0.006884057971014492620376312715;0.008333333333333333217685101602;0.035869565217391305433913828438;0.017391304347826087167705466641;0.006521739130434782254208680996;0.015579710144927537071590784024
-0.021895424836601305729200106498;0.004901960784313725422167706824;0.074509803921568626416949143731;0.194444444444444447528397290625;0.000980392156862745084433541365;0.005882352941176470506601248189;0.001633986928104575213002713774;0.022549019607843136941971451392;0.009150326797385621366287544731;0.045424836601307187755605099255;0.006862745098039215591034789554;0.003921568627450980337734165460;0.003921568627450980337734165460;0.036928104575163399336812375395;0.003267973856209150426005427548;0.013071895424836601704021710191;0.034967320261437909167945292666;0.032679738562091505127416013465;0.007843137254901960675468330919;0.007843137254901960675468330919;0.012418300653594770491250365296;0.012091503267973856619588168826;0.002614379084967320080595820642;0.065686274509803924126494223401;0.021241830065359477985875713557;0.033986928104575160614064799347;0.023529411764705882026404992757;0.000980392156862745084433541365;0.002614379084967320080595820642;0.002614379084967320080595820642;0.001960784313725490168867082730;0.040196078431372551931222147914;0.002941176470588235253300624095;0.004901960784313725422167706824;0.006535947712418300852010855095;0.075163398692810454160273536672;0.010130718954248366450721086096;0.005228758169934640161191641283;0.000326797385620915010074477580;0.007516339869281045936444396460;0.003594771241830065165029362007;0.002941176470588235253300624095;0.000000000000000000000000000000;0.029084967320261438661344044476;0.000326797385620915010074477580;0.014379084967320260660117448026;0.040849673202614379674546540855;0.023529411764705882026404992757;0.012745098039215686097636037744;0.007189542483660130330058724013
-0.038738738738738738576206088737;0.002252252252252252232717077973;0.059459459459459462760122505642;0.023423423423423423567202306117;0.004504504504504504465434155946;0.037387387387387387149839668155;0.000000000000000000000000000000;0.013513513513513514263664205828;0.022072072072072072140835885534;0.029729729729729731380061252821;0.022522522522522521459809041744;0.033333333333333332870740406406;0.017567567567567568542763467576;0.053153153153153151477816606985;0.004954954954954954651769050145;0.038288288288288285787785980574;0.020270270270270271395496308742;0.019369369369369369288103044369;0.007657657657657657504501891310;0.014414414414414414636333994224;0.012162162162162162837297785245;0.010810810810810811410931364662;0.005855855855855855891800576529;0.041441441441441441428938929903;0.053603603603603604266236715148;0.042792792792792792855305350486;0.023873873873873872886175462327;0.002702702702702702852732841166;0.000450450450450450457385437320;0.015765765765765764327976938830;0.023423423423423423567202306117;0.015765765765765764327976938830;0.004504504504504504465434155946;0.004954954954954954651769050145;0.015765765765765764327976938830;0.045045045045045042919618083488;0.016666666666666666435370203203;0.009009009009009008930868311893;0.006306306306306306078135470727;0.009909909909909909303538100289;0.003603603603603603659083498556;0.014414414414414414636333994224;0.000000000000000000000000000000;0.013513513513513514263664205828;0.001351351351351351426366420583;0.009009009009009008930868311893;0.044594594594594597070091879232;0.040990990990990988640518821740;0.033333333333333332870740406406;0.015765765765765764327976938830
-0.033641975308641977604473538577;0.021913580246913581806023074705;0.035493827160493825190190619878;0.018827160493827162224267368629;0.040740740740740744030290443334;0.021913580246913581806023074705;0.004012345679012345976699460692;0.031481481481481478346129421197;0.014197530864197531116910333537;0.019444444444444444752839729063;0.021296296296296295808003762318;0.011728395061728395798450463872;0.021296296296296295808003762318;0.030864197530864195817557060764;0.024074074074074074125473288177;0.021604938271604937072289942535;0.016358024691358025171084022986;0.036419753086419752452496112483;0.040432098765432099296557311163;0.008333333333333333217685101602;0.026234567901234566444923501649;0.014197530864197531116910333537;0.011728395061728395798450463872;0.019753086419753086017125909279;0.037037037037037034981068472916;0.028703703703703703498106847292;0.037037037037037034981068472916;0.019135802469135803488553548846;0.003395061728395061713403624282;0.023148148148148146863167795573;0.012345679012345678327022824305;0.011111111111111111535154627461;0.024382716049382715389759468394;0.007407407407407407690103084974;0.020987654320987654543717582101;0.028086419753086420969534486858;0.015740740740740739173064710599;0.011111111111111111535154627461;0.004320987654320987240985640909;0.016666666666666666435370203203;0.006172839506172839163511412153;0.011111111111111111535154627461;0.000000000000000000000000000000;0.011728395061728395798450463872;0.022839506172839505598881615356;0.011728395061728395798450463872;0.021604938271604937072289942535;0.025925925925925925180637321432;0.029938271604938272024698520113;0.012345679012345678327022824305
-0.040833333333333332593184650250;0.008888888888888888881179006773;0.048333333333333332315628894094;0.038611111111111109939209029562;0.010277777777777778039913769703;0.033611111111111112437210834969;0.002222222222222222220294751693;0.029999999999999998889776975375;0.016666666666666666435370203203;0.035277777777777775958245598531;0.024722222222222221821308352219;0.023888888888888890060790970438;0.014166666666666665949647629930;0.035833333333333335091186455656;0.012222222222222222862142437805;0.020277777777777776513357110844;0.018611111111111109522875395328;0.031944444444444441977282167500;0.022222222222222223070309254922;0.010000000000000000208166817117;0.017777777777777777762358013547;0.010833333333333333703407674875;0.007499999999999999722444243844;0.048611111111111111882099322656;0.042222222222222223486642889156;0.040833333333333332593184650250;0.033611111111111112437210834969;0.003611111111111110945348645629;0.002222222222222222220294751693;0.024166666666666666157814447047;0.011111111111111111535154627461;0.020000000000000000416333634234;0.009166666666666666712925959359;0.005833333333333333599324266316;0.010555555555555555871660722289;0.044444444444444446140618509844;0.019166666666666665186369300500;0.007499999999999999722444243844;0.001666666666666666773641281019;0.007499999999999999722444243844;0.006944444444444444058950338672;0.006388888888888889262818171488;0.000000000000000000000000000000;0.023611111111111110494320541875;0.010277777777777778039913769703;0.014444444444444443781394582516;0.032222222222222221543752596062;0.018055555555555553859381490156;0.028055555555555555802271783250;0.013055555555555556357383295563
-0.012643678160919540054418774844;0.004597701149425287292515918125;0.033620689655172411591799175312;0.479022988505747149279301311253;0.003448275862068965469386938594;0.008908045977011494129249591367;0.007183908045977011394556122070;0.013793103448275861877547754375;0.008333333333333333217685101602;0.016379310344827587714311434297;0.006609195402298850482991632305;0.004022988505747126380951428359;0.004310344827586206836733673242;0.025000000000000001387778780781;0.017528735632183909537440413828;0.006609195402298850482991632305;0.014367816091954022789112244141;0.019540229885057470993192652031;0.004885057471264367748298163008;0.004885057471264367748298163008;0.009195402298850574585031836250;0.006609195402298850482991632305;0.003735632183908045925169183477;0.027873563218390805945601229610;0.013218390804597700965983264609;0.025287356321839080108837549687;0.022413793103448275551015100859;0.004885057471264367748298163008;0.002873563218390804557822448828;0.003448275862068965469386938594;0.004597701149425287292515918125;0.010632183908045976863943060664;0.003448275862068965469386938594;0.010344827586206896408160815781;0.011206896551724137775507550430;0.028160919540229884666659998516;0.005172413793103448204080407891;0.003448275862068965469386938594;0.002298850574712643646257959062;0.008333333333333333217685101602;0.007471264367816091850338366953;0.005172413793103448204080407891;0.000000000000000000000000000000;0.016379310344827587714311434297;0.005747126436781609115644897656;0.008333333333333333217685101602;0.021264367816091953727886121328;0.014655172413793103244894489023;0.009482758620689655040814081133;0.008620689655172413673467346484
-0.021666666666666667406815349750;0.009444444444444444544672911945;0.027500000000000000138777878078;0.078888888888888883399452822687;0.051944444444444445863062753688;0.028888888888888887562789165031;0.006944444444444444058950338672;0.023333333333333334397297065266;0.013611111111111110286153724758;0.009166666666666666712925959359;0.014722222222222221613141535101;0.015833333333333334674852821422;0.020000000000000000416333634234;0.014444444444444443781394582516;0.018888888888888889089345823891;0.012222222222222222862142437805;0.014166666666666665949647629930;0.031666666666666669349705642844;0.060833333333333336478965236438;0.008333333333333333217685101602;0.029444444444444443226283070203;0.017222222222222222098864108375;0.019166666666666665186369300500;0.019722222222222220849863205672;0.025000000000000001387778780781;0.014722222222222221613141535101;0.027222222222222220572307449515;0.006111111111111111431071218902;0.003055555555555555715535609451;0.067777777777777784007362527063;0.015277777777777777276635440273;0.009166666666666666712925959359;0.026944444444444444475283972906;0.008055555555555555385938149016;0.024166666666666666157814447047;0.019444444444444444752839729063;0.010277777777777778039913769703;0.009166666666666666712925959359;0.010000000000000000208166817117;0.026944444444444444475283972906;0.007499999999999999722444243844;0.009444444444444444544672911945;0.000000000000000000000000000000;0.011388888888888889366901580047;0.028333333333333331899295259859;0.014444444444444443781394582516;0.012500000000000000693889390391;0.012500000000000000693889390391;0.027500000000000000138777878078;0.005000000000000000104083408559
-0.026282051282051282353746657350;0.005769230769230769551025872488;0.030769230769230770938804653269;0.313461538461538458122390693461;0.008012820512820512108831394471;0.018910256410256408993175725186;0.004166666666666666608842550801;0.016666666666666666435370203203;0.015705128205128204843532557788;0.012500000000000000693889390391;0.009294871794871794809522747016;0.019230769230769231836752908293;0.009294871794871794809522747016;0.027884615384615386163291717025;0.019230769230769231836752908293;0.013782051282051281659857266959;0.016346153846153847061239972049;0.016666666666666666435370203203;0.011858974358974358476181976130;0.007692307692307692734701163317;0.011858974358974358476181976130;0.013461538461538462285727035805;0.009615384615384615918376454147;0.022435897435897435986396075691;0.025000000000000001387778780781;0.021474358974358974394558430276;0.016025641025641024217662788942;0.005128205128205128200680196215;0.006410256410256410034009810772;0.022115384615384616612265844537;0.019871794871794870585013370601;0.017307692307692308653077617464;0.004807692307692307959188227073;0.010576923076923077510214099561;0.016025641025641024217662788942;0.018269230769230770244915262879;0.003525641025641025692177743522;0.011217948717948717993198037846;0.002243589743589743425167259971;0.016025641025641024217662788942;0.005448717948717948442172165358;0.006730769230769231142863517903;0.000000000000000000000000000000;0.016987179487179485809500434357;0.008333333333333333217685101602;0.012820512820512820068019621544;0.023397435897435897578233721106;0.020512820512820512802720784862;0.015705128205128204843532557788;0.013141025641025641176873328675
-0.011403508771929825316160389548;0.017982456140350877582534394605;0.014912280701754385484059106659;0.411403508771929826703939170329;0.036403508771929826703939170329;0.021491228070175439485156587693;0.008771929824561403021832006743;0.010964912280701753777290008429;0.015350877192982455288206011801;0.005263157894736841986571551644;0.009649122807017544364849293004;0.022368421052631579093450397977;0.014912280701754385484059106659;0.005701754385964912658080194774;0.025438596491228069457202209946;0.007894736842105263413538196460;0.009210526315789472825978911885;0.015789473684210526827076392919;0.021052631578947367946286206575;0.001754385964912280734470662047;0.014473684210526315679912201517;0.008771929824561403021832006743;0.013157894736842104532748010115;0.005263157894736841986571551644;0.018421052631578945651957823770;0.006578947368421052266374005058;0.013157894736842104532748010115;0.009649122807017544364849293004;0.001315789473684210496642887911;0.059210526315789470397366045518;0.014035087719298245875765296375;0.007456140350877192742029553330;0.014035087719298245875765296375;0.002631578947368420993285775822;0.008333333333333333217685101602;0.007894736842105263413538196460;0.007017543859649122937882648188;0.005701754385964912658080194774;0.002631578947368420993285775822;0.010087719298245614168996198146;0.008771929824561403021832006743;0.010964912280701753777290008429;0.000000000000000000000000000000;0.006140350877192982462227099916;0.021491228070175439485156587693;0.008333333333333333217685101602;0.003947368421052631706769098230;0.006578947368421052266374005058;0.010964912280701753777290008429;0.005263157894736841986571551644
-0.047083333333333331205405869468;0.014999999999999999444888487687;0.029583333333333333009518284484;0.226666666666666655194362078873;0.015416666666666667059870654555;0.028333333333333331899295259859;0.005416666666666666851703837438;0.014999999999999999444888487687;0.019583333333333334536074943344;0.015416666666666667059870654555;0.016666666666666666435370203203;0.023750000000000000277555756156;0.009166666666666666712925959359;0.020833333333333332176851016015;0.012500000000000000693889390391;0.018333333333333333425851918719;0.018749999999999999306110609609;0.026666666666666668378260496297;0.023750000000000000277555756156;0.005833333333333333599324266316;0.019583333333333334536074943344;0.018749999999999999306110609609;0.002500000000000000052041704279;0.022499999999999999167332731531;0.034583333333333333980963431031;0.026666666666666668378260496297;0.016666666666666666435370203203;0.007083333333333332974823814965;0.003749999999999999861222121922;0.020000000000000000416333634234;0.028333333333333331899295259859;0.014583333333333333564629796797;0.004583333333333333356462979680;0.003333333333333333547282562037;0.012916666666666666574148081281;0.025416666666666667268037471672;0.011666666666666667198648532633;0.010833333333333333703407674875;0.001666666666666666773641281019;0.007083333333333332974823814965;0.006666666666666667094565124074;0.006666666666666667094565124074;0.000000000000000000000000000000;0.011249999999999999583666365766;0.013333333333333334189130248149;0.011666666666666667198648532633;0.024583333333333332038073137937;0.017083333333333332315628894094;0.015833333333333334674852821422;0.006666666666666667094565124074
-0.033333333333333332870740406406;0.003749999999999999861222121922;0.043333333333333334813630699500;0.195000000000000006661338147751;0.003333333333333333547282562037;0.019166666666666665186369300500;0.000833333333333333386820640509;0.012083333333333333078907223523;0.019583333333333334536074943344;0.031250000000000000000000000000;0.013333333333333334189130248149;0.012916666666666666574148081281;0.007916666666666667337426410711;0.042083333333333333703407674875;0.011666666666666667198648532633;0.018333333333333333425851918719;0.020416666666666666296592325125;0.022916666666666665047591422422;0.010000000000000000208166817117;0.009583333333333332593184650250;0.013750000000000000069388939039;0.012500000000000000693889390391;0.007499999999999999722444243844;0.047083333333333331205405869468;0.036666666666666666851703837438;0.033333333333333332870740406406;0.024166666666666666157814447047;0.002500000000000000052041704279;0.001250000000000000026020852140;0.006250000000000000346944695195;0.007083333333333332974823814965;0.017083333333333332315628894094;0.006250000000000000346944695195;0.007499999999999999722444243844;0.011249999999999999583666365766;0.036249999999999997501998194593;0.018749999999999999306110609609;0.008333333333333333217685101602;0.002500000000000000052041704279;0.009583333333333332593184650250;0.004166666666666666608842550801;0.013750000000000000069388939039;0.000000000000000000000000000000;0.016666666666666666435370203203;0.007916666666666667337426410711;0.007916666666666667337426410711;0.042500000000000003053113317719;0.028750000000000001249000902703;0.023750000000000000277555756156;0.014166666666666665949647629930
-0.011851851851851851263330850372;0.012962962962962962590318660716;0.037037037037037034981068472916;0.399259259259259258190155605917;0.006666666666666667094565124074;0.008518518518518519017090895318;0.004444444444444444440589503387;0.015555555555555555108382392859;0.022222222222222223070309254922;0.027407407407407408106436719208;0.007407407407407407690103084974;0.004444444444444444440589503387;0.004814814814814815172039352831;0.020000000000000000416333634234;0.024814814814814813853649511088;0.011111111111111111535154627461;0.022222222222222223070309254922;0.022592592592592591199673890401;0.004074074074074073709139653943;0.002592592592592592518063732143;0.011851851851851851263330850372;0.008518518518518519017090895318;0.002222222222222222220294751693;0.027407407407407408106436719208;0.011481481481481481399242738917;0.024814814814814813853649511088;0.018888888888888889089345823891;0.019259259259259260688157411323;0.003333333333333333547282562037;0.007037037037037036958653235530;0.006296296296296296363115274630;0.021851851851851851471497667490;0.001851851851851851922525771243;0.005925925925925925631665425186;0.004814814814814815172039352831;0.035555555555555555524716027094;0.007037037037037036958653235530;0.004814814814814815172039352831;0.001851851851851851922525771243;0.004444444444444444440589503387;0.006296296296296296363115274630;0.014814814814814815380206169948;0.000000000000000000000000000000;0.010000000000000000208166817117;0.010370370370370370072254928573;0.010740740740740739936343040029;0.022592592592592591199673890401;0.008888888888888888881179006773;0.006296296296296296363115274630;0.010740740740740739936343040029
-0.028518518518518519433424529552;0.021481481481481479872686080057;0.033703703703703701000105041885;0.108888888888888882289229798062;0.021481481481481479872686080057;0.027407407407407408106436719208;0.006666666666666667094565124074;0.032592592592592589673117231541;0.020740740740740740144509857146;0.016666666666666666435370203203;0.020370370370370372015145221667;0.012222222222222222862142437805;0.021481481481481479872686080057;0.025555555555555557051272685953;0.029629629629629630760412339896;0.011111111111111111535154627461;0.010370370370370370072254928573;0.027407407407407408106436719208;0.025555555555555557051272685953;0.004074074074074073709139653943;0.022592592592592591199673890401;0.016666666666666666435370203203;0.018518518518518517490534236458;0.018148148148148149361169600979;0.024444444444444445724284875610;0.025555555555555557051272685953;0.032592592592592589673117231541;0.016666666666666666435370203203;0.000370370370370370351979089074;0.034444444444444444197728216750;0.012222222222222222862142437805;0.010740740740740739936343040029;0.017037037037037038034181790636;0.006296296296296296363115274630;0.024074074074074074125473288177;0.029629629629629630760412339896;0.011481481481481481399242738917;0.008148148148148147418279307885;0.010370370370370370072254928573;0.026666666666666668378260496297;0.009259259259259258745267118229;0.010740740740740739936343040029;0.000000000000000000000000000000;0.009259259259259258745267118229;0.017037037037037038034181790636;0.008888888888888888881179006773;0.019629629629629628817522046802;0.011851851851851851263330850372;0.033333333333333332870740406406;0.007407407407407407690103084974
-0.029914529914529915805010418239;0.027777777777777776235801354687;0.024786324786324785002245008059;0.012820512820512820068019621544;0.031196581196581196770978294808;0.028205128205128205537421948179;0.009401709401709401267566157401;0.029059829059829060671216183209;0.029487179487179486503389824748;0.011111111111111111535154627461;0.018376068376068376702958673263;0.006410256410256410034009810772;0.015811965811965811301575968173;0.020512820512820512802720784862;0.029914529914529915805010418239;0.013247863247863247634916739059;0.016239316239316240603196561665;0.059401709401709398838953291033;0.028205128205128205537421948179;0.005128205128205128200680196215;0.019230769230769231836752908293;0.018803418803418802535132314802;0.038034188034188030902438271141;0.008974358974358973700669039886;0.028632478632478631369595589717;0.020512820512820512802720784862;0.039316239316239315337853099663;0.019658119658119657668926549832;0.001282051282051282050170049054;0.026923076923076924571454071611;0.009829059829059828834463274916;0.009829059829059828834463274916;0.023931623931623933337897724982;0.004700854700854700633783078700;0.023504273504273504036277131490;0.021367521367521367936515019892;0.014529914529914530335608091605;0.015811965811965811301575968173;0.005982905982905983334474431246;0.042735042735042735873030039784;0.010683760683760683968257509946;0.027777777777777776235801354687;0.000000000000000000000000000000;0.008119658119658120301598280832;0.021367521367521367936515019892;0.017094017094017095736990796695;0.013247863247863247634916739059;0.011538461538461539102051744976;0.040598290598290599773267928185;0.008974358974358973700669039886
-0.018699186991869919116648901536;0.021138211382113820252515168363;0.032113821138211380568083797016;0.201219512195121963404886855642;0.005284552845528455063128792091;0.017886178861788618738026812593;0.003658536585365853872203745212;0.021138211382113820252515168363;0.029674796747967479432217530189;0.009349593495934959558324450768;0.010569105691056910126257584182;0.006097560975609756309112619022;0.019105691056910567571236470030;0.012601626016260162807536282514;0.021544715447154472176549688811;0.006910569105691056687734707964;0.021951219512195120631137257305;0.049593495934959347382076089161;0.017479674796747966813992292145;0.009756097560975609747635495239;0.013821138211382113375469415928;0.023170731707317072933793866696;0.035365853658536582082572152785;0.017886178861788618738026812593;0.019512195121951219495270990478;0.017073170731707318359404723651;0.030081300813008131356252050637;0.017886178861788618738026812593;0.004471544715447154684506703148;0.014634146341463415488814980847;0.006097560975609756309112619022;0.014634146341463415488814980847;0.017886178861788618738026812593;0.007317073170731707744407490424;0.016260162601626017980782634709;0.027642276422764226750938831856;0.012195121951219512618225238043;0.007723577235772357933718534895;0.009756097560975609747635495239;0.035365853658536582082572152785;0.008536585365853659179702361826;0.022764227642276424479206298201;0.000000000000000000000000000000;0.006910569105691056687734707964;0.015040650406504065678126025318;0.011382113821138212239603149101;0.009756097560975609747635495239;0.008130081300813008990391317354;0.028861788617886179053595441246;0.004065040650406504495195658677
-0.018707482993197278864361265960;0.017687074829931974384589210558;0.048979591836734691356891602254;0.188435374149659856657379464195;0.010544217687074829148397014933;0.017006802721088436908258856306;0.003741496598639455686136079393;0.022789115646258503722343391473;0.019047619047619049337249919063;0.016326530612244899431928502054;0.012244897959183672839222900564;0.021088435374149658296794029866;0.009523809523809524668624959531;0.028231292517006803532986225491;0.023129251700680270725785092623;0.009863945578231291672066660681;0.033333333333333332870740406406;0.040136054421768707634043948929;0.013265306122448979053718431942;0.012585034013605441577388077690;0.011224489795918366624727369185;0.023129251700680270725785092623;0.015646258503401361955598147802;0.031632653061224487445191044799;0.021768707482993195773124384118;0.017346938775510203911700557455;0.028911564625850341009316579743;0.008163265306122449715964251027;0.003741496598639455686136079393;0.014965986394557822744544317572;0.010204081632653060410231837807;0.018707482993197278864361265960;0.007142857142857142634106981660;0.006802721088435373895941804534;0.014285714285714285268213963320;0.032653061224489798863857004108;0.009523809523809524668624959531;0.007823129251700680977799073901;0.006122448979591836419611450282;0.023129251700680270725785092623;0.007142857142857142634106981660;0.018707482993197278864361265960;0.000000000000000000000000000000;0.011224489795918366624727369185;0.011904761904761904101057723437;0.009523809523809524668624959531;0.021768707482993195773124384118;0.011904761904761904101057723437;0.020068027210884353817021974464;0.008163265306122449715964251027
-0.022222222222222223070309254922;0.038518518518518521376314822646;0.028148148148148147834612942120;0.027037037037037036507625131776;0.018148148148148149361169600979;0.026666666666666668378260496297;0.006296296296296296363115274630;0.027037037037037036507625131776;0.013333333333333334189130248149;0.012962962962962962590318660716;0.013333333333333334189130248149;0.015185185185185185244294281404;0.025555555555555557051272685953;0.022592592592592591199673890401;0.026666666666666668378260496297;0.015925925925925926707193980292;0.024074074074074074125473288177;0.043333333333333334813630699500;0.021851851851851851471497667490;0.006296296296296296363115274630;0.017407407407407406163546426114;0.017777777777777777762358013547;0.023703703703703702526661700745;0.021851851851851851471497667490;0.029259259259259259161600752464;0.015185185185185185244294281404;0.024074074074074074125473288177;0.072592592592592597444678403917;0.002592592592592592518063732143;0.031481481481481478346129421197;0.015555555555555555108382392859;0.008518518518518519017090895318;0.023703703703703702526661700745;0.008518518518518519017090895318;0.030740740740740742087400150240;0.022962962962962962798485477833;0.007407407407407407690103084974;0.011481481481481481399242738917;0.005925925925925925631665425186;0.018518518518518517490534236458;0.009259259259259258745267118229;0.023333333333333334397297065266;0.000000000000000000000000000000;0.015555555555555555108382392859;0.015555555555555555108382392859;0.014814814814814815380206169948;0.015555555555555555108382392859;0.019259259259259260688157411323;0.026296296296296296779448908865;0.015925925925925926707193980292
-0.024113475177304964647273521905;0.034751773049645391655548820609;0.022695035460992909331912059656;0.038652482269503546374878055758;0.028014184397163119366602757054;0.030141843971631204074368426404;0.004964539007092198807935545801;0.026241134751773049355039191255;0.031560283687943259389729888653;0.005319148936170212636775911363;0.013829787234042552335200326752;0.035106382978723406351750924159;0.020921985815602835850901541903;0.013120567375886524677519595627;0.030496453900709218770570529955;0.010638297872340425273551822727;0.013475177304964539373721699178;0.041134751773049642309398876705;0.028014184397163119366602757054;0.005319148936170212636775911363;0.016666666666666666435370203203;0.036524822695035458197665434454;0.035815602836879435744155131260;0.014184397163120567031402430302;0.015957446808510637042965996102;0.012056737588652482323636760952;0.022340425531914894635709956106;0.031560283687943259389729888653;0.001418439716312056833244503729;0.045744680851063826421132318956;0.024822695035460994039677729006;0.011347517730496454665956029828;0.025177304964539008735879832557;0.008510638297872340565786153377;0.018085106382978721750731665452;0.016666666666666666435370203203;0.009574468085106382919668988052;0.015957446808510637042965996102;0.011702127659574467627434657402;0.029078014184397163455209067706;0.008865248226950355261988256927;0.029787234042553192847613274807;0.000000000000000000000000000000;0.011347517730496454665956029828;0.018439716312056736446933769002;0.017730496453900710523976513855;0.009574468085106382919668988052;0.007446808510638298211903318702;0.025531914893617019962634984154;0.009574468085106382919668988052
-0.018333333333333333425851918719;0.054583333333333330927850113312;0.032500000000000001110223024625;0.019166666666666665186369300500;0.059583333333333335368742211813;0.017083333333333332315628894094;0.006250000000000000346944695195;0.035000000000000003330669073875;0.013750000000000000069388939039;0.025000000000000001387778780781;0.013750000000000000069388939039;0.012916666666666666574148081281;0.006250000000000000346944695195;0.014583333333333333564629796797;0.036249999999999997501998194593;0.013750000000000000069388939039;0.024166666666666666157814447047;0.039166666666666669072149886688;0.032083333333333331760517381781;0.002083333333333333304421275400;0.017083333333333332315628894094;0.011249999999999999583666365766;0.007499999999999999722444243844;0.040416666666666663243479007406;0.017500000000000001665334536938;0.022499999999999999167332731531;0.025000000000000001387778780781;0.060833333333333336478965236438;0.003749999999999999861222121922;0.035833333333333335091186455656;0.016666666666666666435370203203;0.016250000000000000555111512313;0.015416666666666667059870654555;0.005833333333333333599324266316;0.006666666666666667094565124074;0.026666666666666668378260496297;0.010416666666666666088425508008;0.013333333333333334189130248149;0.008750000000000000832667268469;0.004583333333333333356462979680;0.017916666666666667545593227828;0.035000000000000003330669073875;0.000000000000000000000000000000;0.014166666666666665949647629930;0.027916666666666666019036568969;0.018749999999999999306110609609;0.017083333333333332315628894094;0.010000000000000000208166817117;0.009583333333333332593184650250;0.007083333333333332974823814965
-0.015064102564102564360548619504;0.056089743589743591700713665205;0.016666666666666666435370203203;0.044871794871794871972792151382;0.061217948717948715564585171478;0.018910256410256408993175725186;0.008012820512820512108831394471;0.042307692307692310040856398246;0.016346153846153847061239972049;0.011858974358974358476181976130;0.010256410256410256401360392431;0.012179487179487179585035683260;0.011858974358974358476181976130;0.007692307692307692734701163317;0.085897435897435897578233721106;0.005448717948717948442172165358;0.018269230769230770244915262879;0.041346153846153844979571800877;0.042307692307692310040856398246;0.002884615384615384775512936244;0.019551282051282051210883139447;0.009935897435897435292506685300;0.008974358974358973700669039886;0.012179487179487179585035683260;0.012179487179487179585035683260;0.011217948717948717993198037846;0.027564102564102563319714533918;0.093589743589743590312934884423;0.004166666666666666608842550801;0.043589743589743587537377322860;0.007051282051282051384355487045;0.016025641025641024217662788942;0.024358974358974359170071366520;0.004807692307692307959188227073;0.008333333333333333217685101602;0.020512820512820512802720784862;0.008012820512820512108831394471;0.007051282051282051384355487045;0.004807692307692307959188227073;0.009615384615384615918376454147;0.014743589743589743251694912374;0.018589743589743589619045494032;0.000000000000000000000000000000;0.006410256410256410034009810772;0.039423076923076921795896510048;0.006089743589743589792517841630;0.009294871794871794809522747016;0.005448717948717948442172165358;0.012820512820512820068019621544;0.004166666666666666608842550801
-0.017013888888888887424011286953;0.019097222222222223764198645313;0.071874999999999994448884876874;0.011805555555555555247160270937;0.007986111111111110494320541875;0.013888888888888888117900677344;0.005208333333333333044212754004;0.033680555555555553859381490156;0.039583333333333331482961625625;0.018749999999999999306110609609;0.014930555555555556287994356524;0.004513888888888888464845372539;0.012152777777777777970524830664;0.032986111111111111882099322656;0.022916666666666665047591422422;0.006944444444444444058950338672;0.034027777777777774848022573906;0.057291666666666664353702032031;0.016319444444444445446729119453;0.010069444444444445099784424258;0.015972222222222220988641083750;0.037152777777777777623580135469;0.015972222222222220988641083750;0.028125000000000000693889390391;0.019097222222222223764198645313;0.026041666666666667823148983985;0.035763888888888886730121896562;0.029166666666666667129259593594;0.004513888888888888464845372539;0.010069444444444445099784424258;0.004166666666666666608842550801;0.017708333333333332870740406406;0.007986111111111110494320541875;0.006597222222222222202947516934;0.023611111111111110494320541875;0.047569444444444441977282167500;0.013541666666666667129259593594;0.008333333333333333217685101602;0.012500000000000000693889390391;0.024305555555555555941049661328;0.007638888888888888638317720137;0.028472222222222221682530474141;0.000000000000000000000000000000;0.014583333333333333564629796797;0.014583333333333333564629796797;0.014236111111111110841265237070;0.027430555555555555247160270937;0.017013888888888887424011286953;0.027083333333333334258519187188;0.009722222222222222376419864531
-0.025471698113207548452852080345;0.014465408805031446798361471906;0.046855345911949682069508327231;0.169811320754716971181963458548;0.005974842767295597892318603783;0.021383647798742137086103198840;0.002201257861635220070689600291;0.020440251572327042955956599712;0.032389937106918238740593807279;0.020440251572327042955956599712;0.013836477987421384044930405821;0.016666666666666666435370203203;0.011320754716981131296482665505;0.027358490566037736713145278600;0.016352201257861635058654670161;0.016666666666666666435370203203;0.021383647798742137086103198840;0.028301886792452830843291877727;0.012578616352201258538068273651;0.009433962264150943036189467250;0.015408805031446540928508071033;0.025786163522012579829567613388;0.007547169811320754775896268995;0.030817610062893081857016142067;0.026100628930817611206283146430;0.028301886792452830843291877727;0.023899371069182391569274415133;0.008176100628930817529327335080;0.003144654088050314634517068413;0.013836477987421384044930405821;0.011635220125786162673198198547;0.022012578616352199839534264925;0.008805031446540880282758401165;0.012893081761006289914783806694;0.017610062893081760565516802330;0.030503144654088050480300609024;0.009119496855345911659473934208;0.009748427672955974412905000293;0.004088050314465408764663667540;0.017924528301886791942232335373;0.005660377358490565648241332752;0.013836477987421384044930405821;0.000000000000000000000000000000;0.013522012578616352668214872779;0.011006289308176099919767132462;0.009433962264150943036189467250;0.028301886792452830843291877727;0.022955974842767293969680864052;0.020754716981132074332672132755;0.013836477987421384044930405821
-0.011403508771929825316160389548;0.035964912280701755165068789211;0.048684210526315788158946418207;0.164912280701754399014902219278;0.053070175438596489669862421579;0.003508771929824561468941324094;0.005701754385964912658080194774;0.031140350877192982115282404720;0.011842105263157895120307294690;0.020175438596491228337992396291;0.010087719298245614168996198146;0.003508771929824561468941324094;0.007017543859649122937882648188;0.026315789473684209065496020230;0.053070175438596489669862421579;0.004824561403508772182424646502;0.018859649122807017190828204889;0.025438596491228069457202209946;0.032456140350877189792999644169;0.007017543859649122937882648188;0.014912280701754385484059106659;0.015350877192982455288206011801;0.003070175438596491231113549958;0.025438596491228069457202209946;0.011403508771929825316160389548;0.022807017543859650632320779096;0.024122807017543858310038018544;0.057456140350877191180778424950;0.002192982456140350755458001686;0.009649122807017544364849293004;0.002631578947368420993285775822;0.018421052631578945651957823770;0.012280701754385964924454199831;0.007017543859649122937882648188;0.007456140350877192742029553330;0.038596491228070177459397172015;0.006578947368421052266374005058;0.004824561403508772182424646502;0.001315789473684210496642887911;0.009210526315789472825978911885;0.013596491228070176071618391234;0.006140350877192982462227099916;0.000000000000000000000000000000;0.010087719298245614168996198146;0.034649122807017540548457645855;0.007017543859649122937882648188;0.024122807017543858310038018544;0.012719298245614034728601104973;0.011403508771929825316160389548;0.010526315789473683973143103287
-0.014414414414414414636333994224;0.032432432432432434232794093987;0.033783783783783785659160514570;0.026576576576576575738908303492;0.035135135135135137085526935152;0.015765765765765764327976938830;0.005405405405405405705465682331;0.036486486486486488511893355735;0.017117117117117115754343359413;0.015765765765765764327976938830;0.009909909909909909303538100289;0.003603603603603603659083498556;0.021171171171171170033442621161;0.022072072072072072140835885534;0.060360360360360361398068818062;0.006306306306306306078135470727;0.014414414414414414636333994224;0.045495495495495495708038191651;0.034684684684684684297106826989;0.006306306306306306078135470727;0.018468468468468467180709779996;0.018018018018018017861736623786;0.028378378378378379953694832238;0.020270270270270271395496308742;0.020270270270270271395496308742;0.022522522522522521459809041744;0.038288288288288285787785980574;0.031531531531531528655953877660;0.001801801801801801829541749278;0.040540540540540542790992617483;0.005855855855855855891800576529;0.010360360360360360357234732476;0.025675675675675677100961991073;0.004504504504504504465434155946;0.019369369369369369288103044369;0.023873873873873872886175462327;0.014414414414414414636333994224;0.007207207207207207318166997112;0.010810810810810811410931364662;0.040090090090090090002572509320;0.011261261261261260729904520872;0.009459459459459459984564944079;0.000000000000000000000000000000;0.010360360360360360357234732476;0.038738738738738738576206088737;0.010360360360360360357234732476;0.015765765765765764327976938830;0.007657657657657657504501891310;0.025225225225225224312541882909;0.011711711711711711783601153058
-0.032456140350877189792999644169;0.020614035087719299876862777410;0.029385964912280702898694784153;0.014912280701754385484059106659;0.020175438596491228337992396291;0.024122807017543858310038018544;0.007456140350877192742029553330;0.036403508771929826703939170329;0.017982456140350877582534394605;0.019736842105263156799122015173;0.023245614035087718701744208261;0.018421052631578945651957823770;0.026754385964912280604366401349;0.023684210526315790240614589379;0.024122807017543858310038018544;0.013596491228070176071618391234;0.027192982456140352143236782467;0.034210526315789475948481168643;0.028508771929824559820954021916;0.007017543859649122937882648188;0.016228070175438594896499822084;0.016228070175438594896499822084;0.016228070175438594896499822084;0.029824561403508770968118213318;0.036842105263157891303915647541;0.032017543859649125193023166958;0.035087719298245612087328026973;0.015789473684210526827076392919;0.002631578947368420993285775822;0.029385964912280702898694784153;0.011403508771929825316160389548;0.012280701754385964924454199831;0.016666666666666666435370203203;0.010964912280701753777290008429;0.029824561403508770968118213318;0.028947368421052631359824403035;0.010964912280701753777290008429;0.013157894736842104532748010115;0.005263157894736841986571551644;0.020175438596491228337992396291;0.010087719298245614168996198146;0.013596491228070176071618391234;0.000000000000000000000000000000;0.016228070175438594896499822084;0.017543859649122806043664013487;0.021929824561403507554580016858;0.025438596491228069457202209946;0.016228070175438594896499822084;0.024122807017543858310038018544;0.014912280701754385484059106659
-0.017521367521367521569164438233;0.025213675213675214303865601551;0.048290598290598292507969091503;0.008547008547008547868495398347;0.030341880341880341637184059778;0.024358974358974359170071366520;0.007264957264957265167804045802;0.031196581196581196770978294808;0.047008547008547008072554262981;0.019230769230769231836752908293;0.016239316239316240603196561665;0.011965811965811966668948862491;0.016239316239316240603196561665;0.024786324786324785002245008059;0.023504273504273504036277131490;0.012820512820512820068019621544;0.031196581196581196770978294808;0.042307692307692310040856398246;0.024786324786324785002245008059;0.003846153846153846367350581659;0.018376068376068376702958673263;0.032051282051282048435325577884;0.011538461538461539102051744976;0.031196581196581196770978294808;0.019230769230769231836752908293;0.026495726495726495269833478119;0.040598290598290599773267928185;0.015811965811965811301575968173;0.003418803418803418800453464144;0.016666666666666666435370203203;0.008119658119658120301598280832;0.024358974358974359170071366520;0.018803418803418802535132314802;0.008547008547008547868495398347;0.017094017094017095736990796695;0.037606837606837605070264629603;0.012393162393162392501122504029;0.005555555555555555767577313730;0.005555555555555555767577313730;0.018803418803418802535132314802;0.011965811965811966668948862491;0.033760683760683758702914047944;0.000000000000000000000000000000;0.018376068376068376702958673263;0.010683760683760683968257509946;0.019230769230769231836752908293;0.020512820512820512802720784862;0.013675213675213675201813856575;0.021367521367521367936515019892;0.011538461538461539102051744976
-0.026729559748427673959714212515;0.018553459119496854695663401458;0.027358490566037736713145278600;0.000943396226415094346987033624;0.030503144654088050480300609024;0.029245283018867924973438476854;0.007861635220125786152611802038;0.026729559748427673959714212515;0.038364779874213834898188935085;0.015094339622641509551792537991;0.016037735849056603681939137118;0.012264150943396227161352740609;0.027358490566037736713145278600;0.015723270440251572305223604076;0.015723270440251572305223604076;0.020125786163522011579241066670;0.028930817610062893596722943812;0.038993710691823897651620001170;0.040880503144654085911913199425;0.004088050314465408764663667540;0.027044025157232705336429745557;0.030817610062893081857016142067;0.030503144654088050480300609024;0.022955974842767293969680864052;0.021383647798742137086103198840;0.021383647798742137086103198840;0.026100628930817611206283146430;0.008805031446540880282758401165;0.001572327044025157317258534206;0.050000000000000002775557561563;0.018238993710691823318947868415;0.013207547169811321291499339736;0.025471698113207548452852080345;0.006603773584905660645749669868;0.024213836477987422945989948175;0.026100628930817611206283146430;0.012264150943396227161352740609;0.016037735849056603681939137118;0.011635220125786162673198198547;0.021698113207547168462818731882;0.009433962264150943036189467250;0.028301886792452830843291877727;0.000000000000000000000000000000;0.016037735849056603681939137118;0.014465408805031446798361471906;0.022012578616352199839534264925;0.010691823899371068543051599420;0.007861635220125786152611802038;0.024213836477987422945989948175;0.009433962264150943036189467250
-0.025378787878787879145336958686;0.018560606060606062162054996634;0.027272727272727271402574800163;0.003787878787878787983922634908;0.051136363636363639517679047231;0.029166666666666667129259593594;0.003030303030303030300401934127;0.034469696969696969612861892074;0.027651515151515152629579930021;0.018181818181818180935049866775;0.022727272727272727903535809446;0.017424242424242425419933510966;0.016666666666666666435370203203;0.016666666666666666435370203203;0.030303030303030303871381079261;0.012121212121212121201607736509;0.031060606060606059386497435071;0.045454545454545455807071618892;0.039772727272727272096464190554;0.007954545454545453725403447720;0.019696969696969695434729530348;0.018560606060606062162054996634;0.018939393939393939919613174538;0.023484848484848483418652165255;0.025757575757575756902895136591;0.021969696969696968918972501683;0.026893939393939393645016622258;0.009848484848484847717364765174;0.001136363636363636308440616673;0.047727272727272729291314590228;0.014015151515151515193569053963;0.014772727272727272443408885749;0.025757575757575756902895136591;0.006060606060606060600803868255;0.018939393939393939919613174538;0.034848484848484850839867021932;0.010606060606060606701928072937;0.012878787878787878451447568295;0.007575757575757575967845269815;0.017803030303030303177491688871;0.008333333333333333217685101602;0.022727272727272727903535809446;0.000000000000000000000000000000;0.018181818181818180935049866775;0.025757575757575756902895136591;0.015909090909090907450806895440;0.014015151515151515193569053963;0.008333333333333333217685101602;0.019696969696969695434729530348;0.010984848484848484459486250842
-0.025362318840579711753946412500;0.036956521739130436532416723594;0.028260869565217391213840514297;0.016304347826086956069202571484;0.048188405797101450944719402969;0.025724637681159418650667092265;0.010144927536231883313799784219;0.036594202898550726166249091875;0.016304347826086956069202571484;0.013768115942028985240752625430;0.016304347826086956069202571484;0.009782608695652174682355628477;0.020652173913043476993767200156;0.014130434782608695606920257148;0.043115942028985505818372558906;0.013768115942028985240752625430;0.017391304347826087167705466641;0.047463768115942030212384139531;0.050724637681159423507892825000;0.004710144927536232158093998379;0.026449275362318839383002355703;0.010144927536231883313799784219;0.016304347826086956069202571484;0.014855072463768116339255520586;0.017028985507246376801537834922;0.019927536231884056261431936719;0.024637681159420291021611149063;0.022826086956521739190772990469;0.002536231884057970828449946055;0.053985507246376809864507606562;0.006159420289855072755402787266;0.017391304347826087167705466641;0.030434782608695653410846304610;0.007608695652173913352711576152;0.023913043478260870289275885625;0.023913043478260870289275885625;0.007971014492753622851517469883;0.006884057971014492620376312715;0.003623188405797101493271972217;0.016666666666666666435370203203;0.011956521739130435144637942813;0.013043478260869564508417361992;0.000000000000000000000000000000;0.015942028985507245703034939766;0.040579710144927533255199136875;0.019202898550724638998543625235;0.013043478260869564508417361992;0.007608695652173913352711576152;0.020652173913043476993767200156;0.009057971014492753950020365039
-0.027235772357723578296351263361;0.023577235772357724857828387144;0.030081300813008131356252050637;0.142682926829268280632945220532;0.024796747967479673691038044581;0.015447154471544715867437069790;0.003252032520325203249211831746;0.032520325203252035961565269417;0.007723577235772357933718534895;0.030487804878048779810839619131;0.011788617886178862428914193572;0.006504065040650406498423663493;0.009756097560975609747635495239;0.030894308943089431734874139579;0.041056910569105688202373727336;0.014227642276422763564780460399;0.015853658536585366056748114261;0.027235772357723578296351263361;0.025203252032520325615072565029;0.004878048780487804873817747620;0.017073170731707318359404723651;0.007317073170731707744407490424;0.009349593495934959558324450768;0.037804878048780486687885371566;0.020731707317073171797927599869;0.032926829268292684416152837912;0.026829268292682926372316742913;0.026829268292682926372316742913;0.001626016260162601624605915873;0.014227642276422763564780460399;0.005284552845528455063128792091;0.015447154471544715867437069790;0.013821138211382113375469415928;0.003658536585365853872203745212;0.013414634146341463186158371457;0.031707317073170732113496228521;0.011382113821138212239603149101;0.006097560975609756309112619022;0.002439024390243902436908873810;0.012601626016260162807536282514;0.006097560975609756309112619022;0.007317073170731707744407490424;0.000000000000000000000000000000;0.020325203252032519873893079421;0.026016260162601625993694653971;0.014634146341463415488814980847;0.035772357723577237476053625187;0.025203252032520325615072565029;0.017073170731707318359404723651;0.011788617886178862428914193572
-0.014444444444444443781394582516;0.041111111111111112159655078813;0.033888888888888892003681263532;0.092777777777777778456247403938;0.064444444444444443087505192125;0.012777777777777778525636342977;0.006666666666666667094565124074;0.035000000000000003330669073875;0.021666666666666667406815349750;0.017777777777777777762358013547;0.007777777777777777554191196430;0.003888888888888888777095598215;0.008333333333333333217685101602;0.021666666666666667406815349750;0.058888888888888886452566140406;0.007222222222222221890697291258;0.023333333333333334397297065266;0.029444444444444443226283070203;0.040555555555555553026714221687;0.006666666666666667094565124074;0.016666666666666666435370203203;0.011666666666666667198648532633;0.004444444444444444440589503387;0.027777777777777776235801354687;0.010555555555555555871660722289;0.021111111111111111743321444578;0.031666666666666669349705642844;0.055000000000000000277555756156;0.002222222222222222220294751693;0.027222222222222220572307449515;0.003333333333333333547282562037;0.022222222222222223070309254922;0.011111111111111111535154627461;0.004444444444444444440589503387;0.010555555555555555871660722289;0.025000000000000001387778780781;0.008888888888888888881179006773;0.004444444444444444440589503387;0.001666666666666666773641281019;0.009444444444444444544672911945;0.017222222222222222098864108375;0.010000000000000000208166817117;0.000000000000000000000000000000;0.014999999999999999444888487687;0.031111111111111110216764785719;0.010555555555555555871660722289;0.023333333333333334397297065266;0.009444444444444444544672911945;0.015555555555555555108382392859;0.010000000000000000208166817117
-0.023049645390070920558667211253;0.029787234042553192847613274807;0.045744680851063826421132318956;0.012411347517730497019838864503;0.044680851063829789271419912211;0.021985815602836879939507852555;0.006382978723404254990658746038;0.040070921985815605159686469960;0.017021276595744681131572306754;0.022695035460992909331912059656;0.013829787234042552335200326752;0.010992907801418439969753926277;0.007801418439716312040743684264;0.026595744680851064051241294806;0.036524822695035458197665434454;0.016312056737588651739168099652;0.023758865248226949951071418354;0.039716312056737590463484366410;0.035815602836879435744155131260;0.007092198581560283515701215151;0.021631205673758865243305749004;0.020921985815602835850901541903;0.008510638297872340565786153377;0.031560283687943259389729888653;0.024113475177304964647273521905;0.029787234042553192847613274807;0.028368794326241134062804860605;0.021276595744680850547103645454;0.000709219858156028416622251864;0.032269503546099288782134095754;0.007801418439716312040743684264;0.014893617021276596423806637404;0.019858156028368795231742183205;0.007446808510638298211903318702;0.009574468085106382919668988052;0.028014184397163119366602757054;0.010992907801418439969753926277;0.012765957446808509981317492077;0.006737588652482269686860849589;0.015602836879432624081487368528;0.015957446808510637042965996102;0.017730496453900710523976513855;0.000000000000000000000000000000;0.015248226950354609385285264977;0.022340425531914894635709956106;0.010638297872340425273551822727;0.029432624113475178151411171257;0.020921985815602835850901541903;0.025177304964539008735879832557;0.007446808510638298211903318702
-0.027777777777777776235801354687;0.035185185185185187395351391615;0.047407407407407405053323401489;0.005185185185185185036127464286;0.032592592592592589673117231541;0.027037037037037036507625131776;0.005555555555555555767577313730;0.027037037037037036507625131776;0.023703703703703702526661700745;0.015185185185185185244294281404;0.013703703703703704053218359604;0.017777777777777777762358013547;0.018888888888888889089345823891;0.023333333333333334397297065266;0.035185185185185187395351391615;0.022962962962962962798485477833;0.021111111111111111743321444578;0.052592592592592593558897817729;0.024444444444444445724284875610;0.005925925925925925631665425186;0.019259259259259260688157411323;0.016666666666666666435370203203;0.018888888888888889089345823891;0.028148148148148147834612942120;0.024814814814814813853649511088;0.024814814814814813853649511088;0.033703703703703701000105041885;0.022962962962962962798485477833;0.001851851851851851922525771243;0.018148148148148149361169600979;0.017777777777777777762358013547;0.017777777777777777762358013547;0.014814814814814815380206169948;0.010740740740740739936343040029;0.018148148148148149361169600979;0.040000000000000000832667268469;0.016666666666666666435370203203;0.014814814814814815380206169948;0.004444444444444444440589503387;0.011111111111111111535154627461;0.010740740740740739936343040029;0.021111111111111111743321444578;0.000000000000000000000000000000;0.012222222222222222862142437805;0.011851851851851851263330850372;0.010370370370370370072254928573;0.022222222222222223070309254922;0.019629629629629628817522046802;0.020000000000000000416333634234;0.013703703703703704053218359604
-0.011494252873563218231289795312;0.070689655172413795591879193125;0.030459770114942528312917957578;0.052011494252873560761862847812;0.014942528735632183700676733906;0.010919540229885057319725305547;0.007183908045977011394556122070;0.046551724137931037306170622969;0.025862068965517241020402039453;0.010057471264367815952378570898;0.015517241379310344612241223672;0.005172413793103448204080407891;0.014080459770114942333329999258;0.011781609195402298687072040195;0.059770114942528734802706935625;0.005747126436781609115644897656;0.028735632183908045578224488281;0.073275862068965511020302017187;0.030172413793103449591859188672;0.005747126436781609115644897656;0.016379310344827587714311434297;0.017528735632183909537440413828;0.016666666666666666435370203203;0.016091954022988505523805713437;0.011494252873563218231289795312;0.014942528735632183700676733906;0.033620689655172411591799175312;0.065517241379310350857245737188;0.004597701149425287292515918125;0.022126436781609196829956331953;0.006034482758620689571427142539;0.013218390804597700965983264609;0.015517241379310344612241223672;0.005172413793103448204080407891;0.011781609195402298687072040195;0.026724137931034484122472250078;0.013505747126436781421765509492;0.006034482758620689571427142539;0.006609195402298850482991632305;0.012356321839080459598636529961;0.016954022988505748625875924063;0.034482758620689654693869385937;0.000000000000000000000000000000;0.008333333333333333217685101602;0.025862068965517241020402039453;0.011494252873563218231289795312;0.008908045977011494129249591367;0.003160919540229885013604693711;0.019252873563218392272133883125;0.005459770114942528659862652773
-0.042916666666666665463925056656;0.011249999999999999583666365766;0.054583333333333330927850113312;0.001250000000000000026020852140;0.020416666666666666296592325125;0.026666666666666668378260496297;0.005000000000000000104083408559;0.023333333333333334397297065266;0.026666666666666668378260496297;0.026666666666666668378260496297;0.018333333333333333425851918719;0.022083333333333333287074040641;0.019583333333333334536074943344;0.034166666666666664631257788187;0.012083333333333333078907223523;0.025000000000000001387778780781;0.013750000000000000069388939039;0.037083333333333336201409480282;0.015416666666666667059870654555;0.009166666666666666712925959359;0.016666666666666666435370203203;0.012500000000000000693889390391;0.014166666666666665949647629930;0.033333333333333332870740406406;0.045833333333333330095182844843;0.038333333333333330372738601000;0.034166666666666664631257788187;0.009166666666666666712925959359;0.000000000000000000000000000000;0.028750000000000001249000902703;0.011249999999999999583666365766;0.014166666666666665949647629930;0.012083333333333333078907223523;0.007083333333333332974823814965;0.022916666666666665047591422422;0.029166666666666667129259593594;0.025000000000000001387778780781;0.008333333333333333217685101602;0.002916666666666666799662133158;0.012500000000000000693889390391;0.003333333333333333547282562037;0.012500000000000000693889390391;0.000000000000000000000000000000;0.014583333333333333564629796797;0.006250000000000000346944695195;0.022916666666666665047591422422;0.032083333333333331760517381781;0.025000000000000001387778780781;0.042083333333333333703407674875;0.017500000000000001665334536938
-0.034666666666666665075346998037;0.008000000000000000166533453694;0.067666666666666666629659232512;0.000000000000000000000000000000;0.005000000000000000104083408559;0.019333333333333334314030338419;0.003000000000000000062450045135;0.019333333333333334314030338419;0.038999999999999999944488848769;0.025666666666666667490082076597;0.017000000000000001221245327088;0.008999999999999999319988397417;0.014999999999999999444888487687;0.034000000000000002442490654175;0.007666666666666666248020067798;0.014333333333333333342585191872;0.029666666666666667573348803444;0.047000000000000000111022302463;0.014333333333333333342585191872;0.010999999999999999361621760841;0.017999999999999998639976794834;0.028666666666666666685170383744;0.016666666666666666435370203203;0.034000000000000002442490654175;0.036333333333333335535275665507;0.038333333333333330372738601000;0.028333333333333331899295259859;0.034333333333333333758918826106;0.002000000000000000041633363423;0.012666666666666666352103476356;0.008666666666666666268836749509;0.015666666666666665547191783503;0.010333333333333333259318465025;0.008999999999999999319988397417;0.017666666666666667323548622903;0.042333333333333333925452279800;0.018333333333333333425851918719;0.009333333333333334105863521302;0.009666666666666667157015169209;0.019333333333333334314030338419;0.003333333333333333547282562037;0.025666666666666667490082076597;0.000000000000000000000000000000;0.019666666666666665630458510350;0.004000000000000000083266726847;0.016666666666666666435370203203;0.028000000000000000582867087928;0.021333333333333332620940225866;0.035999999999999997279953589668;0.014999999999999999444888487687
-0.031720430107526884078161799607;0.005376344086021505805361719865;0.023118279569892472014025486260;0.002150537634408602148672340348;0.041397849462365590711421248216;0.020967741935483872467438359877;0.002688172043010752902680859933;0.031182795698924729854706328069;0.008602150537634408594689361394;0.090322580645161285040067866703;0.015053763440860215908068120427;0.005913978494623655692008501461;0.012903225806451612892034042090;0.031182795698924729854706328069;0.006451612903225806446017021045;0.020430107526881721713429840293;0.013440860215053763646042561675;0.017741935483870967943387242372;0.015053763440860215908068120427;0.003763440860215053977017030107;0.016129032258064515681361683619;0.006989247311827957200025540629;0.007526881720430107954034060214;0.133870967741935492645311001070;0.024193548387096773522042525428;0.036559139784946237394791523911;0.030107526881720431816136240855;0.002688172043010752902680859933;0.003225806451612903223008510523;0.015053763440860215908068120427;0.002688172043010752902680859933;0.032258064516129031362723367238;0.009677419354838710102706400562;0.005913978494623655692008501461;0.012903225806451612892034042090;0.044623655913978495235472365721;0.006989247311827957200025540629;0.007526881720430107954034060214;0.000000000000000000000000000000;0.006451612903225806446017021045;0.012365591397849462138025522506;0.005376344086021505805361719865;0.000000000000000000000000000000;0.059139784946236562124255442541;0.007526881720430107954034060214;0.036021505376344083171336052374;0.030107526881720431816136240855;0.015591397849462364927353164035;0.020430107526881721713429840293;0.008602150537634408594689361394
-0.017222222222222222098864108375;0.001666666666666666773641281019;0.038333333333333330372738601000;0.000833333333333333386820640509;0.023055555555555554830826636703;0.011111111111111111535154627461;0.001111111111111111110147375847;0.024166666666666666157814447047;0.003055555555555555715535609451;0.126388888888888883954564334999;0.014444444444444443781394582516;0.002777777777777777883788656865;0.005833333333333333599324266316;0.031111111111111110216764785719;0.003333333333333333547282562037;0.009166666666666666712925959359;0.011388888888888889366901580047;0.010833333333333333703407674875;0.009722222222222222376419864531;0.005277777777777777935830361145;0.011111111111111111535154627461;0.003055555555555555715535609451;0.004444444444444444440589503387;0.174722222222222223209087133000;0.016388888888888890338346726594;0.053055555555555557190050564031;0.017777777777777777762358013547;0.001111111111111111110147375847;0.002222222222222222220294751693;0.009166666666666666712925959359;0.002500000000000000052041704279;0.053333333333333336756520992594;0.005555555555555555767577313730;0.003333333333333333547282562037;0.003055555555555555715535609451;0.064166666666666663521034763562;0.008055555555555555385938149016;0.004166666666666666608842550801;0.000277777777777777777536843962;0.002500000000000000052041704279;0.011666666666666667198648532633;0.000277777777777777777536843962;0.000000000000000000000000000000;0.075833333333333335923853724125;0.006111111111111111431071218902;0.036388888888888887285233408875;0.042500000000000003053113317719;0.020833333333333332176851016015;0.008055555555555555385938149016;0.007499999999999999722444243844
-0.025490196078431372195272075487;0.023039215686274511218911698052;0.032843137254901962063247111701;0.006372549019607843048818018872;0.067647058823529407356467402224;0.019607843137254901688670827298;0.004901960784313725422167706824;0.045588235294117644691436197490;0.017647058823529411519803744568;0.011764705882352941013202496379;0.027450980392156862364139158217;0.005392156862745097964384477507;0.009313725490196078302118642966;0.021568627450980391857537910028;0.030882352941176471894380028971;0.007843137254901960675468330919;0.019607843137254901688670827298;0.045588235294117644691436197490;0.072549019607843143186975964909;0.005392156862745097964384477507;0.038725490196078432569848359890;0.014215686274509803724286349791;0.015196078431372548808719891156;0.019117647058823530881177532592;0.020588235294117646773104368663;0.022549019607843136941971451392;0.047549019607843134860303280220;0.011274509803921568470985725696;0.000980392156862745084433541365;0.041666666666666664353702032031;0.002450980392156862711083853412;0.012745098039215686097636037744;0.029411764705882352533006240947;0.002450980392156862711083853412;0.006372549019607843048818018872;0.024509803921568627110838534122;0.021568627450980391857537910028;0.002941176470588235253300624095;0.001960784313725490168867082730;0.008823529411764705759901872284;0.009803921568627450844335413649;0.015686274509803921350936661838;0.000000000000000000000000000000;0.009803921568627450844335413649;0.041176470588235293546208737325;0.015686274509803921350936661838;0.016666666666666666435370203203;0.011764705882352941013202496379;0.026470588235294117279705616852;0.007352941176470588133251560237
-0.030246913580246913288984700330;0.009259259259259258745267118229;0.048765432098765430779518936788;0.001543209876543209790877853038;0.029938271604938272024698520113;0.016049382716049383906797842769;0.001851851851851851922525771243;0.036111111111111107718762980312;0.016358024691358025171084022986;0.029320987654320986026679207725;0.023456790123456791596900927743;0.004629629629629629372633559115;0.011728395061728395798450463872;0.035802469135802469923923752049;0.017901234567901234961961876024;0.019135802469135803488553548846;0.019753086419753086017125909279;0.033024691358024688137007274236;0.045370370370370373402924002448;0.008641975308641974481971281818;0.019753086419753086017125909279;0.011111111111111111535154627461;0.013271604938271605589328316910;0.035185185185185187395351391615;0.030555555555555554553270880547;0.039506172839506172034251818559;0.044753086419753083935457738107;0.003086419753086419581755706076;0.002160493827160493620492820455;0.028703703703703703498106847292;0.004320987654320987240985640909;0.023765432098765432861187107960;0.023148148148148146863167795573;0.008333333333333333217685101602;0.014197530864197531116910333537;0.046296296296296293726335591145;0.015740740740740739173064710599;0.009259259259259258745267118229;0.000925925925925925961262885622;0.011419753086419752799440807678;0.008950617283950617480980938012;0.006790123456790123426807248563;0.000000000000000000000000000000;0.019135802469135803488553548846;0.020679012345679013279431401884;0.018827160493827162224267368629;0.031790123456790123079862553368;0.020370370370370372015145221667;0.033024691358024688137007274236;0.016049382716049383906797842769
-0.017272727272727272929131459023;0.029393939393939392396015719555;0.025151515151515150409133880771;0.091818181818181812681167741630;0.059999999999999997779553950750;0.020606060606060606910094890054;0.006666666666666667094565124074;0.045151515151515150825467515006;0.011212121212121211460965852780;0.015151515151515151935690539631;0.018181818181818180935049866775;0.008484848484848485708487153545;0.007878787878787879214725897725;0.018181818181818180935049866775;0.061515151515151515748680566276;0.011212121212121211460965852780;0.008484848484848485708487153545;0.029090909090909090883858567622;0.047272727272727271818908434398;0.004242424242424242854243576772;0.019090909090909092410415226482;0.010303030303030303455047445027;0.006969696969696969474084013996;0.022121212121212121409774553626;0.019090909090909092410415226482;0.021818181818181819897617401693;0.038484848484848482863540652943;0.035454545454545453864181325798;0.002727272727272727487202175212;0.036666666666666666851703837438;0.005454545454545454974404350423;0.012424242424242424448488364419;0.013939393939393938948168027991;0.003636363636363636360482320953;0.008787878787878787220644305478;0.024848484848484848896976728838;0.010909090909090909948808700847;0.006363636363636363847684496164;0.002121212121212121427121788386;0.005151515151515151727523722514;0.014848484848484848688809911721;0.007878787878787879214725897725;0.000000000000000000000000000000;0.010606060606060606701928072937;0.049696969696969697793953457676;0.011818181818181817954727108599;0.019090909090909092410415226482;0.013636363636363635701287400082;0.019090909090909092410415226482;0.010000000000000000208166817117
-0.016666666666666666435370203203;0.050476190476190473110928991218;0.017619047619047617514453918375;0.213333333333333347026083970377;0.063809523809523815973676619251;0.010476190476190475747708674703;0.003809523809523809520505288617;0.038095238095238098674499838125;0.007142857142857142634106981660;0.006190476190476190687661528500;0.008571428571428571854817768383;0.005238095238095237873854337352;0.007619047619047619041010577234;0.011428571428571428561515865852;0.076666666666666660745477201999;0.015714285714285715356286488031;0.012857142857142856914864914586;0.021428571428571428769682682969;0.033809523809523810145005739969;0.000952380952380952380126322154;0.014761904761904762542479296883;0.004761904761904762334312479766;0.009047619047619047394359625969;0.016666666666666666435370203203;0.011904761904761904101057723437;0.011428571428571428561515865852;0.021428571428571428769682682969;0.083809523809523805981669397625;0.002380952380952381167156239883;0.018571428571428572062984585500;0.005714285714285714280757932926;0.011428571428571428561515865852;0.013809523809523809728672105734;0.004285714285714285927408884191;0.008095238095238094580552434820;0.019047619047619049337249919063;0.005714285714285714280757932926;0.002857142857142857140378966463;0.000952380952380952380126322154;0.004285714285714285927408884191;0.014761904761904762542479296883;0.006190476190476190687661528500;0.000000000000000000000000000000;0.009047619047619047394359625969;0.040952380952380955381197935594;0.006190476190476190687661528500;0.006666666666666667094565124074;0.004285714285714285927408884191;0.014285714285714285268213963320;0.004761904761904762334312479766
-0.004545454545454545233762466694;0.039898989898989899172132567173;0.006565656565656565434030422779;0.351010101010100994400886520452;0.047979797979797976503757439559;0.011111111111111111535154627461;0.006060606060606060600803868255;0.035353535353535352203646624503;0.013636363636363635701287400082;0.002020202020202020200267956085;0.006565656565656565434030422779;0.004040404040404040400535912170;0.004545454545454545233762466694;0.007575757575757575967845269815;0.056060606060606060774276215852;0.002020202020202020200267956085;0.013636363636363635701287400082;0.022222222222222223070309254922;0.027272727272727271402574800163;0.003535353535353535567309357646;0.019696969696969695434729530348;0.011111111111111111535154627461;0.008585858585858585634298378864;0.008585858585858585634298378864;0.009595959595959595300751487912;0.008080808080808080801071824339;0.020707070707070708570629591350;0.061616161616161617409215267571;0.002525252525252525467175379603;0.016666666666666666435370203203;0.002525252525252525467175379603;0.011111111111111111535154627461;0.011111111111111111535154627461;0.004040404040404040400535912170;0.003030303030303030300401934127;0.012121212121212121201607736509;0.004545454545454545233762466694;0.002525252525252525467175379603;0.007575757575757575967845269815;0.009090909090909090467524933388;0.013636363636363635701287400082;0.015151515151515151935690539631;0.000000000000000000000000000000;0.004040404040404040400535912170;0.040909090909090908838585676222;0.009090909090909090467524933388;0.005555555555555555767577313730;0.002525252525252525467175379603;0.007575757575757575967845269815;0.001010101010101010100133978042
-0.010000000000000000208166817117;0.037619047619047621400234504563;0.049523809523809525501292228000;0.041904761904761902990834698812;0.028571428571428570536427926640;0.019523809523809523142068300672;0.004761904761904762334312479766;0.032380952380952378322209739281;0.025238095238095236555464495609;0.017142857142857143709635536766;0.011428571428571428561515865852;0.006190476190476190687661528500;0.017619047619047617514453918375;0.022380952380952379848766398140;0.052857142857142859482255659032;0.007142857142857142634106981660;0.029999999999999998889776975375;0.045238095238095236971798129844;0.025238095238095236555464495609;0.006666666666666667094565124074;0.019047619047619049337249919063;0.024285714285714285476380780437;0.018095238095238094788719251937;0.025238095238095236555464495609;0.017619047619047617514453918375;0.019047619047619049337249919063;0.028571428571428570536427926640;0.049523809523809525501292228000;0.001904761904761904760252644309;0.029999999999999998889776975375;0.006190476190476190687661528500;0.018571428571428572062984585500;0.017142857142857143709635536766;0.010000000000000000208166817117;0.012380952380952381375323057000;0.037619047619047621400234504563;0.011428571428571428561515865852;0.007619047619047619041010577234;0.006666666666666667094565124074;0.016190476190476189161104869640;0.011428571428571428561515865852;0.017142857142857143709635536766;0.000000000000000000000000000000;0.012380952380952381375323057000;0.024285714285714285476380780437;0.010952380952380953021974008266;0.017142857142857143709635536766;0.010000000000000000208166817117;0.020000000000000000416333634234;0.008095238095238094580552434820
-0.029310344827586206489788978047;0.025862068965517241020402039453;0.045402298850574715483041643438;0.004022988505747126380951428359;0.025862068965517241020402039453;0.018390804597701149170063672500;0.003448275862068965469386938594;0.044252873563218393659912663907;0.037931034482758620163256324531;0.020114942528735631904757141797;0.022988505747126436462579590625;0.004597701149425287292515918125;0.008045977011494252761902856719;0.024712643678160919197273059922;0.039655172413793106367396745782;0.009195402298850574585031836250;0.017241379310344827346934692969;0.058620689655172412979577956094;0.030459770114942528312917957578;0.006896551724137930938773877187;0.020114942528735631904757141797;0.016666666666666666435370203203;0.010344827586206896408160815781;0.024712643678160919197273059922;0.025862068965517241020402039453;0.034482758620689654693869385937;0.041954022988505750013654704844;0.028735632183908045578224488281;0.001724137931034482734693469297;0.017816091954022988258499182734;0.006321839080459770027209387422;0.016666666666666666435370203203;0.017241379310344827346934692969;0.003448275862068965469386938594;0.010344827586206896408160815781;0.031609195402298853605493889063;0.014367816091954022789112244141;0.014367816091954022789112244141;0.012643678160919540054418774844;0.007471264367816091850338366953;0.007471264367816091850338366953;0.026436781609195401931966529219;0.000000000000000000000000000000;0.017816091954022988258499182734;0.017241379310344827346934692969;0.017816091954022988258499182734;0.024137931034482758285708570156;0.017816091954022988258499182734;0.024712643678160919197273059922;0.012643678160919540054418774844
-0.030565167243367934168940536210;0.017012687427912343007818662954;0.045991926182237602427349543177;0.010668973471741637071286135097;0.025663206459054208746772829386;0.030276816608996538759956962394;0.003748558246828142918871673572;0.025951557093425604155756403202;0.045559400230680509313874182453;0.020328719723183390211129761838;0.015570934256055362493453841921;0.030565167243367934168940536210;0.014129181084198385448535972841;0.025951557093425604155756403202;0.023356401384083045474904238858;0.020761245674740483324605122561;0.018742791234140715461720105850;0.037485582468281430923440211700;0.024798154555940022519822107938;0.008794694348327566912892905293;0.014273356401384083153027759749;0.021193771626297576438080483285;0.011389850057670127328468545613;0.026816608996539793852154076603;0.030997693194925027282415896934;0.027825836216839677783596584959;0.028258362168396770897071945683;0.022058823529411766134478156687;0.001874279123414071459435836786;0.035034602076124569947079834265;0.017156862745098040712310449862;0.012543252595155708964402840877;0.011534025374855825032960332521;0.009083044982698962321876479109;0.012543252595155708964402840877;0.032151095732410608918350192198;0.009803921568627450844335413649;0.012831603229527104373386414693;0.006920415224913495019776199513;0.016435986159169548720404563369;0.007208765859284890428759773329;0.030853517877739329577924110026;0.000000000000000000000000000000;0.014705882352941176266503120473;0.011822376009227220441943906337;0.013985005767012687744044185933;0.026384083044982697269231763926;0.019896193771626297097654401114;0.025086505190311417928805681754;0.013408304498269896926077038302
-0.029403567447045707988761975571;0.016164994425863991878156156190;0.057971014492753623892351555469;0.003901895206243032477450016771;0.010590858416945373929318741091;0.021739130434782608092270095312;0.002229654403567447006062618442;0.020903010033444816007097699639;0.055741360089186176018927199038;0.023968784838350055965694451743;0.012402452619843924025433423708;0.021460423634336676240730312770;0.014910813823857302015674086704;0.034280936454849496308749934315;0.014632107023411371898857780138;0.019648829431438127879339106130;0.028010033444816052200510014814;0.038600891861761424395105279928;0.014632107023411371898857780138;0.011984392419175027982847225871;0.014353400222965440047317997596;0.027452619843924191966877401683;0.013935340022296544004731799760;0.031633221850613152392739380048;0.032748049052396879798898510217;0.029542920847268672179808390865;0.026198439241917503839118808173;0.019370122630992196027799323588;0.001114827201783723503031309221;0.020763656633221851816051284345;0.012959866220735785993789512816;0.017697881828316611857454532242;0.009197324414715719875790256310;0.005156075808249721038889479274;0.021599777034559643901223680018;0.039855072463768112522863873437;0.010730211817168338120365156385;0.010869565217391304046135047656;0.009754738015607580109422869441;0.020345596432552955773465086509;0.006549609810479375959779702043;0.031075808249721292159106766917;0.000000000000000000000000000000;0.016025641025641024217662788942;0.010172798216276477886732543254;0.015050167224080267941443977975;0.030100334448160535882887955950;0.020624303232998884155557917097;0.026616499442586399881705006010;0.015328874024526198058260284540
-0.026884226884226883336204139141;0.012742812742812742801690184535;0.053768453768453766672408278282;0.063247863247863245206303872692;0.014141414141414142269237430583;0.021911421911421910535544554932;0.002020202020202020200267956085;0.014296814296814296801896304601;0.093550893550893549077684951953;0.014607614607614607601937528614;0.012121212121212121201607736509;0.035431235431235434674146489442;0.008702408702408702401154272366;0.030458430458430458404039953280;0.012432012432012432001648960522;0.020357420357420358270061910844;0.024242424242424242403215473018;0.034343434343434342537193515454;0.013209013209013209869113758543;0.010411810411810412668742742426;0.008547008547008547868495398347;0.033566433566433566404452193410;0.003729603729603729600494688157;0.018026418026418026402390992757;0.025485625485625485603380369071;0.025174825174825176538062621034;0.020512820512820512802720784862;0.024242424242424242403215473018;0.000621600621600621600082448026;0.024708624708624709470639047026;0.027972027972027972003710161175;0.013209013209013209869113758543;0.005128205128205128200680196215;0.006993006993006993000927540294;0.011655011655011655868907638478;0.027350427350427350403627713149;0.009324009324009324001236720392;0.007614607614607614601009988320;0.012587412587412588269031310517;0.009168609168609169468577846374;0.003263403263403263400432852137;0.057031857031857029205479392431;0.000000000000000000000000000000;0.011033411033411034268825190452;0.008857808857808858668536622361;0.008547008547008547868495398347;0.029370629370629369736533931246;0.019735819735819736669979462818;0.014141414141414142269237430583;0.013519813519813520669154982556
-0.036515388628064686382668213582;0.009259259259259258745267118229;0.054381846635367762921031697942;0.000521648408972352609948297530;0.002608242044861763375002139398;0.024256651017214397175747464530;0.002738654147104851391963942220;0.022691705790297340972205830667;0.044600938967136148638470416472;0.023343766301512781924376582765;0.020083463745435577163522822275;0.010172143974960875731361475971;0.017605633802816902239163354693;0.037167449139280127334838965680;0.008215962441314554609572695654;0.017866458007303076538363484360;0.025039123630672927012241757438;0.047861241523213353399324176962;0.018257694314032343191334106791;0.013432446531038080492215236461;0.019431403234220136211352070177;0.027647365675534690820924765831;0.017605633802816902239163354693;0.035341679707876889893203298243;0.039384454877412621021104399688;0.038993218570683357837580729210;0.031559728742827336533949278419;0.002608242044861763375002139398;0.001434533124673969704462872521;0.013693270735524256526138842105;0.008998435054773082711343512585;0.014997391757955138430480346301;0.012389149713093374621797337909;0.008476786645800730643496301298;0.019692227438706310510552199844;0.040818988002086595279216396648;0.017996870109546165422687025170;0.011085028690662492717455833713;0.005477308294209702783927884440;0.019431403234220136211352070177;0.005086071987480437865680737985;0.014084507042253521444385988559;0.000000000000000000000000000000;0.019300991131977047327028529367;0.005998956703182055719136833716;0.017083985393844550171316143405;0.038210745957224831470533388256;0.026212832550860720032259720824;0.036515388628064686382668213582;0.013823682837767345410462382915
-0.035040431266846361335609572052;0.014420485175202156849505463754;0.040566037735849054535197666382;0.003099730458221024251980191266;0.013746630727762802412494913540;0.029245283018867924973438476854;0.006334231805929919217890144978;0.033557951482479787819190875098;0.032075471698113207363878274236;0.023180592991913745448684380790;0.022776280323450134174256831443;0.018194070080862535104815336240;0.016846361185983826230794235812;0.026415094339622642582998679472;0.020080862533692723365108534495;0.015094339622641509551792537991;0.017789757412398920360940834939;0.044878706199460917380950064626;0.030323450134770890684876576415;0.006738544474393531359679432313;0.022776280323450134174256831443;0.017250673854447440974668737113;0.012533692722371966854488789522;0.029919137466307275941002075115;0.035444743935309976079484073352;0.032749326145552558331441872497;0.040700808625336926116489166816;0.010512129380053908747627566811;0.001482479784366576769025214411;0.034636118598382746591735070751;0.011590296495956872724342190395;0.014555256064690026696073488210;0.018463611859838274797951385153;0.005929919137466307076100857643;0.014016172506738543840354438430;0.035714285714285712303173170312;0.015768194070080863988803088205;0.010512129380053908747627566811;0.005660377358490565648241332752;0.008490566037735848906042868123;0.010781671159029650175487091701;0.027223719676549865131853778166;0.000000000000000000000000000000;0.019002695417789757653670434934;0.008894878706199460180470417470;0.017115902964959569393377236679;0.023584905660377360192558882090;0.017924528301886791942232335373;0.033692722371967652461588471624;0.012668463611859838435780289956
-0.031696173615077101459736041988;0.010993717875499714464737621711;0.052541404911479155925846384889;0.001998857795545402708803361946;0.014134780125642490769544146190;0.028697886921758994360764916109;0.002855511136493432255284430354;0.031125071387778410758606639774;0.036978869217589950546543065002;0.025128498001142203499558291924;0.019988577955454025353310143487;0.020274129069103370703874844594;0.014277555682467161710103020766;0.031696173615077101459736041988;0.014848657909765848941785471027;0.018132495716733296187150870082;0.024842946887492861618440542770;0.039406053683609366944384788667;0.019703026841804683472192394333;0.010137064534551685351937422297;0.016990291262135921723785969562;0.026127926898914907022364317868;0.014277555682467161710103020766;0.034980011422044543500931013114;0.034551684751570534148701341337;0.030411193603655052586365314937;0.038121073672187318071014061616;0.007709880068532267219372222655;0.001142204454597372945481859041;0.026270702455739577962923192445;0.016419189034837234492103519301;0.016133637921187892610985770148;0.010565391205025699908337522004;0.006567675613934894490730798111;0.013992004568817818094261795636;0.043832095945174183448944660313;0.016276413478012563551544644724;0.011422044545973729021137721418;0.006853226727584237239210285253;0.018132495716733296187150870082;0.004711593375214163589848048730;0.023557966876070816214516767673;0.000000000000000000000000000000;0.017704169046259279896027294399;0.007424328954882924470892735513;0.015134209023415190822903220180;0.028697886921758994360764916109;0.019417475728155338121627693226;0.027555682467161623366846967542;0.015562535693889205379303319887
-0.028414882772680939010401246492;0.011977573904179408467718381814;0.052752293577981654304487335594;0.000637104994903160064094460591;0.005733944954128440685270362565;0.032110091743119267837514030361;0.004332313965341488132265723721;0.024337410805300711824639137149;0.045998980632008155955414707705;0.020259938837920488108323979759;0.014143730886850152533851243675;0.027905198776758410178500113830;0.015927624872578999976058256038;0.033639143730886847394323524441;0.013124362895005096604772454327;0.019113149847094799971269907246;0.027395514780835881346598981168;0.043450560652395511795909044395;0.015163098878695208462930033022;0.009811416921508664401585519954;0.013888888888888888117900677344;0.032747196738022427142666970212;0.015290519877675840670905316188;0.033002038735983688089170584590;0.036569826707441382973584609317;0.029689092762487257620707126193;0.026248725790010193209544908655;0.011085626911314984746614875633;0.001783893985728848092728315855;0.023700305810397552519486197298;0.023445463812436288103535630967;0.016182466870540264392008822369;0.009683995922528032193610236789;0.008282364933741081375329073921;0.022808358817533128798382691116;0.038990825688073396659838465439;0.012869520897043832188821887996;0.009301732925586137304407863269;0.008664627930682976264531447441;0.022935779816513762741081450258;0.005606523955147808477295079399;0.029179408766564728788805993531;0.000000000000000000000000000000;0.014398572884811416949801810006;0.007517838939857288127477374928;0.013124362895005096604772454327;0.026248725790010193209544908655;0.019622833843017328803171039908;0.027013251783893986457396607648;0.013888888888888888117900677344
-0.022157292427562699094201192906;0.029583637691745798964371161333;0.042123204285366450116967484973;0.038592646700754809629962949202;0.023131239347455562205269075093;0.023983442902361821330581292955;0.003652300949598247074845414062;0.034696859021183343307903612640;0.049184319454589724152082652608;0.013148283418553688428609405037;0.017652787923058192026681822995;0.025444363282201121201353544166;0.011565619673727781102634537547;0.025200876552227902821501359654;0.022035549062576088169551624674;0.009617725833942049676328345242;0.019357195032870710277306258718;0.052106160214268323893627155030;0.026174823472120769402016193794;0.008278548819089358995482186288;0.020452885317750184313023709137;0.018383248112977843696791424577;0.013391770148526905073738113572;0.017774531288044802951331391228;0.024348672997321647165636093746;0.024713903092281469531243942583;0.034209885561236913487093147523;0.034696859021183343307903612640;0.000730460189919649393285039363;0.035183832481129780067607981664;0.012661309958607255138351987966;0.008643778914049184830536987079;0.012539566593620647683149371687;0.004139274409544679497741093144;0.011809106403700997747763246082;0.032870708546384221071523512592;0.016922327733138543826019173366;0.006452398344290235891740348251;0.006817628439250060859433411053;0.012174336498660823582818046873;0.010713416118821523712045795662;0.043949354760165572353347585022;0.000000000000000000000000000000;0.008278548819089358995482186288;0.011200389578767957002303212732;0.009009009009009008930868311893;0.017409301193084977116276590436;0.012661309958607255138351987966;0.029218407596785976598763312495;0.010956902848794740357174504197
-0.025269691148219298321153658549;0.023053051573814098418324647355;0.044480567459731050472537816631;0.003103295404167282379309655838;0.021723067829170977088848459857;0.020393084084527855759372272360;0.004137727205556376505746207783;0.039012856509531547433144993420;0.042559479828579875604344096018;0.017142012708733559561702364249;0.018028668538495641604502139899;0.015812028964090438232226176751;0.010344318013890942131727257447;0.027043002807743462406753209848;0.024826363233338259034477246701;0.013595389389685236594673689581;0.022757499630560069914242404820;0.046253879119255207619243464023;0.027338554750997487441388500429;0.009014334269247820802251069949;0.017733116595241613100419897364;0.017142012708733559561702364249;0.017880892566868627352461018631;0.024678587261711244782436125433;0.025565243091473326825235901083;0.026599674892862419650629846046;0.036352889020245304774192618424;0.028077434609132555232147154811;0.001182207773016107511115935225;0.024530811290084233999841956120;0.008275454411112753011492415567;0.012856509531550170538638511175;0.015368701049209398945549764903;0.003546623319048322533347805674;0.016994236737106545309661242982;0.034431801389094129905998897812;0.016698684793852520275025952401;0.006502142751588591527978078233;0.005763262893453524604581161839;0.015368701049209398945549764903;0.010048766070636913627645014913;0.053938229643859907092018346475;0.000000000000000000000000000000;0.012856509531550170538638511175;0.017585340623614598848378776097;0.013004285503177183055956156466;0.021723067829170977088848459857;0.015664252992463423980185055484;0.030294074183537755134976166005;0.013447613418058224077356044290
-0.017375279715677240111038059922;0.041332104778201921024827214524;0.035277083059102279372076793607;0.007897854416216928269411923225;0.019086481505857576940199393789;0.020007897854416218513806668966;0.003685665394234566294429100708;0.035145452152165329584576625166;0.041068842964328021449826877642;0.015137554297749111070769956200;0.016058970646307752644377231377;0.012373305252073186349948130669;0.012110043438199288509671269765;0.019876266947479268726306500525;0.034355666710543637798469518430;0.010398841648018955149956887851;0.023167039620902989127682047865;0.062787942608924576792794880475;0.026194550480452809954057258324;0.007766223509279979349273492772;0.015664077925496906751323678009;0.016322232460181652219377568258;0.016058970646307752644377231377;0.018165065157298935366592118612;0.021324206923785705980467497511;0.020797683296037910299913775702;0.035540344872976172008183226581;0.058970646307753060710865611327;0.001053047255495590276905271132;0.026062919573515860166557089883;0.006449914439910491015250926239;0.011978412531262340456894577301;0.012504936159010136137448299110;0.002895879952612873640960255983;0.012768197972884033977725160014;0.036725023035408713156790838639;0.015532447018559958698546985545;0.005133605370541002681228359705;0.005660128998288798361782081514;0.015137554297749111070769956200;0.011320257996577596723564163028;0.063972620771357111002508588626;0.000000000000000000000000000000;0.011978412531262340456894577301;0.022508885086218243659628157616;0.010135579834145057309680026947;0.014742661576938265177716402832;0.013689614321442675551332435191;0.025536395945768067955450320028;0.010267210741082005362456719411
-0.022460937500000000000000000000;0.030436197916666667823148983985;0.032063802083333335646297967969;0.008300781250000000000000000000;0.025227864583333332176851016015;0.023274739583333332176851016015;0.003417968750000000000000000000;0.034342447916666664353702032031;0.040364583333333335646297967969;0.013834635416666666088425508008;0.018066406250000000000000000000;0.016438802083333332176851016015;0.016276041666666667823148983985;0.021158854166666667823148983985;0.035156250000000000000000000000;0.011393229166666666088425508008;0.014811197916666666088425508008;0.051269531250000000000000000000;0.030761718750000000000000000000;0.008300781250000000000000000000;0.020019531250000000000000000000;0.018880208333333332176851016015;0.017903645833333332176851016015;0.018066406250000000000000000000;0.024414062500000000000000000000;0.023600260416666667823148983985;0.033203125000000000000000000000;0.050618489583333335646297967969;0.000488281250000000000000000000;0.030598958333333332176851016015;0.011718750000000000000000000000;0.010904947916666666088425508008;0.016927083333333332176851016015;0.006022135416666666955787245996;0.019531250000000000000000000000;0.030110677083333332176851016015;0.014811197916666666088425508008;0.006022135416666666955787245996;0.004557291666666666955787245996;0.017089843750000000000000000000;0.010416666666666666088425508008;0.049479166666666664353702032031;0.000000000000000000000000000000;0.009277343750000000000000000000;0.021809895833333332176851016015;0.010742187500000000000000000000;0.017415364583333332176851016015;0.011718750000000000000000000000;0.029134114583333332176851016015;0.007161458333333333044212754004
-0.028964090438894637274946930461;0.016550908822225506022984831134;0.053051573814097828518665522779;0.005911038865080537989260545118;0.022314171715679030627565992972;0.027190778779370473189347379162;0.003842175262302349736387441226;0.031771833899807894185940426723;0.032658489729569972759293250419;0.023053051573814098418324647355;0.016994236737106545309661242982;0.021575291857543962836807338590;0.009162110240874833319568715240;0.032362937786315944255211007885;0.024826363233338259034477246701;0.016403132850598491770943709867;0.021131963942662923550130926742;0.045367223289493129045890640327;0.026304122949608394615994555465;0.008127678439485738759451294300;0.015959804935717452484267298018;0.017585340623614598848378776097;0.010344318013890942131727257447;0.024974139204965273286518367968;0.031032954041672822925734820387;0.032658489729569972759293250419;0.038126200679769468859792169724;0.033545145559332051332646074115;0.001625535687897147881994519558;0.028077434609132555232147154811;0.012265405645042116999920978060;0.014038717304566277616073577406;0.014186493276193290133391222696;0.005615486921826511219901778560;0.014038717304566277616073577406;0.036352889020245304774192618424;0.016255356878971477518902588599;0.006058814836707551373939928396;0.002068863602778188252873103892;0.011083197872026008187762435853;0.009162110240874833319568715240;0.025417467119846312573194779816;0.000000000000000000000000000000;0.014038717304566277616073577406;0.014629821191074331154791110521;0.014925373134328357924149877078;0.028668538495640608770864687926;0.019654204226392787968613617977;0.025565243091473326825235901083;0.014482045219447318637473465230
-0.026938915579958817858585717886;0.022820864790665751353770929200;0.037577213452299244866861016590;0.005319148936170212636775911363;0.031056966369251887832847458526;0.027453671928620453773772780437;0.004461221688400823781606163720;0.027453671928620453773772780437;0.030713795470144130556056083492;0.024365133836650652160438212945;0.017330130404941662680684544284;0.020075497597803707017227736742;0.011496225120109814996083308358;0.029684282772820865664575862297;0.016643788606726148127101794216;0.014756348661633493513090087390;0.023678792038435141076302414831;0.040150995195607414034455473484;0.027968428277282086219512891034;0.007892930679478380937008630269;0.015957446808510637042965996102;0.017673301304049416488028967365;0.013898421413864103790558601759;0.027453671928620453773772780437;0.032258064516129031362723367238;0.030027453671928619471920285378;0.030713795470144130556056083492;0.035689773507206590252849309763;0.001544269045984900372986414752;0.036890871654083730313278266522;0.014413177762525737971022188333;0.014241592312971859332626500816;0.013212079615648592706422803644;0.004461221688400823781606163720;0.015957446808510637042965996102;0.033287577213452296254203588433;0.013212079615648592706422803644;0.009094028826355524466884538981;0.002059025394646534119769132332;0.015957446808510637042965996102;0.007721345229924502298612942752;0.030713795470144130556056083492;0.000000000000000000000000000000;0.018016472203157173764820342399;0.013383665065202471344818491161;0.015271105010295127693553673964;0.029169526424159229749388799746;0.019903912148249828378832049225;0.026252573781743306774449919772;0.013726835964310226886886390218
-0.027150438109342218268027480121;0.025792916203875106834209063322;0.039861779587806983604636457130;0.005183265457238060182343364346;0.019622362088115512246400129470;0.025546094039244723883363974437;0.005430087621868444000550191220;0.039738368505491790394490436711;0.024929038627668764771527776247;0.015549796371714179679668355050;0.019128717758854746344709951700;0.016783907194866099638064227406;0.015673207454029371155090899492;0.022460816981364924854736031534;0.030482537331852400247500511909;0.014068863383931876770427393808;0.020486239664321857778528368499;0.055164753794890782068183199272;0.029865481920276441135664313720;0.008021720350487473658041004398;0.023201283475256077176718250143;0.014809329877823029092409612417;0.020362828582006664568382348079;0.021843761569788965742899833344;0.028137726767863753540854787616;0.022831050228310501015727140839;0.041959767987165247360437092539;0.022090583734419352163191874183;0.002097988399358262454758028426;0.025299271874614340932518885552;0.013081574725410341497600086313;0.014315685548562261455995958670;0.015673207454029371155090899492;0.004195976798716524909516056852;0.020609650746637047519227436965;0.035048747377514503920092892031;0.018264840182648400812581712671;0.008762186844378625980023223008;0.004813032210292484021352255041;0.021596939405158582792054744459;0.013204985807725532973022630756;0.030976181661113169618637641634;0.000000000000000000000000000000;0.013822041219301493819582304923;0.014068863383931876770427393808;0.011477230655312847112936580629;0.019005306676539553134563931280;0.014068863383931876770427393808;0.032210292484265087842310038013;0.011230408490682462427368015767
-0.031982670744138637364262223173;0.046381243628950054314064033179;0.027777777777777776235801354687;0.010703363914373088122689026136;0.011467889908256881370540725129;0.024974515800203874599239028953;0.005224260958205912720730967891;0.037334352701325179690883260264;0.034785932721712535531377596953;0.019113149847094799971269907246;0.015545361875637105086855882519;0.015035677879714576254954749857;0.011213047910295616954590158798;0.026630988786952088098747282174;0.027905198776758410178500113830;0.023318042813455657630283823778;0.010958205912334352538639592467;0.057721712538226298272459047212;0.023190621814475027157032016589;0.005988786952089704233859190907;0.019877675840978593219121606239;0.013634046890927625436673586989;0.013761467889908257644648870155;0.021661569826707440661328618603;0.031218144750254840646963572226;0.030963302752293579700459957849;0.031345565749235471120215379415;0.043195718654434250849405430017;0.000382262996941896027614654630;0.017201834862385322055811087694;0.016946992864424057639860521363;0.006880733944954128822324435077;0.009683995922528032193610236789;0.004077471967380224583676895378;0.013888888888888888117900677344;0.030326197757390416925860066044;0.018348623853211010192865160207;0.018348623853211010192865160207;0.006498470948012232198398585581;0.007517838939857288127477374928;0.014398572884811416949801810006;0.043450560652395511795909044395;0.000000000000000000000000000000;0.012996941896024464396797171162;0.009683995922528032193610236789;0.012487257900101937299619514476;0.024974515800203874599239028953;0.021661569826707440661328618603;0.025356778797145769488441402473;0.011977573904179408467718381814
-0.042105263157894735892572413150;0.018045112781954888298008299330;0.042773600668337512231698127607;0.002673350041771094514481132975;0.006850459482038429720462957562;0.023224728487886384109550874655;0.003007518796992481383001383222;0.028738512949039264621209355255;0.010359231411862991623085150650;0.031077694235588971399808499996;0.016541353383458645004422393754;0.012197159565580617882063485524;0.015204678362573099265064868746;0.046783625730994149449770702631;0.018546365914786967082905633220;0.027234753550543024797070401632;0.016040100250626566219525059864;0.038763575605680868074731648676;0.030075187969924810360566880263;0.010359231411862991623085150650;0.025563909774436090888150019396;0.009523809523809524668624959531;0.014536340852130326395386106242;0.042940685045948202847032604268;0.036591478696741855380913932549;0.035756056808688388426453741431;0.033751044277360066347970501965;0.008354218880534669544601911184;0.001169590643274853822980441365;0.018880534670008355252468490448;0.014369256474519632310604677627;0.012531328320802004316902866776;0.016207184628237260304306488479;0.006683375104427735635681528947;0.019381787802840434037365824338;0.038596491228070177459397172015;0.016374269005847954389087917093;0.012197159565580617882063485524;0.001169590643274853822980441365;0.014703425229741018745444058879;0.008688387635756055979441292436;0.008855472013366750064222721051;0.000000000000000000000000000000;0.018045112781954888298008299330;0.011695906432748537362442675658;0.013700918964076859440925915123;0.041771094402673347723009555921;0.030576441102756892614911166106;0.024728487886382623933689828277;0.022055137844611528985527826308
-0.017042606516290727258766679597;0.037426900584795322335374123668;0.038095238095238098674499838125;0.005346700083542189028962265951;0.009690893901420217018682912169;0.019883040935672516291710110181;0.003341687552213867817840764474;0.035087719298245612087328026973;0.039264828738512946859628982565;0.023224728487886384109550874655;0.015037593984962405180283440131;0.007351712614870509372722029440;0.012364243943191311966844914139;0.027736006683375103581967735522;0.024728487886382623933689828277;0.012531328320802004316902866776;0.018546365914786967082905633220;0.060150375939849620721133760526;0.029406850459482037490888117759;0.009356725146198830583843530917;0.019047619047619049337249919063;0.019214703425229739952584395724;0.019715956558061822206928681567;0.037761069340016710504936980897;0.019047619047619049337249919063;0.025229741019214702718587162167;0.028237259816207185836312021365;0.051963241436925648730760229910;0.000835421888053466954460191118;0.016708437761069339089203822368;0.005179615705931495811542575325;0.017209690893901421343548108212;0.016708437761069339089203822368;0.005012531328320801726761146710;0.015873015873015872134743631250;0.042272347535505433446800793718;0.013700918964076859440925915123;0.006182121971595655983422457069;0.004010025062656641554881264966;0.013868003341687551790983867761;0.014035087719298245875765296375;0.048621553884711780912919465436;0.000000000000000000000000000000;0.012030075187969925532005532887;0.011194653299916458577545341768;0.012698412698412698401684295391;0.025563909774436090888150019396;0.017042606516290727258766679597;0.026232247284878863757828781900;0.009189640768588136499062102303
-0.018685567010309277885538037367;0.043009020618556700887857857651;0.021423969072164948668213213523;0.008698453608247423002319820284;0.038659793814432991121421423486;0.024162371134020619450888389679;0.005798969072164948668213213523;0.050579896907216495560710711743;0.028833762886597939789634637009;0.011114690721649484947408659252;0.017074742268041235432329827404;0.011920103092783504439289288257;0.015463917525773196448568569394;0.010309278350515463720804554271;0.043009020618556700887857857651;0.008376288659793814164733483096;0.018685567010309277885538037367;0.056539948453608247780355355872;0.044297680412371136238203206403;0.005476804123711339830626876335;0.021101804123711341565350352312;0.008376288659793814164733483096;0.018202319587628867231243745550;0.012403350515463916828307056051;0.019652061855670102663573572954;0.015141752577319587610982232206;0.040914948453608247780355355872;0.060567010309278350443928928826;0.001449742268041237167053303381;0.037693298969072162873938935945;0.012081185567010309725444194839;0.008054123711340205327147145908;0.021262886597938145116781782917;0.001771907216494845354118337077;0.016269329896907217675172674376;0.023195876288659794672852854092;0.014014175257731959281515266014;0.004671391752577319471384509342;0.002899484536082474334106606761;0.013853092783505153995360359431;0.012403350515463916828307056051;0.048002577319587631798913918146;0.000000000000000000000000000000;0.008054123711340205327147145908;0.029478092783505153995360359431;0.011275773195876288498840089858;0.009342783505154638942769018684;0.006926546391752576997680179716;0.031894329896907214205725722422;0.006926546391752576997680179716
-0.020345596432552955773465086509;0.035256410256410256054415697236;0.027173913043478260115337619141;0.011845039018952062057077334600;0.050445930880713488186906090505;0.026755852842809364072751421304;0.004319955406911928953717083601;0.039715719063545151801264410096;0.030936454849498327968060351623;0.015468227424749163984030175811;0.019927536231884056261431936719;0.025083612040133779902406629958;0.013377926421404682036375710652;0.018534002229654403942626927915;0.035395763656633223714909064483;0.011148272017837235897674830198;0.016722408026755852111788769321;0.040969899665551839929023003606;0.035953177257525080479094725661;0.004319955406911928953717083601;0.017837235228539576048500947536;0.018115942028985507900040730078;0.014353400222965440047317997596;0.014214046822742474121548106325;0.024526198439241916199327064874;0.019509476031215160218845738882;0.030239687848383500073934371244;0.051700111482720176314664684014;0.001532887402452619762457941555;0.050445930880713488186906090505;0.018394648829431439751580512620;0.009057971014492753950020365039;0.014074693422519509930501691031;0.003344481605351170509093927663;0.013517279821627647962145601923;0.024944258639910812241913262710;0.012263099219620958099663532437;0.007803790412486064954900033541;0.010730211817168338120365156385;0.015189520624303232132490393269;0.011148272017837235897674830198;0.028010033444816052200510014814;0.000000000000000000000000000000;0.010033444816053511960962651983;0.025222965440356744093453045252;0.010730211817168338120365156385;0.017279821627647715814868334405;0.011705685618729096131307443329;0.021321070234113712049683897476;0.009057971014492753950020365039
-0.031501831501831500936816610192;0.014468864468864469502440428528;0.051282051282051280272078486178;0.003479853479853480067301996215;0.032600732600732602872728449483;0.027655677655677654569466028533;0.002930402930402930400388683552;0.023992673992673994171065388059;0.037912087912087909236102944988;0.018315018315018315869791010186;0.017216117216117217403326122849;0.032234432234432237873722471022;0.012637362637362637568516632314;0.032051282051282048435325577884;0.012820512820512820068019621544;0.016300366300366301436364224742;0.023809523809523808202115446875;0.037728937728937726736599955757;0.020879120879120877801726763323;0.009706959706959707168127948762;0.013553113553113553535478530421;0.019963369963369961834764865216;0.011172161172161172368322290538;0.029670329670329669002892813978;0.027838827838827840538415969718;0.026923076923076924571454071611;0.027838827838827840538415969718;0.024542124542124541669574355751;0.002564102564102564100340098108;0.039377289377289376171020762740;0.027838827838827840538415969718;0.019597069597069596835758886755;0.010439560439560438900863381662;0.006227106227106227534506821542;0.014468864468864469502440428528;0.034798534798534799805658224159;0.013736263736263736034981519651;0.008241758241758241967933606986;0.004212454212454212233718298108;0.017216117216117217403326122849;0.004395604395604395600583025328;0.034615384615384617306155234928;0.000000000000000000000000000000;0.017216117216117217403326122849;0.009340659340659340434398494324;0.011904761904761904101057723437;0.026007326007326008604492173504;0.018681318681318680868796988648;0.026739926739926738602504130426;0.011355311355311354867825279769
-0.038947368421052633302714696129;0.009473684210526316443190530947;0.045847953216374269513888606298;0.000233918128654970770017099135;0.005497076023391812837903813715;0.035672514619883043118786503101;0.001988304093567251368962489622;0.017894736842105261886981537600;0.022923976608187134756944303149;0.027134502923976608346201544464;0.018947368421052632886381061894;0.029941520467836258562188689325;0.012865497076023392486465724005;0.042222222222222223486642889156;0.008304093567251461319167482600;0.025029239766081869816849447830;0.025497076023391813254237447950;0.034619883040935675588833930760;0.013684210526315790032447772262;0.009824561403508772286508055060;0.013216374269005848329783248118;0.014269005847953215859735820459;0.010643274853801169832490103317;0.038947368421052633302714696129;0.039298245614035089146032220242;0.036023391812865498962104027214;0.026666666666666668378260496297;0.007251461988304093789214910259;0.000584795321637426911490220682;0.029005847953216375156859641038;0.037660818713450290584621171774;0.021637426900584795508297730748;0.008304093567251461319167482600;0.006081871345029239532553599901;0.019883040935672516291710110181;0.040350877192982456675984792582;0.012631578947368420767771723945;0.011111111111111111535154627461;0.005263157894736841986571551644;0.013567251461988304173100772232;0.004795321637426900283907027500;0.025614035087719297378860972003;0.000000000000000000000000000000;0.019298245614035088729698586008;0.006315789473684210383885861972;0.016491228070175438513711441146;0.038713450292397658114573744115;0.027368421052631580064895544524;0.024561403508771929848908399663;0.017894736842105261886981537600
-0.032182103610675041882593916398;0.014285714285714285268213963320;0.053375196232339092161645055512;0.015070643642072212992077950844;0.033124018838304555845120091817;0.018995290423861853346121364439;0.003767660910518053248019487711;0.026059654631083201126173776174;0.015698587127158554477279750472;0.027001569858712715088699951593;0.018838304552590265372735700566;0.011145996860282574372758013226;0.012558869701726845316547276354;0.047095761381475670370733155323;0.030926216640502355442743365188;0.015855572998430142450665414344;0.018838304552590265372735700566;0.027629513343799056573901751221;0.015384615384615385469402326635;0.011145996860282574372758013226;0.015855572998430142450665414344;0.015855572998430142450665414344;0.010675039246467817391494925516;0.032810047095761379898348764073;0.033281004709576136879611851782;0.036577708006279435748453465749;0.024803767660910518155770176918;0.022448979591836733249454738370;0.000313971742543171122071660184;0.021978021978021979737638602614;0.008320251177394034219902962946;0.016797488226059652943744637810;0.008320251177394034219902962946;0.006750392464678178772174987898;0.020251177394034536316524963695;0.038147566718995287726734488842;0.013814756671899528286950875611;0.008006279434850863477302063131;0.001569858712715855664568409544;0.021350078492935634782989851033;0.005965463108320251048311000375;0.011302982731554160611420201121;0.000000000000000000000000000000;0.019780219780219779335261875985;0.015855572998430142450665414344;0.009890109890109889667630937993;0.045054945054945054472295140613;0.035949764521193090793804714167;0.031554160125588696927945164816;0.017739403453689166906270813229
-0.020668220668220667335379658880;0.018958818958818960537238140773;0.057187257187257187207585218403;0.002020202020202020200267956085;0.023310023310023311737815276956;0.033566433566433566404452193410;0.003108003108003108000412240131;0.026418026418026419738227517087;0.052525252525252523472243382230;0.015695415695415694534720074671;0.016783216783216783202226096705;0.029526029526029527738639757217;0.010722610722610723468783966439;0.025951825951825952670803943079;0.018803418803418802535132314802;0.016472416472416474136908348669;0.024864024864024864003297921045;0.046930846930846932540948301948;0.028593628593628593603792609201;0.009945609945609945601319168418;0.013830613830613831469196206569;0.029836829836829836803957505253;0.009479409479409480268619070387;0.018181818181818180935049866775;0.030924630924630925471463527288;0.022222222222222223070309254922;0.028904428904428906138557309191;0.021289821289821288935462106906;0.001709401709401709400226732072;0.041181041181041183607547395695;0.023776223776223775335791899010;0.014763014763014763869319878609;0.012742812742812742801690184535;0.006526806526806526800865704274;0.011188811188811188801484064470;0.028127428127428126536369035193;0.012898212898212899069072534530;0.006526806526806526800865704274;0.006060606060606060600803868255;0.015695415695415694534720074671;0.006682206682206682200886316281;0.043201243201243202940453613792;0.000000000000000000000000000000;0.011344211344211345068866414465;0.013986013986013986001855080588;0.012432012432012432001648960522;0.020046620046620045735297210854;0.016317016317016316134802522697;0.024864024864024864003297921045;0.013209013209013209869113758543
-0.021331945889698229745778945698;0.030697190426638917837287579005;0.036420395421436005389814738464;0.013527575442247658649153052579;0.033298647242455778338943161998;0.030870620881026707843508560813;0.004682622268470343178392578665;0.032951786333680191387607294473;0.033645508151231358351385125616;0.011793270898369753382772806560;0.014394727714186610414981437600;0.032778355879292404850833264618;0.011619840443981963376551824751;0.024973985431841830284760419545;0.033125216788067984863275228236;0.012486992715920915142380209772;0.015955601803676725675140701810;0.050815123135622614070072700088;0.031390912244190077862171506240;0.008671522719389524597177754117;0.015608740894901143927975262216;0.018383628165105792701128351041;0.012833853624696496889545649367;0.018730489073881372713570314659;0.025494276795005203772870316925;0.018903919528269162719791296468;0.025841137703780783785312280543;0.051335414498785987558182597468;0.001214013180714533512993824615;0.044224765868886573016993679630;0.019250780437044746201680212039;0.011619840443981963376551824751;0.014221297259798820408760455791;0.007457509538674991084183929502;0.014394727714186610414981437600;0.027055150884495317298306105158;0.013007284079084286895766631176;0.005896635449184876691386403280;0.005723204994797086685165421471;0.013007284079084286895766631176;0.009191814082552896350564175521;0.039542143600416232440686314931;0.000000000000000000000000000000;0.010752688172043011610723439730;0.018383628165105792701128351041;0.009191814082552896350564175521;0.017343045438779049194355508234;0.014568158168574402155925895386;0.020811654526534859727116000272;0.010579257717655219869778981945
-0.025565243091473326825235901083;0.031180730013299837177775941655;0.032067385843061915751128765351;0.003398847347421309148668422395;0.025269691148219298321153658549;0.031919609871434904968534596037;0.008866558297620806550209948682;0.033101817644451012045969662267;0.033692921530959069054134147336;0.012413181616669129517238623350;0.016994236737106545309661242982;0.028225210580759569484188276078;0.013743165361312250846714810848;0.020540860056154870011413393627;0.024530811290084233999841956120;0.013004285503177183055956156466;0.022166395744052016375524871705;0.047879414807152353983354942102;0.028816314467267623022905809194;0.007979902467858726242133649009;0.024826363233338259034477246701;0.018915324368257720177854963595;0.015812028964090438232226176751;0.018619772425003695143219673014;0.029407418353775676561623342309;0.022166395744052016375524871705;0.032954041672824001263375492954;0.037239544850007390286439346028;0.001773311659524161266673902837;0.044332791488104032751049743410;0.018471996453376680891178551747;0.012708733559923156286597389908;0.011526525786907049209162323677;0.005615486921826511219901778560;0.018915324368257720177854963595;0.031919609871434904968534596037;0.010196542042263927879686136180;0.008127678439485738759451294300;0.004137727205556376505746207783;0.016994236737106545309661242982;0.011969853701788088495838735525;0.039012856509531547433144993420;0.000000000000000000000000000000;0.010196542042263927879686136180;0.014334269247820304385432343963;0.012413181616669129517238623350;0.015959804935717452484267298018;0.014186493276193290133391222696;0.025860795034727351859871191664;0.010048766070636913627645014913
-0.028007346189164370603430498363;0.025099479644934190314398136934;0.035047444138353228693105734237;0.005356596265687174444891649472;0.017600244872972146958911565662;0.026476890113253749581279095082;0.011172329354147535890318110319;0.037649219467401288941044157355;0.025252525252525252069668582067;0.014080195898377716179350471748;0.017753290480563208714182010795;0.020814202632384450758484817356;0.015304560759106213690960984763;0.023262932353841445781705843387;0.039791857973676153514830389213;0.017906336088154270469452455927;0.020202020202020203737403036826;0.039791857973676153514830389213;0.029996939087848180360840188996;0.006427915518824609333869979366;0.023875114784205692802787623918;0.016988062442607896468382833177;0.022803795531068257046447556036;0.019436792164064891491603859208;0.028925619834710744604500121113;0.022191613100704010025365775505;0.036577900214263853184704089472;0.036730945821854911470527582651;0.001989592898683807589005345662;0.039026629935720848207925115503;0.012243648607284971646658178202;0.008417508417508417356556194022;0.018365472910927455735263791325;0.004897459442913988311718576085;0.018059381695745332224722901060;0.028466483011937555869241833761;0.013008876645240282157733879842;0.008723599632690542601820560265;0.005203550658096112689621204339;0.013774104683195592668809581482;0.017141108050198958223653278310;0.019130700948882767981062968943;0.000000000000000000000000000000;0.011631466176920722890852921694;0.023109886746250384026435398255;0.016222834404652587692030607514;0.020661157024793389003214372224;0.016835016835016834713112388044;0.029537802265074991625581901644;0.009029690847872666112361450530
-0.023850377487989019714698102348;0.039979409746053531926612834013;0.026424159231297185412845607289;0.022477693891557997546426506119;0.044440631434454355708218997734;0.021962937542896361631239443568;0.006177076183939601491945659006;0.038778311599176391866183877255;0.038606726149622509758341237784;0.011153054221002059454015409301;0.018702814001372684848956140513;0.017158544955387784042288856767;0.013555250514756348248490702701;0.015099519560741249055157986447;0.055765271105010297270077046505;0.014756348661633493513090087390;0.016815374056280026765497481733;0.046671242278654767599022079594;0.031743308167467398916983256640;0.005662319835277968178843810421;0.020933424845573096739759222373;0.017844886753603295126424654882;0.012182566918325326080219106473;0.012182566918325326080219106473;0.023335621139327383799511039797;0.019903912148249828378832049225;0.028483184625943718665253001632;0.065717227179135209724769595141;0.001029512697323267059884566166;0.035346602608098832976057934729;0.013726835964310226886886390218;0.008579272477693892021144428384;0.016986959505833905403893169250;0.003774879890185312263789496612;0.012697323266986960260682693047;0.022306108442004118908030818602;0.010295126973232669731483923670;0.006863417982155113443443195109;0.004461221688400823781606163720;0.009780370624571035551020337095;0.010981468771448180815619721784;0.032944406314344545916306117306;0.000000000000000000000000000000;0.005833905284831845949877759949;0.029855868222374744302971549814;0.009951956074124914189416024612;0.010981468771448180815619721784;0.012525737817433081622287005530;0.024021962937542894883646837911;0.006691832532601235672409245581
-0.021962937542896361631239443568;0.030713795470144130556056083492;0.033459162663006178362046227903;0.010466712422786548369879611187;0.048215511324639671875136315293;0.027968428277282086219512891034;0.003774879890185312263789496612;0.030027453671928619471920285378;0.032086479066575156193774631674;0.011667810569663691899755519898;0.016129032258064515681361683619;0.031056966369251887832847458526;0.013383665065202471344818491161;0.019903912148249828378832049225;0.032944406314344545916306117306;0.013726835964310226886886390218;0.022134522992450240269635131085;0.043754289636238848093530151573;0.033459162663006178362046227903;0.005833905284831845949877759949;0.014413177762525737971022188333;0.016300617707618394319757371136;0.010809883321894303911947510244;0.020590253946465339462967847339;0.028311599176389843496304266068;0.019217570350034317294696251111;0.035175017158544957807109199166;0.031743308167467398916983256640;0.001715854495538778360860798777;0.050274536719286201658096757683;0.026080988332189431605501184208;0.009780370624571035551020337095;0.022134522992450240269635131085;0.005319148936170212636775911363;0.010981468771448180815619721784;0.028311599176389843496304266068;0.011667810569663691899755519898;0.006863417982155113443443195109;0.004289636238846946010572214192;0.014927934111187372151485774907;0.009951956074124914189416024612;0.033287577213452296254203588433;0.000000000000000000000000000000;0.007892930679478380937008630269;0.025909402882635552967105496691;0.010295126973232669731483923670;0.016129032258064515681361683619;0.011667810569663691899755519898;0.021962937542896361631239443568;0.011324639670555936357687620841
-0.024545454545454543915372624951;0.018484848484848485916653970662;0.048636363636363637297232997980;0.001818181818181818180241160476;0.023181818181818181906495013322;0.026060606060606061884499240477;0.004545454545454545233762466694;0.017424242424242425419933510966;0.075757575757575759678452698154;0.016212121212121212432410999327;0.016212121212121212432410999327;0.028636363636363636880899363746;0.011818181818181817954727108599;0.025606060606060604412093084647;0.010757575757575757458006648903;0.018939393939393939919613174538;0.026060606060606061884499240477;0.043181818181818182322828647557;0.017424242424242425419933510966;0.008636363636363636464565729511;0.013787878787878788192089452025;0.029848484848484849868421875385;0.009545454545454546205207613241;0.022575757575757575412733757503;0.031666666666666669349705642844;0.024545454545454543915372624951;0.025000000000000001387778780781;0.025151515151515150409133880771;0.002575757575757575863761861257;0.025606060606060604412093084647;0.028939393939393938393056515679;0.014090909090909091438970079935;0.007727272727272727591285583770;0.005454545454545454974404350423;0.016515151515151513944568151260;0.031363636363636364368101538957;0.011515151515151514707846480690;0.007272727272727272720964641906;0.012575757575757575204566940386;0.017121212121212120438329407079;0.006363636363636363847684496164;0.058030303030303029276915083301;0.000000000000000000000000000000;0.011818181818181817954727108599;0.007121212121212121097524327951;0.014393939393939394685850707845;0.020000000000000000416333634234;0.017878787878787879422892714842;0.026060606060606061884499240477;0.011515151515151514707846480690
-0.025230680507497115633297468662;0.038206459054209919445899146240;0.027970011534025375488088371867;0.014273356401384083153027759749;0.038783160322952710263866293872;0.029555940023068050237498027855;0.009227220299884660026368266017;0.037629757785467128627931998608;0.036620530565167244696489490252;0.011245674740484429623976758705;0.016868512110726645303326876046;0.023212226066897347770412451951;0.011966551326412918146435693245;0.016003460207612455606929202645;0.031141868512110724986907683842;0.019752018454440599393162614206;0.019752018454440599393162614206;0.041810841983852362058193818939;0.033448673587081888258776274370;0.005046136101499423126659493732;0.020761245674740483324605122561;0.016003460207612455606929202645;0.010957324106113034214993184889;0.013119953863898499782369988509;0.024221453287197231701854960306;0.018454440599769320052736532034;0.026384083044982697269231763926;0.057958477508650518839061760445;0.001009227220299884581963811847;0.042675893886966548285144540387;0.024221453287197231701854960306;0.008506343713956171503909331477;0.014129181084198385448535972841;0.003027681660899653962731870038;0.012687427912341406668894627785;0.024077277970011533997363173398;0.009515570934256055435351839833;0.011822376009227220441943906337;0.005478662053056517107496592445;0.012831603229527104373386414693;0.015138408304498269379978481197;0.041522491349480966649210245123;0.000000000000000000000000000000;0.007497116493656285837743347145;0.021626297577854669551555844009;0.011678200692041522737452119429;0.014129181084198385448535972841;0.011245674740484429623976758705;0.019463667820069203984179040390;0.012110726643598615850927480153
-0.030242272347535504445348308877;0.017042606516290727258766679597;0.046950710108604847003999083199;0.001670843776106933908920382237;0.012197159565580617882063485524;0.033918128654970756963304978626;0.003842940685045948337461574340;0.023224728487886384109550874655;0.036424394319131157826685551981;0.016875522138680033173985250983;0.022389306599832917155090683536;0.027903091060985797666749164136;0.016708437761069339089203822368;0.030075187969924810360566880263;0.023725981620718462894448208544;0.022890559732664995939988017426;0.020718462823725983246170301300;0.039933166248955723198754697023;0.028404344193817876451646498026;0.010025062656641603453522293421;0.019548872180451128122147252952;0.017543859649122806043664013487;0.011027568922305764492763913154;0.024060150375939851064011065773;0.035087719298245612087328026973;0.031077694235588971399808499996;0.027401837928153718881851830247;0.020885547201336673861504777960;0.001837928153717627343180507360;0.032080200501253132439050119729;0.031913116123642441823715643068;0.012197159565580617882063485524;0.013533834586466165356144486509;0.006182121971595655983422457069;0.017543859649122806043664013487;0.025563909774436090888150019396;0.015371762740183793349846297360;0.010025062656641603453522293421;0.003508771929824561468941324094;0.012030075187969925532005532887;0.008521303258145363629383339799;0.032581453634085211223947453618;0.000000000000000000000000000000;0.013366750208855471271363057895;0.012531328320802004316902866776;0.010860484544695070407982484539;0.024561403508771929848908399663;0.019548872180451128122147252952;0.028404344193817876451646498026;0.016040100250626566219525059864
-0.033491979552265113695419529449;0.013749338974087784229216602228;0.051824431517715492667708332419;0.001586462189317821257217300257;0.027322404371584698562491766438;0.028732592984311650791129366667;0.003349197955226511543014300543;0.025383395029085140115476804112;0.029085140137493390583012242701;0.018508725542041248868230240987;0.018508725542041248868230240987;0.027498677948175568458433204455;0.014806980433632998400694802399;0.035783536047946415403764319763;0.015688348316587344410955040530;0.020447734884540807315245203313;0.024502027146130794105216565981;0.038075092543627710173215206169;0.023444385686585581668461841787;0.009342499559316059382085839502;0.012515423937951701896520440016;0.024325753569539927678722079918;0.010752688172043011610723439730;0.028380045831129914468693442586;0.035078441741582935819998567695;0.028203772254539044572752004569;0.028556319407720784364634880603;0.022739291380222105554143041672;0.001762735765908690285797000286;0.026617310065221222448172966324;0.026793583641812092344114404341;0.017627357659086902857970002856;0.007932310946589107153448239274;0.007050943063634761143188001142;0.017451084082496032962028564839;0.035430988894764675611881443729;0.010752688172043011610723439730;0.010576414595452141714782001714;0.001762735765908690285797000286;0.013220518244315178010839240130;0.008813678829543451428985001428;0.027322404371584698562491766438;0.000000000000000000000000000000;0.016922263352723426743651202742;0.012515423937951701896520440016;0.014630706857042130239476840359;0.028556319407720784364634880603;0.021505376344086023221446879461;0.025030847875903403793040880032;0.016040895469769080733390964610
-0.023620659263176451564403279804;0.039485281156354662401852806397;0.032786885245901641050547681289;0.008989952406134321324926439445;0.028027498677948174676810566552;0.023973206416358187886839203884;0.006169575180680416000289501000;0.031552970209765558717851519077;0.041071743345672484526431844643;0.013925612550678654125158040245;0.013396791820906046172057202170;0.022563017803631235658201603655;0.011634056054997355886260201885;0.021329102767495153325505441444;0.024678300722721664001158003998;0.015512074739996474515013602513;0.025735942182266879907359680146;0.056936365238850698833328323190;0.027322404371584698562491766438;0.007227216640225630171767701171;0.021329102767495153325505441444;0.018508725542041248868230240987;0.011105235325224749667882839788;0.016393442622950820525273840644;0.024325753569539927678722079918;0.020271461307949937419303765296;0.023444385686585581668461841787;0.043363299841353779295882731049;0.002291556495681297371536100371;0.030142781597038603019766966895;0.026617310065221222448172966324;0.013396791820906046172057202170;0.012339150361360832000579001999;0.004759386567953463771651900771;0.011986603208179093943419601942;0.034020800282037723383243843500;0.013749338974087784229216602228;0.006698395910453023086028601085;0.005993301604089546971709800971;0.010928961748633879771941401771;0.016393442622950820525273840644;0.057817733121805041374141609367;0.000000000000000000000000000000;0.010400141018861273553564039673;0.010400141018861273553564039673;0.011281508901815617829100801828;0.017274810505905166535534078776;0.017803631235677772753911440873;0.020447734884540807315245203313;0.010576414595452141714782001714
-0.020565149136577708793849339486;0.037990580847723706692242728877;0.030298273155416013957541565560;0.044113029827315540509768965194;0.050235478806907381266189105418;0.017111459968602825421069013601;0.005023547880690737953146562944;0.046310832025117737442698739869;0.028257456828885401528550502803;0.011773940345368917592683288831;0.013186813186813186801749075983;0.009733124018838305163692226074;0.011145996860282574372758013226;0.019152276295133437850060076357;0.054474097331240187158662990896;0.009105180533751961943766950469;0.018210361067503923887533900938;0.043328100470957614520628453647;0.042072213500784931550224854391;0.007064364207221350382137625701;0.019780219780219779335261875985;0.015384615384615385469402326635;0.012715855572998429820485988273;0.016797488226059652943744637810;0.018995290423861853346121364439;0.021821036106750391764252938742;0.033594976452119305887489275619;0.048194662480376765367751090707;0.001255886970172684488286640736;0.032025117739403453909208252526;0.006122448979591836419611450282;0.009419152276295132686367850283;0.014128728414442700764275251402;0.004709576138147566343183925142;0.012244897959183672839222900564;0.023547880690737835185366577662;0.013657770800627943783012163692;0.003453689167974882071737718903;0.002825745682888540152855050280;0.014128728414442700764275251402;0.011930926216640502096622000749;0.028885400313971743013752302431;0.000000000000000000000000000000;0.009262166405023548182429138365;0.031711145996860284901330828689;0.010361067503924646648894025702;0.016640502354788068439805925891;0.013814756671899528286950875611;0.024960753532182102659708888837;0.008477237048665620458565150841
-0.035949764521193090793804714167;0.024175824175824176670568377290;0.037519623233908949710979641168;0.001726844583987441035868859451;0.017268445839874409925007725519;0.034850863422291995796786778783;0.003453689167974882071737718903;0.029356357927786499995015390141;0.028885400313971743013752302431;0.016169544740973311458542838182;0.016326530612244899431928502054;0.029984301412872841480217189769;0.020565149136577708793849339486;0.026216640502354789099559440047;0.015541601255886969973341038553;0.019937205651491367308647539858;0.021350078492935634782989851033;0.044897959183673466498909476741;0.028885400313971743013752302431;0.006593406593406593400874537991;0.025274725274725275137033264627;0.014285714285714285268213963320;0.013186813186813186801749075983;0.017739403453689166906270813229;0.037990580847723706692242728877;0.030298273155416013957541565560;0.031868131868131865935822588654;0.022605965463108321222840402243;0.001569858712715855664568409544;0.042072213500784931550224854391;0.018367346938775511860919564811;0.009733124018838305163692226074;0.014913657770800628488139238925;0.005494505494505494934409650654;0.020879120879120877801726763323;0.029670329670329669002892813978;0.013186813186813186801749075983;0.006593406593406593400874537991;0.003453689167974882071737718903;0.011930926216640502096622000749;0.006750392464678178772174987898;0.034693877551020407823401114911;0.000000000000000000000000000000;0.010361067503924646648894025702;0.012872841444270016059148176168;0.013814756671899528286950875611;0.020408163265306120820463675614;0.021821036106750391764252938742;0.033437990580847724852997515654;0.015070643642072212992077950844
-0.019045984900480438656300563594;0.017844886753603295126424654882;0.044269045984900480539270262170;0.003946465339739190468504315135;0.025223061084420041882969698577;0.032086479066575156193774631674;0.003946465339739190468504315135;0.019045984900480438656300563594;0.094200411805078931859469548726;0.014584763212079614874694399873;0.012868908716540837164354904587;0.046671242278654767599022079594;0.008750857927247768924816639924;0.020247083047357585655623424259;0.017158544955387784042288856767;0.014927934111187372151485774907;0.027796842827728207581117203517;0.043582704186684965985687512102;0.019732326698695949740436361708;0.006691832532601235672409245581;0.009094028826355524466884538981;0.035003431708991075699266559695;0.008064516129032257840680841809;0.015099519560741249055157986447;0.031400137268359641640191881606;0.017844886753603295126424654882;0.019389155799588195933091938628;0.021276595744680850547103645454;0.003946465339739190468504315135;0.043067947838023333539947401505;0.037062457103637612421120905992;0.016472203157172272958153058653;0.008579272477693892021144428384;0.005147563486616334865741961835;0.008407687028140013382748740867;0.024021962937542894883646837911;0.008750857927247768924816639924;0.008579272477693892021144428384;0.014584763212079614874694399873;0.012868908716540837164354904587;0.007206588881262868985511094166;0.068291008922443371953470148128;0.000000000000000000000000000000;0.009437199725463280008952438038;0.012697323266986960260682693047;0.007721345229924502298612942752;0.015099519560741249055157986447;0.009780370624571035551020337095;0.015099519560741249055157986447;0.013383665065202471344818491161
-0.027110501029512696496981405403;0.026252573781743306774449919772;0.040665751544269046480195584081;0.010981468771448180815619721784;0.018016472203157173764820342399;0.032772820864790663808463477835;0.003088538091969800745972829503;0.025909402882635552967105496691;0.040665751544269046480195584081;0.015957446808510637042965996102;0.018531228551818806210560452996;0.027968428277282086219512891034;0.017330130404941662680684544284;0.027110501029512696496981405403;0.020418668496911460824572159822;0.018188057652711048933769077962;0.019560741249142071102040674191;0.047872340425531914598344940259;0.025909402882635552967105496691;0.006520247083047357901375296052;0.018188057652711048933769077962;0.019217570350034317294696251111;0.010295126973232669731483923670;0.019389155799588195933091938628;0.034145504461221685976735074064;0.024536719286204530798833900462;0.029684282772820865664575862297;0.026938915579958817858585717886;0.001201098146877144830918515694;0.038263555250514759420443766658;0.023678792038435141076302414831;0.012010981468771447441823418956;0.013212079615648592706422803644;0.006177076183939601491945659006;0.016815374056280026765497481733;0.026767330130404942689636982323;0.010123541523678792827811712129;0.010466712422786548369879611187;0.005490734385724090407809860892;0.018531228551818806210560452996;0.011496225120109814996083308358;0.036890871654083730313278266522;0.000000000000000000000000000000;0.012525737817433081622287005530;0.014413177762525737971022188333;0.010295126973232669731483923670;0.021105010295126971908707957937;0.017501715854495537849633279848;0.027453671928620453773772780437;0.012354152367879202983891318013
-0.029947916666666667823148983985;0.017903645833333332176851016015;0.041992187500000000000000000000;0.002929687500000000000000000000;0.019368489583333332176851016015;0.032714843750000000000000000000;0.003580729166666666522106377002;0.019531250000000000000000000000;0.067871093750000000000000000000;0.016764322916666667823148983985;0.013671875000000000000000000000;0.034993489583333335646297967969;0.018554687500000000000000000000;0.027669270833333332176851016015;0.014485677083333333911574491992;0.020182291666666667823148983985;0.024251302083333332176851016015;0.049804687500000000000000000000;0.018717447916666667823148983985;0.008300781250000000000000000000;0.010579427083333333911574491992;0.031250000000000000000000000000;0.012044270833333333911574491992;0.019042968750000000000000000000;0.032063802083333335646297967969;0.020345052083333332176851016015;0.024251302083333332176851016015;0.031575520833333335646297967969;0.000976562500000000000000000000;0.037923177083333335646297967969;0.016601562500000000000000000000;0.012044270833333333911574491992;0.013183593750000000000000000000;0.004882812500000000000000000000;0.017415364583333332176851016015;0.028971354166666667823148983985;0.012369791666666666088425508008;0.007812500000000000000000000000;0.018066406250000000000000000000;0.016438802083333332176851016015;0.004882812500000000000000000000;0.042805989583333335646297967969;0.000000000000000000000000000000;0.007812500000000000000000000000;0.010579427083333333911574491992;0.010091145833333333911574491992;0.022949218750000000000000000000;0.016601562500000000000000000000;0.022786458333333332176851016015;0.010416666666666666088425508008
-0.022992450240219629992166616717;0.019217570350034317294696251111;0.044269045984900480539270262170;0.006691832532601235672409245581;0.019045984900480438656300563594;0.026080988332189431605501184208;0.002402196293754289661837031389;0.030027453671928619471920285378;0.035518188057652708145006670293;0.015957446808510637042965996102;0.019560741249142071102040674191;0.028311599176389843496304266068;0.014413177762525737971022188333;0.027625257378174332412168467954;0.023164035689773508630562304234;0.019217570350034317294696251111;0.022477693891557997546426506119;0.044955387783115995092853012238;0.022820864790665751353770929200;0.008579272477693892021144428384;0.015785861358956761874017260538;0.019217570350034317294696251111;0.012697323266986960260682693047;0.020418668496911460824572159822;0.030885380919698009194451771009;0.030027453671928619471920285378;0.025737817433081674328709809174;0.036376115305422097867538155924;0.001715854495538778360860798777;0.034317089910775568084577713535;0.024365133836650652160438212945;0.014241592312971859332626500816;0.009780370624571035551020337095;0.006005490734385723720911709478;0.017673301304049416488028967365;0.030027453671928619471920285378;0.012354152367879202983891318013;0.010466712422786548369879611187;0.006005490734385723720911709478;0.022477693891557997546426506119;0.010466712422786548369879611187;0.034145504461221685976735074064;0.000000000000000000000000000000;0.013212079615648592706422803644;0.015442690459849004597225885504;0.012525737817433081622287005530;0.021276595744680850547103645454;0.019045984900480438656300563594;0.024536719286204530798833900462;0.015442690459849004597225885504
-0.035454545454545453864181325798;0.021515151515151514916013297807;0.034090909090909088385856762216;0.003333333333333333547282562037;0.016666666666666666435370203203;0.037575757575757574857622245190;0.006515151515151515471124810119;0.028181818181818182877940159869;0.029090909090909090883858567622;0.017272727272727272929131459023;0.019090909090909092410415226482;0.022272727272727273900576605570;0.018939393939393939919613174538;0.028636363636363636880899363746;0.016515151515151513944568151260;0.017575757575757574441288610956;0.019545454545454546413374430358;0.040606060606060603856981572335;0.026666666666666668378260496297;0.007272727272727272720964641906;0.022121212121212121409774553626;0.018484848484848485916653970662;0.017121212121212120438329407079;0.024090909090909089912413421075;0.034848484848484850839867021932;0.025454545454545455390737984658;0.036363636363636361870099733551;0.021060606060606060913054093930;0.002272727272727272616881233347;0.036666666666666666851703837438;0.020000000000000000416333634234;0.011212121212121211460965852780;0.015454545454545455182571167541;0.007121212121212121097524327951;0.021969696969696968918972501683;0.031060606060606059386497435071;0.012424242424242424448488364419;0.010303030303030303455047445027;0.004242424242424242854243576772;0.020303030303030301928490786167;0.010151515151515150964245393084;0.023636363636363635909454217199;0.000000000000000000000000000000;0.015909090909090907450806895440;0.012424242424242424448488364419;0.016363636363636364923213051270;0.017727272727272726932090662899;0.018181818181818180935049866775;0.032272727272727272374019946710;0.013939393939393938948168027991
-0.024227234753550541679345542434;0.020718462823725983246170301300;0.047284878863826235173561940428;0.000668337510442773628620283244;0.019715956558061822206928681567;0.034085213032581454517533359194;0.002172096908939013994860323109;0.019548872180451128122147252952;0.072013366750208848698910912844;0.012698412698412698401684295391;0.015538847117794485699904249998;0.050125313283208017267611467105;0.015204678362573099265064868746;0.020885547201336673861504777960;0.011027568922305764492763913154;0.017376775271512111958882584872;0.020384294068504595076607444071;0.041102756892230578322777745370;0.022556390977443607770425160197;0.006015037593984962766002766443;0.011361737677527150927603294406;0.031578947368421053654152785839;0.010526315789473683973143103287;0.012531328320802004316902866776;0.033751044277360066347970501965;0.022222222222222223070309254922;0.026065162907268169673047353285;0.024060150375939851064011065773;0.002506265664160400863380573355;0.047117794486215537619333559860;0.040768588137009190153214888142;0.013700918964076859440925915123;0.013366750208855471271363057895;0.006516290726817042418261838321;0.013700918964076859440925915123;0.024060150375939851064011065773;0.009356725146198830583843530917;0.008354218880534669544601911184;0.014369256474519632310604677627;0.014536340852130326395386106242;0.004511278195488722074502074832;0.043943191311612367355721175954;0.000000000000000000000000000000;0.011361737677527150927603294406;0.011361737677527150927603294406;0.009690893901420217018682912169;0.017376775271512111958882584872;0.013366750208855471271363057895;0.021553884711779450200630492418;0.013032581453634084836523676643
-0.018888096935138987131352905635;0.030114041339985745532326077978;0.027084818246614399128713301934;0.007483962936564505022407622903;0.036172487526728441808998582019;0.047754811119030647625915975141;0.005702066999287241921834379355;0.017640769779044902093589897163;0.037598004276550252289457176857;0.011047754811119031223554109999;0.014433357091945830247281534753;0.071632216678545967969427010757;0.014967925873129010044815245806;0.015858873841767640727740129591;0.018353528153955807333819194582;0.022451888809693513332499392732;0.016393442622950820525273840644;0.032252316464718461253013970236;0.024590163934426229053187284990;0.005523877405559515611777055000;0.013007840342124019766822939914;0.011404133998574483843668758709;0.008374910905203135705332506689;0.012651461154668567146708291205;0.029579472558802565734792366925;0.020313613684960797611811500474;0.021917320028510333534965681679;0.068246614397719174149870013935;0.000890947968638631550286621774;0.066642908054169641696162784683;0.046863863150392016942991091355;0.008553100498930862882751569032;0.009978617248752673363210163870;0.005702066999287241921834379355;0.011047754811119031223554109999;0.018709907341411261688657319269;0.008909479686386315502866217741;0.008909479686386315502866217741;0.004454739843193157751433108871;0.008374910905203135705332506689;0.008196721311475410262636920322;0.051318602993585177296509414191;0.000000000000000000000000000000;0.007305773342836778712350298548;0.010869565217391304046135047656;0.008374910905203135705332506689;0.012295081967213114526593642495;0.014255167498218104804585948386;0.016215253029223095082578254278;0.010691375623663578603439461290
-0.011993146773272416252820171678;0.059109080525414046947130231047;0.020702455739577383525551468324;0.019131924614505996240509944073;0.022415762421473445220598819105;0.022415762421473445220598819105;0.007138777841233580855051510383;0.041404911479154767051102936648;0.023700742432895487155075642249;0.010565391205025699908337522004;0.012278697886921758133937920832;0.018703597944031983418833320343;0.012278697886921758133937920832;0.011564820102798401696420071971;0.061393489434608795873860032088;0.007567104511707595411451610090;0.015134209023415190822903220180;0.055682467161621930495929433391;0.027841233580810965247964716696;0.004283266704740148166086211035;0.017561393489434608955468419822;0.012564249000571101749779145962;0.021844660194174757988916368845;0.012992575671045116306179245669;0.017561393489434608955468419822;0.013849229011993147153702921059;0.036407766990291259845413662788;0.103226727584237579216086544420;0.001284980011422044536562037109;0.021416333523700741697792793161;0.008852084523129639948013647199;0.008138206739006281775772322362;0.018846373500856654359392194920;0.003854940034266133609686111328;0.015848086807538550729868020994;0.025271273557966874440117166500;0.014420331239291832650661895343;0.004997144488863506338327535872;0.004997144488863506338327535872;0.016847515705311250783227094985;0.021844660194174757988916368845;0.033266704740148485275330614286;0.000000000000000000000000000000;0.008423757852655625391613547492;0.024557395773843516267875841663;0.011136493432324385405296496288;0.012135922330097087193379046255;0.007424328954882924470892735513;0.026699029126213590784599816175;0.008423757852655625391613547492
-0.029622395833333332176851016015;0.022135416666666667823148983985;0.047037760416666664353702032031;0.000651041666666666630526594250;0.008789062500000000000000000000;0.019531250000000000000000000000;0.003092447916666666522106377002;0.028320312500000000000000000000;0.062011718750000000000000000000;0.022623697916666667823148983985;0.012858072916666666088425508008;0.017089843750000000000000000000;0.011393229166666666088425508008;0.030436197916666667823148983985;0.013834635416666666088425508008;0.014485677083333333911574491992;0.024251302083333332176851016015;0.054687500000000000000000000000;0.018554687500000000000000000000;0.008626302083333333911574491992;0.015950520833333332176851016015;0.026367187500000000000000000000;0.017578125000000000000000000000;0.031901041666666664353702032031;0.027994791666666667823148983985;0.030273437500000000000000000000;0.029296875000000000000000000000;0.028157552083333332176851016015;0.002278645833333333477893622998;0.017252604166666667823148983985;0.013020833333333333911574491992;0.013509114583333333911574491992;0.007486979166666666955787245996;0.005208333333333333044212754004;0.019205729166666667823148983985;0.034179687500000000000000000000;0.017740885416666667823148983985;0.005045572916666666955787245996;0.011393229166666666088425508008;0.022460937500000000000000000000;0.006998697916666666955787245996;0.050292968750000000000000000000;0.000000000000000000000000000000;0.013997395833333333911574491992;0.006673177083333333044212754004;0.012207031250000000000000000000;0.025390625000000000000000000000;0.018717447916666667823148983985;0.025553385416666667823148983985;0.013834635416666666088425508008
-0.020408163265306120820463675614;0.025588697017268444144910688465;0.037990580847723706692242728877;0.005965463108320251048311000375;0.027158555729984303062085615466;0.031240188383045524450620789025;0.002982731554160125524155500187;0.023233908948194662708042201871;0.057299843014128729046241517153;0.010204081632653060410231837807;0.013814756671899528286950875611;0.041444270015698586595576102809;0.013500784929356357544349975797;0.018367346938775511860919564811;0.029356357927786499995015390141;0.010204081632653060410231837807;0.022762951334379905726779114161;0.044897959183673466498909476741;0.024332810047095761174507089208;0.009262166405023548182429138365;0.016483516483516483935867213972;0.023861852433281004193244001499;0.011616954474097331354021100935;0.012558869701726845316547276354;0.026216640502354789099559440047;0.014128728414442700764275251402;0.028885400313971743013752302431;0.059968602825745682960434379538;0.002354788069073783171591962571;0.048194662480376765367751090707;0.019937205651491367308647539858;0.009733124018838305163692226074;0.014442700156985871506876151216;0.005808477237048665677010550468;0.012715855572998429820485988273;0.019937205651491367308647539858;0.013186813186813186801749075983;0.004709576138147566343183925142;0.019623233908948194831323164067;0.011459968602825745115358913040;0.007064364207221350382137625701;0.058869701726844581024522540247;0.000000000000000000000000000000;0.008634222919937204962503862760;0.014599686028257456010814863134;0.007849293563579277238639875236;0.013971742543171114525613063506;0.010832025117739403630157113412;0.021193092621664050279051139114;0.011145996860282574372758013226
-0.027127355796687607075723391858;0.020702455739577383525551468324;0.027841233580810965247964716696;0.002855511136493432255284430354;0.042404340376927467104462010639;0.053540833809251855979205458880;0.001998857795545402708803361946;0.017704169046259279896027294399;0.026127926898914907022364317868;0.011707595659623072636978946548;0.013420902341519132597302821353;0.120359794403198175349878340512;0.020131353512278696293869018064;0.017561393489434608955468419822;0.013992004568817818094261795636;0.015419760137064534438744445310;0.014563106796116505325944245897;0.031981724728726443340853791142;0.013278126784694459922020470799;0.005425471159337521762089373567;0.009423186750428327179696097460;0.012849800114220445365620371092;0.010279840091376356292496296874;0.013849229011993147153702921059;0.038406624785836666891025714676;0.016419189034837234492103519301;0.018275271273557967127709744659;0.039263278126784692534378962137;0.001713306681896059309802571313;0.095945174186179330022561373426;0.036836093660765276136537238472;0.009137635636778983563854872330;0.008852084523129639948013647199;0.005139920045688178146248148437;0.010708166761850370848896396581;0.018703597944031983418833320343;0.007709880068532267219372222655;0.007138777841233580855051510383;0.005425471159337521762089373567;0.011564820102798401696420071971;0.006282124500285550874889572981;0.039691604797258708825502537820;0.000000000000000000000000000000;0.007567104511707595411451610090;0.008138206739006281775772322362;0.007709880068532267219372222655;0.013135351227869788981461596222;0.012135922330097087193379046255;0.019560251284980012531633519757;0.009994288977727012676655071743
-0.032254047322540474462826409763;0.012826899128268991895351902599;0.032503113325031134095421947450;0.003362391033623910244210186704;0.055790784557907847907021192668;0.041843088418430880726095466571;0.005354919053549190774421440153;0.029265255292652551932786053612;0.018430884184308840567645404462;0.014196762141967621609350835854;0.018679950186799500200240942149;0.075342465753424653351899564768;0.016562889165628893323178871810;0.023536737235367373444194782905;0.018555417185554170383943173306;0.013075965130759651527947440286;0.011207970112079700814033955680;0.032004981320049814830230872076;0.037484433374844333686226605096;0.007098381070983810804675417927;0.020298879202988791281558889068;0.010460772104607720181523866643;0.011332503113325030630331724524;0.022540473225404731444365680204;0.034495641344956411156186248945;0.024283935242839352341981395966;0.032627646326276460442272764340;0.012079701120797011262841813561;0.000498132004981320024132596114;0.081444582814445831697724997866;0.021170610211706103465090222926;0.009339975093399750100120471075;0.015815691158156910955945306796;0.007347447073474470437270955614;0.012951432129514321711649671443;0.025653798256537983790703805198;0.013075965130759651527947440286;0.007098381070983810804675417927;0.001743462017434620247094412271;0.010709838107098381548842880306;0.009464508094645081651141715895;0.012328767123287670895437351248;0.000000000000000000000000000000;0.009838107098381071100035022425;0.015068493150684932058158693735;0.013075965130759651527947440286;0.017434620174346202037263253715;0.014694894146948940874541911228;0.023536737235367373444194782905;0.010211706102117060548928328956
-0.027223719676549865131853778166;0.021563342318059300350974183402;0.027762803234501347987572827947;0.003638814016172506674018372053;0.022641509433962262592965331010;0.036118598382749327047047671613;0.005660377358490565648241332752;0.037061994609164421177194270740;0.025336927223719676871560579912;0.012668463611859838435780289956;0.026145552560646899420415678605;0.028840970350404313699010927508;0.019541778975741240509389484714;0.018733153638814014491087434067;0.026549865229110510694843227952;0.009568733153638814617480967684;0.016576819407008086537658186899;0.044609164420485174218367063759;0.049460916442048516450391559829;0.005525606469002695801673308296;0.024123989218328839578830979917;0.011320754716981131296482665505;0.016442048517520214956366686465;0.020889487870619945913963633188;0.026954177897574125438717729253;0.025606469002695416564696628825;0.044474393530997302637075563325;0.016307277628032343375075186032;0.001617250673854447482954976856;0.048247978436657679157661959835;0.016711590296495958118949687332;0.010916442048517520022055116158;0.028840970350404313699010927508;0.004447439353099730090235208735;0.016037735849056603681939137118;0.026415094339622642582998679472;0.015363881401617250979652062881;0.007008086253369271920177219215;0.002830188679245282824120666376;0.009973045822102425891908517031;0.009164420485175201608329942360;0.026954177897574125438717729253;0.000000000000000000000000000000;0.013746630727762802412494913540;0.026415094339622642582998679472;0.012938005390835579863639814846;0.013207547169811321291499339736;0.014150943396226415421645938864;0.033423180592991916237899374664;0.010242587601078167319768041921
-0.030458221024258758796721124895;0.018328840970350403216659884720;0.035309973045822104498192572919;0.002425876010781671116012248035;0.014959568733153637970501037557;0.039487870619946088823759566822;0.003369272237196765679839716157;0.035040431266846361335609572052;0.032210242587601078945169774670;0.012129380053908355580061240175;0.021832884097035040044110232316;0.047304582210242585027515360707;0.015633423180592992407511587771;0.024393530997304582741413980784;0.021832884097035040044110232316;0.017520215633423180667804786026;0.021024258760107817495255133622;0.044878706199460917380950064626;0.033962264150943395624171472491;0.007547169811320754775896268995;0.020619946091644206220827584275;0.015094339622641509551792537991;0.014959568733153637970501037557;0.016307277628032343375075186032;0.040161725067385446730217068989;0.021698113207547168462818731882;0.033827493261455524042879972058;0.015633423180592992407511587771;0.001617250673854447482954976856;0.039218328840970352600070469862;0.031266846361185984815023175543;0.009568733153638814617480967684;0.017654986522911052249096286459;0.003773584905660377387948134498;0.017789757412398920360940834939;0.027628032345013476406281327513;0.015633423180592992407511587771;0.006738544474393531359679432313;0.011185983827493261449914641048;0.013746630727762802412494913540;0.010377358490566037166336066377;0.022911051212938005755548331877;0.000000000000000000000000000000;0.011725067385444744305633690828;0.015633423180592992407511587771;0.010242587601078167319768041921;0.015498652291105120826220087338;0.013746630727762802412494913540;0.032749326145552558331441872497;0.013342318059299191138067364193
-0.033748443337484432258399635884;0.012702366127023662079054133756;0.046699875466998753970049307327;0.021170610211706103465090222926;0.021170610211706103465090222926;0.023661270236612703260492551749;0.005728518057285180223314746684;0.028393524283935243218701671708;0.022166874221668741995472373674;0.023536737235367373444194782905;0.020423412204234121097856657912;0.019178082191780822934878969477;0.018057285180572851118752097932;0.034869240348692404074526507429;0.017932752179327521302454329089;0.014943960149439602241860924892;0.021544209215442092913983529456;0.039103362391033624767544552014;0.022665006226650061260663449048;0.009713574097135741283737253582;0.017932752179327521302454329089;0.017185554171855542404667716028;0.013698630136986300609436284503;0.029514321295143211565381591299;0.032378580323785800809677226653;0.030136986301369864116317387470;0.033499377334993772625804098197;0.009339975093399750100120471075;0.001618929016189290213956208930;0.025155666251556661056065777871;0.014694894146948940874541911228;0.017434620174346202037263253715;0.015068493150684932058158693735;0.007098381070983810804675417927;0.024034869240348692709385858279;0.039476961394769610746990906591;0.015317559153175591690754231422;0.008468244084682441386036089170;0.002490660024906600229083197817;0.015815691158156910955945306796;0.005728518057285180223314746684;0.019053549190535493118581200633;0.000000000000000000000000000000;0.018929016189290163302283431790;0.011830635118306351630246275874;0.015068493150684932058158693735;0.027770859277708594137212827491;0.024159402241594022525683627123;0.033748443337484432258399635884;0.015940224159402240772243075639
-0.021046077210460773648792454082;0.027023661270236611769979262476;0.032129514321295141177081688966;0.011457036114570360446629493367;0.039103362391033624767544552014;0.034869240348692404074526507429;0.006102117061021170539569791202;0.027148194271481941586277031320;0.058904109589041096783912365709;0.008966376089663760651227164544;0.017683686176836861669858791402;0.036986301369863014421035529722;0.013449564134495640976840746816;0.013325031133250311160542977973;0.025155666251556661056065777871;0.011955168119551681446544044718;0.017310087173100872220965484871;0.045330012453300122521326898095;0.036239103362391035523248916661;0.005354919053549190774421440153;0.017434620174346202037263253715;0.026276463262764632872192649415;0.019427148194271482567474507164;0.010834371108343711365140649150;0.026276463262764632872192649415;0.013449564134495640976840746816;0.035118306351183063707122045116;0.028144458281444583586106134021;0.000747198007471980090409002795;0.055168119551681195356085396497;0.016936488169364882772072178341;0.009464508094645081651141715895;0.015940224159402240772243075639;0.004856787048567870641868626791;0.011955168119551681446544044718;0.018555417185554170383943173306;0.011706102117061021813948507031;0.007347447073474470437270955614;0.019676214196762142200070044851;0.015691158156911581139647537952;0.010087173100871730732630560112;0.045080946450809462888731360408;0.000000000000000000000000000000;0.006475716064757160855824835721;0.018804483188044833485985662946;0.008717310087173101018631626857;0.013574097135740970793138515660;0.009215442092154420283822702231;0.023910336239103362893088089436;0.009589041095890411467439484738
-0.032086881401949894632164017594;0.013575219054671109134013740061;0.039738368505491790394490436711;0.004813032210292484021352255041;0.019128717758854746344709951700;0.030976181661113169618637641634;0.004442798963346908727722883725;0.024065161051462422708846489172;0.051832654572380600088710167483;0.017154140441811675799055336711;0.019745773170430705456546149890;0.029371837591015671764527183996;0.016290262865605330266927097682;0.029125015426385288813682095110;0.020116006417376281617537259194;0.020979883993582623680218546269;0.017277551524126865539754405177;0.040849068246328522346910716578;0.024065161051462422708846489172;0.010119708749845735679118163830;0.014809329877823029092409612417;0.029125015426385288813682095110;0.014439096630877452931418503113;0.021843761569788965742899833344;0.035295569542144883401491028962;0.026780204862396642107036370817;0.028754782179439712652690985806;0.014932740960138220567832156860;0.001357521905467111000137547805;0.033814636554362578757526591744;0.029125015426385288813682095110;0.011353819572997655637514036187;0.013081574725410341497600086313;0.007404664938911514546204806209;0.018635073429593976973572821976;0.028384548932494136491699876501;0.011353819572997655637514036187;0.011600641737628038588359125072;0.009379242255954585091859421198;0.017154140441811675799055336711;0.005430087621868444000550191220;0.032457114648895474262602078852;0.000000000000000000000000000000;0.010613353079106503315531817577;0.012464519313834382385763888124;0.012834752560779958546754997428;0.022954461310625694225873161258;0.014685918795507835882263591998;0.031346414908058742310181798985;0.012834752560779958546754997428
-0.028487947406866324928653710913;0.022766009252495739839661226256;0.032748965181397617085767848266;0.039566593620647676210477783343;0.032748965181397617085767848266;0.030557584611638665544885995473;0.004869734599464329433127218749;0.028122717311906502563045862075;0.042975407840272705772832750881;0.010956902848794740357174504197;0.020087655222790358477968908346;0.027757487216946676727991061284;0.010956902848794740357174504197;0.021061602142683225058483742487;0.029583637691745798964371161333;0.018626734842951058607196657135;0.020696372047723399223428941696;0.038714390065741420554612517435;0.027392257121986850892936260493;0.006817628439250060859433411053;0.016191867543218895625356523738;0.016678841003165328915613940808;0.008765522279035792285739603358;0.017409301193084977116276590436;0.029461894326759191509168545053;0.020331141952763573388374140904;0.029340150961772584053965928774;0.032140248356464569401413911010;0.002191380569758948071434900839;0.032383735086437791250713047475;0.048332115899683468496217386701;0.008035062089116142350353477752;0.013026540053567080973406788758;0.003774044314584854963728899335;0.013026540053567080973406788758;0.022887752617482347294863842535;0.011322132943754566192229304988;0.012052593133674214392891954617;0.006817628439250060859433411053;0.011809106403700997747763246082;0.006330654979303627569175993983;0.040297053810567320941693481018;0.000000000000000000000000000000;0.009374239103968833031199636707;0.022035549062576088169551624674;0.012174336498660823582818046873;0.016557097638178717990964372575;0.011078646213781349547100596453;0.021183345507669832513686358766;0.009495982468955442221125728963
-0.022721088435374150321655051243;0.037687074829931971331475892839;0.026802721088435375179637176757;0.031292517006802723911196295603;0.048707482993197277754138241335;0.021224489795918368567617662279;0.006938775510204081564680222982;0.037687074829931971331475892839;0.029251700680272108012758280893;0.014013605442176869930737126424;0.018095238095238094788719251937;0.012108843537414966037846220104;0.011292517006802721760139185392;0.018231292517006801590095932397;0.050340136054421766309552310759;0.014285714285714285268213963320;0.018639455782312925463672925730;0.039727891156462587229913907549;0.035918367346938775974685142955;0.005850340136054421949496351374;0.023129251700680270725785092623;0.010476190476190475747708674703;0.012380952380952381375323057000;0.021496598639455782170371023199;0.020544217687074831091287308027;0.024625850340136055949269433540;0.033061224489795919267987045487;0.047210884353741496000100852370;0.001360544217687074735820274007;0.032517006802721085123586419741;0.006666666666666667094565124074;0.008299319727891156517340931487;0.014285714285714285268213963320;0.004761904761904762334312479766;0.014829931972789115943167637113;0.027619047619047619457344211469;0.011428571428571428561515865852;0.008979591836734693993671285739;0.006938775510204081564680222982;0.009795918367346938271378320451;0.011292517006802721760139185392;0.034013605442176873816517712612;0.000000000000000000000000000000;0.010884353741496597886562192059;0.030204081632653062561288948018;0.012517006802721088176699737460;0.017006802721088436908258856306;0.011020408163265306422662348496;0.023129251700680270725785092623;0.008707482993197278656194448843
-0.011674301758534061726479968968;0.058075956849416285332488030235;0.021870843800797991340889581124;0.032510713757942955037805177199;0.035022905275602186914163382880;0.021131963942662923550130926742;0.006354366779961578143298694954;0.038717304566277525867956654793;0.052017142012708732223824625862;0.009457662184128860088927481797;0.009162110240874833319568715240;0.012708733559923156286597389908;0.011526525786907049209162323677;0.011674301758534061726479968968;0.079207920792079208882618956977;0.008866558297620806550209948682;0.010492093985517954649044902737;0.047140534949017293131490191627;0.030885178070045812143140651074;0.003251071375794295763989039116;0.015664252992463423980185055484;0.017142012708733559561702364249;0.007979902467858726242133649009;0.011674301758534061726479968968;0.017142012708733559561702364249;0.013743165361312250846714810848;0.025121915176592287538559489235;0.121028520762524016696204398613;0.000738879858135067248657568140;0.034136249445840108340810559184;0.008866558297620806550209948682;0.007536574552977686088095499173;0.012413181616669129517238623350;0.002955519432540268994630272559;0.008718782325993794032892303392;0.016403132850598491770943709867;0.006058814836707551373939928396;0.006502142751588591527978078233;0.007536574552977686088095499173;0.006945470666469631682016228069;0.014629821191074331154791110521;0.035614009162110243922327867949;0.000000000000000000000000000000;0.005911038865080537989260545118;0.033988473474213090619322485963;0.009457662184128860088927481797;0.009605438155755874340968603065;0.006649918723215604912657461512;0.014925373134328357924149877078;0.009162110240874833319568715240
-0.025672877846790891076533824844;0.023326432022084196693523239219;0.035748792270531404291489252500;0.010904071773636990830280701914;0.031469979296066249996322028437;0.030227743271221532705972379063;0.005935127674258108658456034590;0.031746031746031744269487262500;0.032850241545893721362148198750;0.015596963423050379596301873164;0.015458937198067632459719256133;0.023326432022084196693523239219;0.014768806073153898511529646953;0.022222222222222223070309254922;0.025810904071773638213116441875;0.018219461697722566517754216875;0.023050379572118702420358005156;0.037819185645272604401334604063;0.027191166321601102640048708281;0.006763285024154589743228260801;0.020979986197377502310512653594;0.018909592822636302200667302031;0.016011042097998619271326248281;0.022360248447204970206891871953;0.027191166321601102640048708281;0.024568668046928917453319840547;0.029813664596273291296224527969;0.038647342995169080281936402343;0.002208419599723947680108837588;0.038509316770186333145353785312;0.016701173222912354954239333438;0.012974465148378192674849529453;0.014630779848171153109670505899;0.007591442374051069960638749023;0.012284334023464458726659920274;0.028709454796411317673010543672;0.010489993098688751155256326797;0.007729468599033816229859628066;0.005383022774327121846849042441;0.018495514147688060790919450938;0.009661835748792270070484100586;0.036714975845410627308673667812;0.000000000000000000000000000000;0.016425120772946860681074099375;0.018909592822636302200667302031;0.012698412698412698401684295391;0.018633540372670807927502067969;0.015458937198067632459719256133;0.026363008971704623289999958047;0.012836438923395445538266912422
-0.020136054421768707217710314694;0.036870748299319730523215810081;0.024081632653061225274315759748;0.015510204081632653419497991365;0.043537414965986391546248768236;0.026666666666666668378260496297;0.008435374149659863318717611946;0.039863945578231294031290588009;0.027755102040816326258720891929;0.011972789115646259236469539644;0.017687074829931974384589210558;0.022721088435374150321655051243;0.011972789115646259236469539644;0.014557823129251700605690800217;0.062176870748299320479368645920;0.008979591836734693993671285739;0.015646258503401361955598147802;0.044625850340136052896156115821;0.040000000000000000832667268469;0.006938775510204081564680222982;0.021224489795918368567617662279;0.013469387755102040990506928608;0.013197278911564625653030091712;0.015374149659863944883397834928;0.021904761904761906043948016531;0.017142857142857143709635536766;0.039183673469387753085513281803;0.052108843537414968605236964549;0.000680272108843537367910137004;0.054965986394557825311935062018;0.012517006802721088176699737460;0.008299319727891156517340931487;0.017687074829931974384589210558;0.006802721088435373895941804534;0.011020408163265306422662348496;0.022993197278911563924408412163;0.011156462585034013224039028955;0.006802721088435373895941804534;0.003809523809523809520505288617;0.008571428571428571854817768383;0.011292517006802721760139185392;0.025306122448979593425599787793;0.000000000000000000000000000000;0.009795918367346938271378320451;0.033741496598639453274870447785;0.009931972789115646807478476887;0.013061224489795918851653411252;0.008843537414965987192294605279;0.017278911564625850511012217225;0.011700680272108843898992702748
-0.026852705015137555422111148573;0.028563906805317888781825530486;0.041332104778201921024827214524;0.016453863367118598537430784745;0.020271159668290114619360053894;0.020139528761353164831859885453;0.005528498091351849441643651062;0.031196524944056863715147187577;0.056206397262077135990043785796;0.015005923390812163017993263736;0.014479399763064367337439541927;0.016848756087929444430484338113;0.010793734368829801043010441219;0.020271159668290114619360053894;0.026721074108200605634610980132;0.010925365275766750830510609660;0.018296696064235881684645335099;0.045149401079373437106756483672;0.024878241411083322487396429779;0.009609056206397261629126305138;0.014479399763064367337439541927;0.028432275898380938994325362046;0.011451888903514544776340855492;0.019349743319731473045752778717;0.024483348690272476594342876410;0.021850730551533501661021219320;0.027905752270633143313771640237;0.046070817427932078680363758849;0.001053047255495590276905271132;0.024351717783335526806842707970;0.008950901671712517895795890865;0.013689614321442675551332435191;0.012504936159010136137448299110;0.006186652626036593174974065334;0.016980386994866394217984506554;0.032907726734237197074861569490;0.012110043438199288509671269765;0.008424378043964722215242169057;0.019613005133605369151306163644;0.016585494274055548324930953186;0.009477425299460313576349612674;0.047650388311175462252577972322;0.000000000000000000000000000000;0.014084507042253521444385988559;0.019086481505857576940199393789;0.014216137949190469497162681023;0.018428326971172831472145503540;0.014347768856127419284662849464;0.024088455969461630701289323042;0.011715150717388442616617716396
-0.026256443298969072558390891459;0.023356958762886598224284284697;0.037854381443298966425370366551;0.001932989690721649556071071174;0.030122422680412371670533033807;0.037532216494845359322507505340;0.005960051546391752219644644128;0.025451030927835051331786786477;0.041398195876288658434649647688;0.016591494845360824778035535587;0.014497422680412371670533033807;0.046713917525773196448568569394;0.011759020618556700887857857651;0.023034793814432991121421423486;0.018524484536082474334106606761;0.015141752577319587610982232206;0.014336340206185566384378127225;0.045908505154639178691411416366;0.024323453608247423002319820284;0.006604381443298969027455580516;0.015463917525773196448568569394;0.028511597938144329217324823844;0.011436855670103092050271520463;0.014497422680412371670533033807;0.026095360824742269006959460853;0.023034793814432991121421423486;0.028672680412371132768756254450;0.024645618556701030105182681496;0.002094072164948453541183370774;0.050096649484536084906416419926;0.020940721649484534544471969753;0.009826030927835051331786786477;0.012081185567010309725444194839;0.009664948453608247780355355872;0.020779639175257730993040539147;0.023679123711340205327147145908;0.012242268041237113276875625445;0.008376288659793814164733483096;0.019652061855670102663573572954;0.012564432989690722114461962633;0.007731958762886598224284284697;0.031250000000000000000000000000;0.000000000000000000000000000000;0.010470360824742267272235984876;0.011436855670103092050271520463;0.013853092783505153995360359431;0.022873711340206184100543040927;0.021585051546391752219644644128;0.024967783505154640677492494660;0.014175257731958762832946696619
-0.025170068027210883154776155379;0.022176870748299319646701377451;0.038503401360544219078629879505;0.006122448979591836419611450282;0.041088435374149662182574616054;0.024081632653061225274315759748;0.003537414965986394616709320715;0.028299319727891156933674565721;0.047074829931972789198724171911;0.016462585034013606233305182514;0.013877551020408163129360445964;0.034421768707482994220647753991;0.011292517006802721760139185392;0.022448979591836733249454738370;0.022312925170068026448078057911;0.013605442176870747791883609068;0.022585034013605443520278370784;0.045850340136054421047440143866;0.027755102040816326258720891929;0.007074829931972789233418641430;0.021632653061224488971747703658;0.023265306122448980996608725036;0.014557823129251700605690800217;0.023537414965986394599362085955;0.025850340136054420631106509632;0.024897959183673469552022794460;0.032517006802721085123586419741;0.020136054421768707217710314694;0.001360544217687074735820274007;0.037278911564625850927345851460;0.020272108843537414019086995154;0.011428571428571428561515865852;0.012517006802721088176699737460;0.005306122448979592141904415570;0.014693877551020407407067480676;0.032517006802721085123586419741;0.014557823129251700605690800217;0.006394557823129251757088287178;0.008979591836734693993671285739;0.016054421768707482359728189181;0.006802721088435373895941804534;0.041496598639455782586704657433;0.000000000000000000000000000000;0.012380952380952381375323057000;0.015374149659863944883397834928;0.013197278911564625653030091712;0.019455782312925169741379960442;0.015918367346938775558351508721;0.023129251700680270725785092623;0.010748299319727891085185511599
-0.018518518518518517490534236458;0.027089072543617996602360875613;0.030762167125803489137192414660;0.011478420569329659400859000584;0.028466483011937555869241833761;0.024793388429752066803857246668;0.009029690847872666112361450530;0.038720538720538717758490321330;0.040097949188858277025371279478;0.012243648607284971646658178202;0.017447199265381085203641120529;0.029690847872666053380852346777;0.013621059075604530913539136350;0.016222834404652587692030607514;0.046525864707682891563411686775;0.013621059075604530913539136350;0.017906336088154270469452455927;0.043311906948270584294391483127;0.028772574227119682849229675980;0.005203550658096112689621204339;0.020202020202020203737403036826;0.016988062442607896468382833177;0.011172329354147535890318110319;0.018977655341291706225792523810;0.026017753290480564315467759684;0.021120293847566574269025707622;0.035506580961126417428364021589;0.041934496479951025027510524978;0.001989592898683807589005345662;0.033976124885215792936765666354;0.022956841138659318801718001168;0.014386287113559841424614837990;0.014539332721150903179885283123;0.008111417202326293846015303757;0.011478420569329659400859000584;0.024487297214569943293316356403;0.010866238138965412379777220053;0.008570554025099479111826639155;0.006734006734006733711772607620;0.012702785430058156912469513600;0.013468013468013467423545215240;0.035047444138353228693105734237;0.000000000000000000000000000000;0.013621059075604530913539136350;0.026629935720844811336549540215;0.015457606366697275446231429896;0.017294153657790019978923723443;0.010560146923783287134512853811;0.020202020202020203737403036826;0.011478420569329659400859000584
-0.019845802398629354412751268910;0.018560822387207309008827493813;0.053398058252427181569199632349;0.010993717875499714464737621711;0.021701884637350087048357494268;0.019417475728155338121627693226;0.008138206739006281775772322362;0.033409480296973159685336440816;0.031267846944603085168612466305;0.022986864648772128982834317412;0.017275842375785267074350670669;0.015990862364363221670426895571;0.009994288977727012676655071743;0.023700742432895487155075642249;0.037978298115362650599902138993;0.011993146773272416252820171678;0.028555111364934323420206041533;0.043403769274700174096714988536;0.020416904625928041644433719171;0.009565962307252998120254972036;0.016561964591661908902109345831;0.020988006853226728876116169431;0.012278697886921758133937920832;0.038549400342661334362137637299;0.022130211307824099870034117998;0.025842375785265561671799616761;0.034408909194745859738695514807;0.030839520274129068877488890621;0.007138777841233580855051510383;0.023129640205596803392840143943;0.010993717875499714464737621711;0.026984580239862936135164517282;0.009423186750428327179696097460;0.008423757852655625391613547492;0.014134780125642490769544146190;0.036550542547115934255419489318;0.010850942318675043524178747134;0.008852084523129639948013647199;0.003426613363792118619605142626;0.015705311250713876319862194464;0.010279840091376356292496296874;0.024414620217018845327316967087;0.000000000000000000000000000000;0.022130211307824099870034117998;0.014277555682467161710103020766;0.016847515705311250783227094985;0.026270702455739577962923192445;0.014991433466590519882344345604;0.021273557966876070757233918584;0.013706453455168474478420570506
-0.020132517838939857635072172570;0.034021406727828745752972849914;0.043195718654434250849405430017;0.011977573904179408467718381814;0.023063200815494393214333257447;0.021406727828746176245378052272;0.005224260958205912720730967891;0.038481141692150867827937332777;0.030453618756371050868558825186;0.019495412844036698329919232719;0.018603465851172274608815726538;0.015035677879714576254954749857;0.011595310907237513578516008295;0.023318042813455657630283823778;0.032874617737003057615918777401;0.010703363914373088122689026136;0.020005096839959223692373413428;0.053389398572884813609640275445;0.032619775739041796669415163024;0.009938837920489296609560803120;0.021024464831804281356175678752;0.014653414882772681365752376337;0.014271151885830784741826526840;0.021534148827726810188076811414;0.024974515800203874599239028953;0.023700305810397552519486197298;0.039627930682976555964991405290;0.033129459734964325501316295686;0.000382262996941896027614654630;0.024592252803261976240589703480;0.008027522935779816959378507590;0.014143730886850152533851243675;0.013761467889908257644648870155;0.005861365953109072025883907742;0.016182466870540264392008822369;0.035550458715596332248676247900;0.014143730886850152533851243675;0.007390417940876656786863829751;0.007135575942915392370913263420;0.012869520897043832188821887996;0.013761467889908257644648870155;0.032110091743119267837514030361;0.000000000000000000000000000000;0.013888888888888888117900677344;0.021279306829765545772126245083;0.014780835881753313573727659502;0.018985728848114169498018100057;0.016692150866462793223909955032;0.029816513761467891563405885336;0.010193679918450561025511369451
-0.024614979597209426381843044851;0.021850730551533501661021219320;0.043306568382256153959541933318;0.037778070290904304517898282256;0.019613005133605369151306163644;0.027247597735948401315164701941;0.004607081742793207868036375885;0.027905752270633143313771640237;0.047518757404238512465077803881;0.014216137949190469497162681023;0.014479399763064367337439541927;0.028432275898380938994325362046;0.016058970646307752644377231377;0.022508885086218243659628157616;0.015795708832433856538823846449;0.013689614321442675551332435191;0.024878241411083322487396429779;0.057522706331446626926151566295;0.022508885086218243659628157616;0.008029485323153876322188615688;0.017901803343425035791591781731;0.022377254179281293872127989175;0.017638541529551139686038396803;0.023430301434776885233235432793;0.028827168619191784887378915414;0.022377254179281293872127989175;0.032644464920363304438755136516;0.017375279715677240111038059922;0.001579570883243385523778123947;0.030406739502435171929040080840;0.010530472554955903202733580315;0.011978412531262340456894577301;0.013031459786757930083278544942;0.004870343556667105708313236789;0.016322232460181652219377568258;0.037909701197841254305398450697;0.016848756087929444430484338113;0.005133605370541002681228359705;0.007239699881532183668719770964;0.015532447018559958698546985545;0.009082532578649467683296059306;0.036725023035408713156790838639;0.000000000000000000000000000000;0.010135579834145057309680026947;0.009609056206397261629126305138;0.011715150717388442616617716396;0.019613005133605369151306163644;0.014611030670001317124939710368;0.027774121363696196995718423750;0.014216137949190469497162681023
-0.023053051573814098418324647355;0.011969853701788088495838735525;0.044332791488104032751049743410;0.010935421900398995670444790562;0.028225210580759569484188276078;0.030737402098418797891099529807;0.003103295404167282379309655838;0.014777597162701345406832231788;0.110536426777006063781882971853;0.008423230382739767263533536834;0.018176444510122652387096309212;0.049357174523422489564872250867;0.009753214127382886858286248355;0.019358652283138762933978327396;0.008127678439485738759451294300;0.016107580907344466736308419286;0.027190778779370473189347379162;0.034431801389094129905998897812;0.019801980198019802220654739244;0.005763262893453524604581161839;0.010048766070636913627645014913;0.032215161814688933472616838571;0.007093246638096645066695611348;0.011083197872026008187762435853;0.028225210580759569484188276078;0.013595389389685236594673689581;0.023053051573814098418324647355;0.037091768878380372564951272807;0.000591103886508053755557967612;0.053790453672232896309424177161;0.030589626126791783639058408539;0.007832126496231711990092527742;0.010196542042263927879686136180;0.005763262893453524604581161839;0.010639869957144968901086024005;0.017289788680360573813743485516;0.006206590808334564758619311675;0.004433279148810403275104974341;0.019801980198019802220654739244;0.008127678439485738759451294300;0.002955519432540268994630272559;0.086744495345056890633905766208;0.000000000000000000000000000000;0.005911038865080537989260545118;0.006945470666469631682016228069;0.008423230382739767263533536834;0.016255356878971477518902588599;0.011083197872026008187762435853;0.016994236737106545309661242982;0.012856509531550170538638511175
-0.026995305164319249868754013733;0.027125717266562335283630602589;0.036515388628064686382668213582;0.020865936358894107000017115183;0.029081898800208658140142858883;0.020865936358894107000017115183;0.006651017214397495803945847825;0.028690662493479394956619188406;0.046165884194053208311459002289;0.014736567553468962396556740657;0.016301512780386020334821850497;0.016301512780386020334821850497;0.009650495565988523663514264683;0.022170057381324985434911667426;0.028169014084507042888771977118;0.015388628064684403348727492755;0.021257172665623370183540785661;0.049426186750130413072312762779;0.027777777777777776235801354687;0.007694314032342201674363746378;0.018518518518518517490534236458;0.021778821074595722251387996948;0.013954094940010432560062447749;0.019040166927490869558381447746;0.023343766301512781924376582765;0.021909233176838811135711537759;0.028429838288993217187972106785;0.036906624934793949566191884060;0.001043296817944705219896595061;0.027516953573291601936601225020;0.014345331246739697478309594203;0.014084507042253521444385988559;0.018909754825247784143504858889;0.006520605112154407786984045003;0.014214919144496608593986053393;0.027516953573291601936601225020;0.014214919144496608593986053393;0.007042253521126760722192994280;0.009259259259259258745267118229;0.016040688575899842566174768876;0.009780907668231612547837805494;0.049556598852373498487189351636;0.000000000000000000000000000000;0.013823682837767345410462382915;0.016692749087115283518345520974;0.012389149713093374621797337909;0.019822639540949399394875740654;0.012389149713093374621797337909;0.026864893062076160984430472922;0.012258737610850287472197273075
-0.022903777807029089552681710984;0.023035408713966039340181879425;0.045017770172436487319256315232;0.005791759905225747281920511966;0.019218112412794523258252610276;0.024483348690272476594342876410;0.006844807160721337775666217595;0.036988284849282612731791175520;0.043306568382256153959541933318;0.018428326971172831472145503540;0.014347768856127419284662849464;0.021719099644596551873521050879;0.012899828879820982030501852478;0.024878241411083322487396429779;0.031723048571804662865147861339;0.014216137949190469497162681023;0.024351717783335526806842707970;0.050809530077662236335900303175;0.033170988548111096649861906371;0.007502961695406081508996631868;0.017770172436488086004091613290;0.017506910622614189898538228363;0.013163090693694879870778713382;0.024351717783335526806842707970;0.026326181387389759741557426764;0.025141503224957218592949814706;0.033302619455048046437362074812;0.033960773989732788435969013108;0.000921416348558641573607275177;0.030011846781624326035986527472;0.013557983414505725763832266750;0.013163090693694879870778713382;0.013689614321442675551332435191;0.005001974463604054628451667242;0.012504936159010136137448299110;0.033302619455048046437362074812;0.011583519810451494563841023933;0.006976438067658285828442910059;0.003817296301171515214567531160;0.013821245228379623604109127655;0.012241674345136238297171438205;0.042516782940634462173434826582;0.000000000000000000000000000000;0.014216137949190469497162681023;0.016585494274055548324930953186;0.014742661576938265177716402832;0.019349743319731473045752778717;0.013952876135316571656885820119;0.021850730551533501661021219320;0.013031459786757930083278544942
-0.023343766301512781924376582765;0.035863328116849245430497461484;0.044079290558163800040070157138;0.006129368805425143736098636538;0.015649452269170579382651098399;0.021257172665623370183540785661;0.005086071987480437865680737985;0.036384976525821594028897720818;0.050599895670318202622883774211;0.016823161189358372402669061785;0.011997913406364111438273667432;0.014736567553468962396556740657;0.011476264997391757635702980167;0.025691184141888367964412509536;0.022430881585811163203558749046;0.011606677099634846520026520977;0.021257172665623370183540785661;0.064293166405842455679575664362;0.023343766301512781924376582765;0.008868022952529995561743447752;0.017344809598330724470516273072;0.018779342723004695259181318079;0.015910276473656753681851228066;0.024387063119457486060071005340;0.021778821074595722251387996948;0.024647887323943660359271135007;0.034167970787689100342632286811;0.041601460615545121646263737603;0.001173708920187793453698832380;0.020605112154407929231370033563;0.011476264997391757635702980167;0.009650495565988523663514264683;0.011867501304121022553950126621;0.004955659885237349848718935164;0.017996870109546165422687025170;0.031559728742827336533949278419;0.016040688575899842566174768876;0.005607720396452790800889687262;0.007172665623369848739154797101;0.015127803860198225580080411135;0.010432968179447053500008557592;0.054512258737610848335908286799;0.000000000000000000000000000000;0.013562858633281167641815301295;0.009650495565988523663514264683;0.013302034428794991607891695651;0.020605112154407929231370033563;0.012910798122065728424368025173;0.029733959311424099092313610981;0.012519561815336463506120878719
-0.028732592984311650791129366667;0.031376696633174688821910081060;0.036664903930900757944577605940;0.012162876784769963839361039959;0.019742640578177331200926403199;0.028027498677948174676810566552;0.002291556495681297371536100371;0.035607262471355545507822881746;0.047593865679534635981795531734;0.011810329631588225782201639902;0.016569716199541690421215278661;0.020095187731359070992809279232;0.013925612550678654125158040245;0.020624008461131677211186641330;0.031552970209765558717851519077;0.014278159703860392182317440302;0.017274810505905166535534078776;0.053939714436805924480111684716;0.029966508020447736593272480832;0.007050943063634761143188001142;0.018684999118632118764171679004;0.019037546271813855086607603084;0.009518773135906927543303801542;0.017274810505905166535534078776;0.031729243786356428613792957094;0.028380045831129914468693442586;0.037546271813855100485390892118;0.038251366120218580069156644186;0.000352547153181738057159400057;0.024502027146130794105216565981;0.017979904812268642649852878890;0.008461131676361713371825601371;0.017979904812268642649852878890;0.003349197955226511543014300543;0.010928961748633879771941401771;0.029437687290675126905448166781;0.017451084082496032962028564839;0.009166225982725189486144401485;0.007579763793407368228927101228;0.009166225982725189486144401485;0.008989952406134321324926439445;0.050590516481579410335012170208;0.000000000000000000000000000000;0.008108584523179975314666201314;0.019037546271813855086607603084;0.010576414595452141714782001714;0.017803631235677772753911440873;0.013573065397496916067998640187;0.026441036488630356021678480261;0.008813678829543451428985001428
-0.024233784746970778167796112257;0.015680684248039915285044543225;0.055060584461867428940351487654;0.001781895937277263100573243548;0.026550249465431219331179590881;0.027797576621525304368942599353;0.004989308624376336681605081935;0.018888096935138987131352905635;0.039736279401282964540698117162;0.024411974340698503610491698623;0.014967925873129010044815245806;0.027441197434069850014104474667;0.013898788310762652184471299677;0.034925160370634353301788621593;0.012116892373485389083898056128;0.015680684248039915285044543225;0.033677833214540271733472565074;0.047933000712758376538058513461;0.012829650748396294324127353548;0.009265858873841768122980866451;0.011760513186029936463783407419;0.022095509622238062447108219999;0.011760513186029936463783407419;0.032608695652173912138405142969;0.026728439059158944773875177248;0.026728439059158944773875177248;0.028153955808980755254333772086;0.016571632216678545967969427011;0.002494654312188168340802540968;0.037241625089094794465172100217;0.016037063435495366170435715958;0.026372059871703493888484004515;0.006058446186742694541949028064;0.007840342124019957642522271613;0.019957234497505346726420327741;0.040449037776193873250374366535;0.011404133998574483843668758709;0.005345687811831789301719730645;0.006414825374198147162063676774;0.022095509622238062447108219999;0.004276550249465431441375784516;0.024055595153243049255653573937;0.000000000000000000000000000000;0.017462580185317176650894310797;0.009444048467569493565676452818;0.014611546685673557424700597096;0.030470420527441196417717250711;0.022630078403421238775194979098;0.022986457590876693130033103785;0.014076977904490377627166886043
-0.034085213032581454517533359194;0.013199665831244778921305105257;0.058980785296574772536004616086;0.000835421888053466954460191118;0.014703425229741018745444058879;0.019715956558061822206928681567;0.005179615705931495811542575325;0.017878028404344194213226870716;0.041269841269841268938112222031;0.026065162907268169673047353285;0.013533834586466165356144486509;0.017042606516290727258766679597;0.013533834586466165356144486509;0.039933166248955723198754697023;0.009523809523809524668624959531;0.016875522138680033173985250983;0.032080200501253132439050119729;0.043274853801169591016595461497;0.012698412698412698401684295391;0.010359231411862991623085150650;0.013199665831244778921305105257;0.027903091060985797666749164136;0.012865497076023392486465724005;0.034085213032581454517533359194;0.032247284878863823054384596389;0.028237259816207185836312021365;0.026065162907268169673047353285;0.018880534670008355252468490448;0.001837928153717627343180507360;0.014870509607351712830225487494;0.017710944026733500128445442101;0.022055137844611528985527826308;0.010025062656641603453522293421;0.008354218880534669544601911184;0.021219715956558062031067635189;0.039598997493734335029191839794;0.010693400167084378057924531902;0.009857978279030911103464340783;0.007685881370091896674923148680;0.023893065998329156979229637159;0.004845446950710108509341456084;0.023391812865497074724885351316;0.000000000000000000000000000000;0.023558897243107768809666779930;0.003842940685045948337461574340;0.022222222222222223070309254922;0.034252297410192145132867835855;0.023558897243107768809666779930;0.027736006683375103581967735522;0.014536340852130326395386106242
-0.025762980578676177717545314749;0.038842647641696391447307945555;0.066389219183511691269039545205;0.001783590963139120152622374427;0.004161712247324613617172062163;0.015457788347205706977471884045;0.004359889021006737620800297606;0.020610384462940944949593813362;0.031906460562822036575170159267;0.021204914783987317827840257678;0.016052318668252081590441804337;0.012485136741973840851516186490;0.009908838684106222732816959820;0.039239001189060644658734844370;0.017835909631391200225181137284;0.016845025762980577604954746107;0.041022592152199763293474177317;0.054102259215219973553789856169;0.013079667063020213729762630805;0.012286959968291715980526213059;0.012683313515655965722506159921;0.026555687673404677201505208473;0.016250495441934204726708301791;0.030321046373365041076697323774;0.025762980578676177717545314749;0.031113753468093540560657217497;0.028339278636543795836244541420;0.033095521204914782331663047898;0.002179944510503368810400148803;0.009512485136741972990837012958;0.011890606420927467973269742174;0.019817677368212445465633919639;0.003765358699960364742553853290;0.008917954815695600112590568642;0.019024970273483945981674025916;0.036068172810146653661789173384;0.012683313515655965722506159921;0.008917954815695600112590568642;0.006738010305192231735871288834;0.019817677368212445465633919639;0.008125247720967102363354150896;0.033095521204914782331663047898;0.000000000000000000000000000000;0.016845025762980577604954746107;0.006539833531510106864881315403;0.012088783194609591109536239628;0.030717399920729290818677270636;0.023781212841854935946539484348;0.028735632183908045578224488281;0.013277843836702338600752604236
-0.021105010295126971908707957937;0.044440631434454355708218997734;0.045984900480439259984333233433;0.002402196293754289661837031389;0.015442690459849004597225885504;0.024021962937542894883646837911;0.004804392587508579323674062778;0.037577213452299244866861016590;0.044440631434454355708218997734;0.014584763212079614874694399873;0.012697323266986960260682693047;0.026080988332189431605501184208;0.011153054221002059454015409301;0.019217570350034317294696251111;0.027968428277282086219512891034;0.010809883321894303911947510244;0.035861358956760465421798045327;0.070693205216197665952115869459;0.023507206588881262437906727314;0.008750857927247768924816639924;0.013212079615648592706422803644;0.028826355525051475942044376666;0.014241592312971859332626500816;0.018188057652711048933769077962;0.026424159231297185412845607289;0.017673301304049416488028967365;0.023850377487989019714698102348;0.041523678792038436202727069713;0.001715854495538778360860798777;0.036719286204529855144329530958;0.009265614275909403105280226498;0.022134522992450240269635131085;0.010466712422786548369879611187;0.003260123541523678950687648026;0.013383665065202471344818491161;0.030713795470144130556056083492;0.013212079615648592706422803644;0.005833905284831845949877759949;0.008236101578586136479076529326;0.022477693891557997546426506119;0.010809883321894303911947510244;0.037062457103637612421120905992;0.000000000000000000000000000000;0.009780370624571035551020337095;0.012354152367879202983891318013;0.009437199725463280008952438038;0.015271105010295127693553673964;0.012010981468771447441823418956;0.020761839396019218101363534856;0.009608785175017158647348125555
-0.025091799265605875535189994707;0.030599755201958383360461013467;0.043859649122807015109160033717;0.005711954304365564859258252994;0.026927784577723379300095984945;0.024275805793553650868688009723;0.005711954304365564859258252994;0.029579763361893104262057008214;0.041819665442676456912352023210;0.016319869441044472513357987964;0.012647898816809464983546007488;0.027335781313749491633346977437;0.008771929824561403021832006743;0.023663810689514484103534996962;0.034271725826193387420826041989;0.014483884128926968748451997726;0.025907792737658100201691979692;0.057527539779681759191110046459;0.023051815585475317338381984200;0.007751937984496123923428001490;0.017543859649122806043664013487;0.022439820481436147103782019485;0.014687882496940024915077493972;0.025091799265605875535189994707;0.025907792737658100201691979692;0.019379844961240309808570003725;0.031415748674010604557516046498;0.031211750305997553595060978182;0.002243982048143614797114375747;0.026723786209710321398747012722;0.020195838433292534475071988709;0.017135862913096693710413020995;0.012239902080783354385018490973;0.005915952672378621025883749240;0.015707874337005302278758023249;0.035903712770297836753830011958;0.016523867809057526945260008233;0.003467972256221950062143877247;0.006731946144430844825023996236;0.019379844961240309808570003725;0.008771929824561403021832006743;0.032843737250101999458617996197;0.000000000000000000000000000000;0.009995920032639738286861508243;0.016523867809057526945260008233;0.012443900448796408816920511242;0.017747858017135863945012985710;0.015095879232966135513605010487;0.020603835169318646808322981201;0.010811913504691962953363493227
-0.016572504708097929304599915667;0.029190207156308850544590427489;0.047080979284369113557762176470;0.014689265536723164137788977257;0.020715630885122411630749894584;0.016949152542372881297128017763;0.005273069679849340905819499170;0.027118644067796609381515438031;0.040866290018832393537984160048;0.018832391713747644729215480197;0.010734463276836157807903049388;0.015065913370998116130317079353;0.014689265536723164137788977257;0.024858757062146893956899873501;0.029378531073446328275577954514;0.009604519774011300095595267123;0.035781544256120526026343497961;0.053295668549905840516434096799;0.020338983050847456168774840535;0.009227871939736346368343689051;0.015442561205273069857568657426;0.032768361581920903147224777285;0.013747645951035780687021770063;0.024858757062146893956899873501;0.016007532956685499581084286547;0.020903954802259885892290469656;0.026365348399246705396459233839;0.042561205273069682708531047410;0.003201506591337099742744509712;0.022410546139359697331849829993;0.009416195856873822364607740099;0.024670433145009416225912346476;0.009604519774011300095595267123;0.005838041431261770629335128291;0.019209039548022600191190534247;0.037664783427495289458430960394;0.012994350282485874967242089895;0.006967984934086629209004648544;0.007532956685499058065158539677;0.028060263653483991097559169248;0.009604519774011300095595267123;0.033333333333333332870740406406;0.000000000000000000000000000000;0.012052730696798493251198358678;0.016195856873822973842624861618;0.012994350282485874967242089895;0.019585687382297552183718636343;0.017702448210922788751631173909;0.024670433145009416225912346476;0.013370998116760828694493667967
-0.035175017158544957807109199166;0.012697323266986960260682693047;0.053019903912148252933533854048;0.000514756348661633529942283083;0.007549759780370624527578993224;0.019903912148249828378832049225;0.004975978037062457094708012306;0.015614275909402883235621573021;0.038949897048730267035132612818;0.025394646533973920521365386094;0.018188057652711048933769077962;0.017673301304049416488028967365;0.013383665065202471344818491161;0.036719286204529855144329530958;0.007721345229924502298612942752;0.019732326698695949740436361708;0.028997940974605354580440064183;0.047700754975978039429396204696;0.015442690459849004597225885504;0.010638297872340425273551822727;0.014241592312971859332626500816;0.030542210020590255387107347929;0.016300617707618394319757371136;0.039464653397391899480872723416;0.029169526424159229749388799746;0.030885380919698009194451771009;0.027968428277282086219512891034;0.008579272477693892021144428384;0.004632807137954701552640113249;0.017158544955387784042288856767;0.017844886753603295126424654882;0.021276595744680850547103645454;0.007892930679478380937008630269;0.008064516129032257840680841809;0.027453671928620453773772780437;0.037748798901853120035809752153;0.014927934111187372151485774907;0.010638297872340425273551822727;0.008579272477693892021144428384;0.024365133836650652160438212945;0.007035003431708991214477144638;0.026424159231297185412845607289;0.000000000000000000000000000000;0.017673301304049416488028967365;0.004461221688400823781606163720;0.018359643102264927572164765479;0.031743308167467398916983256640;0.024879890185312284606178323543;0.024879890185312284606178323543;0.016815374056280026765497481733
-0.024768353528153954495882871356;0.027975766215253029811638185720;0.040983606557377046109014173680;0.014789736279401282867396183462;0.033677833214540271733472565074;0.021204561653599428294736384260;0.003741981468282252511203811451;0.028153955808980755254333772086;0.045260156806842477550389958196;0.011582323592302209286364345076;0.010334996436208125983324812580;0.021204561653599428294736384260;0.015324305060584462664929894515;0.021204561653599428294736384260;0.031183178902352101657946548130;0.013007840342124019766822939914;0.025124732715609408850720996043;0.045972915181753386260066207569;0.024768353528153954495882871356;0.007305773342836778712350298548;0.016749821810406271410665013377;0.027441197434069850014104474667;0.017462580185317176650894310797;0.021560940841054882649574508946;0.024233784746970778167796112257;0.020669992872416251966649625160;0.027797576621525304368942599353;0.038310762651461154060239522323;0.001781895937277263100573243548;0.032074126870990732340871431916;0.016928011404133996853360599744;0.013364219529579472386937588624;0.014076977904490377627166886043;0.006058446186742694541949028064;0.018175338560228081891123608216;0.027263007840342124571408888301;0.012116892373485389083898056128;0.008196721311475410262636920322;0.011404133998574483843668758709;0.019066286528866712574048492002;0.006236635780470420852006352419;0.040270848182466144338231828215;0.000000000000000000000000000000;0.012829650748396294324127353548;0.017997148966500356448428021849;0.012473271560940841704012704838;0.017997148966500356448428021849;0.014611546685673557424700597096;0.022808267997148967687337517418;0.012473271560940841704012704838
-0.014935064935064934835140526559;0.030952380952380953438307642500;0.038961038961038960137805986506;0.012121212121212121201607736509;0.053896103896103893238223037088;0.017532467532467531368123303537;0.003896103896103896100516772449;0.022943722943722943269362346541;0.045670995670995667703451204034;0.014935064935064934835140526559;0.012770562770562770768534299748;0.022727272727272727903535809446;0.009307359307359307568074946460;0.019480519480519480068902993253;0.025324675324675326171242062401;0.008225108225108225534771833054;0.033116883116883114035466917358;0.050432900432900433507210635753;0.021212121212121213403856145874;0.009090909090909090467524933388;0.012337662337662338302157749581;0.032683982683982683303813843168;0.010822510822510822067754610032;0.018614718614718615136149892919;0.019264069264069264703076456158;0.015367965367965367301517076726;0.016883116883116881801196740298;0.070129870129870125472493214147;0.003030303030303030300401934127;0.055194805194805192372076163565;0.006709956709956710167730431493;0.018398268398268399770323355824;0.008441558441558440900598370149;0.005411255411255411033877305016;0.017099567099567100636470229347;0.028787878787878789371701415689;0.011038961038961039168304623104;0.005194805194805194800689029933;0.004978354978354978567500754849;0.020562770562770563836929582635;0.008874458874458875101698396293;0.047402597402597404507851308608;0.000000000000000000000000000000;0.011471861471861471634681173271;0.013203463203463203234910849915;0.011688311688311688735231186342;0.017316017316017316002296766442;0.012337662337662338302157749581;0.021212121212121213403856145874;0.008008658008658008434221819982
-0.018045112781954888298008299330;0.051629072681704260561197372681;0.039766081871345032583420220362;0.004344193817878027989720646218;0.015873015873015872134743631250;0.031244778613199665484589928610;0.006349206349206349200842147695;0.028905597326649958705990783869;0.044110275689223057971055652615;0.014035087719298245875765296375;0.011361737677527150927603294406;0.019548872180451128122147252952;0.011695906432748537362442675658;0.014703425229741018745444058879;0.021219715956558062031067635189;0.009857978279030911103464340783;0.029908103592314119745232403602;0.079030910609857979443049202928;0.014202172096908938225823249013;0.007518796992481202590141720066;0.014703425229741018745444058879;0.033918128654970756963304978626;0.019883040935672516291710110181;0.020718462823725983246170301300;0.017543859649122806043664013487;0.020885547201336673861504777960;0.023057644110275690024769446040;0.047786131996658313958459274318;0.003675856307435254686361014720;0.023057644110275690024769446040;0.013366750208855471271363057895;0.018379281537176272998124204605;0.008688387635756055979441292436;0.004177109440267334772300955592;0.011027568922305764492763913154;0.031913116123642441823715643068;0.015873015873015872134743631250;0.009356725146198830583843530917;0.017209690893901421343548108212;0.021386800334168756115849063804;0.013366750208855471271363057895;0.055137844611528818994372613815;0.000000000000000000000000000000;0.010693400167084378057924531902;0.004344193817878027989720646218;0.014536340852130326395386106242;0.014870509607351712830225487494;0.008521303258145363629383339799;0.020050125313283206907044586842;0.008521303258145363629383339799
-0.021204914783987317827840257678;0.027942925089179549563711546512;0.050535077288941736284311190275;0.000396353547364248928828317498;0.012683313515655965722506159921;0.023186682520808559598846088079;0.004954419342053111366408479910;0.023384859294490686204559537487;0.060245739199365835880861652640;0.016845025762980577604954746107;0.012286959968291715980526213059;0.016646848989298454468688248653;0.010899722552516845353043350997;0.021403091557669440964106755132;0.014863258026159334099225439729;0.010503369005152595611063404135;0.039239001189060644658734844370;0.068965517241379309387738771875;0.013674197384066586608009075121;0.009710661910424097861826986389;0.009116131589377724983580542073;0.034086405073325408421336391029;0.019223147047166072587387475323;0.025366627031311931445012319841;0.022988505747126436462579590625;0.021403091557669440964106755132;0.026753864447086800337771705927;0.027744748315497422957998097104;0.001783590963139120152622374427;0.025564803804994054581278817295;0.009710661910424097861826986389;0.019817677368212445465633919639;0.010305192231470472474796906681;0.006341656757827982861253079960;0.017439556084026950483201190423;0.036068172810146653661789173384;0.012485136741973840851516186490;0.009512485136741972990837012958;0.011494252873563218231289795312;0.020412207689258818343880363955;0.009908838684106222732816959820;0.060245739199365835880861652640;0.000000000000000000000000000000;0.013476020610384463471742577667;0.006738010305192231735871288834;0.017439556084026950483201190423;0.015457788347205706977471884045;0.012683313515655965722506159921;0.025762980578676177717545314749;0.011097899326198970224033324428
-0.017979904812268642649852878890;0.044068394147717258879648483116;0.044597214877489861628578893260;0.007756037369998237257506801257;0.010223867442270403657622601656;0.018332451965450378972288802970;0.005640754450907808914550400914;0.027674951524766438354374642472;0.058522827428168520957907361435;0.016040895469769080733390964610;0.011281508901815617829100801828;0.019566367001586461304984965182;0.012339150361360832000579001999;0.021329102767495153325505441444;0.023091838533403841876578965753;0.010928961748633879771941401771;0.030495328750220342811649842929;0.065750044068394145058142896687;0.017979904812268642649852878890;0.007403490216816499200347401199;0.013220518244315178010839240130;0.032434338092719901258664805255;0.014278159703860392182317440302;0.021681649920676889647941365524;0.020271461307949937419303765296;0.018508725542041248868230240987;0.024502027146130794105216565981;0.050943063634761150126895046242;0.002644103648863035428695500428;0.025030847875903403793040880032;0.013220518244315178010839240130;0.017627357659086902857970002856;0.011105235325224749667882839788;0.005288207297726070857391000857;0.013749338974087784229216602228;0.028556319407720784364634880603;0.013749338974087784229216602228;0.007227216640225630171767701171;0.007932310946589107153448239274;0.021152829190904283429564003427;0.009166225982725189486144401485;0.059933016040895473186544961663;0.000000000000000000000000000000;0.012339150361360832000579001999;0.009342499559316059382085839502;0.015159527586814736457854202456;0.016393442622950820525273840644;0.009518773135906927543303801542;0.025030847875903403793040880032;0.008989952406134321324926439445
-0.018808777429467085640091283949;0.027233542319749216159552318572;0.046630094043887147792215586151;0.013322884012539185083490167472;0.040360501567398121558483126137;0.024098746081504703042686088565;0.005094043887147335115950230744;0.025666144200626957866395727592;0.041927899686520372912745813210;0.013714733542319749656779315217;0.012735109717868339090918183842;0.023510971786833857050114104936;0.009796238244514107393334789720;0.017241379310344827346934692969;0.033111285266457679554719106818;0.011755485893416928525057052468;0.025274294670846395027830055824;0.043691222570532914359908716051;0.021159874608150469610379218466;0.006465517241379310255100509863;0.010775862068965517959195921094;0.024098746081504703042686088565;0.009600313479623824239328477859;0.019984326018808777625235251207;0.027037617554858933005546006711;0.017437304075235110500941004830;0.029192789968652037291274581321;0.050940438871473356363672735370;0.002938871473354232131264263117;0.039968652037617555250470502415;0.016653605015673981354362709340;0.016065830721003135361790725710;0.015086206896551724795929594336;0.006269592476489027968455935991;0.010775862068965517959195921094;0.031935736677115987569575139560;0.010579937304075234805189609233;0.009600313479623824239328477859;0.006073667711598745681811362118;0.023510971786833857050114104936;0.007249216300940438534317067365;0.046826018808777430946221898012;0.000000000000000000000000000000;0.009404388714733542820045641975;0.024882445141065832189264384056;0.010775862068965517959195921094;0.019396551724137931632663267578;0.009600313479623824239328477859;0.020768025078369906771813546698;0.010971786833855799378478756978
-0.022808267997148967687337517418;0.023342836778332144015424276517;0.042765502494654314413757845159;0.010691375623663578603439461290;0.033856022808267993706721199487;0.023342836778332144015424276517;0.007127583749109052402292974193;0.029223093371347114849401194192;0.042587312900926585501615306839;0.017462580185317176650894310797;0.015680684248039915285044543225;0.025481111903064859736112168775;0.011047754811119031223554109999;0.019422665716322166928886616688;0.026550249465431219331179590881;0.011047754811119031223554109999;0.037419814682822523377314638537;0.042943692088382036387006479572;0.024590163934426229053187284990;0.007127583749109052402292974193;0.016037063435495366170435715958;0.034390591589451173504254910540;0.008909479686386315502866217741;0.020135424091233072169115914107;0.028332145402708480697029358453;0.017818959372772631005732435483;0.027263007840342124571408888301;0.025124732715609408850720996043;0.002672843905915894650859865322;0.044369208838203846867465074411;0.012829650748396294324127353548;0.022808267997148967687337517418;0.008196721311475410262636920322;0.004276550249465431441375784516;0.018175338560228081891123608216;0.031539558089807552543337720863;0.012651461154668567146708291205;0.010156806842480398805905750237;0.006593014967925873472121001129;0.022273699215965787889803806365;0.009087669280114040945561804108;0.027975766215253029811638185720;0.000000000000000000000000000000;0.012473271560940841704012704838;0.018709907341411261688657319269;0.015680684248039915285044543225;0.018175338560228081891123608216;0.015146115466856735487510832172;0.022095509622238062447108219999;0.011582323592302209286364345076
-0.021026372059871702852040797893;0.017106200997861725765503138064;0.047933000712758376538058513461;0.002494654312188168340802540968;0.020135424091233072169115914107;0.022095509622238062447108219999;0.006414825374198147162063676774;0.024590163934426229053187284990;0.047220242337847467828382264088;0.023521026372059872927566814838;0.012829650748396294324127353548;0.017818959372772631005732435483;0.015324305060584462664929894515;0.030826799714896650772555375397;0.017462580185317176650894310797;0.012651461154668567146708291205;0.039558089807555235628555578842;0.052031361368496079067291759657;0.018531717747683536245961732902;0.011582323592302209286364345076;0.014967925873129010044815245806;0.032786885245901641050547681289;0.021026372059871702852040797893;0.022273699215965787889803806365;0.019422665716322166928886616688;0.024233784746970778167796112257;0.024233784746970778167796112257;0.023877405559515323812957987570;0.002672843905915894650859865322;0.040270848182466144338231828215;0.014076977904490377627166886043;0.021026372059871702852040797893;0.013007840342124019766822939914;0.006414825374198147162063676774;0.018531717747683536245961732902;0.042230933713471134616224134106;0.010513186029935851426020398947;0.004811119030648610371547757580;0.010156806842480398805905750237;0.023342836778332144015424276517;0.008731290092658588325447155398;0.027441197434069850014104474667;0.000000000000000000000000000000;0.012473271560940841704012704838;0.011938702779757661906478993785;0.017106200997861725765503138064;0.021382751247327157206878922580;0.012651461154668567146708291205;0.027084818246614399128713301934;0.010156806842480398805905750237
-0.022649279341111872715375241683;0.036032944406314347529640684797;0.041866849691146193479518444747;0.001887439945092656131894748306;0.019389155799588195933091938628;0.022134522992450240269635131085;0.003603294440631434492755547083;0.024193548387096773522042525428;0.053019903912148252933533854048;0.020418668496911460824572159822;0.013898421413864103790558601759;0.014413177762525737971022188333;0.018188057652711048933769077962;0.023850377487989019714698102348;0.022134522992450240269635131085;0.016643788606726148127101794216;0.024536719286204530798833900462;0.053877831159917635717171435772;0.015957446808510637042965996102;0.007206588881262868985511094166;0.011324639670555936357687620841;0.025394646533973920521365386094;0.020590253946465339462967847339;0.025909402882635552967105496691;0.020761839396019218101363534856;0.023678792038435141076302414831;0.023335621139327383799511039797;0.044269045984900480539270262170;0.002573781743308167432870980917;0.027282086479066575135377092920;0.011324639670555936357687620841;0.017673301304049416488028967365;0.010295126973232669731483923670;0.005490734385724090407809860892;0.018188057652711048933769077962;0.030027453671928619471920285378;0.010123541523678792827811712129;0.007892930679478380937008630269;0.010295126973232669731483923670;0.023335621139327383799511039797;0.006863417982155113443443195109;0.047014413177762524875813454628;0.000000000000000000000000000000;0.019217570350034317294696251111;0.010295126973232669731483923670;0.014241592312971859332626500816;0.023335621139327383799511039797;0.014927934111187372151485774907;0.025566231983527795690314121657;0.012868908716540837164354904587
-0.025659301496792588648254707095;0.015502494654312188107625480882;0.059693513898788311267118444903;0.011760513186029936463783407419;0.025302922309337134293416582409;0.020491803278688523054507086840;0.003741981468282252511203811451;0.021204561653599428294736384260;0.034925160370634353301788621593;0.028688524590163935051867483139;0.012473271560940841704012704838;0.015502494654312188107625480882;0.010334996436208125983324812580;0.045438346400570206462532496516;0.014789736279401282867396183462;0.021204561653599428294736384260;0.026906628652886670216570763614;0.042765502494654314413757845159;0.015146115466856735487510832172;0.012651461154668567146708291205;0.013364219529579472386937588624;0.024411974340698503610491698623;0.008018531717747683085217857979;0.036350677120456163782247216432;0.029757662152530291177487953291;0.036172487526728441808998582019;0.024590163934426229053187284990;0.017640769779044902093589897163;0.001425516749821810480458594839;0.016393442622950820525273840644;0.014433357091945830247281534753;0.021560940841054882649574508946;0.004811119030648610371547757580;0.007483962936564505022407622903;0.018888096935138987131352905635;0.040270848182466144338231828215;0.015146115466856735487510832172;0.008553100498930862882751569032;0.005523877405559515611777055000;0.019066286528866712574048492002;0.004632929436920884061490433226;0.020491803278688523054507086840;0.000000000000000000000000000000;0.014967925873129010044815245806;0.007127583749109052402292974193;0.010869565217391304046135047656;0.042409123307198856589472768519;0.028866714183891660494563069506;0.027263007840342124571408888301;0.015324305060584462664929894515
-0.023195876288659794672852854092;0.021746134020618555771076074734;0.046069587628865982242842846972;0.006926546391752576997680179716;0.029961340206185568119101603202;0.017074742268041235432329827404;0.005315721649484536279195445729;0.025934278350515465455528030247;0.034471649484536084906416419926;0.020779639175257730993040539147;0.015141752577319587610982232206;0.016913659793814431880898396798;0.008376288659793814164733483096;0.033182989690721649556071071174;0.022229381443298969894817318504;0.010953608247422679661253752670;0.029800257731958764567670172596;0.051707474226804120420730725982;0.018846649484536081436969467973;0.009020618556701030105182681496;0.013530927835051546892497498220;0.032216494845360821308588583634;0.012242268041237113276875625445;0.029961340206185568119101603202;0.023518041237113401775715715303;0.026095360824742269006959460853;0.026256443298969072558390891459;0.038820876288659794672852854092;0.001610824742268041152165602981;0.024806701030927833656614112101;0.016752577319587628329466966193;0.020940721649484534544471969753;0.010148195876288660169373123665;0.006121134020618556638437812722;0.017557989690721649556071071174;0.040753865979381444228923925266;0.010953608247422679661253752670;0.006765463917525773446248749110;0.005154639175257731860402277135;0.023034793814432991121421423486;0.008537371134020617716164913702;0.029961340206185568119101603202;0.000000000000000000000000000000;0.015463917525773196448568569394;0.013047680412371134503479730427;0.012725515463917525665893393239;0.024967783505154640677492494660;0.019974226804123709766436434165;0.028350515463917525665893393239;0.012081185567010309725444194839
-0.014255167498218104804585948386;0.035281539558089804187179794326;0.040983606557377046109014173680;0.040627227369921595223623000948;0.045260156806842477550389958196;0.023877405559515323812957987570;0.003563791874554526201146487097;0.030470420527441196417717250711;0.057198859586600141191592427958;0.008731290092658588325447155398;0.016037063435495366170435715958;0.017640769779044902093589897163;0.012473271560940841704012704838;0.014789736279401282867396183462;0.032252316464718461253013970236;0.011760513186029936463783407419;0.026906628652886670216570763614;0.050249465431218817701441992085;0.028688524590163935051867483139;0.007483962936564505022407622903;0.014076977904490377627166886043;0.030114041339985745532326077978;0.012116892373485389083898056128;0.015680684248039915285044543225;0.025302922309337134293416582409;0.018353528153955807333819194582;0.027797576621525304368942599353;0.035994297933000712896856043699;0.000890947968638631550286621774;0.037954383464005703174848349590;0.011225944404846756666249696366;0.013542409123307199564356650967;0.010156806842480398805905750237;0.002494654312188168340802540968;0.009087669280114040945561804108;0.025124732715609408850720996043;0.008374910905203135705332506689;0.008018531717747683085217857979;0.007840342124019957642522271613;0.013720598717034925007052237333;0.011404133998574483843668758709;0.049358517462580187018517108299;0.000000000000000000000000000000;0.008196721311475410262636920322;0.024946543121881683408025409676;0.005880256593014968231891703709;0.017106200997861725765503138064;0.009622238061297220743095515161;0.017818959372772631005732435483;0.009265858873841768122980866451
-0.016269329896907217675172674376;0.024967783505154640677492494660;0.048324742268041238901776779358;0.015463917525773196448568569394;0.019007731958762884988400898578;0.019490979381443299112142142349;0.004188144329896907082366741548;0.025773195876288658434649647688;0.072648195876288665373543551596;0.015463917525773196448568569394;0.013369845360824741606342591638;0.015463917525773196448568569394;0.011759020618556700887857857651;0.019007731958762884988400898578;0.026256443298969072558390891459;0.008054123711340205327147145908;0.042525773195876290233563565835;0.056378865979381444228923925266;0.025128865979381444228923925266;0.009826030927835051331786786477;0.012403350515463916828307056051;0.052996134020618555771076074734;0.013047680412371134503479730427;0.018202319587628867231243745550;0.017880154639175256658933932385;0.018846649484536081436969467973;0.021101804123711341565350352312;0.022068298969072166343385887899;0.001610824742268041152165602981;0.029800257731958764567670172596;0.007893041237113401775715715303;0.020779639175257730993040539147;0.010631443298969072558390891459;0.005315721649484536279195445729;0.011114690721649484947408659252;0.034310567010309281354984989321;0.009342783505154638942769018684;0.005960051546391752219644644128;0.023356958762886598224284284697;0.023034793814432991121421423486;0.008376288659793814164733483096;0.050257731958762888457847850532;0.000000000000000000000000000000;0.013692010309278350443928928826;0.019652061855670102663573572954;0.009664948453608247780355355872;0.015302835051546391162413662812;0.009503865979381442494200449289;0.016752577319587628329466966193;0.007731958762886598224284284697
-0.037239425217567297121679104066;0.012851649463671321535485070342;0.055757943736085814612213340524;0.005970451325642582227071208933;0.004857316332726169076650091228;0.027625986642380084834513809255;0.002428658166363084538325045614;0.021048370775146731798121990664;0.031977332523780613304786868412;0.026614045739728798417589317182;0.014774337178708763299028738913;0.026310463468933415615014226319;0.013256425824731835408365476781;0.041084800647642180648766441209;0.011232544019429266043963444588;0.021250758955676986999838717907;0.026816433920259057088752996378;0.041084800647642180648766441209;0.013256425824731835408365476781;0.008297915401740537863495283943;0.014774337178708763299028738913;0.027524792552114957233655445634;0.011434932199959522980403647807;0.035316737502529851888688483541;0.041084800647642180648766441209;0.037037037037037034981068472916;0.027423598461849829632797082013;0.006071645415907710695291310543;0.002327464076097956070104944004;0.018214936247723134687959145595;0.019631653511434931508317092153;0.019226877150374417635436685714;0.007893139040680023990614877505;0.007589556769884638585954572676;0.021048370775146731798121990664;0.041287188828172435850483168451;0.013661202185792349281245883219;0.009613438575187208817718342857;0.005262092693786682949530497666;0.020643594414086217925241584226;0.006375227686703096967313353360;0.016089860352155434253251797827;0.000000000000000000000000000000;0.020036429872495445381197498591;0.004250151791135397399967743581;0.017810159886662617345631787202;0.037037037037037034981068472916;0.021655535316737500872719124345;0.029751062537947785269221157023;0.016191054442420561854110161448
-0.029152605924259469144521617068;0.018560179977502810899636642716;0.039370078740157479768591031188;0.008342707161604798540843752619;0.018185226846644170217714986393;0.026152980877390326341913606711;0.005624296962879639719123936459;0.041526059242594677567428362863;0.020716160479940008698473974391;0.018278965129358830388195400474;0.024465691788526432864925297395;0.017529058867641545554905135873;0.015279340082489689320310866094;0.029902512185976753977811881668;0.028496437945256844481711766548;0.011248593925759279438247872918;0.018278965129358830388195400474;0.043963254593175855877706936781;0.044150731158605176218667764942;0.005999250093738283003130806748;0.026996625421822271345684285393;0.013123359580052493256197010396;0.014341957255343082411336297355;0.023434570678665167520193790551;0.029340082489688789485482445230;0.030933633295838019322543388512;0.046212973378327706908130778629;0.015279340082489689320310866094;0.001406074240719909929780984115;0.030558680164979378640621732188;0.007592800899887513707553488018;0.013592050993625797578046032754;0.021184851893513309550876044796;0.005343082114735658340320956228;0.016685414323209597081687505238;0.035620547431571052132692756231;0.017060367454068241233056113515;0.008155230596175478199882924457;0.001968503937007873988429551559;0.014623172103487064657501015574;0.010404949381327334434477194236;0.017529058867641545554905135873;0.000000000000000000000000000000;0.015841769778777652077916826556;0.021653543307086613872725067154;0.012935883014623172915236182234;0.022497187851518558876495745835;0.016310461192350956399765848914;0.030183727034120734489253123911;0.013967004124484439994691165055
-0.029347610549276224867210061120;0.015268689272258577013796632116;0.045112036486218518027691004590;0.000594883997620464038090515313;0.007535197303192544410199715799;0.033412651199682730229767457786;0.004957366646837200498121323022;0.029248463216339479903149722873;0.054035296450525481526394599996;0.014971247273448343856339093350;0.022803886575451119689272871938;0.023200475907198096076067272975;0.018243109260360896445307687941;0.028455284552845527129560920798;0.014971247273448343856339093350;0.014078921277017647853413429004;0.020424350584969264837953417668;0.045112036486218518027691004590;0.028752726551655762021741935541;0.008427523299623240413125380144;0.021019234582589727683421543247;0.024985127900059488081918601665;0.016359309934562759475396021003;0.023497917906008327498801335764;0.033809240531429703147114906869;0.027959547888161809248153133467;0.040452111838191549819665482346;0.013781479278207416430679366215;0.001784651992861392005851328690;0.025580011897679950927386727244;0.014376363275827881010870967771;0.013186595280586951850487764659;0.016755899266309735862190422040;0.005056513979773943727458185293;0.018837993257981359290775813520;0.033412651199682730229767457786;0.018540551259171127868041750730;0.006940313305572079830008114243;0.005155661312710687824156785553;0.016755899266309735862190422040;0.006246281975014872020479650416;0.033809240531429703147114906869;0.000000000000000000000000000000;0.012095974618282767654164899795;0.008130081300813008990391317354;0.012492563950029744040959300833;0.021911560579020425421070683569;0.015962720602815783088601619966;0.038766607178266902777874491903;0.013384889946460440043884965178
-0.029746835443037973611968283194;0.011497890295358649190293753861;0.047362869198312236573844558052;0.000210970464135021100980649233;0.013924050632911392014201545919;0.033544303797468352779098665906;0.002953586497890295196888654772;0.029113924050632910417446552742;0.042194092827004217594044632733;0.018143459915611812732771923606;0.019092827004219409259277995261;0.036497890295358652312796010619;0.014662447257383966897625882098;0.027109704641350210879702231637;0.013713080168776372105843286420;0.015611814345991561689408477775;0.025105485232067511341957910531;0.046518987341772150001517616147;0.027109704641350210879702231637;0.011497890295358649190293753861;0.016139240506329113195027602501;0.020780590717299578934484927117;0.012025316455696202430636354563;0.029535864978902953703610023695;0.034704641350210972683409949013;0.027109704641350210879702231637;0.032172995780590719905323027206;0.010654008438818566087413763910;0.001898734177215189800405625853;0.037658227848101265278213389820;0.023839662447257384952914449627;0.015400843881856540046326742299;0.012763713080168775579337214765;0.004957805907172995601994713866;0.017827004219409282870234534357;0.038713080168776371758898591224;0.014978902953586498494886747324;0.006012658227848101215318177282;0.006962025316455696007100772960;0.015717299578059073378311083502;0.005379746835443038020796446830;0.028797468354430380554909163493;0.000000000000000000000000000000;0.012974683544303797222418950241;0.009704641350210971295631168232;0.012869198312236287268239820492;0.027004219409282700925523101887;0.016455696202531646527011943704;0.030590717299578060184295225099;0.010759493670886076041592893660
-0.030072289156626505479685818045;0.013783132530120482256430491930;0.069108433734939758719129088149;0.003759036144578313184960727256;0.016674698795180721566655535071;0.026602409638554216919636985494;0.003373493975903614407879649306;0.024771084337349397186400778992;0.030457831325301203823086027000;0.022168674698795180766364154579;0.017638554216867469159879533436;0.022843373493975901999952782262;0.012819277108433734663206493565;0.037590361445783135319054224510;0.018313253012048193862915113073;0.016481927710843374129678906570;0.019180722891566266002927321210;0.034987951807228918899017600097;0.019662650602409639799539320393;0.011566265060240964179794076472;0.014843373493975903568142804545;0.030168674698795180932897608272;0.010698795180722892039781868334;0.029975903614457830026474027818;0.033349397590361443133311070142;0.031132530120481928526121606637;0.034987951807228918899017600097;0.015132530120481928193054699250;0.002602409638554216853717493407;0.026024096385542167669813196085;0.013397590361445783913030282974;0.016867469879518072473079115525;0.007807228915662650994833349216;0.010409638554216867414869973629;0.014072289156626506881342386635;0.040192771084337351739090848923;0.012240963855421687148106180132;0.007036144578313253440671193317;0.004048192771084336942510883972;0.027855421686746987403049402587;0.006265060240963855019147299430;0.016674698795180721566655535071;0.000000000000000000000000000000;0.018698795180722892206315322028;0.013204819277108433006606702520;0.014457831325301205224742595590;0.031614457831325298853286653866;0.021686746987951806969752155396;0.026795180722891567826060565949;0.015903614457831324879855117160
-0.029366165070679434156986076232;0.013953488372093023062170402682;0.044596443228454171747721090924;0.003556771545827633329572847742;0.008025535795713634179548989778;0.030734154126766985437591017671;0.004286365709074327345895483177;0.025535795713634290571292240202;0.060738714090287276858859399908;0.016324669402644778615218967843;0.018604651162790697416227203576;0.033014135886912904238599253404;0.016780665754673962375420614990;0.031372549019607842701873323676;0.016780665754673962375420614990;0.016689466484268125623380285560;0.022252621979024167497840380747;0.044505243958048334995680761494;0.022891016871865024762122686752;0.008937528499772001699952284071;0.018787049703602370920307862434;0.023164614683082535018243675040;0.014683082535339717078493038116;0.022799817601459188010082357323;0.035658914728682170047768806853;0.028089375284997719628421464222;0.033196534427724577742679912262;0.013771089831281349558089743823;0.002188782489740082048967906303;0.026812585499316005099856852212;0.018787049703602370920307862434;0.012859097127222982037686449530;0.012403100775193798277484802384;0.005927952576379388882621412904;0.019790241678066575192751486156;0.032284541723666210222276617969;0.015321477428180574342775344121;0.007022343821249429907105366055;0.007204742362061103411186024914;0.020975832193342452969275768737;0.008755129958960328195871625212;0.033105335157318740990639582833;0.000000000000000000000000000000;0.012676698586411308533605790672;0.007751937984496123923428001490;0.012129502963976288021363814096;0.024350205198358412794767957621;0.017327861377108982887662591565;0.030734154126766985437591017671;0.012494300045599635029525131813
-0.020175941862688850231277726266;0.036813922356091030585467649416;0.040160642570281124275055617545;0.016351118760757316072940170670;0.024861350162554980702811491255;0.019793459552495697856278056292;0.004111684834576401041672522041;0.037005163511187606772967484403;0.049053356282271948218820512011;0.011474469305794607679183094717;0.015012430675081277556270897833;0.012048192771084337976406075654;0.011187607573149741663209866260;0.021801491681009754763920227560;0.038248231019315355461163363771;0.008318990246701090177094961575;0.022470835723847771420169650014;0.057946069994262765223691502570;0.033275960986804360708379846301;0.007554025626314782825010407663;0.018359150889271369511135389985;0.016064257028112448322243466237;0.015299292407726141837520650313;0.017307324536240200479886297558;0.019602218397399121668778221306;0.019889080130043985950027973786;0.034327787339835533209075890682;0.049435838592465100593820181984;0.001147446930579460594445961874;0.030024861350162555112541795665;0.008032128514056224161121733118;0.009466437177280550771540923449;0.016351118760757316072940170670;0.002868617326448651919795773679;0.015203671830177853743770732819;0.029068655574679670705595668778;0.016446739338305604166690088164;0.003633581946834958838199458597;0.003633581946834958838199458597;0.010996366418053165475710031274;0.010422642952763435178487050337;0.059954102122776818661886721884;0.000000000000000000000000000000;0.009083954867087396661817777499;0.022183973991202907138919897534;0.010135781220118569162513821880;0.015012430675081277556270897833;0.009083954867087396661817777499;0.029737999617517690831292043185;0.009562057754828838865290840943
-0.027053455019556714444828315891;0.023359408952629293065861304513;0.041395045632333767049448880471;0.008909169926119078763981917746;0.020534550195567144448283158908;0.030204259017818341215289024149;0.004454584963059539381990958873;0.039330725771403736434894682361;0.038678835289004780129129557054;0.014124293785310734414273348136;0.023902651021295087674367607633;0.019230769230769231836752908293;0.017926988265971315755775705725;0.024337244676227727524508992474;0.033898305084745762594256035527;0.011516731855714905721765894953;0.016623207301173403144245455110;0.051607996523250758424961048831;0.038678835289004780129129557054;0.010973489787049109378536115855;0.022272924815297696909954794364;0.016297262059973924991362892456;0.015645371577574968685597767148;0.013689700130378096298855439272;0.027270751847023034369899008311;0.019774011299435029914706163368;0.044871794871794871972792151382;0.020099956540634508067588726021;0.001086484137331594854863903166;0.031508039982616253826819274764;0.013581051716644936336320093062;0.008474576271186440648564008882;0.021729682746631898832001539290;0.003150803998261625469418101275;0.016623207301173403144245455110;0.027270751847023034369899008311;0.016514558887440244916433584876;0.004237288135593220324282004441;0.004780530204259017534873521527;0.015862668405041285141221507615;0.008148631029986962495681446228;0.029878313776618863062406461495;0.000000000000000000000000000000;0.009778357235984354994817735474;0.022055627987831376984884101944;0.011734028683181225646836587373;0.016297262059973924991362892456;0.013146458061712298220902184198;0.034550195567144718900021160835;0.012929161234245980030554967755
-0.025863025863025863870792164789;0.017538017538017539737049688142;0.035853035853035855606840698329;0.001443001443001443000191397203;0.016206016206016207736873013801;0.039516039516039519474688290757;0.004662004662004662000618360196;0.029304029304029304003886835517;0.046509046509046511608254093062;0.012099012099012099868966529925;0.020646020646020647737461928273;0.035520035520035520004711315778;0.018648018648018648002473440783;0.020313020313020312135332545722;0.017649017649017648134979197039;0.017316017316017316002296766442;0.020202020202020203737403036826;0.046620046620046623475630553912;0.033411033411033408402346367438;0.006105006105006105000809757399;0.020535020535020535870085467423;0.024864024864024864003297921045;0.015540015540015540002061200653;0.016983016983016983869614335845;0.034743034743034743871969993734;0.018870018870018871737226362484;0.034299034299034296402464150333;0.011544011544011544001531177628;0.001110001110001110000147228618;0.040404040404040407474806073651;0.035409035409035408137334854928;0.009657009657009657868642626966;0.015540015540015540002061200653;0.005439005439005439000721420229;0.020868020868020868002767898020;0.027084027084027084003592378281;0.012987012987012987869084312820;0.009546009546009546001266166115;0.020979020979020979870144358870;0.020868020868020868002767898020;0.007659007659007659001015877465;0.036075036075036072402699716122;0.000000000000000000000000000000;0.007881007881007881868407061177;0.009102009102009102001207274668;0.010212010212010212001354503286;0.016428016428016428002178983547;0.011766011766011766001560623351;0.027084027084027084003592378281;0.011100011100011100001472286181
-0.026506024096385541466425195267;0.020240963855421685579916157849;0.033927710843373495852581811505;0.004144578313253012395722674199;0.033253012048192767680099279914;0.041060240963855423879103057061;0.002891566265060241044948519118;0.033156626506024099165781393594;0.033734939759036144946158231051;0.014843373493975903568142804545;0.020337349397590361033127948076;0.054072289156626505979286179127;0.012626506024096385491506389087;0.022554216867469879109764363534;0.027759036144578311949837612360;0.012337349397590360866594494382;0.012915662650602410116418283792;0.041445783132530118753056314063;0.037686746987951803833372110830;0.007228915662650602612371297795;0.017734939759036144613091323663;0.014072289156626506881342386635;0.010024096385542169071469764674;0.018506024096385541299891741573;0.031228915662650603979333396865;0.023710843373493977609411942353;0.037204819277108433506207063601;0.020144578313253013596151319575;0.002120481927710843490786363219;0.062746987951807234318302164411;0.015807228915662649426643326933;0.008867469879518072306545661831;0.020530120481927711939551528531;0.004819277108433735364034777859;0.013686746987951806803218701702;0.029204819277108433339673609908;0.013686746987951806803218701702;0.005108433734939759121584934576;0.005879518072289156675747090475;0.010120481927710842789958078924;0.007903614457831324713321663467;0.029108433734939757886461819680;0.000000000000000000000000000000;0.009638554216867470728069555719;0.016096385542168675786278697615;0.009156626506024096931457556536;0.017445783132530121722902904935;0.012048192771084337976406075654;0.028722891566265059543061610725;0.011951807228915662523194285427
-0.033060240963855423712569603367;0.015036144578313252739842909023;0.033253012048192767680099279914;0.003277108433734939822029597067;0.024578313253012049749424150491;0.042506024096385541799492102655;0.004915662650602409949884830098;0.034313253012048190726535068507;0.028819277108433734996273400952;0.013879518072289155974918806180;0.023228915662650603812799943171;0.047036144578313253405976723798;0.016867469879518072473079115525;0.024000000000000000499600361081;0.019566265060240964346327530166;0.019277108433734941456139111438;0.012915662650602410116418283792;0.037301204819277108959418853829;0.032771084337349397352934232686;0.007036144578313253440671193317;0.022939759036144577453164572489;0.015132530120481928193054699250;0.013397590361445783913030282974;0.018024096385542167503279742391;0.038939759036144577786231479877;0.026313253012048194029448566766;0.030265060240963856386109398500;0.016674698795180721566655535071;0.000963855421686746942702694874;0.051759036144578315918884925395;0.036048192771084335006559484782;0.005879518072289156675747090475;0.016385542168674698676467116343;0.003855421686746987770810779494;0.015036144578313252739842909023;0.028722891566265059543061610725;0.014843373493975903568142804545;0.007807228915662650994833349216;0.004433734939759036153272830916;0.013397590361445783913030282974;0.006939759036144577987459403090;0.021879518072289157876175735851;0.000000000000000000000000000000;0.010409638554216867414869973629;0.015036144578313252739842909023;0.011566265060240964179794076472;0.018602409638554216753103531801;0.017060240963855423379502695980;0.029204819277108433339673609908;0.014843373493975903568142804545
-0.017930055032842180662289166548;0.032842180010651519928011055072;0.034262382389490503298290491330;0.046777915853009055524580617202;0.033463518551393574285146570446;0.025474880170424284153707361611;0.004526895082549262962212655026;0.033019705308006387645125556674;0.043404935203266464815996528159;0.010118941949227765186858363222;0.016154802059293447979992919272;0.018817681519616547003437290186;0.018640156222261672347428884677;0.018373868276229363832863228367;0.036570211255103853009718051226;0.009763891354518019344288504158;0.023965915142907863455423722598;0.045446476122847502543411479792;0.029114148766199183376857106964;0.007899875732291851068711530104;0.016243564707970885307997122027;0.019794070655068347203142664625;0.020592934493165276216286585509;0.011982957571453931727711861299;0.021214273033907330573422100883;0.016332327356648322636001324781;0.026096218711166341980289828939;0.045801526717557251855428290810;0.001420202378838984454481608743;0.034972483578909994983430209459;0.013758210545002662675284632599;0.011184093733357002714567940416;0.014468311734422154360424350727;0.004349369785194390040927725494;0.020504171844487838888282382754;0.026451269305876087822859688004;0.012249245517486241977000993586;0.004704420379904136750859322547;0.006035860110065684527858032027;0.019794070655068347203142664625;0.011361619030711875635852869948;0.034173619740813065970286288575;0.000000000000000000000000000000;0.008965027516421090331144583274;0.025119829575714538311137502546;0.009586366057163146423003574625;0.012071720220131369055716064054;0.009675128705840582016284301403;0.027960234333392508521143327016;0.006568436002130303291712820624
-0.017785427423981640948635885024;0.025721935360489577016007700649;0.041403710078408872963251496913;0.034327787339835533209075890682;0.022662076878944347607669485001;0.022375215146299483326419732521;0.002486135016255498243753496723;0.019410977242302542011831434365;0.133008223369669165148110323571;0.008510231401797666364594796562;0.010135781220118569162513821880;0.026008797093134441297257453130;0.009753298909925416787514151906;0.015968636450564160228493548743;0.029737999617517690831292043185;0.012908777969018932554878809071;0.022662076878944347607669485001;0.036813922356091030585467649416;0.016733601070950468447939840644;0.007458405048766494731260490170;0.008414610824249378270844879069;0.037005163511187606772967484403;0.004781028877414419432645420471;0.012335054503729202257655828134;0.021419009370816598919473605633;0.013291260279212086664601955022;0.017976668579078217136135720011;0.062727098871677183788975185053;0.000382482310193153567622059708;0.027921208644100210111149706904;0.021801491681009754763920227560;0.006980302161025052527787426726;0.007649646203863070918760325156;0.005354752342704149729868401408;0.010422642952763435178487050337;0.020749665327978582263224183180;0.006884681583476764434037509233;0.005737234652897303839591547359;0.016064257028112448322243466237;0.009848919487473704881264069400;0.005928475807993880027091382345;0.084241728820042077741092612087;0.000000000000000000000000000000;0.005450372920252438690980056890;0.016351118760757316072940170670;0.006310958118187034136814528296;0.014343086632243259165297999402;0.009466437177280550771540923449;0.016924842226047044635439675631;0.007362784471218205770148834688
-0.030081030081030080136628157561;0.007770007770007770001030600326;0.057609057609057608140279427289;0.000000000000000000000000000000;0.005106005106005106000677251643;0.024975024975024975870674381895;0.002442002442002442000323902960;0.020202020202020203737403036826;0.092796092796092799481755264424;0.015873015873015872134743631250;0.015429015429015429869408215779;0.036186036186036184270076176972;0.012654012654012654001678406246;0.032523032523032520402228584544;0.007326007326007326000971708879;0.014541014541014541869290432885;0.025974025974025975738168625639;0.046509046509046511608254093062;0.012765012765012765869054867096;0.011655011655011655868907638478;0.011766011766011766001560623351;0.031524031524031527473628244707;0.012876012876012876001707851970;0.024309024309024308135862568747;0.029748029748029748003945726964;0.026973026973026972136215917430;0.031524031524031527473628244707;0.006993006993006993000927540294;0.002775002775002775000368071545;0.023421023421023420135744785853;0.029082029082029083738580865770;0.016317016317016316134802522697;0.008325008325008325868465952624;0.005106005106005106000677251643;0.014763014763014763869319878609;0.038406038406038407739817586162;0.011988011988011988001590069075;0.006660006660006660000883371708;0.011877011877011877868937084202;0.013098013098013098001737297693;0.004107004107004107000544745887;0.050727050727050727874090085834;0.000000000000000000000000000000;0.012654012654012654001678406246;0.004329004329004329000574191610;0.013098013098013098001737297693;0.026418026418026419738227517087;0.018537018537018536135096979933;0.028194028194028195738463082876;0.011988011988011988001590069075
-0.030532786885245900149188358341;0.010040983606557377094681271501;0.051536885245901636887211338944;0.000204918032786885245723901283;0.006659836065573770079450977022;0.031147540983606558651075602029;0.003073770491803278631648410624;0.022540983606557377788570661892;0.050307377049180326822330755476;0.018954918032786885473406357505;0.017622950819672130590154424112;0.042930327868852459494153350761;0.017008196721311475557714132378;0.035553278688524592165975946045;0.009631147540983606494813251686;0.017930327868852458106374569979;0.024385245901639342885891537094;0.044979508196721314228216925812;0.018852459016393444124481959534;0.010553278688524590778197165264;0.018340163934426230440966065771;0.030942622950819672483779854133;0.015676229508196720674462198986;0.025000000000000001387778780781;0.034528688524590164798944158520;0.030942622950819672483779854133;0.030430327868852458800263960370;0.003893442622950819831384450254;0.001844262295081967265725220173;0.023770491803278687853451245360;0.030122950819672131284043814503;0.014241803278688524442285867622;0.012500000000000000693889390391;0.005942622950819671963362811340;0.020491803278688523054507086840;0.034836065573770488845717352433;0.019159836065573771640702105401;0.006352459016393442563230831155;0.007684426229508196579121026559;0.021106557377049181556394330528;0.004098360655737705131318460161;0.019262295081967212989626503372;0.000000000000000000000000000000;0.011680327868852459494153350761;0.005532786885245901363494791525;0.012397540983606557610241516443;0.026127049180327870103734966278;0.019672131147540985324217999164;0.035040983606557378482460052282;0.013934426229508196926065721755
-0.017734939759036144613091323663;0.034506024096385541632958648961;0.033927710843373495852581811505;0.050024096385542171638860509120;0.041638554216867469659479894517;0.018409638554216865846679951346;0.004144578313253012395722674199;0.033445783132530118586522860369;0.056000000000000001165734175856;0.010506024096385542868081763856;0.016289156626506023223255326116;0.012722891566265060944718179314;0.013301204819277108459818492747;0.019180722891566266002927321210;0.050216867469879515606390185667;0.009734939759036144446557869969;0.016963855421686747926290905752;0.047132530120481928859188514025;0.030554216867469879276297817228;0.005204819277108433707434986815;0.016289156626506023223255326116;0.017734939759036144613091323663;0.009349397590361446103157661014;0.015807228915662649426643326933;0.019662650602409639799539320393;0.018602409638554216753103531801;0.033349397590361443133311070142;0.055036144578313253572510177491;0.001253012048192771133933720584;0.025349397590361446436224568401;0.007132530120481928026521245556;0.008771084337349396853333871604;0.015710843373493977442878488660;0.004433734939759036153272830916;0.013108433734939759288118388270;0.023036144578313252906376362716;0.012530120481927710038294598860;0.004337349397590361567422778677;0.005686746987951807504046985997;0.012337349397590360866594494382;0.010987951807228914929970287062;0.045493975903614460032375887977;0.000000000000000000000000000000;0.007036144578313253440671193317;0.027855421686746987403049402587;0.009445783132530119821645975264;0.014072289156626506881342386635;0.009734939759036144446557869969;0.022650602409638554562976153761;0.011566265060240964179794076472
-0.016899413074276461999012610704;0.032685691155636513449689317667;0.032685691155636513449689317667;0.020845982594616473126958311468;0.023780611212305201307426472113;0.018417324428253389889675872837;0.004654928152195912140209888008;0.029852256628212912870079520644;0.072758550900627397273190410942;0.010321797207043108962620792113;0.013155231734466707807507113159;0.026512851649463670816730953561;0.012143290831815421390582621086;0.016899413074276461999012610704;0.030054644808743168071796247887;0.012345679012345678327022824305;0.021453147136207245671002397103;0.056668690548471969958832517023;0.024691358024691356654045648611;0.008297915401740537863495283943;0.015988666261890306652393434206;0.043715846994535519087765607082;0.016089860352155434253251797827;0.012244484922080550726164460684;0.019530459421169803907458728531;0.017708965796397489744773423581;0.027423598461849829632797082013;0.037037037037037034981068472916;0.001821493624772313295323566962;0.031167779801659582089579103581;0.020238818053025704052361177787;0.007994333130945153326196717103;0.012244484922080550726164460684;0.005262092693786682949530497666;0.015482695810564663443931188169;0.026108075288403156943850547123;0.012244484922080550726164460684;0.006375227686703096967313353360;0.028334345274235984979416258511;0.021149564865411859398980354285;0.008702691762801051736375690382;0.038959724752074480214059093441;0.000000000000000000000000000000;0.007893139040680023990614877505;0.017405383525602103472751380764;0.008905079943331308672815893601;0.011434932199959522980403647807;0.010524185387573365899060995332;0.024488969844161101452328921368;0.008399109492005667199077123541
-0.034126671911880408771811090674;0.010031471282454759372249064597;0.031176239181746657341820494480;0.000590086546026750589574727535;0.024783634933123525195819425448;0.043961447678992918164375680590;0.005507474429583005502697456990;0.019964594807238396356741105819;0.049272226593233672820026924910;0.010129819040125885229453039926;0.019276160503540518825760230470;0.059402045633359559784203440813;0.022128245476003147867993803288;0.022521636506687647827362752651;0.011211644374508260985079388661;0.019276160503540518825760230470;0.018095987411487018947653382384;0.028520849724626280013994872320;0.026357199055861525033295222897;0.006982690794649882085054493075;0.016719118804091267355138583639;0.025078678206136899297984399482;0.015932336742722267436400684915;0.016227380015735641538565658948;0.040715971675845792632220110363;0.021046420141620770377643978577;0.027143981117230528421480073575;0.006097560975609756309112619022;0.001573564122738001572199273426;0.062647521636506692255252914947;0.031667977970102283158393419171;0.008064516129032257840680841809;0.017309205350118019028915483659;0.004819040125885129706440057618;0.019276160503540518825760230470;0.023898505114083399419877551395;0.013670338316286388333220536140;0.008949645948072383616622715863;0.016129032258064515681361683619;0.017800944138473641376041456397;0.005310778914240755523012982309;0.032749803304484660648743243883;0.000000000000000000000000000000;0.009146341463414633596307190544;0.007966168371361133718200342457;0.013080251770259638394167112097;0.017309205350118019028915483659;0.013867033831628638312905010821;0.028520849724626280013994872320;0.013965381589299764170108986150
-0.033122362869198312962382146907;0.018565400843881856018935394559;0.033438818565400846294366488110;0.001793248945147679412545627109;0.013080168776371307176598079991;0.029535864978902953703610023695;0.005590717299578058796516444318;0.041033755274261604628627253533;0.047468354430379749997470639755;0.014029535864978903703104151646;0.021729957805907171991544046818;0.016244725738396623149206732251;0.017721518987341772916055404608;0.022468354430379745140244907020;0.022151898734177215277707517771;0.013607594936708860416940680693;0.018459915611814346064756264809;0.057172995780590714354207904080;0.043776371308016877315072434840;0.007700421940928270023163371150;0.022362869198312235186065777270;0.019409282700421942591262336464;0.017088607594936709721533674156;0.018354430379746836110577135059;0.028797468354430380554909163493;0.025738396624472574536479640983;0.042405063291139237502402892233;0.015928270042194093286669343001;0.000949367088607594900202812926;0.028586497890295357177103952040;0.012447257383966243982076349539;0.008649789029535864814945966828;0.019303797468354429167636254761;0.004641350210970464004733848640;0.014240506329113923611462411145;0.031434599156118146756622167004;0.018776371308016875927293654058;0.011286919831223629281935494362;0.005590717299578058796516444318;0.014662447257383966897625882098;0.007700421940928270023163371150;0.041139240506329111113359431329;0.000000000000000000000000000000;0.009493670886075949652549432756;0.016877637130801686343728462703;0.011075949367088607638853758885;0.015611814345991561689408477775;0.012341772151898734027897219789;0.036603375527426158797528188416;0.009810126582278481249810297982
-0.016933638443935927070382874149;0.034897025171624712625018105427;0.034782608695652174335410933281;0.013615560640732264630070602607;0.021167048054919909705340330675;0.022196796338672768189592687804;0.005835240274599542108224792258;0.043363844393592677894933018479;0.060068649885583524916654596382;0.011556064073226544192118936394;0.020251716247139589510695145691;0.013386727688787184581409306361;0.010526315789473683973143103287;0.015446224256292906754084448551;0.039702517162471397116352278545;0.007322654462242563291884955845;0.019221967963386727556995836608;0.056178489702517160619965608248;0.041075514874141877408320056020;0.007322654462242563291884955845;0.023569794050343248481560465279;0.018878718535469109218727368216;0.013272311212814644557078658238;0.017734553775743705505973935033;0.019336384439359269316049960707;0.018077803203661327313689355378;0.041876430205949659313358068857;0.037757437070938218437454736431;0.000800915331807780278734754109;0.027231121281464529260141205214;0.004233409610983981767595718537;0.009038901601830663656844677689;0.018878718535469109218727368216;0.003318077803203661139269664559;0.012128146453089244313772177009;0.029977116704805493313523712118;0.018192219679633865603296527524;0.003318077803203661139269664559;0.004347826086956521791926366660;0.012013729977116704289441528886;0.011899313501144164265110880763;0.048398169336384438965481535888;0.000000000000000000000000000000;0.009038901601830663656844677689;0.025057208237986270532582366855;0.011098398169336384094796343902;0.014645308924485126583769911690;0.009382151029748283729836622058;0.033867276887871854140765748298;0.007780320366132723389207548337
-0.027561475409836066335911297642;0.022438524590163932970199311967;0.046823770491803279325537801014;0.001536885245901639315824205312;0.006352459016393442563230831155;0.025102459016393442736703178753;0.003790983606557377181417445300;0.030942622950819672483779854133;0.076946721311475410609581615518;0.015778688524590165492833548910;0.019774590163934426673142397135;0.022336065573770491621274913996;0.011065573770491802726989583050;0.025922131147540983936439218382;0.015881147540983606841757946881;0.010450819672131147694549291316;0.017213114754098361725009880274;0.061680327868852462269710912324;0.026434426229508197619955112145;0.009631147540983606494813251686;0.016700819672131148041493986511;0.026024590163934425285363616354;0.014446721311475410609581615518;0.021618852459016391770463272337;0.025512295081967211601847722591;0.021516393442622950421538874366;0.037192622950819674565448025305;0.025000000000000001387778780781;0.001229508196721311582763624948;0.023053278688524591472086555655;0.012295081967213114526593642495;0.010450819672131147694549291316;0.013729508196721310758769973859;0.003586065573770491881483435392;0.012192622950819671442945768547;0.033094262295081965097320875202;0.017418032786885244422858676216;0.004508196721311475731186479976;0.010040983606557377094681271501;0.013934426229508196926065721755;0.007889344262295082746416774455;0.058606557377049180168615549746;0.000000000000000000000000000000;0.010655737704918032127121563235;0.010553278688524590778197165264;0.011782786885245900843077748732;0.020696721311475409221802834736;0.017725409836065575408525774037;0.032991803278688523748396477231;0.007889344262295082746416774455
-0.026902887139107611175203871312;0.025121859767529057527735147914;0.038245219347581550783932158311;0.019028871391076115221485665074;0.027277840269966255326572479589;0.026246719160104986512394020792;0.004124484439445069185181669269;0.032245969253843272117610041505;0.047619047619047616404230893750;0.014529433820772402752297125517;0.016966629171353581062575699434;0.034026996625421822295631812949;0.012842144731908511010032292177;0.026434195725534306853354848954;0.027277840269966255326572479589;0.014904386951631046903665733794;0.019497562804649419543334687432;0.042275965504311958931271675510;0.026246719160104986512394020792;0.010311211098612674263996780155;0.016685414323209597081687505238;0.020997375328083989209915216634;0.013217097862767153426677424477;0.021559805024371953702244653073;0.030277465316835394659733537992;0.021653543307086613872725067154;0.028871391076115485163633422871;0.032714660667416572970012111909;0.002249718785151856234594269779;0.027371578552680915497052893670;0.021091113610798649380395630715;0.010123734533183352188312476017;0.012842144731908511010032292177;0.005061867266591676094156238008;0.013029621297337833085716596315;0.032339707536557932288090455586;0.015279340082489689320310866094;0.006092988376452943173611220828;0.011623547056617923589616481195;0.016779152605924260721614871272;0.007030371203599550082585789568;0.029715035620547430167404101553;0.000000000000000000000000000000;0.010311211098612674263996780155;0.014623172103487064657501015574;0.011623547056617923589616481195;0.020997375328083989209915216634;0.014904386951631046903665733794;0.025965504311961006000952778550;0.012842144731908511010032292177
-0.033504098360655737431912370994;0.011680327868852459494153350761;0.042725409836065576796304554819;0.004098360655737705131318460161;0.012295081967213114526593642495;0.037909836065573770946812715010;0.004200819672131147347604596121;0.019262295081967212989626503372;0.042418032786885245810637456998;0.016188524590163934357978092748;0.017827868852459016757450172008;0.044467213114754100544701032049;0.017622950819672130590154424112;0.026946721311475411303471005908;0.013627049180327869409845575888;0.021516393442622950421538874366;0.020491803278688523054507086840;0.035963114754098357561673537930;0.021311475409836064254243126470;0.007377049180327869062900880692;0.015368852459016393158242053119;0.024692622950819670402111682961;0.012500000000000000693889390391;0.022233606557377050272350516025;0.037909836065573770946812715010;0.027971311475409835201055841480;0.027049180327868852652395403879;0.008606557377049180862504940137;0.003073770491803278631648410624;0.035348360655737702529233246196;0.041290983606557377094681271501;0.015061475409836065642021907252;0.012397540983606557610241516443;0.006659836065573770079450977022;0.019262295081967212989626503372;0.030737704918032786316484106237;0.013012295081967212642681808177;0.011577868852459016410505476813;0.014036885245901640009713595703;0.017930327868852458106374569979;0.004508196721311475731186479976;0.029610655737704917600527920740;0.000000000000000000000000000000;0.014856557377049179474726159356;0.009221311475409835894945231871;0.013524590163934426326197701940;0.021516393442622950421538874366;0.020389344262295081705582688869;0.024487704918032787704262887019;0.013729508196721310758769973859
-0.027127355796687607075723391858;0.022701313535122787101716568259;0.035122786978869217910936839644;0.004140491147915477225527336458;0.022415762421473445220598819105;0.036550542547115934255419489318;0.003569388920616790427525755192;0.033266704740148485275330614286;0.046259280411193606785680287885;0.010565391205025699908337522004;0.019131924614505996240509944073;0.024129069103369503446199217933;0.019131924614505996240509944073;0.024414620217018845327316967087;0.021844660194174757988916368845;0.011993146773272416252820171678;0.018275271273557967127709744659;0.051113649343232439581363735215;0.028412335808109652479647166956;0.008852084523129639948013647199;0.018560822387207309008827493813;0.018846373500856654359392194920;0.019131924614505996240509944073;0.014705882352941176266503120473;0.035122786978869217910936839644;0.022558537978298116161157693682;0.036264991433466592374301740165;0.021416333523700741697792793161;0.000999428897772701354401680973;0.037835522558537976189896312462;0.019845802398629354412751268910;0.006710451170759566298651410676;0.019417475728155338121627693226;0.008709308966304969007454772623;0.022272986864648770810592992575;0.027412906910336948956841141012;0.016419189034837234492103519301;0.006567675613934894490730798111;0.008566533409480296332172422069;0.016276413478012563551544644724;0.006710451170759566298651410676;0.034266133637921185328689688276;0.000000000000000000000000000000;0.009280411193603654504413746906;0.011564820102798401696420071971;0.011993146773272416252820171678;0.015562535693889205379303319887;0.009851513420902341736096197167;0.040833809251856083288867438341;0.013278126784694459922020470799
-0.009908838684106222732816959820;0.061236623067776455031641091864;0.015061434799841458970215413160;0.154181529924692833910526701402;0.022592152199762186720599643763;0.014863258026159334099225439729;0.006738010305192231735871288834;0.034879112168053900966402380845;0.027744748315497422957998097104;0.005152596115735236237398453341;0.011890606420927467973269742174;0.016052318668252081590441804337;0.013872374157748711478999048552;0.006936187078874355739499524276;0.061236623067776455031641091864;0.004558065794688862491790271037;0.011494252873563218231289795312;0.044391597304795880896133297711;0.023781212841854935946539484348;0.004161712247324613617172062163;0.015655965120887831848461857476;0.008917954815695600112590568642;0.020214030915576695207613866501;0.008917954815695600112590568642;0.017637732857709077088914639830;0.010899722552516845353043350997;0.024375743162901308824785928664;0.109195402298850580136146959376;0.001387237415774871278004165553;0.025366627031311931445012319841;0.007530717399920729485107706580;0.005945303210463733986634871087;0.014863258026159334099225439729;0.003963535473642488746182088732;0.011890606420927467973269742174;0.016646848989298454468688248653;0.007927070947284977492364177465;0.003963535473642488746182088732;0.004359889021006737620800297606;0.013079667063020213729762630805;0.012683313515655965722506159921;0.028933808957590168714490985735;0.000000000000000000000000000000;0.006143479984145857990263106529;0.025762980578676177717545314749;0.008521601268331352105334097757;0.005548949663099485112016662214;0.005350772889417360241026688783;0.019223147047166072587387475323;0.004359889021006737620800297606
-0.022598870056497175062837357018;0.041242937853107342061065310190;0.031826741996233524900627998022;0.009604519774011300095595267123;0.010546139359698681811638998340;0.020527306967984933899762367560;0.006403013182674199485489019423;0.028813559322033898552062325393;0.034839924670433147779746718697;0.013370998116760828694493667967;0.012052730696798493251198358678;0.018267419962335215005699851076;0.016007532956685499581084286547;0.016572504708097929304599915667;0.030885122410546139715137314852;0.010169491525423728084387420267;0.023728813559322034509868615260;0.059133709981167605074237059171;0.017325800376647833289656119860;0.008286252354048964652299957834;0.018079096045197740744159276005;0.022787193973634652793824884043;0.031073446327683617446124841877;0.018267419962335215005699851076;0.017890772128060263013171748980;0.020150659133709981907234265464;0.024858757062146893956899873501;0.072693032015065911499718254163;0.002259887005649717593019909501;0.030696798493408661984149787827;0.013370998116760828694493667967;0.012241054613935969247462409726;0.015442561205273069857568657426;0.006403013182674199485489019423;0.023917137476459508771409190331;0.029001883239171376283049852418;0.014124293785310734414273348136;0.011299435028248587531418678509;0.008474576271186440648564008882;0.031826741996233524900627998022;0.010546139359698681811638998340;0.038418079096045200382381068493;0.000000000000000000000000000000;0.013182674199623352698229616919;0.013935969868173258418009297088;0.013559322033898304690757719015;0.010922787193973633804167100436;0.007156308851224105205268699592;0.024858757062146893956899873501;0.010357815442561205815374947292
-0.029387755102040814814134961352;0.016598639455782313034681862973;0.044217687074829932492026074442;0.001904761904761904760252644309;0.011700680272108843898992702748;0.043809523809523812087896033063;0.004761904761904762334312479766;0.022176870748299319646701377451;0.037687074829931971331475892839;0.016870748299319726637435223893;0.016870748299319726637435223893;0.033197278911564626069363725946;0.022585034013605443520278370784;0.026122448979591837703306822505;0.011020408163265306422662348496;0.017687074829931974384589210558;0.020952380952380951495417349406;0.036734693877551023721839129621;0.021360544217687075368994342739;0.009251700680272109331148122635;0.013741496598639456327983765505;0.028843537414965987608628239514;0.022448979591836733249454738370;0.022448979591836733249454738370;0.035646258503401362371931782036;0.023673469387755101400738766415;0.027891156462585033060097572388;0.017006802721088436908258856306;0.001632653061224489856456676407;0.044217687074829932492026074442;0.022176870748299319646701377451;0.011972789115646259236469539644;0.015238095238095238082021154469;0.007619047619047619041010577234;0.024897959183673469552022794460;0.029115646258503401211381600433;0.012653061224489796712799893896;0.009251700680272109331148122635;0.007346938775510203703533740338;0.021904761904761906043948016531;0.005986394557823129618234769822;0.036190476190476189577438503875;0.000000000000000000000000000000;0.010612244897959184283808831140;0.009795918367346938271378320451;0.013469387755102040990506928608;0.018231292517006801590095932397;0.017278911564625850511012217225;0.033333333333333332870740406406;0.010476190476190475747708674703
-0.025666144200626957866395727592;0.033699059561128529016738042401;0.028800940438871474452708909553;0.008424764890282132254184510600;0.013126959247648903664207331587;0.022923197492163011057542121307;0.008620689655172413673467346484;0.035658307210031346679013353196;0.032719435736677113246706483096;0.018221003134796239647519300320;0.018416927899686519332078660227;0.012539184952978055936911871981;0.017633228840125390185500364737;0.016653605015673981354362709340;0.035854231974921629833019665057;0.013910658307210031076062151101;0.018808777429467085640091283949;0.049568965517241381224522456250;0.027429467084639499313558630433;0.008228840125391849100178198739;0.016849529780564264508369021200;0.020963949843260186456372906605;0.023706896551724136734673464844;0.017633228840125390185500364737;0.027233542319749216159552318572;0.020572100313479623617807234837;0.036833855799373038664157320454;0.047609717868338556623353241548;0.001567398119122256992113983998;0.025078369905956111873823743963;0.013518808777429466502773003356;0.010384012539184953385906773349;0.015282131661442006215212430220;0.005681818181818181975883952362;0.021747648902821315602951202095;0.029976489028213166437852876811;0.013910658307210031076062151101;0.009600313479623824239328477859;0.006661442006269592541745083736;0.027625391849529778998117990341;0.011363636363636363951767904723;0.030172413793103449591859188672;0.000000000000000000000000000000;0.013714733542319749656779315217;0.017241379310344827346934692969;0.012735109717868339090918183842;0.014106583072100314230068462962;0.014302507836990595649351298846;0.037421630094043888126176256037;0.009600313479623824239328477859
-0.023933102652825836292871386490;0.026384083044982697269231763926;0.036620530565167244696489490252;0.047001153402537486358792051533;0.017445213379469436121294023678;0.036043829296424453878522342620;0.004901960784313725422167706824;0.027681660899653980079104798051;0.040945790080738175831243097491;0.016868512110726645303326876046;0.018454440599769320052736532034;0.026239907727796999564739977018;0.016868512110726645303326876046;0.021193771626297576438080483285;0.026095732410611301860248190110;0.013840830449826990039552399026;0.020472895040369087915621548746;0.048587081891580161108201707520;0.030565167243367934168940536210;0.008362168396770472064694068592;0.020040369088811994802146188022;0.020472895040369087915621548746;0.015426758938869664788962055013;0.020184544405997692506637974930;0.030853517877739329577924110026;0.019896193771626297097654401114;0.026960784313725491556645863511;0.030853517877739329577924110026;0.001009227220299884581963811847;0.035899653979238756174030555712;0.013696655132641292335060612118;0.010668973471741637071286135097;0.017012687427912343007818662954;0.004469434832756632308692346101;0.019463667820069203984179040390;0.024942329873125720224313894846;0.013696655132641292335060612118;0.006343713956170703334447313892;0.004325259515570934604200559193;0.017156862745098040712310449862;0.007785467128027681246726920961;0.025230680507497115633297468662;0.000000000000000000000000000000;0.011245674740484429623976758705;0.014417531718569780857519546657;0.011678200692041522737452119429;0.016724336793540944129388137185;0.013840830449826990039552399026;0.024509803921568627110838534122;0.012687427912341406668894627785
-0.024528301886792454322705481218;0.040431266846361182953906165949;0.029380053908355796554729977288;0.028436657681940702424583378161;0.015768194070080863988803088205;0.021832884097035040044110232316;0.007142857142857142634106981660;0.037196765498652292758485771174;0.036253369272237198628339172046;0.012129380053908355580061240175;0.016442048517520214956366686465;0.010377358490566037166336066377;0.018463611859838274797951385153;0.022237196765498651318537781663;0.028840970350404313699010927508;0.010916442048517520022055116158;0.021563342318059300350974183402;0.060781671159029652951044653264;0.030053908355795147522293575548;0.009973045822102425891908517031;0.017924528301886791942232335373;0.020889487870619945913963633188;0.026145552560646899420415678605;0.019272237196765497346806483847;0.020754716981132074332672132755;0.019811320754716980202525533628;0.033288409703504044656607874231;0.033153638814016173075316373797;0.001347708894878706271935886463;0.022237196765498651318537781663;0.008894878706199460180470417470;0.009838274932614556045340492574;0.016037735849056603681939137118;0.003504043126684635960088609608;0.020889487870619945913963633188;0.030458221024258758796721124895;0.014959568733153637970501037557;0.007142857142857142634106981660;0.007951482479784366050323818342;0.021967654986522911625401732749;0.011725067385444744305633690828;0.038140161725067386888632370301;0.000000000000000000000000000000;0.011320754716981131296482665505;0.021024258760107817495255133622;0.013477088948787062719358864626;0.012803234501347708282348314413;0.009029649595687331761761917903;0.033692722371967652461588471624;0.009568733153638814617480967684
-0.024162371134020619450888389679;0.020940721649484534544471969753;0.037532216494845359322507505340;0.009503865979381442494200449289;0.020779639175257730993040539147;0.027384020618556700887857857651;0.004027061855670102663573572954;0.040592783505154640677492494660;0.027384020618556700887857857651;0.012886597938144329217324823844;0.022873711340206184100543040927;0.033827319587628863761796793597;0.015947164948453607102862861211;0.023840206185567008878578576514;0.030283505154639175221964464413;0.011920103092783504439289288257;0.017557989690721649556071071174;0.055573453608247419532872868331;0.036082474226804120420730725982;0.009342783505154638942769018684;0.024645618556701030105182681496;0.015302835051546391162413662812;0.015947164948453607102862861211;0.020618556701030927441609108541;0.026739690721649483212685183275;0.023679123711340205327147145908;0.040431701030927837126061064055;0.019007731958762884988400898578;0.001771907216494845354118337077;0.042203608247422683130700704623;0.017235824742268042453208209963;0.006765463917525773446248749110;0.016913659793814431880898396798;0.004027061855670102663573572954;0.014980670103092784059550801601;0.025934278350515465455528030247;0.014175257731958762832946696619;0.006765463917525773446248749110;0.012242268041237113276875625445;0.013369845360824741606342591638;0.009987113402061854883218217083;0.019813144329896906215005003560;0.000000000000000000000000000000;0.012242268041237113276875625445;0.022873711340206184100543040927;0.011436855670103092050271520463;0.020296391752577320338746247330;0.014819587628865978773395895018;0.028833762886597939789634637009;0.014497422680412371670533033807
-0.030070611151692232254628578403;0.026783540297053810147476227144;0.043827611395178961428698016789;0.008278548819089358995482186288;0.020939858777696614133834174254;0.026783540297053810147476227144;0.005356708059410761856022897831;0.030922814706598491379940796264;0.057706355003652301527417023408;0.014852690528366203209786888806;0.014487460433406379109455563992;0.023131239347455562205269075093;0.014000486973459945819198146921;0.023983442902361821330581292955;0.022157292427562699094201192906;0.014974433893352812399712981062;0.022400779157535914004606425465;0.053201850499147794459897653496;0.023009495982468954750066458814;0.010469929388848307066917087127;0.015826637448259069790301722946;0.021305088872656439968888975045;0.014243973703433162464326855456;0.021548575602629658348741159557;0.028244460676893110018248478355;0.024592159727294862076041326304;0.028974920866812758218911127983;0.025079133187241295366298743375;0.000730460189919649393285039363;0.024957389822254687911096127095;0.015096177258339419854915597341;0.011565619673727781102634537547;0.011565619673727781102634537547;0.005113221329437546078255927284;0.019844168492817140098116723834;0.033479425371317261816983545941;0.016070124178232284700706955505;0.007426345264183101604893444403;0.006330654979303627569175993983;0.014122230338446555009124239177;0.007913318724129534895150861473;0.047966885804723642661162585910;0.000000000000000000000000000000;0.010956902848794740357174504197;0.012174336498660823582818046873;0.012174336498660823582818046873;0.017774531288044802951331391228;0.016922327733138543826019173366;0.028244460676893110018248478355;0.012417823228634040227946755408
-0.029134114583333332176851016015;0.019205729166666667823148983985;0.042154947916666664353702032031;0.006998697916666666955787245996;0.010579427083333333911574491992;0.048990885416666664353702032031;0.003255208333333333477893622998;0.028157552083333332176851016015;0.030436197916666667823148983985;0.014485677083333333911574491992;0.019694010416666667823148983985;0.030110677083333332176851016015;0.021647135416666667823148983985;0.021809895833333332176851016015;0.016764322916666667823148983985;0.013997395833333333911574491992;0.022623697916666667823148983985;0.053059895833333335646297967969;0.028320312500000000000000000000;0.009114583333333333911574491992;0.015462239583333333911574491992;0.017740885416666667823148983985;0.018391927083333332176851016015;0.015462239583333333911574491992;0.037923177083333335646297967969;0.021158854166666667823148983985;0.037760416666666664353702032031;0.029134114583333332176851016015;0.001464843750000000000000000000;0.038736979166666664353702032031;0.017089843750000000000000000000;0.011067708333333333911574491992;0.015136718750000000000000000000;0.003580729166666666522106377002;0.024088541666666667823148983985;0.030924479166666667823148983985;0.013020833333333333911574491992;0.007161458333333333044212754004;0.003743489583333333477893622998;0.019531250000000000000000000000;0.007975260416666666088425508008;0.033365885416666664353702032031;0.000000000000000000000000000000;0.008626302083333333911574491992;0.012207031250000000000000000000;0.009114583333333333911574491992;0.020345052083333332176851016015;0.015462239583333333911574491992;0.030273437500000000000000000000;0.013509114583333333911574491992
-0.025898078529657475588265924671;0.019715956558061822206928681567;0.031578947368421053654152785839;0.009022556390977444149004149665;0.018212197159565578913342775991;0.034586466165413533302430693084;0.005847953216374268681221337829;0.032748538011695908778175834186;0.030743525480367586699692594721;0.011862990810359231447224104272;0.018546365914786967082905633220;0.022556390977443607770425160197;0.025062656641604008633805733552;0.019548872180451128122147252952;0.022723475355054301855206588812;0.013032581453634084836523676643;0.022556390977443607770425160197;0.052631578947368418130992040460;0.033583959899749375732636025305;0.006850459482038429720462957562;0.022389306599832917155090683536;0.021553884711779450200630492418;0.022723475355054301855206588812;0.016875522138680033173985250983;0.027568922305764409497186306908;0.020718462823725983246170301300;0.031077694235588971399808499996;0.024394319131161235764126971048;0.003007518796992481383001383222;0.040100250626566413814089173684;0.014035087719298245875765296375;0.013533834586466165356144486509;0.020384294068504595076607444071;0.008855472013366750064222721051;0.022723475355054301855206588812;0.031411862990810356099924405271;0.015371762740183793349846297360;0.007184628237259816155302338814;0.010860484544695070407982484539;0.025563909774436090888150019396;0.007184628237259816155302338814;0.024060150375939851064011065773;0.000000000000000000000000000000;0.012364243943191311966844914139;0.014369256474519632310604677627;0.014870509607351712830225487494;0.014703425229741018745444058879;0.011027568922305764492763913154;0.031411862990810356099924405271;0.012364243943191311966844914139
-0.024530811290084233999841956120;0.039899512339293632945391721023;0.028225210580759569484188276078;0.018767548396630709395260794281;0.028520762524013594518823566659;0.027190778779370473189347379162;0.006058814836707551373939928396;0.048470518693660410991519427171;0.021279739914289937802172048009;0.014186493276193290133391222696;0.016255356878971477518902588599;0.012560957588296143769279744618;0.015959804935717452484267298018;0.016403132850598491770943709867;0.038865080537904536650550824106;0.010787645928771981418403669295;0.015959804935717452484267298018;0.057780404906162256828405787701;0.032362937786315944255211007885;0.006502142751588591527978078233;0.023496379488695137705001059203;0.009457662184128860088927481797;0.022461947687306044879607114240;0.015516477020836411462867410194;0.022609723658933059131648235507;0.020984187971035909298089805475;0.035170681247229197696757552194;0.049652726466676518068954493401;0.001329983744643121112635753001;0.043889463573222993464373331562;0.009605438155755874340968603065;0.008866558297620806550209948682;0.019210876311511748681937206129;0.002807743460913255609950889280;0.018767548396630709395260794281;0.032215161814688933472616838571;0.018915324368257720177854963595;0.009014334269247820802251069949;0.004581055120437416659784357620;0.016994236737106545309661242982;0.014186493276193290133391222696;0.019358652283138762933978327396;0.000000000000000000000000000000;0.009014334269247820802251069949;0.023200827545441112670365768622;0.012117629673415102747879856793;0.010344318013890942131727257447;0.010048766070636913627645014913;0.025565243091473326825235901083;0.010048766070636913627645014913
-0.022272986864648770810592992575;0.030982295830953739818047765198;0.018132495716733296187150870082;0.119360365505425475296519266521;0.028983438035408339711329617217;0.021130782410051399816675044008;0.006282124500285550874889572981;0.039263278126784692534378962137;0.015419760137064534438744445310;0.013278126784694459922020470799;0.014848657909765848941785471027;0.009708737864077669060813846613;0.022844089091947458042275442835;0.014705882352941176266503120473;0.045973729297544257965668634824;0.007281553398058252662972122948;0.014277555682467161710103020766;0.044403198172472874150074062527;0.039263278126784692534378962137;0.004426042261564819974006823600;0.022701313535122787101716568259;0.011422044545973729021137721418;0.023129640205596803392840143943;0.012849800114220445365620371092;0.020988006853226728876116169431;0.013278126784694459922020470799;0.034837235865219876029819090490;0.039406053683609366944384788667;0.001570531125071387718722393245;0.023557966876070816214516767673;0.005996573386636208126410085839;0.006853226727584237239210285253;0.023557966876070816214516767673;0.003141062250142775437444786490;0.021844660194174757988916368845;0.024700171330668190677881668194;0.014134780125642490769544146190;0.006424900057110222682810185546;0.003997715591090805417606723893;0.023700742432895487155075642249;0.013849229011993147153702921059;0.013849229011993147153702921059;0.000000000000000000000000000000;0.005853797829811536318489473274;0.025842375785265561671799616761;0.014848657909765848941785471027;0.007567104511707595411451610090;0.007281553398058252662972122948;0.032124500285551110811965713765;0.007852655625356938159931097232
-0.020508111417202327247943927091;0.039332721150902971718466005768;0.026170798898071626070738204817;0.034435261707988981672023953706;0.018824609733700644470522078677;0.025711662075298437335479917465;0.006580961126415671956502162487;0.037343128252219158491609363182;0.030609121518212427381921969527;0.013161922252831343913004324975;0.016375880012243649447301052646;0.011631466176920722890852921694;0.018824609733700644470522078677;0.016681971227425772957841942912;0.034282216100397916447306556620;0.009335782063054789622902340795;0.020508111417202327247943927091;0.058004285277012547494823735406;0.028925619834710744604500121113;0.009335782063054789622902340795;0.019589837771655953246874304341;0.018365472910927455735263791325;0.025864707682889502560197314551;0.016528925619834711202571497779;0.020355065809611265492673481958;0.019130700948882767981062968943;0.033670033670033669426224776089;0.043924089378634831315473263658;0.002295684113865931966907973916;0.026936026936026934847090430480;0.009641873278236914868166707038;0.008723599632690542601820560265;0.017447199265381085203641120529;0.005356596265687174444891649472;0.017906336088154270469452455927;0.029384756657483929870311456511;0.013161922252831343913004324975;0.007499234771962045090210047249;0.004132231404958677800642874445;0.024793388429752066803857246668;0.008111417202326293846015303757;0.035812672176308540938904911854;0.000000000000000000000000000000;0.011325374961738597645588555451;0.021579430670339759534837043020;0.021579430670339759534837043020;0.011784511784511784646123366826;0.008111417202326293846015303757;0.031833486378940921424085530589;0.008570554025099479111826639155
-0.017644557823129250473392914955;0.044642857142857143848413414844;0.024659863945578230914890127679;0.019982993197278912933523287165;0.021683673469387754889625696819;0.018920068027210884542554936161;0.009566326530612245110374303181;0.039965986394557825867046574331;0.026360544217687076340439489286;0.007227891156462585252329144936;0.012755102040816326813832404241;0.011479591836734694479393859012;0.014455782312925170504658289872;0.014668367346938776182851960073;0.057610544217687076340439489286;0.005527210884353741561503259305;0.014030612244897959148270949470;0.061011904761904760252644308594;0.032312925170068028390968351005;0.007015306122448979574135474735;0.022321428571428571924206707422;0.010416666666666666088425508008;0.020408163265306120820463675614;0.012542517006802721135638734040;0.017857142857142856151586585156;0.015731292517006802839096835100;0.032312925170068028390968351005;0.102465986394557825867046574331;0.001062925170068027306766178519;0.025935374149659864984052148884;0.008290816326530612775935757952;0.008078231292517007097742087751;0.015731292517006802839096835100;0.002763605442176870780751629653;0.020833333333333332176851016015;0.029336734693877552365703920145;0.014668367346938776182851960073;0.005314625850340135883309589104;0.008290816326530612775935757952;0.014243197278911564826464619671;0.015943877551020408517290505301;0.039965986394557825867046574331;0.000000000000000000000000000000;0.009353741496598639432180632980;0.026147959183673470662245819085;0.010204081632653060410231837807;0.009778911564625850788567973382;0.005527210884353741561503259305;0.024447278911564625236696457478;0.008503401360544218454129428153
-0.010082677959265980843772680942;0.064932446057672912886893357154;0.015325670498084290396811901758;0.014720709820528333003353260722;0.018148820326678766906569606476;0.018552127445049405168875367167;0.014115749142972373875171143709;0.039524097600322646850479202385;0.024601734220608992981249585341;0.007662835249042145198405950879;0.010485985077636620840801917609;0.009276063722524702584437683583;0.017140552530752167781358252796;0.007864488808227465196920569213;0.071587013510788471970514024179;0.005646299657188949550068457484;0.013107481347045774749959790029;0.052228271828997779868686279769;0.034684412179874973825022266283;0.003831417624521072599202975439;0.017947166767493447775416726131;0.013510788465416414746989026696;0.021576930832829199075062476254;0.008872756604154062587408446916;0.012502520669489817356501148993;0.011090945755192579968984034622;0.034482758620689654693869385937;0.137124420246017342250866022368;0.002016535591853196082018362389;0.031659608792095179918835157196;0.008872756604154062587408446916;0.007662835249042145198405950879;0.015930631175640249524994018770;0.004436378302077031293704223458;0.018552127445049405168875367167;0.019157088122605362562334008203;0.009477717281710021715590563929;0.006452913893930227809403454842;0.006654567453115547807918073175;0.017745513208308125174816893832;0.015124016938898971265659021412;0.039725751159507965981632082730;0.000000000000000000000000000000;0.007662835249042145198405950879;0.030248033877797942531318042825;0.011494252873563218231289795312;0.005444646098003629551553839150;0.006251260334744908678250574496;0.018552127445049405168875367167;0.006251260334744908678250574496
-0.014550264550264549456848328646;0.049603174603174600421073847656;0.020171957671957670837903364713;0.007936507936507936067371815625;0.037202380952380952050528861719;0.023644179894179894602102010026;0.008432539682539682071582554101;0.041501322751322754223135547136;0.035383597883597885103146296615;0.008267195767195766736845641276;0.013227513227513226778953026042;0.016369047619047619873677845703;0.016369047619047619873677845703;0.008928571428571428075793292578;0.055886243386243386610523486979;0.007440476190476190063161077148;0.015542328042328041465269805599;0.057374338624338626357879178386;0.030423280423280421591591959896;0.005456349206349206046318123242;0.018353174603174603890520799609;0.015707671957671958534730194401;0.025793650793650792218958400781;0.009920634920634920084214769531;0.015707671957671958534730194401;0.011739417989417988766320810612;0.032738095238095239747355691406;0.080026455026455028951559711459;0.000992063492063492008421476953;0.036210317460317463511554336719;0.016534391534391533473691282552;0.008267195767195766736845641276;0.016699735449735450543151671354;0.004298941798941798703159733464;0.016369047619047619873677845703;0.021990740740740741254732881771;0.015542328042328041465269805599;0.009093915343915343410530205404;0.005291005291005290711581210417;0.015707671957671958534730194401;0.016699735449735450543151671354;0.044312169312169309709492637239;0.000000000000000000000000000000;0.009093915343915343410530205404;0.025297619047619047949471138281;0.010416666666666666088425508008;0.007605820105820105397897989974;0.005952380952380952050528861719;0.025132275132275130880010749479;0.004794973544973544707370471940
-0.022360248447204970206891871953;0.023740510697032434633824138359;0.033540372670807450106167380000;0.006349206349206349200842147695;0.018357487922705313654336833906;0.025120772946859902530203356719;0.006625258799171842606645643770;0.033678398895790197242749997031;0.041407867494824016074694839062;0.014630779848171153109670505899;0.012836438923395445538266912422;0.017943409247757072244588982812;0.021670117322291234523978786797;0.017667356797791581440870700703;0.016977225672877845757957615547;0.009661835748792270070484100586;0.029123533471359559082758394766;0.064182194616977231160781514063;0.023188405797101449556940622188;0.007453416149068322824056131992;0.020013802622498275823881286328;0.022912353347135955283775388125;0.033954451345755691515915231093;0.017115251897860592894540232578;0.021394064872325740250813552734;0.017253278122843340031122849609;0.032436162870945479952400347656;0.031469979296066249996322028437;0.001932367149758454057464907017;0.025396825396825396803368590781;0.014630779848171153109670505899;0.011042097998619737966863318945;0.021532091097308487387396169765;0.005521048999309868983431659473;0.027605244996549344049796559375;0.031884057971014491406069879531;0.018633540372670807927502067969;0.008833678398895790720435350352;0.006211180124223602064259530664;0.024982746721877155393620739687;0.011318150448585230505305077031;0.048309178743961352087143978906;0.000000000000000000000000000000;0.010628019323671498291838943828;0.008557625948930296447270116289;0.020979986197377502310512653594;0.011594202898550724778470311094;0.009385783298826777532042342500;0.031331953071083502859739411406;0.006625258799171842606645643770
-0.019022534386889083934946143017;0.045068773778167980914588497399;0.023705004389815629434190569214;0.061457418788410884957773561155;0.031606672519754172578920758951;0.032923617208077259055354346629;0.005414105940883815956676805570;0.037606087211003801085151820871;0.026046239391278900449089306335;0.009950248756218905282766584719;0.017120280948200176235340919106;0.022095405326309627142000735489;0.016681299385425812920047405896;0.011559847819724904105509466490;0.048726953467954345344814726104;0.007755340942347087838937280679;0.014486391571553994608856363868;0.057213930348258709712716552076;0.041703248463564532300118514740;0.004682470002926543764520950219;0.021949078138718172703569564419;0.010242903131401814159628926859;0.014047410008779631293562850658;0.014486391571553994608856363868;0.021510096575943809388276051209;0.014193737196371085731994021728;0.030728709394205442478886780577;0.045361428153350889791450839539;0.001463271875914544817992579695;0.044922446590576529945604278282;0.014925373134328357924149877078;0.008340649692712906460023702948;0.018583552824114720619652629807;0.002633889376646180759122817250;0.011413520632133449667078295420;0.026777875329236172641245161685;0.016681299385425812920047405896;0.003219198127011998946528370524;0.001316944688323090379561408625;0.006438396254023997893056741049;0.013169446883230904662975824237;0.034386889083991803439666057329;0.000000000000000000000000000000;0.005560433128475270395107976640;0.024875621890547264941639937774;0.007755340942347087838937280679;0.011120866256950540790215953280;0.006877377816798361208350254259;0.024436640327772901626346424564;0.007755340942347087838937280679
-0.033018867924528301494024873364;0.015768194070080863988803088205;0.049326145552560644869100059395;0.000539083557951482530458398035;0.007277628032345013348036744105;0.030997304582210241652440174676;0.003099730458221024251980191266;0.033423180592991916237899374664;0.038409703504043130051215371168;0.019137466307277629234961935367;0.019676549865229112090680985148;0.023315363881401617029975881223;0.014824797843665768123933013101;0.029245283018867924973438476854;0.017385444743935309086513285592;0.015902964959568732100647636685;0.021293800539083557188391182535;0.050943396226415096905704160690;0.019002695417789757653670434934;0.009433962264150943036189467250;0.018059299191374663523523835806;0.020350404312668463058244583408;0.017385444743935309086513285592;0.027358490566037736713145278600;0.036792452830188678014611269873;0.030053908355795147522293575548;0.038140161725067386888632370301;0.010242587601078167319768041921;0.001617250673854447482954976856;0.021293800539083557188391182535;0.012938005390835579863639814846;0.016846361185983826230794235812;0.012129380053908355580061240175;0.007412398921832884061966506550;0.019946091644204851783817034061;0.039757412398921831986342567689;0.017385444743935309086513285592;0.008221024258760107478183343233;0.005390835579514825087743545851;0.021967654986522911625401732749;0.006873315363881401206247456770;0.026010781671159031308571130126;0.000000000000000000000000000000;0.014555256064690026696073488210;0.007681940700808625489826031441;0.015498652291105120826220087338;0.025606469002695416564696628825;0.020889487870619945913963633188;0.033827493261455524042879972058;0.013746630727762802412494913540
-0.030709342560553631873432323118;0.014850057670126873970994907381;0.047866205305651672585742772981;0.000576701268742791251648016626;0.004036908881199538327855247388;0.024798154555940022519822107938;0.004181084198385236032347034296;0.029123414071510957124022667131;0.041089965397923873535734884399;0.024509803921568627110838534122;0.017012687427912343007818662954;0.022491349480968859247953517411;0.023644752018454440883887812674;0.033881199538638988311145539001;0.008506343713956171503909331477;0.019463667820069203984179040390;0.025663206459054208746772829386;0.050461361014994231266594937324;0.016003460207612455606929202645;0.012399077277970011259911053969;0.018454440599769320052736532034;0.022202998846597463838969943595;0.024942329873125720224313894846;0.027393310265282584670121224235;0.035034602076124569947079834265;0.030420991926182236464448749302;0.031141868512110724986907683842;0.004757785467128027717675919916;0.002450980392156862711083853412;0.018166089965397924643752958218;0.015282583621683967084470268105;0.015426758938869664788962055013;0.013552479815455594630568825210;0.006632064590542099610792625697;0.027825836216839677783596584959;0.042387543252595152876160966571;0.016580161476355246424896350277;0.011678200692041522737452119429;0.005911188004613610220971953169;0.024509803921568627110838534122;0.006055363321799307925463740077;0.026095732410611301860248190110;0.000000000000000000000000000000;0.016003460207612455606929202645;0.003892733564013840623363460480;0.018166089965397924643752958218;0.021626297577854669551555844009;0.015570934256055362493453841921;0.035178777393310267651571621172;0.011389850057670127328468545613
-0.016222834404652587692030607514;0.054637281910009181939980038578;0.030303030303030303871381079261;0.006427915518824609333869979366;0.019589837771655953246874304341;0.023722069176614631047517178786;0.004438322620140802178545502699;0.036577900214263853184704089472;0.059993878175696360721680377992;0.009947964493419038378707597303;0.013468013468013467423545215240;0.016835016835016834713112388044;0.011631466176920722890852921694;0.013774104683195592668809581482;0.043924089378634831315473263658;0.010866238138965412379777220053;0.016835016835016834713112388044;0.067646158555249469301884346351;0.024334251606978878068598959317;0.008723599632690542601820560265;0.014080195898377716179350471748;0.017906336088154270469452455927;0.014386287113559841424614837990;0.011478420569329659400859000584;0.015763697581879398956772320162;0.013927150290786654424080026615;0.031680440771349863138262037410;0.075910621365166824903170095240;0.000306091215182124269482411005;0.033057851239669422405142995558;0.015763697581879398956772320162;0.004744413835322926556448130953;0.013008876645240282157733879842;0.003367003367003366855886303810;0.016069788797061525936760162381;0.020508111417202327247943927091;0.013468013468013467423545215240;0.002754820936639118533761916296;0.008417508417508417356556194022;0.012855831037649218667739958732;0.010407101316192225379242408678;0.079124579124579125233296394981;0.000000000000000000000000000000;0.007193143556779920712307418995;0.016528925619834711202571497779;0.008417508417508417356556194022;0.008570554025099479111826639155;0.008264462809917355601285748889;0.022803795531068257046447556036;0.009335782063054789622902340795
-0.026008571006354366111912312931;0.019506428254765773716572496710;0.033545145559332051332646074115;0.001182207773016107511115935225;0.013447613418058224077356044290;0.034727353332348158410081140346;0.005024383035318456813822507456;0.024235259346830205495759713585;0.044185015516477021968455574097;0.014186493276193290133391222696;0.016994236737106545309661242982;0.036352889020245304774192618424;0.020540860056154870011413393627;0.018619772425003695143219673014;0.013299837446431209825314923023;0.016255356878971477518902588599;0.022905275602187084166283526088;0.044776119402985072037726155258;0.026599674892862419650629846046;0.008866558297620806550209948682;0.014925373134328357924149877078;0.029111866410521648057541099774;0.024235259346830205495759713585;0.016846460765479534527067073668;0.028520762524013594518823566659;0.023348603517068123452959937936;0.028668538495640608770864687926;0.018324220481749666639137430479;0.002364415546032215022231870449;0.039603960396039604441309478489;0.033249593616078022828563831581;0.011378749815280034957121202410;0.014777597162701345406832231788;0.005467710950199497835222395281;0.021723067829170977088848459857;0.029111866410521648057541099774;0.012117629673415102747879856793;0.007979902467858726242133649009;0.013447613418058224077356044290;0.026895226836116448154712088581;0.009162110240874833319568715240;0.040638392197428700736150375405;0.000000000000000000000000000000;0.011969853701788088495838735525;0.012117629673415102747879856793;0.015220925077582384693508643636;0.015368701049209398945549764903;0.011822077730161075978521090235;0.029555194325402690813664463576;0.010787645928771981418403669295
-0.018977655341291706225792523810;0.039638812366085095229006896034;0.031680440771349863138262037410;0.017294153657790019978923723443;0.030915212733394550892462859792;0.022344658708295071780636220637;0.009029690847872666112361450530;0.034741352923171105182564843972;0.033823079277624734650942173175;0.010713192531374348889783298944;0.015151515151515151935690539631;0.017141108050198958223653278310;0.015916743189470460712042765294;0.019130700948882767981062968943;0.039944903581267218739547786299;0.012396694214876033401928623334;0.019436792164064891491603859208;0.045760636669727579317612509158;0.038261401897765535962125937886;0.007958371594735230356021382647;0.022956841138659318801718001168;0.016988062442607896468382833177;0.017753290480563208714182010795;0.017753290480563208714182010795;0.021732476277930824759554440107;0.017753290480563208714182010795;0.027395163758800123582348717832;0.075604530149984694453735301067;0.001224364860728497077929644021;0.030303030303030303871381079261;0.009335782063054789622902340795;0.009335782063054789622902340795;0.015304560759106213690960984763;0.005968778696051423200696905980;0.013774104683195592668809581482;0.021273339455157636024296152755;0.010866238138965412379777220053;0.005356596265687174444891649472;0.004744413835322926556448130953;0.014539332721150903179885283123;0.013008876645240282157733879842;0.037037037037037034981068472916;0.000000000000000000000000000000;0.010866238138965412379777220053;0.020508111417202327247943927091;0.014539332721150903179885283123;0.016528925619834711202571497779;0.012702785430058156912469513600;0.023262932353841445781705843387;0.011325374961738597645588555451
-0.016269329896907217675172674376;0.029155927835051546892497498220;0.045425257731958761098223220642;0.052835051546391752219644644128;0.048324742268041238901776779358;0.017235824742268042453208209963;0.005798969072164948668213213523;0.024806701030927833656614112101;0.030766752577319589345705708183;0.015141752577319587610982232206;0.012564432989690722114461962633;0.015786082474226803551431430606;0.007570876288659793805491116103;0.027061855670103093784994996440;0.048646907216494846004639640569;0.011597938144329897336426427046;0.025773195876288658434649647688;0.043170103092783504439289288257;0.019490979381443299112142142349;0.008859536082474226553751250890;0.011597938144329897336426427046;0.019652061855670102663573572954;0.009503865979381442494200449289;0.022390463917525773446248749110;0.027061855670103093784994996440;0.019329896907216495560710711743;0.023195876288659794672852854092;0.074097938144329897336426427046;0.003382731958762886723124374555;0.030122422680412371670533033807;0.007248711340206185835266516904;0.016591494845360824778035535587;0.008215206185567010613302052491;0.004510309278350515052591340748;0.009020618556701030105182681496;0.030605670103092782324827325624;0.009664948453608247780355355872;0.004993556701030927441609108541;0.002094072164948453541183370774;0.013853092783505153995360359431;0.009664948453608247780355355872;0.031088917525773196448568569394;0.000000000000000000000000000000;0.008537371134020617716164913702;0.018041237113402060210365362991;0.007409793814432989386697947509;0.023356958762886598224284284697;0.014497422680412371670533033807;0.022068298969072166343385887899;0.011920103092783504439289288257
-0.021350078492935634782989851033;0.026844583987441130584761239675;0.045839874411302980461435652160;0.031868131868131865935822588654;0.054631083202511775132048654768;0.015541601255886969973341038553;0.006750392464678178772174987898;0.025745682888540032118296352337;0.021821036106750391764252938742;0.019780219780219779335261875985;0.010832025117739403630157113412;0.018681318681318680868796988648;0.011145996860282574372758013226;0.032182103610675041882593916398;0.035164835164835164804664202620;0.009890109890109889667630937993;0.021507064364207222756375514905;0.034379905808477238815523691073;0.021507064364207222756375514905;0.010518053375196232887556213598;0.016012558869701726954604126263;0.015070643642072212992077950844;0.010047095761381475906293125888;0.032025117739403453909208252526;0.019309262166405022353998788276;0.027786499215070644547287415094;0.023233908948194662708042201871;0.043799058084772371501891541357;0.002668759811616954347873731379;0.040345368916797491598558167425;0.008320251177394034219902962946;0.016640502354788068439805925891;0.010047095761381475906293125888;0.005965463108320251048311000375;0.013814756671899528286950875611;0.032182103610675041882593916398;0.010989010989010989868819301307;0.006122448979591836419611450282;0.004238618524332810229282575420;0.017739403453689166906270813229;0.012872841444270016059148176168;0.020879120879120877801726763323;0.000000000000000000000000000000;0.017111459968602825421069013601;0.019780219780219779335261875985;0.014442700156985871506876151216;0.031397174254317108954559500944;0.016640502354788068439805925891;0.024175824175824176670568377290;0.010361067503924646648894025702
-0.022843822843822844670391702948;0.028282828282828284538474861165;0.042579642579642577870924213812;0.023465423465423466270474150974;0.031546231546231547071545975314;0.026728826728826728803545265123;0.004351204351204351200577136183;0.031857031857031856136863723350;0.029992229992229991336616379272;0.011188811188811188801484064470;0.014763014763014763869319878609;0.025174825174825176538062621034;0.012432012432012432001648960522;0.025951825951825952670803943079;0.036519036519036519872205559523;0.014452214452214453069278654596;0.020512820512820512802720784862;0.043978243978243979073194935836;0.025796425796425798138145069061;0.006682206682206682200886316281;0.017404817404817404802308544731;0.015073815073815074669361102622;0.012121212121212121201607736509;0.023931623931623933337897724982;0.036829836829836828937523307559;0.021289821289821288935462106906;0.029059829059829060671216183209;0.051592851592851596276290138121;0.001709401709401709400226732072;0.030924630924630925471463527288;0.014296814296814296801896304601;0.013364413364413364401772632561;0.010411810411810412668742742426;0.004506604506604506600597748189;0.013364413364413364401772632561;0.032478632478632481206393123330;0.012121212121212121201607736509;0.005439005439005439000721420229;0.006216006216006216000824480261;0.011655011655011655868907638478;0.012121212121212121201607736509;0.029059829059829060671216183209;0.000000000000000000000000000000;0.013364413364413364401772632561;0.022222222222222223070309254922;0.009945609945609945601319168418;0.020512820512820512802720784862;0.013675213675213675201813856575;0.021445221445221446937567932878;0.014763014763014763869319878609
-0.024397824397824396935874347037;0.018648018648018648002473440783;0.043978243978243979073194935836;0.010722610722610723468783966439;0.039937839937839940407382499643;0.027972027972027972003710161175;0.008857808857808858668536622361;0.028438228438228439071133735183;0.037296037296037296004946881567;0.015850815850815852536825900643;0.018026418026418026402390992757;0.039471639471639473339958925635;0.009945609945609945601319168418;0.028438228438228439071133735183;0.024242424242424242403215473018;0.015229215229215229202019976640;0.025641025641025640136039243089;0.043356643356643354003665535856;0.028282828282828284538474861165;0.007925407925407926268412950321;0.015695415695415694534720074671;0.019891219891219891202638336836;0.011344211344211345068866414465;0.021756021756021756002885680914;0.028127428127428126536369035193;0.025174825174825176538062621034;0.030147630147630149338722205243;0.027350427350427350403627713149;0.002175602175602175600288568091;0.041647241647241650674970969703;0.015540015540015540002061200653;0.014296814296814296801896304601;0.008391608391608391601113048353;0.005128205128205128200680196215;0.013519813519813520669154982556;0.035742035742035743739464237478;0.010722610722610723468783966439;0.008547008547008547868495398347;0.005283605283605283600700808222;0.014141414141414142269237430583;0.009324009324009324001236720392;0.027350427350427350403627713149;0.000000000000000000000000000000;0.012121212121212121201607736509;0.015073815073815074669361102622;0.011499611499611499601525288483;0.023776223776223775335791899010;0.013675213675213675201813856575;0.023465423465423466270474150974;0.012432012432012432001648960522
-0.016443701226309920260248986779;0.036510590858416944182174290745;0.037625418060200671588333420914;0.004180602006688963027947192330;0.026895206243032328263797836598;0.025780379041248607796532610337;0.005852842809364548065653721665;0.040551839464882943886436805769;0.036928651059085840224760488582;0.014074693422519509930501691031;0.015468227424749163984030175811;0.016861761426978819772282136569;0.013377926421404682036375710652;0.017419175027870680005914749700;0.039018952062430320437691477764;0.011287625418060200088721245493;0.024804905239687848050866847416;0.053511705685618728145502842608;0.035535117056856184436508527824;0.007803790412486064954900033541;0.019509476031215160218845738882;0.022296544035674471795349660397;0.016304347826086956069202571484;0.017837235228539576048500947536;0.020206243032329988112971719261;0.018812709030100335794166710457;0.036649944258639911842667657993;0.042781493868450391759861162200;0.001811594202898550746635986108;0.036371237458193976521680923497;0.010869565217391304046135047656;0.015328874024526198058260284540;0.016583054626532887920742354027;0.005016722408026755980481325992;0.013656633221850613887915493194;0.032469342251950944477911775721;0.014074693422519509930501691031;0.006549609810479375959779702043;0.006828316610925306943957746597;0.016583054626532887920742354027;0.014771460423634336089904195433;0.031075808249721292159106766917;0.000000000000000000000000000000;0.009057971014492753950020365039;0.021739130434782608092270095312;0.009754738015607580109422869441;0.017279821627647715814868334405;0.010590858416945373929318741091;0.026198439241917503839118808173;0.009057971014492753950020365039
-0.013689614321442675551332435191;0.037778070290904304517898282256;0.026589443201263655847110811692;0.050151375542977494337293364879;0.058444122680005268499758841472;0.024746610504146372699896261338;0.005528498091351849441643651062;0.030538370409372121716540249281;0.029090430433065684462379252295;0.009740687113334211416626473579;0.013952876135316571656885820119;0.023956825062524680913789154602;0.011320257996577596723564163028;0.012636567065947084190224991573;0.051204422798473078759506904589;0.010530472554955903202733580315;0.017770172436488086004091613290;0.040542319336580229238720107787;0.028169014084507042888771977118;0.007239699881532183668719770964;0.016322232460181652219377568258;0.017638541529551139686038396803;0.008687639857838620055519029961;0.014611030670001317124939710368;0.019613005133605369151306163644;0.014611030670001317124939710368;0.023825194155587731126288986161;0.073713307884691325888582014159;0.002237725417928129473948972716;0.049361590101355795612292354235;0.015532447018559958698546985545;0.008819270764775569843019198402;0.013952876135316571656885820119;0.003554034487297617374290670256;0.010793734368829801043010441219;0.024878241411083322487396429779;0.011846781624325392404117884837;0.005133605370541002681228359705;0.008424378043964722215242169057;0.011583519810451494563841023933;0.010003948927208109256903334483;0.031854679478741605713754125873;0.000000000000000000000000000000;0.005923390812162696202058942418;0.030275108595498222141539912400;0.008292747137027774162465476593;0.013031459786757930083278544942;0.010530472554955903202733580315;0.020007897854416218513806668966;0.011320257996577596723564163028
-0.022873711340206184100543040927;0.032860824742268042453208209963;0.042364690721649486682132135229;0.015141752577319587610982232206;0.033021907216494846004639640569;0.023034793814432991121421423486;0.008215206185567010613302052491;0.037854381443298966425370366551;0.023356958762886598224284284697;0.015463917525773196448568569394;0.017719072164948453107502501780;0.017719072164948453107502501780;0.010631443298969072558390891459;0.019652061855670102663573572954;0.043814432989690718645015010679;0.015141752577319587610982232206;0.019329896907216495560710711743;0.043331185567010307990720718863;0.029961340206185568119101603202;0.007731958762886598224284284697;0.019974226804123709766436434165;0.014658505154639175221964464413;0.012242268041237113276875625445;0.017396907216494846004639640569;0.027061855670103093784994996440;0.019813144329896906215005003560;0.031733247422680410654294291817;0.051063144329896906215005003560;0.000966494845360824778035535587;0.034471649484536084906416419926;0.009020618556701030105182681496;0.011759020618556700887857857651;0.013530927835051546892497498220;0.006926546391752576997680179716;0.014497422680412371670533033807;0.030444587628865978773395895018;0.010631443298969072558390891459;0.006604381443298969027455580516;0.005798969072164948668213213523;0.016269329896907217675172674376;0.011759020618556700887857857651;0.025128865979381444228923925266;0.000000000000000000000000000000;0.014980670103092784059550801601;0.030444587628865978773395895018;0.011275773195876288498840089858;0.018685567010309277885538037367;0.013530927835051546892497498220;0.025934278350515465455528030247;0.014175257731958762832946696619
-0.012856509531550170538638511175;0.045958327176001179115161221489;0.036500664991872322495680691645;0.034284025417467119123404728498;0.044923895374612089759214228479;0.009457662184128860088927481797;0.005467710950199497835222395281;0.027929658637505540980106033544;0.052460469927589771510501037710;0.009753214127382886858286248355;0.010935421900398995670444790562;0.012413181616669129517238623350;0.010196542042263927879686136180;0.016255356878971477518902588599;0.042707255800206886386938265332;0.010196542042263927879686136180;0.025565243091473326825235901083;0.059997044480567460200681750848;0.021279739914289937802172048009;0.006649918723215604912657461512;0.013743165361312250846714810848;0.023496379488695137705001059203;0.011378749815280034957121202410;0.015664252992463423980185055484;0.015516477020836411462867410194;0.016994236737106545309661242982;0.025269691148219298321153658549;0.072853554012117627269873310070;0.001773311659524161266673902837;0.022461947687306044879607114240;0.007388798581350672703416115894;0.013152061474804197307997277733;0.010196542042263927879686136180;0.004876607063691443429143124177;0.013004285503177183055956156466;0.027929658637505540980106033544;0.013299837446431209825314923023;0.006502142751588591527978078233;0.013299837446431209825314923023;0.015073149105955372176190998346;0.012413181616669129517238623350;0.059110388650805381627328927152;0.000000000000000000000000000000;0.009014334269247820802251069949;0.020097532141273827255290029825;0.010344318013890942131727257447;0.012708733559923156286597389908;0.007684350524604699472774882452;0.019949756169646816472695860512;0.009014334269247820802251069949
-0.021042363433667780198144114934;0.035953177257525080479094725661;0.036928651059085840224760488582;0.017837235228539576048500947536;0.039437012263099216480277675601;0.018673355629877368133673343209;0.006410256410256410034009810772;0.041387959866220735971609201442;0.040133779264214047843850607933;0.015746934225195095835569958354;0.017976588628762540239547362830;0.012402452619843924025433423708;0.011008918617614269971904938927;0.021460423634336676240730312770;0.041527313266443703632102568690;0.011008918617614269971904938927;0.022157190635451504134856293149;0.048494983277591975634468468570;0.031493868450390191671139916707;0.007385730211817168044952097716;0.016861761426978819772282136569;0.018255295429208472091087145373;0.013099219620958751919559404087;0.018673355629877368133673343209;0.020206243032329988112971719261;0.021321070234113712049683897476;0.036231884057971015800081460156;0.054626532887402455551661972777;0.002229654403567447006062618442;0.026059085841694536178625440925;0.006549609810479375959779702043;0.013517279821627647962145601923;0.013795986622073578078961908489;0.003901895206243032477450016771;0.012402452619843924025433423708;0.029682274247491639840301758113;0.012959866220735785993789512816;0.005713489409141583007245568382;0.003901895206243032477450016771;0.014214046822742474121548106325;0.011566332218506131940261028035;0.036789297658862879503161025241;0.000000000000000000000000000000;0.014353400222965440047317997596;0.023272017837235228071568471364;0.013099219620958751919559404087;0.016861761426978819772282136569;0.011984392419175027982847225871;0.022296544035674471795349660397;0.007107023411371237060774053163
-0.017943409247757072244588982812;0.050793650793650793606737181562;0.042236024844720498894190541250;0.001794340924775707354563158979;0.005106970324361628441045546367;0.019323671497584540140968201172;0.004002760524499654817831562070;0.047204968944099381933376946563;0.037267080745341615855004135938;0.014354727398205658836505271836;0.015044858523119392784694881016;0.011042097998619737966863318945;0.013250517598343685213291287539;0.019461697722567287277550818203;0.035334713595583162881741401407;0.008005521048999309635663124141;0.024844720496894408257038122656;0.097584541062801927191472373124;0.027191166321601102640048708281;0.008557625948930296447270116289;0.021670117322291234523978786797;0.016149068322981366407908865312;0.019047619047619049337249919063;0.019461697722567287277550818203;0.017805383022774328577453317735;0.019185645272601793004385584140;0.037819185645272604401334604063;0.042236024844720498894190541250;0.000276052449965493460013604698;0.014492753623188405973087888867;0.005659075224292615252652538516;0.010766045548654243693698084883;0.016563146997929607817656716406;0.003312629399585921303322821885;0.013940648723257419161480896719;0.037129054520358868718421518906;0.023050379572118702420358005156;0.003726708074534161412028065996;0.003036576949620427897519325811;0.013112491373360938076708670508;0.012560386473429951265101678359;0.049689440993788816514076245312;0.000000000000000000000000000000;0.009799861973775017207066717617;0.012698412698412698401684295391;0.009247757073844030395459725469;0.014492753623188405973087888867;0.010904071773636990830280701914;0.032574189095928227088982964688;0.009247757073844030395459725469
-0.016006216006216007069484774661;0.049106449106449109875960346017;0.039005439005439006272535351627;0.015384615384615385469402326635;0.014607614607614607601937528614;0.011499611499611499601525288483;0.007459207459207459200989376313;0.036674436674436677874311385494;0.041802641802641801738182891768;0.011655011655011655868907638478;0.012742812742812742801690184535;0.009013209013209013201195496379;0.009790209790209791068660294400;0.018026418026418026402390992757;0.058585858585858588409855940426;0.008702408702408702401154272366;0.024553224553224554937980173008;0.047707847707847708673689623993;0.023776223776223775335791899010;0.007148407148407148400948152300;0.014452214452214453069278654596;0.019425019425019424135214762828;0.014141414141414142269237430583;0.018803418803418802535132314802;0.017094017094017095736990796695;0.017871017871017871869732118739;0.026418026418026419738227517087;0.110644910644910651753569652556;0.001554001554001554000206120065;0.016006216006216007069484774661;0.004817404817404817400638972202;0.010722610722610723468783966439;0.011655011655011655868907638478;0.006682206682206682200886316281;0.014141414141414142269237430583;0.028282828282828284538474861165;0.012587412587412588269031310517;0.005439005439005439000721420229;0.004195804195804195800556524176;0.017094017094017095736990796695;0.011810411810411810401566512496;0.050815850815850813204654912170;0.000000000000000000000000000000;0.011033411033411034268825190452;0.021756021756021756002885680914;0.010722610722610723468783966439;0.015850815850815852536825900643;0.011344211344211345068866414465;0.022066822066822068537650380904;0.009324009324009324001236720392
-0.019481374226668422833252947157;0.028563906805317888781825530486;0.048176911938923261402578646084;0.062919573515861526580295048916;0.031854679478741605713754125873;0.017770172436488086004091613290;0.003422403580360668887833108798;0.022640515993155193447128326056;0.041068842964328021449826877642;0.013821245228379623604109127655;0.012373305252073186349948130669;0.021719099644596551873521050879;0.011320257996577596723564163028;0.025799657759641964061003704956;0.031854679478741605713754125873;0.013163090693694879870778713382;0.028037383177570093101271808678;0.043306568382256153959541933318;0.018559957878109781259645671980;0.010398841648018955149956887851;0.009872318020271159469403166042;0.021719099644596551873521050879;0.009872318020271159469403166042;0.017375279715677240111038059922;0.018823219691983677365199056908;0.018296696064235881684645335099;0.028827168619191784887378915414;0.070685797025141508531653755654;0.001447939976306436820480127992;0.020139528761353164831859885453;0.008556008950901672002742337497;0.012768197972884033977725160014;0.008029485323153876322188615688;0.004343819928919310027759514981;0.016717125180992498112431121626;0.029222061340002634249879420736;0.013294721600631827923555405846;0.006318283532973542095112495787;0.007634592602343030429135062320;0.023035408713966039340181879425;0.006713176253784388855527787143;0.032381203106489404863754799635;0.000000000000000000000000000000;0.010662103461892852990233748756;0.020139528761353164831859885453;0.010135579834145057309680026947;0.018559957878109781259645671980;0.014084507042253521444385988559;0.021850730551533501661021219320;0.012241674345136238297171438205
-0.024663072776280322434550029698;0.021563342318059300350974183402;0.046226415094339619316077261146;0.016576819407008086537658186899;0.014555256064690026696073488210;0.024663072776280322434550029698;0.004582210242587600804164971180;0.024528301886792454322705481218;0.076145552560646895257079336261;0.014150943396226415421645938864;0.014016172506738543840354438430;0.024123989218328839578830979917;0.011859838274932614152201715285;0.022641509433962262592965331010;0.015094339622641509551792537991;0.012803234501347708282348314413;0.030592991913746630378012625329;0.050134770889487867417955158089;0.022371967654986522899829282096;0.008221024258760107478183343233;0.015363881401617250979652062881;0.029649595687331536247866026201;0.011455525606469002877774165938;0.019676549865229112090680985148;0.026684636118598382276134728386;0.018733153638814014491087434067;0.026819407008086253857426228819;0.023989218328840971466986431437;0.003504043126684635960088609608;0.029380053908355796554729977288;0.019946091644204851783817034061;0.013072776280323449710207839303;0.009568733153638814617480967684;0.004851752021563342232024496070;0.012398921832884097007920765066;0.038948787061994609437487468995;0.015229110512129379398360562448;0.006603773584905660645749669868;0.007681940700808625489826031441;0.014555256064690026696073488210;0.007547169811320754775896268995;0.069137466307277628541072544976;0.000000000000000000000000000000;0.010512129380053908747627566811;0.010377358490566037166336066377;0.011320754716981131296482665505;0.016172506738544475263230637552;0.010107816711590295738476541487;0.026549865229110510694843227952;0.010646900269541778594195591268
-0.019988577955454025353310143487;0.020416904625928041644433719171;0.040833809251856083288867438341;0.012135922330097087193379046255;0.028269560251284981539088292379;0.027841233580810965247964716696;0.004426042261564819974006823600;0.033266704740148485275330614286;0.049400342661336381355763336387;0.015705311250713876319862194464;0.017561393489434608955468419822;0.021416333523700741697792793161;0.018703597944031983418833320343;0.019417475728155338121627693226;0.029554540262707023473565115523;0.012135922330097087193379046255;0.025271273557966874440117166500;0.055968018275271272377047182545;0.028269560251284981539088292379;0.009851513420902341736096197167;0.014563106796116505325944245897;0.024129069103369503446199217933;0.017704169046259279896027294399;0.017989720159908625246591995506;0.022415762421473445220598819105;0.022272986864648770810592992575;0.029982866933181039764688691207;0.028983438035408339711329617217;0.001570531125071387718722393245;0.030411193603655052586365314937;0.011707595659623072636978946548;0.013706453455168474478420570506;0.015705311250713876319862194464;0.003854940034266133609686111328;0.019988577955454025353310143487;0.030982295830953739818047765198;0.013278126784694459922020470799;0.006710451170759566298651410676;0.008423757852655625391613547492;0.020845231296402054466110342901;0.007567104511707595411451610090;0.041119360365505425169985187495;0.000000000000000000000000000000;0.010279840091376356292496296874;0.016133637921187892610985770148;0.011707595659623072636978946548;0.017275842375785267074350670669;0.011136493432324385405296496288;0.026841804683038265194605642705;0.012278697886921758133937920832
-0.009851513420902341736096197167;0.062964020559680186628348508293;0.020702455739577383525551468324;0.062964020559680186628348508293;0.048972015990862365064639760703;0.012278697886921758133937920832;0.003997715591090805417606723893;0.046544831524842948666798037038;0.033837806967447175976460016500;0.006139348943460879066968960416;0.012421473443746430809220271385;0.006996002284408909047130897818;0.007281553398058252662972122948;0.006996002284408909047130897818;0.074243289548829236035309975250;0.005139920045688178146248148437;0.010565391205025699908337522004;0.059822958309537405119371555884;0.035122786978869217910936839644;0.003997715591090805417606723893;0.016276413478012563551544644724;0.009851513420902341736096197167;0.009423186750428327179696097460;0.008709308966304969007454772623;0.010279840091376356292496296874;0.012278697886921758133937920832;0.031410622501427752639724388928;0.103940605368360930449433965350;0.000571102227298686472740929521;0.023272415762421474333399018519;0.003712164477441462235446367757;0.003997715591090805417606723893;0.014134780125642490769544146190;0.001713306681896059309802571313;0.005996573386636208126410085839;0.022415762421473445220598819105;0.012278697886921758133937920832;0.006710451170759566298651410676;0.003569388920616790427525755192;0.003854940034266133609686111328;0.015562535693889205379303319887;0.069531696173615070710738450543;0.000000000000000000000000000000;0.003141062250142775437444786490;0.039977155910908050706620286974;0.004854368932038834530406923307;0.007138777841233580855051510383;0.004283266704740148166086211035;0.015705311250713876319862194464;0.004568817818389491781927436165
-0.026198439241917503839118808173;0.027173913043478260115337619141;0.047240802675585287506709875061;0.003762541806020066985360994494;0.019091415830546264176259541046;0.030379041248606464264980786538;0.006688963210702341018187855326;0.035117056856187288393922329988;0.025641025641025640136039243089;0.020206243032329988112971719261;0.019788182831661092070385521424;0.029682274247491639840301758113;0.016722408026755852111788769321;0.025780379041248607796532610337;0.026895206243032328263797836598;0.017001114827201783963328551863;0.024386845039018952008280649579;0.040273132664437015504343975181;0.024944258639910812241913262710;0.009057971014492753950020365039;0.018673355629877368133673343209;0.021321070234113712049683897476;0.013238573021181716110605819381;0.021321070234113712049683897476;0.031354515050167224010646549459;0.025641025641025640136039243089;0.028567447045707915903589579898;0.028288740245261984052049797356;0.002229654403567447006062618442;0.034141583054626535587150470974;0.014214046822742474121548106325;0.015746934225195095835569958354;0.013099219620958751919559404087;0.004738015607580824996303281438;0.017976588628762540239547362830;0.035256410256410256054415697236;0.011845039018952062057077334600;0.009476031215161649992606562876;0.004738015607580824996303281438;0.016583054626532887920742354027;0.009197324414715719875790256310;0.025222965440356744093453045252;0.000000000000000000000000000000;0.011845039018952062057077334600;0.014074693422519509930501691031;0.015328874024526198058260284540;0.025083612040133779902406629958;0.018115942028985507900040730078;0.022435897435897435986396075691;0.014214046822742474121548106325
-0.029690847872666053380852346777;0.021120293847566574269025707622;0.041016222834404654495887854182;0.003673094582185491233788932064;0.021579430670339759534837043020;0.037496173859810223716326760268;0.002601775329048056344810602170;0.024334251606978878068598959317;0.048362411998775632626657028368;0.013008876645240282157733879842;0.015457606366697275446231429896;0.050658096112641569364054561220;0.014998469543924090180420094498;0.025405570860116313824939027199;0.018212427303336393979993346193;0.016069788797061525936760162381;0.020967248239975512513755262489;0.047444138353229262095034357571;0.021273339455157636024296152755;0.007652280379553106845480492382;0.011631466176920722890852921694;0.031986531986531986648802927675;0.012855831037649218667739958732;0.016988062442607896468382833177;0.038720538720538717758490321330;0.020967248239975512513755262489;0.025711662075298437335479917465;0.020048974594429138512685639739;0.000765228037955310727916136138;0.043617998163452707804932373392;0.020814202632384450758484817356;0.013008876645240282157733879842;0.011478420569329659400859000584;0.006274869911233547578599534233;0.015610651974288337201501875029;0.032445668809305175384061215027;0.008876645240281604357091005397;0.004438322620140802178545502699;0.009794918885827976623437152170;0.016835016835016834713112388044;0.007040097949188858089675235874;0.041016222834404654495887854182;0.000000000000000000000000000000;0.012090602999693908156664257092;0.012090602999693908156664257092;0.009335782063054789622902340795;0.018977655341291706225792523810;0.017600244872972146958911565662;0.023109886746250384026435398255;0.014845423936333026690426173388
-0.016203703703703702804217456901;0.048280423280423277743178545052;0.045469576719576722256821454948;0.000165343915343915334736912826;0.001653439153439153347369128255;0.017526455026455025482112759505;0.002149470899470899351579866732;0.025132275132275130880010749479;0.094907407407407412547328817709;0.012070105820105819435794636263;0.010582010582010581423162420833;0.022321428571428571924206707422;0.011739417989417988766320810612;0.019345238095238095898942276563;0.015046296296296295461059067122;0.009259259259259258745267118229;0.033895502645502645355790605208;0.087962962962962965018931527084;0.012731481481481480774742287565;0.009093915343915343410530205404;0.008763227513227512741056379753;0.032903439153439156816816080209;0.015376984126984126130532892773;0.015376984126984126130532892773;0.020502645502645501507377190364;0.015542328042328041465269805599;0.025793650793650792218958400781;0.035052910052910050964225519010;0.002149470899470899351579866732;0.012235449735449734770531549088;0.014880952380952380126322154297;0.014550264550264549456848328646;0.008763227513227512741056379753;0.004794973544973544707370471940;0.015211640211640210795795979948;0.034887566137566140833659034115;0.012731481481481480774742287565;0.006448412698412698054739600195;0.023478835978835977532641621224;0.016038359788359789204204020052;0.006613756613756613389476513021;0.088789682539682543427339567188;0.000000000000000000000000000000;0.008597883597883597406319466927;0.004629629629629629372633559115;0.006779100529100528724213425846;0.015707671957671958534730194401;0.009259259259259258745267118229;0.019510582010582009498955713411;0.009093915343915343410530205404
-0.018418046830382638068268619236;0.055396916047972588614811684238;0.040691033695031408878861611811;0.001570531125071387718722393245;0.017704169046259279896027294399;0.016419189034837234492103519301;0.005853797829811536318489473274;0.037978298115362650599902138993;0.043974871501998857858950486843;0.013706453455168474478420570506;0.011564820102798401696420071971;0.014563106796116505325944245897;0.014991433466590519882344345604;0.017561393489434608955468419822;0.022415762421473445220598819105;0.010850942318675043524178747134;0.029411764705882352533006240947;0.085379782981153631848947327398;0.017989720159908625246591995506;0.009565962307252998120254972036;0.016990291262135921723785969562;0.019131924614505996240509944073;0.021987435750999428929475243422;0.017275842375785267074350670669;0.020559680182752712584992593747;0.019703026841804683472192394333;0.030268418046830381645806440361;0.046687607081667616137909959662;0.001998857795545402708803361946;0.021416333523700741697792793161;0.009280411193603654504413746906;0.011422044545973729021137721418;0.011136493432324385405296496288;0.004854368932038834530406923307;0.015990862364363221670426895571;0.038977727013135350653261212983;0.016704740148486579842668220408;0.007852655625356938159931097232;0.004568817818389491781927436165;0.021416333523700741697792793161;0.012707024557395774425061496515;0.050114220445459739528004661224;0.000000000000000000000000000000;0.009994288977727012676655071743;0.009851513420902341736096197167;0.011564820102798401696420071971;0.014134780125642490769544146190;0.009708737864077669060813846613;0.028983438035408339711329617217;0.008709308966304969007454772623
-0.016954474097331240917130301682;0.046467817896389325416084403741;0.027786499215070644547287415094;0.007378335949764521124738525515;0.023547880690737835185366577662;0.033124018838304555845120091817;0.005808477237048665677010550468;0.035792778649921509759312954202;0.045211930926216642445680804485;0.007064364207221350382137625701;0.015855572998430142450665414344;0.039560439560439558670523751971;0.013500784929356357544349975797;0.012558869701726845316547276354;0.038618524332810044707997576552;0.009890109890109889667630937993;0.013814756671899528286950875611;0.043799058084772371501891541357;0.032810047095761379898348764073;0.006436420722135008029574088084;0.014756671899529042249477051030;0.015227629513343799230740138739;0.013657770800627943783012163692;0.010675039246467817391494925516;0.024332810047095761174507089208;0.015541601255886969973341038553;0.032810047095761379898348764073;0.077080062794348508381503393139;0.000941915227629513312004871928;0.040031397174254315651786839680;0.031240188383045524450620789025;0.004709576138147566343183925142;0.015855572998430142450665414344;0.005337519623233908695747462758;0.012715855572998429820485988273;0.019309262166405022353998788276;0.013029827315541600563086888087;0.003139717425431711329136819089;0.009890109890109889667630937993;0.010989010989010989868819301307;0.015070643642072212992077950844;0.048351648351648353341136754580;0.000000000000000000000000000000;0.007692307692307692734701163317;0.022919937205651490230717826080;0.006750392464678178772174987898;0.009419152276295132686367850283;0.009262166405023548182429138365;0.025274725274725275137033264627;0.008006279434850863477302063131
-0.024663072776280322434550029698;0.021428571428571428769682682969;0.033423180592991916237899374664;0.006603773584905660645749669868;0.032749326145552558331441872497;0.030592991913746630378012625329;0.007277628032345013348036744105;0.027358490566037736713145278600;0.033692722371967652461588471624;0.014016172506738543840354438430;0.015363881401617250979652062881;0.037196765498652292758485771174;0.020080862533692723365108534495;0.018328840970350403216659884720;0.022776280323450134174256831443;0.015094339622641509551792537991;0.025606469002695416564696628825;0.050134770889487867417955158089;0.027897574123989219568864328380;0.007547169811320754775896268995;0.015229110512129379398360562448;0.020754716981132074332672132755;0.020619946091644206220827584275;0.017924528301886791942232335373;0.028975741239892181810855475987;0.017520215633423180667804786026;0.030053908355795147522293575548;0.023989218328840971466986431437;0.002156334231805930121833592139;0.049730458221024259612974560696;0.024663072776280322434550029698;0.013746630727762802412494913540;0.015363881401617250979652062881;0.006064690026954177790030620088;0.017789757412398920360940834939;0.027628032345013476406281327513;0.012668463611859838435780289956;0.010646900269541778594195591268;0.010107816711590295738476541487;0.018598382749326146379242885587;0.008490566037735848906042868123;0.030727762803234501959304125762;0.000000000000000000000000000000;0.011455525606469002877774165938;0.016576819407008086537658186899;0.015498652291105120826220087338;0.016037735849056603681939137118;0.013611859838274932565926889083;0.021563342318059300350974183402;0.009973045822102425891908517031
-0.018098455598455596982088167124;0.039213320463320461284340012753;0.052606177606177605132753427597;0.002051158301158300962391267674;0.007480694980694980490698586806;0.020028957528957530564994726774;0.003016409266409266452801940517;0.032577220077220074567758700823;0.054777992277992279546161569215;0.016529922779922781583827884333;0.014840733590733590566146382628;0.011341698841698841584979540187;0.011100386100386100754477958219;0.022442084942084942339457498406;0.025217181467181468829119594943;0.009411196911196911471519932491;0.026906370656370654642630668718;0.077099420849420854939815228590;0.019546332046332045434544610885;0.009893822393822393132523096426;0.013392857142857142113689938867;0.021597490347490345963255009565;0.015444015444015444377123813524;0.021838803088803090263203543486;0.018339768339768341282036701045;0.023166023166023164830962244309;0.034507722007722008150665260473;0.033783783783783785659160514570;0.002051158301158300962391267674;0.018460424710424711697287492029;0.008204633204633203849565070698;0.015805984555984555622876186476;0.013151544401544401283188356899;0.005067567567567567848874077185;0.014840733590733590566146382628;0.040781853281853283621494199451;0.017615830115830115321085003188;0.005550193050193050377238979110;0.006153474903474903320854672018;0.014358108108108108905143218692;0.010979729729729730339227167235;0.061172779922779925432241299177;0.000000000000000000000000000000;0.010014478764478765282497363387;0.010859073359073359923976376251;0.012065637065637065811207762067;0.022080115830115831093705125454;0.014116795366795366339918160747;0.028957528957528958640788019352;0.011462355212355212000230331171
-0.027049521431543904759209340227;0.019558884727424053623368038757;0.032292967124427800207353556061;0.061672908863920100630551246468;0.040366208905534745055021517146;0.030711610486891385146668298489;0.003745318352059925134239781741;0.033125260091552227725841817119;0.028880565959217643218215343381;0.012484394506866416246770867815;0.019142738243861839864123908228;0.033042030794839784280103600622;0.013399916770703287210997345369;0.021972534332084892733094605433;0.030378693300041614833162384457;0.012817311693716188295000257824;0.014398668331252601620962039419;0.034623387432376195871341906241;0.034290470245526422088389040255;0.006908031627132750485120737949;0.019725343320848940514844471750;0.013899292550977944415979692394;0.011319184352892218414776692725;0.018060757386600082008420997681;0.026466916354556804108488776706;0.021722846441947565865326907897;0.032958801498127340834365384126;0.035205992509363293052615517809;0.001414898044111527301847086591;0.046025801081980857731856815462;0.020474406991260924587594516311;0.010237203495630462293797258155;0.014981273408239700536959126964;0.003662089055347482122182434239;0.013816063254265500970241475898;0.026966292134831461313471123731;0.013483146067415730656735561865;0.005160216396171452002405999337;0.003911776945484810724673607751;0.011485642946317103571529649741;0.008572617561381605522097260064;0.022555139409071993383815168954;0.000000000000000000000000000000;0.008322929671244278654329562528;0.022138992925509779624571038426;0.008822305451518934124588433576;0.018060757386600082008420997681;0.012983770287141073451753214840;0.026799833541406574421994690738;0.009904286308780690245567868146
-0.029065137760789935827965280168;0.020942825290651376213268974880;0.031533683707596751877311191947;0.025800286669851887899618247957;0.028507724159898072124885715084;0.030896639592291767761889076382;0.004777830864787386937198032655;0.041328236980410895662352288582;0.036072623029144768036502455288;0.012979773849339066096875150436;0.023411371237458192262614886658;0.032250358337314856405075857992;0.015129797738493390088510004432;0.021818760949195731974059597746;0.034798534798534799805658224159;0.013696448479057174094086768434;0.014174231565535913915376831085;0.041646759038063384250616394411;0.042363433667781495717274964363;0.007724159898072941940472269096;0.021659499920369484210480592878;0.015050167224080267941443977975;0.013139034878165312125730679327;0.017757604714126452166711445102;0.031454053193183624526074737560;0.022535435578913839971271215745;0.039894887720974679667929052584;0.026198439241917503839118808173;0.000955566172957477257335345833;0.037028189202102247679082580589;0.012979773849339066096875150436;0.007246376811594202986543944434;0.018553909858257684045712565535;0.004379678292721770997697472438;0.013298295906991559889309684195;0.030498487020226151822388516166;0.016722408026755852111788769321;0.005096352922439878994909090437;0.004698200350374263055408530221;0.007963051441312310116393824444;0.009077878643096034053106002659;0.018633540372670807927502067969;0.000000000000000000000000000000;0.008838987099856665877184447311;0.025402134097786271960117687740;0.010511227902532250047529238657;0.016483516483516483935867213972;0.014014970536709667886521302194;0.030179964962573659764677458384;0.010829749960184742105240296439
-0.027031362797786156332291440663;0.024063527713162748827846471045;0.028154327424400417412275743345;0.028475174460575920082350265261;0.030961738990936071846959976028;0.031924280099462583326630493730;0.003930376193149915514668535366;0.042351808775166442655457643696;0.035052538702173736961942296375;0.010908799229967113333938932840;0.021095692628539344792848453380;0.028956445014839175822185524112;0.016924681158257799673538812613;0.015400657736424159388599619547;0.039143338413411409015818520629;0.010186893398572231458909520541;0.013876634314590519103660426481;0.045079008582658217085814555958;0.044918585064570464016053819023;0.006497152482553942079435138623;0.023341621881767866952817058745;0.018448704580091439958478005678;0.014357904868853773108772209355;0.012833881447020132823833016289;0.027191786315873905932605225644;0.021496751423758723997803343764;0.045079008582658217085814555958;0.029277292051014678492260046028;0.000802117590438758301489563518;0.041309055907596051171459805573;0.009625411085265099184193893223;0.005454399614983556666969466420;0.018368492821047566893044589165;0.002486564530360150897247972779;0.016042351808775164728748663379;0.026951151038742279797411072195;0.017004892917301676208419181080;0.004652282024544798257059685653;0.006737787759685569949352768049;0.010186893398572231458909520541;0.009063928771957968644201741881;0.021175904387583221327728821848;0.000000000000000000000000000000;0.008021175904387582364374331689;0.029517927328146304627454199476;0.008743081735782465974127219965;0.012513034410844630153758494373;0.010106681639528354924029152073;0.034651479906954357756987405992;0.009625411085265099184193893223
-0.032516339869281048191584915230;0.023611111111111110494320541875;0.033496732026143789806571504641;0.011519607843137255609455849026;0.020506535947712418305188819545;0.037745098039215684015967866571;0.003022875816993464154897042206;0.044444444444444446140618509844;0.035130718954248366103776390901;0.014950980392156863404973243803;0.025245098039215686791525428134;0.032761437908496733595331562583;0.013316993464052287107768357544;0.022303921568627451538224804040;0.034068627450980389081980348465;0.011356209150326796938901274814;0.012091503267973856619588168826;0.042810457516339869843413623585;0.042892156862745098311329172702;0.007679738562091502872275494695;0.025980392156862746472212322146;0.017320261437908497648141548098;0.009232026143790849834203093849;0.016258169934640524095792457615;0.033905228758169932146149250229;0.023611111111111110494320541875;0.042238562091503270568004779761;0.022385620915032680006140353157;0.000408496732026143803250678443;0.035294117647058823039607489136;0.016911764705882351839116850556;0.007271241830065359665336011119;0.017728758169934639987719293686;0.003104575163398692622812591324;0.012908496732026143033467135979;0.028758169934640521320234896052;0.017647058823529411519803744568;0.004248366013071895076758099918;0.005228758169934640161191641283;0.008006535947712417611299429154;0.010049019607843137982805536979;0.019035947712418298943815031521;0.000000000000000000000000000000;0.009885620915032679312250962766;0.024101307189542484771260788534;0.009722222222222222376419864531;0.016421568627450981031623555850;0.011928104575163397949033594614;0.035620915032679736911269685606;0.013316993464052287107768357544
-0.031615223254420135590159190997;0.020452502247527717949004966158;0.030940964938567575709393864258;0.025397063230446510068150089978;0.028318849265807612136658377722;0.036934372190590349094296840349;0.003296373988612526055586027240;0.043751872939766255077298495735;0.024123464189391669726392208872;0.012960743182499250350514508057;0.023748876236140244871952731387;0.037458795325142346666069670391;0.014758765358106083059874791275;0.022175606832484266034422049074;0.032963739886125262290583748381;0.013784836679652382948613187352;0.013185495954450104222344108962;0.043751872939766255077298495735;0.039631405454000602495145955118;0.007341923883727899217965795486;0.022250524423134552393088725353;0.008840275696733592564191539509;0.013035660773149534974457708358;0.015507941264608931034030270268;0.035735690740185795111205635521;0.025546898411747079316036490582;0.041429427629607433469782762359;0.024722804914593946717937811286;0.000824093497153131513896506810;0.038657476775546900649160875219;0.017156128258915194495504152883;0.006742583158525622226420193073;0.020302667066227148701118565555;0.002996703626011387559813226034;0.012810908001198681102628107453;0.027944261312556187282218900236;0.018279892118669462119928681432;0.005394066526820497260719111665;0.004345220257716511658152569453;0.008240934971531315572645937095;0.008765358106083307940248339207;0.014384177404854659940158789766;0.000000000000000000000000000000;0.008615522924782738692361938604;0.023823793826790531230619407665;0.010563380281690140649608622425;0.017680551393467185128383079018;0.012436320047947257982912105945;0.034686844471081806906553879344;0.011687144141444411743480102928
-0.030075187969924810360566880263;0.022222222222222223070309254922;0.026566416040100251927391639128;0.006683375104427735635681528947;0.019715956558061822206928681567;0.051963241436925648730760229910;0.002005012531328320777440632483;0.033082706766917290008844787508;0.051294903926482872391634515452;0.006182121971595655983422457069;0.022556390977443607770425160197;0.059147869674185463151339092747;0.018713450292397661167687061834;0.017209690893901421343548108212;0.024394319131161235764126971048;0.014202172096908938225823249013;0.014035087719298245875765296375;0.041938178780284045277237936489;0.041771094402673347723009555921;0.005346700083542189028962265951;0.019214703425229739952584395724;0.020384294068504595076607444071;0.010192147034252297538303722035;0.011194653299916458577545341768;0.042439431913116124062135270378;0.020885547201336673861504777960;0.039097744360902256244294505905;0.024728487886382623933689828277;0.001837928153717627343180507360;0.045948203842940682495310511513;0.022556390977443607770425160197;0.005346700083542189028962265951;0.019214703425229739952584395724;0.002673350041771094514481132975;0.014202172096908938225823249013;0.020050125313283206907044586842;0.012030075187969925532005532887;0.004010025062656641554881264966;0.011862990810359231447224104272;0.008187134502923977194543958547;0.008855472013366750064222721051;0.029908103592314119745232403602;0.000000000000000000000000000000;0.006516290726817042418261838321;0.016875522138680033173985250983;0.008187134502923977194543958547;0.012197159565580617882063485524;0.010693400167084378057924531902;0.029239766081871343406106689145;0.012364243943191311966844914139
-0.033057851239669422405142995558;0.015610651974288337201501875029;0.037037037037037034981068472916;0.001071319253137434888978329894;0.010101010101010101868701518413;0.036271808999081729674163199206;0.005662687480869298822794277726;0.018518518518518517490534236458;0.031068258340985612647733304925;0.014386287113559841424614837990;0.014080195898377716179350471748;0.044536271808999078336555044189;0.020661157024793389003214372224;0.025558616467707375580209472332;0.008876645240281604357091005397;0.022956841138659318801718001168;0.025864707682889502560197314551;0.038720538720538717758490321330;0.015763697581879398956772320162;0.005815733088460361445426460847;0.016835016835016834713112388044;0.017141108050198958223653278310;0.022803795531068257046447556036;0.024334251606978878068598959317;0.042852770125497395559133195775;0.026323844505662687826008649949;0.021885521885521886514824885239;0.035812672176308540938904911854;0.003367003367003366855886303810;0.025558616467707375580209472332;0.025558616467707375580209472332;0.017753290480563208714182010795;0.010560146923783287134512853811;0.006274869911233547578599534233;0.029078665442301806359770566246;0.027854300581573308848160053230;0.012396694214876033401928623334;0.013468013468013467423545215240;0.007805325987144168600750937514;0.027548209366391185337619162965;0.006121824303642485823329089101;0.039179675543311906493748608682;0.000000000000000000000000000000;0.011937557392102846401393811959;0.006580961126415671956502162487;0.016835016835016834713112388044;0.020048974594429138512685639739;0.020048974594429138512685639739;0.023722069176614631047517178786;0.014692378328741964935155728256
-0.026855468750000000000000000000;0.035807291666666664353702032031;0.039225260416666664353702032031;0.027343750000000000000000000000;0.022298177083333332176851016015;0.027018229166666667823148983985;0.003255208333333333477893622998;0.019856770833333332176851016015;0.047526041666666664353702032031;0.013509114583333333911574491992;0.016113281250000000000000000000;0.021158854166666667823148983985;0.011555989583333333911574491992;0.022623697916666667823148983985;0.030436197916666667823148983985;0.016276041666666667823148983985;0.026204427083333332176851016015;0.045898437500000000000000000000;0.015950520833333332176851016015;0.005371093750000000000000000000;0.012695312500000000000000000000;0.024739583333333332176851016015;0.010253906250000000000000000000;0.021809895833333332176851016015;0.031901041666666664353702032031;0.024576822916666667823148983985;0.020345052083333332176851016015;0.071614583333333328707404064062;0.003092447916666666522106377002;0.020182291666666667823148983985;0.009277343750000000000000000000;0.012858072916666666088425508008;0.008463541666666666088425508008;0.007486979166666666955787245996;0.016601562500000000000000000000;0.027994791666666667823148983985;0.010904947916666666088425508008;0.009277343750000000000000000000;0.004882812500000000000000000000;0.014811197916666666088425508008;0.010416666666666666088425508008;0.050455729166666664353702032031;0.000000000000000000000000000000;0.010904947916666666088425508008;0.015625000000000000000000000000;0.009765625000000000000000000000;0.020182291666666667823148983985;0.016276041666666667823148983985;0.015625000000000000000000000000;0.012695312500000000000000000000
-0.027395163758800123582348717832;0.029231711049892868115041011379;0.041628405264768901516969634713;0.001836547291092745616894466032;0.004744413835322926556448130953;0.031068258340985612647733304925;0.003979185797367615178010691324;0.019895928986838076757415194606;0.052188552188552186916759012547;0.014539332721150903179885283123;0.011784511784511784646123366826;0.015151515151515151935690539631;0.018977655341291706225792523810;0.023722069176614631047517178786;0.009182736455463727867631895663;0.015763697581879398956772320162;0.031527395163758797913544640323;0.063666972757881842848171061178;0.014539332721150903179885283123;0.008876645240281604357091005397;0.015457606366697275446231429896;0.021273339455157636024296152755;0.021885521885521886514824885239;0.020508111417202327247943927091;0.026476890113253749581279095082;0.025864707682889502560197314551;0.023722069176614631047517178786;0.054025099479644934918898258047;0.002142638506274869777956659789;0.021426385062748697779566597887;0.009794918885827976623437152170;0.012855831037649218667739958732;0.008723599632690542601820560265;0.006887052341597796334404790741;0.022191613100704010025365775505;0.032139577594123051873520324762;0.013927150290786654424080026615;0.010254055708601163623971963546;0.011631466176920722890852921694;0.019895928986838076757415194606;0.007652280379553106845480492382;0.068564432200795832894613113240;0.000000000000000000000000000000;0.013008876645240282157733879842;0.005968778696051423200696905980;0.011478420569329659400859000584;0.020814202632384450758484817356;0.014539332721150903179885283123;0.025711662075298437335479917465;0.011478420569329659400859000584
-0.021151885830784911829427485941;0.043960244648318040627810177057;0.041284403669724772933946610465;0.042431192660550461071000682978;0.015927624872578999976058256038;0.017584097859327216945013461213;0.003185524974515799995211651208;0.037079510703363911805485741979;0.056065239551478081303503842037;0.014271151885830784741826526840;0.012869520897043832188821887996;0.014143730886850152533851243675;0.007900101936799184751403224425;0.021661569826707440661328618603;0.029561671763506627147455319005;0.009811416921508664401585519954;0.023955147808358816935436763629;0.058103975535168196631108372685;0.027777777777777776235801354687;0.007645259938837920335452658094;0.015545361875637105086855882519;0.017584097859327216945013461213;0.008664627930682976264531447441;0.016309887869520898334707581512;0.019113149847094799971269907246;0.015927624872578999976058256038;0.032747196738022427142666970212;0.063455657492354738957729409776;0.002166156982670744066132861860;0.020514780835881752524274546090;0.004587155963302752548216290052;0.013888888888888888117900677344;0.009174311926605505096432580103;0.003822629969418960167726329047;0.010448521916411825441461935782;0.033002038735983688089170584590;0.011850152905198776259743098649;0.004459734964322120340241006886;0.007135575942915392370913263420;0.010958205912334352538639592467;0.010830784913353720330664309301;0.062691131498470942240430758829;0.000000000000000000000000000000;0.009301732925586137304407863269;0.014780835881753313573727659502;0.007645259938837920335452658094;0.022935779816513762741081450258;0.013251783893985728812747737493;0.022426095820591233909180317596;0.008409785932721711848580881110
-0.031245043616177636813802109828;0.007137192704203013278452250034;0.062331482950039651669271734136;0.000634417129262490110154504297;0.003806502775574940444086591285;0.017922283901665343741615998852;0.003330689928628072834365658750;0.020142743854084061566611651983;0.026011102299762094841595327921;0.030134813639968279636027759238;0.014274385408406026556904500069;0.010467882632831085679137039790;0.015067406819984139818013879619;0.052022204599524189683190655842;0.006661379857256145668731317500;0.021411578112609040702718488092;0.025376685170499603538818433890;0.032989690721649485294353354448;0.008247422680412371323588338612;0.015067406819984139818013879619;0.013957176843774782640239529030;0.017922283901665343741615998852;0.018873909595559078961057863921;0.040602696272799367049888275005;0.034734337827121333774904599068;0.040761300555114989008220760525;0.025693893735130847455483404929;0.013481363996827915030518596495;0.002220459952418715222910439167;0.013798572561459158947183567534;0.014750198255352894166625432604;0.020459952418715305483276623022;0.008406026962727993281920824131;0.009992069785884218069416107255;0.029024583663758922458253408649;0.036796193497224426172120814726;0.017922283901665343741615998852;0.010467882632831085679137039790;0.003806502775574940444086591285;0.024900872323552734194374025378;0.004758128469468675229847587360;0.019032513877874700919390349441;0.000000000000000000000000000000;0.019666931007137192222167243472;0.003013481363996828050338949723;0.018715305313243457002725378402;0.042664551942902459447104490664;0.035685963521015065524899512184;0.035844567803330687483231997703;0.017763679619349721783283513332
-0.021907216494845359322507505340;0.015947164948453607102862861211;0.046391752577319589345705708183;0.019813144329896906215005003560;0.013853092783505153995360359431;0.020135309278350516787314816725;0.005637886597938144249420044929;0.024484536082474226553751250890;0.035760309278350513317867864771;0.025451030927835051331786786477;0.011920103092783504439289288257;0.012886597938144329217324823844;0.015141752577319587610982232206;0.033021907216494846004639640569;0.020457474226804123890177677936;0.016269329896907217675172674376;0.043975515463917529135340345192;0.043331185567010307990720718863;0.014014175257731959281515266014;0.012725515463917525665893393239;0.013853092783505153995360359431;0.021262886597938145116781782917;0.015625000000000000000000000000;0.037371134020618555771076074734;0.022068298969072166343385887899;0.024484536082474226553751250890;0.023679123711340205327147145908;0.032699742268041238901776779358;0.003382731958762886723124374555;0.013208762886597938054911161032;0.009987113402061854883218217083;0.028672680412371132768756254450;0.010792525773195876109822322064;0.006765463917525773446248749110;0.019168814432989692009279281137;0.043009020618556700887857857651;0.012403350515463916828307056051;0.010309278350515463720804554271;0.003704896907216494693348973755;0.026417525773195876109822322064;0.005476804123711339830626876335;0.029961340206185568119101603202;0.000000000000000000000000000000;0.021262886597938145116781782917;0.012242268041237113276875625445;0.017074742268041235432329827404;0.027222938144329897336426427046;0.019329896907216495560710711743;0.023679123711340205327147145908;0.011759020618556700887857857651
-0.034698996655518392351336132151;0.008082497212931995939078078095;0.051421404682274247932571853426;0.007664437012263099029130142270;0.028428093645484948243096212650;0.028149386845039019861003382061;0.004180602006688963027947192330;0.019788182831661092070385521424;0.026198439241917503839118808173;0.026616499442586399881705006010;0.015607580824972129909800067082;0.020763656633221851816051284345;0.018394648829431439751580512620;0.037207357859531775545747223077;0.015468227424749163984030175811;0.024804905239687848050866847416;0.028985507246376811946175777734;0.028706800445930880094635995192;0.013238573021181716110605819381;0.010590858416945373929318741091;0.011426978818283166014491136764;0.014910813823857302015674086704;0.007664437012263099029130142270;0.039158305462653288098184845012;0.039855072463768112522863873437;0.030936454849498327968060351623;0.022714604236343367837935858233;0.017558528428093644196961164994;0.003762541806020066985360994494;0.035674470457079152097001895072;0.022853957636566332028982273528;0.025780379041248607796532610337;0.007664437012263099029130142270;0.005852842809364548065653721665;0.016583054626532887920742354027;0.040273132664437015504343975181;0.012123745819397993908617117143;0.008918617614269788024250473768;0.001811594202898550746635986108;0.010869565217391304046135047656;0.004738015607580824996303281438;0.013795986622073578078961908489;0.000000000000000000000000000000;0.016025641025641024217662788942;0.012681159420289855876973206250;0.011287625418060200088721245493;0.041387959866220735971609201442;0.031911928651059087713726114544;0.025083612040133779902406629958;0.017697881828316611857454532242
-0.032244897959183671520833058821;0.020000000000000000416333634234;0.039727891156462587229913907549;0.014693877551020407407067480676;0.024489795918367345678445801127;0.022857142857142857123031731703;0.005578231292517006612019514478;0.024081632653061225274315759748;0.030748299319727889766795669857;0.018911564625850339066426286649;0.015374149659863944883397834928;0.021904761904761906043948016531;0.009387755102040816132524803095;0.027346938775510202385143898596;0.021768707482993195773124384118;0.024761904761904762750646114000;0.025306122448979593425599787793;0.042585034013605443936612005018;0.021360544217687075368994342739;0.006394557823129251757088287178;0.017551020408163264113765578145;0.018503401360544218662296245270;0.013605442176870747791883609068;0.025306122448979593425599787793;0.025442176870748300226976468252;0.027346938775510202385143898596;0.019727891156462583344133321361;0.036054421768707482776061823415;0.002040816326530612428991062757;0.023401360544217687797985405496;0.046666666666666668794594130532;0.015918367346938775558351508721;0.008435374149659863318717611946;0.005442176870748298943281096030;0.013061224489795918851653411252;0.030884353741496600037619302270;0.014013605442176869930737126424;0.020816326530612244694040668946;0.007619047619047619041010577234;0.017823129251700681185965891018;0.007210884353741496902157059878;0.032244897959183671520833058821;0.000000000000000000000000000000;0.020680272108843537892663988487;0.014693877551020407407067480676;0.019455782312925169741379960442;0.020952380952380951495417349406;0.014421768707482993804314119757;0.020136054421768707217710314694;0.011020408163265306422662348496
-0.029126213592233010651888491793;0.018703597944031983418833320343;0.040691033695031408878861611811;0.003854940034266133609686111328;0.016133637921187892610985770148;0.038549400342661334362137637299;0.005996573386636208126410085839;0.024700171330668190677881668194;0.039120502569960025063267039513;0.014563106796116505325944245897;0.019131924614505996240509944073;0.038406624785836666891025714676;0.014420331239291832650661895343;0.025842375785265561671799616761;0.016704740148486579842668220408;0.024271844660194174386758092510;0.022272986864648770810592992575;0.041547687035979441461108763178;0.019703026841804683472192394333;0.007281553398058252662972122948;0.014134780125642490769544146190;0.019417475728155338121627693226;0.012849800114220445365620371092;0.023272415762421474333399018519;0.035408338092518559792054588797;0.024414620217018845327316967087;0.031838949171901768930847964612;0.028983438035408339711329617217;0.002855511136493432255284430354;0.032267275842375785221971540295;0.040833809251856083288867438341;0.013849229011993147153702921059;0.009708737864077669060813846613;0.006710451170759566298651410676;0.013849229011993147153702921059;0.029554540262707023473565115523;0.010993717875499714464737621711;0.016419189034837234492103519301;0.013706453455168474478420570506;0.013420902341519132597302821353;0.005853797829811536318489473274;0.028412335808109652479647166956;0.000000000000000000000000000000;0.013135351227869788981461596222;0.012992575671045116306179245669;0.016704740148486579842668220408;0.019274700171330667181068818650;0.014848657909765848941785471027;0.023843517989720161565081468780;0.009423186750428327179696097460
-0.020464793617759279714674036654;0.030176899063475547818624633578;0.039368713146028445903912285075;0.004162330905306972292367895250;0.037807839056538325439582592935;0.024800554977454040278539437736;0.005376344086021505805361719865;0.032084634061741244825949337383;0.033645508151231358351385125616;0.014568158168574402155925895386;0.014568158168574402155925895386;0.021678806798473813227667861270;0.015782171349288935668919720001;0.023239680887963926753103649503;0.033818938605619144888159155471;0.011619840443981963376551824751;0.019077349982656956195459230230;0.046652792230315640042981328861;0.033472077696843564875717191853;0.008324661810613944584735790500;0.015955601803676725675140701810;0.017343045438779049194355508234;0.014741588622962192162146877195;0.022719389524800553264993752123;0.025667707249392993779091298734;0.019771071800208116220343157465;0.029656607700312174330514736198;0.047693374956642387019201123621;0.003815469996531390978883324649;0.033125216788067984863275228236;0.014915019077349982168367859003;0.015608740894901143927975262216;0.016475893166840095693803647237;0.005723204994797086685165421471;0.017863336801942422682465405614;0.033125216788067984863275228236;0.012140131807145335129938246155;0.004682622268470343178392578665;0.012140131807145335129938246155;0.016129032258064515681361683619;0.008844953173777314603398735926;0.024627124523066250272318455927;0.000000000000000000000000000000;0.014221297259798820408760455791;0.018210197710718002694907369232;0.017689906347554629206797471852;0.017689906347554629206797471852;0.013354144987859868642932070770;0.022892819979188346740661685885;0.012486992715920915142380209772
-0.022680714076675444895725419769;0.024143985952589992749484082424;0.048287971905179985498968164848;0.002487562189054726320691646180;0.018729880011706175058083800877;0.034679543459174712316528399469;0.002048580626280363005398132970;0.021802750951126718265138393349;0.074334211296458882478610519229;0.015218027509511266801012219219;0.014047410008779631293562850658;0.014779045946736903485718706008;0.017412935323383085112203261247;0.017705589698565993989065603387;0.010535557506584723036491268999;0.012584138132865086909251139957;0.035411179397131987978131206773;0.052385133157740709775040954810;0.031021363769388351355749122717;0.010389230318993268598060097929;0.015364354697102721239443390289;0.030582382206613988040455609507;0.013462101258413813539838166378;0.021071115013169446072982537999;0.023412350014632717087881275120;0.018290898448931811742790287667;0.028826455955516534779281556666;0.032777290020485808086370127512;0.002048580626280363005398132970;0.042581211589113258930705541161;0.007755340942347087838937280679;0.017559262510974539550634432317;0.017559262510974539550634432317;0.003219198127011998946528370524;0.012876792508047995786113482097;0.036581796897863623485580575334;0.012876792508047995786113482097;0.005414105940883815956676805570;0.004828797190517998202952121289;0.014047410008779631293562850658;0.006877377816798361208350254259;0.061164764413227976080911219015;0.000000000000000000000000000000;0.009950248756218905282766584719;0.010096575943810359721197755789;0.009364940005853087529041900439;0.016388645010242904043185063756;0.011120866256950540790215953280;0.025314603453321628256933450984;0.007901668129938543144730189738
-0.027727272727272728874980955993;0.014999999999999999444888487687;0.054393939393939397253241452290;0.000909090909090909090120580238;0.024242424242424242403215473018;0.037878787878787879839226349077;0.002121212121212121427121788386;0.019393939393939393922572378415;0.065151515151515154711248101194;0.014090909090909091438970079935;0.017575757575757574441288610956;0.025606060606060604412093084647;0.019545454545454546413374430358;0.023333333333333334397297065266;0.012121212121212121201607736509;0.014242424242424242195048655901;0.039393939393939390869459060696;0.051818181818181818787394377068;0.024696969696969696406174676895;0.009545454545454546205207613241;0.014848484848484848688809911721;0.027727272727272728874980955993;0.013787878787878788192089452025;0.023333333333333334397297065266;0.027727272727272728874980955993;0.021212121212121213403856145874;0.026212121212121210905854340467;0.015303030303030302691769115597;0.001060606060606060713560894193;0.040303030303030305814271372356;0.015757575757575758429451795450;0.017424242424242425419933510966;0.013787878787878788192089452025;0.004242424242424242854243576772;0.018030303030303031913694766786;0.035303030303030301373379273855;0.013636363636363635701287400082;0.005454545454545454974404350423;0.009545454545454546205207613241;0.015909090909090907450806895440;0.003939393939393939607362948863;0.042727272727272724850422491727;0.000000000000000000000000000000;0.009545454545454546205207613241;0.007272727272727272720964641906;0.009848484848484847717364765174;0.018939393939393939919613174538;0.014696969696969696198007859778;0.024696969696969696406174676895;0.008939393939393939711446357421
-0.022572595281306714887215036924;0.014178765880217785236294680828;0.054786751361161525886167567023;0.006692377495462795145009238240;0.012704174228675136487654029338;0.023706896551724136734673464844;0.002949183303085299665685647952;0.019283121597096188754028034396;0.066583484573502715875292778946;0.016107078039927405499476265049;0.013271324863883847411383243298;0.027676950998185116670224914515;0.015313067150635208818476584725;0.027676950998185116670224914515;0.012250453720508166707836572584;0.013498185117967331433930233686;0.038566243194192377508056068791;0.051950998185117967798074545271;0.013838475499092558335112457257;0.010208711433756805300743231157;0.010095281306715064156831473952;0.036297640653357533813139212953;0.019963702359346642556392481538;0.022345735027223229129944570559;0.026542649727767694822766486595;0.022005444646098003963485822965;0.022345735027223229129944570559;0.015653357531760433984935332319;0.002268602540834845863321200810;0.027223230490018148625130933738;0.018262250453720509785204839659;0.019056261343012702996757568030;0.009528130671506351498378784015;0.006805807622504537156282733434;0.025408348457350272975308058676;0.034255898366606168936598919572;0.011683303085299455784107358625;0.005898366606170599331371295904;0.008166969147005443893649889731;0.035276769509981847905422114309;0.005217785843920145529006848761;0.045372050816696915531700540214;0.000000000000000000000000000000;0.013838475499092558335112457257;0.007940108892921959871102899342;0.012137023593466423829201339402;0.020644283121597096358756928680;0.014632486388384755016112137582;0.025862068965517241020402039453;0.011456442831215971761560368236
-0.021008403361344539506117001793;0.038865546218487395657703586949;0.021638655462184873401465523557;0.016806722689075629523225430262;0.056512605042016807177507331517;0.032773109243697480519319498171;0.006512605042016807004034983919;0.051050420168067225934471764504;0.019747899159663864776526054357;0.007983193277310923763323557978;0.021428571428571428769682682969;0.021848739495798318033248364145;0.011764705882352941013202496379;0.010084033613445378754769343743;0.046638655462184874789244304338;0.007773109243697479131540717390;0.012184873949579832011491653532;0.051050420168067225934471764504;0.045378151260504200059653356902;0.005252100840336134876529250448;0.028361344537815125904645086052;0.007983193277310923763323557978;0.012394957983193276643274494120;0.011344537815126050014913339226;0.022058823529411766134478156687;0.016386554621848740259659749086;0.046638655462184874789244304338;0.053361344537815123822976914880;0.001050420168067226845201589391;0.057352941176470585704638693869;0.008823529411764705759901872284;0.007773109243697479131540717390;0.025000000000000001387778780781;0.002100840336134453690403178783;0.006932773109243697134962403084;0.021218487394957984137899842381;0.015756302521008402894864275368;0.003991596638655461881661778989;0.002521008403361344688692335936;0.009243697478991596758191029437;0.011764705882352941013202496379;0.036764705882352942400981277160;0.000000000000000000000000000000;0.006302521008403361504890405342;0.020588235294117646773104368663;0.006512605042016807004034983919;0.008823529411764705759901872284;0.006932773109243697134962403084;0.027521008403361343908066771746;0.008193277310924370129829874543
-0.022662350028565987625217559298;0.025328508855456104836845199202;0.046276899638164156747244248891;0.009712435726528280410807525413;0.024376309274423919870589116954;0.025328508855456104836845199202;0.004570557988954484542054590435;0.020948390782708055379846001642;0.046467339554370594434384855731;0.013711673966863454493525509292;0.011616834888592648608596213933;0.028756427347171965858141362560;0.014854313464102075412198722404;0.021329270615120930754127215323;0.016758712626166443609987410923;0.017520472290992190889102886331;0.039040182822319559330370708494;0.050085697962292896612268577883;0.016377832793753571705153149196;0.007998476480670348165435967758;0.012569034469624833574852296181;0.028565987430965531640447707673;0.013902113883069892180666116133;0.019043991620643685447333837146;0.022471910112359549938076952458;0.020948390782708055379846001642;0.023424109693391734904333034706;0.033326985336126449532834215006;0.001142639497238621135513647609;0.031422586174062086539215954417;0.053132736621595885728730479514;0.016949152542372881297128017763;0.008569796229289659492134312302;0.003999238240335174082717983879;0.018282231955817938168218361739;0.034469624833365075655677856048;0.013521234050657018541108378429;0.007427156732051037706099361202;0.005713197486193106328089541535;0.023614549609598172591473641546;0.008379356313083221804993705462;0.044753380308512662189013298075;0.000000000000000000000000000000;0.012188154637211959935294558477;0.009331555894115406771249787710;0.011807274804799086295736820773;0.014854313464102075412198722404;0.011235955056179774969038476229;0.023233669777185297217192427865;0.007998476480670348165435967758
-0.019214703425229739952584395724;0.043609022556390979186158318726;0.051629072681704260561197372681;0.013700918964076859440925915123;0.010359231411862991623085150650;0.010192147034252297538303722035;0.004010025062656641554881264966;0.024394319131161235764126971048;0.063492063492063488538974525000;0.015705931495405178049962202635;0.011027568922305764492763913154;0.010025062656641603453522293421;0.009022556390977444149004149665;0.018713450292397661167687061834;0.033249791144527987563073168076;0.010025062656641603453522293421;0.037259816207184624781145743100;0.056975772765246450457521376620;0.013032581453634084836523676643;0.008354218880534669544601911184;0.009857978279030911103464340783;0.027067669172932330712288973018;0.012030075187969925532005532887;0.019715956558061822206928681567;0.017376775271512111958882584872;0.019883040935672516291710110181;0.021553884711779450200630492418;0.094235588972431075238667119720;0.001169590643274853822980441365;0.015204678362573099265064868746;0.006683375104427735635681528947;0.019047619047619049337249919063;0.007017543859649122937882648188;0.003508771929824561468941324094;0.010860484544695070407982484539;0.037426900584795322335374123668;0.009189640768588136499062102303;0.006349206349206349200842147695;0.007184628237259816155302338814;0.018045112781954888298008299330;0.012197159565580617882063485524;0.073182957393483710761827865099;0.000000000000000000000000000000;0.012364243943191311966844914139;0.012197159565580617882063485524;0.010860484544695070407982484539;0.018880534670008355252468490448;0.009690893901420217018682912169;0.015371762740183793349846297360;0.007852965747702589024981101318
-0.022068298969072166343385887899;0.026578608247422679661253752670;0.048646907216494846004639640569;0.006121134020618556638437812722;0.022873711340206184100543040927;0.017074742268041235432329827404;0.002899484536082474334106606761;0.025934278350515465455528030247;0.052351804123711341565350352312;0.018685567010309277885538037367;0.016108247422680410654294291817;0.009181701030927835391337588078;0.009342783505154638942769018684;0.029155927835051546892497498220;0.026900773195876290233563565835;0.011920103092783504439289288257;0.037693298969072162873938935945;0.054768041237113401775715715303;0.024645618556701030105182681496;0.010953608247422679661253752670;0.016752577319587628329466966193;0.024001288659793815899456959073;0.013530927835051546892497498220;0.027706185567010307990720718863;0.022229381443298969894817318504;0.025289948453608247780355355872;0.029639175257731957546791790037;0.034954896907216495560710711743;0.000966494845360824778035535587;0.019490979381443299112142142349;0.006121134020618556638437812722;0.019974226804123709766436434165;0.010953608247422679661253752670;0.003704896907216494693348973755;0.013208762886597938054911161032;0.038015463917525769976801797156;0.014014175257731959281515266014;0.004832474226804123890177677936;0.003382731958762886723124374555;0.018041237113402060210365362991;0.005960051546391752219644644128;0.045264175257731957546791790037;0.000000000000000000000000000000;0.015141752577319587610982232206;0.017235824742268042453208209963;0.009826030927835051331786786477;0.029478092783505153995360359431;0.019490979381443299112142142349;0.026417525773195876109822322064;0.010470360824742267272235984876
-0.021885521885521886514824885239;0.031986531986531986648802927675;0.046831955922865015073952577040;0.004897459442913988311718576085;0.017753290480563208714182010795;0.020202020202020203737403036826;0.003826140189776553422740246191;0.024946434037343128559127691801;0.040863177226813589271170457096;0.018212427303336393979993346193;0.012702785430058156912469513600;0.012396694214876033401928623334;0.013468013468013467423545215240;0.027242118151209061827078272700;0.020202020202020203737403036826;0.010254055708601163623971963546;0.034741352923171105182564843972;0.061218243036424854763843939054;0.019283746556473829736333414075;0.012090602999693908156664257092;0.014233241505968777934620916881;0.026323844505662687826008649949;0.023569023569023569292246733653;0.021273339455157636024296152755;0.022803795531068257046447556036;0.019895928986838076757415194606;0.028619528619528621093959230848;0.048974594429139886586632712806;0.001836547291092745616894466032;0.018824609733700644470522078677;0.006887052341597796334404790741;0.019589837771655953246874304341;0.012243648607284971646658178202;0.005356596265687174444891649472;0.022497704315886133535906665770;0.035353535353535352203646624503;0.011937557392102846401393811959;0.007193143556779920712307418995;0.007652280379553106845480492382;0.030762167125803489137192414660;0.010101010101010101868701518413;0.043617998163452707804932373392;0.000000000000000000000000000000;0.013774104683195592668809581482;0.010407101316192225379242408678;0.012855831037649218667739958732;0.018059381695745332224722901060;0.013008876645240282157733879842;0.025711662075298437335479917465;0.011631466176920722890852921694
-0.012715855572998429820485988273;0.054003139717425430177399903187;0.037205651491365773764208313423;0.007064364207221350382137625701;0.012087912087912088335284188645;0.014285714285714285268213963320;0.004866562009419152581846113037;0.040973312401883829614313015099;0.074097331240188385459433106917;0.008006279434850863477302063131;0.010989010989010989868819301307;0.009576138147566718925030038179;0.008320251177394034219902962946;0.013343799058084773040411263878;0.042857142857142857539365365938;0.007849293563579277238639875236;0.023704866562009419689305289580;0.070172684458398748574836645275;0.025902668759811616622235064256;0.006907378335949764143475437805;0.013500784929356357544349975797;0.037362637362637361737593977296;0.016326530612244899431928502054;0.010989010989010989868819301307;0.012558869701726845316547276354;0.013814756671899528286950875611;0.030141287284144425984155901688;0.076295133437990575453468977685;0.001569858712715855664568409544;0.018053375196232339383595189020;0.005023547880690737953146562944;0.012087912087912088335284188645;0.010675039246467817391494925516;0.003767660910518053248019487711;0.010518053375196232887556213598;0.027629513343799056573901751221;0.010989010989010989868819301307;0.002982731554160125524155500187;0.009262166405023548182429138365;0.021821036106750391764252938742;0.011930926216640502096622000749;0.077080062794348508381503393139;0.000000000000000000000000000000;0.007535321821036106496038975422;0.020251177394034536316524963695;0.007378335949764521124738525515;0.009576138147566718925030038179;0.007535321821036106496038975422;0.021664050235478807260314226824;0.006750392464678178772174987898
-0.013500784929356357544349975797;0.049607535321821036311540353836;0.041130298273155417587698678972;0.023390894819466247211980913789;0.014913657770800628488139238925;0.012244897959183672839222900564;0.004709576138147566343183925142;0.035007849293563576831278538748;0.052119309262166402252347552349;0.011930926216640502096622000749;0.009419152276295132686367850283;0.008006279434850863477302063131;0.010361067503924646648894025702;0.017896389324960754879656477101;0.032339089481946622917085676363;0.007221350078492935753438075608;0.033124018838304555845120091817;0.075510204081632656403222370045;0.025431711145996859640971976546;0.010047095761381475906293125888;0.013657770800627943783012163692;0.027001569858712715088699951593;0.028100470957613813555164838931;0.015698587127158554477279750472;0.012244897959183672839222900564;0.013500784929356357544349975797;0.028100470957613813555164838931;0.061852433281004710885486730376;0.000941915227629513312004871928;0.015070643642072212992077950844;0.005337519623233908695747462758;0.011930926216640502096622000749;0.012715855572998429820485988273;0.003767660910518053248019487711;0.017268445839874409925007725519;0.036106750392464678767190378039;0.010989010989010989868819301307;0.003139717425431711329136819089;0.009733124018838305163692226074;0.030455259026687598461480277479;0.011616954474097331354021100935;0.057456828885400317019627181025;0.000000000000000000000000000000;0.008791208791208791201166050655;0.015070643642072212992077950844;0.011773940345368917592683288831;0.011773940345368917592683288831;0.008634222919937204962503862760;0.023861852433281004193244001499;0.005494505494505494934409650654
-0.015955601803676725675140701810;0.026534859521331947279643159732;0.052722858133888307607950451938;0.009018383628165106344343193712;0.006937218175511620198159246087;0.015261879986125563915533298598;0.002081165452653486146183947625;0.025320846340617413766649335116;0.068505029483177243276870171940;0.018730489073881372713570314659;0.012486992715920915142380209772;0.010752688172043011610723439730;0.009365244536940686356785157329;0.025667707249392993779091298734;0.024280263614290670259876492310;0.009538674991328478097729615115;0.043704474505723206467777686157;0.063648976760319109224894873478;0.017169614984391259188134526426;0.011966701352757543388993788369;0.011793270898369753382772806560;0.035379812695109258413594943704;0.018557058619493582707349332850;0.023239680887963926753103649503;0.016475893166840095693803647237;0.019424210891432536207901193848;0.026708289975719737285864141541;0.043184183142559832979667788777;0.002081165452653486146183947625;0.015261879986125563915533298598;0.006243496357960457571190104886;0.014915019077349982168367859003;0.011793270898369753382772806560;0.003642039542143600538981473846;0.024453694068678460266097474118;0.038328130419701698927692490315;0.012660423170308706883324667558;0.006070065903572667564969123077;0.006070065903572667564969123077;0.028095733610822060805078947965;0.009018383628165106344343193712;0.050641692681234827533298670232;0.000000000000000000000000000000;0.009885535900104058110171578733;0.012486992715920915142380209772;0.012660423170308706883324667558;0.020464793617759279714674036654;0.013007284079084286895766631176;0.026361429066944153803975225969;0.011446409989594173370330842943
-0.019984326018808777625235251207;0.050744514106583073209666423509;0.033503134796238245862731730540;0.003330721003134796270872541868;0.015282131661442006215212430220;0.026645768025078370166980334943;0.003134796238244513984227967995;0.023510971786833857050114104936;0.058581504702194357736555474503;0.011363636363636363951767904723;0.013322884012539185083490167472;0.016457680250783698200356397479;0.013518808777429466502773003356;0.014694357366771160222640446591;0.032719435736677113246706483096;0.009012539184952978246756494229;0.021943573667711598756957513956;0.059169278996865207198574410086;0.024882445141065832189264384056;0.007249216300940438534317067365;0.013518808777429466502773003356;0.028213166144200628460136925924;0.017437304075235110500941004830;0.012343260188087774517629036097;0.019592476489028214786669579439;0.016849529780564264508369021200;0.022727272727272727903535809446;0.076606583072100317699515414915;0.002351097178683385705011410494;0.035462382445141063525007041335;0.009600313479623824239328477859;0.010971786833855799378478756978;0.015869905956112852207784413849;0.002938871473354232131264263117;0.018612852664576802486084972088;0.028017241379310345306130614063;0.009012539184952978246756494229;0.003134796238244513984227967995;0.010579937304075234805189609233;0.024686520376175549035258072195;0.012343260188087774517629036097;0.068181818181818176771713524431;0.000000000000000000000000000000;0.008816614420062695092750182368;0.012147335423197491363622724236;0.008816614420062695092750182368;0.013910658307210031076062151101;0.009992163009404388812617625604;0.019984326018808777625235251207;0.008228840125391849100178198739
-0.024484536082474226553751250890;0.026095360824742269006959460853;0.037854381443298966425370366551;0.014336340206185566384378127225;0.020135309278350516787314816725;0.020457474226804123890177677936;0.005798969072164948668213213523;0.024967783505154640677492494660;0.038659793814432991121421423486;0.015141752577319587610982232206;0.011597938144329897336426427046;0.014175257731958762832946696619;0.012403350515463916828307056051;0.025289948453608247780355355872;0.020135309278350516787314816725;0.014819587628865978773395895018;0.033021907216494846004639640569;0.050740979381443299112142142349;0.015625000000000000000000000000;0.009342783505154638942769018684;0.012886597938144329217324823844;0.029317010309278350443928928826;0.019813144329896906215005003560;0.026739690721649483212685183275;0.023518041237113401775715715303;0.023034793814432991121421423486;0.021262886597938145116781782917;0.056539948453608247780355355872;0.002738402061855669915313438167;0.027222938144329897336426427046;0.010309278350515463720804554271;0.020618556701030927441609108541;0.009826030927835051331786786477;0.005315721649484536279195445729;0.019007731958762884988400898578;0.033344072164948453107502501780;0.009503865979381442494200449289;0.007087628865979381416473348310;0.006604381443298969027455580516;0.031733247422680410654294291817;0.008376288659793814164733483096;0.048163659793814435350345348752;0.000000000000000000000000000000;0.012242268041237113276875625445;0.013530927835051546892497498220;0.015302835051546391162413662812;0.018041237113402060210365362991;0.017074742268041235432329827404;0.022873711340206184100543040927;0.012886597938144329217324823844
-0.019022534386889083934946143017;0.028972783143107989217712727736;0.044044483465027803315017251862;0.027802165642376353710263359176;0.023558677202224171526312446190;0.018144571261340357304359116597;0.004828797190517998202952121289;0.035118525021949079101268864633;0.040825285338015805669531488320;0.014925373134328357924149877078;0.013754755633596722416700508518;0.012437810945273632470819968887;0.012730465320456541347682311027;0.025314603453321628256933450984;0.026631548141644718202813990615;0.009803921568627450844335413649;0.033069944395668716963232469652;0.055750658472344158389510937468;0.028972783143107989217712727736;0.012145156570090723593957626747;0.016681299385425812920047405896;0.022680714076675444895725419769;0.014925373134328357924149877078;0.022534386889083990457294248699;0.022095405326309627142000735489;0.021510096575943809388276051209;0.032630962832894350178492004488;0.045361428153350889791450839539;0.002341235001463271882260475110;0.027216856892010535956538674895;0.007901668129938543144730189738;0.017120280948200176235340919106;0.014340064383962540170425192798;0.004536142815335089326089779149;0.015949663447468540727891550546;0.035557506584723438947115425890;0.014193737196371085731994021728;0.005414105940883815956676805570;0.003365525314603453384959541594;0.019168861574480538373377314088;0.009218612818261633090610729369;0.035557506584723438947115425890;0.000000000000000000000000000000;0.011852502194907814717095284607;0.014779045946736903485718706008;0.008925958443078724213748387228;0.017998244073748902865927945527;0.012584138132865086909251139957;0.024875621890547264941639937774;0.010828211881767631913353611139
-0.025623268698060943510119713551;0.017659279778393353194099191228;0.056094182825484763255108333624;0.011657433056325022802113267062;0.027123730378578025240754456604;0.026431209602954756215931197971;0.002192982456140350755458001686;0.026546629732225299896919423759;0.056902123730378575960919818044;0.015466297322253000703917713565;0.017313019390581718681687561912;0.014658356417359187998106229145;0.013850415512465373557571268748;0.026546629732225299896919423759;0.018351800554016622218922449861;0.013388734995383195364171413644;0.036934441366574331799821351296;0.054478301015697137843485364783;0.033125577100646355632740380770;0.010387811634349030168178451561;0.016966759002770084169275932595;0.025392428439519852678696310022;0.010849492151431210096301782642;0.022737765466297323729838453232;0.024815327793167127334861277177;0.024122807017543858310038018544;0.031509695290858723282223508022;0.022968605724838411091814904808;0.001385041551246537399125213774;0.030701754385964910576412023602;0.008541089566020313925132079191;0.016389658356417358825440899750;0.012927054478301015436048082563;0.004963065558633425987389298228;0.015235457063711911607217786013;0.034164358264081255700528316765;0.012580794090489380923636453247;0.006348107109879963169674077506;0.003462603878116343389392817187;0.018351800554016622218922449861;0.005078485687903970535739262004;0.034510618651892886743492994128;0.000000000000000000000000000000;0.011542012927054479121125041274;0.017313019390581718681687561912;0.011888273314866111898813194614;0.023314866112650045604226534124;0.013157894736842104532748010115;0.022853185595567867410826679020;0.011195752539242844608713411958
-0.028474903474903473510337903463;0.018581081081081082112538283013;0.060569498069498066417093440350;0.008687258687258687245291710610;0.015805984555984555622876186476;0.026906370656370654642630668718;0.002895752895752895603870280539;0.022683397683397683169959080374;0.037524131274131275470828938978;0.021597490347490345963255009565;0.019063706563706563773541446949;0.018339768339768341282036701045;0.013634169884169884678914996812;0.033180501930501933582906559650;0.013151544401544401283188356899;0.014237451737451736755168951731;0.034749034749034748981166842441;0.052485521235521234717502636613;0.022924710424710424000460662342;0.012306949806949806641709344035;0.016047297297297296453377768444;0.027509652509652510188331575591;0.014478764478764479320394009676;0.026303088803088802566376713798;0.032094594594594592906755536887;0.028233590733590732679836321495;0.027992277992277991849334739527;0.021476833976833975548004218581;0.000844594594594594641479012864;0.025217181467181468829119594943;0.010376447876447876528249736339;0.017253861003861004075332630237;0.011944980694980695395956971083;0.006515444015444015433968782958;0.018701737451737452527789073997;0.042109073359073358189252900274;0.014599420849420849735644800660;0.006756756756756757131832102914;0.002413127413127413075505378615;0.024975868725868724529171061022;0.007360038610038610075447795822;0.021114864864864864302251845629;0.000000000000000000000000000000;0.012306949806949806641709344035;0.008566602316602316830040919626;0.011341698841698841584979540187;0.028836872586872588225537228368;0.017012548262548263244831048269;0.027992277992277991849334739527;0.011824324324324324980706180099
-0.018985728848114169498018100057;0.029051987767584098315554186343;0.057976554536187566157856565496;0.011340468909276249162565441964;0.013634046890927625436673586989;0.021661569826707440661328618603;0.002293577981651376274108145026;0.033639143730886847394323524441;0.044469928644240569459711309719;0.016309887869520898334707581512;0.018730886850152905082067533726;0.011467889908256881370540725129;0.012359836901121305091644231311;0.026248725790010193209544908655;0.027395514780835881346598981168;0.011085626911314984746614875633;0.033639143730886847394323524441;0.063583078491335376369875120872;0.026758409785932722041446041317;0.011977573904179408467718381814;0.016946992864424057639860521363;0.028160040774719674594450680161;0.010575942915392455914713742970;0.022808358817533128798382691116;0.022935779816513762741081450258;0.018858307849133535555319340915;0.036060142711518861080577380562;0.027650356778797145762549547499;0.000891946992864424046364157928;0.026630988786952088098747282174;0.010066258919469928817536086285;0.015545361875637105086855882519;0.018476044852191640666116967395;0.004714576962283383888829835229;0.013761467889908257644648870155;0.036697247706422020385730320413;0.014143730886850152533851243675;0.004714576962283383888829835229;0.002930682976554536012941953871;0.018476044852191640666116967395;0.008664627930682976264531447441;0.034785932721712535531377596953;0.000000000000000000000000000000;0.010193679918450561025511369451;0.018730886850152905082067533726;0.009174311926605505096432580103;0.020259938837920488108323979759;0.014908256880733945781702942668;0.029306829765545362731504752674;0.010321100917431193233486652616
-0.021460423634336676240730312770;0.026198439241917503839118808173;0.043060200668896320141953992788;0.007525083612040133970721988987;0.023968784838350055965694451743;0.030239687848383500073934371244;0.003205128205128205017004905386;0.031911928651059087713726114544;0.048494983277591975634468468570;0.015050167224080267941443977975;0.017279821627647715814868334405;0.039576365663322184140771042848;0.010730211817168338120365156385;0.019648829431438127879339106130;0.023411371237458192262614886658;0.011008918617614269971904938927;0.028846153846153847755129362440;0.053929765886287624188089040445;0.028706800445930880094635995192;0.009197324414715719875790256310;0.014771460423634336089904195433;0.026616499442586399881705006010;0.016304347826086956069202571484;0.021042363433667780198144114934;0.025083612040133779902406629958;0.018673355629877368133673343209;0.032329988851727983756312312380;0.020624303232998884155557917097;0.001114827201783723503031309221;0.046404682274247488482643575480;0.014492753623188405973087888867;0.011984392419175027982847225871;0.014492753623188405973087888867;0.005016722408026755980481325992;0.013935340022296544004731799760;0.036789297658862879503161025241;0.014910813823857302015674086704;0.004319955406911928953717083601;0.005992196209587513991423612936;0.017279821627647715814868334405;0.007246376811594202986543944434;0.034559643255295431629736668810;0.000000000000000000000000000000;0.010172798216276477886732543254;0.019230769230769231836752908293;0.010172798216276477886732543254;0.018534002229654403942626927915;0.011426978818283166014491136764;0.023272017837235228071568471364;0.009754738015607580109422869441
-0.029126213592233010651888491793;0.010565391205025699908337522004;0.054540262707024556032564532870;0.000285551113649343236370464760;0.004426042261564819974006823600;0.025271273557966874440117166500;0.003854940034266133609686111328;0.016133637921187892610985770148;0.053826384922901197860323208033;0.020274129069103370703874844594;0.016276413478012563551544644724;0.031981724728726443340853791142;0.020416904625928041644433719171;0.034980011422044543500931013114;0.007138777841233580855051510383;0.018275271273557967127709744659;0.037121644774414618017654987625;0.043832095945174183448944660313;0.011707595659623072636978946548;0.012564249000571101749779145962;0.013563677898343803537861695929;0.031125071387778410758606639774;0.025699600228440890731240742184;0.028412335808109652479647166956;0.032981153626499143394212865132;0.025414049114791548850122993031;0.023843517989720161565081468780;0.008280982295830954451054672916;0.002569960022844089073124074218;0.022558537978298116161157693682;0.017846944603083950836586168975;0.016990291262135921723785969562;0.007852655625356938159931097232;0.008280982295830954451054672916;0.028983438035408339711329617217;0.036550542547115934255419489318;0.010279840091376356292496296874;0.011422044545973729021137721418;0.008994860079954312623295997753;0.031125071387778410758606639774;0.004711593375214163589848048730;0.029982866933181039764688691207;0.000000000000000000000000000000;0.017275842375785267074350670669;0.004568817818389491781927436165;0.014848657909765848941785471027;0.020702455739577383525551468324;0.019131924614505996240509944073;0.028555111364934323420206041533;0.014848657909765848941785471027
-0.018943050193050193358290655965;0.031732625482625481661003163936;0.040057915057915061129989453548;0.009773166023166022717272305442;0.023527992277992279546161569215;0.025337837837837839244370385927;0.005912162162162162490353090050;0.034266409266409267320163678505;0.053571428571428568454759755468;0.013513513513513514263664205828;0.013996138996138995924667369763;0.014237451737451736755168951731;0.017857142857142856151586585156;0.014961389961389960981397173612;0.028354247104247103095087112479;0.010135135135135135697748154371;0.026423745173745172981627504782;0.063827220077220081506652604730;0.028112934362934362264585530511;0.007842664092664092603812697746;0.017736486486486485736335794172;0.026303088803088802566376713798;0.017253861003861004075332630237;0.016771235521235522414329466301;0.019546332046332045434544610885;0.016891891891891892829580257285;0.029198841698841699471289601320;0.039333976833976831699590803737;0.002533783783783783924437038593;0.031370656370656370415250790984;0.016047297297297296453377768444;0.012186293436293436226458553051;0.013754826254826255094165787796;0.004705598455598455735759966245;0.017012548262548263244831048269;0.029319498069498069886540392304;0.012910231660231660452686774931;0.007722007722007722188561906762;0.009893822393822393132523096426;0.019787644787644786265046192852;0.011944980694980695395956971083;0.054174710424710427469907614295;0.000000000000000000000000000000;0.010738416988416987774002109290;0.015444015444015444377123813524;0.013030888030888030867937565915;0.010979729729729730339227167235;0.010376447876447876528249736339;0.024493243243243242868167897086;0.006153474903474903320854672018
-0.026758409785932722041446041317;0.029179408766564728788805993531;0.048419979612640162702774659920;0.015672782874617735560107689707;0.028414882772680939010401246492;0.020514780835881752524274546090;0.005479102956167176269319796234;0.025866462793068298320342535135;0.038608562691131498301189139966;0.019113149847094799971269907246;0.013124362895005096604772454327;0.013888888888888888117900677344;0.011850152905198776259743098649;0.028797145769622833899603620011;0.021534148827726810188076811414;0.015035677879714576254954749857;0.023063200815494393214333257447;0.045998980632008155955414707705;0.019495412844036698329919232719;0.008664627930682976264531447441;0.013634046890927625436673586989;0.021916411824668705077279184934;0.017074413863404688113112328551;0.028032619775739040651751921018;0.027522935779816515289297740310;0.026503567787971457625495474986;0.032619775739041796669415163024;0.043195718654434250849405430017;0.002293577981651376274108145026;0.020387359836901122051022738901;0.007390417940876656786863829751;0.018221202854230376250166401064;0.011213047910295616954590158798;0.005861365953109072025883907742;0.019113149847094799971269907246;0.038481141692150867827937332777;0.012487257900101937299619514476;0.006498470948012232198398585581;0.003312945973496432203186934373;0.017074413863404688113112328551;0.008792048929663608472506730607;0.033639143730886847394323524441;0.000000000000000000000000000000;0.013634046890927625436673586989;0.009811416921508664401585519954;0.014780835881753313573727659502;0.022808358817533128798382691116;0.017329255861365952529062894882;0.031600407747196739005612897699;0.015290519877675840670905316188
-0.024558805380723188610536666943;0.031223003825743552569482730519;0.034555103048253731079508810353;0.004319387881031716384938601294;0.017154140441811675799055336711;0.027520671356287794429018589426;0.006047143033444403112386389409;0.044674811798099470228073926137;0.035789213871405649303181206733;0.012341108231519190910341343681;0.020116006417376281617537259194;0.019622362088115512246400129470;0.014315685548562261455995958670;0.021596939405158582792054744459;0.037146735776872760736999623532;0.010860175243736888001100382439;0.015796618536344564365236919912;0.048623966432185611319383156115;0.038380846600024678960672019912;0.007528076021226706021627350651;0.027027027027027028527328411656;0.017277551524126865539754405177;0.013698630136986300609436284503;0.017277551524126865539754405177;0.022707639145995311275028072373;0.024682216463038381820682687362;0.043193878810317165584109488918;0.034925336295199310709946871611;0.000617055411575959545517067184;0.036282858200666422143765288411;0.011847463902258423273927689934;0.009872886585215352728273074945;0.019252128841169936085409020166;0.003332099222510181545792162794;0.015302974207083796728823266164;0.030482537331852400247500511909;0.016290262865605330266927097682;0.004689621127977292545929710599;0.006664198445020363091584325588;0.010860175243736888001100382439;0.012341108231519190910341343681;0.039121313093915831282654238521;0.000000000000000000000000000000;0.008145131432802665133463548841;0.020239417499691471358236327660;0.010860175243736888001100382439;0.015920029618659754105935988377;0.010613353079106503315531817577;0.033197581142786619645690393554;0.011106997408367270951945471325
-0.027864147333173883147594551701;0.017459937813920113625076879771;0.045802439607749344252507484043;0.000358765845491509200414215197;0.010643386749581439792988746262;0.034082755321693372629887619496;0.005620664912700311204030168000;0.022363071035637407946161658856;0.044008610380291794672569238855;0.017818703659411624234953919199;0.015307342740971060374155499062;0.024037311647931117186693938947;0.016503228892609422134851726582;0.025711552260224826427226219039;0.015666108586462567514585586537;0.021047596268835205846059466239;0.026668261181535517917451372227;0.045204496531930163372159370283;0.024156900263094954056652952090;0.010165032288926094047876169668;0.017579526429083950495035892914;0.028581679024156900897901678604;0.014111456589332695144012319588;0.023917723032767280316734925805;0.032886869170055010869191391976;0.026189906720880173907062271610;0.028701267639320737767860691747;0.012556804592202822773439052639;0.002152595072949055419325725680;0.032408514709399663389355339405;0.026189906720880173907062271610;0.015666108586462567514585586537;0.012078450131547477028326476045;0.007055728294666347572006159794;0.019014589811049989465097098673;0.029060033484812244908290779222;0.014948576895479549764278459634;0.011480507055728294413254886308;0.009208323367615402557651016480;0.017938292274575461104912932342;0.007653671370485530187077749531;0.037431236546280791110952179679;0.000000000000000000000000000000;0.012437215977038985903480039497;0.010404209519253767787794195954;0.015307342740971060374155499062;0.024635254723750298067042052708;0.017938292274575461104912932342;0.028581679024156900897901678604;0.013393924898349677393705192685
-0.025161588180978761847272906493;0.017197599261311171531252384170;0.045937211449676822183629809615;0.002423822714681440285838798232;0.026315789473684209065496020230;0.032317636195752535988034992442;0.003000923361034164328631224095;0.020891043397968604017345128909;0.061288088642659277471835821416;0.014889196675900277094806156697;0.015697137580794089800617641117;0.035433979686057250069186608243;0.017774699907663896875087417015;0.025623268698060943510119713551;0.011888273314866111898813194614;0.017428439519852262362675787699;0.025969529085872574553084390914;0.043167128347183746084336775084;0.025161588180978761847272906493;0.007963988919667590316020522323;0.014427516158818097166682825616;0.026315789473684209065496020230;0.011772853185595568217824968826;0.021583564173591873042168387542;0.029201292705447828845777280549;0.021121883656509694848768532438;0.026315789473684209065496020230;0.026431209602954756215931197971;0.002308402585410895737488834456;0.049053554939981529325887521509;0.016735918744228993337852529066;0.010618651892890119264878379113;0.015812557710064636951052818858;0.006232686980609418621324113730;0.015235457063711911607217786013;0.031971375807940904945070315080;0.010964912280701753777290008429;0.008194829178208679412720449875;0.009349030470914126630943563612;0.012119113573407202730236598143;0.006463527239150507718024041282;0.041320406278855033310737354668;0.000000000000000000000000000000;0.011772853185595568217824968826;0.009002770083102493853255410272;0.011888273314866111898813194614;0.021929824561403507554580016858;0.014312096029547553485694599829;0.028162511542012928777989344553;0.013850415512465373557571268748
-0.021699819168173598710191996020;0.043931496649292627043603687298;0.044250611637059886205314285235;0.011807254547388575105504315843;0.010318051271141367997152826774;0.014466546112115731895220172021;0.005956813104988831035491170240;0.027869375598340601074554001571;0.049143708116157855392280850992;0.017125837676842888684936028199;0.012339112860334006463447487079;0.016593979363897459061716332940;0.009254334645250505281266484303;0.025422827358791616481070718692;0.033187958727794918123432665880;0.012764599510690352590636109653;0.025210084033613446019561621370;0.041804063397510901611831002356;0.017444952664610147846646626135;0.007233273056057865947610086010;0.013509201148813956144811854188;0.020636102542282735994305653549;0.005744069779810658839258596942;0.024252739070311668534429827560;0.021806190830762683940946544681;0.022231677481119028333411691278;0.027443888947984256682088854973;0.099244761195617481330799591888;0.002340176576959898061686127235;0.015743006063184766807339087791;0.008190618019359642565380141832;0.014679289437293904091452745320;0.009467077970428677477499057602;0.006701414743112434589666914775;0.012019997872566749036460365119;0.033187958727794918123432665880;0.009998936283374108835442228838;0.007339644718646952045726372660;0.006275928092756090197201768177;0.012977342835868524786868682952;0.009360706307839592246744508941;0.061589192639080948821206362709;0.000000000000000000000000000000;0.014679289437293904091452745320;0.013934687799170300537277000785;0.010318051271141367997152826774;0.023189022444420805818543485088;0.013190086161046696983101256251;0.019040527603446440185752663865;0.013083714498457611752346707590
-0.027953216374269004157460116744;0.015906432748538010951699916973;0.046315789473684212951276606418;0.003625730994152046894607455130;0.014619883040935671703053344572;0.034970760233918131432151454874;0.006549707602339181235218124044;0.038011695906432746427938695888;0.045964912280701757107959082305;0.015789473684210526827076392919;0.019766081871345028697639634174;0.026432748538011696659566496237;0.012514619883040934908424723915;0.025497076023391813254237447950;0.024327485380116958130214399603;0.013333333333333334189130248149;0.018362573099415205324369537720;0.047602339181286548730476226865;0.032280701754385965340787834066;0.009356725146198830583843530917;0.020584795321637427978345158408;0.017192982456140350200346489373;0.009590643274853800567814055000;0.021169590643274852070909730628;0.029941520467836258562188689325;0.028538011695906431719471640918;0.035672514619883043118786503101;0.015087719298245613405717868716;0.002923976608187134340610668914;0.031578947368421053654152785839;0.019298245614035088729698586008;0.012982456140350876611089248058;0.014385964912280701719082820489;0.008304093567251461319167482600;0.013801169590643274157071296315;0.032280701754385965340787834066;0.016959064327485378481652489313;0.007836257309941519616502958456;0.005146198830409356994586289602;0.014152046783625731735112296406;0.008771929824561403021832006743;0.037192982456140354086127075561;0.000000000000000000000000000000;0.012865497076023392486465724005;0.015087719298245613405717868716;0.014269005847953215859735820459;0.021052631578947367946286206575;0.014269005847953215859735820459;0.025497076023391813254237447950;0.014385964912280701719082820489
-0.025972540045766590727227551838;0.032379862700228835559190798676;0.046453089244851260286583993775;0.002173913043478260895963183330;0.009038901601830663656844677689;0.020022883295194509462033849445;0.004233409610983981767595718537;0.032151029748283752041082550477;0.055606407322654462233035843610;0.015675057208237985068022268820;0.015903890160183065116683565066;0.013501144164759724605739954484;0.011441647597254004167788288271;0.028260869565217391213840514297;0.028718535469107551311163106789;0.013958810068649886437786022952;0.028032036613272311165179218051;0.046681922196796336865798338067;0.019107551487414189267388664462;0.009610983981693363778497918304;0.015789473684210526827076392919;0.021510297482837528043608799067;0.010526315789473683973143103287;0.023798627002288328530221761525;0.023569794050343248481560465279;0.026544622425629289114157316476;0.031693363844393591943759957985;0.053318077803203661746422881151;0.001144164759725400460146915727;0.022540045766590389997308108150;0.008924485125858123632514029566;0.016704805491990847021721577903;0.012471395881006864386764121377;0.004462242562929061816257014783;0.013615560640732264630070602607;0.037414187643020596629739316086;0.015903890160183065116683565066;0.008352402745995423510860788952;0.006292906178489702205547384750;0.013272311212814644557078658238;0.008581235697940503559522085197;0.053203661327231123456815709005;0.000000000000000000000000000000;0.014302059496567506510777967321;0.011784897025171624240780232640;0.012585812356979404411094769500;0.020480549199084669559356441937;0.013844393592677344678731898853;0.026659038901601830873211440576;0.011784897025171624240780232640
-0.016681594267801164166442617898;0.049484997760859829318835778622;0.025750111957008509772082405220;0.070980743394536499613067803693;0.044334975369458129446087468750;0.011419614867890729575927721839;0.005261979399910434590514896058;0.046014330497089118987563693963;0.019816390506045677283308847905;0.010971786833855799378478756978;0.016233766233766232234270177059;0.005485893416927899689239378489;0.007948947604120017509932161204;0.013770712046574115280939132333;0.069861173309449173252083653551;0.006717420510523959033266638841;0.017241379310344827346934692969;0.039072995969547691386125620738;0.045566502463054187055391253125;0.006941334527541424131991121271;0.022167487684729064723043734375;0.011755485893416928525057052468;0.008284818629646216459061491832;0.014442454097626511444474317614;0.015114196148678907608009502894;0.014442454097626511444474317614;0.032691446484549933904073526492;0.083072100313479627087254186790;0.001343484102104791676549067070;0.028325123152709359708456560156;0.003134796238244513984227967995;0.011867442901925659773376686701;0.015785938199731303771544688175;0.002575011195700850803735892924;0.010635915808329602164072902326;0.021159874608150469610379218466;0.010859829825347066395435646768;0.003694581280788177164720043066;0.003582624272279444615357801851;0.008956560680698610887873201136;0.014666368114643977410560538033;0.020152261531571877967161654510;0.000000000000000000000000000000;0.008844603672189879639553566903;0.045790416480071649552030521590;0.007613076578593820295526306552;0.012651141961486788919954982191;0.008620689655172413673467346484;0.020264218540080609215481288743;0.007948947604120017509932161204
-0.016438356164383560037434151013;0.031008717310087172830401769374;0.033125778331257786646357743621;0.035242839352428396992866765913;0.042963885429638852542222338116;0.025778331257783313607001574042;0.003113325031133250177933780023;0.022166874221668741995472373674;0.042590286425902866562775983539;0.009464508094645081651141715895;0.011955168119551681446544044718;0.047198007471980073235240382701;0.013075965130759651527947440286;0.015068493150684932058158693735;0.038978829389788291481799831217;0.013449564134495640976840746816;0.021917808219178082362876835987;0.041967621419676214011840187368;0.027397260273972601218872569007;0.006102117061021170539569791202;0.012951432129514321711649671443;0.026151930261519303055894880572;0.009962640099626400916332791269;0.013823163138231632160457529324;0.025902864259028643423299342885;0.015940224159402240772243075639;0.023910336239103362893088089436;0.048692403486924037969707512730;0.002739726027397260295359604498;0.052926525529265258662725557315;0.040099626400996263297926702762;0.010585305105853051732545111463;0.012079701120797011262841813561;0.005603985056039850407016977840;0.011457036114570360446629493367;0.019302615193026152751176738320;0.006849315068493150304718142252;0.008717310087173101018631626857;0.013200498132004981344245209129;0.013449564134495640976840746816;0.008094645080946450202419306663;0.035367372353673723339717582803;0.000000000000000000000000000000;0.009339975093399750100120471075;0.020049813200498131648963351381;0.006973848069738480988377649084;0.012951432129514321711649671443;0.011830635118306351630246275874;0.012453300124533000711735120092;0.009589041095890411467439484738
-0.024182713837886251478925814240;0.020600089565606806429887143395;0.037617554858934171280182567898;0.004702194357366771410022820987;0.017801164352888490527426768040;0.031683833407971338791409010582;0.005485893416927899689239378489;0.026197939991043438234807894105;0.052955665024630539650107863281;0.017129422301836096098615058736;0.015114196148678907608009502894;0.035154500671742049122681095241;0.016569637259292432918122983665;0.021383788625167935576465438885;0.019704433497536946034989213672;0.015562024182713837805458467756;0.026533811016569638918660700710;0.046014330497089118987563693963;0.027653381101656965279644850852;0.008396775638154947707381126065;0.017913121361397221775746402272;0.024406627854903717445012034659;0.016345723242274966952036763246;0.020600089565606806429887143395;0.028549037169726825674542780575;0.019480519480519480068902993253;0.030340349305866546464338640021;0.019704433497536946034989213672;0.002575011195700850803735892924;0.036274070756829375483665245383;0.026533811016569638918660700710;0.013994626063591581247025352752;0.015338110165696371839372247337;0.005261979399910434590514896058;0.018472906403940888425685429297;0.032467532467532464468540354119;0.011867442901925659773376686701;0.009180474697716076853959421555;0.008956560680698610887873201136;0.019032691446484551606177504368;0.007948947604120017509932161204;0.038737124944021497641166718040;0.000000000000000000000000000000;0.012875055978504254886041202610;0.016233766233766232234270177059;0.013770712046574115280939132333;0.016233766233766232234270177059;0.011755485893416928525057052468;0.022503358710255261937449589027;0.012203313927451858722506017330
-0.030205949656750573362185008364;0.018077803203661327313689355378;0.044851258581235696476507968100;0.001144164759725400460146915727;0.021052631578947367946286206575;0.024370709382151030386598478117;0.005949656750572082132555440381;0.023913043478260870289275885625;0.056064073226544622330358436102;0.018878718535469109218727368216;0.019107551487414189267388664462;0.025400457665903888870850835247;0.013272311212814644557078658238;0.029061784897025173118878527134;0.015217391304347826705423152305;0.016018306636155606875737689165;0.025171624713958808822189539001;0.044508009153318074668792547754;0.024828375286041190483921070609;0.009038901601830663656844677689;0.018993135011441647508334540362;0.025400457665903888870850835247;0.013386727688787184581409306361;0.025514874141876430629904959346;0.031807780320366130233367130131;0.026544622425629289114157316476;0.031464530892448515364545613693;0.016590389016018305262667453803;0.000686498855835240254404105986;0.037986270022883295016669080724;0.013844393592677344678731898853;0.014645308924485126583769911690;0.013386727688787184581409306361;0.007437070938215103316215603968;0.013157894736842104532748010115;0.032951945080091533946120563314;0.013615560640732264630070602607;0.009382151029748283729836622058;0.006064073226544622156886088504;0.015446224256292906754084448551;0.006979405034324943218893011476;0.040274599542334095503282043182;0.000000000000000000000000000000;0.013272311212814644557078658238;0.012013729977116704289441528886;0.012013729977116704289441528886;0.024942791762013728773528242755;0.017620137299771167216366762887;0.027002288329519449211479908968;0.011441647597254004167788288271
-0.022598870056497175062837357018;0.023359408952629293065861304513;0.040091264667535854437918629856;0.002281616688396349238582283547;0.013363754889178618145972876619;0.031616688396349415524078096951;0.004345936549326379419455612663;0.031616688396349415524078096951;0.061386353759235116889225736259;0.013472403302911778108508222829;0.016731855714906561372057325343;0.028139939156888310600734826039;0.015645371577574968685597767148;0.024663189917427205677391555128;0.021077792264232942526236413983;0.011734028683181225646836587373;0.021403737505432420679118976636;0.060191221208170359036060403923;0.025206431986093003755344810202;0.008691873098652758838911225325;0.016623207301173403144245455110;0.026618861364624078064133883004;0.017275097783572359450010580417;0.017926988265971315755775705725;0.026184267709691438213992498163;0.021621034332898740604189669057;0.034767492394611035355644901301;0.021512385919165578906930846870;0.001738374619730552027990766462;0.035093437635810520447421367862;0.016079965232507605066292200036;0.010430247718383311300582860781;0.017383746197305517677822450651;0.005432420686657974708000384823;0.015862668405041285141221507615;0.030421555845284657670912764615;0.016514558887440244916433584876;0.007496740547588005322554582932;0.012277270751847023724789842447;0.013906996957844416223926131693;0.007714037375054324380263537364;0.045415036940460666581298454503;0.000000000000000000000000000000;0.011951325510647543837183803817;0.012820512820512820068019621544;0.010864841373315949416000769645;0.016623207301173403144245455110;0.011190786614515427568883332299;0.030530204259017819368171586802;0.010104302477183833147700298127
-0.024493243243243242868167897086;0.018460424710424711697287492029;0.053571428571428568454759755468;0.001447876447876447801935140269;0.012427606177606177056960135019;0.027509652509652510188331575591;0.003137065637065636868052731501;0.020752895752895753056499472677;0.088923745173745169512180552829;0.015202702702702703546622231556;0.015564671814671814792374604508;0.031732625482625481661003163936;0.010979729729729730339227167235;0.023166023166023164830962244309;0.012910231660231660452686774931;0.020149613899613900980245517758;0.031129343629343629584749209016;0.045125482625482625509416578780;0.014478764478764479320394009676;0.007963320463320463019063488730;0.012668918918918919622185192964;0.029922779922779921962794347223;0.007722007722007722188561906762;0.016650579150579151999078675317;0.030767374517374518338996836064;0.021838803088803090263203543486;0.026303088803088802566376713798;0.021356177606177605132753427597;0.001447876447876447801935140269;0.031370656370656370415250790984;0.032577220077220074567758700823;0.016891891891891892829580257285;0.008204633204633203849565070698;0.004705598455598455735759966245;0.014116795366795366339918160747;0.027750965250965251018833157559;0.010497104247104246943500527323;0.013634169884169884678914996812;0.006032818532818532905603881034;0.012306949806949806641709344035;0.005308880308880308679375659153;0.074083011583011587619651550085;0.000000000000000000000000000000;0.010255791505791506112998945355;0.008687258687258687245291710610;0.008325289575289575999539337658;0.021959459459459460678454334470;0.013151544401544401283188356899;0.019184362934362934188792237933;0.013151544401544401283188356899
-0.033572359843546284441373472873;0.009887005649717514957353081684;0.065732290308561494573957872944;0.002172968274663189709727806331;0.012711864406779661840207751311;0.024989135158626683830274117781;0.004454584963059539381990958873;0.019774011299435029914706163368;0.036940460669274227667457921598;0.026075619295958279986180627930;0.014450239026510212567155910790;0.018904823989569753683870345640;0.014993481095176010645109165864;0.040417209908735332590801192509;0.007279443720121686264845628500;0.018252933507170793908658268379;0.030312907431551499443100894382;0.039656671012603214587777245015;0.011842677096914385609371933583;0.012603215993046501877672405101;0.014884832681442850682573819654;0.029226423294219903287194384234;0.012929161234245980030554967755;0.037157757496740544123081662065;0.036723163841807911211834181131;0.032051282051282048435325577884;0.027813993915688832447852263385;0.004671881790525858439699913305;0.002172968274663189709727806331;0.014667535853976532492226603210;0.018035636679704477453034527912;0.019339417644502390064564778527;0.006518904823989569996545156982;0.007822685788787484342798883574;0.019122120817036070139494086106;0.042916123424598003055496775460;0.014558887440243372529691257000;0.011842677096914385609371933583;0.008800521512385918801446571536;0.022055627987831376984884101944;0.004345936549326379419455612663;0.020099956540634508067588726021;0.000000000000000000000000000000;0.019556714471968709989635470947;0.004345936549326379419455612663;0.020425901781833986220471288675;0.037157757496740544123081662065;0.021512385919165578906930846870;0.029335071707953064984453206421;0.014884832681442850682573819654
-0.027123730378578025240754456604;0.016966759002770084169275932595;0.049053554939981529325887521509;0.000807940904893813464753005160;0.002654662973222529816219594778;0.016735918744228993337852529066;0.004616805170821791474977668912;0.023430286241920589285214759911;0.057017543859649119641908043832;0.028162511542012928777989344553;0.013504155124653739045159639431;0.015581717451523546119629415330;0.010156971375807941071478524009;0.035664819944598337431163059819;0.012003693444136657314524896378;0.015581717451523546119629415330;0.027239150507848568921742682392;0.044090489381348109410030389199;0.015120036934441366191506084249;0.013504155124653739045159639431;0.014081255771006464388994672277;0.023661126500461680116638163440;0.011542012927054479121125041274;0.037396121883656506523774254447;0.027354570637119112602730908179;0.035203139427516155768316252761;0.027931671283471837946565941024;0.030586334256694366895423797814;0.002077562326869806207108037910;0.010618651892890119264878379113;0.014081255771006464388994672277;0.021237303785780238529756758226;0.008079409048938133997008748111;0.008310249307479224828432151639;0.018928901200369344093310530752;0.039473684210526313598244030345;0.013273314866112649948459711879;0.007733148661126500351958856783;0.006232686980609418621324113730;0.016043397968605724313029270434;0.006463527239150507718024041282;0.053670360110803325137673880363;0.000000000000000000000000000000;0.018005540166204987706510820544;0.006001846722068328657262448189;0.015466297322253000703917713565;0.035318559556786706388198382456;0.023199445983379501923238308336;0.022737765466297323729838453232;0.016274238227146815144452673962
-0.014347768856127419284662849464;0.031196524944056863715147187577;0.024220086876398577019342539529;0.013426352507568777711055574287;0.042648413847571411960934995022;0.033829143082795838648468844667;0.004870343556667105708313236789;0.037778070290904304517898282256;0.042385152033697512385934658141;0.004607081742793207868036375885;0.016717125180992498112431121626;0.032907726734237197074861569490;0.015664077925496906751323678009;0.011451888903514544776340855492;0.042911675661445304597041427996;0.009345794392523363788849444234;0.013689614321442675551332435191;0.045807555614058179105363421968;0.041858628405949720174827888286;0.004870343556667105708313236789;0.017506910622614189898538228363;0.019613005133605369151306163644;0.013426352507568777711055574287;0.010530472554955903202733580315;0.022113992365407397766574604248;0.011715150717388442616617716396;0.034882190338291430009576288285;0.060418586284059494495579656359;0.000526523627747795138452635566;0.061076740818744243433080498562;0.015927339739370802856877062936;0.006055021719099644254835634882;0.017243648808740293792984843435;0.004212189021982361107621084528;0.016058970646307752644377231377;0.017638541529551139686038396803;0.008292747137027774162465476593;0.005265236277477951601366790157;0.006713176253784388855527787143;0.010398841648018955149956887851;0.010793734368829801043010441219;0.055811504541266286627543280474;0.000000000000000000000000000000;0.005133605370541002681228359705;0.029485323153876530355432805663;0.006713176253784388855527787143;0.009345794392523363788849444234;0.008819270764775569843019198402;0.021455837830722652298520713998;0.008292747137027774162465476593
-0.022196796338672768189592687804;0.025972540045766590727227551838;0.036727688787185353014308475395;0.005377574370709382010902199767;0.015217391304347826705423152305;0.022654462242562928286915280296;0.006407322654462242229878032873;0.030663615560640733459507600855;0.037871853546910756727061908578;0.015675057208237985068022268820;0.014988558352402746656761856059;0.018535469107551487411011947870;0.018535469107551487411011947870;0.021395881006864989754001626920;0.022540045766590389997308108150;0.014302059496567506510777967321;0.027803203661327231116517921805;0.046338672768878721996976821629;0.023112128146453088384237872788;0.007665903890160183364876900214;0.015217391304347826705423152305;0.027231121281464529260141205214;0.019221967963386727556995836608;0.022311212814645309948646811904;0.024599542334096110435259774363;0.020480549199084669559356441937;0.028604118993135013021555934642;0.030892448512585813508168897101;0.002974828375286041066277720191;0.028489702517162471262501810543;0.026315789473684209065496020230;0.017391304347826087167705466641;0.014759725400457666608100559813;0.006064073226544622156886088504;0.026659038901601830873211440576;0.032265446224256290330689722623;0.012814645308924484459756065746;0.012242562929061784338102825132;0.012356979405034324362433473254;0.024256292906178488627544354017;0.009267734553775743705505973935;0.047139588100686496963120930559;0.000000000000000000000000000000;0.012471395881006864386764121377;0.013729977116704804654401250730;0.013729977116704804654401250730;0.018077803203661327313689355378;0.013615560640732264630070602607;0.022196796338672768189592687804;0.010640732265446223997473751410
-0.024847094801223240656540269811;0.020897043832823650882923871563;0.034785932721712535531377596953;0.013251783893985728812747737493;0.032110091743119267837514030361;0.041539245667686033880450224842;0.004841997961264016096805118394;0.027522935779816515289297740310;0.054791029561671762693197962335;0.009556574923547399985634953623;0.017201834862385322055811087694;0.042048929663608562712351357504;0.014016309887869520325875960509;0.017329255861365952529062894882;0.031855249745157999952116512077;0.015927624872578999976058256038;0.013506625891946993228698303824;0.037206931702344549217631453075;0.029561671763506627147455319005;0.007135575942915392370913263420;0.018093781855249745776914593876;0.032110091743119267837514030361;0.008919469928644240680482013772;0.013379204892966361020723020658;0.027395514780835881346598981168;0.017329255861365952529062894882;0.030198776758409786452608258855;0.025611620795107033904391968804;0.001146788990825688137054072513;0.053899082568807342441541408107;0.037206931702344549217631453075;0.009174311926605505096432580103;0.011850152905198776259743098649;0.006880733944954128822324435077;0.008282364933741081375329073921;0.021788990825688074604027377745;0.009938837920489296609560803120;0.009046890927624872888457296938;0.018348623853211010192865160207;0.014780835881753313573727659502;0.007900101936799184751403224425;0.034403669724770644111622175387;0.000000000000000000000000000000;0.007645259938837920335452658094;0.019750254841997962745869799051;0.007135575942915392370913263420;0.017584097859327216945013461213;0.011467889908256881370540725129;0.016437308868501528807959388701;0.012359836901121305091644231311
-0.027266204257354698797799485988;0.019253767041377659735568173005;0.035876584549150922209825864684;0.008610380291796221677302902719;0.025950729490552500167144245324;0.036235350394642429350255952158;0.004424778761061946841248726514;0.021884716574982060466325606285;0.058837598660607511036335637300;0.013991867974168858274053306445;0.020928007653671368976100453096;0.033484812245874191749539505736;0.012676393207366657908674589805;0.023798134417603443446775912662;0.019014589811049989465097098673;0.019971298732360680955322251862;0.021047596268835205846059466239;0.044486964840947142152405291426;0.027027027027027028527328411656;0.007892848600813202192272299840;0.016264051662281751864380652250;0.027146615642190861927840472845;0.010523798134417602923029733120;0.016742406122937095874769752868;0.032288926094235829988843278215;0.019253767041377659735568173005;0.028462090408993064027942665462;0.025950729490552500167144245324;0.001076297536474527709662862840;0.041497249461851230811770818718;0.027385792872518535667758499130;0.011839272901219803288408449760;0.013393924898349677393705192685;0.004903133221717292586361303108;0.015666108586462567514585586537;0.025352786414733315817349179611;0.011839272901219803288408449760;0.009327911982779239427610029622;0.008490791676632384807343889577;0.010523798134417602923029733120;0.005620664912700311204030168000;0.050227218368811291093756210557;0.000000000000000000000000000000;0.009088734752451567422415479314;0.018177469504903134844830958627;0.009327911982779239427610029622;0.018536235350394641985261046102;0.014470222434824204019165883039;0.022482659650801244816120671999;0.011480507055728294413254886308
-0.026088929219600726777672505818;0.018262250453720509785204839659;0.038793103448275863265326535156;0.011683303085299455784107358625;0.030626134301270417636953169449;0.034369328493647911815234152755;0.006919237749546279167556228629;0.033575317604355718603681424383;0.040948275862068964081608157812;0.015426497277676951697111817907;0.019736842105263156799122015173;0.034482758620689654693869385937;0.012477313974591650730383562973;0.019963702359346642556392481538;0.025748638838475498141766806270;0.014065335753176044092382923623;0.022572595281306714887215036924;0.045258620689655172653065307031;0.030512704174228674758317936266;0.006352087114337568243827014669;0.013725045372050817191200700051;0.023706896551724136734673464844;0.010435571687840291058013697523;0.022232304900181489720756289330;0.027676950998185116670224914515;0.021778584392014518206215356599;0.035049909255898369087045551851;0.020871143375680582116027395045;0.001928312159709618962138977238;0.047300362976406530590711696505;0.016333938294010887787299779461;0.011456442831215971761560368236;0.018035390199637024027934373294;0.006919237749546279167556228629;0.013157894736842104532748010115;0.024500907441016333415673145169;0.011343012704174228882925135053;0.008847549909255897696014336873;0.009074410163339383453284803238;0.013157894736842104532748010115;0.009981851179673321278196240769;0.029605263157894735198683022759;0.000000000000000000000000000000;0.014065335753176044092382923623;0.018262250453720509785204839659;0.013838475499092558335112457257;0.018375680580762249194393120888;0.012704174228675136487654029338;0.023706896551724136734673464844;0.014065335753176044092382923623
-0.025128865979381444228923925266;0.036887886597938145116781782917;0.031411082474226803551431430606;0.037210051546391752219644644128;0.035599226804123709766436434165;0.028189432989690722114461962633;0.003060567010309278319218906361;0.026900773195876290233563565835;0.021907216494845359322507505340;0.011114690721649484947408659252;0.015625000000000000000000000000;0.028189432989690722114461962633;0.017719072164948453107502501780;0.018524484536082474334106606761;0.046552835051546392897137138789;0.015141752577319587610982232206;0.017074742268041235432329827404;0.032860824742268042453208209963;0.029639175257731957546791790037;0.007087628865979381416473348310;0.013692010309278350443928928826;0.017074742268041235432329827404;0.012081185567010309725444194839;0.013208762886597938054911161032;0.025612113402061854883218217083;0.017235824742268042453208209963;0.026256443298969072558390891459;0.104703608247422683130700704623;0.001127577319587628763147835187;0.036565721649484538013918921706;0.013853092783505153995360359431;0.012886597938144329217324823844;0.014336340206185566384378127225;0.004671391752577319471384509342;0.016430412371134021226604104982;0.021423969072164948668213213523;0.009826030927835051331786786477;0.006121134020618556638437812722;0.004993556701030927441609108541;0.015463917525773196448568569394;0.008054123711340205327147145908;0.023679123711340205327147145908;0.000000000000000000000000000000;0.008054123711340205327147145908;0.021585051546391752219644644128;0.010631443298969072558390891459;0.014497422680412371670533033807;0.007893041237113401775715715303;0.022873711340206184100543040927;0.009342783505154638942769018684
-0.026666666666666668378260496297;0.030303030303030303871381079261;0.041363636363636366310991832052;0.043939393939393937837945003366;0.034393939393939393367460866102;0.018484848484848485916653970662;0.004848484848484848480643094604;0.024696969696969696406174676895;0.033484848484848485361542458350;0.017121212121212120438329407079;0.013939393939393938948168027991;0.021515151515151514916013297807;0.011212121212121211460965852780;0.022727272727272727903535809446;0.034090909090909088385856762216;0.017575757575757574441288610956;0.021666666666666667406815349750;0.047575757575757576800512538284;0.019696969696969695434729530348;0.008636363636363636464565729511;0.012575757575757575204566940386;0.016060606060606059941608947383;0.008333333333333333217685101602;0.024242424242424242403215473018;0.031969696969696967392415842824;0.026363636363636363396656392410;0.028939393939393938393056515679;0.053787878787878787290033244517;0.001363636363636363743601087606;0.026363636363636363396656392410;0.010000000000000000208166817117;0.016969696969696971416974307090;0.010000000000000000208166817117;0.005000000000000000104083408559;0.013484848484848484945208824115;0.024696969696969696406174676895;0.010303030303030303455047445027;0.006363636363636363847684496164;0.007424242424242424344404955860;0.010606060606060606701928072937;0.007575757575757575967845269815;0.040000000000000000832667268469;0.000000000000000000000000000000;0.013787878787878788192089452025;0.018030303030303031913694766786;0.009545454545454546205207613241;0.021060606060606060913054093930;0.018333333333333333425851918719;0.018030303030303031913694766786;0.014848484848484848688809911721
-0.022272727272727273900576605570;0.043787878787878785347142951423;0.029696969696969697377619823442;0.014999999999999999444888487687;0.028484848484848484390097311802;0.021060606060606060913054093930;0.008636363636363636464565729511;0.030606060606060605383538231195;0.026818181818181817399615596287;0.014696969696969696198007859778;0.014696969696969696198007859778;0.015303030303030302691769115597;0.016969696969696971416974307090;0.019242424242424241431770326471;0.039696969696969695851063164582;0.011515151515151514707846480690;0.021666666666666667406815349750;0.052727272727272726793312784821;0.027121212121212122381219700173;0.006818181818181817850643700041;0.016515151515151513944568151260;0.014393939393939394685850707845;0.016060606060606059941608947383;0.020454545454545454419292838111;0.020303030303030301928490786167;0.019696969696969695434729530348;0.028939393939393938393056515679;0.076818181818181813236279253942;0.001969696969696969803681474431;0.026363636363636363396656392410;0.011515151515151514707846480690;0.010909090909090909948808700847;0.013181818181818181698328196205;0.004545454545454545233762466694;0.022121212121212121409774553626;0.029545454545454544886817771498;0.012878787878787878451447568295;0.006060606060606060600803868255;0.004393939393939393610322152739;0.016212121212121212432410999327;0.010454545454545454211126020994;0.048484848484848484806430946037;0.000000000000000000000000000000;0.010909090909090909948808700847;0.018484848484848485916653970662;0.010303030303030303455047445027;0.015303030303030302691769115597;0.014545454545454545441929283811;0.023333333333333334397297065266;0.008484848484848485708487153545
-0.018212197159565578913342775991;0.028404344193817876451646498026;0.035087719298245612087328026973;0.008020050125313283109762529932;0.044778613199665834310181367073;0.031077694235588971399808499996;0.003842940685045948337461574340;0.033583959899749375732636025305;0.043609022556390979186158318726;0.007852965747702589024981101318;0.014536340852130326395386106242;0.039097744360902256244294505905;0.015538847117794485699904249998;0.017710944026733500128445442101;0.033082706766917290008844787508;0.012197159565580617882063485524;0.022222222222222223070309254922;0.040935672514619880768549364802;0.037259816207184624781145743100;0.005513784461152882246381956577;0.020384294068504595076607444071;0.016875522138680033173985250983;0.015037593984962405180283440131;0.013032581453634084836523676643;0.027568922305764409497186306908;0.016040100250626566219525059864;0.028571428571428570536427926640;0.041604010025062657107675079260;0.000835421888053466954460191118;0.060985797827903087675593951644;0.020217209690893900991826015456;0.007351712614870509372722029440;0.018045112781954888298008299330;0.004511278195488722074502074832;0.017209690893901421343548108212;0.020384294068504595076607444071;0.012698412698412698401684295391;0.002172096908939013994860323109;0.004511278195488722074502074832;0.011862990810359231447224104272;0.012364243943191311966844914139;0.038596491228070177459397172015;0.000000000000000000000000000000;0.005346700083542189028962265951;0.022556390977443607770425160197;0.007017543859649122937882648188;0.014035087719298245875765296375;0.013533834586466165356144486509;0.024561403508771929848908399663;0.009523809523809524668624959531
-0.029513343799058084498954102060;0.012715855572998429820485988273;0.045682888540031399426943892195;0.009733124018838305163692226074;0.020251177394034536316524963695;0.032496075353218210890471340235;0.006279434850863422658273638177;0.025431711145996859640971976546;0.045368916797488223480172564450;0.018053375196232339383595189020;0.018210361067503923887533900938;0.029827315541601256976278477850;0.016483516483516483935867213972;0.031711145996860284901330828689;0.011930926216640502096622000749;0.018838304552590265372735700566;0.021507064364207222756375514905;0.037990580847723706692242728877;0.022605965463108321222840402243;0.007692307692307692734701163317;0.017268445839874409925007725519;0.022135007849293564241577314533;0.014442700156985871506876151216;0.026844583987441130584761239675;0.036106750392464678767190378039;0.025588697017268444144910688465;0.029513343799058084498954102060;0.009262166405023548182429138365;0.001569858712715855664568409544;0.041444270015698586595576102809;0.019780219780219779335261875985;0.014756671899529042249477051030;0.012401883830455259077885088459;0.006122448979591836419611450282;0.014285714285714285268213963320;0.031554160125588696927945164816;0.016483516483516483935867213972;0.008791208791208791201166050655;0.004395604395604395600583025328;0.014128728414442700764275251402;0.006907378335949764143475437805;0.028571428571428570536427926640;0.000000000000000000000000000000;0.011773940345368917592683288831;0.010361067503924646648894025702;0.014442700156985871506876151216;0.027158555729984303062085615466;0.023233908948194662708042201871;0.031397174254317108954559500944;0.016954474097331240917130301682
-0.033988473474213090619322485963;0.012856509531550170538638511175;0.052017142012708732223824625862;0.000886655829762080633336951418;0.009753214127382886858286248355;0.036057337076991283209004279797;0.003398847347421309148668422395;0.020836411999408895046048684208;0.037535096793261418790521588562;0.022166395744052016375524871705;0.020097532141273827255290029825;0.026451898921235405398588724779;0.012117629673415102747879856793;0.035466233190483226200839794728;0.009605438155755874340968603065;0.017437564651987588065784606783;0.025565243091473326825235901083;0.040638392197428700736150375405;0.015812028964090438232226176751;0.011526525786907049209162323677;0.016550908822225506022984831134;0.025713019063100341077277022350;0.009605438155755874340968603065;0.029702970297029701596258632890;0.038273976651396479642386339037;0.033249593616078022828563831581;0.026895226836116448154712088581;0.015664252992463423980185055484;0.000738879858135067248657568140;0.036943992906753361782357103493;0.016550908822225506022984831134;0.016994236737106545309661242982;0.011378749815280034957121202410;0.009309886212501847571609836507;0.016550908822225506022984831134;0.035170681247229197696757552194;0.013743165361312250846714810848;0.009309886212501847571609836507;0.006354366779961578143298694954;0.015664252992463423980185055484;0.005172159006945471065863628723;0.024826363233338259034477246701;0.000000000000000000000000000000;0.017289788680360573813743485516;0.008127678439485738759451294300;0.013152061474804197307997277733;0.031476281956553865681858184189;0.025713019063100341077277022350;0.029850746268656715848299754157;0.015812028964090438232226176751
-0.026884226884226883336204139141;0.013986013986013986001855080588;0.040093240093240091470594421708;0.011499611499611499601525288483;0.034188034188034191473981593390;0.020668220668220667335379658880;0.003574203574203574200474076150;0.023465423465423466270474150974;0.030924630924630925471463527288;0.021445221445221446937567932878;0.016006216006216007069484774661;0.027505827505827504936286587167;0.012587412587412588269031310517;0.036052836052836052804781985515;0.021445221445221446937567932878;0.025485625485625485603380369071;0.021911421911421910535544554932;0.033255633255633257339134445374;0.021600621600621601470226806896;0.007925407925407926268412950321;0.014296814296814296801896304601;0.017871017871017871869732118739;0.008080808080808080801071824339;0.037606837606837605070264629603;0.029681429681429682271298631235;0.033255633255633257339134445374;0.026728826728826728803545265123;0.025951825951825952670803943079;0.002175602175602175600288568091;0.030769230769230770938804653269;0.027661227661227662938392413139;0.017871017871017871869732118739;0.011188811188811188801484064470;0.007925407925407926268412950321;0.014141414141414142269237430583;0.036363636363636361870099733551;0.011499611499611499601525288483;0.010722610722610723468783966439;0.003729603729603729600494688157;0.014452214452214453069278654596;0.005128205128205128200680196215;0.020979020979020979870144358870;0.000000000000000000000000000000;0.017560217560217559334967418749;0.015540015540015540002061200653;0.015229215229215229202019976640;0.032323232323232323204287297358;0.024864024864024864003297921045;0.019114219114219115069897014791;0.016783216783216783202226096705
-0.016430412371134021226604104982;0.057023195876288658434649647688;0.022712628865979380549111610321;0.018846649484536081436969467973;0.028994845360824743341066067615;0.028189432989690722114461962633;0.005637886597938144249420044929;0.041398195876288658434649647688;0.028511597938144329217324823844;0.011597938144329897336426427046;0.015141752577319587610982232206;0.019813144329896906215005003560;0.013530927835051546892497498220;0.016752577319587628329466966193;0.056862113402061854883218217083;0.013208762886597938054911161032;0.014175257731958762832946696619;0.046552835051546392897137138789;0.032055412371134017757157153028;0.004027061855670102663573572954;0.018363402061855670782675176156;0.009342783505154638942769018684;0.008859536082474226553751250890;0.013369845360824741606342591638;0.021423969072164948668213213523;0.016108247422680410654294291817;0.029961340206185568119101603202;0.084890463917525776915695701064;0.000805412371134020576082801490;0.046875000000000000000000000000;0.018041237113402060210365362991;0.007087628865979381416473348310;0.011759020618556700887857857651;0.002738402061855669915313438167;0.010792525773195876109822322064;0.022229381443298969894817318504;0.010309278350515463720804554271;0.006282216494845361057230981316;0.003060567010309278319218906361;0.006765463917525773446248749110;0.013853092783505153995360359431;0.042203608247422683130700704623;0.000000000000000000000000000000;0.007893041237113401775715715303;0.028994845360824743341066067615;0.006282216494845361057230981316;0.015302835051546391162413662812;0.015302835051546391162413662812;0.019813144329896906215005003560;0.009826030927835051331786786477
-0.025383395029085140115476804112;0.036664903930900757944577605940;0.041953111228626827067245130820;0.034197073858628593279185281517;0.031552970209765558717851519077;0.019213819848404724982549041101;0.006874669487043892114608301114;0.028380045831129914468693442586;0.029437687290675126905448166781;0.016040895469769080733390964610;0.014454433280451260343535402342;0.020271461307949937419303765296;0.009695046712497797439245239559;0.025559668605676010011418242129;0.039837828309536402193735682431;0.016922263352723426743651202742;0.019390093424995594878490479118;0.035607262471355545507822881746;0.024854574299312533897099442015;0.007050943063634761143188001142;0.016040895469769080733390964610;0.017979904812268642649852878890;0.007403490216816499200347401199;0.026088489335448616229795604227;0.026793583641812092344114404341;0.026264762912039486125737042244;0.027322404371584698562491766438;0.053763440860215054584170246699;0.000881367882954345142898500143;0.034373347435219463175126719534;0.012162876784769963839361039959;0.016393442622950820525273840644;0.013220518244315178010839240130;0.005111933721135201828811300828;0.013396791820906046172057202170;0.031729243786356428613792957094;0.008637405252952583267767039388;0.010752688172043011610723439730;0.004230565838180856685912800685;0.008813678829543451428985001428;0.009518773135906927543303801542;0.027498677948175568458433204455;0.000000000000000000000000000000;0.011810329631588225782201639902;0.022034197073858629439824241558;0.012162876784769963839361039959;0.023091838533403841876578965753;0.018861272695222985190666165067;0.019742640578177331200926403199;0.010576414595452141714782001714
-0.022095405326309627142000735489;0.046824700029265434175762550240;0.037606087211003801085151820871;0.011413520632133449667078295420;0.022827041264266899334156590839;0.017266608135791630673772090176;0.007023705004389815646781425329;0.031314018144571263702058416811;0.019022534386889083934946143017;0.016681299385425812920047405896;0.013608428446005267978269337448;0.015071700321919812362581048149;0.012584138132865086909251139957;0.023412350014632717087881275120;0.059116183786947613942874824033;0.012291483757682178032388797817;0.019461515949663447250239656228;0.041995902838747441176980856881;0.024729294702955810503208766704;0.007901668129938543144730189738;0.012291483757682178032388797817;0.016681299385425812920047405896;0.010242903131401814159628926859;0.020485806262803628319257853718;0.022680714076675444895725419769;0.025314603453321628256933450984;0.031899326894937081455783101092;0.088966930055604326321727626237;0.001170617500731635941130237555;0.028533801580333625902419214526;0.009511267193444541967473071509;0.012584138132865086909251139957;0.010389230318993268598060097929;0.004975124378109452641383292359;0.016973953760608721796909748036;0.029558091893473806971437412017;0.009364940005853087529041900439;0.007023705004389815646781425329;0.002341235001463271882260475110;0.013462101258413813539838166378;0.010535557506584723036491268999;0.026777875329236172641245161685;0.000000000000000000000000000000;0.014340064383962540170425192798;0.024729294702955810503208766704;0.012145156570090723593957626747;0.023851331577407083872621740284;0.019168861574480538373377314088;0.020485806262803628319257853718;0.011267193444541995228647124350
-0.013898788310762652184471299677;0.052565930149679258864825470710;0.042587312900926585501615306839;0.005345687811831789301719730645;0.017640769779044902093589897163;0.018531717747683536245961732902;0.007662152530292231332464947258;0.034746970776906631328539987180;0.058624376336421951672051022797;0.009978617248752673363210163870;0.010869565217391304046135047656;0.019422665716322166928886616688;0.009087669280114040945561804108;0.015324305060584462664929894515;0.027797576621525304368942599353;0.006058446186742694541949028064;0.029044903777619385937258655872;0.089272986457590880471357763781;0.024590163934426229053187284990;0.011404133998574483843668758709;0.015324305060584462664929894515;0.028688524590163935051867483139;0.014967925873129010044815245806;0.018531717747683536245961732902;0.013186029935851746944242002257;0.016215253029223095082578254278;0.030826799714896650772555375397;0.040092658588738415426089289895;0.002494654312188168340802540968;0.023699215965787598370262401204;0.007127583749109052402292974193;0.012116892373485389083898056128;0.010513186029935851426020398947;0.005702066999287241921834379355;0.013898788310762652184471299677;0.033677833214540271733472565074;0.013364219529579472386937588624;0.004811119030648610371547757580;0.007840342124019957642522271613;0.013007840342124019766822939914;0.014789736279401282867396183462;0.071988595866001425793712087398;0.000000000000000000000000000000;0.007483962936564505022407622903;0.013186029935851746944242002257;0.009444048467569493565676452818;0.017997148966500356448428021849;0.007483962936564505022407622903;0.019779044903777617814277789421;0.007305773342836778712350298548
-0.024077277970011533997363173398;0.023644752018454440883887812674;0.047433679354094579472267412257;0.011966551326412918146435693245;0.018886966551326413166211892758;0.026239907727796999564739977018;0.006199538638985005629955526985;0.028258362168396770897071945683;0.044261822376009229973448100282;0.016724336793540944129388137185;0.017301038062283738416802236770;0.028546712802768166306055519499;0.013696655132641292335060612118;0.027681660899653980079104798051;0.020184544405997692506637974930;0.012254901960784313555419267061;0.022635524798154556952445304319;0.046424452133794695540824903901;0.025663206459054208746772829386;0.007208765859284890428759773329;0.016724336793540944129388137185;0.022058823529411766134478156687;0.013264129181084199221585251394;0.024798154555940022519822107938;0.030853517877739329577924110026;0.022779700115340254656937091227;0.030420991926182236464448749302;0.029123414071510957124022667131;0.000576701268742791251648016626;0.031862745098039213509366618382;0.025663206459054208746772829386;0.011101499423298731919484971797;0.013264129181084199221585251394;0.006199538638985005629955526985;0.013552479815455594630568825210;0.025807381776239906451264616294;0.012975778546712802077878201601;0.007064590542099192724267986421;0.013696655132641292335060612118;0.017733564013840831530277597494;0.008362168396770472064694068592;0.035899653979238756174030555712;0.000000000000000000000000000000;0.012543252595155708964402840877;0.014705882352941176266503120473;0.010668973471741637071286135097;0.022347174163783161543461730503;0.017733564013840831530277597494;0.026960784313725491556645863511;0.011966551326412918146435693245
-0.024640342822161005048586801536;0.023262932353841445781705843387;0.033516988062442611140401282910;0.063666972757881842848171061178;0.046066727884909702828153399423;0.025252525252525252069668582067;0.004591368227731863933815947831;0.024028160391796754558058069051;0.033210896847260480690966488737;0.012090602999693908156664257092;0.012855831037649218667739958732;0.047291092745638196870316960485;0.010407101316192225379242408678;0.019130700948882767981062968943;0.032904805632078357180425598472;0.014233241505968777934620916881;0.018518518518518517490534236458;0.033057851239669422405142995558;0.027701254973982247092889608098;0.007346189164370982467577864128;0.014845423936333026690426173388;0.018365472910927455735263791325;0.007193143556779920712307418995;0.018977655341291706225792523810;0.024946434037343128559127691801;0.021732476277930824759554440107;0.022038567493112948270095330372;0.047597183960820327319751754658;0.001224364860728497077929644021;0.032904805632078357180425598472;0.039179675543311906493748608682;0.011784511784511784646123366826;0.011019283746556474135047665186;0.006427915518824609333869979366;0.011937557392102846401393811959;0.022038567493112948270095330372;0.009488827670645853112896261905;0.005815733088460361445426460847;0.009488827670645853112896261905;0.011478420569329659400859000584;0.007346189164370982467577864128;0.024181205999387816313328514184;0.000000000000000000000000000000;0.010254055708601163623971963546;0.023262932353841445781705843387;0.010407101316192225379242408678;0.019436792164064891491603859208;0.015763697581879398956772320162;0.018518518518518517490534236458;0.008570554025099479111826639155
-0.032055412371134017757157153028;0.027545103092783504439289288257;0.041559278350515461986081078294;0.004188144329896907082366741548;0.010953608247422679661253752670;0.041559278350515461986081078294;0.005154639175257731860402277135;0.026256443298969072558390891459;0.040753865979381444228923925266;0.017396907216494846004639640569;0.015302835051546391162413662812;0.039948453608247419532872868331;0.015463917525773196448568569394;0.025451030927835051331786786477;0.018524484536082474334106606761;0.022712628865979380549111610321;0.025934278350515465455528030247;0.048646907216494846004639640569;0.015786082474226803551431430606;0.009020618556701030105182681496;0.013208762886597938054911161032;0.016591494845360824778035535587;0.009181701030927835391337588078;0.017557989690721649556071071174;0.042364690721649486682132135229;0.026900773195876290233563565835;0.024162371134020619450888389679;0.035277061855670102663573572954;0.001449742268041237167053303381;0.033505154639175256658933932385;0.023034793814432991121421423486;0.014497422680412371670533033807;0.008376288659793814164733483096;0.005960051546391752219644644128;0.017074742268041235432329827404;0.031411082474226803551431430606;0.010953608247422679661253752670;0.009826030927835051331786786477;0.004188144329896907082366741548;0.008376288659793814164733483096;0.005960051546391752219644644128;0.048324742268041238901776779358;0.000000000000000000000000000000;0.013369845360824741606342591638;0.009826030927835051331786786477;0.009342783505154638942769018684;0.021423969072164948668213213523;0.018202319587628867231243745550;0.018685567010309277885538037367;0.016752577319587628329466966193
-0.026304122949608394615994555465;0.015812028964090438232226176751;0.056154869218265110464294309622;0.002364415546032215022231870449;0.015664252992463423980185055484;0.026599674892862419650629846046;0.003398847347421309148668422395;0.022461947687306044879607114240;0.041377272055563768526909029788;0.023644155460322151957042180470;0.014334269247820304385432343963;0.023939707403576176991677471051;0.014038717304566277616073577406;0.035318457218856215418245625415;0.009605438155755874340968603065;0.017289788680360573813743485516;0.025565243091473326825235901083;0.046253879119255207619243464023;0.013743165361312250846714810848;0.009605438155755874340968603065;0.014777597162701345406832231788;0.028668538495640608770864687926;0.012856509531550170538638511175;0.025713019063100341077277022350;0.028372986552386580266782445392;0.027190778779370473189347379162;0.030441850155164769387017287272;0.016255356878971477518902588599;0.003398847347421309148668422395;0.034431801389094129905998897812;0.012265405645042116999920978060;0.019210876311511748681937206129;0.009605438155755874340968603065;0.007979902467858726242133649009;0.024974139204965273286518367968;0.043002807743460914891020507866;0.013743165361312250846714810848;0.007241022609723659318736732615;0.009605438155755874340968603065;0.020245308112900841507331151092;0.007388798581350672703416115894;0.027929658637505540980106033544;0.000000000000000000000000000000;0.013447613418058224077356044290;0.007832126496231711990092527742;0.016255356878971477518902588599;0.029111866410521648057541099774;0.021427515885916948584766217323;0.029555194325402690813664463576;0.013595389389685236594673689581
-0.024647887323943660359271135007;0.022952529994783515271405960334;0.047600417318727175630677095342;0.005738132498695878817851490084;0.032342201356285862900996619373;0.028038601982263954004448436308;0.004694835680751173814795329520;0.031950965049556599717472948896;0.026473656755346897800906802445;0.019431403234220136211352070177;0.017083985393844550171316143405;0.023213354199269693040053041955;0.015127803860198225580080411135;0.031168492436098069880978655988;0.020605112154407929231370033563;0.015127803860198225580080411135;0.018257694314032343191334106791;0.044209702660406885454946745995;0.024387063119457486060071005340;0.010824204486176316683532228069;0.015779864371413668266974639209;0.018779342723004695259181318079;0.014345331246739697478309594203;0.022952529994783515271405960334;0.027516953573291601936601225020;0.025691184141888367964412509536;0.027516953573291601936601225020;0.036776212832550864151315295203;0.000912884715701617094514574990;0.046296296296296293726335591145;0.009911319770474699697437870327;0.013823682837767345410462382915;0.012910798122065728424368025173;0.008085550339071465725249154843;0.016040688575899842566174768876;0.030646844027125717813131444700;0.012258737610850287472197273075;0.006781429316640583820907650647;0.002347417840375586907397664760;0.019040166927490869558381447746;0.007042253521126760722192994280;0.030777256129368806697454985510;0.000000000000000000000000000000;0.013823682837767345410462382915;0.013432446531038080492215236461;0.015127803860198225580080411135;0.025821596244131456848736050347;0.019953051643192488279199281465;0.026343244653103808916583261635;0.015388628064684403348727492755
-0.014102564102564102768710974090;0.063369963369963366872639198846;0.022710622710622709735650559537;0.033516483516483515370243395637;0.032783882783882785372231438714;0.014835164835164834501446406989;0.004945054945054944833815468996;0.042857142857142857539365365938;0.021611721611721611269185672199;0.009157509157509157934895505093;0.014285714285714285268213963320;0.013186813186813186801749075983;0.010989010989010989868819301307;0.011172161172161172368322290538;0.063369963369963366872639198846;0.005128205128205128200680196215;0.016483516483516483935867213972;0.049450549450549448338154689964;0.039743589743589741170026741202;0.005128205128205128200680196215;0.016483516483516483935867213972;0.007875457875457875234204152548;0.007692307692307692734701163317;0.013736263736263736034981519651;0.014468864468864469502440428528;0.013186813186813186801749075983;0.029487179487179486503389824748;0.151831501831501819443914769181;0.001098901098901098900145756332;0.020879120879120877801726763323;0.005860805860805860800777367103;0.010622710622710623135089846869;0.011721611721611721601554734207;0.002564102564102564100340098108;0.015750915750915750468408305096;0.019780219780219779335261875985;0.010622710622710623135089846869;0.004945054945054944833815468996;0.000000000000000000000000000000;0.007875457875457875234204152548;0.015934065934065932967911294327;0.043223443223443222538371344399;0.000000000000000000000000000000;0.005128205128205128200680196215;0.030769230769230770938804653269;0.006776556776556776767739265210;0.008791208791208791201166050655;0.006959706959706960134603992429;0.017216117216117217403326122849;0.009890109890109889667630937993
-0.020722135007849293297788051404;0.035792778649921509759312954202;0.030141287284144425984155901688;0.044113029827315540509768965194;0.040502354788069072633049927390;0.023233908948194662708042201871;0.009262166405023548182429138365;0.034222919937205650842138027201;0.032967032967032967871734427945;0.011930926216640502096622000749;0.011930926216640502096622000749;0.024803767660910518155770176918;0.007064364207221350382137625701;0.017268445839874409925007725519;0.048351648351648353341136754580;0.016169544740973311458542838182;0.019466248037676610327384452148;0.038304552590266875700120152715;0.029827315541601256976278477850;0.006436420722135008029574088084;0.017582417582417582402332101310;0.016483516483516483935867213972;0.009576138147566718925030038179;0.018838304552590265372735700566;0.022135007849293564241577314533;0.020408163265306120820463675614;0.025745682888540032118296352337;0.078021978021978022344029568558;0.001255886970172684488286640736;0.034065934065934062868752363329;0.017268445839874409925007725519;0.009733124018838305163692226074;0.010361067503924646648894025702;0.003453689167974882071737718903;0.011930926216640502096622000749;0.022919937205651490230717826080;0.007221350078492935753438075608;0.007378335949764521124738525515;0.005023547880690737953146562944;0.010361067503924646648894025702;0.014442700156985871506876151216;0.027472527472527472069963039303;0.000000000000000000000000000000;0.008477237048665620458565150841;0.027629513343799056573901751221;0.010675039246467817391494925516;0.016326530612244899431928502054;0.016326530612244899431928502054;0.016640502354788068439805925891;0.009733124018838305163692226074
-0.025462962962962961549484575130;0.016038359788359789204204020052;0.044312169312169309709492637239;0.012566137566137565440005374739;0.025958994708994709288418789583;0.029761904761904760252644308594;0.005952380952380952050528861719;0.020833333333333332176851016015;0.084986772486772485524220144271;0.013888888888888888117900677344;0.011739417989417988766320810612;0.030092592592592590922118134245;0.014219576719576718787374502995;0.022817460317460316193693969922;0.016038359788359789204204020052;0.024305555555555555941049661328;0.023148148148148146863167795573;0.033564814814814818155763731511;0.018022486772486773221046973958;0.008267195767195766736845641276;0.011739417989417988766320810612;0.036706349206349207781041599219;0.010416666666666666088425508008;0.017526455026455025482112759505;0.034226190476190479494711382813;0.022652116402116402593680533073;0.021164021164021162846324841667;0.022321428571428571924206707422;0.001157407407407407343158389779;0.050099206349206351629455014063;0.038525132275132274728424164323;0.010747354497354496757899333659;0.005456349206349206046318123242;0.006944444444444444058950338672;0.014219576719576718787374502995;0.024636243386243386610523486979;0.008101851851851851402108728450;0.011408730158730158096846984961;0.011739417989417988766320810612;0.011574074074074073431583897786;0.007109788359788359393687251497;0.041832010582010581423162420833;0.000000000000000000000000000000;0.011408730158730158096846984961;0.013062169312169311444216113216;0.009093915343915343410530205404;0.021990740740740741254732881771;0.013723544973544972783163764518;0.015211640211640210795795979948;0.013227513227513226778953026042
-0.030927835051546392897137138789;0.018846649484536081436969467973;0.038176546391752580467127131669;0.030927835051546392897137138789;0.041559278350515461986081078294;0.039304123711340205327147145908;0.006765463917525773446248749110;0.022873711340206184100543040927;0.037371134020618555771076074734;0.015141752577319587610982232206;0.015463917525773196448568569394;0.034632731958762888457847850532;0.014497422680412371670533033807;0.022551546391752576997680179716;0.022873711340206184100543040927;0.019652061855670102663573572954;0.024484536082474226553751250890;0.033021907216494846004639640569;0.025773195876288658434649647688;0.006443298969072164608662411922;0.018041237113402060210365362991;0.020135309278350516787314816725;0.003704896907216494693348973755;0.023195876288659794672852854092;0.036243556701030930911056060495;0.025451030927835051331786786477;0.027706185567010307990720718863;0.026256443298969072558390891459;0.002094072164948453541183370774;0.037693298969072162873938935945;0.017074742268041235432329827404;0.013853092783505153995360359431;0.010148195876288660169373123665;0.004349226804123711501159910142;0.013853092783505153995360359431;0.024001288659793815899456959073;0.010470360824742267272235984876;0.008859536082474226553751250890;0.002577319587628865930201138568;0.008537371134020617716164913702;0.006604381443298969027455580516;0.033988402061855667313228224202;0.000000000000000000000000000000;0.013530927835051546892497498220;0.016752577319587628329466966193;0.014497422680412371670533033807;0.023679123711340205327147145908;0.020457474226804123890177677936;0.018846649484536081436969467973;0.016108247422680410654294291817
-0.032210242587601078945169774670;0.021428571428571428769682682969;0.037466307277628028982174868133;0.013342318059299191138067364193;0.026280323450134771001707179039;0.034636118598382746591735070751;0.005795148247978436362171095197;0.034231805929919138786754473358;0.018328840970350403216659884720;0.014150943396226415421645938864;0.022641509433962262592965331010;0.034501347708894881949337474225;0.016981132075471697812085736246;0.025741239892183288145988129259;0.029245283018867924973438476854;0.017924528301886791942232335373;0.016037735849056603681939137118;0.035983827493261455465756171179;0.034501347708894881949337474225;0.004986522911051212945954258515;0.017789757412398920360940834939;0.009029649595687331761761917903;0.010242587601078167319768041921;0.020619946091644206220827584275;0.046765498652291105641243262880;0.028975741239892181810855475987;0.034097035040431267205462972925;0.027897574123989219568864328380;0.001617250673854447482954976856;0.042318059299191371214199364204;0.015633423180592992407511587771;0.012129380053908355580061240175;0.015363881401617250979652062881;0.004716981132075471518094733625;0.016442048517520214956366686465;0.027897574123989219568864328380;0.012264150943396227161352740609;0.008086253369272237631615318776;0.000943396226415094346987033624;0.011455525606469002877774165938;0.008086253369272237631615318776;0.026415094339622642582998679472;0.000000000000000000000000000000;0.009973045822102425891908517031;0.026010781671159031308571130126;0.010646900269541778594195591268;0.019272237196765497346806483847;0.019946091644204851783817034061;0.023989218328840971466986431437;0.014959568733153637970501037557
-0.019715956558061822206928681567;0.027736006683375103581967735522;0.049289891395154550313151275986;0.003341687552213867817840764474;0.026232247284878863757828781900;0.025062656641604008633805733552;0.004845446950710108509341456084;0.033416875522138678178407644737;0.049791144527986636036942513783;0.016708437761069339089203822368;0.016040100250626566219525059864;0.013366750208855471271363057895;0.012531328320802004316902866776;0.022890559732664995939988017426;0.020050125313283206907044586842;0.012364243943191311966844914139;0.024060150375939851064011065773;0.068337510442773599650401195049;0.030075187969924810360566880263;0.009857978279030911103464340783;0.020718462823725983246170301300;0.020718462823725983246170301300;0.017376775271512111958882584872;0.018546365914786967082905633220;0.023224728487886384109550874655;0.022890559732664995939988017426;0.033082706766917290008844787508;0.038262322472848789289834314786;0.001336675020885547257240566488;0.038930659983291565628960029244;0.006349206349206349200842147695;0.009857978279030911103464340783;0.015538847117794485699904249998;0.003675856307435254686361014720;0.010526315789473683973143103287;0.034419381787802842687096216423;0.019381787802840434037365824338;0.004010025062656641554881264966;0.004010025062656641554881264966;0.013032581453634084836523676643;0.009189640768588136499062102303;0.049289891395154550313151275986;0.000000000000000000000000000000;0.011194653299916458577545341768;0.011027568922305764492763913154;0.011361737677527150927603294406;0.017376775271512111958882584872;0.012698412698412698401684295391;0.027067669172932330712288973018;0.009189640768588136499062102303
-0.022058823529411766134478156687;0.031092436974789916526162869559;0.047689075630252097948158507279;0.018907563025210082779947740050;0.022478991596638655398043837863;0.017857142857142856151586585156;0.003781512605042016816198069407;0.022899159663865544661609519039;0.045378151260504200059653356902;0.016386554621848740259659749086;0.017016806722689074155008270850;0.010294117647058823386552184331;0.013865546218487394269924806167;0.027941176470588236641079404876;0.017016806722689074155008270850;0.014075630252100840636431122732;0.024579831932773108654766147652;0.053151260504201679191194074292;0.019327731092436975512960373180;0.010294117647058823386552184331;0.018067226890756304252816377698;0.024579831932773108654766147652;0.015126050420168067264792277626;0.024789915966386553286548988240;0.022689075630252100029826678451;0.020798319327731091404887209251;0.030462184873949579161367395841;0.047058823529411764052809985515;0.001260504201680672344346167968;0.018067226890756304252816377698;0.010294117647058823386552184331;0.012394957983193276643274494120;0.010924369747899159016624182073;0.006092436974789916005745826766;0.017226890756302522256238063392;0.039285714285714284921269268125;0.016806722689075629523225430262;0.005252100840336134876529250448;0.010714285714285714384841341484;0.016176470588235295627876908497;0.006512605042016807004034983919;0.047689075630252097948158507279;0.000000000000000000000000000000;0.013865546218487394269924806167;0.012394957983193276643274494120;0.012394957983193276643274494120;0.023949579831932774759417625887;0.016806722689075629523225430262;0.031722689075630250421511391323;0.010504201680672269753058500896
-0.030303030303030303871381079261;0.010713192531374348889783298944;0.055708601163146617696320106461;0.002907866544230180722713230423;0.013008876645240282157733879842;0.037955310682583412451585047620;0.006887052341597796334404790741;0.018977655341291706225792523810;0.038720538720538717758490321330;0.023569023569023569292246733653;0.018212427303336393979993346193;0.038414447505356594247949431065;0.011019283746556474135047665186;0.030456075910621365626651524394;0.009335782063054789622902340795;0.023875114784205692802787623918;0.027395163758800123582348717832;0.035812672176308540938904911854;0.011631466176920722890852921694;0.008570554025099479111826639155;0.015457606366697275446231429896;0.025252525252525252069668582067;0.010713192531374348889783298944;0.032445668809305175384061215027;0.037190082644628100205785870003;0.029078665442301806359770566246;0.025864707682889502560197314551;0.011784511784511784646123366826;0.003367003367003366855886303810;0.031374349556167739627721147144;0.037190082644628100205785870003;0.017753290480563208714182010795;0.007499234771962045090210047249;0.007040097949188858089675235874;0.018212427303336393979993346193;0.034129170492806858161483063441;0.011172329354147535890318110319;0.011631466176920722890852921694;0.006121824303642485823329089101;0.014386287113559841424614837990;0.005662687480869298822794277726;0.028466483011937555869241833761;0.000000000000000000000000000000;0.018518518518518517490534236458;0.005815733088460361445426460847;0.016988062442607896468382833177;0.028619528619528621093959230848;0.020355065809611265492673481958;0.021885521885521886514824885239;0.012549739822467095157199068467
-0.033666237113402060210365362991;0.005798969072164948668213213523;0.059117268041237111542152149468;0.000483247422680412389017767794;0.009987113402061854883218217083;0.031411082474226803551431430606;0.004349226804123711501159910142;0.010470360824742267272235984876;0.075225515463917522196446441285;0.022712628865979380549111610321;0.014819587628865978773395895018;0.026417525773195876109822322064;0.015463917525773196448568569394;0.031411082474226803551431430606;0.007409793814432989386697947509;0.023840206185567008878578576514;0.025612113402061854883218217083;0.033344072164948453107502501780;0.009826030927835051331786786477;0.011920103092783504439289288257;0.009181701030927835391337588078;0.058634020618556700887857857651;0.010631443298969072558390891459;0.022229381443298969894817318504;0.038498711340206187569989992880;0.027545103092783504439289288257;0.020296391752577320338746247330;0.008698453608247423002319820284;0.001449742268041237167053303381;0.024001288659793815899456959073;0.025934278350515465455528030247;0.011275773195876288498840089858;0.008215206185567010613302052491;0.008376288659793814164733483096;0.019168814432989692009279281137;0.030122422680412371670533033807;0.007570876288659793805491116103;0.011114690721649484947408659252;0.020618556701030927441609108541;0.020135309278350516787314816725;0.004188144329896907082366741548;0.038820876288659794672852854092;0.000000000000000000000000000000;0.014175257731958762832946696619;0.007731958762886598224284284697;0.009503865979381442494200449289;0.024806701030927833656614112101;0.022229381443298969894817318504;0.024162371134020619450888389679;0.017396907216494846004639640569
-0.016403132850598491770943709867;0.038273976651396479642386339037;0.036500664991872322495680691645;0.014482045219447318637473465230;0.025713019063100341077277022350;0.018324220481749666639137430479;0.005024383035318456813822507456;0.028964090438894637274946930461;0.099453228904980053859397060023;0.010196542042263927879686136180;0.011674301758534061726479968968;0.016994236737106545309661242982;0.008127678439485738759451294300;0.013299837446431209825314923023;0.035466233190483226200839794728;0.009900990099009901110327369622;0.027338554750997487441388500429;0.041968375942071818596179610950;0.022314171715679030627565992972;0.005763262893453524604581161839;0.011526525786907049209162323677;0.028668538495640608770864687926;0.005467710950199497835222395281;0.013595389389685236594673689581;0.019063100339884734429896084862;0.012856509531550170538638511175;0.023348603517068123452959937936;0.090734446578986258091781280655;0.000886655829762080633336951418;0.020984187971035909298089805475;0.017437564651987588065784606783;0.010048766070636913627645014913;0.010048766070636913627645014913;0.003251071375794295763989039116;0.008127678439485738759451294300;0.024974139204965273286518367968;0.007684350524604699472774882452;0.006649918723215604912657461512;0.010639869957144968901086024005;0.007093246638096645066695611348;0.007832126496231711990092527742;0.097679917245455882834903604817;0.000000000000000000000000000000;0.005615486921826511219901778560;0.015368701049209398945549764903;0.005763262893453524604581161839;0.012708733559923156286597389908;0.011083197872026008187762435853;0.013890941332939263364032456138;0.010787645928771981418403669295
-0.019230769230769231836752908293;0.033026755852842808180991340805;0.045847268673355631718457914303;0.004598662207357859937895128155;0.016164994425863991878156156190;0.020484949832775919964511501803;0.005156075808249721038889479274;0.030936454849498327968060351623;0.050167224080267559804813259916;0.016025641025641024217662788942;0.014771460423634336089904195433;0.013377926421404682036375710652;0.010172798216276477886732543254;0.024526198439241916199327064874;0.029264214046822743797715560277;0.012681159420289855876973206250;0.027870680044593088009463599519;0.053790412486064656527595673197;0.026059085841694536178625440925;0.007246376811594202986543944434;0.012959866220735785993789512816;0.021181716833890747858637482182;0.011008918617614269971904938927;0.023132664437012263880522056070;0.023550724637681159923108253906;0.023829431438127091774648036449;0.027731326644370123818417184225;0.067586399108138239810728009616;0.000975473801560758119362504193;0.022853957636566332028982273528;0.006549609810479375959779702043;0.018255295429208472091087145373;0.012820512820512820068019621544;0.003205128205128205017004905386;0.014074693422519509930501691031;0.034698996655518392351336132151;0.014074693422519509930501691031;0.003623188405797101493271972217;0.005434782608695652023067523828;0.016164994425863991878156156190;0.009197324414715719875790256310;0.066889632107023408447155077283;0.000000000000000000000000000000;0.011148272017837235897674830198;0.011566332218506131940261028035;0.010451505016722408003548849820;0.019091415830546264176259541046;0.014632107023411371898857780138;0.023690078037904124114154669201;0.008221850613154960130124493389
-0.022841425496292751956550759473;0.026548672566371681047492359085;0.052977756517579528694472656980;0.000956708921310691273384718691;0.007653671370485530187077749531;0.024874431954077971806960078993;0.002750538148768237167035577428;0.021645539344654390195854531953;0.054293231284381723855680945690;0.017340349198756276755117866628;0.012795981822530494778633602948;0.027505381487682372537717512273;0.014231045204496532013971332731;0.027864147333173883147594551701;0.015666108586462567514585586537;0.015187754125807223504196485919;0.027027027027027028527328411656;0.055728294666347766295189103403;0.015187754125807223504196485919;0.009567089213106911432804579931;0.012198038746711313898285489188;0.027505381487682372537717512273;0.013752690743841186268858756137;0.025233197799569482416837118421;0.031212628557761301628659111884;0.026309495336044007307574332799;0.028342501793829227157983652319;0.029538387945467592388126831793;0.000837120306146854837106574543;0.020090887347524514355834313051;0.012317627361875149033521026354;0.017220760583592443354605805439;0.010165032288926094047876169668;0.005859842143027984076586456297;0.016861994738100932744728766011;0.042812724228653432911873011335;0.016264051662281751864380652250;0.006457785218847165824296308045;0.004424778761061946841248726514;0.017220760583592443354605805439;0.007294905524994020444562448091;0.058718010045443670696929672204;0.000000000000000000000000000000;0.010643386749581439792988746262;0.009567089213106911432804579931;0.012078450131547477028326476045;0.025950729490552500167144245324;0.019253767041377659735568173005;0.027146615642190861927840472845;0.012078450131547477028326476045
-0.019185645272601793004385584140;0.034920634920634921471993550313;0.024982746721877155393620739687;0.028571428571428570536427926640;0.065424430641821948451131163438;0.019875776397515528687298669297;0.007591442374051069960638749023;0.036300897170462385898925816718;0.032022084195997238542652496562;0.008419599723947549310687499258;0.015596963423050379596301873164;0.013940648723257419161480896719;0.015044858523119392784694881016;0.013940648723257419161480896719;0.048171152518978604950561361875;0.008005521048999309635663124141;0.015320910973084885323136639101;0.047066942719116634796794329532;0.032712215320910974225565581719;0.005521048999309868983431659473;0.017805383022774328577453317735;0.014906832298136645648112263984;0.014768806073153898511529646953;0.015182884748102139921277498047;0.016149068322981366407908865312;0.012974465148378192674849529453;0.034644582470669427198828316250;0.066252587991718431270626865626;0.002208419599723947680108837588;0.043064182194616974774792339531;0.009385783298826777532042342500;0.007867494824016562499080507109;0.018081435472739819381171599844;0.004416839199447895360217675176;0.015873015873015872134743631250;0.024982746721877155393620739687;0.009247757073844030395459725469;0.007177363699102829418252635918;0.004968944099378882171824667324;0.014906832298136645648112263984;0.010213940648723256882091092734;0.043892339544513457594288041719;0.000000000000000000000000000000;0.006211180124223602064259530664;0.030779848171152517782855895234;0.012146307798481711590077303242;0.012698412698412698401684295391;0.007729468599033816229859628066;0.021670117322291234523978786797;0.007177363699102829418252635918
-0.023625730994152046443579351376;0.028654970760233919313542116925;0.036842105263157891303915647541;0.012397660818713450783801199862;0.028187134502923975876154116804;0.033918128654970756963304978626;0.005263157894736841986571551644;0.028654970760233919313542116925;0.047953216374269004573793750978;0.009824561403508772286508055060;0.018362573099415205324369537720;0.027134502923976608346201544464;0.020818713450292396227592206515;0.018596491228070177043063537781;0.032982456140350877027422882293;0.015204678362573099265064868746;0.019415204678362572854322110061;0.042456140350877191735889937263;0.025497076023391813254237447950;0.008421052631578947178514482630;0.017660818713450293637734489494;0.023157894736842106475638303209;0.014385964912280701719082820489;0.014502923976608187578429820519;0.029941520467836258562188689325;0.018596491228070177043063537781;0.029824561403508770968118213318;0.043859649122807015109160033717;0.000701754385964912228736134470;0.040233918128654969081914316575;0.018713450292397661167687061834;0.008771929824561403021832006743;0.020584795321637427978345158408;0.006198830409356725391900599931;0.013099415204678362470436248088;0.022105263157894735476238778915;0.008187134502923977194543958547;0.009239766081871344724496530887;0.005730994152046783689236075787;0.009941520467836258145855055091;0.008304093567251461319167482600;0.043742690058479534453983461617;0.000000000000000000000000000000;0.008654970760233918897208482690;0.020701754385964912102968682461;0.011578947368421053237819151605;0.020701754385964912102968682461;0.013450292397660818313753772202;0.021871345029239767226991730809;0.011345029239766081519125151544
-0.024408468244084682158279164810;0.019427148194271482567474507164;0.045205479452054796174476081205;0.003860523038605230376763000066;0.022415940224159401628067911361;0.029389788293897881749083822456;0.003237858032378580427912417861;0.029763387297633874667424080940;0.040224159402241596583671423559;0.017683686176836861669858791402;0.018804483188044833485985662946;0.022042341220423412179174604830;0.017185554171855542404667716028;0.026525529265255292504788187102;0.018306351183063510751347635619;0.013200498132004981344245209129;0.020672478206724780730452195598;0.044956413449564136541880543518;0.028642590286425902851297209395;0.008468244084682441386036089170;0.019302615193026152751176738320;0.019676214196762142200070044851;0.012826899128268991895351902599;0.021170610211706103465090222926;0.031880448318804481544486151279;0.026276463262764632872192649415;0.032627646326276460442272764340;0.029514321295143211565381591299;0.001494396014943960180818005590;0.042465753424657533277031262742;0.012079701120797011262841813561;0.014445828144458281241946373541;0.015691158156911581139647537952;0.005853051058530510906974253516;0.019178082191780822934878969477;0.032254047322540474462826409763;0.014196762141967621609350835854;0.007347447073474470437270955614;0.003486924034869240494188824542;0.015317559153175591690754231422;0.007596513075965130937228231289;0.044707347447073476909285005831;0.000000000000000000000000000000;0.012702366127023662079054133756;0.012951432129514321711649671443;0.011083437110834370997736186837;0.021295143212951433281387991769;0.016811955168119552955774409497;0.029514321295143211565381591299;0.011830635118306351630246275874
-0.025748638838475498141766806270;0.022118874773139746842121056147;0.038112522686025405993515136061;0.002835753176043557220731283763;0.017921960072595281149299140111;0.035957350272232305177233513405;0.003062613430127041676959143146;0.038452813067150634629420835608;0.034709618874773140451139852303;0.014178765880217785236294680828;0.019396551724137931632663267578;0.029945553539019963834588722307;0.015313067150635208818476584725;0.022799455535390200644485503290;0.029038112522686024274953808799;0.013044464609800363388836252909;0.020757713248638839237392161863;0.051270417422867510526263146176;0.035049909255898369087045551851;0.010775862068965517959195921094;0.020644283121597096358756928680;0.016107078039927405499476265049;0.012590744101633393609018796155;0.020644283121597096358756928680;0.030739564428312160515588402632;0.022799455535390200644485503290;0.034823049001814883329775085485;0.028244101633393831063401080428;0.000226860254083484564648076631;0.043216878402903814715418917558;0.015766787658802176863570565502;0.014632486388384755016112137582;0.018375680580762249194393120888;0.004764065335753175749189392008;0.013838475499092558335112457257;0.030399274047186931879682703084;0.014632486388384755016112137582;0.005217785843920145529006848761;0.001928312159709618962138977238;0.010095281306715064156831473952;0.010549001814882032201925454729;0.036864791288566241267421474959;0.000000000000000000000000000000;0.012250453720508166707836572584;0.016333938294010887787299779461;0.009301270417422867475831793627;0.018375680580762249194393120888;0.013498185117967331433930233686;0.030966424682395642803411917043;0.011683303085299455784107358625
-0.024131274131274131622415524134;0.020632239382239382641248681693;0.036438223938223934794677916216;0.003740347490347490245349293403;0.029681467181467181132292765255;0.040781853281853283621494199451;0.004464285714285714037896646289;0.035352316602316601057420797360;0.028233590733590732679836321495;0.017012548262548263244831048269;0.022080115830115831093705125454;0.035593629343629341887922379328;0.014116795366795366339918160747;0.024734555984555983698669479054;0.023286679536679535246213035293;0.013151544401544401283188356899;0.019787644787644786265046192852;0.042350386100386099019754482242;0.038610038610038609208086057833;0.008445945945945946414790128642;0.019184362934362934188792237933;0.015564671814671814792374604508;0.007842664092664092603812697746;0.020149613899613900980245517758;0.030888030888030888754247627048;0.026544401544401543396878295766;0.034869691119691119396417633425;0.024734555984555983698669479054;0.000603281853281853268876344654;0.050675675675675678488740771854;0.021235521235521234717502636613;0.011583011583011582415481122155;0.014961389961389960981397173612;0.004343629343629343622645855305;0.012789575289575290037435983947;0.034507722007722008150665260473;0.011944980694980695395956971083;0.006636100386100385849219573942;0.003861003861003861094280953381;0.011100386100386100754477958219;0.009290540540540541056269141507;0.028836872586872588225537228368;0.000000000000000000000000000000;0.011944980694980695395956971083;0.020270270270270271395496308742;0.011100386100386100754477958219;0.018098455598455596982088167124;0.015926640926640926038126977460;0.026061776061776061735875131831;0.011824324324324324980706180099
-0.021756729407002631943024439920;0.029447480267152398997199114206;0.034810767051204206945502761528;0.023072252580449301162524022857;0.034810767051204206945502761528;0.030054644808743168071796247887;0.003642987249544626590647133924;0.038554948391013962871731735049;0.021250758955676986999838717907;0.013762396276057478616827722817;0.019732847601700059109175455774;0.026917628010524184689611360000;0.013054037644201578471925273561;0.020947176684881604197263627043;0.044424205626391419232668056338;0.011232544019429266043963444588;0.019732847601700059109175455774;0.043918235175065774289482334325;0.040174053835256018363253360803;0.007690750860149767054174674286;0.019429265330904676306600364910;0.014369560817648249426148332475;0.009309856304391824280419776017;0.020542400323821090324383220604;0.025197328476017001597231370624;0.022566282129123659688785252797;0.036531066585711396976776654810;0.044120623355596036430092965475;0.001113134992916413584101986700;0.038959724752074480214059093441;0.013762396276057478616827722817;0.012143290831815421390582621086;0.018012548067192876016795466398;0.004857316332726169076650091228;0.012244484922080550726164460684;0.031268973891924713159884419156;0.011940902651285164454142417867;0.005768063145112325290631005714;0.003946569520340011995307438752;0.013155231734466707807507113159;0.010827767658368750436359562173;0.018923294879579031363414642897;0.000000000000000000000000000000;0.008095527221210280927055080724;0.029649868447682654198915841448;0.009512244484922081216859979236;0.017607771706132362143915059960;0.013661202185792349281245883219;0.021959117587532887144741167162;0.011536126290224650581262011428
-0.013787878787878788192089452025;0.060909090909090905785472358502;0.024242424242424242403215473018;0.021818181818181819897617401693;0.024393939393939394894017524962;0.015454545454545455182571167541;0.003333333333333333547282562037;0.045757575757575760788675722779;0.038333333333333330372738601000;0.010909090909090909948808700847;0.014999999999999999444888487687;0.009242424242424242958326985331;0.009090909090909090467524933388;0.010909090909090909948808700847;0.071818181818181822673174963256;0.006212121212121212224244182210;0.013787878787878788192089452025;0.058484848484848486749321239131;0.043181818181818182322828647557;0.005303030303030303350964036468;0.020151515151515152907135686178;0.011969696969696970445529160543;0.011666666666666667198648532633;0.011818181818181817954727108599;0.015909090909090907450806895440;0.016060606060606059941608947383;0.041818181818181816844504083974;0.092727272727272727625980053290;0.000606060606060606060080386825;0.024696969696969696406174676895;0.007878787878787879214725897725;0.007424242424242424344404955860;0.018484848484848485916653970662;0.001818181818181818180241160476;0.007575757575757575967845269815;0.023181818181818181906495013322;0.011515151515151514707846480690;0.005000000000000000104083408559;0.006363636363636363847684496164;0.008636363636363636464565729511;0.013939393939393938948168027991;0.036969696969696971833307941324;0.000000000000000000000000000000;0.007272727272727272720964641906;0.033484848484848485361542458350;0.007727272727272727591285583770;0.011363636363636363951767904723;0.008636363636363636464565729511;0.026818181818181817399615596287;0.006515151515151515471124810119
-0.015873015873015872134743631250;0.076035076035076032407999946372;0.030747030747030747871439970709;0.014874014874014874001972863482;0.022089022089022088135568111511;0.018204018204018204002414549336;0.004329004329004329000574191610;0.037851037851037848402935281911;0.036075036075036072402699716122;0.009768009768009768001295611839;0.013653013653013653869172649991;0.015540015540015540002061200653;0.009657009657009657868642626966;0.012543012543012543869025421372;0.039516039516039519474688290757;0.010212010212010212001354503286;0.021534021534021535737579711167;0.099123099123099120411062301628;0.027639027639027639871027730578;0.007326007326007326000971708879;0.017871017871017871869732118739;0.012099012099012099868966529925;0.016317016317016316134802522697;0.011877011877011877868937084202;0.015762015762015763736814122353;0.013653013653013653869172649991;0.028749028749028748136451483219;0.064269064269064271610609750951;0.000666000666000666000088337171;0.022311022311022311870321033211;0.016206016206016207736873013801;0.009879009879009879868672072689;0.011322011322011322001501731904;0.002664002664002664000353348683;0.008436008436008436001118937497;0.029193029193029192136510374667;0.018981018981018980135155871380;0.009657009657009657868642626966;0.002886002886002886000382794407;0.006882006882006882000912817432;0.015984015984015984002120092100;0.059718059718059719742644375629;0.000000000000000000000000000000;0.007326007326007326000971708879;0.017649017649017648134979197039;0.008214008214008214001089491774;0.012321012321012321868995975649;0.005772005772005772000765588814;0.023643023643023643870497707553;0.007104007104007104000942263156
-0.027610619469026549677170834229;0.021474926253687316030083209739;0.031858407079646017256990830901;0.019823008849557521154904904392;0.026194690265486725994081851354;0.031622418879056049534348460384;0.005191740412979350613453810581;0.037168141592920353466489302718;0.027374631268436578485081511758;0.014631268436578170541451093811;0.019115044247787611048083888932;0.029970501474926254659170155037;0.015693215339233037436406092979;0.023952802359882004873403715806;0.024778761061946902310992868479;0.012743362831858407943630417947;0.024778761061946902310992868479;0.044011799410029500689844894623;0.037758112094395279711989132920;0.009321533923303834331952621994;0.021946902654867254944814902728;0.017699115044247787364994906056;0.015811209439528024767174230192;0.019233038348082594909405074191;0.032566371681415927363811846362;0.022890855457227139713172192614;0.033038348082595869747990491305;0.018643067846607668663905243989;0.001533923303834808194931471625;0.031386430678466074872812185959;0.032330383480825959641169475844;0.010383480825958701226907621162;0.016047197640117992489816600710;0.005191740412979350613453810581;0.019351032448377582240173211403;0.029144542772861357221581002364;0.015929203539823008628495415451;0.006371681415929203971815208973;0.005073746312684365884770887334;0.018997050147492623717315751719;0.007787610619469026787542453860;0.025722713864306783609903206411;0.000000000000000000000000000000;0.010501474926253686822952282398;0.018761061946902655994673381201;0.009675516224188791120086605702;0.018053097345132742418405413787;0.014749262536873156137495755047;0.026548672566371681047492359085;0.009557522123893805524041944466
-0.024070796460176992204171853018;0.025604719764011799748582021152;0.038348082595870205957488963122;0.003893805309734513393771226930;0.018289085545722713610494736258;0.029852507374631267328402017824;0.003775811209439528231407434689;0.032566371681415927363811846362;0.064778761061946896204766233041;0.012861356932153391804951603206;0.018643067846607668663905243989;0.033274336283185837470632861823;0.015929203539823008628495415451;0.026548672566371681047492359085;0.022890855457227139713172192614;0.010973451327433627472407451364;0.023362831858407078627903885604;0.046843657817109141117128956466;0.030442477876106193573901848026;0.008259587020648967436997622826;0.017463126843657816172905583585;0.018053097345132742418405413787;0.012507374631268436751541095475;0.013215339233038348593085586913;0.034336283185840706100311336968;0.024306784660766959926814223536;0.030324483775811209712580662767;0.025958702064896754801992528883;0.000825958702064896787067849182;0.040117994100294984693988453728;0.016401179941002951012674060394;0.009675516224188791120086605702;0.014631268436578170541451093811;0.004011799410029498122454150177;0.013923303834808260434630078350;0.028082595870206488591902527219;0.014631268436578170541451093811;0.005427728613569321805543133053;0.005191740412979350613453810581;0.009203539823008848735907960759;0.007669616519174041191497792624;0.059115044247787608411304205447;0.000000000000000000000000000000;0.009203539823008848735907960759;0.013333333333333334189130248149;0.010501474926253686822952282398;0.018407079646017697471815921517;0.012153392330383479963407111768;0.028436578171091447114759986903;0.011681415929203539313951942802
-0.022903777807029089552681710984;0.010925365275766750830510609660;0.045281031986310386894256652113;0.001711201790180334443916554399;0.030275108595498222141539912400;0.034092404896669738223469181548;0.002632618138738975800683395079;0.020666052389100960512413607262;0.068711333421087275596939036859;0.014611030670001317124939710368;0.020139528761353164831859885453;0.044886139265499537531756146791;0.013952876135316571656885820119;0.022772146900092143234628494497;0.009872318020271159469403166042;0.017243648808740293792984843435;0.024746610504146372699896261338;0.037646439383967354730398113816;0.025273134131894168380449983147;0.009740687113334211416626473579;0.013952876135316571656885820119;0.039620902988021587665112832610;0.011846781624325392404117884837;0.018823219691983677365199056908;0.032249572199552455076254631194;0.020929314202974860087413944143;0.024483348690272476594342876410;0.013689614321442675551332435191;0.001447939976306436820480127992;0.054890088192707645053936005297;0.018033434250361985579091950171;0.010398841648018955149956887851;0.012768197972884033977725160014;0.006449914439910491015250926239;0.015269185204686060858270124641;0.027510859549822297420718086869;0.012373305252073186349948130669;0.006713176253784388855527787143;0.016322232460181652219377568258;0.013557983414505725763832266750;0.004870343556667105708313236789;0.033434250361984996224862243253;0.000000000000000000000000000000;0.012504936159010136137448299110;0.010135579834145057309680026947;0.010662103461892852990233748756;0.025273134131894168380449983147;0.016058970646307752644377231377;0.025404765038831118167950151587;0.012241674345136238297171438205
-0.025404765038831118167950151587;0.012110043438199288509671269765;0.038962748453336845666505894314;0.002632618138738975800683395079;0.034224035803606688010969349989;0.046465710148742928042864264171;0.001447939976306436820480127992;0.020139528761353164831859885453;0.079505067789917074905226002102;0.008556008950901672002742337497;0.015532447018559958698546985545;0.061471633539555085856687099977;0.010398841648018955149956887851;0.021192576016848756192967329071;0.013294721600631827923555405846;0.015137554297749111070769956200;0.020007897854416218513806668966;0.032776095827300247287361401050;0.027905752270633143313771640237;0.005791759905225747281920511966;0.012241674345136238297171438205;0.028037383177570093101271808678;0.005396867184414900521505220610;0.013031459786757930083278544942;0.032249572199552455076254631194;0.016848756087929444430484338113;0.021324206923785705980467497511;0.026062919573515860166557089883;0.000000000000000000000000000000;0.070554166118204558744153587213;0.036198499407660920945684068784;0.010003948927208109256903334483;0.012241674345136238297171438205;0.005133605370541002681228359705;0.010135579834145057309680026947;0.023956825062524680913789154602;0.008556008950901672002742337497;0.005660128998288798361782081514;0.018691588785046727577698888467;0.010267210741082005362456719411;0.003948927208108464134705961612;0.052783993681716469270615021969;0.000000000000000000000000000000;0.007239699881532183668719770964;0.012899828879820982030501852478;0.006976438067658285828442910059;0.014611030670001317124939710368;0.011715150717388442616617716396;0.017243648808740293792984843435;0.013031459786757930083278544942
-0.023734885803851319546753373402;0.016681594267801164166442617898;0.053067622033139277837321401421;0.002910882221227048885503485565;0.020264218540080609215481288743;0.032579489476041202655753892259;0.003246753246753246967271078205;0.019592476489028214786669579439;0.058329601433049708958389345526;0.016345723242274966952036763246;0.015785938199731303771544688175;0.021271831616659204328145804652;0.019816390506045677283308847905;0.027989252127183162494050705504;0.016569637259292432918122983665;0.014442454097626511444474317614;0.026197939991043438234807894105;0.045230631437527986371538446519;0.017017465293327361380848472550;0.010188087774294670231900461488;0.012427227944469322953868761772;0.033027317510076127649032429190;0.014106583072100314230068462962;0.020935960591133003644292998047;0.029332736229287954821121076066;0.021719659650694132790871293537;0.023510971786833857050114104936;0.027205553067622033347472410014;0.001903269144648455073881576638;0.039856695029108824002150868182;0.019592476489028214786669579439;0.013882669055082848263982242543;0.010188087774294670231900461488;0.005933721450962829886688343350;0.019480519480519480068902993253;0.029556650246305417317760344531;0.011419614867890729575927721839;0.008956560680698610887873201136;0.008508732646663680690424236275;0.023734885803851319546753373402;0.005261979399910434590514896058;0.050044782803403492499327853693;0.000000000000000000000000000000;0.013434841021047918066533277681;0.011083743842364532361521867188;0.009964173757277206000537717046;0.018584863412449619674005063530;0.017017465293327361380848472550;0.025974025974025975738168625639;0.012091356918943125739462907120
-0.019040166927490869558381447746;0.027386541471048513052277684210;0.032342201356285862900996619373;0.013562858633281167641815301295;0.029081898800208658140142858883;0.026995305164319249868754013733;0.007042253521126760722192994280;0.033776734480959830220214712426;0.058294209702660408634056210531;0.010954616588419405567855768879;0.015127803860198225580080411135;0.021909233176838811135711537759;0.012649973917579550655720943553;0.016040688575899842566174768876;0.032211789254042777486120030517;0.009520083463745434779190723873;0.024908711528429838127918216628;0.043296817944705266734128912276;0.036906624934793949566191884060;0.006911841418883672705231191458;0.016692749087115283518345520974;0.020474700052164840347046492752;0.009911319770474699697437870327;0.016562336984872194634021980164;0.020213875847678666047846363085;0.014997391757955138430480346301;0.032863849765258218438290782615;0.042775169535732918135728652942;0.003912363067292644845662774600;0.045122587376108504175764579713;0.021387584767866459067864326471;0.015258215962441314464403951945;0.013302034428794991607891695651;0.004955659885237349848718935164;0.010432968179447053500008557592;0.022300469483568074319235208236;0.011737089201877933669626585811;0.006390193009911319770022242182;0.010954616588419405567855768879;0.013432446531038080492215236461;0.011085028690662492717455833713;0.062597809076682317530604393596;0.000000000000000000000000000000;0.008607198748043817793096366131;0.022691705790297340972205830667;0.011085028690662492717455833713;0.012780386019822639540044484363;0.009780907668231612547837805494;0.020083463745435577163522822275;0.009650495565988523663514264683
-0.025958702064896754801992528883;0.010619469026548672418996943634;0.063952802359882002236624032321;0.000825958702064896787067849182;0.016401179941002951012674060394;0.026548672566371681047492359085;0.001415929203539823032567679384;0.019823008849557521154904904392;0.065722713864306780973123522926;0.019115044247787611048083888932;0.014749262536873156137495755047;0.018879056047197639855994566460;0.015339233038348082382995585249;0.034926253687315632345811167170;0.008259587020648967436997622826;0.017699115044247787364994906056;0.033274336283185837470632861823;0.049439528023598820760664551699;0.016991150442477877258173890596;0.012743362831858407943630417947;0.011681415929203539313951942802;0.043185840707964599782808789996;0.013333333333333334189130248149;0.027020648967551623431671004028;0.027846607669616520869260156701;0.027020648967551623431671004028;0.023598820058997049819993208075;0.005191740412979350613453810581;0.001061946902654867328635868162;0.026902654867256636100902866815;0.019233038348082594909405074191;0.016165191740412979820584737922;0.011681415929203539313951942802;0.007197640117994100542042623658;0.018289085545722713610494736258;0.038584070796460173680131333640;0.014041297935103244295951263609;0.006253687315634218375770547738;0.008377581120943953033042284062;0.017935103244837758557084228528;0.004247787610619469314543472649;0.038112094395280238234846592604;0.000000000000000000000000000000;0.013687315634218289242540755879;0.005899705014749262454998302019;0.009085545722713864874586775500;0.026784660766961652239581681556;0.022890855457227139713172192614;0.028436578171091447114759986903;0.013569321533923303646496094643
-0.019587020648967549962815581921;0.015811209439528024767174230192;0.042005899705014747291809129592;0.002831858407079646065135358768;0.019115044247787611048083888932;0.028908554572271386029491679892;0.002123893805309734657271736324;0.022654867256637168521082870143;0.090973451327433632607188940256;0.011563421828908553717907281566;0.015221238938053096786950924013;0.023952802359882004873403715806;0.011563421828908553717907281566;0.026666666666666668378260496297;0.014513274336283186680129908552;0.010855457227138643611086266105;0.019705014749262537293583719133;0.042359882005899705814666589276;0.024542772861356931118903546007;0.008613569321533922490408130557;0.015339233038348082382995585249;0.050265486725663714728806752419;0.014513274336283186680129908552;0.017345132743362832311584398326;0.023480825958702065958672022816;0.018997050147492623717315751719;0.030206489675516225851259477508;0.016755162241887906066084568124;0.000471976401179941028925929336;0.042713864306784657398630145053;0.012153392330383479963407111768;0.008259587020648967436997622826;0.015457227138643067979040246485;0.008495575221238938629086945298;0.020766961651917402453815242325;0.024188790560471976065493038277;0.009793510324483774981407790960;0.007433628318584070866770208141;0.045663716814159288626129296063;0.014985250737463127329585077518;0.005309734513274336209498471817;0.047079646017699115778665230891;0.000000000000000000000000000000;0.007315634218289085270725546906;0.013687315634218289242540755879;0.010855457227138643611086266105;0.016519174041297934873995245653;0.012389380530973451155496434239;0.024306784660766959926814223536;0.011681415929203539313951942802
-0.027140672782874616930648414836;0.024974515800203874599239028953;0.037971457696228338996036200115;0.005733944954128440685270362565;0.012232415902140672883668948145;0.029943934760448522036657692524;0.003440366972477064411162217539;0.029943934760448522036657692524;0.057212028542303769440557914550;0.013634046890927625436673586989;0.017711518858307847418265268402;0.020132517838939857635072172570;0.016564729867482162750658147843;0.022171253822629969493229751265;0.021406727828746176245378052272;0.012742099898063199980846604831;0.022043832823649339019977944076;0.050968399592252799923386419323;0.026630988786952088098747282174;0.008027522935779816959378507590;0.017584097859327216945013461213;0.022680937818552498325130883927;0.018476044852191640666116967395;0.019240570846075433913968666388;0.024719673802242610183288462622;0.021024464831804281356175678752;0.029816513761467891563405885336;0.028924566768603464372855427200;0.001401630988786952119323769850;0.025739041794087664377643775993;0.019622833843017328803171039908;0.010703363914373088122689026136;0.015672782874617735560107689707;0.003822629969418960167726329047;0.020132517838939857635072172570;0.033256880733944955974568102874;0.016819571865443423697161762220;0.010703363914373088122689026136;0.007008154943934760162937980255;0.023063200815494393214333257447;0.008919469928644240680482013772;0.059378185524974515241414252387;0.000000000000000000000000000000;0.008282364933741081375329073921;0.013379204892966361020723020658;0.010958205912334352538639592467;0.014016309887869520325875960509;0.010958205912334352538639592467;0.032492354740061159257269451928;0.010575942915392455914713742970
-0.023973206416358187886839203884;0.023091838533403841876578965753;0.046712497796580293440982245556;0.007932310946589107153448239274;0.022034197073858629439824241558;0.034549621011810333071068157551;0.002291556495681297371536100371;0.019566367001586461304984965182;0.046007403490216813857216493489;0.013749338974087784229216602228;0.017803631235677772753911440873;0.042481931958399436755069444871;0.013220518244315178010839240130;0.025207121452494270219535366095;0.018861272695222985190666165067;0.016040895469769080733390964610;0.031376696633174688821910081060;0.039485281156354662401852806397;0.019213819848404724982549041101;0.007579763793407368228927101228;0.013220518244315178010839240130;0.028908866560902520687070804684;0.012515423937951701896520440016;0.020271461307949937419303765296;0.031905517362947291570840491204;0.020976555614313413533622565410;0.025030847875903403793040880032;0.040190375462718141985618558465;0.001410188612726952228637600228;0.042129384805217696963186568837;0.020800282037722547107128079347;0.016040895469769080733390964610;0.010752688172043011610723439730;0.007403490216816499200347401199;0.016040895469769080733390964610;0.027146130794993832135997280375;0.012691697514542570057738402056;0.006345848757271285028869201028;0.007579763793407368228927101228;0.015512074739996474515013602513;0.005288207297726070857391000857;0.041248016922263354422373282659;0.000000000000000000000000000000;0.009871320289088665600463201599;0.011634056054997355886260201885;0.012162876784769963839361039959;0.021681649920676889647941365524;0.014278159703860392182317440302;0.023973206416358187886839203884;0.011810329631588225782201639902
-0.023644179894179894602102010026;0.040674603174603175814727507031;0.040178571428571431545240244532;0.006613756613756613389476513021;0.015046296296296295461059067122;0.022321428571428571924206707422;0.009093915343915343410530205404;0.043485449735449738239978501042;0.030588624338624338661052348698;0.020006613756613757237889927865;0.018353174603174603890520799609;0.018022486772486773221046973958;0.010912698412698412092636246484;0.023809523809523808202115446875;0.038690476190476191797884553125;0.012566137566137565440005374739;0.019179894179894178829481887760;0.046792328042328044934716757552;0.037863756613756613389476513021;0.009093915343915343410530205404;0.020337301587301587907363753516;0.016038359788359789204204020052;0.008928571428571428075793292578;0.024966931216931217279997312630;0.024305555555555555941049661328;0.027116402116402114896853703385;0.035879629629629629372633559115;0.044477513227513226778953026042;0.001322751322751322677895302604;0.019675925925925926568416102214;0.011574074074074073431583897786;0.015707671957671958534730194401;0.013558201058201057448426851693;0.005456349206349206046318123242;0.013392857142857142113689938867;0.032076719576719578408408040104;0.016699735449735450543151671354;0.006779100529100528724213425846;0.003802910052910052698948994987;0.008928571428571428075793292578;0.016203703703703702804217456901;0.022817460317460316193693969922;0.000000000000000000000000000000;0.011574074074074073431583897786;0.013558201058201057448426851693;0.014384920634920634122111415820;0.026620370370370370627366440885;0.016699735449735450543151671354;0.027116402116402114896853703385;0.013062169312169311444216113216
-0.023030303030303029415692961379;0.036060606060606063827389533571;0.031515151515151516858903590901;0.010303030303030303455047445027;0.016212121212121212432410999327;0.018181818181818180935049866775;0.004242424242424242854243576772;0.042272727272727274316910239804;0.040000000000000000832667268469;0.014090909090909091438970079935;0.014242424242424242195048655901;0.010000000000000000208166817117;0.014696969696969696198007859778;0.022878787878787880394337861389;0.050454545454545453309069813486;0.010151515151515150964245393084;0.021969696969696968918972501683;0.047878787878787881782116642171;0.026818181818181817399615596287;0.006212121212121212224244182210;0.017727272727272726932090662899;0.017272727272727272929131459023;0.015757575757575758429451795450;0.019242424242424241431770326471;0.021818181818181819897617401693;0.024545454545454543915372624951;0.033484848484848485361542458350;0.058787878787878784792031439110;0.002424242424242424240321547302;0.023484848484848483418652165255;0.007121212121212121097524327951;0.013636363636363635701287400082;0.013484848484848484945208824115;0.005909090909090908977363554300;0.020606060606060606910094890054;0.029090909090909090883858567622;0.013939393939393938948168027991;0.006666666666666667094565124074;0.006515151515151515471124810119;0.019242424242424241431770326471;0.013636363636363635701287400082;0.042727272727272724850422491727;0.000000000000000000000000000000;0.011060606060606060704887276813;0.021060606060606060913054093930;0.011363636363636363951767904723;0.016212121212121212432410999327;0.015606060606060605938649743507;0.024393939393939394894017524962;0.011969696969696970445529160543
-0.020670572916666667823148983985;0.047526041666666664353702032031;0.030273437500000000000000000000;0.010742187500000000000000000000;0.021321614583333332176851016015;0.025878906250000000000000000000;0.007324218750000000000000000000;0.030436197916666667823148983985;0.043945312500000000000000000000;0.009440104166666666088425508008;0.015625000000000000000000000000;0.024576822916666667823148983985;0.012858072916666666088425508008;0.014160156250000000000000000000;0.034667968750000000000000000000;0.011230468750000000000000000000;0.019694010416666667823148983985;0.053873697916666664353702032031;0.027018229166666667823148983985;0.008789062500000000000000000000;0.020670572916666667823148983985;0.019368489583333332176851016015;0.019042968750000000000000000000;0.016601562500000000000000000000;0.021972656250000000000000000000;0.014648437500000000000000000000;0.025878906250000000000000000000;0.068359375000000000000000000000;0.003255208333333333477893622998;0.040039062500000000000000000000;0.023925781250000000000000000000;0.009114583333333333911574491992;0.014485677083333333911574491992;0.003906250000000000000000000000;0.012858072916666666088425508008;0.025716145833333332176851016015;0.011881510416666666088425508008;0.006835937500000000000000000000;0.009277343750000000000000000000;0.013509114583333333911574491992;0.013346354166666666088425508008;0.048990885416666664353702032031;0.000000000000000000000000000000;0.008138020833333333911574491992;0.017089843750000000000000000000;0.010904947916666666088425508008;0.010742187500000000000000000000;0.008463541666666666088425508008;0.021321614583333332176851016015;0.009602864583333333911574491992
-0.017851916886157448427496774457;0.020046824700029265003964340508;0.076675446297922153493509256350;0.002341235001463271882260475110;0.008047995317529997583161360808;0.014779045946736903485718706008;0.004828797190517998202952121289;0.018876207199297629496514971947;0.048873280655545803252692849128;0.022534386889083990457294248699;0.011559847819724904105509466490;0.014925373134328357924149877078;0.009657594381035996405904242579;0.035703833772314896854993548914;0.010242903131401814159628926859;0.008779631255487269775317216158;0.037020778460637983331427136591;0.056482294410301434051113744772;0.010096575943810359721197755789;0.016095990635059995166322721616;0.012291483757682178032388797817;0.038337723148961076746754628175;0.023412350014632717087881275120;0.026485220954053263764382819545;0.021363769388352354949844880139;0.021949078138718172703569564419;0.026777875329236172641245161685;0.023412350014632717087881275120;0.003365525314603453384959541594;0.014047410008779631293562850658;0.006145741878841089016194398909;0.021071115013169446072982537999;0.009072285630670178652179558298;0.012584138132865086909251139957;0.024875621890547264941639937774;0.047848990342405618714227699684;0.014632718759145449047287534938;0.005414105940883815956676805570;0.009657594381035996405904242579;0.035850160959906347823977768030;0.007316359379572724523643767469;0.030582382206613988040455609507;0.000000000000000000000000000000;0.012291483757682178032388797817;0.004975124378109452641383292359;0.011413520632133449667078295420;0.033655253146034534716957153933;0.017851916886157448427496774457;0.026777875329236172641245161685;0.011120866256950540790215953280
-0.014386287113559841424614837990;0.051117232935414751160418944664;0.029231711049892868115041011379;0.012702785430058156912469513600;0.026017753290480564315467759684;0.025711662075298437335479917465;0.005203550658096112689621204339;0.044383226201408020050731551009;0.046985001530456073359776070220;0.006580961126415671956502162487;0.014845423936333026690426173388;0.014845423936333026690426173388;0.011937557392102846401393811959;0.014998469543924090180420094498;0.044230180593816954826014153923;0.008417508417508417356556194022;0.015304560759106213690960984763;0.067033976124885222280802565820;0.030149984695439242116110634129;0.005356596265687174444891649472;0.018977655341291706225792523810;0.019589837771655953246874304341;0.015457606366697275446231429896;0.010560146923783287134512853811;0.020967248239975512513755262489;0.013314967860422405668274770107;0.041628405264768901516969634713;0.063973063973063973297605855350;0.001224364860728497077929644021;0.031986531986531986648802927675;0.006734006734006733711772607620;0.008723599632690542601820560265;0.018518518518518517490534236458;0.005356596265687174444891649472;0.014080195898377716179350471748;0.024946434037343128559127691801;0.012855831037649218667739958732;0.004285277012549739555913319577;0.005968778696051423200696905980;0.013161922252831343913004324975;0.014539332721150903179885283123;0.047138047138047138584493467306;0.000000000000000000000000000000;0.005968778696051423200696905980;0.021120293847566574269025707622;0.008723599632690542601820560265;0.013314967860422405668274770107;0.009488827670645853112896261905;0.027548209366391185337619162965;0.010407101316192225379242408678
-0.024334251606978878068598959317;0.033823079277624734650942173175;0.042546678910315272048592305509;0.003826140189776553422740246191;0.011019283746556474135047665186;0.020508111417202327247943927091;0.009029690847872666112361450530;0.021426385062748697779566597887;0.064126109580655038522323252437;0.015763697581879398956772320162;0.014080195898377716179350471748;0.013161922252831343913004324975;0.010866238138965412379777220053;0.025864707682889502560197314551;0.015916743189470460712042765294;0.017141108050198958223653278310;0.027395163758800123582348717832;0.050811141720232627649878054399;0.016835016835016834713112388044;0.009641873278236914868166707038;0.017906336088154270469452455927;0.034588307315580039957847446885;0.014386287113559841424614837990;0.022497704315886133535906665770;0.025558616467707375580209472332;0.026476890113253749581279095082;0.025864707682889502560197314551;0.034282216100397916447306556620;0.002907866544230180722713230423;0.020048974594429138512685639739;0.013927150290786654424080026615;0.012090602999693908156664257092;0.009182736455463727867631895663;0.004897459442913988311718576085;0.017141108050198958223653278310;0.035659626568717475714187514768;0.013161922252831343913004324975;0.010713192531374348889783298944;0.013468013468013467423545215240;0.020355065809611265492673481958;0.010101010101010101868701518413;0.043924089378634831315473263658;0.000000000000000000000000000000;0.016375880012243649447301052646;0.009182736455463727867631895663;0.021732476277930824759554440107;0.023415977961432507536976288520;0.014539332721150903179885283123;0.025099479644934190314398136934;0.012396694214876033401928623334
-0.029584639498432603599287205043;0.038989028213166146419332847017;0.049568965517241381224522456250;0.004114420062695924550089099370;0.012147335423197491363622724236;0.021159874608150469610379218466;0.003722570532915360410480820619;0.024098746081504703042686088565;0.051528213166144198886797767045;0.015086206896551724795929594336;0.011755485893416928525057052468;0.019788401253918494471228939346;0.012931034482758620510201019727;0.027625391849529778998117990341;0.014694357366771160222640446591;0.012539184952978055936911871981;0.028996865203761754137268269460;0.060344827586206899183718377344;0.015869905956112852207784413849;0.010188087774294670231900461488;0.013322884012539185083490167472;0.023119122257053290742101481214;0.013518808777429466502773003356;0.022923197492163011057542121307;0.022531347962382444749529497585;0.027625391849529778998117990341;0.025470219435736678181836367685;0.037225705329153604972169944176;0.004898119122257053696667394860;0.019396551724137931632663267578;0.014106583072100314230068462962;0.020180250783699060779241563068;0.008032915360501567680895362855;0.006269592476489027968455935991;0.014890282131661441641923282475;0.039968652037617555250470502415;0.010971786833855799378478756978;0.006073667711598745681811362118;0.007053291536050157115034231481;0.021355799373040752764385530327;0.004506269592476489123378247115;0.061716300940438874322868656463;0.000000000000000000000000000000;0.013126959247648903664207331587;0.008228840125391849100178198739;0.012539184952978055936911871981;0.024294670846394982727245448473;0.015869905956112852207784413849;0.023902821316614419888679776705;0.012147335423197491363622724236
-0.015425633212721386738897066948;0.036945343744048751710717937158;0.037135783660255189397858543998;0.004951437821367358181612328138;0.012569034469624833574852296181;0.022471910112359549938076952458;0.002285278994477242271027295217;0.023614549609598172591473641546;0.096553037516663497985547337521;0.008760236145496095444551443165;0.015996952961340696330871935515;0.014854313464102075412198722404;0.010283755475147591737505869958;0.024566749190630357557729723794;0.015425633212721386738897066948;0.010855075223766901329480738525;0.028756427347171965858141362560;0.066844410588459343691702940760;0.015616073128927822691314197812;0.008569796229289659492134312302;0.011616834888592648608596213933;0.031803466006474954974603264191;0.016377832793753571705153149196;0.013330794134450580853967771588;0.021138830698914493066986608483;0.015806513045134258643731328675;0.020186631117882308100730526235;0.054846695867453817974102037169;0.000571319748619310567756823804;0.024757189106836791775423378681;0.010283755475147591737505869958;0.011426394972386212656179083069;0.010474195391354027689923000821;0.003999238240335174082717983879;0.014854313464102075412198722404;0.027232908017520471299910411744;0.011426394972386212656179083069;0.005713197486193106328089541535;0.017330032374785756671409231444;0.016758712626166443609987410923;0.007998476480670348165435967758;0.096553037516663497985547337521;0.000000000000000000000000000000;0.008950676061702533131692050006;0.007427156732051037706099361202;0.009331555894115406771249787710;0.014663873547895639459781591540;0.010093315558941154050365263117;0.024376309274423919870589116954;0.008188916396876785852576574598
-0.017633228840125390185500364737;0.040948275862068964081608157812;0.032327586206896553877587763282;0.003722570532915360410480820619;0.020963949843260186456372906605;0.022727272727272727903535809446;0.008228840125391849100178198739;0.032915360501567396400712794957;0.044670846394984323191046371448;0.009796238244514107393334789720;0.011363636363636363951767904723;0.019788401253918494471228939346;0.016261755485893418515797037571;0.015478056426332287634495266104;0.033894984326018812170744354262;0.009600313479623824239328477859;0.025274294670846395027830055824;0.053683385579937306641973293608;0.020768025078369906771813546698;0.008816614420062695092750182368;0.013322884012539185083490167472;0.021747648902821315602951202095;0.020572100313479623617807234837;0.015869905956112852207784413849;0.024098746081504703042686088565;0.014890282131661441641923282475;0.030760188087774295584431172301;0.085423197492163011057542121307;0.004114420062695924550089099370;0.028800940438871474452708909553;0.009600313479623824239328477859;0.012735109717868339090918183842;0.010775862068965517959195921094;0.004702194357366771410022820987;0.024098746081504703042686088565;0.024098746081504703042686088565;0.008228840125391849100178198739;0.008228840125391849100178198739;0.008620689655172413673467346484;0.021159874608150469610379218466;0.013518808777429466502773003356;0.062108150470219433691987376278;0.000000000000000000000000000000;0.009208463949843259666039330114;0.014106583072100314230068462962;0.013910658307210031076062151101;0.010384012539184953385906773349;0.006269592476489027968455935991;0.021159874608150469610379218466;0.008620689655172413673467346484
-0.026253918495297807328414663175;0.025862068965517241020402039453;0.043495297805642631205902404190;0.001959247648902821131722262749;0.023510971786833857050114104936;0.025862068965517241020402039453;0.007445141065830720820961641238;0.032915360501567396400712794957;0.030368338557993729276418548579;0.015282131661442006215212430220;0.017437304075235110500941004830;0.020376175548589340463800922976;0.018025078369905956493512988459;0.020963949843260186456372906605;0.025666144200626957866395727592;0.015282131661442006215212430220;0.026841692789968653320986646804;0.048001567398119122931365865270;0.023119122257053290742101481214;0.009012539184952978246756494229;0.016849529780564264508369021200;0.024882445141065832189264384056;0.019200626959247648478656955717;0.018025078369905956493512988459;0.026057993730407524174408351314;0.024882445141065832189264384056;0.032719435736677113246706483096;0.022727272727272727903535809446;0.002351097178683385705011410494;0.026645768025078370166980334943;0.019788401253918494471228939346;0.019788401253918494471228939346;0.014302507836990595649351298846;0.008032915360501567680895362855;0.027037617554858933005546006711;0.031543887147335421261562515838;0.013126959247648903664207331587;0.010775862068965517959195921094;0.008816614420062695092750182368;0.026253918495297807328414663175;0.010775862068965517959195921094;0.022531347962382444749529497585;0.000000000000000000000000000000;0.011559561128526645371050740607;0.013714733542319749656779315217;0.014106583072100314230068462962;0.020963949843260186456372906605;0.012931034482758620510201019727;0.028800940438871474452708909553;0.013126959247648903664207331587
-0.022298177083333332176851016015;0.023763020833333332176851016015;0.043131510416666664353702032031;0.008300781250000000000000000000;0.030110677083333332176851016015;0.023111979166666667823148983985;0.003906250000000000000000000000;0.032389322916666664353702032031;0.040852864583333335646297967969;0.017089843750000000000000000000;0.015950520833333332176851016015;0.013671875000000000000000000000;0.013020833333333333911574491992;0.020182291666666667823148983985;0.028808593750000000000000000000;0.014973958333333333911574491992;0.030761718750000000000000000000;0.049641927083333335646297967969;0.025878906250000000000000000000;0.009114583333333333911574491992;0.016601562500000000000000000000;0.025553385416666667823148983985;0.019856770833333332176851016015;0.020019531250000000000000000000;0.025065104166666667823148983985;0.025227864583333332176851016015;0.033040364583333335646297967969;0.035156250000000000000000000000;0.001627604166666666738946811499;0.028320312500000000000000000000;0.010904947916666666088425508008;0.014973958333333333911574491992;0.014811197916666666088425508008;0.005371093750000000000000000000;0.020996093750000000000000000000;0.028157552083333332176851016015;0.014648437500000000000000000000;0.007812500000000000000000000000;0.004231770833333333044212754004;0.025065104166666667823148983985;0.011067708333333333911574491992;0.030761718750000000000000000000;0.000000000000000000000000000000;0.008951822916666666088425508008;0.020182291666666667823148983985;0.012695312500000000000000000000;0.017089843750000000000000000000;0.014322916666666666088425508008;0.028645833333333332176851016015;0.011881510416666666088425508008
-0.027282086479066575135377092920;0.024536719286204530798833900462;0.045813315030885377876490593962;0.001715854495538778360860798777;0.010123541523678792827811712129;0.027282086479066575135377092920;0.004632807137954701552640113249;0.018874399450926560017904876076;0.046671242278654767599022079594;0.019732326698695949740436361708;0.016643788606726148127101794216;0.023850377487989019714698102348;0.012354152367879202983891318013;0.030713795470144130556056083492;0.019389155799588195933091938628;0.026767330130404942689636982323;0.022477693891557997546426506119;0.039121482498284142204081348382;0.018531228551818806210560452996;0.008922443376801647563212327441;0.013383665065202471344818491161;0.024536719286204530798833900462;0.008922443376801647563212327441;0.023678792038435141076302414831;0.038091969800960877312601127187;0.027968428277282086219512891034;0.023678792038435141076302414831;0.055250514756348664824336935908;0.001201098146877144830918515694;0.023335621139327383799511039797;0.025223061084420041882969698577;0.016986959505833905403893169250;0.007892930679478380937008630269;0.007035003431708991214477144638;0.014756348661633493513090087390;0.032601235415236788639514742272;0.009094028826355524466884538981;0.008579272477693892021144428384;0.005319148936170212636775911363;0.013383665065202471344818491161;0.008407687028140013382748740867;0.054221002059025392993962810806;0.000000000000000000000000000000;0.012354152367879202983891318013;0.008407687028140013382748740867;0.008064516129032257840680841809;0.028311599176389843496304266068;0.020075497597803707017227736742;0.020933424845573096739759222373;0.012868908716540837164354904587
-0.030046380318612623400165162479;0.021576930832829199075062476254;0.044565436579955639007089018833;0.004839685420447671290733460125;0.014317402702157693006324024054;0.031861262351280499049988037541;0.004234724742891712162551343113;0.021778584392014518206215356599;0.037507562008469448600056495025;0.018350473885864086037722486822;0.016535591853196210387899611760;0.033272837265577739906952103865;0.017140552530752167781358252796;0.027424884049203467756283814083;0.025811655575720911237613819367;0.020165355918531961687545361883;0.026819923371647510362825173047;0.042347247428917121625513431127;0.024400080661423673850096704996;0.009276063722524702584437683583;0.015527324057269611262688258080;0.020770316596087922550450954873;0.014519056261343012137476904400;0.022988505747126436462579590625;0.030046380318612623400165162479;0.026819923371647510362825173047;0.028634805404315386012648048109;0.028836458963500705143800928454;0.001411574914297237387517114371;0.040330711837063923375090723766;0.013309134906231095615836146351;0.017745513208308125174816893832;0.008469449485783424325102686225;0.006452913893930227809403454842;0.019762048800161323425239601193;0.033071183706392420775799223520;0.011494252873563218231289795312;0.010485985077636620840801917609;0.003226456946965113904701727421;0.021778584392014518206215356599;0.008671103044968743456255566571;0.023190159306311755593732470970;0.000000000000000000000000000000;0.013510788465416414746989026696;0.012502520669489817356501148993;0.011897559991933858228319031980;0.023795119983867716456638063960;0.016938898971566848650205372451;0.028433151845130066881495167763;0.013107481347045774749959790029
-0.016643788606726148127101794216;0.043754289636238848093530151573;0.034317089910775568084577713535;0.007721345229924502298612942752;0.021962937542896361631239443568;0.015099519560741249055157986447;0.006691832532601235672409245581;0.032429649965682913470566006708;0.045298558682223745430750483365;0.011496225120109814996083308358;0.011153054221002059454015409301;0.011324639670555936357687620841;0.017158544955387784042288856767;0.011496225120109814996083308358;0.041866849691146193479518444747;0.009094028826355524466884538981;0.031228551818805766471243146043;0.056451612903225804884765892666;0.024365133836650652160438212945;0.006177076183939601491945659006;0.013212079615648592706422803644;0.020247083047357585655623424259;0.021276595744680850547103645454;0.015271105010295127693553673964;0.017158544955387784042288856767;0.015442690459849004597225885504;0.028826355525051475942044376666;0.063143445435827047496069042154;0.002059025394646534119769132332;0.020761839396019218101363534856;0.009608785175017158647348125555;0.016643788606726148127101794216;0.014413177762525737971022188333;0.006691832532601235672409245581;0.020761839396019218101363534856;0.024879890185312284606178323543;0.013383665065202471344818491161;0.007549759780370624527578993224;0.009094028826355524466884538981;0.020418668496911460824572159822;0.013898421413864103790558601759;0.073095401509951959950761590790;0.000000000000000000000000000000;0.009608785175017158647348125555;0.020590253946465339462967847339;0.014584763212079614874694399873;0.011153054221002059454015409301;0.008064516129032257840680841809;0.025394646533973920521365386094;0.007035003431708991214477144638
-0.027975766215253029811638185720;0.021382751247327157206878922580;0.042943692088382036387006479572;0.011938702779757661906478993785;0.015502494654312188107625480882;0.018175338560228081891123608216;0.006414825374198147162063676774;0.034925160370634353301788621593;0.032608695652173912138405142969;0.022986457590876693130033103785;0.018353528153955807333819194582;0.008731290092658588325447155398;0.013898788310762652184471299677;0.034568781183178902416397448860;0.029579472558802565734792366925;0.012473271560940841704012704838;0.024411974340698503610491698623;0.044012829650748395982073901678;0.025837491090520314090950293462;0.009265858873841768122980866451;0.019066286528866712574048492002;0.016571632216678545967969427011;0.009622238061297220743095515161;0.031361368496079830570089086450;0.025481111903064859736112168775;0.027441197434069850014104474667;0.033499643620812542821330026754;0.031717747683535281455480259183;0.001603706343549536790515919193;0.015502494654312188107625480882;0.007840342124019957642522271613;0.019244476122594441486191030322;0.012295081967213114526593642495;0.009800427655024946185791101527;0.018888096935138987131352905635;0.042943692088382036387006479572;0.012473271560940841704012704838;0.009265858873841768122980866451;0.004632929436920884061490433226;0.016749821810406271410665013377;0.011582323592302209286364345076;0.022986457590876693130033103785;0.000000000000000000000000000000;0.019066286528866712574048492002;0.017106200997861725765503138064;0.018175338560228081891123608216;0.030114041339985745532326077978;0.018353528153955807333819194582;0.026015680684248039533645879828;0.014611546685673557424700597096
-0.020000000000000000416333634234;0.049814814814814811771981339916;0.038703703703703705440997140386;0.009814814814814814408761023401;0.021851851851851851471497667490;0.018333333333333333425851918719;0.003888888888888888777095598215;0.029444444444444443226283070203;0.038888888888888889505679458125;0.010740740740740739936343040029;0.014074074074074073917306471060;0.019444444444444444752839729063;0.011851851851851851263330850372;0.018148148148148149361169600979;0.044999999999999998334665463062;0.008888888888888888881179006773;0.020185185185185184481015951974;0.054814814814814816212873438417;0.027777777777777776235801354687;0.007222222222222221890697291258;0.017222222222222222098864108375;0.016666666666666666435370203203;0.016111111111111110771876298031;0.013518518518518518253812565888;0.022037037037037035536179985229;0.018888888888888889089345823891;0.028518518518518519433424529552;0.090740740740740746805848004897;0.000925925925925925961262885622;0.026481481481481480844131226604;0.006666666666666667094565124074;0.008703703703703703081773213057;0.015185185185185185244294281404;0.004444444444444444440589503387;0.020555555555555556079827539406;0.026111111111111112714766591125;0.013333333333333334189130248149;0.005000000000000000104083408559;0.005000000000000000104083408559;0.018518518518518517490534236458;0.014074074074074073917306471060;0.046851851851851852859276448271;0.000000000000000000000000000000;0.008518518518518519017090895318;0.015555555555555555108382392859;0.008888888888888888881179006773;0.016666666666666666435370203203;0.013518518518518518253812565888;0.023333333333333334397297065266;0.009074074074074074680584800490
-0.026124338624338622888432226432;0.028769841269841268244222831640;0.035879629629629629372633559115;0.002149470899470899351579866732;0.016203703703703702804217456901;0.028439153439153437574749005989;0.005291005291005290711581210417;0.030092592592592590922118134245;0.029100529100529098913696657291;0.016534391534391533473691282552;0.016699735449735450543151671354;0.036871693121693124850501988021;0.016369047619047619873677845703;0.024140211640211638871589272526;0.033234126984126984016842953906;0.014384920634920634122111415820;0.026620370370370370627366440885;0.045469576719576722256821454948;0.027943121693121693305261743490;0.006779100529100528724213425846;0.021164021164021162846324841667;0.016203703703703702804217456901;0.016369047619047619873677845703;0.022982804232804233263154358724;0.026620370370370370627366440885;0.020171957671957670837903364713;0.032903439153439156816816080209;0.035383597883597885103146296615;0.002149470899470899351579866732;0.034060846560846562425250994011;0.014715608465608464791585241471;0.014880952380952380126322154297;0.015542328042328041465269805599;0.004794973544973544707370471940;0.022652116402116402593680533073;0.034722222222222223764198645313;0.012731481481481480774742287565;0.009093915343915343410530205404;0.004298941798941798703159733464;0.021494708994708993515798667318;0.010747354497354496757899333659;0.029761904761904760252644308594;0.000000000000000000000000000000;0.009093915343915343410530205404;0.016534391534391533473691282552;0.012235449735449734770531549088;0.018353174603174603890520799609;0.017195767195767194812638933854;0.025793650793650792218958400781;0.010251322751322750753688595182
-0.016649323621227889169471580999;0.016996184530003469181913544617;0.023933402705515086777987576738;0.003642039542143600538981473846;0.083073187651751645432796067325;0.042143600416233092942341897924;0.004335761359694762298588877059;0.026014568158168573791533262352;0.029656607700312174330514736198;0.007804370447450571963987631108;0.014047866805411030402539473982;0.082379465834200485407912140090;0.014221297259798820408760455791;0.014915019077349982168367859003;0.023933402705515086777987576738;0.006763787721123829324576526290;0.017343045438779049194355508234;0.037981269510926118915250526697;0.025494276795005203772870316925;0.005202913631633714931779000068;0.011272979535206381629386385157;0.019771071800208116220343157465;0.012313562261533125136159227964;0.008151231356226152843791332714;0.022025667707249393240109824887;0.012140131807145335129938246155;0.023586541796739506765545613121;0.018557058619493582707349332850;0.000520291363163371536545986906;0.157648283038501563213529266250;0.021158515435310439739557963890;0.006070065903572667564969123077;0.011272979535206381629386385157;0.005029483177245924058196280271;0.016822754075615679175692562808;0.018210197710718002694907369232;0.008498092265001734590956772308;0.003468609087755810099079623043;0.014221297259798820408760455791;0.016129032258064515681361683619;0.005549774540409295811582701674;0.019250780437044746201680212039;0.000000000000000000000000000000;0.005549774540409295811582701674;0.014047866805411030402539473982;0.007977800901838362837570350905;0.009712105445716268103950596924;0.007804370447450571963987631108;0.020464793617759279714674036654;0.006243496357960457571190104886
-0.021978021978021979737638602614;0.032051282051282048435325577884;0.034249084249084252307149256467;0.004578754578754578967447752547;0.015934065934065932967911294327;0.028205128205128205537421948179;0.005128205128205128200680196215;0.022893772893772892235153548768;0.030219780219780219970848733624;0.012820512820512820068019621544;0.017032967032967031434376181664;0.072161172161172154604358297547;0.016300366300366301436364224742;0.019230769230769231836752908293;0.027838827838827840538415969718;0.017032967032967031434376181664;0.019780219780219779335261875985;0.036630036630036631739582020373;0.021428571428571428769682682969;0.005677655677655677433912639884;0.015567765567765567968905315865;0.015384615384615385469402326635;0.017582417582417582402332101310;0.014652014652014652001943417758;0.026190476190476191103995162734;0.014285714285714285268213963320;0.026556776556776556103001141196;0.069597069597069599611316448318;0.001282051282051282050170049054;0.046520146520146521407212958366;0.031318681318681318437313620962;0.012637362637362637568516632314;0.013003663003663004302246086752;0.004761904761904762334312479766;0.020329670329670330303217795631;0.023626373626373625702612457644;0.010622710622710623135089846869;0.009157509157509157934895505093;0.003846153846153846367350581659;0.020512820512820512802720784862;0.009890109890109889667630937993;0.033333333333333332870740406406;0.000000000000000000000000000000;0.010073260073260073901857403200;0.014468864468864469502440428528;0.010256410256410256401360392431;0.017582417582417582402332101310;0.012454212454212455069013643083;0.021428571428571428769682682969;0.011904761904761904101057723437
-0.021559109080525412638351667738;0.032695602512849801513095115979;0.037549971444888634308778563309;0.012992575671045116306179245669;0.012564249000571101749779145962;0.021130782410051399816675044008;0.008138206739006281775772322362;0.035122786978869217910936839644;0.031410622501427752639724388928;0.015990862364363221670426895571;0.017133066818960592664344844138;0.020702455739577383525551468324;0.012849800114220445365620371092;0.021701884637350087048357494268;0.040833809251856083288867438341;0.011993146773272416252820171678;0.021559109080525412638351667738;0.050399771559109081409122410378;0.029840091376356368824129816630;0.009137635636778983563854872330;0.020702455739577383525551468324;0.021416333523700741697792793161;0.021701884637350087048357494268;0.017846944603083950836586168975;0.023557966876070816214516767673;0.022272986864648770810592992575;0.033266704740148485275330614286;0.059109080525414046947130231047;0.000713877784123358063821107589;0.025128498001142203499558291924;0.010850942318675043524178747134;0.011993146773272416252820171678;0.015276984580239863498185570734;0.005139920045688178146248148437;0.016276413478012563551544644724;0.027984009137635636188523591272;0.013706453455168474478420570506;0.005711022272986864510568860709;0.003426613363792118619605142626;0.021416333523700741697792793161;0.015705311250713876319862194464;0.028840662478583665301323790686;0.000000000000000000000000000000;0.011707595659623072636978946548;0.021701884637350087048357494268;0.011707595659623072636978946548;0.016990291262135921723785969562;0.012278697886921758133937920832;0.027698458023986294307405842119;0.010565391205025699908337522004
-0.022451888809693513332499392732;0.027084818246614399128713301934;0.042052744119743405704081595786;0.004632929436920884061490433226;0.026372059871703493888484004515;0.024055595153243049255653573937;0.002316464718460442030745216613;0.038310762651461154060239522323;0.035994297933000712896856043699;0.022273699215965787889803806365;0.017640769779044902093589897163;0.017997148966500356448428021849;0.013720598717034925007052237333;0.027441197434069850014104474667;0.029935851746258020089630491611;0.014967925873129010044815245806;0.026550249465431219331179590881;0.046507483962936566057599918622;0.025837491090520314090950293462;0.009622238061297220743095515161;0.019600855310049892371582203054;0.019422665716322166928886616688;0.017462580185317176650894310797;0.022986457590876693130033103785;0.029223093371347114849401194192;0.022986457590876693130033103785;0.033856022808267993706721199487;0.043300071275837494211291556212;0.001425516749821810480458594839;0.017640769779044902093589897163;0.008374910905203135705332506689;0.016215253029223095082578254278;0.013007840342124019766822939914;0.004276550249465431441375784516;0.021026372059871702852040797893;0.032430506058446190165156508556;0.013186029935851746944242002257;0.005523877405559515611777055000;0.003385602280826799891089162742;0.019957234497505346726420327741;0.009087669280114040945561804108;0.026372059871703493888484004515;0.000000000000000000000000000000;0.010334996436208125983324812580;0.013898788310762652184471299677;0.012651461154668567146708291205;0.020313613684960797611811500474;0.019066286528866712574048492002;0.033499643620812542821330026754;0.013720598717034925007052237333
-0.019814814814814816351651316495;0.032222222222222221543752596062;0.032407407407407405608434913802;0.017962962962962961827040331286;0.037222222222222219045750790656;0.022222222222222223070309254922;0.004259259259259259508545447659;0.029074074074074075096918434724;0.031296296296296294281447103458;0.010555555555555555871660722289;0.016481481481481482370687885464;0.024629629629629629788967193349;0.013518518518518518253812565888;0.021851851851851851471497667490;0.052037037037037034425956960604;0.012592592592592592726230549260;0.021666666666666667406815349750;0.042962962962962959745372160114;0.027962962962962963769930624380;0.007222222222222221890697291258;0.011296296296296295599836945200;0.021666666666666667406815349750;0.014814814814814815380206169948;0.014814814814814815380206169948;0.025555555555555557051272685953;0.017777777777777777762358013547;0.030925925925925926152082467979;0.062777777777777779566470428563;0.001851851851851851922525771243;0.042407407407407407551325206896;0.016111111111111110771876298031;0.010740740740740739936343040029;0.013333333333333334189130248149;0.006666666666666667094565124074;0.016851851851851850500052520943;0.023333333333333334397297065266;0.007222222222222221890697291258;0.007777777777777777554191196430;0.005925925925925925631665425186;0.017962962962962961827040331286;0.010185185185185186007572610833;0.025740740740740741115955003693;0.000000000000000000000000000000;0.007037037037037036958653235530;0.025370370370370369517143416260;0.011111111111111111535154627461;0.018703703703703705024663506151;0.017592592592592593697675695807;0.023148148148148146863167795573;0.013333333333333334189130248149
-0.026617310065221222448172966324;0.025030847875903403793040880032;0.039132734003172922609969930363;0.010576414595452141714782001714;0.024678300722721664001158003998;0.029085140137493390583012242701;0.006698395910453023086028601085;0.030671602326811212707591280946;0.030847875903402079134085767009;0.016393442622950820525273840644;0.016040895469769080733390964610;0.019742640578177331200926403199;0.012691697514542570057738402056;0.021857923497267759543882803541;0.030142781597038603019766966895;0.012339150361360832000579001999;0.024854574299312533897099442015;0.045302309183853341212344645328;0.025383395029085140115476804112;0.007403490216816499200347401199;0.012515423937951701896520440016;0.021329102767495153325505441444;0.012339150361360832000579001999;0.025383395029085140115476804112;0.032434338092719901258664805255;0.023444385686585581668461841787;0.028908866560902520687070804684;0.049004054292261588210433131962;0.001410188612726952228637600228;0.030142781597038603019766966895;0.013573065397496916067998640187;0.013396791820906046172057202170;0.012515423937951701896520440016;0.004406839414771725714492500714;0.018684999118632118764171679004;0.030319055173629472915708404912;0.009695046712497797439245239559;0.011810329631588225782201639902;0.003701745108408249600173700600;0.021857923497267759543882803541;0.008461131676361713371825601371;0.029261413714084260478953680717;0.000000000000000000000000000000;0.014983254010223868296636240416;0.017627357659086902857970002856;0.015864621893178214306896478547;0.022915564956812975450084479689;0.019742640578177331200926403199;0.024678300722721664001158003998;0.014101886127269522286376002285
-0.025121915176592287538559489235;0.027929658637505540980106033544;0.026599674892862419650629846046;0.008571006354366779780851182124;0.034875129303975176131569213567;0.043150583715087925673614677180;0.003989951233929363121066824505;0.024826363233338259034477246701;0.022757499630560069914242404820;0.008275454411112753011492415567;0.014925373134328357924149877078;0.074922417614895819859555103903;0.012560957588296143769279744618;0.018176444510122652387096309212;0.027486330722624501693429621696;0.034727353332348158410081140346;0.015220925077582384693508643636;0.033545145559332051332646074115;0.029998522240283730100340875424;0.004581055120437416659784357620;0.014482045219447318637473465230;0.015220925077582384693508643636;0.010344318013890942131727257447;0.011969853701788088495838735525;0.050834934239692625146389559632;0.018324220481749666639137430479;0.024530811290084233999841956120;0.031919609871434904968534596037;0.000443327914881040316668475709;0.042707255800206886386938265332;0.064134771686123831502257530701;0.007388798581350672703416115894;0.013447613418058224077356044290;0.003989951233929363121066824505;0.014777597162701345406832231788;0.021575291857543962836807338590;0.006945470666469631682016228069;0.008423230382739767263533536834;0.003694399290675336351708057947;0.011969853701788088495838735525;0.007388798581350672703416115894;0.023348603517068123452959937936;0.000000000000000000000000000000;0.008127678439485738759451294300;0.015959804935717452484267298018;0.007536574552977686088095499173;0.013890941332939263364032456138;0.015368701049209398945549764903;0.022314171715679030627565992972;0.016698684793852520275025952401
-0.022609723658933059131648235507;0.016107580907344466736308419286;0.043002807743460914891020507866;0.002364415546032215022231870449;0.052903797842470810797177449558;0.054677109501994974882777000857;0.001921087631151174868193720613;0.014629821191074331154791110521;0.028668538495640608770864687926;0.012265405645042116999920978060;0.011822077730161075978521090235;0.059405940594059403192517265779;0.019654204226392787968613617977;0.019063100339884734429896084862;0.007388798581350672703416115894;0.015812028964090438232226176751;0.022461947687306044879607114240;0.038717304566277525867956654793;0.021575291857543962836807338590;0.007684350524604699472774882452;0.012265405645042116999920978060;0.019801980198019802220654739244;0.015516477020836411462867410194;0.021575291857543962836807338590;0.027338554750997487441388500429;0.018176444510122652387096309212;0.020836411999408895046048684208;0.016846460765479534527067073668;0.001625535687897147881994519558;0.082606768139500519332329986355;0.041525048027190779309503199102;0.012117629673415102747879856793;0.010344318013890942131727257447;0.006797694694842618297336844790;0.022757499630560069914242404820;0.034136249445840108340810559184;0.009605438155755874340968603065;0.007241022609723659318736732615;0.002659967489286242225271506001;0.025269691148219298321153658549;0.003694399290675336351708057947;0.019358652283138762933978327396;0.000000000000000000000000000000;0.009605438155755874340968603065;0.007684350524604699472774882452;0.012560957588296143769279744618;0.017733116595241613100419897364;0.013595389389685236594673689581;0.026008571006354366111912312931;0.007979902467858726242133649009
-0.029554540262707023473565115523;0.018846373500856654359392194920;0.049543118218161048826875259010;0.001142204454597372945481859041;0.007281553398058252662972122948;0.027412906910336948956841141012;0.002569960022844089073124074218;0.019560251284980012531633519757;0.070531125071387784641885332348;0.014991433466590519882344345604;0.016704740148486579842668220408;0.021987435750999428929475243422;0.016990291262135921723785969562;0.025271273557966874440117166500;0.007852655625356938159931097232;0.018275271273557967127709744659;0.025842375785265561671799616761;0.046687607081667616137909959662;0.013849229011993147153702921059;0.010137064534551685351937422297;0.013706453455168474478420570506;0.028840662478583665301323790686;0.014705882352941176266503120473;0.021987435750999428929475243422;0.035979440319817250493183991011;0.027412906910336948956841141012;0.023843517989720161565081468780;0.025271273557966874440117166500;0.001284980011422044536562037109;0.018989149057681325299951069496;0.017561393489434608955468419822;0.011850371216447743577537821125;0.010422615648201027233055171450;0.006424900057110222682810185546;0.021701884637350087048357494268;0.030696744717304397936930016044;0.015705311250713876319862194464;0.007567104511707595411451610090;0.012421473443746430809220271385;0.018846373500856654359392194920;0.006424900057110222682810185546;0.062107367218732154046101356926;0.000000000000000000000000000000;0.011564820102798401696420071971;0.004426042261564819974006823600;0.013849229011993147153702921059;0.023843517989720161565081468780;0.022701313535122787101716568259;0.028697886921758994360764916109;0.016133637921187892610985770148
-0.023132664437012263880522056070;0.014492753623188405973087888867;0.053232998885172799763410012019;0.001254180602006688995120331498;0.009894091415830546035192760712;0.031493868450390191671139916707;0.002090301003344481513973596165;0.020624303232998884155557917097;0.061454849498327759893534505409;0.016583054626532887920742354027;0.016025641025641024217662788942;0.031911928651059087713726114544;0.015189520624303232132490393269;0.031633221850613152392739380048;0.010451505016722408003548849820;0.015189520624303232132490393269;0.029264214046822743797715560277;0.050167224080267559804813259916;0.016304347826086956069202571484;0.010590858416945373929318741091;0.011845039018952062057077334600;0.031075808249721292159106766917;0.016583054626532887920742354027;0.021321070234113712049683897476;0.030379041248606464264980786538;0.021321070234113712049683897476;0.029403567447045707988761975571;0.011705685618729096131307443329;0.001532887402452619762457941555;0.030657748049052396116520569080;0.019370122630992196027799323588;0.014074693422519509930501691031;0.011008918617614269971904938927;0.007943143812709030013308186824;0.020345596432552955773465086509;0.034420289855072463969243301563;0.014074693422519509930501691031;0.008779264214046822098480582497;0.010172798216276477886732543254;0.027034559643255295924291203846;0.004598662207357859937895128155;0.041527313266443703632102568690;0.000000000000000000000000000000;0.011845039018952062057077334600;0.008500557413600891981664275932;0.011148272017837235897674830198;0.024247491638795987817234234285;0.018115942028985507900040730078;0.032190635451505016095818945132;0.013795986622073578078961908489
-0.034368530020703932925663082187;0.012146307798481711590077303242;0.050517598343685299333571947500;0.001242236024844720542956166831;0.005244996549344375577628163398;0.019737750172532781550716052266;0.004002760524499654817831562070;0.023878536922015181770406755390;0.031055900621118012056021129297;0.027191166321601102640048708281;0.016425120772946860681074099375;0.016287094547964113544491482344;0.019047619047619049337249919063;0.044582470669427193277201126875;0.010075914423740511480231951680;0.016425120772946860681074099375;0.016149068322981366407908865312;0.038785369220151827418519019375;0.019047619047619049337249919063;0.011732229123533471915052928125;0.021946169772256728797144020859;0.014768806073153898511529646953;0.019875776397515528687298669297;0.040579710144927533255199136875;0.031746031746031744269487262500;0.040855762594893027528364370937;0.029675638371290544159641910937;0.008419599723947549310687499258;0.000690131124913733622928957434;0.021394064872325740250813552734;0.014630779848171153109670505899;0.015320910973084885323136639101;0.010904071773636990830280701914;0.005935127674258108658456034590;0.021118012422360249447095270625;0.041407867494824016074694839062;0.015873015873015872134743631250;0.008143547273982056772245741172;0.003588681849551414709126317959;0.020289855072463766627599568437;0.007177363699102829418252635918;0.020841959972394755173930036563;0.000000000000000000000000000000;0.021532091097308487387396169765;0.005935127674258108658456034590;0.017805383022774328577453317735;0.040165631469979298784345189688;0.030641821946169770646273278203;0.032712215320910974225565581719;0.018081435472739819381171599844
-0.024526198439241916199327064874;0.021460423634336676240730312770;0.060340022296544032487375375240;0.000975473801560758119362504193;0.009476031215161649992606562876;0.018673355629877368133673343209;0.002369007803790412498151640719;0.022714604236343367837935858233;0.044453734671125975930205953546;0.023550724637681159923108253906;0.014910813823857302015674086704;0.014910813823857302015674086704;0.012402452619843924025433423708;0.045568561872909696397471179807;0.014910813823857302015674086704;0.012541806020066889951203314979;0.022435897435897435986396075691;0.043617614269788183845033557873;0.017279821627647715814868334405;0.012959866220735785993789512816;0.009754738015607580109422869441;0.020066889632107023921925303966;0.013795986622073578078961908489;0.033862876254180600266163736478;0.021321070234113712049683897476;0.029124860646599776137222193029;0.030518394648829431925474153786;0.029960981047937568222394588702;0.000975473801560758119362504193;0.019091415830546264176259541046;0.008779264214046822098480582497;0.021181716833890747858637482182;0.009894091415830546035192760712;0.005713489409141583007245568382;0.019788182831661092070385521424;0.045011148272017839633285518630;0.016861761426978819772282136569;0.004598662207357859937895128155;0.008639910813823857907434167203;0.020763656633221851816051284345;0.008361204013377926055894384660;0.039994425863991080183357240685;0.000000000000000000000000000000;0.015607580824972129909800067082;0.006410256410256410034009810772;0.009894091415830546035192760712;0.042781493868450391759861162200;0.027173913043478260115337619141;0.025362318840579711753946412500;0.014632107023411371898857780138
-0.021670117322291234523978786797;0.037267080745341615855004135938;0.033264320220841962771896049844;0.004140786749482401954414179102;0.014216701173222911699922654805;0.030089717046238785569389762031;0.004278812974465148223635058145;0.043202208419599721911374956562;0.042236024844720498894190541250;0.010075914423740511480231951680;0.016287094547964113544491482344;0.023602484472049690966688473281;0.013940648723257419161480896719;0.015044858523119392784694881016;0.036853002070393374445256284844;0.012008281573498964453494686211;0.014354727398205658836505271836;0.062663906142167005719478822812;0.033402346445824709908478666875;0.005797101449275362389235155547;0.019875776397515528687298669297;0.014078674948240166298063513750;0.018633540372670807927502067969;0.016701173222912354954239333438;0.025672877846790891076533824844;0.017943409247757072244588982812;0.039475500345065563101432104531;0.046100759144237404840716010312;0.000552104899930986920027209397;0.037405106970324362991586752969;0.014630779848171153109670505899;0.005935127674258108658456034590;0.021532091097308487387396169765;0.006901311249137336012449139844;0.014354727398205658836505271836;0.027467218771566596913213942344;0.017943409247757072244588982812;0.006211180124223602064259530664;0.005659075224292615252652538516;0.010351966873706004018673709766;0.012560386473429951265101678359;0.047757073844030363540813510781;0.000000000000000000000000000000;0.006487232574189096337424764727;0.019185645272601793004385584140;0.008971704623878536122294491406;0.014906832298136645648112263984;0.008281573498964803908828358203;0.030503795721187026979137613125;0.009523809523809524668624959531
-0.019368489583333332176851016015;0.036132812500000000000000000000;0.038248697916666664353702032031;0.001627604166666666738946811499;0.009440104166666666088425508008;0.022135416666666667823148983985;0.005859375000000000000000000000;0.026692708333333332176851016015;0.065755208333333328707404064062;0.016438802083333332176851016015;0.013834635416666666088425508008;0.015299479166666666088425508008;0.017252604166666667823148983985;0.015462239583333333911574491992;0.019042968750000000000000000000;0.012044270833333333911574491992;0.025553385416666667823148983985;0.072916666666666671292595935938;0.016113281250000000000000000000;0.008951822916666666088425508008;0.015950520833333332176851016015;0.025878906250000000000000000000;0.027669270833333332176851016015;0.021484375000000000000000000000;0.019368489583333332176851016015;0.019042968750000000000000000000;0.024739583333333332176851016015;0.034505208333333335646297967969;0.002929687500000000000000000000;0.022949218750000000000000000000;0.013346354166666666088425508008;0.012532552083333333911574491992;0.011393229166666666088425508008;0.004882812500000000000000000000;0.019205729166666667823148983985;0.034667968750000000000000000000;0.016601562500000000000000000000;0.006347656250000000000000000000;0.009765625000000000000000000000;0.024251302083333332176851016015;0.009765625000000000000000000000;0.067708333333333328707404064062;0.000000000000000000000000000000;0.011718750000000000000000000000;0.007324218750000000000000000000;0.013020833333333333911574491992;0.015787760416666667823148983985;0.011881510416666666088425508008;0.029134114583333332176851016015;0.007975260416666666088425508008
-0.019937205651491367308647539858;0.041758241758241755603453526646;0.042386185243328100558102278228;0.007692307692307692734701163317;0.013029827315541600563086888087;0.019309262166405022353998788276;0.005337519623233908695747462758;0.034065934065934062868752363329;0.048351648351648353341136754580;0.021036106750392465775112427195;0.013500784929356357544349975797;0.008791208791208791201166050655;0.011930926216640502096622000749;0.018053375196232339383595189020;0.027158555729984303062085615466;0.008634222919937204962503862760;0.019466248037676610327384452148;0.060439560439560439941697467248;0.024018838304552588697182713418;0.008163265306122449715964251027;0.016169544740973311458542838182;0.017425431711145997898393389391;0.016169544740973311458542838182;0.020251177394034536316524963695;0.018524332810047096364858276729;0.024646781789638933651831464999;0.031397174254317108954559500944;0.073469387755102047443678259242;0.001098901098901098900145756332;0.018210361067503923887533900938;0.007849293563579277238639875236;0.011145996860282574372758013226;0.013814756671899528286950875611;0.005651491365777080305710100561;0.013186813186813186801749075983;0.036577708006279435748453465749;0.013657770800627943783012163692;0.007064364207221350382137625701;0.004709576138147566343183925142;0.015384615384615385469402326635;0.008320251177394034219902962946;0.067660910518053368756241638948;0.000000000000000000000000000000;0.012401883830455259077885088459;0.016012558869701726954604126263;0.011773940345368917592683288831;0.017111459968602825421069013601;0.010204081632653060410231837807;0.024803767660910518155770176918;0.012244897959183672839222900564
-0.023272415762421474333399018519;0.039263278126784692534378962137;0.042689891490576815924473663699;0.007852655625356938159931097232;0.010565391205025699908337522004;0.026413478012564248903482067021;0.007567104511707595411451610090;0.034266133637921185328689688276;0.034266133637921185328689688276;0.017704169046259279896027294399;0.015134209023415190822903220180;0.009708737864077669060813846613;0.020131353512278696293869018064;0.019274700171330667181068818650;0.029840091376356368824129816630;0.012849800114220445365620371092;0.029982866933181039764688691207;0.067818389491719019424031955623;0.020131353512278696293869018064;0.008994860079954312623295997753;0.017275842375785267074350670669;0.021130782410051399816675044008;0.021701884637350087048357494268;0.020131353512278696293869018064;0.023272415762421474333399018519;0.022701313535122787101716568259;0.035408338092518559792054588797;0.030696744717304397936930016044;0.001427755568246716127642215177;0.019274700171330667181068818650;0.008566533409480296332172422069;0.015134209023415190822903220180;0.011707595659623072636978946548;0.006567675613934894490730798111;0.019131924614505996240509944073;0.034980011422044543500931013114;0.017704169046259279896027294399;0.007709880068532267219372222655;0.006567675613934894490730798111;0.022701313535122787101716568259;0.010993717875499714464737621711;0.035836664762992576083178164481;0.000000000000000000000000000000;0.011850371216447743577537821125;0.011850371216447743577537821125;0.013278126784694459922020470799;0.017275842375785267074350670669;0.015705311250713876319862194464;0.030696744717304397936930016044;0.010993717875499714464737621711
-0.020131353512278696293869018064;0.031553398058252427049730215458;0.038692175899486008772143463830;0.018989149057681325299951069496;0.022986864648772128982834317412;0.033552255853797827156448363439;0.006282124500285550874889572981;0.026984580239862936135164517282;0.059680182752712737648259633261;0.017418617932609938014909545245;0.015562535693889205379303319887;0.020559680182752712584992593747;0.011136493432324385405296496288;0.024557395773843516267875841663;0.020559680182752712584992593747;0.010565391205025699908337522004;0.025985151342090232612358491338;0.052255853797829814044728635736;0.022986864648772128982834317412;0.005711022272986864510568860709;0.017846944603083950836586168975;0.023843517989720161565081468780;0.013706453455168474478420570506;0.022986864648772128982834317412;0.024985722444317532558999417347;0.022130211307824099870034117998;0.027412906910336948956841141012;0.038977727013135350653261212983;0.001570531125071387718722393245;0.028840662478583665301323790686;0.011564820102798401696420071971;0.014134780125642490769544146190;0.011707595659623072636978946548;0.004711593375214163589848048730;0.009565962307252998120254972036;0.033409480296973159685336440816;0.011993146773272416252820171678;0.006996002284408909047130897818;0.005568246716162192702648248144;0.009565962307252998120254972036;0.006282124500285550874889572981;0.056253569388920614258164931698;0.000000000000000000000000000000;0.013278126784694459922020470799;0.011993146773272416252820171678;0.013563677898343803537861695929;0.020845231296402054466110342901;0.012278697886921758133937920832;0.026413478012564248903482067021;0.011422044545973729021137721418
-0.025274725274725275137033264627;0.016954474097331240917130301682;0.058555729984301412016645116410;0.000470957613814756656002435964;0.005180533751962323324447012851;0.032967032967032967871734427945;0.002511773940345368976573281472;0.018053375196232339383595189020;0.056671899529042384091592765571;0.016326530612244899431928502054;0.021193092621664050279051139114;0.024960753532182102659708888837;0.017425431711145997898393389391;0.028100470957613813555164838931;0.013971742543171114525613063506;0.021664050235478807260314226824;0.029199372056514912021629726269;0.054788069073783356166540414733;0.014913657770800628488139238925;0.009576138147566718925030038179;0.013186813186813186801749075983;0.035164835164835164804664202620;0.019937205651491367308647539858;0.023390894819466247211980913789;0.032182103610675041882593916398;0.023704866562009419689305289580;0.023704866562009419689305289580;0.012401883830455259077885088459;0.002511773940345368976573281472;0.023076923076923078204103489952;0.022135007849293564241577314533;0.015070643642072212992077950844;0.012401883830455259077885088459;0.006436420722135008029574088084;0.017582417582417582402332101310;0.037362637362637361737593977296;0.009733124018838305163692226074;0.009576138147566718925030038179;0.011145996860282574372758013226;0.023547880690737835185366577662;0.006436420722135008029574088084;0.041130298273155417587698678972;0.000000000000000000000000000000;0.008948194662480377439828238550;0.008006279434850863477302063131;0.010518053375196232887556213598;0.024646781789638933651831464999;0.015541601255886969973341038553;0.027629513343799056573901751221;0.014128728414442700764275251402
-0.033181818181818180379938354463;0.018787878787878787428811122595;0.047121212121212119328106382454;0.008181818181818182461606525635;0.007878787878787879214725897725;0.027575757575757576384178904050;0.006818181818181817850643700041;0.025606060606060604412093084647;0.034848484848484850839867021932;0.025303030303030302899935932714;0.014242424242424242195048655901;0.017272727272727272929131459023;0.017272727272727272929131459023;0.032121212121212119883217894767;0.018939393939393939919613174538;0.023030303030303029415692961379;0.027878787878787877896336055983;0.043484848484848487304432751444;0.018787878787878787428811122595;0.009393939393939393714405561298;0.017424242424242425419933510966;0.021969696969696968918972501683;0.015606060606060605938649743507;0.028181818181818182877940159869;0.033333333333333332870740406406;0.028030303030303030387138107926;0.030606060606060605383538231195;0.013484848484848484945208824115;0.001060606060606060713560894193;0.020454545454545454419292838111;0.020454545454545454419292838111;0.017878787878787879422892714842;0.013333333333333334189130248149;0.005000000000000000104083408559;0.019242424242424241431770326471;0.036515151515151514360901785494;0.012121212121212121201607736509;0.012727272727272727695368992329;0.005000000000000000104083408559;0.017424242424242425419933510966;0.008939393939393939711446357421;0.026363636363636363396656392410;0.000000000000000000000000000000;0.018939393939393939919613174538;0.014393939393939394685850707845;0.018030303030303031913694766786;0.026969696969696969890417648230;0.025303030303030302899935932714;0.022424242424242422921931705559;0.011060606060606060704887276813
-0.031032954041672822925734820387;0.013299837446431209825314923023;0.056007093246638099681700140309;0.010787645928771981418403669295;0.010935421900398995670444790562;0.023496379488695137705001059203;0.002512191517659228406911253728;0.021279739914289937802172048009;0.017142012708733559561702364249;0.026895226836116448154712088581;0.019654204226392787968613617977;0.031032954041672822925734820387;0.012708733559923156286597389908;0.051721590069454703719742383328;0.014334269247820304385432343963;0.020245308112900841507331151092;0.017142012708733559561702364249;0.033397369587705040550051904802;0.017880892566868627352461018631;0.011969853701788088495838735525;0.015959804935717452484267298018;0.016107580907344466736308419286;0.011230973843653022439803557120;0.037830648736515440355709927189;0.037535096793261418790521588562;0.041672823998817790092097368415;0.028520762524013594518823566659;0.016255356878971477518902588599;0.000295551943254026877778983806;0.015073149105955372176190998346;0.018471996453376680891178551747;0.017437564651987588065784606783;0.010639869957144968901086024005;0.008718782325993794032892303392;0.015220925077582384693508643636;0.039456184424412593658715309175;0.013595389389685236594673689581;0.006206590808334564758619311675;0.002807743460913255609950889280;0.014186493276193290133391222696;0.005319934978572484450543012002;0.010196542042263927879686136180;0.000000000000000000000000000000;0.018767548396630709395260794281;0.008127678439485738759451294300;0.010196542042263927879686136180;0.050982710211319642867877632852;0.036205113048618293991598449111;0.031624057928180876464452353503;0.017880892566868627352461018631
-0.016653449643140364605509162743;0.034575733544805711816572113548;0.024266455194290246361044083301;0.084694686756542431060879039251;0.042030134813639971613774548587;0.019984139571768436138832214510;0.007454401268834258929840697050;0.032513877874702619419355897890;0.023314829500396511141602218231;0.012846946867565423727741702464;0.012688342585249801769409216945;0.010467882632831085679137039790;0.016812053925455986563841648262;0.016336241078509120688844191704;0.034575733544805711816572113548;0.007613005551149880888173182569;0.016653449643140364605509162743;0.049484536082474224472083079718;0.031086439333862014855469624308;0.007771609833465503713867406077;0.020618556701030927441609108541;0.011736716891356066549967351875;0.024900872323552734194374025378;0.019666931007137192222167243472;0.016494845360824742647176677224;0.016019032513877873302732268712;0.030452022204599523552692730277;0.049325931800158602513750594198;0.002537668517049960440618017188;0.028707375099127675072141485657;0.007771609833465503713867406077;0.013164155432196669379130149480;0.020301348136399683524944137503;0.005233941316415542839568519895;0.017287866772402855908286056774;0.028072957969865187238811543580;0.014591593973037272208292947084;0.004599524187153053271515101841;0.004599524187153053271515101841;0.013005551149881047420797663960;0.014274385408406026556904500069;0.031245043616177636813802109828;0.000000000000000000000000000000;0.008406026962727993281920824131;0.022680412371134019838825324200;0.015543219666931007427734812154;0.014432989690721650249960461565;0.008088818398096749365255853093;0.026169706582077716799927813440;0.008247422680412371323588338612
-0.032954041672824001263375492954;0.016255356878971477518902588599;0.036943992906753361782357103493;0.011526525786907049209162323677;0.013595389389685236594673689581;0.034136249445840108340810559184;0.004728831092064430044463740899;0.023496379488695137705001059203;0.030737402098418797891099529807;0.020245308112900841507331151092;0.018028668538495641604502139899;0.027190778779370473189347379162;0.023644155460322151957042180470;0.031919609871434904968534596037;0.012117629673415102747879856793;0.021575291857543962836807338590;0.021131963942662923550130926742;0.040047288310920643727985890337;0.019210876311511748681937206129;0.007684350524604699472774882452;0.018028668538495641604502139899;0.020097532141273827255290029825;0.019506428254765773716572496710;0.027043002807743462406753209848;0.034727353332348158410081140346;0.027929658637505540980106033544;0.030441850155164769387017287272;0.019949756169646816472695860512;0.001773311659524161266673902837;0.034727353332348158410081140346;0.019506428254765773716572496710;0.012560957588296143769279744618;0.010935421900398995670444790562;0.007093246638096645066695611348;0.025417467119846312573194779816;0.028077434609132555232147154811;0.013152061474804197307997277733;0.009900990099009901110327369622;0.003989951233929363121066824505;0.021723067829170977088848459857;0.006502142751588591527978078233;0.024826363233338259034477246701;0.000000000000000000000000000000;0.017289788680360573813743485516;0.010048766070636913627645014913;0.018028668538495641604502139899;0.024087483375203191243718592318;0.019801980198019802220654739244;0.030146298211910744352381996691;0.015516477020836411462867410194
-0.046069587628865982242842846972;0.004993556701030927441609108541;0.049935567010309281354984989321;0.010470360824742267272235984876;0.012081185567010309725444194839;0.024806701030927833656614112101;0.003382731958762886723124374555;0.017235824742268042453208209963;0.012886597938144329217324823844;0.035277061855670102663573572954;0.017557989690721649556071071174;0.015141752577319587610982232206;0.017235824742268042453208209963;0.055734536082474230023198202844;0.008859536082474226553751250890;0.028833762886597939789634637009;0.012564432989690722114461962633;0.022873711340206184100543040927;0.011597938144329897336426427046;0.012403350515463916828307056051;0.016108247422680410654294291817;0.012081185567010309725444194839;0.011597938144329897336426427046;0.043331185567010307990720718863;0.036726804123711341565350352312;0.049774484536082470864659654808;0.030122422680412371670533033807;0.002899484536082474334106606761;0.001288659793814432965100569284;0.019168814432989692009279281137;0.010309278350515463720804554271;0.017235824742268042453208209963;0.009664948453608247780355355872;0.007731958762886598224284284697;0.027706185567010307990720718863;0.039143041237113401775715715303;0.012886597938144329217324823844;0.011920103092783504439289288257;0.002738402061855669915313438167;0.012564432989690722114461962633;0.003543814432989690708236674155;0.007409793814432989386697947509;0.000000000000000000000000000000;0.020457474226804123890177677936;0.006926546391752576997680179716;0.018041237113402060210365362991;0.051385309278350513317867864771;0.042686855670103093784994996440;0.033021907216494846004639640569;0.021585051546391752219644644128
-0.028697886921758994360764916109;0.022130211307824099870034117998;0.044688749286122216031191811680;0.056253569388920614258164931698;0.010993717875499714464737621711;0.016704740148486579842668220408;0.003854940034266133609686111328;0.021844660194174757988916368845;0.028555111364934323420206041533;0.027412906910336948956841141012;0.015705311250713876319862194464;0.008852084523129639948013647199;0.013849229011993147153702921059;0.041119360365505425169985187495;0.015848086807538550729868020994;0.015705311250713876319862194464;0.021987435750999428929475243422;0.038549400342661334362137637299;0.016561964591661908902109345831;0.010137064534551685351937422297;0.015562535693889205379303319887;0.016990291262135921723785969562;0.012992575671045116306179245669;0.035836664762992576083178164481;0.025842375785265561671799616761;0.032981153626499143394212865132;0.027841233580810965247964716696;0.034551684751570534148701341337;0.002141633352370074083043105517;0.013706453455168474478420570506;0.008994860079954312623295997753;0.018418046830382638068268619236;0.006424900057110222682810185546;0.007424328954882924470892735513;0.017989720159908625246591995506;0.040262707024557392587738036127;0.011279268989149058080578846841;0.009851513420902341736096197167;0.007709880068532267219372222655;0.011707595659623072636978946548;0.007567104511707595411451610090;0.031125071387778410758606639774;0.000000000000000000000000000000;0.020845231296402054466110342901;0.007567104511707595411451610090;0.014705882352941176266503120473;0.038977727013135350653261212983;0.020845231296402054466110342901;0.026699029126213590784599816175;0.013706453455168474478420570506
-0.031090723751274210173711765037;0.015163098878695208462930033022;0.053261977573904176197494564349;0.002293577981651376274108145026;0.013506625891946993228698303824;0.018603465851172274608815726538;0.003695208970438328393431914876;0.028669724770642203426351812823;0.024719673802242610183288462622;0.032492354740061159257269451928;0.015800203873598369502806448850;0.015035677879714576254954749857;0.018476044852191640666116967395;0.034403669724770644111622175387;0.011467889908256881370540725129;0.015163098878695208462930033022;0.021916411824668705077279184934;0.045489296636085627123513575043;0.018348623853211010192865160207;0.009938837920489296609560803120;0.015290519877675840670905316188;0.017584097859327216945013461213;0.019750254841997962745869799051;0.041666666666666664353702032031;0.026630988786952088098747282174;0.035168195718654433890026922427;0.030963302752293579700459957849;0.009429153924566767777659670458;0.001401630988786952119323769850;0.016055045871559633918757015181;0.016692150866462793223909955032;0.020259938837920488108323979759;0.014016309887869520325875960509;0.008919469928644240680482013772;0.023318042813455657630283823778;0.043960244648318040627810177057;0.015672782874617735560107689707;0.011850152905198776259743098649;0.003822629969418960167726329047;0.022808358817533128798382691116;0.006498470948012232198398585581;0.022043832823649339019977944076;0.000000000000000000000000000000;0.016692150866462793223909955032;0.007390417940876656786863829751;0.016564729867482162750658147843;0.034658511722731905058125789765;0.021661569826707440661328618603;0.034785932721712535531377596953;0.014908256880733945781702942668
-0.020193151887620719442395511578;0.028387474392742171463988043456;0.044044483465027803315017251862;0.002194907813871817443829304040;0.018437225636523266181221458737;0.028680128767925080340850385596;0.001902253438688908350126527402;0.029265437518290898094575069877;0.054141059408838163036215007651;0.013754755633596722416700508518;0.012730465320456541347682311027;0.023851331577407083872621740284;0.013315774070822359101406995308;0.022095405326309627142000735489;0.016973953760608721796909748036;0.013462101258413813539838166378;0.024729294702955810503208766704;0.066432543166520335864433377537;0.018729880011706175058083800877;0.010681884694176177474922440069;0.015364354697102721239443390289;0.018876207199297629496514971947;0.021510096575943809388276051209;0.019022534386889083934946143017;0.022534386889083990457294248699;0.019900497512437810565533169438;0.034533216271583261347544180353;0.033069944395668716963232469652;0.000585308750365817970565118777;0.034825870646766170224406522493;0.013608428446005267978269337448;0.007170032191981270085212596399;0.011706175007316358543940637560;0.005414105940883815956676805570;0.013023119695639450224544653167;0.037167105648229441239305259614;0.016095990635059995166322721616;0.006877377816798361208350254259;0.004536142815335089326089779149;0.017998244073748902865927945527;0.008633304067895815336886045088;0.074187884108867424570732396205;0.000000000000000000000000000000;0.009218612818261633090610729369;0.009657594381035996405904242579;0.008779631255487269775317216158;0.016242317822651449604753892686;0.015657009072285631851029208406;0.029704419081065261409868583087;0.010096575943810359721197755789
-0.019900497512437810565533169438;0.034825870646766170224406522493;0.039362013462101261285219777619;0.003072870939420544508097199454;0.023997658764998538311052911354;0.020193151887620719442395511578;0.006145741878841089016194398909;0.035703833772314896854993548914;0.044337137840210712191879594002;0.015218027509511266801012219219;0.014047410008779631293562850658;0.020778460637986537196120195858;0.009803921568627450844335413649;0.026631548141644718202813990615;0.022973368451858353772587761910;0.008779631255487269775317216158;0.019754170324846356127101998368;0.064237635352648522757412763440;0.025899912203687446010658135265;0.008340649692712906460023702948;0.019168861574480538373377314088;0.023705004389815629434190569214;0.014340064383962540170425192798;0.021802750951126718265138393349;0.024143985952589992749484082424;0.023851331577407083872621740284;0.035118525021949079101268864633;0.034825870646766170224406522493;0.001170617500731635941130237555;0.029850746268656715848299754157;0.008047995317529997583161360808;0.010828211881767631913353611139;0.014779045946736903485718706008;0.003950834064969271572365094869;0.011413520632133449667078295420;0.032045654082528532424767320208;0.016242317822651449604753892686;0.005414105940883815956676805570;0.007316359379572724523643767469;0.014047410008779631293562850658;0.008633304067895815336886045088;0.054141059408838163036215007651;0.000000000000000000000000000000;0.013023119695639450224544653167;0.012876792508047995786113482097;0.016827626573017267358478576966;0.024143985952589992749484082424;0.013608428446005267978269337448;0.029997073456248170286730925227;0.010681884694176177474922440069
-0.030553969160479726996371141468;0.014277555682467161710103020766;0.067961165048543686895143878246;0.022272986864648770810592992575;0.024271844660194174386758092510;0.015848086807538550729868020994;0.002141633352370074083043105517;0.020131353512278696293869018064;0.020131353512278696293869018064;0.032410051399200459631977366826;0.016276413478012563551544644724;0.011564820102798401696420071971;0.011136493432324385405296496288;0.052255853797829814044728635736;0.010137064534551685351937422297;0.013706453455168474478420570506;0.025842375785265561671799616761;0.037835522558537976189896312462;0.012421473443746430809220271385;0.014848657909765848941785471027;0.013563677898343803537861695929;0.017846944603083950836586168975;0.010850942318675043524178747134;0.041547687035979441461108763178;0.025985151342090232612358491338;0.038977727013135350653261212983;0.030125642490005710705247565784;0.008994860079954312623295997753;0.001427755568246716127642215177;0.013278126784694459922020470799;0.009423186750428327179696097460;0.021130782410051399816675044008;0.006853226727584237239210285253;0.008138206739006281775772322362;0.016276413478012563551544644724;0.053112507138777839688081883196;0.015848086807538550729868020994;0.005282695602512849954168761002;0.002141633352370074083043105517;0.017989720159908625246591995506;0.005139920045688178146248148437;0.016847515705311250783227094985;0.000000000000000000000000000000;0.020274129069103370703874844594;0.006710451170759566298651410676;0.014563106796116505325944245897;0.050256996002284406999116583847;0.030125642490005710705247565784;0.025699600228440890731240742184;0.015562535693889205379303319887
-0.028625235404896420821074798368;0.003201506591337099742744509712;0.077966101694915260211793395229;0.000000000000000000000000000000;0.000753295668549905828199897417;0.017325800376647833289656119860;0.002824858757062146882854669627;0.017702448210922788751631173909;0.016760828625235403566140490739;0.040489642184557438076009105998;0.011864406779661017254934307630;0.006779661016949152345378859508;0.016760828625235403566140490739;0.061393596986817323968299575654;0.004896421845574388045929659086;0.019209039548022600191190534247;0.028436911487758946559534223297;0.026553672316384179657999808910;0.007156308851224105205268699592;0.016572504708097929304599915667;0.012617702448210922974713987799;0.019962335216572504176246738439;0.012052730696798493251198358678;0.058003766478342752566099704836;0.033521657250470807132280981477;0.042372881355932201508096568432;0.024482109227871938494924819452;0.001883239171374764516289634919;0.002824858757062146882854669627;0.008474576271186440648564008882;0.007721280602636534928784328713;0.028060263653483991097559169248;0.005649717514124293765709339254;0.007532956685499058065158539677;0.023917137476459508771409190331;0.059887005649717515998187167270;0.017702448210922788751631173909;0.007344632768361582068894488629;0.003013182674199623312799589669;0.024482109227871938494924819452;0.005461393596986816902083550218;0.009981167608286252088123369219;0.000000000000000000000000000000;0.024858757062146893956899873501;0.002448210922787194022964829543;0.016384180790960451573612388643;0.057627118644067797104124650787;0.033709981167608288332715460456;0.026741996233521657388987335935;0.016007532956685499581084286547
-0.035379812695109258413594943704;0.008844953173777314603398735926;0.074921956295525490854281258635;0.000173430454387790494111959427;0.000520291363163371536545986906;0.012660423170308706883324667558;0.003988900450919181418785175453;0.017863336801942422682465405614;0.021852237252861603233888843079;0.039715574054804025916354248693;0.016129032258064515681361683619;0.006243496357960457571190104886;0.013007284079084286895766631176;0.060527228581338882174023297011;0.005202913631633714931779000068;0.021331945889698229745778945698;0.029830038154699964336735718007;0.031217481789802287855950524431;0.006243496357960457571190104886;0.016996184530003469181913544617;0.011793270898369753382772806560;0.018903919528269162719791296468;0.011272979535206381629386385157;0.053243149497051681096060349319;0.029136316337148804311851790771;0.042143600416233092942341897924;0.031044051335414497849729542622;0.002081165452653486146183947625;0.001734304543877905049539811522;0.006243496357960457571190104886;0.004335761359694762298588877059;0.027748872702046480792636984347;0.006070065903572667564969123077;0.007284079084287201077962947693;0.019424210891432536207901193848;0.061047519944502255662133194392;0.015088449531737773909312316789;0.013874436351023240396318492174;0.002081165452653486146183947625;0.018903919528269162719791296468;0.003642039542143600538981473846;0.007457509538674991084183929502;0.000000000000000000000000000000;0.023933402705515086777987576738;0.004856052722858134051975298462;0.017863336801942422682465405614;0.055671175858480748122047998550;0.039889004509191812453128278548;0.022545959070412763258772770314;0.018036767256330212688686387423
-0.031894329896907214205725722422;0.011436855670103092050271520463;0.070554123711340205327147145908;0.000644329896907216482550284642;0.015625000000000000000000000000;0.022712628865979380549111610321;0.003221649484536082304331205961;0.016108247422680410654294291817;0.040431701030927837126061064055;0.022068298969072166343385887899;0.017557989690721649556071071174;0.014175257731958762832946696619;0.011920103092783504439289288257;0.042847938144329897336426427046;0.005798969072164948668213213523;0.018524484536082474334106606761;0.027867268041237115011599101422;0.046713917525773196448568569394;0.011114690721649484947408659252;0.020618556701030927441609108541;0.010953608247422679661253752670;0.024645618556701030105182681496;0.015463917525773196448568569394;0.034310567010309281354984989321;0.032860824742268042453208209963;0.036565721649484538013918921706;0.021585051546391752219644644128;0.009664948453608247780355355872;0.001127577319587628763147835187;0.028994845360824743341066067615;0.006926546391752576997680179716;0.022068298969072166343385887899;0.006765463917525773446248749110;0.006604381443298969027455580516;0.017557989690721649556071071174;0.043009020618556700887857857651;0.015141752577319587610982232206;0.005476804123711339830626876335;0.006443298969072164608662411922;0.023195876288659794672852854092;0.004027061855670102663573572954;0.027384020618556700887857857651;0.000000000000000000000000000000;0.015463917525773196448568569394;0.003221649484536082304331205961;0.012564432989690722114461962633;0.044136597938144332686771775798;0.032216494845360821308588583634;0.022873711340206184100543040927;0.016913659793814431880898396798
-0.019300991131977047327028529367;0.034428794992175271172385464524;0.049426186750130413072312762779;0.003521126760563380361096497140;0.014606155451225873512233199847;0.021909233176838811135711537759;0.004564423578508085797833526698;0.036776212832550864151315295203;0.028429838288993217187972106785;0.018257694314032343191334106791;0.014345331246739697478309594203;0.012780386019822639540044484363;0.012780386019822639540044484363;0.028951486697965572725266270027;0.030646844027125717813131444700;0.011737089201877933669626585811;0.025299947835159101311441887106;0.054381846635367762921031697942;0.024778299426186749243594675818;0.016431924882629109219145391307;0.017083985393844550171316143405;0.017605633802816902239163354693;0.017605633802816902239163354693;0.022430881585811163203558749046;0.023343766301512781924376582765;0.027647365675534690820924765831;0.036906624934793949566191884060;0.040297339593114239741922233407;0.001434533124673969704462872521;0.028690662493479394956619188406;0.006781429316640583820907650647;0.011867501304121022553950126621;0.016562336984872194634021980164;0.005216484089723526750004278796;0.018779342723004695259181318079;0.038341158059467916885409977112;0.013171622326551904458291630817;0.007042253521126760722192994280;0.003129890453834115876530219680;0.020083463745435577163522822275;0.011606677099634846520026520977;0.028429838288993217187972106785;0.000000000000000000000000000000;0.013302034428794991607891695651;0.013954094940010432560062447749;0.014084507042253521444385988559;0.026604068857589983215783391302;0.016953573291601461286992602595;0.025430359937402190195765427916;0.012258737610850287472197273075
-0.030453618756371050868558825186;0.001783893985728848092728315855;0.044087665647298678039955888153;0.000000000000000000000000000000;0.128185524974515796525764699254;0.020387359836901122051022738901;0.000509683995922528072959611922;0.008792048929663608472506730607;0.012742099898063199980846604831;0.023318042813455657630283823778;0.009046890927624872888457296938;0.082568807339449545867893220930;0.007008154943934760162937980255;0.044979612640163098291612442381;0.002420998980632008048402559197;0.016182466870540264392008822369;0.016055045871559633918757015181;0.020005096839959223692373413428;0.004969418960244648304780401560;0.015927624872578999976058256038;0.009938837920489296609560803120;0.008282364933741081375329073921;0.004459734964322120340241006886;0.033893985728848115279721042725;0.027268093781855250873347173979;0.034021406727828745752972849914;0.016946992864424057639860521363;0.000764525993883792055229309259;0.001401630988786952119323769850;0.130479102956167186677660652094;0.012614678899082569507594797642;0.012996941896024464396797171162;0.001783893985728848092728315855;0.005479102956167176269319796234;0.015545361875637105086855882519;0.030326197757390416925860066044;0.010958205912334352538639592467;0.007517838939857288127477374928;0.000891946992864424046364157928;0.008282364933741081375329073921;0.001529051987767584110458618518;0.006116207951070336441834474073;0.000000000000000000000000000000;0.015672782874617735560107689707;0.000764525993883792055229309259;0.008282364933741081375329073921;0.040392456676860345743396152329;0.028669724770642203426351812823;0.018858307849133535555319340915;0.016437308868501528807959388701
-0.025899828604075414428820067769;0.016377832793753571705153149196;0.062654732431917728452397398087;0.014854313464102075412198722404;0.010474195391354027689923000821;0.028185107598552656266166493992;0.004189678156541610902496852731;0.026661588268901161707935543177;0.024757189106836791775423378681;0.018472671872024375855358968579;0.017901352123405066263384100012;0.018853551704437251229640182260;0.014092553799276328133083246996;0.038849742906113121643230101654;0.017901352123405066263384100012;0.014092553799276328133083246996;0.023043229860978859530051821025;0.045134260140925537563294511756;0.021900590363740240346102083890;0.019805751285469432726449312554;0.013521234050657018541108378429;0.015425633212721386738897066948;0.016187392877547134018012542356;0.028375547514759093953307100833;0.026471148352694724020794936337;0.032946105503713581097446905233;0.028375547514759093953307100833;0.025138068939249667149704592362;0.001333079413445058172132950958;0.026090268520281852115960674610;0.017710912207198628576243493171;0.015044753380308513099339329244;0.010474195391354027689923000821;0.007046276899638164066541623498;0.020377071034088745787871133075;0.036183584079223007901049413704;0.011616834888592648608596213933;0.009521995810321842723666918573;0.005141877737573795868752934979;0.021329270615120930754127215323;0.005903637402399543147868410387;0.026661588268901161707935543177;0.000000000000000000000000000000;0.013711673966863454493525509292;0.010855075223766901329480738525;0.010474195391354027689923000821;0.036564463911635876336436723477;0.021710150447533802658961477050;0.030089506760617026198678658488;0.011616834888592648608596213933
-0.013032581453634084836523676643;0.034085213032581454517533359194;0.045614035087719301264641558191;0.040768588137009190153214888142;0.020551378446115289161388872685;0.013533834586466165356144486509;0.005847953216374268681221337829;0.019047619047619049337249919063;0.074185463659147868331622532878;0.009022556390977444149004149665;0.007184628237259816155302338814;0.009356725146198830583843530917;0.007685881370091896674923148680;0.017543859649122806043664013487;0.025229741019214702718587162167;0.009356725146198830583843530917;0.024394319131161235764126971048;0.046783625730994149449770702631;0.013366750208855471271363057895;0.009857978279030911103464340783;0.008688387635756055979441292436;0.049456975772765247867379656554;0.015705931495405178049962202635;0.013533834586466165356144486509;0.018045112781954888298008299330;0.011695906432748537362442675658;0.015371762740183793349846297360;0.085547201336675024463396255214;0.003675856307435254686361014720;0.018045112781954888298008299330;0.008354218880534669544601911184;0.010693400167084378057924531902;0.006015037593984962766002766443;0.006850459482038429720462957562;0.013533834586466165356144486509;0.025898078529657475588265924671;0.009022556390977444149004149665;0.007017543859649122937882648188;0.054970760233918128379038137155;0.030743525480367586699692594721;0.006850459482038429720462957562;0.056641604010025062287958519391;0.000000000000000000000000000000;0.008855472013366750064222721051;0.011361737677527150927603294406;0.008521303258145363629383339799;0.015037593984962405180283440131;0.009356725146198830583843530917;0.016040100250626566219525059864;0.008020050125313283109762529932
-0.026595744680851064051241294806;0.006348661633493480130341346523;0.086307481125600549187737442480;0.000171585449553877825244058153;0.012182566918325326080219106473;0.015785861358956761874017260538;0.002402196293754289661837031389;0.014070006863417982428954289276;0.063486616334934797833966513281;0.025909402882635552967105496691;0.010981468771448180815619721784;0.010466712422786548369879611187;0.009094028826355524466884538981;0.043067947838023333539947401505;0.004289636238846946010572214192;0.017158544955387784042288856767;0.033630748112560053530994963467;0.039979409746053531926612834013;0.007378174330816746756545043695;0.018531228551818806210560452996;0.011667810569663691899755519898;0.058339052848318459498777599492;0.011667810569663691899755519898;0.032429649965682913470566006708;0.024365133836650652160438212945;0.028654770075497597303648689149;0.017673301304049416488028967365;0.020761839396019218101363534856;0.000857927247769389180430399389;0.011324639670555936357687620841;0.011667810569663691899755519898;0.020590253946465339462967847339;0.003774879890185312263789496612;0.007378174330816746756545043695;0.015099519560741249055157986447;0.042724776938915583202049930378;0.011153054221002059454015409301;0.010981468771448180815619721784;0.029341111873713108387784487263;0.022820864790665751353770929200;0.004632807137954701552640113249;0.030370624571036376748711660412;0.000000000000000000000000000000;0.017158544955387784042288856767;0.001372683596431022601952465223;0.009951956074124914189416024612;0.040665751544269046480195584081;0.022820864790665751353770929200;0.018188057652711048933769077962;0.013726835964310226886886390218
-0.030564263322884012430424860440;0.006465517241379310255100509863;0.082876175548589336994353971022;0.000000000000000000000000000000;0.000587774294670846426252852623;0.013322884012539185083490167472;0.003526645768025078557517115740;0.018025078369905956493512988459;0.034286833855799371539863074076;0.038793103448275863265326535156;0.014106583072100314230068462962;0.010579937304075234805189609233;0.012147335423197491363622724236;0.053487460815047023487966981747;0.003918495297805642263444525497;0.014498432601880877068634134730;0.036442006269592479295038600640;0.035854231974921629833019665057;0.007445141065830720820961641238;0.017829153605015673339506676598;0.011167711598746080797761592862;0.024294670846394982727245448473;0.012539184952978055936911871981;0.048785266457680248608497208807;0.030368338557993729276418548579;0.038597178683385580111320223295;0.022727272727272727903535809446;0.001959247648902821131722262749;0.002155172413793103418366836621;0.008032915360501567680895362855;0.010188087774294670231900461488;0.030564263322884012430424860440;0.003918495297805642263444525497;0.008424764890282132254184510600;0.019004702194357365324650643856;0.053683385579937306641973293608;0.010971786833855799378478756978;0.009796238244514107393334789720;0.001175548589341692852505705247;0.022727272727272727903535809446;0.005094043887147335115950230744;0.014890282131661441641923282475;0.000000000000000000000000000000;0.024686520376175549035258072195;0.003918495297805642263444525497;0.015673981191222569053778101988;0.056230407523510973766267539986;0.031935736677115987569575139560;0.026057993730407524174408351314;0.015673981191222569053778101988
-0.030885178070045812143140651074;0.002955519432540268994630272559;0.085710063543667794339064869291;0.000295551943254026877778983806;0.005024383035318456813822507456;0.021427515885916948584766217323;0.001921087631151174868193720613;0.015812028964090438232226176751;0.017880892566868627352461018631;0.035466233190483226200839794728;0.013743165361312250846714810848;0.022757499630560069914242404820;0.009014334269247820802251069949;0.058962612679178363905840853931;0.003398847347421309148668422395;0.017880892566868627352461018631;0.028225210580759569484188276078;0.027634106694251515945470742963;0.009900990099009901110327369622;0.020097532141273827255290029825;0.009162110240874833319568715240;0.018471996453376680891178551747;0.010935421900398995670444790562;0.057484852962908228324323545166;0.029850746268656715848299754157;0.043298359686714943395102750401;0.023496379488695137705001059203;0.007093246638096645066695611348;0.000591103886508053755557967612;0.013004285503177183055956156466;0.022905275602187084166283526088;0.027781882665878526728064912277;0.004581055120437416659784357620;0.008718782325993794032892303392;0.017289788680360573813743485516;0.054972661445249003386859243392;0.012117629673415102747879856793;0.008571006354366779780851182124;0.000443327914881040316668475709;0.015959804935717452484267298018;0.003989951233929363121066824505;0.005467710950199497835222395281;0.000000000000000000000000000000;0.024530811290084233999841956120;0.002512191517659228406911253728;0.013299837446431209825314923023;0.061031476281956556495522647765;0.033840697502586079836728316650;0.023200827545441112670365768622;0.016403132850598491770943709867
-0.024198427102238354718943824651;0.006654567453115547807918073175;0.074410163339382939806654349013;0.000201653559185319619043857964;0.020165355918531961687545361883;0.011292599314377899100136914967;0.003024803387779794339867978081;0.019560395240976004294086720847;0.021576930832829199075062476254;0.044363783020770319875936138487;0.011695906432748537362442675658;0.008267795926598105193949805880;0.008066142367412784328073449558;0.051220004033071184212921878043;0.006856221012300866939070953521;0.013914095583787053009294787387;0.031054648114539222525376516160;0.033676144383948378169257864556;0.010889292196007259103107678300;0.022786852187941117331426710280;0.013107481347045774749959790029;0.020568663036902599949851122574;0.015728977616454930393841138425;0.056462996571889495500684574836;0.020165355918531961687545361883;0.034482758620689654693869385937;0.028634805404315386012648048109;0.012905827787860455618806909683;0.001613228473482556952350863710;0.010687638636821939971954797954;0.009881024400080661712619800596;0.030449687436983261662470923170;0.005242992538818310420400958805;0.006251260334744908678250574496;0.015527324057269611262688258080;0.062310949788263764181905912665;0.014317402702157693006324024054;0.007864488808227465196920569213;0.001613228473482556952350863710;0.024198427102238354718943824651;0.006452913893930227809403454842;0.012502520669489817356501148993;0.000000000000000000000000000000;0.022181891510385159937968069244;0.005646299657188949550068457484;0.015930631175640249524994018770;0.055253075216777573774873388857;0.029643073200241985137859401789;0.025005041338979634713002297985;0.011494252873563218231289795312
-0.017342206089937486912511133141;0.020971970155273241681603835218;0.067755595886267394600821489803;0.005242992538818310420400958805;0.026013309134906230368766699712;0.026214962694091549499919580057;0.009679370840895342581466920251;0.032062915910465818181140917886;0.028634805404315386012648048109;0.020971970155273241681603835218;0.014115749142972373875171143709;0.017140552530752167781358252796;0.012099213551119177359471912325;0.031256301673724541656529396505;0.017947166767493447775416726131;0.009477717281710021715590563929;0.024803387779794312112402465687;0.041137326073805199899702245148;0.023795119983867716456638063960;0.023190159306311755593732470970;0.024400080661423673850096704996;0.020770316596087922550450954873;0.019157088122605362562334008203;0.028634805404315386012648048109;0.021778584392014518206215356599;0.019762048800161323425239601193;0.033272837265577739906952103865;0.019560395240976004294086720847;0.001613228473482556952350863710;0.024803387779794312112402465687;0.006452913893930227809403454842;0.020165355918531961687545361883;0.016333938294010887787299779461;0.004839685420447671290733460125;0.016132284734825568656146899116;0.042750554547287759887819191817;0.012905827787860455618806909683;0.007057874571486186937585571854;0.005444646098003629551553839150;0.019157088122605362562334008203;0.008267795926598105193949805880;0.022585198628755798200273829934;0.000000000000000000000000000000;0.013309134906231095615836146351;0.015325670498084290396811901758;0.014922363379713652134506141067;0.036700947771728172075444973643;0.013309134906231095615836146351;0.028433151845130066881495167763;0.012300867110304496490624792671
-0.022161172161172162237141591845;0.026373626373626373603498151965;0.038827838827838828672511795048;0.019230769230769231836752908293;0.029670329670329669002892813978;0.022527472527472527236147570306;0.004945054945054944833815468996;0.023443223443223443203109468413;0.034249084249084252307149256467;0.018131868131868133370288020956;0.013919413919413920269207984859;0.023626373626373625702612457644;0.013553113553113553535478530421;0.030219780219780219970848733624;0.027655677655677654569466028533;0.017765567765567764901835090541;0.022710622710622709735650559537;0.035714285714285712303173170312;0.017765567765567764901835090541;0.010439560439560438900863381662;0.015384615384615385469402326635;0.019230769230769231836752908293;0.017948717948717947401338079771;0.031135531135531135937810631731;0.025457875457875457636536253858;0.026190476190476191103995162734;0.022893772893772892235153548768;0.049816849816849820276054572332;0.002564102564102564100340098108;0.021062271062271063770676704507;0.017582417582417582402332101310;0.016300366300366301436364224742;0.010622710622710623135089846869;0.005677655677655677433912639884;0.023626373626373625702612457644;0.036446886446886449240079031142;0.015384615384615385469402326635;0.009890109890109889667630937993;0.005860805860805860800777367103;0.018498168498168498369293999417;0.005677655677655677433912639884;0.029853479853479854971842755162;0.000000000000000000000000000000;0.017948717948717947401338079771;0.013369963369963369301252065213;0.013553113553113553535478530421;0.026007326007326008604492173504;0.018315018315018315869791010186;0.020146520146520147803714806400;0.010622710622710623135089846869
-0.023992673992673994171065388059;0.009340659340659340434398494324;0.068498168498168504614298512934;0.000366300366300366300048585444;0.002930402930402930400388683552;0.023809523809523808202115446875;0.006043956043956044167642094322;0.019963369963369961834764865216;0.033516483516483515370243395637;0.030586080586080584969854712085;0.015567765567765567968905315865;0.016117216117216118936861235511;0.026373626373626373603498151965;0.047619047619047616404230893750;0.007509157509157509367836436098;0.013919413919413920269207984859;0.030402930402930402470351722855;0.041025641025641025605441569724;0.014652014652014652001943417758;0.019413919413919414336255897524;0.010805860805860805634592836100;0.022527472527472527236147570306;0.016300366300366301436364224742;0.033150183150183150371237417176;0.028388278388278388036924937410;0.031318681318681318437313620962;0.023260073260073260703606479183;0.004212454212454212233718298108;0.001282051282051282050170049054;0.020879120879120877801726763323;0.010256410256410256401360392431;0.024542124542124541669574355751;0.017582417582417582402332101310;0.005311355311355311567544923435;0.025824175824175822635542232319;0.057509157509157506071861831742;0.014102564102564102768710974090;0.008608058608058608701663061424;0.004395604395604395600583025328;0.018498168498168498369293999417;0.005311355311355311567544923435;0.019963369963369961834764865216;0.000000000000000000000000000000;0.015567765567765567968905315865;0.004945054945054944833815468996;0.016300366300366301436364224742;0.040842490842490843105938580493;0.023992673992673994171065388059;0.028388278388278388036924937410;0.014285714285714285268213963320
-0.030092592592592590922118134245;0.011408730158730158096846984961;0.052910052910052907115812104166;0.039517195767195770206292593230;0.014054232804232803452637590169;0.026455026455026453557906052083;0.005291005291005290711581210417;0.019014550264550265229468450912;0.019510582010582009498955713411;0.027777777777777776235801354687;0.017030423280423281212625497005;0.017195767195767194812638933854;0.018353174603174603890520799609;0.038194444444444447528397290625;0.011243386243386242762110072135;0.016865079365079364143165108203;0.025628306878306878618944963932;0.035548941798941802172606685417;0.013888888888888888117900677344;0.016699735449735450543151671354;0.016865079365079364143165108203;0.017195767195767194812638933854;0.018849206349206348160008062109;0.036210317460317463511554336719;0.032076719576719578408408040104;0.032076719576719578408408040104;0.028604497354497354644209394792;0.006283068783068782720002687370;0.001322751322751322677895302604;0.022486772486772485524220144271;0.016534391534391533473691282552;0.018353174603174603890520799609;0.010582010582010581423162420833;0.007605820105820105397897989974;0.023148148148148146863167795573;0.039847883597883597406319466927;0.016203703703703702804217456901;0.013558201058201057448426851693;0.001984126984126984016842953906;0.020337301587301587907363753516;0.005952380952380952050528861719;0.015211640211640210795795979948;0.000000000000000000000000000000;0.018683862433862434559994625261;0.006283068783068782720002687370;0.016534391534391533473691282552;0.034391534391534389625277867708;0.024470899470899469541063098177;0.026455026455026453557906052083;0.015211640211640210795795979948
-0.038667141838916604945630695056;0.008731290092658588325447155398;0.051140413399857448384366875871;0.006949394155381326092235649838;0.010691375623663578603439461290;0.026015680684248039533645879828;0.003385602280826799891089162742;0.023164647184604418572728690151;0.017640769779044902093589897163;0.031361368496079830570089086450;0.017640769779044902093589897163;0.017818959372772631005732435483;0.016393442622950820525273840644;0.041696364932287954818690423053;0.013186029935851746944242002257;0.023699215965787598370262401204;0.022095509622238062447108219999;0.036172487526728441808998582019;0.017462580185317176650894310797;0.018531717747683536245961732902;0.016037063435495366170435715958;0.018175338560228081891123608216;0.013720598717034925007052237333;0.039201710620099784743164406109;0.039379900213827513655306944429;0.039914468995010693452840655482;0.030292230933713470975021664344;0.002851033499643620960917189677;0.000890947968638631550286621774;0.017818959372772631005732435483;0.011047754811119031223554109999;0.019957234497505346726420327741;0.007840342124019957642522271613;0.008731290092658588325447155398;0.020669992872416251966649625160;0.047042052744119745855133629675;0.013542409123307199564356650967;0.009978617248752673363210163870;0.000890947968638631550286621774;0.017818959372772631005732435483;0.004454739843193157751433108871;0.006949394155381326092235649838;0.000000000000000000000000000000;0.023164647184604418572728690151;0.008731290092658588325447155398;0.016037063435495366170435715958;0.043478260869565216184540190625;0.033321454027084820848081392342;0.029579472558802565734792366925;0.016037063435495366170435715958
-0.032216494845360821308588583634;0.018202319587628867231243745550;0.067815721649484531075025017799;0.002577319587628865930201138568;0.003865979381443299112142142349;0.019168814432989692009279281137;0.003060567010309278319218906361;0.021746134020618555771076074734;0.030927835051546392897137138789;0.024967783505154640677492494660;0.015786082474226803551431430606;0.011275773195876288498840089858;0.012564432989690722114461962633;0.046230670103092785794274277578;0.010792525773195876109822322064;0.017719072164948453107502501780;0.022390463917525773446248749110;0.038337628865979384018558562275;0.012725515463917525665893393239;0.024806701030927833656614112101;0.016591494845360824778035535587;0.023195876288659794672852854092;0.013853092783505153995360359431;0.034149484536082470864659654808;0.028189432989690722114461962633;0.036243556701030930911056060495;0.027706185567010307990720718863;0.025128865979381444228923925266;0.001932989690721649556071071174;0.011436855670103092050271520463;0.011275773195876288498840089858;0.018524484536082474334106606761;0.008376288659793814164733483096;0.010470360824742267272235984876;0.021423969072164948668213213523;0.040431701030927837126061064055;0.014497422680412371670533033807;0.008537371134020617716164913702;0.002416237113402061945088838968;0.025934278350515465455528030247;0.005637886597938144249420044929;0.022873711340206184100543040927;0.000000000000000000000000000000;0.019007731958762884988400898578;0.004188144329896907082366741548;0.014980670103092784059550801601;0.044942010309278350443928928826;0.025451030927835051331786786477;0.030605670103092782324827325624;0.014819587628865978773395895018
-0.028709454796411317673010543672;0.021808143547273981660561403828;0.053968253968253970809243469375;0.031746031746031744269487262500;0.028847481021394064809593160703;0.020979986197377502310512653594;0.003312629399585921303322821885;0.024706694271911664589902457578;0.033126293995859215635313432813;0.018909592822636302200667302031;0.013940648723257419161480896719;0.025672877846790891076533824844;0.009109730848861283258877108437;0.031193926846100759192603746328;0.025810904071773638213116441875;0.022636300897170461010610154062;0.024568668046928917453319840547;0.031746031746031744269487262500;0.024292615596963423180154606484;0.014768806073153898511529646953;0.015458937198067632459719256133;0.020427881297446513764182185469;0.009385783298826777532042342500;0.022498274672187717343474488985;0.034920634920634921471993550313;0.025396825396825396803368590781;0.025948930296756385349699058906;0.039889579020013804511179955625;0.001656314699792960651661410942;0.028157349896480332596127027500;0.016287094547964113544491482344;0.017115251897860592894540232578;0.010904071773636990830280701914;0.006073153899240855795038651621;0.011594202898550724778470311094;0.031469979296066249996322028437;0.009247757073844030395459725469;0.006763285024154589743228260801;0.007729468599033816229859628066;0.016425120772946860681074099375;0.007315389924085576554835252949;0.027743271221532091186379176406;0.000000000000000000000000000000;0.011318150448585230505305077031;0.015596963423050379596301873164;0.009937888198757764343649334648;0.029399585921325053355923628828;0.018495514147688060790919450938;0.015596963423050379596301873164;0.017391304347826087167705466641
-0.022786852187941117331426710280;0.013712442024601733878141907041;0.058479532163742686812213378289;0.004638031861262351292218841792;0.011695906432748537362442675658;0.017745513208308125174816893832;0.002016535591853196082018362389;0.032869530147207101644646343175;0.019963702359346642556392481538;0.022383545069570479069120949589;0.018148820326678766906569606476;0.020165355918531961687545361883;0.012905827787860455618806909683;0.045977011494252872925159181250;0.015930631175640249524994018770;0.016132284734825568656146899116;0.022988505747126436462579590625;0.043355515224843717281277832853;0.026214962694091549499919580057;0.013712442024601733878141907041;0.015325670498084290396811901758;0.018350473885864086037722486822;0.016938898971566848650205372451;0.034684412179874973825022266283;0.027021576930832829493978053392;0.030248033877797942531318042825;0.033071183706392420775799223520;0.008872756604154062587408446916;0.000000000000000000000000000000;0.022585198628755798200273829934;0.013914095583787053009294787387;0.015325670498084290396811901758;0.013712442024601733878141907041;0.009477717281710021715590563929;0.023391812865497074724885351316;0.044565436579955639007089018833;0.016333938294010887787299779461;0.005646299657188949550068457484;0.003629764065335753034369226100;0.023593466424682397325485183615;0.005646299657188949550068457484;0.016938898971566848650205372451;0.000000000000000000000000000000;0.014317402702157693006324024054;0.015527324057269611262688258080;0.010284331518451299974925561287;0.042548900988102440756666311472;0.024601734220608992981249585341;0.033071183706392420775799223520;0.018552127445049405168875367167
-0.018053375196232339383595189020;0.028571428571428570536427926640;0.051020408163265307255329616964;0.009419152276295132686367850283;0.019780219780219779335261875985;0.016012558869701726954604126263;0.004238618524332810229282575420;0.031711145996860284901330828689;0.048822605965463110322399842289;0.015541601255886969973341038553;0.014442700156985871506876151216;0.017582417582417582402332101310;0.011302982731554160611420201121;0.024332810047095761174507089208;0.027315541601255887566024327384;0.012558869701726845316547276354;0.029670329670329669002892813978;0.058241758241758243008767692572;0.023861852433281004193244001499;0.012087912087912088335284188645;0.018367346938775511860919564811;0.025117739403453690633094552709;0.023076923076923078204103489952;0.023233908948194662708042201871;0.018367346938775511860919564811;0.020408163265306120820463675614;0.034850863422291995796786778783;0.037990580847723706692242728877;0.002511773940345368976573281472;0.018681318681318680868796988648;0.013500784929356357544349975797;0.015855572998430142450665414344;0.017582417582417582402332101310;0.005965463108320251048311000375;0.018053375196232339383595189020;0.035007849293563576831278538748;0.016326530612244899431928502054;0.004081632653061224857982125513;0.007064364207221350382137625701;0.017582417582417582402332101310;0.008634222919937204962503862760;0.039874411302982734617295079715;0.000000000000000000000000000000;0.012244897959183672839222900564;0.011616954474097331354021100935;0.013343799058084773040411263878;0.017268445839874409925007725519;0.009105180533751961943766950469;0.029042386185243327517691014350;0.010675039246467817391494925516
-0.017272727272727272929131459023;0.024848484848484848896976728838;0.053636363636363634799231192574;0.007727272727272727591285583770;0.008181818181818182461606525635;0.013484848484848484945208824115;0.008636363636363636464565729511;0.033484848484848485361542458350;0.023030303030303029415692961379;0.024696969696969696406174676895;0.009848484848484847717364765174;0.013030303030303030942249620239;0.010454545454545454211126020994;0.029090909090909090883858567622;0.036666666666666666851703837438;0.009393939393939393714405561298;0.028636363636363636880899363746;0.049545454545454545303151405733;0.021212121212121213403856145874;0.017575757575757574441288610956;0.016212121212121212432410999327;0.019696969696969695434729530348;0.016818181818181818926172255146;0.034848484848484850839867021932;0.020000000000000000416333634234;0.024848484848484848896976728838;0.029999999999999998889776975375;0.053333333333333336756520992594;0.002878787878787878676961620172;0.014696969696969696198007859778;0.009545454545454546205207613241;0.027424242424242423893376852106;0.013787878787878788192089452025;0.007272727272727272720964641906;0.019848484848484847925531582291;0.050303030303030300818267761542;0.012424242424242424448488364419;0.007121212121212121097524327951;0.003484848484848484737042006998;0.019545454545454546413374430358;0.011818181818181817954727108599;0.017575757575757574441288610956;0.000000000000000000000000000000;0.019242424242424241431770326471;0.013484848484848484945208824115;0.015454545454545455182571167541;0.026515151515151515887458444354;0.014999999999999999444888487687;0.025909090909090909393697188534;0.010454545454545454211126020994
-0.037196765498652292758485771174;0.019946091644204851783817034061;0.042857142857142857539365365938;0.037331536388140164339777271607;0.037196765498652292758485771174;0.032479784366576822107752775537;0.005660377358490565648241332752;0.024258760107816711160122480351;0.023045822102425877336839832310;0.020619946091644206220827584275;0.013881401617250673993786413973;0.029649595687331536247866026201;0.014150943396226415421645938864;0.028706199460916442117719427074;0.027628032345013476406281327513;0.018867924528301886072378934500;0.019272237196765497346806483847;0.036388140161725070209630672480;0.024932614555256065597133030565;0.008625336927223720487334368556;0.012803234501347708282348314413;0.014824797843665768123933013101;0.011590296495956872724342190395;0.028301886792452830843291877727;0.040970350404312669279072167683;0.023045822102425877336839832310;0.025876010781671159727279629692;0.034366576819407010368045973792;0.002156334231805930121833592139;0.026145552560646899420415678605;0.020754716981132074332672132755;0.019137466307277629234961935367;0.008625336927223720487334368556;0.004716981132075471518094733625;0.012938005390835579863639814846;0.029784366576819407829157526635;0.010781671159029650175487091701;0.007681940700808625489826031441;0.007547169811320754775896268995;0.014420485175202156849505463754;0.007277628032345013348036744105;0.014824797843665768123933013101;0.000000000000000000000000000000;0.014150943396226415421645938864;0.020080862533692723365108534495;0.011185983827493261449914641048;0.022776280323450134174256831443;0.018059299191374663523523835806;0.019811320754716980202525533628;0.012668463611859838435780289956
-0.026082420448617631147936180014;0.011997913406364111438273667432;0.062728221178925402945480982453;0.000652060511215440843750534849;0.003521126760563380361096497140;0.022952529994783515271405960334;0.003129890453834115876530219680;0.019170579029733958442704988556;0.055685967657798644825373202139;0.023082942097026604155729501144;0.014475743348982786362633135013;0.016823161189358372402669061785;0.012649973917579550655720943553;0.034298382889932185757508875668;0.007433489827856024773078402745;0.020996348461137192414893704040;0.030907668231611892112331574367;0.047078768909754827032276836007;0.008868022952529995561743447752;0.014866979655712049546156805491;0.012649973917579550655720943553;0.034689619196661448941032546145;0.020083463745435577163522822275;0.028038601982263954004448436308;0.032603025560772040669643700994;0.027125717266562335283630602589;0.026995305164319249868754013733;0.016823161189358372402669061785;0.001043296817944705219896595061;0.014606155451225873512233199847;0.015258215962441314464403951945;0.018257694314032343191334106791;0.009389671361502347629590659039;0.008476786645800730643496301298;0.020605112154407929231370033563;0.040818988002086595279216396648;0.014214919144496608593986053393;0.007955138236828376840925614033;0.015649452269170579382651098399;0.025430359937402190195765427916;0.004564423578508085797833526698;0.038471570161711009239180469876;0.000000000000000000000000000000;0.016040688575899842566174768876;0.002086593635889410439793190122;0.012389149713093374621797337909;0.029212310902451747024466399694;0.022952529994783515271405960334;0.031168492436098069880978655988;0.014997391757955138430480346301
-0.021386800334168756115849063804;0.018379281537176272998124204605;0.067000835421888046972149766134;0.001503759398496240691500691611;0.017209690893901421343548108212;0.028905597326649958705990783869;0.003842940685045948337461574340;0.016541353383458645004422393754;0.061821219715956554630054142763;0.019214703425229739952584395724;0.011194653299916458577545341768;0.023391812865497074724885351316;0.016541353383458645004422393754;0.023893065998329156979229637159;0.009022556390977444149004149665;0.016040100250626566219525059864;0.034252297410192145132867835855;0.053132832080200503854783278257;0.007685881370091896674923148680;0.013533834586466165356144486509;0.012531328320802004316902866776;0.028905597326649958705990783869;0.016207184628237260304306488479;0.028070175438596491751530592751;0.026733500417710942542726115789;0.019715956558061822206928681567;0.022723475355054301855206588812;0.023558897243107768809666779930;0.003007518796992481383001383222;0.022389306599832917155090683536;0.023224728487886384109550874655;0.020217209690893900991826015456;0.008855472013366750064222721051;0.005680868838763575463801647203;0.021052631578947367946286206575;0.042272347535505433446800793718;0.009189640768588136499062102303;0.009857978279030911103464340783;0.011194653299916458577545341768;0.023057644110275690024769446040;0.006850459482038429720462957562;0.052798663324979115685220421028;0.000000000000000000000000000000;0.012364243943191311966844914139;0.004010025062656641554881264966;0.014536340852130326395386106242;0.020718462823725983246170301300;0.011862990810359231447224104272;0.023893065998329156979229637159;0.010025062656641603453522293421
-0.026193870277975764976341466195;0.015146115466856735487510832172;0.051318602993585177296509414191;0.003207412687099073581031838387;0.028332145402708480697029358453;0.025481111903064859736112168775;0.003385602280826799891089162742;0.019779044903777617814277789421;0.039201710620099784743164406109;0.019779044903777617814277789421;0.012829650748396294324127353548;0.022630078403421238775194979098;0.009978617248752673363210163870;0.031539558089807552543337720863;0.016749821810406271410665013377;0.018353528153955807333819194582;0.024946543121881683408025409676;0.042409123307198856589472768519;0.014789736279401282867396183462;0.011047754811119031223554109999;0.010334996436208125983324812580;0.034925160370634353301788621593;0.015502494654312188107625480882;0.029757662152530291177487953291;0.031895937277263010367622797503;0.022630078403421238775194979098;0.024768353528153954495882871356;0.026550249465431219331179590881;0.001603706343549536790515919193;0.031183178902352101657946548130;0.016037063435495366170435715958;0.017284390591589451208198724430;0.009265858873841768122980866451;0.008909479686386315502866217741;0.016571632216678545967969427011;0.038132573057733425148096984003;0.012829650748396294324127353548;0.008731290092658588325447155398;0.009978617248752673363210163870;0.039201710620099784743164406109;0.003207412687099073581031838387;0.033143264433357091935938854022;0.000000000000000000000000000000;0.014611546685673557424700597096;0.008909479686386315502866217741;0.013007840342124019766822939914;0.025837491090520314090950293462;0.020848182466143977409345211527;0.022630078403421238775194979098;0.014611546685673557424700597096
-0.025451030927835051331786786477;0.017235824742268042453208209963;0.058634020618556700887857857651;0.004510309278350515052591340748;0.016108247422680410654294291817;0.025289948453608247780355355872;0.003865979381443299112142142349;0.017074742268041235432329827404;0.047197164948453607102862861211;0.027222938144329897336426427046;0.012081185567010309725444194839;0.023356958762886598224284284697;0.009664948453608247780355355872;0.037210051546391752219644644128;0.011920103092783504439289288257;0.019168814432989692009279281137;0.034632731958762888457847850532;0.036726804123711341565350352312;0.015463917525773196448568569394;0.010953608247422679661253752670;0.010953608247422679661253752670;0.026900773195876290233563565835;0.010631443298969072558390891459;0.035115979381443299112142142349;0.024967783505154640677492494660;0.022068298969072166343385887899;0.024162371134020619450888389679;0.022712628865979380549111610321;0.002416237113402061945088838968;0.028189432989690722114461962633;0.024645618556701030105182681496;0.026578608247422679661253752670;0.004832474226804123890177677936;0.005315721649484536279195445729;0.015302835051546391162413662812;0.048485824742268042453208209963;0.010309278350515463720804554271;0.008215206185567010613302052491;0.007087628865979381416473348310;0.018041237113402060210365362991;0.005637886597938144249420044929;0.040270618556701033574629633449;0.000000000000000000000000000000;0.017235824742268042453208209963;0.008376288659793814164733483096;0.014336340206185566384378127225;0.033182989690721649556071071174;0.019490979381443299112142142349;0.019813144329896906215005003560;0.010953608247422679661253752670
-0.018025078369905956493512988459;0.021719659650694132790871293537;0.063479623824451408831137655397;0.002015226153157187623243817853;0.009404388714733542820045641975;0.018137035378414687741832622692;0.001903269144648455073881576638;0.029556650246305417317760344531;0.047357814599193907845187112571;0.025078369905956111873823743963;0.014666368114643977410560538033;0.014442454097626511444474317614;0.009852216748768473017494606836;0.033027317510076127649032429190;0.019704433497536946034989213672;0.011643528884908195542013942259;0.033922973578145991513377310866;0.053291536050156740333960669886;0.022055530676220330005277148189;0.010859829825347066395435646768;0.013210927004030452100447057262;0.026085982982534706986488259872;0.011643528884908195542013942259;0.035378414688759518558214267614;0.022055530676220330005277148189;0.021271831616659204328145804652;0.034818629646215855377722192543;0.021383788625167935576465438885;0.002351097178683385705011410494;0.022615315718763993185769223260;0.009740259740259740034451496626;0.028772951186744291640629000995;0.012539184952978055936911871981;0.004926108374384236508747303418;0.014666368114643977410560538033;0.046574115539632782168055769034;0.013882669055082848263982242543;0.005821764442454097771006971129;0.005038065382892969491790413628;0.018025078369905956493512988459;0.008508732646663680690424236275;0.040864308105687419114815384091;0.000000000000000000000000000000;0.016009852216748769737630908594;0.010412001791312136197986681907;0.011531571876399462558970832049;0.028996865203761754137268269460;0.016009852216748769737630908594;0.026309896999552172952574480291;0.010412001791312136197986681907
-0.022272727272727273900576605570;0.022878787878787880394337861389;0.068787878787878786734921732204;0.004696969696969696857202780649;0.007272727272727272720964641906;0.015909090909090907450806895440;0.008484848484848485708487153545;0.028939393939393938393056515679;0.036060606060606063827389533571;0.024545454545454543915372624951;0.014999999999999999444888487687;0.012727272727272727695368992329;0.010000000000000000208166817117;0.035606060606060606354983377742;0.019545454545454546413374430358;0.012424242424242424448488364419;0.029696969696969697377619823442;0.050151515151515148327465709599;0.012272727272727271957686312476;0.013787878787878788192089452025;0.012727272727272727695368992329;0.023939393939393940891058321085;0.008636363636363636464565729511;0.038787878787878787845144756830;0.027424242424242423893376852106;0.025606060606060604412093084647;0.034545454545454545858262918046;0.030757575757575757874340283138;0.001969696969696969803681474431;0.014090909090909091438970079935;0.005606060606060605730482926390;0.026363636363636363396656392410;0.006818181818181817850643700041;0.006666666666666667094565124074;0.012727272727272727695368992329;0.048484848484848484806430946037;0.015151515151515151935690539631;0.004545454545454545233762466694;0.004242424242424242854243576772;0.015606060606060605938649743507;0.008939393939393939711446357421;0.042424242424242426807712291748;0.000000000000000000000000000000;0.018181818181818180935049866775;0.009090909090909090467524933388;0.011818181818181817954727108599;0.036666666666666666851703837438;0.019242424242424241431770326471;0.025454545454545455390737984658;0.012424242424242424448488364419
-0.028019323671497585459544410469;0.008419599723947549310687499258;0.066804692891649419816957333751;0.000828157349896480325830705471;0.004002760524499654817831562070;0.022636300897170461010610154062;0.004140786749482401954414179102;0.021670117322291234523978786797;0.028433402346445823399845309609;0.029261559696342306219341011797;0.015458937198067632459719256133;0.023326432022084196693523239219;0.014078674948240166298063513750;0.040441683919944786118616519843;0.010489993098688751155256326797;0.018633540372670807927502067969;0.031746031746031744269487262500;0.044858523119392687550366360938;0.013250517598343685213291287539;0.011870255348516217316912069180;0.017391304347826087167705466641;0.024292615596963423180154606484;0.012974465148378192674849529453;0.041545893719806763211277456094;0.031055900621118012056021129297;0.031884057971014491406069879531;0.031608005521048997132904645468;0.005659075224292615252652538516;0.001656314699792960651661410942;0.017667356797791581440870700703;0.024016563146997928906989372422;0.025258799171842649666785973750;0.005935127674258108658456034590;0.007867494824016562499080507109;0.018357487922705313654336833906;0.053140096618357487989747767188;0.014906832298136645648112263984;0.011732229123533471915052928125;0.002208419599723947680108837588;0.022498274672187717343474488985;0.004830917874396135035242050293;0.017115251897860592894540232578;0.000000000000000000000000000000;0.017529330572808834304288083672;0.003588681849551414709126317959;0.020013802622498275823881286328;0.033402346445824709908478666875;0.023602484472049690966688473281;0.026224982746721876153417341015;0.013664596273291924888315662656
-0.021717171717171718237082700398;0.020075757575757576661734660206;0.060227272727272726515757028665;0.005934343434343434392497229624;0.014393939393939394685850707845;0.021464646464646464085745947159;0.003661616161616161775615996277;0.035606060606060606354983377742;0.033080808080808078719403653167;0.022348484848484850145977631541;0.014772727272727272443408885749;0.016919191919191920586706956442;0.011111111111111111535154627461;0.028156565656565657462806484546;0.023358585858585859812430740590;0.011489898989898989292712805366;0.032702020202020204431292427216;0.048863636363636366033436075895;0.024368686868686869478883849638;0.011868686868686868784994459247;0.014520202020202020026795608487;0.024242424242424242403215473018;0.011489898989898989292712805366;0.028030303030303030387138107926;0.022474747474747473752199056207;0.024621212121212120160773650923;0.032323232323232323204287297358;0.026010101010101011054231889830;0.002904040404040404092095295496;0.030303030303030303871381079261;0.012247474747474748277276113129;0.022222222222222223070309254922;0.011363636363636363951767904723;0.006818181818181817850643700041;0.014520202020202020026795608487;0.050505050505050504139337164133;0.014267676767676767610182331225;0.005303030303030303350964036468;0.005555555555555555767577313730;0.016161616161616161602143648679;0.009217171717171717543193310007;0.031565656565656567689170941549;0.000000000000000000000000000000;0.015404040404040404352303816893;0.012878787878787878451447568295;0.013888888888888888117900677344;0.030555555555555554553270880547;0.015530303030303029693248717535;0.021969696969696968918972501683;0.010984848484848484459486250842
-0.019801980198019802220654739244;0.022314171715679030627565992972;0.062657011969853695920740221936;0.007388798581350672703416115894;0.029111866410521648057541099774;0.022609723658933059131648235507;0.003251071375794295763989039116;0.019506428254765773716572496710;0.055268213388503031890941485926;0.022166395744052016375524871705;0.011230973843653022439803557120;0.037978424708142458077198000410;0.008127678439485738759451294300;0.030737402098418797891099529807;0.011674301758534061726479968968;0.014334269247820304385432343963;0.031624057928180876464452353503;0.048470518693660410991519427171;0.014925373134328357924149877078;0.010787645928771981418403669295;0.010935421900398995670444790562;0.029998522240283730100340875424;0.008718782325993794032892303392;0.029111866410521648057541099774;0.025269691148219298321153658549;0.023053051573814098418324647355;0.022905275602187084166283526088;0.024087483375203191243718592318;0.001182207773016107511115935225;0.030737402098418797891099529807;0.018176444510122652387096309212;0.022461947687306044879607114240;0.005467710950199497835222395281;0.006502142751588591527978078233;0.011230973843653022439803557120;0.039012856509531547433144993420;0.011674301758534061726479968968;0.006797694694842618297336844790;0.005319934978572484450543012002;0.019358652283138762933978327396;0.004581055120437416659784357620;0.054086005615486924813506419696;0.000000000000000000000000000000;0.011674301758534061726479968968;0.009162110240874833319568715240;0.010196542042263927879686136180;0.027486330722624501693429621696;0.018915324368257720177854963595;0.016403132850598491770943709867;0.011526525786907049209162323677
-0.020979986197377502310512653594;0.023188405797101449556940622188;0.061421670117322288429129173437;0.002484472049689441085912333662;0.010904071773636990830280701914;0.021946169772256728797144020859;0.004830917874396135035242050293;0.024568668046928917453319840547;0.053140096618357487989747767188;0.021808143547273981660561403828;0.015734989648033124998161014219;0.015320910973084885323136639101;0.012698412698412698401684295391;0.026501035196687370426582575078;0.021808143547273981660561403828;0.010904071773636990830280701914;0.030641821946169770646273278203;0.058937198067632846909535970781;0.018081435472739819381171599844;0.007867494824016562499080507109;0.015320910973084885323136639101;0.025396825396825396803368590781;0.012836438923395445538266912422;0.030641821946169770646273278203;0.023878536922015181770406755390;0.022774327122153208147192771094;0.028985507246376811946175777734;0.029399585921325053355923628828;0.001656314699792960651661410942;0.025948930296756385349699058906;0.010489993098688751155256326797;0.018909592822636302200667302031;0.011456176673567977641887694062;0.007591442374051069960638749023;0.013526570048309179486456521602;0.042097998619737751757607924219;0.012284334023464458726659920274;0.007177363699102829418252635918;0.008833678398895790720435350352;0.014768806073153898511529646953;0.007177363699102829418252635918;0.051207729468599035016485032656;0.000000000000000000000000000000;0.013388543823326432349873904570;0.011870255348516217316912069180;0.012974465148378192674849529453;0.025258799171842649666785973750;0.015044858523119392784694881016;0.024016563146997928906989372422;0.011318150448585230505305077031
-0.021460423634336676240730312770;0.016025641025641024217662788942;0.070512820512820512108831394471;0.014910813823857302015674086704;0.009615384615384615918376454147;0.016025641025641024217662788942;0.004738015607580824996303281438;0.018952062430323299985213125751;0.040969899665551839929023003606;0.027591973244147156157923816977;0.012263099219620958099663532437;0.015189520624303232132490393269;0.009476031215161649992606562876;0.033444816053511704223577538642;0.013377926421404682036375710652;0.015050167224080267941443977975;0.040273132664437015504343975181;0.046125975473801560100550744892;0.011008918617614269971904938927;0.010869565217391304046135047656;0.010869565217391304046135047656;0.027870680044593088009463599519;0.012681159420289855876973206250;0.045011148272017839633285518630;0.021739130434782608092270095312;0.029403567447045707988761975571;0.025919732441471571987579025631;0.019370122630992196027799323588;0.002369007803790412498151640719;0.019927536231884056261431936719;0.008779264214046822098480582497;0.027870680044593088009463599519;0.007803790412486064954900033541;0.007246376811594202986543944434;0.015189520624303232132490393269;0.053232998885172799763410012019;0.013517279821627647962145601923;0.007525083612040133970721988987;0.003483835005574136001182949940;0.019091415830546264176259541046;0.007525083612040133970721988987;0.038740245261984392055598647175;0.000000000000000000000000000000;0.018115942028985507900040730078;0.005016722408026755980481325992;0.014214046822742474121548106325;0.032051282051282048435325577884;0.020206243032329988112971719261;0.026477146042363432221211638762;0.010869565217391304046135047656
-0.011564820102798401696420071971;0.046259280411193606785680287885;0.054968589377498572323688108554;0.001998857795545402708803361946;0.007424328954882924470892735513;0.015276984580239863498185570734;0.002141633352370074083043105517;0.031125071387778410758606639774;0.054683038263849230442570359401;0.015705311250713876319862194464;0.009994288977727012676655071743;0.013420902341519132597302821353;0.010279840091376356292496296874;0.023129640205596803392840143943;0.024271844660194174386758092510;0.011279268989149058080578846841;0.027555682467161623366846967542;0.072101656196459168457479904646;0.014848657909765848941785471027;0.012135922330097087193379046255;0.012278697886921758133937920832;0.027984009137635636188523591272;0.014277555682467161710103020766;0.024985722444317532558999417347;0.016276413478012563551544644724;0.018418046830382638068268619236;0.029840091376356368824129816630;0.054540262707024556032564532870;0.000428326670474014827450642828;0.021273557966876070757233918584;0.014848657909765848941785471027;0.018703597944031983418833320343;0.012135922330097087193379046255;0.004140491147915477225527336458;0.012421473443746430809220271385;0.043118218161050825276703335476;0.015562535693889205379303319887;0.004854368932038834530406923307;0.008138206739006281775772322362;0.014277555682467161710103020766;0.012135922330097087193379046255;0.067390062821245003132908379939;0.000000000000000000000000000000;0.011136493432324385405296496288;0.011564820102798401696420071971;0.006139348943460879066968960416;0.018560822387207309008827493813;0.013278126784694459922020470799;0.022558537978298116161157693682;0.008566533409480296332172422069
-0.022762951334379905726779114161;0.021507064364207222756375514905;0.057927786499215074000890268735;0.004709576138147566343183925142;0.022448979591836733249454738370;0.024960753532182102659708888837;0.005023547880690737953146562944;0.034379905808477238815523691073;0.026373626373626373603498151965;0.022291993720565148745516026452;0.015698587127158554477279750472;0.027001569858712715088699951593;0.013029827315541600563086888087;0.028257456828885401528550502803;0.026530612244897958107436863884;0.014913657770800628488139238925;0.031397174254317108954559500944;0.042229199372056512584716614356;0.029199372056514912021629726269;0.011930926216640502096622000749;0.016483516483516483935867213972;0.019152276295133437850060076357;0.011459968602825745115358913040;0.029984301412872841480217189769;0.027158555729984303062085615466;0.023233908948194662708042201871;0.030612244897959182965418989397;0.019937205651491367308647539858;0.000627943485086342244143320368;0.035635792778649921785927290330;0.010047095761381475906293125888;0.023076923076923078204103489952;0.014756671899529042249477051030;0.005494505494505494934409650654;0.012244897959183672839222900564;0.045839874411302980461435652160;0.014285714285714285268213963320;0.004866562009419152581846113037;0.002197802197802197800291512664;0.014756671899529042249477051030;0.009733124018838305163692226074;0.021664050235478807260314226824;0.000000000000000000000000000000;0.017111459968602825421069013601;0.015070643642072212992077950844;0.013814756671899528286950875611;0.023704866562009419689305289580;0.013186813186813186801749075983;0.029199372056514912021629726269;0.012087912087912088335284188645
-0.023390894819466247211980913789;0.023704866562009419689305289580;0.055102040816326532113311742478;0.005337519623233908695747462758;0.022135007849293564241577314533;0.019780219780219779335261875985;0.003453689167974882071737718903;0.028885400313971743013752302431;0.040973312401883829614313015099;0.022291993720565148745516026452;0.016483516483516483935867213972;0.011773940345368917592683288831;0.013657770800627943783012163692;0.029670329670329669002892813978;0.024803767660910518155770176918;0.009419152276295132686367850283;0.037519623233908949710979641168;0.056671899529042384091592765571;0.026059654631083201126173776174;0.009733124018838305163692226074;0.015384615384615385469402326635;0.022919937205651490230717826080;0.016640502354788068439805925891;0.025117739403453690633094552709;0.023076923076923078204103489952;0.024175824175824176670568377290;0.027629513343799056573901751221;0.015227629513343799230740138739;0.001412872841444270076427525140;0.022291993720565148745516026452;0.007064364207221350382137625701;0.024332810047095761174507089208;0.012715855572998429820485988273;0.004709576138147566343183925142;0.017425431711145997898393389391;0.047095761381475670370733155323;0.012401883830455259077885088459;0.005965463108320251048311000375;0.012401883830455259077885088459;0.017268445839874409925007725519;0.008477237048665620458565150841;0.040973312401883829614313015099;0.000000000000000000000000000000;0.014442700156985871506876151216;0.015855572998430142450665414344;0.011302982731554160611420201121;0.024960753532182102659708888837;0.012244897959183672839222900564;0.025117739403453690633094552709;0.010518053375196232887556213598
-0.019168814432989692009279281137;0.035921391752577316869299295377;0.057184278350515461986081078294;0.010148195876288660169373123665;0.015786082474226803551431430606;0.014658505154639175221964464413;0.002738402061855669915313438167;0.028350515463917525665893393239;0.028994845360824743341066067615;0.024001288659793815899456959073;0.010631443298969072558390891459;0.012403350515463916828307056051;0.007570876288659793805491116103;0.026578608247422679661253752670;0.035921391752577316869299295377;0.010792525773195876109822322064;0.028511597938144329217324823844;0.049452319587628863761796793597;0.018041237113402060210365362991;0.011759020618556700887857857651;0.013692010309278350443928928826;0.020779639175257730993040539147;0.013047680412371134503479730427;0.031894329896907214205725722422;0.019652061855670102663573572954;0.024001288659793815899456959073;0.028189432989690722114461962633;0.084407216494845366261401409247;0.001127577319587628763147835187;0.026256443298969072558390891459;0.008054123711340205327147145908;0.022712628865979380549111610321;0.008215206185567010613302052491;0.004188144329896907082366741548;0.013853092783505153995360359431;0.039787371134020615981441437725;0.010631443298969072558390891459;0.005960051546391752219644644128;0.004832474226804123890177677936;0.016108247422680410654294291817;0.008698453608247423002319820284;0.031250000000000000000000000000;0.000000000000000000000000000000;0.012564432989690722114461962633;0.015786082474226803551431430606;0.012886597938144329217324823844;0.025934278350515465455528030247;0.013208762886597938054911161032;0.021907216494845359322507505340;0.011759020618556700887857857651
-0.014658505154639175221964464413;0.044136597938144332686771775798;0.048324742268041238901776779358;0.034632731958762888457847850532;0.018041237113402060210365362991;0.014014175257731959281515266014;0.005476804123711339830626876335;0.032860824742268042453208209963;0.030766752577319589345705708183;0.015302835051546391162413662812;0.010309278350515463720804554271;0.021907216494845359322507505340;0.008054123711340205327147145908;0.022390463917525773446248749110;0.054445876288659794672852854092;0.011920103092783504439289288257;0.021907216494845359322507505340;0.046230670103092785794274277578;0.022873711340206184100543040927;0.007731958762886598224284284697;0.011759020618556700887857857651;0.016269329896907217675172674376;0.009020618556701030105182681496;0.024806701030927833656614112101;0.017235824742268042453208209963;0.015947164948453607102862861211;0.022551546391752576997680179716;0.106153350515463915093583580074;0.002738402061855669915313438167;0.029639175257731957546791790037;0.008698453608247423002319820284;0.016591494845360824778035535587;0.009342783505154638942769018684;0.004832474226804123890177677936;0.009503865979381442494200449289;0.033505154639175256658933932385;0.009826030927835051331786786477;0.005637886597938144249420044929;0.003382731958762886723124374555;0.015302835051546391162413662812;0.010309278350515463720804554271;0.033344072164948453107502501780;0.000000000000000000000000000000;0.011114690721649484947408659252;0.020296391752577320338746247330;0.005960051546391752219644644128;0.022068298969072166343385887899;0.013692010309278350443928928826;0.014497422680412371670533033807;0.009987113402061854883218217083
-0.020186631117882308100730526235;0.028565987430965531640447707673;0.067415730337078649814230857373;0.005903637402399543147868410387;0.023614549609598172591473641546;0.024376309274423919870589116954;0.001904399162064368631469557513;0.025328508855456104836845199202;0.035993144163016570213908806863;0.021138830698914493066986608483;0.011997714721005522248153951637;0.022281470196153112250936345617;0.011045515139973339016621345365;0.029708626928204150824397444808;0.014282993715482765820223853837;0.009902875642734716363224656277;0.035040944581984381778205772662;0.054656255951247380286961430329;0.019234431536850123134474443987;0.010664635307560465377063607662;0.015996952961340696330871935515;0.019996191201675870413589919394;0.012569034469624833574852296181;0.032184345838887830348884477871;0.020948390782708055379846001642;0.022281470196153112250936345617;0.028946867263378403545281969400;0.028565987430965531640447707673;0.001523519329651494991911819810;0.025328508855456104836845199202;0.012759474385831269527269427044;0.026280708436488286333654329496;0.011807274804799086295736820773;0.004760997905160921361833459287;0.015425633212721386738897066948;0.047419539135402782870087889933;0.015235193296514949051756460108;0.007046276899638164066541623498;0.002856598743096553164044770767;0.020567510950295183475011739915;0.008188916396876785852576574598;0.033517425252332887219974821846;0.000000000000000000000000000000;0.011807274804799086295736820773;0.009521995810321842723666918573;0.012949914302037707214410033885;0.025899828604075414428820067769;0.015616073128927822691314197812;0.025899828604075414428820067769;0.010855075223766901329480738525
-0.022448979591836733249454738370;0.019466248037676610327384452148;0.056200941915227627110329677862;0.033437990580847724852997515654;0.032653061224489798863857004108;0.021978021978021979737638602614;0.004395604395604395600583025328;0.023861852433281004193244001499;0.035007849293563576831278538748;0.020408163265306120820463675614;0.010675039246467817391494925516;0.027786499215070644547287415094;0.008948194662480377439828238550;0.025431711145996859640971976546;0.033124018838304555845120091817;0.016640502354788068439805925891;0.027315541601255887566024327384;0.043328100470957614520628453647;0.015227629513343799230740138739;0.009105180533751961943766950469;0.010518053375196232887556213598;0.027472527472527472069963039303;0.011145996860282574372758013226;0.027472527472527472069963039303;0.023076923076923078204103489952;0.023547880690737835185366577662;0.021036106750392465775112427195;0.031083202511773939946682077107;0.002511773940345368976573281472;0.030455259026687598461480277479;0.016797488226059652943744637810;0.020722135007849293297788051404;0.007064364207221350382137625701;0.005494505494505494934409650654;0.013186813186813186801749075983;0.040188383045525903625172503553;0.010675039246467817391494925516;0.008477237048665620458565150841;0.009733124018838305163692226074;0.019152276295133437850060076357;0.008006279434850863477302063131;0.032810047095761379898348764073;0.000000000000000000000000000000;0.013971742543171114525613063506;0.016797488226059652943744637810;0.012087912087912088335284188645;0.025745682888540032118296352337;0.013971742543171114525613063506;0.017425431711145997898393389391;0.011930926216640502096622000749
-0.026852028185107599395076150017;0.019424871453056560821615050827;0.044182060559893356066485381461;0.030279946676823463885819265329;0.034469624833365075655677856048;0.037326223576461627084999150838;0.001523519329651494991911819810;0.019805751285469432726449312554;0.031422586174062086539215954417;0.016758712626166443609987410923;0.014663873547895639459781591540;0.067987050085697955936758773987;0.014854313464102075412198722404;0.025518948771662539054538854089;0.021329270615120930754127215323;0.019234431536850123134474443987;0.016949152542372881297128017763;0.032946105503713581097446905233;0.015044753380308513099339329244;0.011235955056179774969038476229;0.012569034469624833574852296181;0.022281470196153112250936345617;0.008760236145496095444551443165;0.023804989525804610278614248386;0.031041706341649211164934740736;0.021138830698914493066986608483;0.023043229860978859530051821025;0.025899828604075414428820067769;0.001142639497238621135513647609;0.039801942487145303140039231948;0.028565987430965531640447707673;0.016187392877547134018012542356;0.009712435726528280410807525413;0.010283755475147591737505869958;0.016568272709960005922846804083;0.032755665587507143410306298392;0.013140354218244143166827164748;0.006284517234812416787426148090;0.005522757569986669508310672683;0.014282993715482765820223853837;0.005713197486193106328089541535;0.021519710531327364971820870210;0.000000000000000000000000000000;0.010855075223766901329480738525;0.011235955056179774969038476229;0.011426394972386212656179083069;0.019996191201675870413589919394;0.017710912207198628576243493171;0.023614549609598172591473641546;0.013330794134450580853967771588
-0.022710622710622709735650559537;0.034798534798534799805658224159;0.044688644688644689473289162152;0.008241758241758241967933606986;0.030036630036630037471345744393;0.018498168498168498369293999417;0.005494505494505494934409650654;0.022710622710622709735650559537;0.043589743589743587537377322860;0.015018315018315018735672872197;0.010622710622710623135089846869;0.026007326007326008604492173504;0.012454212454212455069013643083;0.020146520146520147803714806400;0.023626373626373625702612457644;0.016300366300366301436364224742;0.032417582417582420373225460253;0.055311355311355309138932057067;0.015018315018315018735672872197;0.008791208791208791201166050655;0.016666666666666666435370203203;0.027472527472527472069963039303;0.019413919413919414336255897524;0.016666666666666666435370203203;0.021611721611721611269185672199;0.017032967032967031434376181664;0.027838827838827840538415969718;0.050549450549450550274066529255;0.003296703296703296700437268996;0.026007326007326008604492173504;0.018681318681318680868796988648;0.021611721611721611269185672199;0.008974358974358973700669039886;0.005311355311355311567544923435;0.016300366300366301436364224742;0.033516483516483515370243395637;0.010073260073260073901857403200;0.008241758241758241967933606986;0.006959706959706960134603992429;0.030219780219780219970848733624;0.010805860805860805634592836100;0.039377289377289376171020762740;0.000000000000000000000000000000;0.013736263736263736034981519651;0.012454212454212455069013643083;0.012820512820512820068019621544;0.014468864468864469502440428528;0.010439560439560438900863381662;0.022710622710622709735650559537;0.010256410256410256401360392431
-0.012697323266986960260682693047;0.042038435140700068648467180310;0.028483184625943718665253001632;0.027110501029512696496981405403;0.039979409746053531926612834013;0.016986959505833905403893169250;0.004632807137954701552640113249;0.039636238846945781588715362886;0.043411118737131090816738776539;0.010638297872340425273551822727;0.013555250514756348248490702701;0.013383665065202471344818491161;0.011667810569663691899755519898;0.014070006863417982428954289276;0.047185998627316406983656094098;0.008407687028140013382748740867;0.020761839396019218101363534856;0.061084420041180510774214695857;0.031571722717913523748034521077;0.006863417982155113443443195109;0.018016472203157173764820342399;0.024193548387096773522042525428;0.017844886753603295126424654882;0.014756348661633493513090087390;0.014927934111187372151485774907;0.015614275909402883235621573021;0.029169526424159229749388799746;0.059025394646533974052360349560;0.001887439945092656131894748306;0.033287577213452296254203588433;0.009265614275909403105280226498;0.012010981468771447441823418956;0.016129032258064515681361683619;0.004118050789293068239538264663;0.014927934111187372151485774907;0.024021962937542894883646837911;0.013212079615648592706422803644;0.004118050789293068239538264663;0.006863417982155113443443195109;0.020590253946465339462967847339;0.013040494166094715802750592104;0.048558682223747429151927690327;0.000000000000000000000000000000;0.008064516129032257840680841809;0.028997940974605354580440064183;0.008064516129032257840680841809;0.010981468771448180815619721784;0.008750857927247768924816639924;0.017158544955387784042288856767;0.008236101578586136479076529326
-0.026088489335448616229795604227;0.028380045831129914468693442586;0.040895469769081614630490406626;0.001939009342499559314376700314;0.022563017803631235658201603655;0.045126035607262471316403207311;0.002291556495681297371536100371;0.020624008461131677211186641330;0.046536224219989423545040807539;0.015159527586814736457854202456;0.014806980433632998400694802399;0.041600564075445094214256158693;0.012515423937951701896520440016;0.022915564956812975450084479689;0.021857923497267759543882803541;0.015335801163405606353795640473;0.022739291380222105554143041672;0.046359950643398553649099369522;0.021505376344086023221446879461;0.008108584523179975314666201314;0.012867971091133439953679840073;0.022034197073858629439824241558;0.017274810505905166535534078776;0.015159527586814736457854202456;0.023620659263176451564403279804;0.017803631235677772753911440873;0.022563017803631235658201603655;0.046536224219989423545040807539;0.000881367882954345142898500143;0.043715846994535519087765607082;0.026969857218402962240055842358;0.010752688172043011610723439730;0.010576414595452141714782001714;0.005288207297726070857391000857;0.013925612550678654125158040245;0.028380045831129914468693442586;0.008108584523179975314666201314;0.006698395910453023086028601085;0.006698395910453023086028601085;0.018332451965450378972288802970;0.005993301604089546971709800971;0.062224572536576767955995848070;0.000000000000000000000000000000;0.011281508901815617829100801828;0.007403490216816499200347401199;0.010752688172043011610723439730;0.018684999118632118764171679004;0.014454433280451260343535402342;0.021857923497267759543882803541;0.011810329631588225782201639902
-0.019444444444444444752839729063;0.041851851851851848418384349770;0.031851851851851853414387960584;0.021296296296296295808003762318;0.032962962962962964741375770927;0.022222222222222223070309254922;0.005740740740740740699621369458;0.032222222222222221543752596062;0.039814814814814816767984950729;0.011481481481481481399242738917;0.014999999999999999444888487687;0.016296296296296294836558615771;0.012037037037037037062736644089;0.015370370370370371043700075120;0.038518518518518521376314822646;0.011296296296296295599836945200;0.019074074074074073154028141630;0.047592592592592596056899623136;0.028703703703703703498106847292;0.005555555555555555767577313730;0.015185185185185185244294281404;0.019074074074074073154028141630;0.016296296296296294836558615771;0.013703703703703704053218359604;0.017592592592592593697675695807;0.014999999999999999444888487687;0.028703703703703703498106847292;0.086666666666666669627261399000;0.001111111111111111110147375847;0.038518518518518521376314822646;0.014444444444444443781394582516;0.008888888888888888881179006773;0.013888888888888888117900677344;0.004259259259259259508545447659;0.016111111111111110771876298031;0.024444444444444445724284875610;0.012777777777777778525636342977;0.006296296296296296363115274630;0.005000000000000000104083408559;0.021666666666666667406815349750;0.008703703703703703081773213057;0.042592592592592591616007524635;0.000000000000000000000000000000;0.011296296296296295599836945200;0.022962962962962962798485477833;0.011666666666666667198648532633;0.016481481481481482370687885464;0.008888888888888888881179006773;0.022777777777777778733803160094;0.006666666666666667094565124074
-0.020251177394034536316524963695;0.032182103610675041882593916398;0.034850863422291995796786778783;0.028571428571428570536427926640;0.019623233908948194831323164067;0.021350078492935634782989851033;0.009419152276295132686367850283;0.032496075353218210890471340235;0.043485086342229202494014117519;0.013186813186813186801749075983;0.010047095761381475906293125888;0.016797488226059652943744637810;0.014442700156985871506876151216;0.014913657770800628488139238925;0.028885400313971743013752302431;0.010204081632653060410231837807;0.030141287284144425984155901688;0.050235478806907381266189105418;0.025117739403453690633094552709;0.005180533751962323324447012851;0.016797488226059652943744637810;0.028257456828885401528550502803;0.021350078492935634782989851033;0.021350078492935634782989851033;0.016169544740973311458542838182;0.015227629513343799230740138739;0.024332810047095761174507089208;0.068445839874411301684276054402;0.004238618524332810229282575420;0.028414442700156986032489214722;0.016954474097331240917130301682;0.010518053375196232887556213598;0.010047095761381475906293125888;0.005494505494505494934409650654;0.016640502354788068439805925891;0.026844583987441130584761239675;0.011459968602825745115358913040;0.007378335949764521124738525515;0.008634222919937204962503862760;0.026373626373626373603498151965;0.009262166405023548182429138365;0.051491365777080064236592704674;0.000000000000000000000000000000;0.010204081632653060410231837807;0.016797488226059652943744637810;0.014285714285714285268213963320;0.014442700156985871506876151216;0.007535321821036106496038975422;0.021821036106750391764252938742;0.007849293563579277238639875236
-0.019379844961240309808570003725;0.025295797633618929967092014977;0.059363525091799262956016036696;0.004283965728274173427603255249;0.016931864545083639278511000725;0.039167686658506728480944047988;0.003875968992248061961714000745;0.023459812321501429671632976692;0.038555691554467565185237987180;0.011423908608731129718516505989;0.015707874337005302278758023249;0.016319869441044472513357987964;0.021827825377396980338629006724;0.023051815585475317338381984200;0.020603835169318646808322981201;0.012647898816809464983546007488;0.032435740514075890594813955659;0.052427580579355363699090020191;0.026315789473684209065496020230;0.010403916768665850620112500735;0.017135862913096693710413020995;0.026315789473684209065496020230;0.024683802529579763201939002215;0.015503875968992247846856002980;0.029783761729906162163405980436;0.019175846593227255376667983455;0.031007751937984495693712005959;0.029579763361893104262057008214;0.000611995104039167632514750750;0.043859649122807015109160033717;0.012443900448796408816920511242;0.012035903712770298218392994727;0.014891880864953081081702990218;0.006527947776417788658398499990;0.023051815585475317338381984200;0.031211750305997553595060978182;0.012647898816809464983546007488;0.006527947776417788658398499990;0.002855977152182782429629126497;0.026111791105671154633593999961;0.006935944512443900124287754494;0.035903712770297836753830011958;0.000000000000000000000000000000;0.007751937984496123923428001490;0.015707874337005302278758023249;0.010811913504691962953363493227;0.015503875968992247846856002980;0.012443900448796408816920511242;0.024887800897592817633841022484;0.010607915136678906786737996981
-0.017330032374785756671409231444;0.031803466006474954974603264191;0.075604646733955435666807431971;0.002666158826890116344265901915;0.018091792039611503950524706852;0.016568272709960005922846804083;0.008950676061702533131692050006;0.024566749190630357557729723794;0.045324700057131975250435118596;0.009712435726528280410807525413;0.011426394972386212656179083069;0.009712435726528280410807525413;0.010474195391354027689923000821;0.017710912207198628576243493171;0.039611502570938865452898625108;0.010855075223766901329480738525;0.030470386593029898103512920216;0.055227575699866693348383250850;0.019043991620643685447333837146;0.014282993715482765820223853837;0.013330794134450580853967771588;0.040563702151971053888601659310;0.022662350028565987625217559298;0.013140354218244143166827164748;0.017710912207198628576243493171;0.015425633212721386738897066948;0.023043229860978859530051821025;0.056941534945724625593754808506;0.001904399162064368631469557513;0.024185869358217482183448510114;0.010664635307560465377063607662;0.011426394972386212656179083069;0.011997714721005522248153951637;0.005522757569986669508310672683;0.019043991620643685447333837146;0.030851266425442773477794133896;0.010093315558941154050365263117;0.011426394972386212656179083069;0.009712435726528280410807525413;0.050276137878499334299409184723;0.009902875642734716363224656277;0.031041706341649211164934740736;0.000000000000000000000000000000;0.007046276899638164066541623498;0.014473433631689201772640984700;0.014282993715482765820223853837;0.011997714721005522248153951637;0.009902875642734716363224656277;0.024947629023043229462563985521;0.007046276899638164066541623498
-0.022723475355054301855206588812;0.025229741019214702718587162167;0.035588972431077690872225360863;0.029239766081871343406106689145;0.052130325814536339346094706571;0.022890559732664995939988017426;0.006015037593984962766002766443;0.029741019214703425660450974988;0.034419381787802842687096216423;0.013868003341687551790983867761;0.016541353383458645004422393754;0.019047619047619049337249919063;0.009356725146198830583843530917;0.018713450292397661167687061834;0.036257309941520467211351075321;0.008688387635756055979441292436;0.026399331662489557842610210514;0.047284878863826235173561940428;0.032581453634085211223947453618;0.008020050125313283109762529932;0.018713450292397661167687061834;0.021052631578947367946286206575;0.016207184628237260304306488479;0.020551378446115289161388872685;0.022723475355054301855206588812;0.022222222222222223070309254922;0.027903091060985797666749164136;0.039766081871345032583420220362;0.002506265664160400863380573355;0.046282372598162070664873368742;0.007184628237259816155302338814;0.011194653299916458577545341768;0.012030075187969925532005532887;0.003174603174603174600421073848;0.015705931495405178049962202635;0.023224728487886384109550874655;0.012531328320802004316902866776;0.008354218880534669544601911184;0.004344193817878027989720646218;0.018045112781954888298008299330;0.008020050125313283109762529932;0.035087719298245612087328026973;0.000000000000000000000000000000;0.009022556390977444149004149665;0.023893065998329156979229637159;0.014870509607351712830225487494;0.017376775271512111958882584872;0.012030075187969925532005532887;0.021553884711779450200630492418;0.009690893901420217018682912169
-0.023424109693391734904333034706;0.029327747095791278919563183081;0.037897543325080940146420971359;0.008188916396876785852576574598;0.027804227766139784361332232265;0.027613787849933346674191625425;0.004570557988954484542054590435;0.030279946676823463885819265329;0.040182822319558178514320445629;0.013330794134450580853967771588;0.017330032374785756671409231444;0.018663111788230813542499575419;0.019615311369262998508755657667;0.020948390782708055379846001642;0.024757189106836791775423378681;0.015806513045134258643731328675;0.027994667682346218579025887152;0.049514378213673583550846757362;0.022091030279946678033242690731;0.007617596648257474525878230054;0.013902113883069892180666116133;0.024185869358217482183448510114;0.016568272709960005922846804083;0.017901352123405066263384100012;0.027423347933726908987051018585;0.018663111788230813542499575419;0.031041706341649211164934740736;0.039230622738525997017511315335;0.003047038659302989983823639619;0.031422586174062086539215954417;0.014473433631689201772640984700;0.011807274804799086295736820773;0.014854313464102075412198722404;0.003618358407922300443160246175;0.024947629023043229462563985521;0.030089506760617026198678658488;0.013330794134450580853967771588;0.009521995810321842723666918573;0.006855836983431727246762754646;0.025328508855456104836845199202;0.010093315558941154050365263117;0.043801180727480480692204167781;0.000000000000000000000000000000;0.011045515139973339016621345365;0.013330794134450580853967771588;0.012759474385831269527269427044;0.014282993715482765820223853837;0.013140354218244143166827164748;0.028756427347171965858141362560;0.007617596648257474525878230054
-0.019389155799588195933091938628;0.039464653397391899480872723416;0.038263555250514759420443766658;0.007892930679478380937008630269;0.012182566918325326080219106473;0.018874399450926560017904876076;0.008922443376801647563212327441;0.033287577213452296254203588433;0.058510638297872341606620238963;0.012868908716540837164354904587;0.013212079615648592706422803644;0.014241592312971859332626500816;0.012697323266986960260682693047;0.021105010295126971908707957937;0.031743308167467398916983256640;0.011839396019217570538151207415;0.029512697323266987026180174780;0.047185998627316406983656094098;0.019903912148249828378832049225;0.009094028826355524466884538981;0.017844886753603295126424654882;0.026767330130404942689636982323;0.020761839396019218101363534856;0.018359643102264927572164765479;0.018359643102264927572164765479;0.018016472203157173764820342399;0.024021962937542894883646837911;0.067776252573781739507730037531;0.001887439945092656131894748306;0.019732326698695949740436361708;0.011667810569663691899755519898;0.013383665065202471344818491161;0.013383665065202471344818491161;0.006520247083047357901375296052;0.020075497597803707017227736742;0.029684282772820865664575862297;0.012868908716540837164354904587;0.006520247083047357901375296052;0.008064516129032257840680841809;0.024365133836650652160438212945;0.012354152367879202983891318013;0.047185998627316406983656094098;0.000000000000000000000000000000;0.011839396019217570538151207415;0.015271105010295127693553673964;0.015271105010295127693553673964;0.013383665065202471344818491161;0.010123541523678792827811712129;0.024879890185312284606178323543;0.009437199725463280008952438038
-0.016928011404133996853360599744;0.037598004276550252289457176857;0.043656450463292945096682728945;0.003920171062009978821261135806;0.006771204561653599782178325484;0.023699215965787598370262401204;0.006593014967925873472121001129;0.025302922309337134293416582409;0.067712045616535987413442398974;0.014255167498218104804585948386;0.014433357091945830247281534753;0.011225944404846756666249696366;0.013542409123307199564356650967;0.021026372059871702852040797893;0.028332145402708480697029358453;0.009265858873841768122980866451;0.026372059871703493888484004515;0.057911617961511049901268677331;0.016571632216678545967969427011;0.009265858873841768122980866451;0.012116892373485389083898056128;0.029757662152530291177487953291;0.018531717747683536245961732902;0.016928011404133996853360599744;0.019066286528866712574048492002;0.017818959372772631005732435483;0.026015680684248039533645879828;0.066821097647897356730517515189;0.002138275124732715720687892258;0.023699215965787598370262401204;0.009978617248752673363210163870;0.013007840342124019766822939914;0.011760513186029936463783407419;0.005523877405559515611777055000;0.019779044903777617814277789421;0.030292230933713470975021664344;0.010691375623663578603439461290;0.007127583749109052402292974193;0.015324305060584462664929894515;0.019422665716322166928886616688;0.011404133998574483843668758709;0.056307911617961510508667544173;0.000000000000000000000000000000;0.009978617248752673363210163870;0.013720598717034925007052237333;0.014433357091945830247281534753;0.015502494654312188107625480882;0.014076977904490377627166886043;0.024055595153243049255653573937;0.010334996436208125983324812580
-0.018359853121175030710165998471;0.040187678498572014518241957148;0.032843737250101999458617996197;0.019787841697266422141820996217;0.030395756833945328928558993198;0.025499796001631987868440987199;0.003875968992248061961714000745;0.033251733986128108322422036736;0.027335781313749491633346977437;0.013463892288861689650047992473;0.013667890656874745816673488719;0.015707874337005302278758023249;0.015911872705018360180106995472;0.018767849857201143043416990963;0.049367605059159526403878004430;0.007343941248470012457538746986;0.024275805793553650868688009723;0.054671562627498983266693954874;0.035087719298245612087328026973;0.006527947776417788658398499990;0.017135862913096693710413020995;0.019583843329253364240472023994;0.017747858017135863945012985710;0.016931864545083639278511000725;0.018359853121175030710165998471;0.021011831905344755672127021739;0.029579763361893104262057008214;0.076295389636882898765080085468;0.001223990208078335265029501500;0.027539779681762546065248997706;0.009179926560587515355082999235;0.011831905344757242051767498481;0.014483884128926968748451997726;0.005099959200326397226743502245;0.017339861281109751611761993217;0.027539779681762546065248997706;0.013463892288861689650047992473;0.005507955936352509559994494737;0.001835985312117503114384686747;0.019583843329253364240472023994;0.009791921664626682120236011997;0.029783761729906162163405980436;0.000000000000000000000000000000;0.010811913504691962953363493227;0.021011831905344755672127021739;0.011015911872705019119988989473;0.013463892288861689650047992473;0.009791921664626682120236011997;0.025295797633618929967092014977;0.011423908608731129718516505989
-0.017396907216494846004639640569;0.034954896907216495560710711743;0.022873711340206184100543040927;0.015141752577319587610982232206;0.027545103092783504439289288257;0.021262886597938145116781782917;0.011597938144329897336426427046;0.040914948453608247780355355872;0.028189432989690722114461962633;0.010631443298969072558390891459;0.013853092783505153995360359431;0.016752577319587628329466966193;0.014980670103092784059550801601;0.009987113402061854883218217083;0.044297680412371136238203206403;0.007893041237113401775715715303;0.022229381443298969894817318504;0.046069587628865982242842846972;0.031088917525773196448568569394;0.005154639175257731860402277135;0.020296391752577320338746247330;0.023356958762886598224284284697;0.026095360824742269006959460853;0.017396907216494846004639640569;0.013530927835051546892497498220;0.013692010309278350443928928826;0.034632731958762888457847850532;0.053962628865979384018558562275;0.002577319587628865930201138568;0.037048969072164948668213213523;0.012886597938144329217324823844;0.013208762886597938054911161032;0.016752577319587628329466966193;0.005798969072164948668213213523;0.025612113402061854883218217083;0.022068298969072166343385887899;0.011114690721649484947408659252;0.009664948453608247780355355872;0.010309278350515463720804554271;0.031250000000000000000000000000;0.017074742268041235432329827404;0.040270618556701033574629633449;0.000000000000000000000000000000;0.009181701030927835391337588078;0.024806701030927833656614112101;0.016108247422680410654294291817;0.007893041237113401775715715303;0.008537371134020617716164913702;0.024806701030927833656614112101;0.007248711340206185835266516904
-0.030812324929971990350452415441;0.010185892538833715703638915784;0.054239877769289533693264360181;0.000509294626941685720129815440;0.025719378660555132498632957549;0.022663610898905017093651892424;0.004583651642475172240109859700;0.025719378660555132498632957549;0.045836516424751720666375121027;0.015788133435192260034529709856;0.016806722689075629523225430262;0.021135727018079957656437883884;0.017570664629488159241832434532;0.024191494779730073061418949010;0.007130124777183600298657850658;0.012987012987012987869084312820;0.021899668958492487375044888154;0.048892284186401832601909234199;0.023936847466259229821883280920;0.011459129106187930166593780257;0.019862490450725744928206495388;0.031321619556913676829523751621;0.019862490450725744928206495388;0.021390374331550800895973551974;0.031576266870384520069059419711;0.022154316271963330614580556244;0.030557677616501147110916747351;0.013750954927425515852967841113;0.002546473134708428925909728946;0.022408963585434173854116224334;0.021899668958492487375044888154;0.012987012987012987869084312820;0.014005602240896359092503509203;0.010185892538833715703638915784;0.025210084033613446019561621370;0.032085561497326206548130755891;0.019098548510313215209599491118;0.010185892538833715703638915784;0.013241660300483829373896504933;0.033358798064680415806915192434;0.007639419404125286777729186838;0.025719378660555132498632957549;0.000000000000000000000000000000;0.011204481792717086927058112167;0.008148714031066971522077047041;0.014769544181308887076387037496;0.019098548510313215209599491118;0.014260249554367200597315701316;0.036159918512859691441807541423;0.013241660300483829373896504933
-0.018359643102264927572164765479;0.050446122168840083765939397153;0.030370624571036376748711660412;0.012697323266986960260682693047;0.030027453671928619471920285378;0.030370624571036376748711660412;0.007549759780370624527578993224;0.030199039121482498110315972895;0.031743308167467398916983256640;0.011496225120109814996083308358;0.011324639670555936357687620841;0.026080988332189431605501184208;0.012697323266986960260682693047;0.015442690459849004597225885504;0.033459162663006178362046227903;0.010981468771448180815619721784;0.021448181194234729185499332971;0.050789293067947841042730772187;0.026252573781743306774449919772;0.007035003431708991214477144638;0.015099519560741249055157986447;0.018874399450926560017904876076;0.016986959505833905403893169250;0.013212079615648592706422803644;0.023335621139327383799511039797;0.014413177762525737971022188333;0.021791352093342482992843756051;0.078071379547014416178107865107;0.003603294440631434492755547083;0.045984900480439259984333233433;0.032429649965682913470566006708;0.012182566918325326080219106473;0.012354152367879202983891318013;0.004118050789293068239538264663;0.016643788606726148127101794216;0.024879890185312284606178323543;0.011496225120109814996083308358;0.009608785175017158647348125555;0.005662319835277968178843810421;0.019389155799588195933091938628;0.011324639670555936357687620841;0.036204529855868222698589420361;0.000000000000000000000000000000;0.009780370624571035551020337095;0.014756348661633493513090087390;0.012354152367879202983891318013;0.011324639670555936357687620841;0.007206588881262868985511094166;0.019903912148249828378832049225;0.008236101578586136479076529326
-0.026007326007326008604492173504;0.030036630036630037471345744393;0.039010989010989011172014784279;0.004945054945054944833815468996;0.021794871794871793768688661430;0.043406593406593405037874333630;0.006227106227106227534506821542;0.027289377289377289570460050072;0.031501831501831500936816610192;0.015018315018315018735672872197;0.015567765567765567968905315865;0.023626373626373625702612457644;0.016117216117216118936861235511;0.017765567765567764901835090541;0.017216117216117217403326122849;0.013919413919413920269207984859;0.021611721611721611269185672199;0.050183150183150185275060550794;0.032234432234432237873722471022;0.008791208791208791201166050655;0.017216117216117217403326122849;0.020329670329670330303217795631;0.018131868131868133370288020956;0.018131868131868133370288020956;0.028754578754578753035930915871;0.021611721611721611269185672199;0.030219780219780219970848733624;0.037179487179487179238090988065;0.001282051282051282050170049054;0.053479853479853477205008260853;0.008058608058608059468430617756;0.011721611721611721601554734207;0.016666666666666666435370203203;0.004761904761904762334312479766;0.018864468864468863368299977878;0.029487179487179486503389824748;0.012637362637362637568516632314;0.010256410256410256401360392431;0.004945054945054944833815468996;0.022893772893772892235153548768;0.005860805860805860800777367103;0.037545787545787544237096966526;0.000000000000000000000000000000;0.010622710622710623135089846869;0.014835164835164834501446406989;0.014652014652014652001943417758;0.014835164835164834501446406989;0.011172161172161172368322290538;0.031501831501831500936816610192;0.010073260073260073901857403200
-0.011582323592302209286364345076;0.056486101211689239420810082493;0.020491803278688523054507086840;0.018531717747683536245961732902;0.037241625089094794465172100217;0.022808267997148967687337517418;0.009622238061297220743095515161;0.038132573057733425148096984003;0.025302922309337134293416582409;0.007662152530292231332464947258;0.011582323592302209286364345076;0.014967925873129010044815245806;0.017640769779044902093589897163;0.011938702779757661906478993785;0.044725588025659304691750151051;0.007305773342836778712350298548;0.020848182466143977409345211527;0.060584461867426941950043328688;0.029757662152530291177487953291;0.005702066999287241921834379355;0.017106200997861725765503138064;0.015324305060584462664929894515;0.021382751247327157206878922580;0.013007840342124019766822939914;0.011582323592302209286364345076;0.013898788310762652184471299677;0.026550249465431219331179590881;0.087134711332858161281222919570;0.003207412687099073581031838387;0.033856022808267993706721199487;0.008018531717747683085217857979;0.013007840342124019766822939914;0.015680684248039915285044543225;0.003920171062009978821261135806;0.018531717747683536245961732902;0.026015680684248039533645879828;0.008553100498930862882751569032;0.005345687811831789301719730645;0.006236635780470420852006352419;0.018709907341411261688657319269;0.018175338560228081891123608216;0.035281539558089804187179794326;0.000000000000000000000000000000;0.009622238061297220743095515161;0.034390591589451173504254910540;0.015858873841767640727740129591;0.008018531717747683085217857979;0.008374910905203135705332506689;0.023164647184604418572728690151;0.007127583749109052402292974193
-0.015806513045134258643731328675;0.057322414778137500968036022186;0.026661588268901161707935543177;0.011616834888592648608596213933;0.021138830698914493066986608483;0.017520472290992190889102886331;0.007617596648257474525878230054;0.036945343744048751710717937158;0.035802704246810132526768200023;0.008188916396876785852576574598;0.012569034469624833574852296181;0.008188916396876785852576574598;0.013521234050657018541108378429;0.012378594553418395887711689340;0.044182060559893356066485381461;0.005141877737573795868752934979;0.025328508855456104836845199202;0.074081127404303948047470385063;0.029327747095791278919563183081;0.007617596648257474525878230054;0.017139592458579318984268624604;0.019805751285469432726449312554;0.021900590363740240346102083890;0.015616073128927822691314197812;0.013521234050657018541108378429;0.014092553799276328133083246996;0.028185107598552656266166493992;0.091220719862883256623398153806;0.002285278994477242271027295217;0.022091030279946678033242690731;0.006665397067225290426983885794;0.011997714721005522248153951637;0.015425633212721386738897066948;0.003237478575509426803602508471;0.014854313464102075412198722404;0.027232908017520471299910411744;0.012759474385831269527269427044;0.007427156732051037706099361202;0.005141877737573795868752934979;0.022471910112359549938076952458;0.011235955056179774969038476229;0.059607693772614739335935496456;0.000000000000000000000000000000;0.008379356313083221804993705462;0.019424871453056560821615050827;0.016187392877547134018012542356;0.006855836983431727246762754646;0.006284517234812416787426148090;0.023043229860978859530051821025;0.004951437821367358181612328138
-0.019047619047619049337249919063;0.051648351648351645271084464639;0.031684981684981683436319599423;0.004761904761904762334312479766;0.014835164835164834501446406989;0.018131868131868133370288020956;0.008974358974358973700669039886;0.034615384615384617306155234928;0.041025641025641025605441569724;0.010622710622710623135089846869;0.012087912087912088335284188645;0.016849816849816848934873192434;0.011904761904761904101057723437;0.016666666666666666435370203203;0.044871794871794871972792151382;0.010805860805860805634592836100;0.021978021978021979737638602614;0.051282051282051280272078486178;0.027289377289377289570460050072;0.007142857142857142634106981660;0.013553113553113553535478530421;0.022710622710622709735650559537;0.015018315018315018735672872197;0.017032967032967031434376181664;0.017765567765567764901835090541;0.015018315018315018735672872197;0.028205128205128205537421948179;0.105677655677655676913495597091;0.002380952380952381167156239883;0.025641025641025640136039243089;0.010439560439560438900863381662;0.014652014652014652001943417758;0.011904761904761904101057723437;0.005128205128205128200680196215;0.017216117216117217403326122849;0.026923076923076924571454071611;0.010256410256410256401360392431;0.005677655677655677433912639884;0.006043956043956044167642094322;0.022527472527472527236147570306;0.012271062271062270834787177876;0.048901098901098900839645722272;0.000000000000000000000000000000;0.008058608058608059468430617756;0.016117216117216118936861235511;0.010989010989010989868819301307;0.015018315018315018735672872197;0.009706959706959707168127948762;0.019047619047619049337249919063;0.009890109890109889667630937993
-0.022306108442004118908030818602;0.033287577213452296254203588433;0.049759780370624569212356647085;0.018702814001372684848956140513;0.009780370624571035551020337095;0.016815374056280026765497481733;0.008236101578586136479076529326;0.023850377487989019714698102348;0.033115991763898421085254852869;0.019560741249142071102040674191;0.012182566918325326080219106473;0.015614275909402883235621573021;0.012868908716540837164354904587;0.026252573781743306774449919772;0.043925875085792723262478887136;0.015442690459849004597225885504;0.026938915579958817858585717886;0.042210020590253943817415915873;0.016472203157172272958153058653;0.010123541523678792827811712129;0.015271105010295127693553673964;0.028826355525051475942044376666;0.019389155799588195933091938628;0.021962937542896361631239443568;0.021619766643788607823895020488;0.020933424845573096739759222373;0.023678792038435141076302414831;0.086822237474262181633477553078;0.003774879890185312263789496612;0.016472203157172272958153058653;0.010466712422786548369879611187;0.016472203157172272958153058653;0.009437199725463280008952438038;0.007206588881262868985511094166;0.017501715854495537849633279848;0.026767330130404942689636982323;0.007206588881262868985511094166;0.009608785175017158647348125555;0.006177076183939601491945659006;0.032944406314344545916306117306;0.007721345229924502298612942752;0.026424159231297185412845607289;0.000000000000000000000000000000;0.013383665065202471344818491161;0.013898421413864103790558601759;0.015785861358956761874017260538;0.015957446808510637042965996102;0.013383665065202471344818491161;0.022992450240219629992166616717;0.010466712422786548369879611187
-0.017710912207198628576243493171;0.045134260140925537563294511756;0.039992382403351740827179838789;0.056941534945724625593754808506;0.035612264330603694839627593183;0.013140354218244143166827164748;0.007236716815844600886320492350;0.033517425252332887219974821846;0.037135783660255189397858543998;0.012378594553418395887711689340;0.013521234050657018541108378429;0.009141115977908969084109180869;0.011235955056179774969038476229;0.018663111788230813542499575419;0.050085697962292896612268577883;0.011045515139973339016621345365;0.017710912207198628576243493171;0.038087983241287370894667674293;0.027804227766139784361332232265;0.007427156732051037706099361202;0.014092553799276328133083246996;0.018663111788230813542499575419;0.012759474385831269527269427044;0.017139592458579318984268624604;0.019996191201675870413589919394;0.018472671872024375855358968579;0.022091030279946678033242690731;0.081127404303942107777203318619;0.001713959245857931811690688662;0.018853551704437251229640182260;0.007046276899638164066541623498;0.013521234050657018541108378429;0.008188916396876785852576574598;0.007046276899638164066541623498;0.013330794134450580853967771588;0.024376309274423919870589116954;0.011045515139973339016621345365;0.005522757569986669508310672683;0.008379356313083221804993705462;0.019805751285469432726449312554;0.014854313464102075412198722404;0.035421824414397257152486986342;0.000000000000000000000000000000;0.009902875642734716363224656277;0.027613787849933346674191625425;0.011235955056179774969038476229;0.016949152542372881297128017763;0.013902113883069892180666116133;0.016949152542372881297128017763;0.006474957151018853607205016942
-0.021611721611721611269185672199;0.029120879120879121504383846286;0.043772893772893770036880312091;0.021978021978021979737638602614;0.030952380952380953438307642500;0.018681318681318680868796988648;0.005494505494505494934409650654;0.030036630036630037471345744393;0.044871794871794871972792151382;0.017948717948717947401338079771;0.011904761904761904101057723437;0.017032967032967031434376181664;0.013736263736263736034981519651;0.022344322344322344736644581076;0.036813186813186814239085009604;0.014102564102564102768710974090;0.026190476190476191103995162734;0.049267399267399265838651700733;0.021062271062271063770676704507;0.007692307692307692734701163317;0.018498168498168498369293999417;0.026190476190476191103995162734;0.011355311355311354867825279769;0.021611721611721611269185672199;0.023260073260073260703606479183;0.019597069597069596835758886755;0.025457875457875457636536253858;0.059157509157509155506282638726;0.002197802197802197800291512664;0.026007326007326008604492173504;0.014102564102564102768710974090;0.016666666666666666435370203203;0.010989010989010989868819301307;0.005860805860805860800777367103;0.010989010989010989868819301307;0.025641025641025640136039243089;0.008424908424908424467436596217;0.010805860805860805634592836100;0.008974358974358973700669039886;0.013919413919413920269207984859;0.009523809523809524668624959531;0.039377289377289376171020762740;0.000000000000000000000000000000;0.010805860805860805634592836100;0.018131868131868133370288020956;0.014652014652014652001943417758;0.018498168498168498369293999417;0.014285714285714285268213963320;0.021428571428571428769682682969;0.008974358974358973700669039886
-0.028668538495640608770864687926;0.018767548396630709395260794281;0.056007093246638099681700140309;0.015516477020836411462867410194;0.024826363233338259034477246701;0.027634106694251515945470742963;0.002807743460913255609950889280;0.020540860056154870011413393627;0.042263927885325847100261853484;0.016846460765479534527067073668;0.012708733559923156286597389908;0.029702970297029701596258632890;0.011674301758534061726479968968;0.028668538495640608770864687926;0.016255356878971477518902588599;0.021131963942662923550130926742;0.033249593616078022828563831581;0.046106103147628196836649294710;0.016846460765479534527067073668;0.011230973843653022439803557120;0.011822077730161075978521090235;0.022757499630560069914242404820;0.010935421900398995670444790562;0.026156346977981380363953434198;0.031328505984926847960370110968;0.025269691148219298321153658549;0.025860795034727351859871191664;0.014777597162701345406832231788;0.001625535687897147881994519558;0.025713019063100341077277022350;0.029555194325402690813664463576;0.020097532141273827255290029825;0.008275454411112753011492415567;0.005467710950199497835222395281;0.013595389389685236594673689581;0.035614009162110243922327867949;0.012117629673415102747879856793;0.008866558297620806550209948682;0.003694399290675336351708057947;0.019210876311511748681937206129;0.008127678439485738759451294300;0.040786168169055711518744544719;0.000000000000000000000000000000;0.015516477020836411462867410194;0.012265405645042116999920978060;0.013595389389685236594673689581;0.022905275602187084166283526088;0.016403132850598491770943709867;0.022609723658933059131648235507;0.013595389389685236594673689581
-0.026884226884226883336204139141;0.025174825174825176538062621034;0.055477855477855476939996748342;0.010567210567210567201401616444;0.009168609168609169468577846374;0.020668220668220667335379658880;0.003574203574203574200474076150;0.019580419580419582137320588799;0.051437451437451438274184312149;0.020823620823620825337485484852;0.013053613053613053601731408548;0.014452214452214453069278654596;0.014141414141414142269237430583;0.030303030303030303871381079261;0.019891219891219891202638336836;0.013830613830613831469196206569;0.028593628593628593603792609201;0.047086247086247083604160224013;0.012898212898212899069072534530;0.010567210567210567201401616444;0.011033411033411034268825190452;0.025330225330225331070721495053;0.013675213675213675201813856575;0.028593628593628593603792609201;0.026418026418026419738227517087;0.027039627039627041338309965113;0.028749028749028748136451483219;0.046620046620046623475630553912;0.001398601398601398600185508059;0.018337218337218338937155692747;0.010256410256410256401360392431;0.016006216006216007069484774661;0.007770007770007770001030600326;0.006837606837606837600906928287;0.018648018648018648002473440783;0.036674436674436677874311385494;0.013986013986013986001855080588;0.006993006993006993000927540294;0.007459207459207459200989376313;0.020046620046620045735297210854;0.006682206682206682200886316281;0.050349650349650353076125242069;0.000000000000000000000000000000;0.015850815850815852536825900643;0.008391608391608391601113048353;0.011655011655011655868907638478;0.024553224553224554937980173008;0.020202020202020203737403036826;0.030769230769230770938804653269;0.011499611499611499601525288483
-0.025091799265605875535189994707;0.016931864545083639278511000725;0.048143614851081192873571978907;0.026927784577723379300095984945;0.026927784577723379300095984945;0.024887800897592817633841022484;0.004079967360261118128339496991;0.028763769889840879595555023229;0.034271725826193387420826041989;0.020399836801305588906974008978;0.014483884128926968748451997726;0.022235822113423092671879999216;0.010607915136678906786737996981;0.037127702978376170284136037480;0.027131782945736433731998005214;0.013871889024887800248575508988;0.024275805793553650868688009723;0.028967768257853937496903995452;0.020603835169318646808322981201;0.010403916768665850620112500735;0.012851897184822521150171503734;0.024683802529579763201939002215;0.010199918400652794453487004489;0.029987760097919216595308000706;0.027743778049775600497151017976;0.026519787841697266966844992453;0.030395756833945328928558993198;0.029579763361893104262057008214;0.001835985312117503114384686747;0.026519787841697266966844992453;0.016115871073031414612009015741;0.016319869441044472513357987964;0.009995920032639738286861508243;0.009179926560587515355082999235;0.016931864545083639278511000725;0.033659730722154224125119981181;0.012443900448796408816920511242;0.006935944512443900124287754494;0.005711954304365564859258252994;0.017339861281109751611761993217;0.008159934720522236256678993982;0.024071807425540596436785989454;0.000000000000000000000000000000;0.015299877600979191680230506734;0.019991840065279476573723016486;0.012851897184822521150171503734;0.030599755201958383360461013467;0.023459812321501429671632976692;0.019583843329253364240472023994;0.014891880864953081081702990218
-0.021219715956558062031067635189;0.052798663324979115685220421028;0.041436925647451966492340602599;0.002506265664160400863380573355;0.006015037593984962766002766443;0.021052631578947367946286206575;0.003675856307435254686361014720;0.035087719298245612087328026973;0.036090225563909776596016598660;0.016040100250626566219525059864;0.013199665831244778921305105257;0.015705931495405178049962202635;0.011862990810359231447224104272;0.029573934837092731575669546373;0.026566416040100251927391639128;0.010860484544695070407982484539;0.026900584795321636627507544404;0.064327485380116955493434716118;0.013868003341687551790983867761;0.009356725146198830583843530917;0.015204678362573099265064868746;0.025730994152046784972931448010;0.021720969089390140815964969079;0.021553884711779450200630492418;0.025396825396825396803368590781;0.022222222222222223070309254922;0.026900584795321636627507544404;0.049791144527986636036942513783;0.002005012531328320777440632483;0.018546365914786967082905633220;0.014035087719298245875765296375;0.015538847117794485699904249998;0.011862990810359231447224104272;0.005513784461152882246381956577;0.022055137844611528985527826308;0.037092731829573934165811266439;0.017543859649122806043664013487;0.009523809523809524668624959531;0.005346700083542189028962265951;0.026399331662489557842610210514;0.008855472013366750064222721051;0.036090225563909776596016598660;0.000000000000000000000000000000;0.012364243943191311966844914139;0.007184628237259816155302338814;0.013533834586466165356144486509;0.019381787802840434037365824338;0.012698412698412698401684295391;0.027234753550543024797070401632;0.010526315789473683973143103287
-0.017437564651987588065784606783;0.042855031771833897169532434646;0.027486330722624501693429621696;0.012560957588296143769279744618;0.031476281956553865681858184189;0.020984187971035909298089805475;0.005467710950199497835222395281;0.047140534949017293131490191627;0.030589626126791783639058408539;0.014186493276193290133391222696;0.017142012708733559561702364249;0.020984187971035909298089805475;0.009900990099009901110327369622;0.021427515885916948584766217323;0.057337076991281217541729375853;0.007979902467858726242133649009;0.017733116595241613100419897364;0.052460469927589771510501037710;0.043150583715087925673614677180;0.006058814836707551373939928396;0.018915324368257720177854963595;0.012560957588296143769279744618;0.013595389389685236594673689581;0.017880892566868627352461018631;0.023053051573814098418324647355;0.019949756169646816472695860512;0.036057337076991283209004279797;0.047731638835525343200760772788;0.001477759716270134497315136279;0.035761785133737254704922037263;0.011378749815280034957121202410;0.011230973843653022439803557120;0.017880892566868627352461018631;0.003989951233929363121066824505;0.011378749815280034957121202410;0.027929658637505540980106033544;0.014777597162701345406832231788;0.004433279148810403275104974341;0.003103295404167282379309655838;0.010196542042263927879686136180;0.008571006354366779780851182124;0.036205113048618293991598449111;0.000000000000000000000000000000;0.008571006354366779780851182124;0.031032954041672822925734820387;0.007979902467858726242133649009;0.015516477020836411462867410194;0.009753214127382886858286248355;0.024530811290084233999841956120;0.010196542042263927879686136180
-0.017818959372772631005732435483;0.046151104775481115172208745889;0.040449037776193873250374366535;0.012295081967213114526593642495;0.017818959372772631005732435483;0.020491803278688523054507086840;0.004098360655737705131318460161;0.034212401995723451531006276127;0.042230933713471134616224134106;0.014433357091945830247281534753;0.014433357091945830247281534753;0.011404133998574483843668758709;0.008553100498930862882751569032;0.020491803278688523054507086840;0.032074126870990732340871431916;0.013364219529579472386937588624;0.022095509622238062447108219999;0.053813257305773340433141527228;0.024590163934426229053187284990;0.009622238061297220743095515161;0.011938702779757661906478993785;0.017818959372772631005732435483;0.012295081967213114526593642495;0.021204561653599428294736384260;0.018175338560228081891123608216;0.017997148966500356448428021849;0.029401282965074840292096780558;0.082679971489665007866598500641;0.000890947968638631550286621774;0.022808267997148967687337517418;0.006414825374198147162063676774;0.014076977904490377627166886043;0.011047754811119031223554109999;0.004454739843193157751433108871;0.013186029935851746944242002257;0.029757662152530291177487953291;0.014433357091945830247281534753;0.007662152530292231332464947258;0.006949394155381326092235649838;0.019244476122594441486191030322;0.010691375623663578603439461290;0.064504632929436922506027940472;0.000000000000000000000000000000;0.010869565217391304046135047656;0.015680684248039915285044543225;0.012473271560940841704012704838;0.021026372059871702852040797893;0.011404133998574483843668758709;0.019422665716322166928886616688;0.011047754811119031223554109999
-0.022068298969072166343385887899;0.037532216494845359322507505340;0.040431701030927837126061064055;0.010953608247422679661253752670;0.021746134020618555771076074734;0.022229381443298969894817318504;0.003704896907216494693348973755;0.030927835051546392897137138789;0.048646907216494846004639640569;0.015141752577319587610982232206;0.010792525773195876109822322064;0.014497422680412371670533033807;0.010792525773195876109822322064;0.020940721649484534544471969753;0.034632731958762888457847850532;0.013369845360824741606342591638;0.025128865979381444228923925266;0.052835051546391752219644644128;0.024162371134020619450888389679;0.007087628865979381416473348310;0.014980670103092784059550801601;0.028350515463917525665893393239;0.013047680412371134503479730427;0.016430412371134021226604104982;0.024323453608247423002319820284;0.020135309278350516787314816725;0.030927835051546392897137138789;0.057506443298969069088943939505;0.001449742268041237167053303381;0.030444587628865978773395895018;0.012564432989690722114461962633;0.011759020618556700887857857651;0.010953608247422679661253752670;0.004993556701030927441609108541;0.014819587628865978773395895018;0.027867268041237115011599101422;0.010792525773195876109822322064;0.006604381443298969027455580516;0.009020618556701030105182681496;0.018041237113402060210365362991;0.010631443298969072558390891459;0.055090206185567008878578576514;0.000000000000000000000000000000;0.010148195876288660169373123665;0.019168814432989692009279281137;0.011114690721649484947408659252;0.016108247422680410654294291817;0.012242268041237113276875625445;0.023034793814432991121421423486;0.009826030927835051331786786477
-0.037048969072164948668213213523;0.006926546391752576997680179716;0.059439432989690718645015010679;0.000322164948453608241275142321;0.013047680412371134503479730427;0.031894329896907214205725722422;0.001771907216494845354118337077;0.018041237113402060210365362991;0.031733247422680410654294291817;0.024806701030927833656614112101;0.018202319587628867231243745550;0.028350515463917525665893393239;0.016430412371134021226604104982;0.041076030927835051331786786477;0.007087628865979381416473348310;0.017074742268041235432329827404;0.029961340206185568119101603202;0.037532216494845359322507505340;0.014175257731958762832946696619;0.012242268041237113276875625445;0.011597938144329897336426427046;0.023840206185567008878578576514;0.016752577319587628329466966193;0.033182989690721649556071071174;0.037854381443298966425370366551;0.033021907216494846004639640569;0.023356958762886598224284284697;0.006443298969072164608662411922;0.001932989690721649556071071174;0.032055412371134017757157153028;0.013853092783505153995360359431;0.017235824742268042453208209963;0.007248711340206185835266516904;0.008215206185567010613302052491;0.024484536082474226553751250890;0.040914948453608247780355355872;0.014497422680412371670533033807;0.010148195876288660169373123665;0.003060567010309278319218906361;0.026578608247422679661253752670;0.003865979381443299112142142349;0.021423969072164948668213213523;0.000000000000000000000000000000;0.019490979381443299112142142349;0.004832474226804123890177677936;0.014497422680412371670533033807;0.033827319587628863761796793597;0.022712628865979380549111610321;0.030444587628865978773395895018;0.015463917525773196448568569394
-0.029741019214703425660450974988;0.019047619047619049337249919063;0.050793650793650793606737181562;0.001503759398496240691500691611;0.013366750208855471271363057895;0.029741019214703425660450974988;0.003007518796992481383001383222;0.023893065998329156979229637159;0.044945697577276524925515843734;0.017376775271512111958882584872;0.016708437761069339089203822368;0.026232247284878863757828781900;0.016708437761069339089203822368;0.031746031746031744269487262500;0.013533834586466165356144486509;0.013868003341687551790983867761;0.021888053467000834900746397693;0.047786131996658313958459274318;0.024561403508771929848908399663;0.009356725146198830583843530917;0.017042606516290727258766679597;0.024728487886382623933689828277;0.012698412698412698401684295391;0.020384294068504595076607444071;0.029406850459482037490888117759;0.027067669172932330712288973018;0.035588972431077690872225360863;0.024895572263993318018471256892;0.001002506265664160388720316242;0.036591478696741855380913932549;0.018045112781954888298008299330;0.015204678362573099265064868746;0.015204678362573099265064868746;0.004845446950710108509341456084;0.015371762740183793349846297360;0.028738512949039264621209355255;0.016374269005847954389087917093;0.007017543859649122937882648188;0.004845446950710108509341456084;0.011528822055137845012384723020;0.008521303258145363629383339799;0.043107769423558900401260984836;0.000000000000000000000000000000;0.014202172096908938225823249013;0.013366750208855471271363057895;0.008020050125313283109762529932;0.026232247284878863757828781900;0.019214703425229739952584395724;0.031411862990810356099924405271;0.013533834586466165356144486509
-0.024879890185312284606178323543;0.025223061084420041882969698577;0.040494166094715171311246848518;0.002059025394646534119769132332;0.017673301304049416488028967365;0.032944406314344545916306117306;0.005490734385724090407809860892;0.030370624571036376748711660412;0.042553191489361701094207290907;0.010638297872340425273551822727;0.015271105010295127693553673964;0.036890871654083730313278266522;0.018359643102264927572164765479;0.016986959505833905403893169250;0.015957446808510637042965996102;0.017501715854495537849633279848;0.024365133836650652160438212945;0.046842827728208649706864719064;0.026252573781743306774449919772;0.008579272477693892021144428384;0.016643788606726148127101794216;0.028654770075497597303648689149;0.023164035689773508630562304234;0.019217570350034317294696251111;0.030370624571036376748711660412;0.022477693891557997546426506119;0.027282086479066575135377092920;0.024879890185312284606178323543;0.002059025394646534119769132332;0.042210020590253943817415915873;0.018188057652711048933769077962;0.012182566918325326080219106473;0.016129032258064515681361683619;0.007378174330816746756545043695;0.019732326698695949740436361708;0.026080988332189431605501184208;0.011667810569663691899755519898;0.008407687028140013382748740867;0.009094028826355524466884538981;0.026767330130404942689636982323;0.006863417982155113443443195109;0.041180507892930678925935694679;0.000000000000000000000000000000;0.008579272477693892021144428384;0.010638297872340425273551822727;0.015442690459849004597225885504;0.017501715854495537849633279848;0.013212079615648592706422803644;0.023850377487989019714698102348;0.010809883321894303911947510244
-0.023313492063492063932628184375;0.020502645502645501507377190364;0.050429894179894178829481887760;0.003637566137566137364212082161;0.016699735449735450543151671354;0.023974867724867725271575835677;0.004298941798941798703159733464;0.030092592592592590922118134245;0.041666666666666664353702032031;0.018022486772486773221046973958;0.016369047619047619873677845703;0.014054232804232803452637590169;0.011739417989417988766320810612;0.026455026455026453557906052083;0.025132275132275130880010749479;0.014880952380952380126322154297;0.029761904761904760252644308594;0.048280423280423277743178545052;0.019510582010582009498955713411;0.007936507936507936067371815625;0.013723544973544972783163764518;0.027447089947089945566327529036;0.016699735449735450543151671354;0.029761904761904760252644308594;0.025628306878306878618944963932;0.026124338624338622888432226432;0.032738095238095239747355691406;0.031415343915343917069460388802;0.001157407407407407343158389779;0.025628306878306878618944963932;0.010416666666666666088425508008;0.016534391534391533473691282552;0.013392857142857142113689938867;0.007771164021164020732634902799;0.014880952380952380126322154297;0.037533068783068786189449639323;0.012400793650793650105268461914;0.009259259259259258745267118229;0.007440476190476190063161077148;0.025793650793650792218958400781;0.008597883597883597406319466927;0.032903439153439156816816080209;0.000000000000000000000000000000;0.015542328042328041465269805599;0.013888888888888888117900677344;0.013888888888888888117900677344;0.026124338624338622888432226432;0.015873015873015872134743631250;0.028439153439153437574749005989;0.012235449735449734770531549088
-0.021219715956558062031067635189;0.037928153717627401120271457557;0.033416875522138678178407644737;0.015705931495405178049962202635;0.036591478696741855380913932549;0.035087719298245612087328026973;0.005346700083542189028962265951;0.035087719298245612087328026973;0.037593984962406012950708600329;0.010359231411862991623085150650;0.016708437761069339089203822368;0.025563909774436090888150019396;0.013366750208855471271363057895;0.018045112781954888298008299330;0.041436925647451966492340602599;0.016040100250626566219525059864;0.016708437761069339089203822368;0.044945697577276524925515843734;0.028070175438596491751530592751;0.006516290726817042418261838321;0.018713450292397661167687061834;0.019381787802840434037365824338;0.010359231411862991623085150650;0.012531328320802004316902866776;0.030075187969924810360566880263;0.018212197159565578913342775991;0.032080200501253132439050119729;0.047451963241436925788896417089;0.002339181286549707645960882729;0.046115288220551380049538892081;0.026232247284878863757828781900;0.009523809523809524668624959531;0.011027568922305764492763913154;0.004177109440267334772300955592;0.008855472013366750064222721051;0.023893065998329156979229637159;0.011695906432748537362442675658;0.009189640768588136499062102303;0.013032581453634084836523676643;0.010693400167084378057924531902;0.013032581453634084836523676643;0.031244778613199665484589928610;0.000000000000000000000000000000;0.006349206349206349200842147695;0.024394319131161235764126971048;0.007184628237259816155302338814;0.015204678362573099265064868746;0.012030075187969925532005532887;0.018880534670008355252468490448;0.010359231411862991623085150650
-0.025711662075298437335479917465;0.018671564126109579245804681591;0.051729415365779005120394629103;0.001224364860728497077929644021;0.012549739822467095157199068467;0.025864707682889502560197314551;0.003979185797367615178010691324;0.022956841138659318801718001168;0.043617998163452707804932373392;0.016069788797061525936760162381;0.016528925619834711202571497779;0.046066727884909702828153399423;0.013621059075604530913539136350;0.024640342822161005048586801536;0.015763697581879398956772320162;0.019895928986838076757415194606;0.027854300581573308848160053230;0.043617998163452707804932373392;0.018671564126109579245804681591;0.008723599632690542601820560265;0.015610651974288337201501875029;0.024640342822161005048586801536;0.014845423936333026690426173388;0.024640342822161005048586801536;0.031221303948576674403003750058;0.024334251606978878068598959317;0.028772574227119682849229675980;0.017294153657790019978923723443;0.001377410468319559266880958148;0.036424854606672787959986692385;0.024028160391796754558058069051;0.016835016835016834713112388044;0.012243648607284971646658178202;0.007040097949188858089675235874;0.014692378328741964935155728256;0.034588307315580039957847446885;0.014080195898377716179350471748;0.009182736455463727867631895663;0.008111417202326293846015303757;0.018518518518518517490534236458;0.007193143556779920712307418995;0.037802265074992347226867650534;0.000000000000000000000000000000;0.015304560759106213690960984763;0.009794918885827976623437152170;0.013774104683195592668809581482;0.023262932353841445781705843387;0.020048974594429138512685639739;0.023875114784205692802787623918;0.012702785430058156912469513600
-0.026767330130404942689636982323;0.012697323266986960260682693047;0.042038435140700068648467180310;0.001544269045984900372986414752;0.011667810569663691899755519898;0.031228551818805766471243146043;0.003774879890185312263789496612;0.012525737817433081622287005530;0.059883321894303363774891835192;0.013898421413864103790558601759;0.015099519560741249055157986447;0.063658201784488679941809152751;0.016643788606726148127101794216;0.021619766643788607823895020488;0.012525737817433081622287005530;0.020075497597803707017227736742;0.028654770075497597303648689149;0.037405628002745369697912281026;0.018874399450926560017904876076;0.007378174330816746756545043695;0.013898421413864103790558601759;0.035861358956760465421798045327;0.019560741249142071102040674191;0.019560741249142071102040674191;0.030885380919698009194451771009;0.018016472203157173764820342399;0.023850377487989019714698102348;0.017158544955387784042288856767;0.001887439945092656131894748306;0.046499656829100892430073344030;0.033459162663006178362046227903;0.016643788606726148127101794216;0.010981468771448180815619721784;0.007721345229924502298612942752;0.018188057652711048933769077962;0.022477693891557997546426506119;0.010466712422786548369879611187;0.008750857927247768924816639924;0.019389155799588195933091938628;0.024536719286204530798833900462;0.004975978037062457094708012306;0.028483184625943718665253001632;0.000000000000000000000000000000;0.014584763212079614874694399873;0.007892930679478380937008630269;0.014927934111187372151485774907;0.018016472203157173764820342399;0.016472203157172272958153058653;0.023850377487989019714698102348;0.013040494166094715802750592104
-0.024181205999387816313328514184;0.028313437404346494113971388629;0.043311906948270584294391483127;0.011784511784511784646123366826;0.017753290480563208714182010795;0.016528925619834711202571497779;0.004132231404958677800642874445;0.031833486378940921424085530589;0.044383226201408020050731551009;0.017906336088154270469452455927;0.016069788797061525936760162381;0.012396694214876033401928623334;0.016375880012243649447301052646;0.025099479644934190314398136934;0.033210896847260480690966488737;0.014998469543924090180420094498;0.024487297214569943293316356403;0.048821548821548821361915315720;0.017600244872972146958911565662;0.007958371594735230356021382647;0.015151515151515151935690539631;0.024487297214569943293316356403;0.012702785430058156912469513600;0.024028160391796754558058069051;0.026323844505662687826008649949;0.024946434037343128559127691801;0.032445668809305175384061215027;0.047291092745638196870316960485;0.002601775329048056344810602170;0.020661157024793389003214372224;0.013621059075604530913539136350;0.013008876645240282157733879842;0.010254055708601163623971963546;0.007499234771962045090210047249;0.022038567493112948270095330372;0.029537802265074991625581901644;0.012243648607284971646658178202;0.008570554025099479111826639155;0.005203550658096112689621204339;0.018977655341291706225792523810;0.009029690847872666112361450530;0.037190082644628100205785870003;0.000000000000000000000000000000;0.015610651974288337201501875029;0.022956841138659318801718001168;0.011631466176920722890852921694;0.022344658708295071780636220637;0.016222834404652587692030607514;0.024028160391796754558058069051;0.012243648607284971646658178202
-0.022911051212938005755548331877;0.027897574123989219568864328380;0.038544474393530994693612967694;0.010512129380053908747627566811;0.021967654986522911625401732749;0.027088948787061993550562277733;0.006603773584905660645749669868;0.025471698113207548452852080345;0.048787061994609165482827961569;0.014959568733153637970501037557;0.016307277628032343375075186032;0.017924528301886791942232335373;0.015768194070080863988803088205;0.021293800539083557188391182535;0.023450134770889488611267381657;0.015363881401617250979652062881;0.030323450134770890684876576415;0.047035040431266848803826263747;0.019002695417789757653670434934;0.007277628032345013348036744105;0.013342318059299191138067364193;0.025471698113207548452852080345;0.012398921832884097007920765066;0.021698113207547168462818731882;0.023719676549865228304403430570;0.021698113207547168462818731882;0.023180592991913745448684380790;0.047708894878706199771389862008;0.007277628032345013348036744105;0.028167115902964959262000377294;0.016037735849056603681939137118;0.019946091644204851783817034061;0.008625336927223720487334368556;0.006064690026954177790030620088;0.012129380053908355580061240175;0.031940700808625335782586773803;0.009838274932614556045340492574;0.006738544474393531359679432313;0.010107816711590295738476541487;0.016037735849056603681939137118;0.008490566037735848906042868123;0.062398921832884098048754850652;0.000000000000000000000000000000;0.014690026954177898277364988644;0.012668463611859838435780289956;0.014959568733153637970501037557;0.018194070080862535104815336240;0.015633423180592992407511587771;0.018194070080862535104815336240;0.014150943396226415421645938864
-0.030924630924630925471463527288;0.009013209013209013201195496379;0.066355866355866349737269160869;0.000466200466200466200061836020;0.011033411033411034268825190452;0.021445221445221446937567932878;0.002641802641802641800350404111;0.017249417249417250269649670713;0.046464646464646465473524727940;0.019580419580419582137320588799;0.018181818181818180935049866775;0.018026418026418026402390992757;0.012276612276612277468990086504;0.032012432012432014138969549322;0.008080808080808080801071824339;0.021911421911421910535544554932;0.030769230769230770938804653269;0.042890442890442893875135865756;0.012587412587412588269031310517;0.014452214452214453069278654596;0.012121212121212121201607736509;0.043978243978243979073194935836;0.015850815850815852536825900643;0.031080031080031080004122401306;0.030303030303030303871381079261;0.030924630924630925471463527288;0.029836829836829836803957505253;0.008547008547008547868495398347;0.002020202020202020200267956085;0.023154623154623153735709450984;0.012121212121212121201607736509;0.020357420357420358270061910844;0.007925407925407926268412950321;0.008391608391608391601113048353;0.017871017871017871869732118739;0.039937839937839940407382499643;0.010256410256410256401360392431;0.010722610722610723468783966439;0.009790209790209791068660294400;0.026884226884226883336204139141;0.003729603729603729600494688157;0.027816627816627817471051287157;0.000000000000000000000000000000;0.018803418803418802535132314802;0.005128205128205128200680196215;0.015540015540015540002061200653;0.031701631701631705073651801285;0.024087024087024087870556599000;0.029059829059829060671216183209;0.015695415695415694534720074671
-0.020377071034088745787871133075;0.017139592458579318984268624604;0.054084936202628074164433513715;0.002666158826890116344265901915;0.004760997905160921361833459287;0.021710150447533802658961477050;0.001904399162064368631469557513;0.011807274804799086295736820773;0.140163778327937527112823090647;0.012378594553418395887711689340;0.014663873547895639459781591540;0.030089506760617026198678658488;0.008188916396876785852576574598;0.023995429442011044496307903273;0.011807274804799086295736820773;0.014092553799276328133083246996;0.031422586174062086539215954417;0.039230622738525997017511315335;0.009141115977908969084109180869;0.010093315558941154050365263117;0.008760236145496095444551443165;0.043420300895067605317922954100;0.007236716815844600886320492350;0.014282993715482765820223853837;0.024376309274423919870589116954;0.015044753380308513099339329244;0.019996191201675870413589919394;0.038087983241287370894667674293;0.001523519329651494991911819810;0.015616073128927822691314197812;0.028946867263378403545281969400;0.013711673966863454493525509292;0.004570557988954484542054590435;0.008950676061702533131692050006;0.011997714721005522248153951637;0.025138068939249667149704592362;0.007427156732051037706099361202;0.007046276899638164066541623498;0.016568272709960005922846804083;0.013521234050657018541108378429;0.004570557988954484542054590435;0.116168348885926489555409091281;0.000000000000000000000000000000;0.006284517234812416787426148090;0.004380118072748047722275721583;0.005141877737573795868752934979;0.019424871453056560821615050827;0.013140354218244143166827164748;0.013140354218244143166827164748;0.011807274804799086295736820773
-0.022827041264266899334156590839;0.016973953760608721796909748036;0.046093064091308165453053646843;0.004682470002926543764520950219;0.015803336259877086289460379476;0.035118525021949079101268864633;0.005121451565700907079814463430;0.023558677202224171526312446190;0.038484050336552534654632751199;0.017705589698565993989065603387;0.016242317822651449604753892686;0.024729294702955810503208766704;0.017266608135791630673772090176;0.021071115013169446072982537999;0.021802750951126718265138393349;0.017705589698565993989065603387;0.019900497512437810565533169438;0.047263681592039800960503015403;0.025168276265730173818502279914;0.008925958443078724213748387228;0.015071700321919812362581048149;0.034386889083991803439666057329;0.022534386889083990457294248699;0.018437225636523266181221458737;0.032045654082528532424767320208;0.024290313140181447187915253494;0.030728709394205442478886780577;0.018583552824114720619652629807;0.002048580626280363005398132970;0.036435469710272165577702452310;0.020778460637986537196120195858;0.012145156570090723593957626747;0.012876792508047995786113482097;0.007170032191981270085212596399;0.024143985952589992749484082424;0.030289727831431079163593267367;0.012876792508047995786113482097;0.011998829382499269155526455677;0.006877377816798361208350254259;0.033655253146034534716957153933;0.007901668129938543144730189738;0.028533801580333625902419214526;0.000000000000000000000000000000;0.010389230318993268598060097929;0.014047410008779631293562850658;0.012730465320456541347682311027;0.016973953760608721796909748036;0.015364354697102721239443390289;0.027363184079601990394969845966;0.012876792508047995786113482097
-0.027903091060985797666749164136;0.021553884711779450200630492418;0.041102756892230578322777745370;0.004177109440267334772300955592;0.032581453634085211223947453618;0.035254803675856309641556407541;0.005346700083542189028962265951;0.032414369256474520608612976957;0.040100250626566413814089173684;0.015873015873015872134743631250;0.014703425229741018745444058879;0.024895572263993318018471256892;0.016708437761069339089203822368;0.020885547201336673861504777960;0.021219715956558062031067635189;0.015705931495405178049962202635;0.023057644110275690024769446040;0.049791144527986636036942513783;0.024561403508771929848908399663;0.006182121971595655983422457069;0.015204678362573099265064868746;0.021386800334168756115849063804;0.019047619047619049337249919063;0.018546365914786967082905633220;0.022222222222222223070309254922;0.020551378446115289161388872685;0.033249791144527987563073168076;0.024060150375939851064011065773;0.001336675020885547257240566488;0.039933166248955723198754697023;0.020551378446115289161388872685;0.012030075187969925532005532887;0.012698412698412698401684295391;0.005847953216374268681221337829;0.017376775271512111958882584872;0.031077694235588971399808499996;0.012698412698412698401684295391;0.010025062656641603453522293421;0.008521303258145363629383339799;0.020551378446115289161388872685;0.008688387635756055979441292436;0.037426900584795322335374123668;0.000000000000000000000000000000;0.010025062656641603453522293421;0.014369256474519632310604677627;0.013700918964076859440925915123;0.017209690893901421343548108212;0.014703425229741018745444058879;0.030910609857978277315027071381;0.012030075187969925532005532887
-0.016233766233766232234270177059;0.024891774891774891970142036257;0.027272727272727271402574800163;0.015800865800865801502617102869;0.030952380952380953438307642500;0.023160173160173158635188883636;0.012770562770562770768534299748;0.024891774891774891970142036257;0.049567099567099565105010583466;0.012770562770562770768534299748;0.011471861471861471634681173271;0.021212121212121213403856145874;0.016450216450216451069543666108;0.012121212121212121201607736509;0.033116883116883114035466917358;0.010389610389610389601378059865;0.033116883116883114035466917358;0.049783549783549783940284072514;0.029004329004329004737527952784;0.005844155844155844367615593171;0.015367965367965367301517076726;0.023593073593073592836288909780;0.027272727272727271402574800163;0.016666666666666666435370203203;0.016450216450216451069543666108;0.015584415584415584402067089798;0.023809523809523808202115446875;0.048701298701298703641704435086;0.003463203463203463200459353288;0.039177489177489178973079475554;0.022727272727272727903535809446;0.013636363636363635701287400082;0.014502164502164502368763976392;0.003896103896103896100516772449;0.017965367965367965569223329680;0.022727272727272727903535809446;0.010606060606060606701928072937;0.010606060606060606701928072937;0.011038961038961039168304623104;0.026406926406926406469821699829;0.009956709956709957135001509698;0.047835497835497835239504382798;0.000000000000000000000000000000;0.011904761904761904101057723437;0.021861471861471862970782709112;0.014502164502164502368763976392;0.010822510822510822067754610032;0.009307359307359307568074946460;0.020779220779220779202756119730;0.008008658008658008434221819982
-0.018181818181818180935049866775;0.025606060606060604412093084647;0.026515151515151515887458444354;0.035151515151515148882577221912;0.046060606060606058831385922758;0.020909090909090908422252041987;0.008636363636363636464565729511;0.024848484848484848896976728838;0.039696969696969695851063164582;0.011515151515151514707846480690;0.011363636363636363951767904723;0.022272727272727273900576605570;0.015909090909090907450806895440;0.015606060606060605938649743507;0.030303030303030303871381079261;0.013787878787878788192089452025;0.031060606060606059386497435071;0.040606060606060603856981572335;0.026818181818181817399615596287;0.006666666666666667094565124074;0.017272727272727272929131459023;0.029090909090909090883858567622;0.016666666666666666435370203203;0.015454545454545455182571167541;0.019242424242424241431770326471;0.015151515151515151935690539631;0.018787878787878787428811122595;0.037575757575757574857622245190;0.004393939393939393610322152739;0.031818181818181814901613790880;0.029696969696969697377619823442;0.016212121212121212432410999327;0.015757575757575758429451795450;0.006818181818181817850643700041;0.018939393939393939919613174538;0.023484848484848483418652165255;0.006969696969696969474084013996;0.012272727272727271957686312476;0.021212121212121213403856145874;0.020000000000000000416333634234;0.008484848484848485708487153545;0.044696969696969700291955263083;0.000000000000000000000000000000;0.012727272727272727695368992329;0.021060606060606060913054093930;0.013484848484848484945208824115;0.012272727272727271957686312476;0.009696969696969696961286189207;0.019242424242424241431770326471;0.010000000000000000208166817117
-0.020798319327731091404887209251;0.014495798319327731634720279885;0.047689075630252097948158507279;0.003991596638655461881661778989;0.022058823529411766134478156687;0.035294117647058823039607489136;0.002521008403361344688692335936;0.022899159663865544661609519039;0.045168067226890755427870516314;0.016596638655462184891442589674;0.014285714285714285268213963320;0.029411764705882352533006240947;0.019957983193277309408308894945;0.023109243697478992762839311581;0.015966386554621847526647115956;0.013655462184873949638141965579;0.028571428571428570536427926640;0.043487394957983191434713887702;0.022478991596638655398043837863;0.008403361344537814761612715131;0.013025210084033614008069967838;0.028571428571428570536427926640;0.017436974789915966888020903980;0.023739495798319326658187833345;0.028151260504201681272862245464;0.020798319327731091404887209251;0.026260504201680672647922776264;0.021848739495798318033248364145;0.004621848739495798379095514719;0.048529411764705883414183773539;0.015546218487394958263081434779;0.019327731092436975512960373180;0.011554621848739496381419655791;0.009033613445378152126408188849;0.018907563025210082779947740050;0.033613445378151259046450860524;0.007983193277310923763323557978;0.010504201680672269753058500896;0.011554621848739496381419655791;0.026260504201680672647922776264;0.005252100840336134876529250448;0.041176470588235293546208737325;0.000000000000000000000000000000;0.013655462184873949638141965579;0.011344537815126050014913339226;0.012394957983193276643274494120;0.018697478991596638148164899462;0.012184873949579832011491653532;0.024579831932773108654766147652;0.012605042016806723009780810685
-0.026013309134906230368766699712;0.027223230490018148625130933738;0.028433151845130066881495167763;0.011292599314377899100136914967;0.028231498285944747750342287418;0.027223230490018148625130933738;0.011494252873563218231289795312;0.030046380318612623400165162479;0.030852994555353903394223635814;0.012704174228675136487654029338;0.016938898971566848650205372451;0.016737245412381529519052492105;0.018753781004234724300028247512;0.015527324057269611262688258080;0.026013309134906230368766699712;0.019560395240976004294086720847;0.030449687436983261662470923170;0.044162129461584993805889354235;0.026416616253276868631072460403;0.006049606775559588679735956163;0.019963702359346642556392481538;0.023996773543053035587790944305;0.016938898971566848650205372451;0.017947166767493447775416726131;0.023391812865497074724885351316;0.018350473885864086037722486822;0.029643073200241985137859401789;0.025206694898164953844155178331;0.006654567453115547807918073175;0.031457955232909860787682276850;0.027626537608388786887436694428;0.023996773543053035587790944305;0.011494252873563218231289795312;0.005847953216374268681221337829;0.019560395240976004294086720847;0.030651340996168580793623803515;0.010284331518451299974925561287;0.020367009477717280818698242228;0.006049606775559588679735956163;0.023391812865497074724885351316;0.010485985077636620840801917609;0.030852994555353903394223635814;0.000000000000000000000000000000;0.014115749142972373875171143709;0.021173623714458560812756715563;0.022988505747126436462579590625;0.010485985077636620840801917609;0.010284331518451299974925561287;0.021778584392014518206215356599;0.010889292196007259103107678300
-0.016217169046359950629332402627;0.038956460426582052714028492346;0.026793583641812092344114404341;0.046712497796580293440982245556;0.035783536047946415403764319763;0.020976555614313413533622565410;0.008108584523179975314666201314;0.028027498677948174676810566552;0.030142781597038603019766966895;0.013925612550678654125158040245;0.009166225982725189486144401485;0.020271461307949937419303765296;0.012691697514542570057738402056;0.013925612550678654125158040245;0.023796932839767317990897765867;0.012515423937951701896520440016;0.027146130794993832135997280375;0.051119337211352020022836484259;0.020800282037722547107128079347;0.007050943063634761143188001142;0.015688348316587344410955040530;0.019566367001586461304984965182;0.021857923497267759543882803541;0.020800282037722547107128079347;0.020800282037722547107128079347;0.014630706857042130239476840359;0.024149479992949057782780641901;0.043010752688172046442893758922;0.005817028027498677943130100942;0.033668253128855983591360967466;0.025559668605676010011418242129;0.018861272695222985190666165067;0.010752688172043011610723439730;0.004935660144544332800231600800;0.017274810505905166535534078776;0.029790234443856866697331042815;0.011281508901815617829100801828;0.011634056054997355886260201885;0.016922263352723426743651202742;0.020976555614313413533622565410;0.011810329631588225782201639902;0.044244667724308128775589921133;0.000000000000000000000000000000;0.013396791820906046172057202170;0.011810329631588225782201639902;0.019213819848404724982549041101;0.010223867442270403657622601656;0.006874669487043892114608301114;0.023091838533403841876578965753;0.007227216640225630171767701171
-0.014340064383962540170425192798;0.074187884108867424570732396205;0.020339479075212173880826682648;0.007901668129938543144730189738;0.022973368451858353772587761910;0.017705589698565993989065603387;0.008047995317529997583161360808;0.043459174714661985561292567581;0.033801580333625985685941373049;0.005414105940883815956676805570;0.009218612818261633090610729369;0.020485806262803628319257853718;0.010242903131401814159628926859;0.009511267193444541967473071509;0.048873280655545803252692849128;0.010096575943810359721197755789;0.013462101258413813539838166378;0.081796897863623055369153291849;0.031021363769388351355749122717;0.004975124378109452641383292359;0.020193151887620719442395511578;0.010535557506584723036491268999;0.017266608135791630673772090176;0.009950248756218905282766584719;0.011559847819724904105509466490;0.012584138132865086909251139957;0.032923617208077259055354346629;0.078724026924202522570439555238;0.001170617500731635941130237555;0.035411179397131987978131206773;0.024582967515364356064777595634;0.006292069066432543454625569979;0.016388645010242904043185063756;0.004243488440152180449227437009;0.008925958443078724213748387228;0.026631548141644718202813990615;0.014925373134328357924149877078;0.013901082821188176855131679588;0.008194322505121452021592531878;0.008925958443078724213748387228;0.019315188762071992811808485158;0.056628621597892891958991867796;0.000000000000000000000000000000;0.005414105940883815956676805570;0.023266022827041262649450104050;0.010389230318993268598060097929;0.005121451565700907079814463430;0.003658179689786362261821883735;0.020046824700029265003964340508;0.004975124378109452641383292359
-0.021363769388352354949844880139;0.031899326894937081455783101092;0.031167690956979805794180293788;0.002341235001463271882260475110;0.009950248756218905282766584719;0.027509511267193444833401017036;0.006292069066432543454625569979;0.034679543459174712316528399469;0.054433713784021071913077349791;0.011120866256950540790215953280;0.014340064383962540170425192798;0.026924202516827627079676332755;0.018144571261340357304359116597;0.018144571261340357304359116597;0.024875621890547264941639937774;0.011120866256950540790215953280;0.021363769388352354949844880139;0.056189640035118525174251402632;0.032045654082528532424767320208;0.007316359379572724523643767469;0.021071115013169446072982537999;0.019607843137254901688670827298;0.023997658764998538311052911354;0.014047410008779631293562850658;0.023266022827041262649450104050;0.017266608135791630673772090176;0.039947322212467079038944461900;0.038484050336552534654632751199;0.002341235001463271882260475110;0.030436055019022533602024438437;0.016095990635059995166322721616;0.009803921568627450844335413649;0.017559262510974539550634432317;0.003950834064969271572365094869;0.017851916886157448427496774457;0.028533801580333625902419214526;0.016534972197834358481616234826;0.004975124378109452641383292359;0.012437810945273632470819968887;0.016388645010242904043185063756;0.011998829382499269155526455677;0.061750073163593793834635903295;0.000000000000000000000000000000;0.010242903131401814159628926859;0.013023119695639450224544653167;0.009803921568627450844335413649;0.010974539069359086351784782210;0.009364940005853087529041900439;0.028241147205150717025556872386;0.008779631255487269775317216158
-0.022237196765498651318537781663;0.024123989218328839578830979917;0.039892183288409703567634068122;0.002291105121293800402082485590;0.018598382749326146379242885587;0.034097035040431267205462972925;0.004447439353099730090235208735;0.034097035040431267205462972925;0.061051212938005389174733750224;0.011455525606469002877774165938;0.017115902964959569393377236679;0.022506738544474394481120782530;0.018463611859838274797951385153;0.021563342318059300350974183402;0.022641509433962262592965331010;0.017520215633423180667804786026;0.023584905660377360192558882090;0.053773584905660379296143958072;0.023854447439353099885694931004;0.008625336927223720487334368556;0.021024258760107817495255133622;0.028436657681940702424583378161;0.021159029649595685607099682102;0.017385444743935309086513285592;0.025876010781671159727279629692;0.019811320754716980202525533628;0.033827493261455524042879972058;0.021159029649595685607099682102;0.002425876010781671116012248035;0.024797843665768194015841530131;0.029514824797843664666574525768;0.011994609164420485733493215719;0.012938005390835579863639814846;0.004582210242587600804164971180;0.015768194070080863988803088205;0.027493261455525604824989827080;0.013072776280323449710207839303;0.008625336927223720487334368556;0.015902964959568732100647636685;0.019002695417789757653670434934;0.008086253369272237631615318776;0.042318059299191371214199364204;0.000000000000000000000000000000;0.009973045822102425891908517031;0.009838274932614556045340492574;0.013072776280323449710207839303;0.013881401617250673993786413973;0.011994609164420485733493215719;0.024528301886792454322705481218;0.009568733153638814617480967684
-0.013315774070822359101406995308;0.034679543459174712316528399469;0.035118525021949079101268864633;0.087942639742464148722156380700;0.057213930348258709712716552076;0.018876207199297629496514971947;0.004975124378109452641383292359;0.021510096575943809388276051209;0.037167105648229441239305259614;0.011852502194907814717095284607;0.010828211881767631913353611139;0.018876207199297629496514971947;0.010681884694176177474922440069;0.015510681884694175677874561359;0.052970441908106527528765639090;0.009803921568627450844335413649;0.017851916886157448427496774457;0.035850160959906347823977768030;0.016827626573017267358478576966;0.005706760316066724833539147710;0.009657594381035996405904242579;0.017851916886157448427496774457;0.012584138132865086909251139957;0.013608428446005267978269337448;0.018144571261340357304359116597;0.016681299385425812920047405896;0.024290313140181447187915253494;0.076821773485513611401387379374;0.001902253438688908350126527402;0.027948492829967808148694530246;0.018876207199297629496514971947;0.010828211881767631913353611139;0.009950248756218905282766584719;0.004243488440152180449227437009;0.016534972197834358481616234826;0.020046824700029265003964340508;0.008779631255487269775317216158;0.008779631255487269775317216158;0.005999414691249634577763227838;0.014340064383962540170425192798;0.008633304067895815336886045088;0.039215686274509803377341654596;0.000000000000000000000000000000;0.007316359379572724523643767469;0.025607257828504537133795793125;0.009950248756218905282766584719;0.014779045946736903485718706008;0.011998829382499269155526455677;0.017120280948200176235340919106;0.009950248756218905282766584719
-0.016304347826086956069202571484;0.030518394648829431925474153786;0.042363433667781495717274964363;0.042224080267558528056781597115;0.039994425863991080183357240685;0.018812709030100335794166710457;0.003623188405797101493271972217;0.019509476031215160218845738882;0.069119286510590863259473337621;0.015886287625418060026616373648;0.012123745819397993908617117143;0.016861761426978819772282136569;0.010312151616499442077778958549;0.018255295429208472091087145373;0.036928651059085840224760488582;0.011426978818283166014491136764;0.026755852842809364072751421304;0.050445930880713488186906090505;0.017001114827201783963328551863;0.007107023411371237060774053163;0.010172798216276477886732543254;0.022714604236343367837935858233;0.011845039018952062057077334600;0.019927536231884056261431936719;0.020624303232998884155557917097;0.016443701226309920260248986779;0.020206243032329988112971719261;0.060479375696767000147868742488;0.002090301003344481513973596165;0.027452619843924191966877401683;0.017837235228539576048500947536;0.015328874024526198058260284540;0.006967670011148272002365899880;0.004598662207357859937895128155;0.014492753623188405973087888867;0.029821627647714604031348173407;0.011148272017837235897674830198;0.004877369007803790054711434721;0.007803790412486064954900033541;0.010730211817168338120365156385;0.007803790412486064954900033541;0.058249721293199552274444386057;0.000000000000000000000000000000;0.010730211817168338120365156385;0.019648829431438127879339106130;0.008639910813823857907434167203;0.016304347826086956069202571484;0.011566332218506131940261028035;0.017279821627647715814868334405;0.008639910813823857907434167203
-0.023119695639449808211018932980;0.027948492829967808148694530246;0.039362013462101261285219777619;0.009072285630670178652179558298;0.022827041264266899334156590839;0.034386889083991803439666057329;0.003950834064969271572365094869;0.025021949078138719380071108844;0.068920105355575064787210237682;0.012437810945273632470819968887;0.016388645010242904043185063756;0.032484635645302899209507785372;0.013608428446005267978269337448;0.017705589698565993989065603387;0.020046824700029265003964340508;0.018729880011706175058083800877;0.023412350014632717087881275120;0.040971612525607256638515707436;0.022973368451858353772587761910;0.006292069066432543454625569979;0.015071700321919812362581048149;0.022973368451858353772587761910;0.007462686567164178962074938539;0.015949663447468540727891550546;0.025753585016095991572226964195;0.018729880011706175058083800877;0.025314603453321628256933450984;0.042581211589113258930705541161;0.002780216564237635197553988320;0.036874451273046532362442917474;0.032338308457711441301629662348;0.013754755633596722416700508518;0.008486976880304360898454874018;0.005560433128475270395107976640;0.009072285630670178652179558298;0.023997658764998538311052911354;0.010242903131401814159628926859;0.009072285630670178652179558298;0.006292069066432543454625569979;0.010535557506584723036491268999;0.006731050629206906769919083189;0.075797483172373433801816133837;0.000000000000000000000000000000;0.011413520632133449667078295420;0.017851916886157448427496774457;0.007462686567164178962074938539;0.015510681884694175677874561359;0.013754755633596722416700508518;0.017412935323383085112203261247;0.011559847819724904105509466490
-0.021181716833890747858637482182;0.035117056856187288393922329988;0.030936454849498327968060351623;0.017697881828316611857454532242;0.022017837235228539943809877855;0.019509476031215160218845738882;0.007525083612040133970721988987;0.048076923076923079591882270734;0.022853957636566332028982273528;0.017837235228539576048500947536;0.018534002229654403942626927915;0.011705685618729096131307443329;0.015189520624303232132490393269;0.021181716833890747858637482182;0.044871794871794871972792151382;0.010312151616499442077778958549;0.020484949832775919964511501803;0.053093645484949832102916644772;0.033305462653288743501978075301;0.006828316610925306943957746597;0.019927536231884056261431936719;0.013795986622073578078961908489;0.017419175027870680005914749700;0.021599777034559643901223680018;0.019091415830546264176259541046;0.024247491638795987817234234285;0.036928651059085840224760488582;0.051700111482720176314664684014;0.002229654403567447006062618442;0.022993311036789296220028688822;0.007246376811594202986543944434;0.014214046822742474121548106325;0.016861761426978819772282136569;0.006131549609810479049831766218;0.018673355629877368133673343209;0.030797101449275363777013936328;0.012123745819397993908617117143;0.008500557413600891981664275932;0.005852842809364548065653721665;0.019927536231884056261431936719;0.015328874024526198058260284540;0.027870680044593088009463599519;0.000000000000000000000000000000;0.011148272017837235897674830198;0.023272017837235228071568471364;0.012820512820512820068019621544;0.012681159420289855876973206250;0.010869565217391304046135047656;0.025083612040133779902406629958;0.012402452619843924025433423708
-0.025536395945768067955450320028;0.019086481505857576940199393789;0.060023693563248652071973054944;0.004343819928919310027759514981;0.012241674345136238297171438205;0.031328155850993813502647356017;0.004212189021982361107621084528;0.025273134131894168380449983147;0.061076740818744243433080498562;0.017638541529551139686038396803;0.015927339739370802856877062936;0.028432275898380938994325362046;0.012241674345136238297171438205;0.029222061340002634249879420736;0.019613005133605369151306163644;0.016848756087929444430484338113;0.021455837830722652298520713998;0.046202448334869028467863927290;0.018033434250361985579091950171;0.010267210741082005362456719411;0.015005923390812163017993263736;0.035013821245228379797076456725;0.014216137949190469497162681023;0.021587468737659602086020882439;0.033829143082795838648468844667;0.024351717783335526806842707970;0.031196524944056863715147187577;0.023825194155587731126288986161;0.001184678162432539197043701584;0.030801632223246017822093634209;0.016848756087929444430484338113;0.014611030670001317124939710368;0.010398841648018955149956887851;0.008424378043964722215242169057;0.013426352507568777711055574287;0.029748584967750426460986190591;0.011715150717388442616617716396;0.011320257996577596723564163028;0.008292747137027774162465476593;0.015664077925496906751323678009;0.008687639857838620055519029961;0.035803606686850071583183563462;0.000000000000000000000000000000;0.010398841648018955149956887851;0.011056996182703698883287302124;0.010135579834145057309680026947;0.021982361458470447979074435807;0.017112017901803344005484674994;0.022640515993155193447128326056;0.011715150717388442616617716396
-0.023391812865497074724885351316;0.022055137844611528985527826308;0.026733500417710942542726115789;0.108270676691729322849155892072;0.030242272347535504445348308877;0.031913116123642441823715643068;0.004010025062656641554881264966;0.019214703425229739952584395724;0.036090225563909776596016598660;0.013533834586466165356144486509;0.014202172096908938225823249013;0.033082706766917290008844787508;0.013700918964076859440925915123;0.016541353383458645004422393754;0.022389306599832917155090683536;0.015204678362573099265064868746;0.017376775271512111958882584872;0.037928153717627401120271457557;0.017543859649122806043664013487;0.005179615705931495811542575325;0.014703425229741018745444058879;0.010693400167084378057924531902;0.015705931495405178049962202635;0.016374269005847954389087917093;0.027067669172932330712288973018;0.016374269005847954389087917093;0.024728487886382623933689828277;0.065329991645781113063229383897;0.002339181286549707645960882729;0.029741019214703425660450974988;0.018713450292397661167687061834;0.009690893901420217018682912169;0.011862990810359231447224104272;0.005179615705931495811542575325;0.015538847117794485699904249998;0.022890559732664995939988017426;0.010526315789473683973143103287;0.008020050125313283109762529932;0.007518796992481202590141720066;0.017042606516290727258766679597;0.006683375104427735635681528947;0.041269841269841268938112222031;0.000000000000000000000000000000;0.011027568922305764492763913154;0.014703425229741018745444058879;0.012531328320802004316902866776;0.010526315789473683973143103287;0.013366750208855471271363057895;0.020217209690893900991826015456;0.011027568922305764492763913154
-0.018838304552590265372735700566;0.037362637362637361737593977296;0.035007849293563576831278538748;0.021978021978021979737638602614;0.039403453689167977636031992006;0.022605965463108321222840402243;0.005494505494505494934409650654;0.026059654631083201126173776174;0.034850863422291995796786778783;0.015070643642072212992077950844;0.013814756671899528286950875611;0.019309262166405022353998788276;0.011302982731554160611420201121;0.019152276295133437850060076357;0.034222919937205650842138027201;0.011145996860282574372758013226;0.025745682888540032118296352337;0.042857142857142857539365365938;0.023704866562009419689305289580;0.006122448979591836419611450282;0.016640502354788068439805925891;0.013971742543171114525613063506;0.010675039246467817391494925516;0.020879120879120877801726763323;0.023547880690737835185366577662;0.018524332810047096364858276729;0.023704866562009419689305289580;0.091836734693877555835150872099;0.003453689167974882071737718903;0.029199372056514912021629726269;0.009733124018838305163692226074;0.016483516483516483935867213972;0.009890109890109889667630937993;0.005494505494505494934409650654;0.011930926216640502096622000749;0.030298273155416013957541565560;0.010518053375196232887556213598;0.008006279434850863477302063131;0.003296703296703296700437268996;0.012244897959183672839222900564;0.010518053375196232887556213598;0.058712715855572999990030780282;0.000000000000000000000000000000;0.009890109890109889667630937993;0.018681318681318680868796988648;0.012087912087912088335284188645;0.016012558869701726954604126263;0.013029827315541600563086888087;0.015541601255886969973341038553;0.011145996860282574372758013226
-0.024761904761904762750646114000;0.034557823129251701022024434451;0.032925170068027212466610365027;0.013877551020408163129360445964;0.026122448979591837703306822505;0.024081632653061225274315759748;0.005442176870748298943281096030;0.044217687074829932492026074442;0.028843537414965987608628239514;0.014557823129251700605690800217;0.016462585034013606233305182514;0.014965986394557822744544317572;0.013333333333333334189130248149;0.020680272108843537892663988487;0.042585034013605443936612005018;0.014965986394557822744544317572;0.016598639455782313034681862973;0.050204081632653059508175630299;0.038095238095238098674499838125;0.005986394557823129618234769822;0.022312925170068026448078057911;0.013605442176870747791883609068;0.011972789115646259236469539644;0.022448979591836733249454738370;0.025850340136054420631106509632;0.023401360544217687797985405496;0.041632653061224489388081337893;0.046258503401360541451570185245;0.000816326530612244928228338203;0.029659863945578231886335274226;0.011972789115646259236469539644;0.010612244897959184283808831140;0.017414965986394557312388897685;0.004897959183673469135689160225;0.012108843537414966037846220104;0.031428571428571430712572976063;0.014421768707482993804314119757;0.007210884353741496902157059878;0.003129251700680272044174934365;0.013469387755102040990506928608;0.010884353741496597886562192059;0.027210884353741495583767218136;0.000000000000000000000000000000;0.012108843537414966037846220104;0.025170068027210883154776155379;0.012380952380952381375323057000;0.017551020408163264113765578145;0.014285714285714285268213963320;0.021360544217687075368994342739;0.011156462585034013224039028955
-0.031221303948576674403003750058;0.021426385062748697779566597887;0.039179675543311906493748608682;0.003673094582185491233788932064;0.017753290480563208714182010795;0.033057851239669422405142995558;0.003979185797367615178010691324;0.028772574227119682849229675980;0.047903275176002450830292644923;0.013008876645240282157733879842;0.018824609733700644470522078677;0.029384756657483929870311456511;0.014233241505968777934620916881;0.020814202632384450758484817356;0.019130700948882767981062968943;0.012702785430058156912469513600;0.017294153657790019978923723443;0.048515457606366697851374425454;0.031527395163758797913544640323;0.008111417202326293846015303757;0.017294153657790019978923723443;0.018977655341291706225792523810;0.014692378328741964935155728256;0.020048974594429138512685639739;0.031068258340985612647733304925;0.022344658708295071780636220637;0.036271808999081729674163199206;0.034435261707988981672023953706;0.000612182430364248538964822011;0.039791857973676153514830389213;0.018365472910927455735263791325;0.009488827670645853112896261905;0.018824609733700644470522078677;0.006121824303642485823329089101;0.016988062442607896468382833177;0.028619528619528621093959230848;0.018518518518518517490534236458;0.006121824303642485823329089101;0.008570554025099479111826639155;0.010866238138965412379777220053;0.008723599632690542601820560265;0.043924089378634831315473263658;0.000000000000000000000000000000;0.009794918885827976623437152170;0.011784511784511784646123366826;0.012549739822467095157199068467;0.018365472910927455735263791325;0.014233241505968777934620916881;0.029690847872666053380852346777;0.012396694214876033401928623334
-0.029239766081871343406106689145;0.026566416040100251927391639128;0.037259816207184624781145743100;0.005179615705931495811542575325;0.014202172096908938225823249013;0.022723475355054301855206588812;0.006683375104427735635681528947;0.026232247284878863757828781900;0.036257309941520467211351075321;0.018212197159565578913342775991;0.015705931495405178049962202635;0.017042606516290727258766679597;0.016207184628237260304306488479;0.028404344193817876451646498026;0.020050125313283206907044586842;0.013868003341687551790983867761;0.022389306599832917155090683536;0.043274853801169591016595461497;0.020718462823725983246170301300;0.006015037593984962766002766443;0.015705931495405178049962202635;0.017376775271512111958882584872;0.009690893901420217018682912169;0.023893065998329156979229637159;0.027568922305764409497186306908;0.027736006683375103581967735522;0.027234753550543024797070401632;0.070509607351712619283112815083;0.001670843776106933908920382237;0.028571428571428570536427926640;0.015037593984962405180283440131;0.015873015873015872134743631250;0.011194653299916458577545341768;0.007351712614870509372722029440;0.016875522138680033173985250983;0.030910609857978277315027071381;0.011027568922305764492763913154;0.008020050125313283109762529932;0.005513784461152882246381956577;0.015538847117794485699904249998;0.010025062656641603453522293421;0.058980785296574772536004616086;0.000000000000000000000000000000;0.015204678362573099265064868746;0.012197159565580617882063485524;0.014870509607351712830225487494;0.021888053467000834900746397693;0.017376775271512111958882584872;0.021553884711779450200630492418;0.014369256474519632310604677627
-0.035812672176308540938904911854;0.011937557392102846401393811959;0.047750229568411385605575247837;0.002142638506274869777956659789;0.019283746556473829736333414075;0.025252525252525252069668582067;0.004438322620140802178545502699;0.031680440771349863138262037410;0.028313437404346494113971388629;0.022191613100704010025365775505;0.018059381695745332224722901060;0.018059381695745332224722901060;0.013774104683195592668809581482;0.037343128252219158491609363182;0.018212427303336393979993346193;0.014233241505968777934620916881;0.020202020202020203737403036826;0.044383226201408020050731551009;0.022650749923477195291177110903;0.007193143556779920712307418995;0.018671564126109579245804681591;0.012702785430058156912469513600;0.015151515151515151935690539631;0.033057851239669422405142995558;0.037802265074992347226867650534;0.032139577594123051873520324762;0.040863177226813589271170457096;0.024793388429752066803857246668;0.002907866544230180722713230423;0.022038567493112948270095330372;0.013621059075604530913539136350;0.017447199265381085203641120529;0.011478420569329659400859000584;0.007652280379553106845480492382;0.014386287113559841424614837990;0.035506580961126417428364021589;0.016681971227425772957841942912;0.011631466176920722890852921694;0.003979185797367615178010691324;0.014080195898377716179350471748;0.004897459442913988311718576085;0.027548209366391185337619162965;0.000000000000000000000000000000;0.019283746556473829736333414075;0.009641873278236914868166707038;0.017447199265381085203641120529;0.027854300581573308848160053230;0.020355065809611265492673481958;0.031986531986531986648802927675;0.011478420569329659400859000584
-0.024646781789638933651831464999;0.021350078492935634782989851033;0.046781789638932494423961827579;0.002668759811616954347873731379;0.010047095761381475906293125888;0.023390894819466247211980913789;0.003139717425431711329136819089;0.024175824175824176670568377290;0.050392464678178962300680865383;0.016483516483516483935867213972;0.017268445839874409925007725519;0.021978021978021979737638602614;0.019466248037676610327384452148;0.033281004709576136879611851782;0.016640502354788068439805925891;0.019623233908948194831323164067;0.025902668759811616622235064256;0.050863422291993719281943953092;0.020879120879120877801726763323;0.010989010989010989868819301307;0.017111459968602825421069013601;0.023076923076923078204103489952;0.016169544740973311458542838182;0.022762951334379905726779114161;0.030455259026687598461480277479;0.023076923076923078204103489952;0.029984301412872841480217189769;0.029984301412872841480217189769;0.003139717425431711329136819089;0.022448979591836733249454738370;0.019152276295133437850060076357;0.015698587127158554477279750472;0.011302982731554160611420201121;0.006279434850863422658273638177;0.017111459968602825421069013601;0.033594976452119305887489275619;0.012244897959183672839222900564;0.009733124018838305163692226074;0.008634222919937204962503862760;0.017268445839874409925007725519;0.007692307692307692734701163317;0.040973312401883829614313015099;0.000000000000000000000000000000;0.014128728414442700764275251402;0.008634222919937204962503862760;0.014128728414442700764275251402;0.019780219780219779335261875985;0.021664050235478807260314226824;0.029513343799058084498954102060;0.014285714285714285268213963320
-0.022956841138659318801718001168;0.045607591062136514092895112071;0.025864707682889502560197314551;0.016222834404652587692030607514;0.017141108050198958223653278310;0.024334251606978878068598959317;0.005815733088460361445426460847;0.035965717783899599224728405034;0.015457606366697275446231429896;0.010254055708601163623971963546;0.016988062442607896468382833177;0.027242118151209061827078272700;0.011937557392102846401393811959;0.018059381695745332224722901060;0.051576369758187939895677232016;0.010713192531374348889783298944;0.016375880012243649447301052646;0.040404040404040407474806073651;0.029078665442301806359770566246;0.005509641873278237067523832593;0.020048974594429138512685639739;0.011019283746556474135047665186;0.018518518518518517490534236458;0.018977655341291706225792523810;0.022497704315886133535906665770;0.015763697581879398956772320162;0.032445668809305175384061215027;0.110651974288337923146841035305;0.002448729721456994155859288043;0.041169268441995712781711347361;0.012396694214876033401928623334;0.011172329354147535890318110319;0.015763697581879398956772320162;0.006887052341597796334404790741;0.014080195898377716179350471748;0.026323844505662687826008649949;0.010254055708601163623971963546;0.006274869911233547578599534233;0.003826140189776553422740246191;0.018977655341291706225792523810;0.013774104683195592668809581482;0.020048974594429138512685639739;0.000000000000000000000000000000;0.011937557392102846401393811959;0.021120293847566574269025707622;0.014539332721150903179885283123;0.012855831037649218667739958732;0.009182736455463727867631895663;0.019436792164064891491603859208;0.010101010101010101868701518413
-0.023968784838350055965694451743;0.034280936454849496308749934315;0.030239687848383500073934371244;0.089743589743589743945584302764;0.035953177257525080479094725661;0.017279821627647715814868334405;0.004459308807134894012125236884;0.038879598662207359716092014423;0.032748049052396879798898510217;0.010033444816053511960962651983;0.015050167224080267941443977975;0.007525083612040133970721988987;0.011148272017837235897674830198;0.016583054626532887920742354027;0.048634336677814936356067931911;0.009894091415830546035192760712;0.017419175027870680005914749700;0.043060200668896320141953992788;0.029403567447045707988761975571;0.005156075808249721038889479274;0.016443701226309920260248986779;0.012123745819397993908617117143;0.013377926421404682036375710652;0.013795986622073578078961908489;0.020345596432552955773465086509;0.017558528428093644196961164994;0.029682274247491639840301758113;0.072881828316610927642749118149;0.000975473801560758119362504193;0.021460423634336676240730312770;0.006967670011148272002365899880;0.009754738015607580109422869441;0.014214046822742474121548106325;0.004877369007803790054711434721;0.011984392419175027982847225871;0.023411371237458192262614886658;0.011008918617614269971904938927;0.007664437012263099029130142270;0.007525083612040133970721988987;0.011705685618729096131307443329;0.013517279821627647962145601923;0.033444816053511704223577538642;0.000000000000000000000000000000;0.009476031215161649992606562876;0.029821627647714604031348173407;0.011148272017837235897674830198;0.014492753623188405973087888867;0.010730211817168338120365156385;0.020903010033444816007097699639;0.007246376811594202986543944434
-0.024489795918367345678445801127;0.032025117739403453909208252526;0.034850863422291995796786778783;0.009105180533751961943766950469;0.029984301412872841480217189769;0.028257456828885401528550502803;0.004709576138147566343183925142;0.042543171114599688531487942100;0.037048665620094192729716553458;0.013029827315541600563086888087;0.017896389324960754879656477101;0.026059654631083201126173776174;0.011930926216640502096622000749;0.020408163265306120820463675614;0.036577708006279435748453465749;0.010989010989010989868819301307;0.017739403453689166906270813229;0.053532182103610673196136815477;0.034850863422291995796786778783;0.006436420722135008029574088084;0.019623233908948194831323164067;0.017896389324960754879656477101;0.015541601255886969973341038553;0.018995290423861853346121364439;0.024803767660910518155770176918;0.022135007849293564241577314533;0.035792778649921509759312954202;0.024803767660910518155770176918;0.001569858712715855664568409544;0.043328100470957614520628453647;0.010518053375196232887556213598;0.012087912087912088335284188645;0.018995290423861853346121364439;0.004709576138147566343183925142;0.014128728414442700764275251402;0.029042386185243327517691014350;0.011773940345368917592683288831;0.006907378335949764143475437805;0.005180533751962323324447012851;0.016326530612244899431928502054;0.010361067503924646648894025702;0.028257456828885401528550502803;0.000000000000000000000000000000;0.010675039246467817391494925516;0.024960753532182102659708888837;0.014285714285714285268213963320;0.014756671899529042249477051030;0.015227629513343799230740138739;0.025745682888540032118296352337;0.009105180533751961943766950469
-0.029682274247491639840301758113;0.016164994425863991878156156190;0.036231884057971015800081460156;0.002508361204013377990240662996;0.025641025641025640136039243089;0.035953177257525080479094725661;0.008500557413600891981664275932;0.030239687848383500073934371244;0.036510590858416944182174290745;0.013656633221850613887915493194;0.019091415830546264176259541046;0.031075808249721292159106766917;0.014214046822742474121548106325;0.024665551839464883859820432122;0.021181716833890747858637482182;0.017976588628762540239547362830;0.019091415830546264176259541046;0.041109253065774807589516370854;0.033723522853957639544564273137;0.007107023411371237060774053163;0.025362318840579711753946412500;0.019927536231884056261431936719;0.014632107023411371898857780138;0.020484949832775919964511501803;0.031911928651059087713726114544;0.024804905239687848050866847416;0.037068004459308807885253855829;0.019648829431438127879339106130;0.002926421404682274032826860832;0.047937569676700111931388903486;0.014214046822742474121548106325;0.014074693422519509930501691031;0.016722408026755852111788769321;0.005992196209587513991423612936;0.015189520624303232132490393269;0.027313266443701227775830986388;0.011566332218506131940261028035;0.009754738015607580109422869441;0.006410256410256410034009810772;0.015607580824972129909800067082;0.008221850613154960130124493389;0.026895206243032328263797836598;0.000000000000000000000000000000;0.014632107023411371898857780138;0.015050167224080267941443977975;0.016583054626532887920742354027;0.017558528428093644196961164994;0.015328874024526198058260284540;0.027313266443701227775830986388;0.012541806020066889951203314979
-0.027777777777777776235801354687;0.014997391757955138430480346301;0.051773604590505999112348689550;0.001956181533646322422831387300;0.016171100678142931450498309687;0.027125717266562335283630602589;0.005607720396452790800889687262;0.030646844027125717813131444700;0.032472613458528948315873208230;0.020474700052164840347046492752;0.017083985393844550171316143405;0.038080333854981739116762895492;0.013302034428794991607891695651;0.024387063119457486060071005340;0.019953051643192488279199281465;0.016431924882629109219145391307;0.026734480959833072100106932112;0.045122587376108504175764579713;0.026604068857589983215783391302;0.009520083463745434779190723873;0.019040166927490869558381447746;0.018388106416275432075657647601;0.014345331246739697478309594203;0.026212832550860720032259720824;0.027516953573291601936601225020;0.025299947835159101311441887106;0.033776734480959830220214712426;0.018388106416275432075657647601;0.002217005738132498890435861938;0.039645279081898798789751481308;0.017083985393844550171316143405;0.015910276473656753681851228066;0.013693270735524256526138842105;0.007433489827856024773078402745;0.013823682837767345410462382915;0.038341158059467916885409977112;0.013041210224308815573968090007;0.012389149713093374621797337909;0.006129368805425143736098636538;0.018779342723004695259181318079;0.009128847157016171595667053396;0.028690662493479394956619188406;0.000000000000000000000000000000;0.015258215962441314464403951945;0.012128325508607198587873732265;0.015127803860198225580080411135;0.019300991131977047327028529367;0.014475743348982786362633135013;0.029212310902451747024466399694;0.008998435054773082711343512585
-0.019754170324846356127101998368;0.041703248463564532300118514740;0.037313432835820892208289478731;0.006292069066432543454625569979;0.030143400643839624725162096297;0.020485806262803628319257853718;0.004097161252560726010796265939;0.040971612525607256638515707436;0.052531460345332160744025173926;0.014047410008779631293562850658;0.013169446883230904662975824237;0.017120280948200176235340919106;0.008633304067895815336886045088;0.019461515949663447250239656228;0.035411179397131987978131206773;0.010242903131401814159628926859;0.018876207199297629496514971947;0.066578870354111793772311500561;0.028680128767925080340850385596;0.006877377816798361208350254259;0.018437225636523266181221458737;0.017266608135791630673772090176;0.014632718759145449047287534938;0.018290898448931811742790287667;0.019022534386889083934946143017;0.020485806262803628319257853718;0.037167105648229441239305259614;0.043020193151887618776552102418;0.000292654375182908985282559389;0.028387474392742171463988043456;0.005999414691249634577763227838;0.008633304067895815336886045088;0.012145156570090723593957626747;0.002926543751829089635985159390;0.012584138132865086909251139957;0.034533216271583261347544180353;0.017998244073748902865927945527;0.005414105940883815956676805570;0.007316359379572724523643767469;0.015218027509511266801012219219;0.011998829382499269155526455677;0.055750658472344158389510937468;0.000000000000000000000000000000;0.008925958443078724213748387228;0.019900497512437810565533169438;0.009511267193444541967473071509;0.013462101258413813539838166378;0.009511267193444541967473071509;0.028533801580333625902419214526;0.010242903131401814159628926859
-0.027634106694251515945470742963;0.027043002807743462406753209848;0.037830648736515440355709927189;0.003989951233929363121066824505;0.032362937786315944255211007885;0.028372986552386580266782445392;0.006206590808334564758619311675;0.038273976651396479642386339037;0.029850746268656715848299754157;0.017142012708733559561702364249;0.016698684793852520275025952401;0.022166395744052016375524871705;0.014334269247820304385432343963;0.023791931431949166209083301737;0.025417467119846312573194779816;0.015812028964090438232226176751;0.022461947687306044879607114240;0.043741687601595982681779162249;0.028668538495640608770864687926;0.005467710950199497835222395281;0.019358652283138762933978327396;0.016107580907344466736308419286;0.014482045219447318637473465230;0.023791931431949166209083301737;0.026747450864489433902670967313;0.024235259346830205495759713585;0.034284025417467119123404728498;0.022166395744052016375524871705;0.002216639574405201637552487171;0.035761785133737254704922037263;0.019654204226392787968613617977;0.016994236737106545309661242982;0.015812028964090438232226176751;0.006649918723215604912657461512;0.018619772425003695143219673014;0.032806265701196983541887419733;0.012708733559923156286597389908;0.008127678439485738759451294300;0.007093246638096645066695611348;0.015664252992463423980185055484;0.008718782325993794032892303392;0.026451898921235405398588724779;0.000000000000000000000000000000;0.014777597162701345406832231788;0.016846460765479534527067073668;0.014777597162701345406832231788;0.019949756169646816472695860512;0.018324220481749666639137430479;0.027781882665878526728064912277;0.011822077730161075978521090235
-0.027516953573291601936601225020;0.033515910276473659390461534713;0.035211267605633804478326709386;0.001304121022430881687501069699;0.013954094940010432560062447749;0.030646844027125717813131444700;0.004434011476264997780871723876;0.029864371413667187976637151792;0.057902973395931145450532540053;0.015519040166927490498327557589;0.014736567553468962396556740657;0.017083985393844550171316143405;0.011345852895148670486102915334;0.020083463745435577163522822275;0.022691705790297340972205830667;0.011085028690662492717455833713;0.019040166927490869558381447746;0.053990610328638499737508027465;0.026343244653103808916583261635;0.007172665623369848739154797101;0.016431924882629109219145391307;0.021778821074595722251387996948;0.013954094940010432560062447749;0.021909233176838811135711537759;0.022822117892540426387082419524;0.022952529994783515271405960334;0.031429316640584244180178785655;0.051904016692749084527225278407;0.001173708920187793453698832380;0.032994261867501303853167371471;0.007824726134585289691325549200;0.009259259259259258745267118229;0.014997391757955138430480346301;0.004694835680751173814795329520;0.011606677099634846520026520977;0.032081377151799685132349537753;0.013302034428794991607891695651;0.008085550339071465725249154843;0.009259259259259258745267118229;0.012649973917579550655720943553;0.009128847157016171595667053396;0.066118935837245693121211331800;0.000000000000000000000000000000;0.013302034428794991607891695651;0.013693270735524256526138842105;0.013562858633281167641815301295;0.019040166927490869558381447746;0.012780386019822639540044484363;0.026604068857589983215783391302;0.011215440792905581601779374523
-0.024393530997304582741413980784;0.038140161725067386888632370301;0.027762803234501347987572827947;0.020350404312668463058244583408;0.043530997304582208506928964198;0.028571428571428570536427926640;0.006199460916442048503960382533;0.038814016172506737856195968561;0.024123989218328839578830979917;0.010512129380053908747627566811;0.016576819407008086537658186899;0.020350404312668463058244583408;0.014555256064690026696073488210;0.015229110512129379398360562448;0.043935309973045823250803465498;0.012129380053908355580061240175;0.018059299191374663523523835806;0.045417789757412396767222162453;0.037061994609164421177194270740;0.005390835579514825087743545851;0.021428571428571428769682682969;0.014555256064690026696073488210;0.012938005390835579863639814846;0.015768194070080863988803088205;0.024393530997304582741413980784;0.019676549865229112090680985148;0.033423180592991916237899374664;0.057412398921832884235438854148;0.001347708894878706271935886463;0.042318059299191371214199364204;0.010377358490566037166336066377;0.010377358490566037166336066377;0.014420485175202156849505463754;0.005525606469002695801673308296;0.012668463611859838435780289956;0.024932614555256065597133030565;0.011994609164420485733493215719;0.008760107816711590333902393013;0.005929919137466307076100857643;0.009029649595687331761761917903;0.014555256064690026696073488210;0.038140161725067386888632370301;0.000000000000000000000000000000;0.009164420485175201608329942360;0.024258760107816711160122480351;0.013207547169811321291499339736;0.010916442048517520022055116158;0.010781671159029650175487091701;0.019811320754716980202525533628;0.010781671159029650175487091701
-0.030885178070045812143140651074;0.022166395744052016375524871705;0.039012856509531547433144993420;0.004876607063691443429143124177;0.011822077730161075978521090235;0.029850746268656715848299754157;0.004728831092064430044463740899;0.034136249445840108340810559184;0.031624057928180876464452353503;0.019063100339884734429896084862;0.016994236737106545309661242982;0.017142012708733559561702364249;0.014629821191074331154791110521;0.026008571006354366111912312931;0.019801980198019802220654739244;0.018767548396630709395260794281;0.022609723658933059131648235507;0.038717304566277525867956654793;0.027634106694251515945470742963;0.006502142751588591527978078233;0.020688636027781884263454514894;0.019949756169646816472695860512;0.017142012708733559561702364249;0.024087483375203191243718592318;0.037239544850007390286439346028;0.027190778779370473189347379162;0.033397369587705040550051904802;0.029702970297029701596258632890;0.002364415546032215022231870449;0.027634106694251515945470742963;0.020097532141273827255290029825;0.016846460765479534527067073668;0.011969853701788088495838735525;0.007093246638096645066695611348;0.018767548396630709395260794281;0.036648440963499333278274860959;0.012856509531550170538638511175;0.012856509531550170538638511175;0.002807743460913255609950889280;0.014038717304566277616073577406;0.008571006354366779780851182124;0.031180730013299837177775941655;0.000000000000000000000000000000;0.017733116595241613100419897364;0.013743165361312250846714810848;0.017289788680360573813743485516;0.019358652283138762933978327396;0.015368701049209398945549764903;0.032510713757942955037805177199;0.013890941332939263364032456138
-0.024242424242424242403215473018;0.030151515151515151380579027318;0.028333333333333331899295259859;0.012121212121212121201607736509;0.039545454545454543360261112639;0.029242424242424243374660619565;0.008333333333333333217685101602;0.035000000000000003330669073875;0.040303030303030305814271372356;0.011060606060606060704887276813;0.012272727272727271957686312476;0.031515151515151516858903590901;0.012272727272727271957686312476;0.017424242424242425419933510966;0.029393939393939392396015719555;0.013181818181818181698328196205;0.019848484848484847925531582291;0.044999999999999998334665463062;0.034848484848484850839867021932;0.006515151515151515471124810119;0.020303030303030301928490786167;0.019545454545454546413374430358;0.010757575757575757458006648903;0.016818181818181818926172255146;0.022272727272727273900576605570;0.019090909090909092410415226482;0.032121212121212119883217894767;0.035454545454545453864181325798;0.001060606060606060713560894193;0.045909090909090906340583870815;0.027575757575757576384178904050;0.009696969696969696961286189207;0.016212121212121212432410999327;0.006818181818181817850643700041;0.013181818181818181698328196205;0.023939393939393940891058321085;0.012727272727272727695368992329;0.008636363636363636464565729511;0.006969696969696969474084013996;0.014393939393939394685850707845;0.010000000000000000208166817117;0.040000000000000000832667268469;0.000000000000000000000000000000;0.011363636363636363951767904723;0.020454545454545454419292838111;0.013484848484848484945208824115;0.012727272727272727695368992329;0.012121212121212121201607736509;0.025000000000000001387778780781;0.010757575757575757458006648903
-0.040364583333333335646297967969;0.012695312500000000000000000000;0.045410156250000000000000000000;0.003906250000000000000000000000;0.012044270833333333911574491992;0.038899739583333335646297967969;0.013020833333333333911574491992;0.020833333333333332176851016015;0.031575520833333335646297967969;0.017089843750000000000000000000;0.016276041666666667823148983985;0.042480468750000000000000000000;0.013834635416666666088425508008;0.024576822916666667823148983985;0.010416666666666666088425508008;0.028483072916666667823148983985;0.021809895833333332176851016015;0.033691406250000000000000000000;0.016438802083333332176851016015;0.006673177083333333044212754004;0.015787760416666667823148983985;0.021809895833333332176851016015;0.010742187500000000000000000000;0.022949218750000000000000000000;0.048502604166666664353702032031;0.025065104166666667823148983985;0.026855468750000000000000000000;0.021647135416666667823148983985;0.002278645833333333477893622998;0.030110677083333332176851016015;0.023600260416666667823148983985;0.013509114583333333911574491992;0.010091145833333333911574491992;0.008789062500000000000000000000;0.021647135416666667823148983985;0.026529947916666667823148983985;0.007812500000000000000000000000;0.019694010416666667823148983985;0.003906250000000000000000000000;0.018229166666666667823148983985;0.004394531250000000000000000000;0.030598958333333332176851016015;0.000000000000000000000000000000;0.019368489583333332176851016015;0.007975260416666666088425508008;0.025390625000000000000000000000;0.021972656250000000000000000000;0.021158854166666667823148983985;0.022298177083333332176851016015;0.016764322916666667823148983985
-0.030769230769230770938804653269;0.018210361067503923887533900938;0.047409733124018839378610579161;0.001412872841444270076427525140;0.011302982731554160611420201121;0.029827315541601256976278477850;0.003924646781789638619319937618;0.029827315541601256976278477850;0.040502354788069072633049927390;0.018367346938775511860919564811;0.020722135007849293297788051404;0.027943485086342229051226127012;0.016954474097331240917130301682;0.027001569858712715088699951593;0.018995290423861853346121364439;0.019466248037676610327384452148;0.027472527472527472069963039303;0.043014128728414445512751029810;0.020251177394034536316524963695;0.007064364207221350382137625701;0.015070643642072212992077950844;0.022291993720565148745516026452;0.011302982731554160611420201121;0.028257456828885401528550502803;0.034379905808477238815523691073;0.029199372056514912021629726269;0.028885400313971743013752302431;0.030141287284144425984155901688;0.002040816326530612428991062757;0.035792778649921509759312954202;0.020094191522762951812586251776;0.015070643642072212992077950844;0.010361067503924646648894025702;0.007692307692307692734701163317;0.014756671899529042249477051030;0.032810047095761379898348764073;0.010832025117739403630157113412;0.010518053375196232887556213598;0.004552590266875980971883475235;0.013657770800627943783012163692;0.006122448979591836419611450282;0.032653061224489798863857004108;0.000000000000000000000000000000;0.017268445839874409925007725519;0.008634222919937204962503862760;0.015070643642072212992077950844;0.021507064364207222756375514905;0.017268445839874409925007725519;0.024960753532182102659708888837;0.018367346938775511860919564811
-0.023861852433281004193244001499;0.017268445839874409925007725519;0.047566718995290420413102339126;0.006593406593406593400874537991;0.017739403453689166906270813229;0.031711145996860284901330828689;0.006907378335949764143475437805;0.028414442700156986032489214722;0.052433281004709578199118880093;0.016326530612244899431928502054;0.016640502354788068439805925891;0.030141287284144425984155901688;0.017111459968602825421069013601;0.021978021978021979737638602614;0.023704866562009419689305289580;0.020722135007849293297788051404;0.024489795918367345678445801127;0.042072213500784931550224854391;0.021193092621664050279051139114;0.008006279434850863477302063131;0.015227629513343799230740138739;0.027786499215070644547287415094;0.014599686028257456010814863134;0.018210361067503923887533900938;0.035164835164835164804664202620;0.021821036106750391764252938742;0.028885400313971743013752302431;0.022448979591836733249454738370;0.002040816326530612428991062757;0.036734693877551023721839129621;0.019152276295133437850060076357;0.018053375196232339383595189020;0.013657770800627943783012163692;0.006593406593406593400874537991;0.014913657770800628488139238925;0.029042386185243327517691014350;0.009576138147566718925030038179;0.012558869701726845316547276354;0.006593406593406593400874537991;0.021036106750392465775112427195;0.007849293563579277238639875236;0.033124018838304555845120091817;0.000000000000000000000000000000;0.015384615384615385469402326635;0.014756671899529042249477051030;0.016012558869701726954604126263;0.017111459968602825421069013601;0.011930926216640502096622000749;0.021507064364207222756375514905;0.013343799058084773040411263878
-0.018524484536082474334106606761;0.029639175257731957546791790037;0.025773195876288658434649647688;0.037210051546391752219644644128;0.044458762886597939789634637009;0.036726804123711341565350352312;0.005476804123711339830626876335;0.033988402061855667313228224202;0.028189432989690722114461962633;0.010148195876288660169373123665;0.014658505154639175221964464413;0.027222938144329897336426427046;0.017719072164948453107502501780;0.014175257731958762832946696619;0.042042525773195879579269274018;0.014336340206185566384378127225;0.019329896907216495560710711743;0.041076030927835051331786786477;0.034149484536082470864659654808;0.005315721649484536279195445729;0.018041237113402060210365362991;0.015302835051546391162413662812;0.016269329896907217675172674376;0.009342783505154638942769018684;0.024001288659793815899456959073;0.013853092783505153995360359431;0.023034793814432991121421423486;0.054768041237113401775715715303;0.001288659793814432965100569284;0.055412371134020615981441437725;0.017557989690721649556071071174;0.011759020618556700887857857651;0.018041237113402060210365362991;0.005154639175257731860402277135;0.015625000000000000000000000000;0.019652061855670102663573572954;0.008698453608247423002319820284;0.010470360824742267272235984876;0.004671391752577319471384509342;0.017074742268041235432329827404;0.007731958762886598224284284697;0.029961340206185568119101603202;0.000000000000000000000000000000;0.009664948453608247780355355872;0.030605670103092782324827325624;0.015302835051546391162413662812;0.011920103092783504439289288257;0.007409793814432989386697947509;0.020940721649484534544471969753;0.006282216494845361057230981316
-0.022662350028565987625217559298;0.042658541230241861508254430646;0.038659302989906683956089494814;0.005141877737573795868752934979;0.032946105503713581097446905233;0.024376309274423919870589116954;0.005141877737573795868752934979;0.030089506760617026198678658488;0.048181298800228526679756413387;0.012949914302037707214410033885;0.013711673966863454493525509292;0.017520472290992190889102886331;0.015425633212721386738897066948;0.018091792039611503950524706852;0.023233669777185297217192427865;0.011426394972386212656179083069;0.027232908017520471299910411744;0.073128927823271752672873446954;0.020186631117882308100730526235;0.007808036564463911345657098906;0.016377832793753571705153149196;0.023424109693391734904333034706;0.018663111788230813542499575419;0.019996191201675870413589919394;0.021710150447533802658961477050;0.019805751285469432726449312554;0.024566749190630357557729723794;0.040754142068177491575742266150;0.001333079413445058172132950958;0.029899066844410588511538051648;0.010093315558941154050365263117;0.009902875642734716363224656277;0.013330794134450580853967771588;0.005713197486193106328089541535;0.011235955056179774969038476229;0.034279184917158637968537249208;0.013330794134450580853967771588;0.007617596648257474525878230054;0.004951437821367358181612328138;0.017901352123405066263384100012;0.008760236145496095444551443165;0.062654732431917728452397398087;0.000000000000000000000000000000;0.010855075223766901329480738525;0.013521234050657018541108378429;0.012759474385831269527269427044;0.011045515139973339016621345365;0.010855075223766901329480738525;0.026661588268901161707935543177;0.007427156732051037706099361202
-0.027146130794993832135997280375;0.048122686409307245669619845785;0.038956460426582052714028492346;0.001410188612726952228637600228;0.005111933721135201828811300828;0.024325753569539927678722079918;0.003525471531817380571594000571;0.024149479992949057782780641901;0.047770139256125505877736969751;0.018861272695222985190666165067;0.011634056054997355886260201885;0.024325753569539927678722079918;0.009871320289088665600463201599;0.026088489335448616229795604227;0.011457782478406487725042239845;0.022210470650449499335765679575;0.030495328750220342811649842929;0.073858628591574118638085622024;0.013749338974087784229216602228;0.005993301604089546971709800971;0.012515423937951701896520440016;0.022915564956812975450084479689;0.012691697514542570057738402056;0.023444385686585581668461841787;0.040366649039309004942666092575;0.023444385686585581668461841787;0.025383395029085140115476804112;0.035607262471355545507822881746;0.002115282919090428342956400343;0.015864621893178214306896478547;0.024149479992949057782780641901;0.015688348316587344410955040530;0.007756037369998237257506801257;0.003525471531817380571594000571;0.012339150361360832000579001999;0.037193724660673367632401919991;0.014101886127269522286376002285;0.008461131676361713371825601371;0.003349197955226511543014300543;0.012691697514542570057738402056;0.005464480874316939885970700885;0.058522827428168520957907361435;0.000000000000000000000000000000;0.016393442622950820525273840644;0.004230565838180856685912800685;0.014630706857042130239476840359;0.023796932839767317990897765867;0.020976555614313413533622565410;0.019037546271813855086607603084;0.014278159703860392182317440302
-0.032431494970516824838391301000;0.018730489073881372713570314659;0.042143600416233092942341897924;0.001734304543877905049539811522;0.018036767256330212688686387423;0.036593825875823791926588768320;0.005202913631633714931779000068;0.021678806798473813227667861270;0.047173083593479013531091226241;0.013874436351023240396318492174;0.013354144987859868642932070770;0.047173083593479013531091226241;0.018383628165105792701128351041;0.023239680887963926753103649503;0.011966701352757543388993788369;0.030870620881026707843508560813;0.022025667707249393240109824887;0.039889004509191812453128278548;0.018210197710718002694907369232;0.006416926812348248444772824683;0.016129032258064515681361683619;0.020638224072147069720895018463;0.012140131807145335129938246155;0.021852237252861603233888843079;0.042143600416233092942341897924;0.021331945889698229745778945698;0.021331945889698229745778945698;0.028962885882761014305630808963;0.002081165452653486146183947625;0.023413111342351716759324631312;0.043704474505723206467777686157;0.012313562261533125136159227964;0.009712105445716268103950596924;0.005723204994797086685165421471;0.013007284079084286895766631176;0.030870620881026707843508560813;0.010752688172043011610723439730;0.014221297259798820408760455791;0.006590357266736038450993806492;0.014221297259798820408760455791;0.006763787721123829324576526290;0.050815123135622614070072700088;0.000000000000000000000000000000;0.013874436351023240396318492174;0.006416926812348248444772824683;0.015261879986125563915533298598;0.019250780437044746201680212039;0.016302462712452305687582665428;0.020638224072147069720895018463;0.010405827263267429863558000136
-0.027634106694251515945470742963;0.022166395744052016375524871705;0.045071671346239100541808397793;0.004433279148810403275104974341;0.011083197872026008187762435853;0.027486330722624501693429621696;0.007979902467858726242133649009;0.024235259346830205495759713585;0.046697207034136246905919875871;0.018619772425003695143219673014;0.017142012708733559561702364249;0.026895226836116448154712088581;0.016994236737106545309661242982;0.022757499630560069914242404820;0.015368701049209398945549764903;0.022757499630560069914242404820;0.029998522240283730100340875424;0.052017142012708732223824625862;0.016255356878971477518902588599;0.007979902467858726242133649009;0.016107580907344466736308419286;0.022905275602187084166283526088;0.014482045219447318637473465230;0.025860795034727351859871191664;0.030885178070045812143140651074;0.022757499630560069914242404820;0.024530811290084233999841956120;0.023496379488695137705001059203;0.002807743460913255609950889280;0.030885178070045812143140651074;0.018324220481749666639137430479;0.015368701049209398945549764903;0.009309886212501847571609836507;0.005319934978572484450543012002;0.020245308112900841507331151092;0.032067385843061915751128765351;0.013299837446431209825314923023;0.017142012708733559561702364249;0.005615486921826511219901778560;0.018767548396630709395260794281;0.009014334269247820802251069949;0.051573814097827692937148214014;0.000000000000000000000000000000;0.012413181616669129517238623350;0.007684350524604699472774882452;0.014777597162701345406832231788;0.019358652283138762933978327396;0.015959804935717452484267298018;0.025269691148219298321153658549;0.010196542042263927879686136180
-0.023829431438127091774648036449;0.024108138238573020156740867037;0.033862876254180600266163736478;0.008918617614269788024250473768;0.027452619843924191966877401683;0.029264214046822743797715560277;0.007943143812709030013308186824;0.028985507246376811946175777734;0.040969899665551839929023003606;0.014353400222965440047317997596;0.014074693422519509930501691031;0.033026755852842808180991340805;0.013935340022296544004731799760;0.020206243032329988112971719261;0.029264214046822743797715560277;0.013795986622073578078961908489;0.018812709030100335794166710457;0.041806020066889632014195399279;0.032051282051282048435325577884;0.006828316610925306943957746597;0.017419175027870680005914749700;0.023411371237458192262614886658;0.012820512820512820068019621544;0.018394648829431439751580512620;0.030379041248606464264980786538;0.021042363433667780198144114934;0.027870680044593088009463599519;0.038879598662207359716092014423;0.001672240802675585254546963832;0.045847268673355631718457914303;0.019230769230769231836752908293;0.014632107023411371898857780138;0.013656633221850613887915493194;0.007385730211817168044952097716;0.016861761426978819772282136569;0.028288740245261984052049797356;0.011148272017837235897674830198;0.013377926421404682036375710652;0.008918617614269788024250473768;0.014492753623188405973087888867;0.009476031215161649992606562876;0.041666666666666664353702032031;0.000000000000000000000000000000;0.010451505016722408003548849820;0.019091415830546264176259541046;0.013795986622073578078961908489;0.013656633221850613887915493194;0.012820512820512820068019621544;0.020624303232998884155557917097;0.009197324414715719875790256310
-0.018888096935138987131352905635;0.041161796151104775021156712000;0.031361368496079830570089086450;0.004098360655737705131318460161;0.018531717747683536245961732902;0.035459729151817533099322332646;0.005167498218104062991662406290;0.032252316464718461253013970236;0.038488952245188882972382060643;0.013186029935851746944242002257;0.016393442622950820525273840644;0.021917320028510333534965681679;0.019600855310049892371582203054;0.018353528153955807333819194582;0.041339985744832503933299250320;0.013542409123307199564356650967;0.018709907341411261688657319269;0.049358517462580187018517108299;0.026906628652886670216570763614;0.007840342124019957642522271613;0.016571632216678545967969427011;0.015324305060584462664929894515;0.012295081967213114526593642495;0.016571632216678545967969427011;0.025837491090520314090950293462;0.019066286528866712574048492002;0.032965074839629363023796315701;0.071632216678545967969427010757;0.001781895937277263100573243548;0.047754811119030647625915975141;0.013364219529579472386937588624;0.007305773342836778712350298548;0.015680684248039915285044543225;0.004276550249465431441375784516;0.012473271560940841704012704838;0.027619387027797575456800061033;0.010334996436208125983324812580;0.011404133998574483843668758709;0.003207412687099073581031838387;0.015146115466856735487510832172;0.011225944404846756666249696366;0.036885245901639343579780927485;0.000000000000000000000000000000;0.009978617248752673363210163870;0.017284390591589451208198724430;0.012651461154668567146708291205;0.013898788310762652184471299677;0.012473271560940841704012704838;0.024055595153243049255653573937;0.008374910905203135705332506689
-0.018202319587628867231243745550;0.042686855670103093784994996440;0.038820876288659794672852854092;0.015786082474226803551431430606;0.033988402061855667313228224202;0.017719072164948453107502501780;0.006926546391752576997680179716;0.029478092783505153995360359431;0.042525773195876290233563565835;0.012886597938144329217324823844;0.013692010309278350443928928826;0.012564432989690722114461962633;0.012564432989690722114461962633;0.017557989690721649556071071174;0.041237113402061854883218217083;0.012403350515463916828307056051;0.020618556701030927441609108541;0.052029639175257734462487491101;0.031088917525773196448568569394;0.007731958762886598224284284697;0.017074742268041235432329827404;0.018846649484536081436969467973;0.010953608247422679661253752670;0.018041237113402060210365362991;0.021585051546391752219644644128;0.019490979381443299112142142349;0.031411082474226803551431430606;0.064110824742268035514314306056;0.001932989690721649556071071174;0.027384020618556700887857857651;0.011759020618556700887857857651;0.012403350515463916828307056051;0.013692010309278350443928928826;0.004188144329896907082366741548;0.012564432989690722114461962633;0.033505154639175256658933932385;0.010792525773195876109822322064;0.008376288659793814164733483096;0.004510309278350515052591340748;0.012725515463917525665893393239;0.012081185567010309725444194839;0.048002577319587631798913918146;0.000000000000000000000000000000;0.009181701030927835391337588078;0.023195876288659794672852854092;0.011759020618556700887857857651;0.018041237113402060210365362991;0.010792525773195876109822322064;0.023840206185567008878578576514;0.007248711340206185835266516904
-0.018557058619493582707349332850;0.044224765868886573016993679630;0.032084634061741244825949337383;0.010752688172043011610723439730;0.036420395421436005389814738464;0.023586541796739506765545613121;0.004509191814082553172171596856;0.035553243149497051889262877467;0.032431494970516824838391301000;0.009885535900104058110171578733;0.016649323621227889169471580999;0.023239680887963926753103649503;0.013354144987859868642932070770;0.013874436351023240396318492174;0.036420395421436005389814738464;0.015088449531737773909312316789;0.021158515435310439739557963890;0.054457162677766214609054173934;0.028095733610822060805078947965;0.006590357266736038450993806492;0.020985084980922649733336982081;0.017343045438779049194355508234;0.013874436351023240396318492174;0.016996184530003469181913544617;0.024280263614290670259876492310;0.016822754075615679175692562808;0.035032951786333678401152980086;0.057232049947970861647483786783;0.001734304543877905049539811522;0.036073534512660425377372774847;0.014394727714186610414981437600;0.008324661810613944584735790500;0.016302462712452305687582665428;0.004162330905306972292367895250;0.015435310440513353921754280407;0.025841137703780783785312280543;0.010752688172043011610723439730;0.008671522719389524597177754117;0.005549774540409295811582701674;0.016822754075615679175692562808;0.013527575442247658649153052579;0.041796739507457512929899934306;0.000000000000000000000000000000;0.008151231356226152843791332714;0.022892819979188346740661685885;0.012486992715920915142380209772;0.013701005896635448655374034388;0.009885535900104058110171578733;0.023239680887963926753103649503;0.010752688172043011610723439730
-0.021152829190904283429564003427;0.038075092543627710173215206169;0.057641459545214171478200171350;0.000528820729772607085739100086;0.004406839414771725714492500714;0.022739291380222105554143041672;0.004583112991362594743072200743;0.027146130794993832135997280375;0.049180327868852458106374569979;0.021152829190904283429564003427;0.011810329631588225782201639902;0.012515423937951701896520440016;0.012339150361360832000579001999;0.028732592984311650791129366667;0.015864621893178214306896478547;0.015512074739996474515013602513;0.032786885245901641050547681289;0.079146835889300187760753146904;0.014630706857042130239476840359;0.010576414595452141714782001714;0.017098536929314296639592640759;0.025735942182266879907359680146;0.014630706857042130239476840359;0.029790234443856866697331042815;0.025030847875903403793040880032;0.022739291380222105554143041672;0.031905517362947291570840491204;0.019213819848404724982549041101;0.001762735765908690285797000286;0.012691697514542570057738402056;0.009342499559316059382085839502;0.022563017803631235658201603655;0.009518773135906927543303801542;0.007050943063634761143188001142;0.015335801163405606353795640473;0.044244667724308128775589921133;0.016393442622950820525273840644;0.006169575180680416000289501000;0.005288207297726070857391000857;0.013925612550678654125158040245;0.009518773135906927543303801542;0.049356601445443328002316007996;0.000000000000000000000000000000;0.017098536929314296639592640759;0.003701745108408249600173700600;0.019037546271813855086607603084;0.022034197073858629439824241558;0.012867971091133439953679840073;0.022386744227040365762260165639;0.013044244667724308114897802113
-0.027929658637505540980106033544;0.035318457218856215418245625415;0.043593911629968964960291089028;0.002068863602778188252873103892;0.018176444510122652387096309212;0.024678587261711244782436125433;0.006206590808334564758619311675;0.030885178070045812143140651074;0.048174966750406382487437184636;0.012708733559923156286597389908;0.015368701049209398945549764903;0.027190778779370473189347379162;0.012708733559923156286597389908;0.020688636027781884263454514894;0.023053051573814098418324647355;0.014925373134328357924149877078;0.023496379488695137705001059203;0.066499187232156045657127663162;0.023348603517068123452959937936;0.009753214127382886858286248355;0.020836411999408895046048684208;0.017142012708733559561702364249;0.018176444510122652387096309212;0.019210876311511748681937206129;0.025417467119846312573194779816;0.018028668538495641604502139899;0.028520762524013594518823566659;0.027190778779370473189347379162;0.001034431801389094126436551946;0.027338554750997487441388500429;0.019654204226392787968613617977;0.010935421900398995670444790562;0.016403132850598491770943709867;0.004876607063691443429143124177;0.014038717304566277616073577406;0.028816314467267623022905809194;0.015073149105955372176190998346;0.012560957588296143769279744618;0.004433279148810403275104974341;0.019063100339884734429896084862;0.010935421900398995670444790562;0.045662775232747157549972882862;0.000000000000000000000000000000;0.011230973843653022439803557120;0.010935421900398995670444790562;0.016107580907344466736308419286;0.018471996453376680891178551747;0.012117629673415102747879856793;0.027781882665878526728064912277;0.011230973843653022439803557120
-0.022551546391752576997680179716;0.028672680412371132768756254450;0.031088917525773196448568569394;0.022873711340206184100543040927;0.043009020618556700887857857651;0.030122422680412371670533033807;0.007893041237113401775715715303;0.032377577319587631798913918146;0.028672680412371132768756254450;0.013047680412371134503479730427;0.014980670103092784059550801601;0.022068298969072166343385887899;0.014014175257731959281515266014;0.016430412371134021226604104982;0.033021907216494846004639640569;0.017074742268041235432329827404;0.022390463917525773446248749110;0.040270618556701033574629633449;0.032216494845360821308588583634;0.006604381443298969027455580516;0.017880154639175256658933932385;0.015302835051546391162413662812;0.015625000000000000000000000000;0.018685567010309277885538037367;0.025289948453608247780355355872;0.021101804123711341565350352312;0.029800257731958764567670172596;0.047036082474226803551431430606;0.000644329896907216482550284642;0.044136597938144332686771775798;0.021262886597938145116781782917;0.010953608247422679661253752670;0.014819587628865978773395895018;0.004993556701030927441609108541;0.012242268041237113276875625445;0.026256443298969072558390891459;0.011759020618556700887857857651;0.016591494845360824778035535587;0.005637886597938144249420044929;0.013369845360824741606342591638;0.011436855670103092050271520463;0.027867268041237115011599101422;0.000000000000000000000000000000;0.012242268041237113276875625445;0.022712628865979380549111610321;0.015947164948453607102862861211;0.010953608247422679661253752670;0.009503865979381442494200449289;0.028189432989690722114461962633;0.008376288659793814164733483096
-0.029512697323266987026180174780;0.038263555250514759420443766658;0.043067947838023333539947401505;0.003603294440631434492755547083;0.018531228551818806210560452996;0.021276595744680850547103645454;0.003603294440631434492755547083;0.025394646533973920521365386094;0.035346602608098832976057934729;0.019560741249142071102040674191;0.015271105010295127693553673964;0.017844886753603295126424654882;0.013898421413864103790558601759;0.031056966369251887832847458526;0.018359643102264927572164765479;0.020761839396019218101363534856;0.019732326698695949740436361708;0.049759780370624569212356647085;0.015614275909402883235621573021;0.008750857927247768924816639924;0.013726835964310226886886390218;0.022649279341111872715375241683;0.012010981468771447441823418956;0.024365133836650652160438212945;0.026595744680851064051241294806;0.032086479066575156193774631674;0.027110501029512696496981405403;0.045984900480439259984333233433;0.000857927247769389180430399389;0.021962937542896361631239443568;0.022992450240219629992166616717;0.014413177762525737971022188333;0.009094028826355524466884538981;0.006177076183939601491945659006;0.014584763212079614874694399873;0.028483184625943718665253001632;0.014070006863417982428954289276;0.013040494166094715802750592104;0.011153054221002059454015409301;0.016300617707618394319757371136;0.009608785175017158647348125555;0.042724776938915583202049930378;0.000000000000000000000000000000;0.017673301304049416488028967365;0.008750857927247768924816639924;0.014756348661633493513090087390;0.026080988332189431605501184208;0.015957446808510637042965996102;0.023335621139327383799511039797;0.014241592312971859332626500816
-0.031652084405558417179449293144;0.029593412249099330935120377717;0.054297478126608338111491747213;0.000000000000000000000000000000;0.008492022645393721216877658264;0.022645393721049924401489406023;0.006176016469377251794092842374;0.025476067936181161915909498816;0.035254760679361812902854467211;0.022645393721049924401489406023;0.014410705095213588097791124198;0.018013381369016985555919774242;0.018785383427689140295457903562;0.028306742151312402899776543563;0.008234688625836336303698281824;0.018013381369016985555919774242;0.050437467833247554005460244753;0.065877509006690690429586254595;0.013638703036541431623529518902;0.010293360782295419078580245298;0.014410705095213588097791124198;0.017756047349459597173293445849;0.015440041173443129485232105935;0.027534740092640248160238414243;0.034740092640247043076495714331;0.025990735975295935211715203650;0.024704065877509007176371369496;0.015697375193000514398411482375;0.002573340195573854769645061324;0.018270715388574370469099150682;0.012866700977869275149267913605;0.017241379310344827346934692969;0.011065362840967575552841850595;0.004374678332475553065028517352;0.021358723623262996366145571869;0.042460113226968604349664815345;0.014668039114770973010970500638;0.013124034997426660062447290045;0.003088008234688625897046421187;0.013638703036541431623529518902;0.006948018528049408268354447671;0.044518785383427690593993730772;0.000000000000000000000000000000;0.017241379310344827346934692969;0.004117344312918168151849140912;0.018528049408131755382278527122;0.019814719505918683417622361276;0.015697375193000514398411482375;0.030365414307771485674658507037;0.009521358723623262604318640001
-0.027879470571669950906823487458;0.010701210926499577641424210128;0.053506054632497884737674098687;0.006477048718670797358698543178;0.023936919177696424493317906013;0.028161081385525203041320096986;0.002534497324697268343107747768;0.025626584060827937300297563183;0.041678400450577302027710402399;0.022810475922275415955331467899;0.014362151506617853655156658021;0.024500140805406928762311125070;0.013798929878907349386163438965;0.039425513939735284951737526171;0.012109264995775838313907257771;0.017741481272880877534392496386;0.032385243593353985058769239913;0.035482962545761755068784992773;0.018304702900591381803385715443;0.009293156857223316968941162486;0.014925373134328357924149877078;0.021120811039143903148351810728;0.016896648831315121130902667801;0.034074908476485497865748897084;0.027597859757814698772326877929;0.024218529991551676627814515541;0.025344973246972685165800953655;0.010982821740354829775920819657;0.001126443255421008104305569120;0.033230076034919737992812116545;0.013517319065052097251666829436;0.018304702900591381803385715443;0.009574767671078569103437772014;0.006477048718670797358698543178;0.025063362433117433031304344127;0.039988735567445789220730745228;0.010137989298789073372430991071;0.011264432554210081910417429185;0.006195437904815545224201933650;0.019431146156012390341372153557;0.005632216277105040955208714593;0.032103632779498729454825678431;0.000000000000000000000000000000;0.016615038017459868996406058272;0.010701210926499577641424210128;0.014362151506617853655156658021;0.023655308363841172358821296484;0.023655308363841172358821296484;0.030413967896367220117292973214;0.012672486623486342582900476827
-0.023041474654377881031708241721;0.017569124423963133896364752218;0.060195852534562215019331432586;0.002016129032258064460170210452;0.004896313364055299155452871673;0.018145161290322581876255370048;0.002304147465437788016434650373;0.018145161290322581876255370048;0.073732718894009216525908811946;0.024481566820276499246711310320;0.013248847926267280986079022398;0.014688940092165899201082090997;0.013536866359447004976024331313;0.035426267281105990047951337374;0.013536866359447004976024331313;0.020161290322580644601702104524;0.031105990783410138872389083531;0.042914746543778803378188513307;0.012096774193548386761021262714;0.010656682027649770280741670092;0.013248847926267280986079022398;0.036002304147465434558395003251;0.017569124423963133896364752218;0.029089861751152072677495397102;0.030817972350230413147720298639;0.029665898617511520657386014932;0.029377880184331798402164181994;0.018433179723502304131477202986;0.001728110599078341120746205029;0.015552995391705069436194541765;0.008064516129032257840680841809;0.021025345622119814836814555292;0.005760368663594470257927060430;0.006624423963133640493039511199;0.021025345622119814836814555292;0.036002304147465434558395003251;0.009216589861751152065738601493;0.007200460829493087605568391041;0.008928571428571428075793292578;0.024193548387096773522042525428;0.006912442396313364482984820114;0.042050691244239629673629110584;0.000000000000000000000000000000;0.016129032258064515681361683619;0.008928571428571428075793292578;0.015264976958525345446249232850;0.030241935483870968637276632762;0.017281105990783411641142919279;0.025345622119815669481823761089;0.016417050691244237936583516557
-0.040058055152394772546742274244;0.013642960812772133433190546725;0.053701015965166909449379772923;0.008417997097242380794002158950;0.008998548621190130894498260261;0.027576197387518142783990882094;0.002322206095791001269346143232;0.023802612481857766263404485585;0.042960812772133524783946256775;0.022060957910014514227192705675;0.019448476052249637907598511788;0.017706821480406385871386731878;0.017126269956458634036167154591;0.040058055152394772546742274244;0.011611030478955007214092454149;0.024673439767779390546786899563;0.021480406386066762391973128388;0.040058055152394772546742274244;0.023802612481857766263404485585;0.009288824383164005077384572928;0.019448476052249637907598511788;0.022351233671988390144802494319;0.017706821480406385871386731878;0.030478955007256895021194864626;0.036574746008708275413212618332;0.038606676342525396428140282978;0.029898403483309143185975287338;0.008127721335268504876392370306;0.000290275761973875158668267904;0.014223512336719883533686648036;0.013352685050798257515580758081;0.017416545718432509953776943235;0.010740203193033381195986564194;0.008417997097242380794002158950;0.021770682148040638309582917032;0.033962264150943395624171472491;0.016255442670537009752784740613;0.007547169811320754775896268995;0.003773584905660377387948134498;0.017706821480406385871386731878;0.006386066763425253707542328385;0.022060957910014514227192705675;0.000000000000000000000000000000;0.017126269956458634036167154591;0.006095791001451378657294277730;0.016545718432510885670394529257;0.030478955007256895021194864626;0.021480406386066762391973128388;0.029898403483309143185975287338;0.012481857764876633232198344103
-0.041536050156739813543627093395;0.008359456635318705114423565306;0.043364681295715780395827465554;0.000000000000000000000000000000;0.003918495297805642263444525497;0.030564263322884012430424860440;0.005224660397074190262833859322;0.026123301985370949579445820632;0.017502612330198535905978474148;0.029519331243469174724802783771;0.021421107628004178169422999645;0.016718913270637410228847130611;0.017502612330198535905978474148;0.037617554858934171280182567898;0.007314524555903866541439750648;0.018286311389759665052556769638;0.027168234064785787285067897301;0.039446185997910138132382940057;0.019331243469174502758178846307;0.011755485893416928525057052468;0.023510971786833857050114104936;0.019853709508881923345713360618;0.017502612330198535905978474148;0.037617554858934171280182567898;0.040491118077324972368558064773;0.041797283176593522102670874574;0.030825496342737720989468641619;0.002873563218390804557822448828;0.001044932079414838139302945663;0.016196447230929989641312616300;0.007575757575757575967845269815;0.020898641588296761051335437287;0.010188087774294670231900461488;0.006269592476489027968455935991;0.023510971786833857050114104936;0.043887147335423197513915027912;0.014106583072100314230068462962;0.009926854754440961672856680309;0.004179728317659352557211782653;0.022466039707419019344492028267;0.005485893416927899689239378489;0.014629049111807733082879501296;0.000000000000000000000000000000;0.022466039707419019344492028267;0.007314524555903866541439750648;0.022204806687565307316001295135;0.037356321839080462721138786719;0.026384535005224661607936553764;0.031870428422152562164537670242;0.014890282131661441641923282475
-0.027690700104493207872602411612;0.015151515151515151935690539631;0.052769070010449323215873107529;0.001044932079414838139302945663;0.022727272727272727903535809446;0.026907001044932078726024116122;0.001044932079414838139302945663;0.023772204806687565609157886115;0.047021943573667714100228209873;0.026645768025078370166980334943;0.017502612330198535905978474148;0.018025078369905956493512988459;0.017763845350052247934469207280;0.030041797283176591842890346129;0.008098223615464994820656308150;0.014106583072100314230068462962;0.032654127481713687841669013778;0.043887147335423197513915027912;0.015412748171368860494734320810;0.009404388714733542820045641975;0.013845350052246603936301205806;0.025339602925809823902314477095;0.021682340647857890197913732777;0.031086729362591433017959374752;0.027168234064785787285067897301;0.029780564263322883283846564950;0.029258098223615466165759002592;0.009143155694879832526278384819;0.001828631138975966635359937662;0.025078369905956111873823743963;0.009665621734587251379089423153;0.016457680250783698200356397479;0.010449320794148380525667718643;0.010188087774294670231900461488;0.019070010449320794199135065128;0.045977011494252872925159181250;0.017502612330198535905978474148;0.008881922675026123967234603640;0.008620689655172413673467346484;0.021943573667711598756957513956;0.004179728317659352557211782653;0.035005224660397071811956948295;0.000000000000000000000000000000;0.016980146290491118787890911790;0.004702194357366771410022820987;0.014629049111807733082879501296;0.027429467084639499313558630433;0.020637408568443052492291656108;0.026907001044932078726024116122;0.014890282131661441641923282475
-0.025362318840579711753946412500;0.008281573498964803908828358203;0.063146997929606624166964934375;0.001552795031055900516064882666;0.005952380952380952050528861719;0.029761904761904760252644308594;0.002070393374741200977207089551;0.019151138716356107954963405859;0.040372670807453416019772163281;0.030020703933747412001098453516;0.015269151138716356014279895703;0.018115942028985507900040730078;0.014233954451345755959357219922;0.036231884057971015800081460156;0.010093167701863354004943040820;0.019151138716356107954963405859;0.026138716356107660060414943359;0.035714285714285712303173170312;0.012163561076604554114788392383;0.014233954451345755959357219922;0.016304347826086956069202571484;0.040113871635610767740764970313;0.017598343685300207872579392188;0.039596273291925464243856680469;0.035196687370600415745158784375;0.032867494824016560417412335937;0.026915113871635611836330426172;0.004140786749482401954414179102;0.001293995859213250502334213721;0.019409937888198756233970598828;0.018374741200828156179047923047;0.017598343685300207872579392188;0.006987577639751552972813275488;0.008540372670807453922559027149;0.023809523809523808202115446875;0.045289855072463768015378349219;0.016045548654244307790195378516;0.007505175983436853000274613379;0.010610766045548654032404378711;0.029244306418219460225182970703;0.004140786749482401954414179102;0.018633540372670807927502067969;0.000000000000000000000000000000;0.013198757763975155904434544141;0.006211180124223602064259530664;0.015786749482401656041741233594;0.032867494824016560417412335937;0.023809523809523808202115446875;0.027173913043478260115337619141;0.013716356107660455931895882031
-0.032424086464230568449540470510;0.019300051466803910121816656442;0.057900154400411733834896921280;0.024189397838394237350012616616;0.014925373134328357924149877078;0.028564076170869787812955920003;0.003088008234688625897046421187;0.021616057642820381279324948309;0.037056098816263510764557054245;0.022645393721049924401489406023;0.014925373134328357924149877078;0.034482758620689654693869385937;0.011837364899639732027103455891;0.034225424601132266311243057544;0.013638703036541431623529518902;0.012094698919197118675006308308;0.024961399897066392089550745936;0.036798764796706122381930725851;0.016726711271230057520575940089;0.007205352547606794048895562099;0.013638703036541431623529518902;0.016469377251672672607396563649;0.010036026762738034165400868858;0.032424086464230568449540470510;0.029336078229541946021941001277;0.031652084405558417179449293144;0.025733401955738550298535827210;0.023674729799279464054206911783;0.001029336078229542037962285228;0.025476067936181161915909498816;0.021873391662377766192504324749;0.015954709212557899311590858815;0.006433350488934637574633956802;0.006948018528049408268354447671;0.015697375193000514398411482375;0.044776119402985072037726155258;0.012352032938754503588185684748;0.006690684508492022487813333242;0.004889346371590324626110746209;0.016469377251672672607396563649;0.007977354606278949655795429408;0.029336078229541946021941001277;0.000000000000000000000000000000;0.020329387545033453243981114156;0.005918682449819866013551727946;0.013896037056098816536708895342;0.030108080288214100761479130597;0.018013381369016985555919774242;0.029336078229541946021941001277;0.014925373134328357924149877078
-0.034542815674891147459391049779;0.013933236574746009350800335369;0.049346879535558781093573799126;0.012772133526850507415084656770;0.026124818577648766665388890829;0.028447024673439767067373296072;0.002612481857764876753275062882;0.023222060957910014428184908297;0.044121915820029028454385411351;0.022641509433962262592965331010;0.019738751814223513825208300432;0.026995645863570390948771304807;0.015965166908563133835174951969;0.033381712626995643788951895203;0.011030478955007257113596352838;0.016835994194484761588004317900;0.024673439767779390546786899563;0.039767779390420900098579437554;0.015094339622641509551792537991;0.011320754716981131296482665505;0.012481857764876633232198344103;0.026705370101596515031161516163;0.017416545718432509953776943235;0.025253991291727142382006476851;0.029027576197387518902592873360;0.026995645863570390948771304807;0.025834542815674890747779102185;0.018577648766328010154769145856;0.001451378809869375901761556769;0.032801161103047898892626221823;0.014513788098693759451296436680;0.017126269956458634036167154591;0.011320754716981131296482665505;0.008417997097242380794002158950;0.023222060957910014428184908297;0.033381712626995643788951895203;0.013352685050798257515580758081;0.009869375907111756912604150216;0.012481857764876633232198344103;0.021480406386066762391973128388;0.003483309143686502337700083842;0.028737300435413642984983084716;0.000000000000000000000000000000;0.014804063860667633634182749347;0.009579100145137880994994361572;0.011901306240928883131702242792;0.021480406386066762391973128388;0.022060957910014514227192705675;0.021480406386066762391973128388;0.012191582002902757314588555460
-0.029569135454801463713803144628;0.018586313714446633937882324972;0.040551957195156293489723964285;0.007603491974091805029323243303;0.029287524640946211579306535100;0.016896648831315121130902667801;0.003379329766263024312916707359;0.029850746268656715848299754157;0.039988735567445789220730745228;0.021684032666854407417345029785;0.014080540692762601520660048493;0.007321881160236552894826633775;0.014080540692762601520660048493;0.025344973246972685165800953655;0.026189805688538441569290782240;0.012672486623486342582900476827;0.023373697549985920224324686956;0.044776119402985072037726155258;0.029850746268656715848299754157;0.008729935229512812699947943429;0.023655308363841172358821296484;0.021402421852999155282848420256;0.019431146156012390341372153557;0.028161081385525203041320096986;0.022247254294564911686338248842;0.026753027316248942368837049344;0.033230076034919737992812116545;0.017459870459025625399895886858;0.002534497324697268343107747768;0.026189805688538441569290782240;0.007603491974091805029323243303;0.013517319065052097251666829436;0.017741481272880877534392496386;0.005632216277105040955208714593;0.019994367783722894610365372614;0.036046184173472259337778211830;0.013517319065052097251666829436;0.007321881160236552894826633775;0.006195437904815545224201933650;0.028724303013235707310313316043;0.009011546043368064834444552957;0.038580681498169532017694649539;0.000000000000000000000000000000;0.018867924528301886072378934500;0.021120811039143903148351810728;0.012954097437341594717397086356;0.020839200225288651013855201199;0.019712756969867642475868763086;0.028724303013235707310313316043;0.009011546043368064834444552957
-0.027699968876439464565697434750;0.023965141612200435011770238702;0.042950513538748832931268850643;0.003112356053532524050031504714;0.010893246187363835042472004488;0.020852785558667912696462209965;0.004046062869592281438513303726;0.027077497665732960796525219394;0.042639277933395579311959266988;0.021786492374727670084944008977;0.012760659819483348084712126536;0.014316837846249610977089616881;0.013694366635543105473193925548;0.022097727980080920234806640678;0.022408963585434173854116224334;0.013694366635543105473193925548;0.026143790849673203408043420382;0.063180827886710241858558845252;0.022720199190787427473425807989;0.010893246187363835042472004488;0.014628073451602862861675724560;0.023965141612200435011770238702;0.019607843137254901688670827298;0.029878618113912232961970616429;0.029878618113912232961970616429;0.028011204481792718185007018405;0.029256146903205725723351449119;0.050731403672580145658432826394;0.000933706816059757280061581763;0.023965141612200435011770238702;0.007469654528478058240492654107;0.014939309056956116480985308215;0.011204481792717086927058112167;0.004357298474945534190461149393;0.017429193899782136761844597572;0.039838157485216310615960821906;0.013071895424836601704021710191;0.009025832555244320265508406465;0.009648303765950824034680621821;0.022408963585434173854116224334;0.007158418923124805488544808441;0.037970743853096795838997223882;0.000000000000000000000000000000;0.014628073451602862861675724560;0.011826953003423592430953803500;0.009648303765950824034680621821;0.018985371926548397919498611941;0.013383131030189853588607817869;0.029878618113912232961970616429;0.009337068160597572150094514143
-0.032891246684350131102014813678;0.022281167108753316408176203822;0.042705570291777190938820041310;0.009814323607427056367358275679;0.019363395225464190979591805331;0.025198938992042441836760602314;0.004244031830238726397952486735;0.030238726790450927428555161214;0.037135278514588858367329038401;0.018302387267904510897986725126;0.018567639257294429183664519201;0.016180371352785147265329612765;0.017241379310344827346934692969;0.028912466843501325591825334982;0.023872679045092836530583824128;0.012201591511936340020416658092;0.024933687002652520081635856286;0.048010610079575598285739346238;0.026259946949602121918365682518;0.008488063660477452795904973470;0.021485411140583554612248917692;0.019628647214854112734716551358;0.021750663129973476367373663720;0.023607427055702918244906030054;0.024668435013262598326511110258;0.026790450928381961959168222620;0.031299734748010607510160241418;0.023076923076923078204103489952;0.002122015915119363198976243368;0.027586206896551723755095508750;0.007692307692307692734701163317;0.013527851458885941857146484324;0.013262599469496021836745214273;0.009283819628647214591832259600;0.024403183023872680040833316184;0.034748010610079572979547180012;0.011140583554376658204088101911;0.008488063660477452795904973470;0.006100795755968170010208329046;0.020424403183023871061196885535;0.007692307692307692734701163317;0.035013262599469498204118877993;0.000000000000000000000000000000;0.012201591511936340020416658092;0.015384615384615385469402326635;0.012997347480106100081620468245;0.019363395225464190979591805331;0.018302387267904510897986725126;0.031564986737400532734731939399;0.009549071618037134612233529651
-0.035653650254668933783364082046;0.007923033389926429151395304018;0.059422750424448216033379566170;0.000000000000000000000000000000;0.005093378607809847559428906294;0.028579513299377475032958528800;0.000848896434634974520958006217;0.019524617996604414632555446474;0.022920203735144313583749209329;0.025466893039049236929782793482;0.016694963214487833907950786738;0.029711375212224108016689783085;0.014997170345217882697630429334;0.041878890775325409989715552683;0.005942275042444821429865609019;0.023769100169779285719462436077;0.032258064516129031362723367238;0.031126202603282398378992112953;0.012733446519524618464891396741;0.011884550084889642859731218039;0.015563101301641199189496056476;0.021505376344086023221446879461;0.017260894170911148665092937904;0.038200339558573853659950714245;0.035370684776457272935346054510;0.037068477645727224145666411914;0.025466893039049236929782793482;0.017826825127334466891682041023;0.001980758347481607287848826005;0.028579513299377475032958528800;0.014431239388794566205764802191;0.018675721561969439027395267772;0.009054895302773062135126558303;0.008205998868138086529966379601;0.021222410865874362373428851924;0.041878890775325409989715552683;0.014148273910582908827193726609;0.012167515563101301973025769598;0.002829654782116581591966397724;0.023486134691567628340891360494;0.006791171477079796167664049733;0.017826825127334466891682041023;0.000000000000000000000000000000;0.022920203735144313583749209329;0.003678551216751556329764838438;0.021788341822297680600017955044;0.033672891907187321725025697106;0.022920203735144313583749209329;0.026032823995472551686924944647;0.013016411997736275843462472324
-0.036452353616532720548271129246;0.012629161882893225402058057227;0.038461538461538463673505816587;0.001722158438576348957887995894;0.012916188289322618268362141691;0.031859931113662455504087489544;0.004879448909299655308402510201;0.023823191733639493411489596042;0.031572904707233062637783405080;0.021526980482204364358844728145;0.016360505166475317051499871468;0.021526980482204364358844728145;0.016934557979334099314661088442;0.033582089552238805763018092421;0.009758897818599310616805020402;0.023823191733639493411489596042;0.023823191733639493411489596042;0.037026406429391506280879298174;0.016647531572904706448357003978;0.008036739380022962092597893502;0.015212399540757749055730485566;0.020952927669345578626236559217;0.016934557979334099314661088442;0.029850746268656715848299754157;0.036452353616532720548271129246;0.031859931113662455504087489544;0.022675086107921928885167162093;0.025832376578645236536724283383;0.003157290470723306350514514307;0.040470723306544199859846600020;0.017221584385763488711518220953;0.014351320321469575660988660104;0.012342135476463834270477448740;0.006027554535017221569448420126;0.024110218140068886277793680506;0.038461538461538463673505816587;0.010332950631458094614689713353;0.014064293915040184529408051617;0.005166475315729047307344856677;0.019517795637198621233610040804;0.004305396096440872177879555238;0.039035591274397242467220081608;0.000000000000000000000000000000;0.016360505166475317051499871468;0.010619977037887485746270321840;0.013777267508610791663103967153;0.028702640642939151321977320208;0.021526980482204364358844728145;0.024110218140068886277793680506;0.013203214695752009399942750179
-0.025862068965517241020402039453;0.033135775862068964081608157812;0.037176724137931035918391842188;0.007273706896551723928567856348;0.021551724137931035918391842188;0.022359913793103449591859188672;0.005387931034482758979597960547;0.041487068965517244489848991407;0.017780172413793104285728574609;0.018857758620689654693869385937;0.022090517241379309387738771875;0.010237068965517241020402039453;0.015355603448275861530603059180;0.023706896551724136734673464844;0.041756465517241381224522456250;0.012931034482758620510201019727;0.021821120689655172653065307031;0.062769396551724143673567368751;0.031788793103448273469346929687;0.009428879310344827346934692969;0.021821120689655172653065307031;0.011314655172413793163266326758;0.023168103448275863265326535156;0.019935344827586208571457149219;0.028286637931034482040804078906;0.023168103448275863265326535156;0.040678879310344827346934692969;0.027747844827586208571457149219;0.001077586206896551709183418311;0.018857758620689654693869385937;0.009159482758620688877537752148;0.008890086206896552142864287305;0.018318965517241377755075504297;0.006465517241379310255100509863;0.019127155172413791428542850781;0.039601293103448273469346929687;0.017510775862068964081608157812;0.006734913793103447857135712695;0.005118534482758620510201019727;0.022090517241379309387738771875;0.016433189655172413673467346484;0.018049568965517241020402039453;0.000000000000000000000000000000;0.011045258620689654693869385937;0.016702586206896550408140811328;0.013200431034482758979597960547;0.019665948275862068367336732422;0.013739224137931034183668366211;0.032327586206896553877587763282;0.007004310344827586326532653516
-0.049074074074074075513252068959;0.016975308641975307699656383420;0.033950617283950615399312766840;0.007098765432098765558455166769;0.011419753086419752799440807678;0.027777777777777776235801354687;0.002777777777777777883788656865;0.041049382716049381825129671597;0.008950617283950617480980938012;0.020679012345679013279431401884;0.025308641975308642652064960998;0.015123456790123456644492350165;0.015123456790123456644492350165;0.033641975308641977604473538577;0.026234567901234566444923501649;0.029012345679012344762393027509;0.010185185185185186007572610833;0.033641975308641977604473538577;0.039506172839506172034251818559;0.004012345679012345976699460692;0.028703703703703703498106847292;0.009876543209876543008562954640;0.019444444444444444752839729063;0.027469135802469134971515174470;0.041049382716049381825129671597;0.041049382716049381825129671597;0.034567901234567897927885127274;0.022222222222222223070309254922;0.000925925925925925961262885622;0.025617283950617283916351141215;0.009876543209876543008562954640;0.007407407407407407690103084974;0.019444444444444444752839729063;0.004012345679012345976699460692;0.016049382716049383906797842769;0.028703703703703703498106847292;0.015123456790123456644492350165;0.011419753086419752799440807678;0.001543209876543209790877853038;0.009876543209876543008562954640;0.010802469135802468536144971267;0.009259259259259258745267118229;0.000000000000000000000000000000;0.016049382716049383906797842769;0.015123456790123456644492350165;0.016666666666666666435370203203;0.024691358024691356654045648611;0.028086419753086420969534486858;0.035493827160493825190190619878;0.017901234567901234961961876024
-0.037654320987654324448534737257;0.021296296296296295808003762318;0.037037037037037034981068472916;0.003086419753086419581755706076;0.005864197530864197899225231936;0.023765432098765432861187107960;0.005555555555555555767577313730;0.037345679012345679714801605087;0.013580246913580246853614497127;0.031172839506172840551290192934;0.017901234567901234961961876024;0.011419753086419752799440807678;0.017283950617283948963942563637;0.029320987654320986026679207725;0.020370370370370372015145221667;0.016666666666666666435370203203;0.018209876543209876226248056241;0.037962962962962962243373965521;0.034259259259259260133045899011;0.008950617283950617480980938012;0.026543209876543211178656633820;0.011728395061728395798450463872;0.020061728395061727281412089496;0.035493827160493825190190619878;0.043209876543209874144579885069;0.042901234567901236349740656806;0.025308641975308642652064960998;0.013580246913580246853614497127;0.001543209876543209790877853038;0.017283950617283948963942563637;0.014814814814814815380206169948;0.015740740740740739173064710599;0.017901234567901234961961876024;0.004938271604938271504281477320;0.017592592592592593697675695807;0.042592592592592591616007524635;0.015123456790123456644492350165;0.008641975308641974481971281818;0.002469135802469135752140738660;0.018518518518518517490534236458;0.012037037037037037062736644089;0.009259259259259258745267118229;0.000000000000000000000000000000;0.023148148148148146863167795573;0.016358024691358025171084022986;0.014506172839506172381196513754;0.030246913580246913288984700330;0.027777777777777776235801354687;0.029012345679012344762393027509;0.012962962962962962590318660716
-0.021655701754385966312232980613;0.024396929824561403021832006743;0.042489035087719298489083996628;0.002741228070175438444322502107;0.013980263157894736933406498736;0.023848684210526317067690982299;0.003015350877192982288754752318;0.021655701754385966312232980613;0.044682017543859649244541998314;0.016721491228070175377729000843;0.012883771929824561555677497893;0.009868421052631578399561007586;0.020285087719298246222709991571;0.026589912280701753777290008429;0.013432017543859649244541998314;0.014254385964912279910477010958;0.028234649122807018578606985670;0.043859649122807015109160033717;0.015350877192982455288206011801;0.009868421052631578399561007586;0.012335526315789473866812997471;0.026041666666666667823148983985;0.021655701754385966312232980613;0.027960526315789473866812997471;0.029057017543859649244541998314;0.023574561403508772355896994100;0.027412280701754384443225021073;0.049342105263157895467251989885;0.002741228070175438444322502107;0.024945175438596492445419983142;0.009594298245614035422490495364;0.019462719298245615556774978927;0.015076754385964912311135499579;0.006853070175438596110806255268;0.021929824561403507554580016858;0.035910087719298246222709991571;0.011513157894736841466154508851;0.008223684210526315332967506322;0.005756578947368420733077254425;0.027960526315789473866812997471;0.009046052631578947733625994942;0.056195175438596492445419983142;0.000000000000000000000000000000;0.015899122807017544711793988199;0.009320175438596490710696507165;0.016721491228070175377729000843;0.022478070175438596978167993257;0.019188596491228070844980990728;0.023848684210526317067690982299;0.010142543859649123111354995785
-0.024137931034482758285708570156;0.031034482758620689224482447344;0.036870026525198940081651244327;0.009018567639257294571430989549;0.020424403183023871061196885535;0.024933687002652520081635856286;0.004774535809018567306116764826;0.029442970822281165632627875084;0.030238726790450927428555161214;0.015915119363395225510204866737;0.016710875331564987306132152867;0.013527851458885941857146484324;0.015384615384615385469402326635;0.023342175066312996489781284026;0.029708222811671087387752621112;0.013262599469496021836745214273;0.028116710875331563795898048852;0.045888594164456231183635281923;0.028116710875331563795898048852;0.006631299734748010918372607136;0.018567639257294429183664519201;0.015649867374005303755080120709;0.019098143236074269224467059303;0.026525198938992043673490428546;0.024403183023872680040833316184;0.025729442970822281877563142416;0.028912466843501325591825334982;0.053580901856763923918336445240;0.002917771883289124561222660503;0.033156498673740056326586511659;0.008222811671087532775503703419;0.018037135278514589142861979099;0.014058355437665781897949024426;0.003183023872679045015304799549;0.021485411140583554612248917692;0.033156498673740056326586511659;0.012466843501326260040817928143;0.008488063660477452795904973470;0.005039787798408488193879772865;0.022546419098143234693853997896;0.011936339522546418265291912064;0.031830238726790451020409733474;0.000000000000000000000000000000;0.011671087533156498244890642013;0.017771883289124667387737233071;0.013527851458885941857146484324;0.019363395225464190979591805331;0.015384615384615385469402326635;0.024403183023872680040833316184;0.011405835543766578224489371962
-0.027469135802469134971515174470;0.014197530864197531116910333537;0.045370370370370373402924002448;0.009567901234567901744276774423;0.044444444444444446140618509844;0.027777777777777776235801354687;0.001851851851851851922525771243;0.021604938271604937072289942535;0.021913580246913581806023074705;0.018518518518518517490534236458;0.018209876543209876226248056241;0.025925925925925925180637321432;0.015432098765432097908778530382;0.030555555555555554553270880547;0.018827160493827162224267368629;0.014197530864197531116910333537;0.026234567901234566444923501649;0.035493827160493825190190619878;0.020370370370370372015145221667;0.006481481481481481295159330358;0.014506172839506172381196513754;0.016975308641975307699656383420;0.009876543209876543008562954640;0.037654320987654324448534737257;0.029629629629629630760412339896;0.034259259259259260133045899011;0.036111111111111107718762980312;0.020679012345679013279431401884;0.001543209876543209790877853038;0.041049382716049381825129671597;0.009567901234567901744276774423;0.018827160493827162224267368629;0.011419753086419752799440807678;0.003703703703703703845051542487;0.018827160493827162224267368629;0.043209876543209874144579885069;0.014506172839506172381196513754;0.008950617283950617480980938012;0.005246913580246913635929395525;0.022222222222222223070309254922;0.006481481481481481295159330358;0.021296296296296295808003762318;0.000000000000000000000000000000;0.017283950617283948963942563637;0.011728395061728395798450463872;0.016358024691358025171084022986;0.026851851851851852442942814037;0.020061728395061727281412089496;0.022530864197530864334595435139;0.014197530864197531116910333537
-0.033004926108374382787147283125;0.008866995073891626236162188945;0.050985221674876846087443027500;0.000985221674876847215013286885;0.030049261083743842443150029453;0.032758620689655175428622868594;0.002463054187192118254373651709;0.014778325123152708658880172266;0.030788177339901478396511080859;0.025615763546798030192430672969;0.014778325123152708658880172266;0.041871921182266007288585996093;0.016748768472906402221545008047;0.033497536945812804443090016093;0.010837438423645319798827024727;0.018226600985221674128267110859;0.026847290640394087801734457344;0.039655172413793106367396745782;0.015024630541871921221575014727;0.010098522167487685580189449297;0.014285714285714285268213963320;0.023891625615763547457737203672;0.015517241379310344612241223672;0.026354679802955666145791724375;0.036945812807881776851370858594;0.027586206896551723755095508750;0.021921182266009853895072367891;0.005911330049261084157441459297;0.000738916256157635519680182412;0.036945812807881776851370858594;0.036453201970443348256534221719;0.016009852216748769737630908594;0.011330049261083743189493233672;0.007635467980295566892134928594;0.018719211822660099253656795781;0.037438423645320198507313591563;0.009852216748768473017494606836;0.011822660098522168314882918594;0.001477832512315271039360364824;0.026847290640394087801734457344;0.003448275862068965469386938594;0.027832512315270934583066875234;0.000000000000000000000000000000;0.015024630541871921221575014727;0.008620689655172413673467346484;0.014532019704433497830908805781;0.024137931034482758285708570156;0.018472906403940888425685429297;0.024630541871921183411098255078;0.017733990147783252472324377891
-0.041083099906629318154305252619;0.005602240896358543463529056083;0.053843759726112667973740855132;0.000000000000000000000000000000;0.002489884842826019413497551369;0.027077497665732960796525219394;0.003423591658885776368298481387;0.018674136321195144300189028286;0.018051665110488640531016812929;0.032990974167444758746725597121;0.014939309056956116480985308215;0.017117958294428883142535013917;0.015561780267662620250157523571;0.044817927170868347708232448667;0.005913476501711796215476901750;0.026143790849673203408043420382;0.036414565826330534681343209513;0.038281979458450049458306807537;0.014628073451602862861675724560;0.012760659819483348084712126536;0.014316837846249610977089616881;0.016806722689075629523225430262;0.017117958294428883142535013917;0.040771864301276064534995668964;0.038904450669156549758032070940;0.041705571117335825392924419930;0.022720199190787427473425807989;0.003734827264239029120246327054;0.000933706816059757280061581763;0.019607843137254901688670827298;0.017117958294428883142535013917;0.026766262060379707177215635738;0.009337068160597572150094514143;0.006535947712418300852010855095;0.025521319638966696169424253071;0.046996576408341116104505630346;0.014939309056956116480985308215;0.010270774976657329538576313155;0.001556178026766262025015752357;0.020541549953314659077152626310;0.003734827264239029120246327054;0.012760659819483348084712126536;0.000000000000000000000000000000;0.022408963585434173854116224334;0.003112356053532524050031504714;0.020852785558667912696462209965;0.042639277933395579311959266988;0.028633675692499221954179233762;0.020852785558667912696462209965;0.018985371926548397919498611941
-0.029914529914529915805010418239;0.023931623931623933337897724982;0.045299145299145297804965792920;0.022792022792022793159505411609;0.048148148148148148250946576354;0.015099715099715100424804248291;0.003133903133903133755855385800;0.024501424501424499957646929715;0.022222222222222223070309254922;0.021367521367521367936515019892;0.013390313390313390157215778231;0.007692307692307692734701163317;0.012250712250712249978823464858;0.036182336182336183316721189840;0.043304843304843305962226196471;0.013675213675213675201813856575;0.023076923076923078204103489952;0.037037037037037034981068472916;0.024786324786324785002245008059;0.007407407407407407690103084974;0.018803418803418802535132314802;0.023076923076923078204103489952;0.013390313390313390157215778231;0.023931623931623933337897724982;0.028490028490028490582020026523;0.029059829059829060671216183209;0.030484330484330485894206574926;0.035042735042735043138328876466;0.001139601139601139527871009882;0.018803418803418802535132314802;0.005982905982905983334474431246;0.015669515669515670514000404978;0.010541310541310541445958470774;0.008262108262108262823897320004;0.023076923076923078204103489952;0.033048433048433051295589280016;0.013960113960113960246411934918;0.006267806267806267511710771601;0.002564102564102564100340098108;0.020227920227920227758122706518;0.005982905982905983334474431246;0.015669515669515670514000404978;0.000000000000000000000000000000;0.011965811965811966668948862491;0.024786324786324785002245008059;0.013390313390313390157215778231;0.029059829059829060671216183209;0.021937321937321938025711176579;0.026495726495726495269833478119;0.013675213675213675201813856575
-0.027479091995221027744378261559;0.008661887694145758292973980019;0.070788530465949822678695113609;0.000298685782556750280356677729;0.013142174432497013419895992570;0.023596176821983273069749387219;0.002090800477897252016706852729;0.020609318996415770808283696169;0.052568697729988053679583970279;0.020609318996415770808283696169;0.013440860215053763646042561675;0.016129032258064515681361683619;0.015830346475507767189938590491;0.037335722819593790411385469952;0.006272401433691756483801427180;0.016726403823178016133654821829;0.030764635603345281966713997690;0.043309438470728794934316852050;0.018518518518518517490534236458;0.012246117084826762741456285255;0.018219832735961768999111143330;0.036140979689366789506799193532;0.017025089605734768094524866910;0.028972520908004780609834583061;0.031959378733572282871300274110;0.030465949820788530005843952608;0.030764635603345281966713997690;0.005675029868578256031508288970;0.001792114695340501790560283624;0.022998805256869772617456249009;0.012544802867383512967602854360;0.020908004778972519299706789297;0.006571087216248506709947996285;0.006571087216248506709947996285;0.020011947431302270355990557960;0.039426523297491036790241025756;0.016427718040621267642231728701;0.006571087216248506709947996285;0.006869772998805256936094565390;0.023596176821983273069749387219;0.004181600955794504033413705457;0.027479091995221027744378261559;0.000000000000000000000000000000;0.013739545997610513872189130780;0.004480286738351254259560274562;0.017622461170848268546818005120;0.033154121863799283775886550529;0.020609318996415770808283696169;0.029868578255675029553550814398;0.014934289127837514776775407199
-0.033921302578018994178243872284;0.017910447761194030896758633276;0.041248303934871097253811456085;0.001899592944369063712145573319;0.021166892808683852172935146996;0.033649932157394840670505686830;0.003256445047489823444580858691;0.019538670284938941534846890136;0.032835820895522387086185034377;0.016553595658073270296961609915;0.016553595658073270296961609915;0.034464043419267301193720243191;0.015739484396200813243194005508;0.030122116689280869356037939610;0.007598371777476254848582293278;0.020624151967435548626905728042;0.022252374491180462734440936856;0.043147896879240164869084850352;0.018181818181818180935049866775;0.009497964721845318994408735591;0.012754409769335142005308725288;0.023337856173677069826499774763;0.015468113975576661470179296032;0.017910447761194030896758633276;0.037449118046132968962158571458;0.027679782903663501664182078343;0.022252374491180462734440936856;0.034464043419267301193720243191;0.002170963364993215918841151790;0.045318860244233379053202526165;0.018181818181818180935049866775;0.016824966078697420335252843415;0.009226594301221167221394026114;0.005970149253731343343132298429;0.018995929443690637988817471182;0.029036635006784258794532149750;0.013297150610583445551338144242;0.012483039348710990232294015811;0.005427408412483038929741141487;0.026051560379918587556646869530;0.004884667571234735383711722534;0.035278154681139754778040895644;0.000000000000000000000000000000;0.013025780189959293778323434765;0.009226594301221167221394026114;0.013297150610583445551338144242;0.023609226594301219864791008263;0.019267299864314788027108704682;0.030393487109905019394329173110;0.016553595658073270296961609915
-0.029930069930069930911331610446;0.013706293706293707149179716964;0.053146853146853148541772782210;0.000279720279720279720037101612;0.018181818181818180935049866775;0.020979020979020979870144358870;0.003636363636363636360482320953;0.025454545454545455390737984658;0.038321678321678320777721182822;0.024055944055944057657914214587;0.017622377622377623229699139529;0.018741258741258742109847545976;0.013986013986013986001855080588;0.033006993006993008699101466163;0.008391608391608391601113048353;0.016503496503496504349550733082;0.029090909090909090883858567622;0.047552447552447550671583798021;0.014545454545454545441929283811;0.010069930069930069921335658023;0.019860139860139860989995952423;0.026293706293706295418211027481;0.019580419580419582137320588799;0.029930069930069930911331610446;0.031048951048951049791480016893;0.037482517482517484219695091952;0.027132867132867131976237118351;0.009510489510489510481261454800;0.001678321678321678320222609671;0.031888111888111886349506107763;0.011468531468531469388882904070;0.021258741258741258722819722493;0.009230769230769231628586091176;0.004475524475524475520593625788;0.019020979020979020962522909599;0.039160839160839164274641177599;0.014825174825174826029328123411;0.010909090909090909948808700847;0.005034965034965034960667829012;0.019300699300699299815198273222;0.008951048951048951041187251576;0.033286713286713287551776829787;0.000000000000000000000000000000;0.015384615384615385469402326635;0.006433566433566433560853337070;0.013426573426573426561780877364;0.026853146853146853123561754728;0.020979020979020979870144358870;0.031888111888111886349506107763;0.016503496503496504349550733082
-0.034001214329083179199741948651;0.018518518518518517490534236458;0.031876138433515485703928504790;0.004553734061930783671989786399;0.022768670309653914890501980040;0.020036429872495445381197498591;0.010625379477838493499919358953;0.031268973891924713159884419156;0.026715239829993929487894632757;0.018518518518518517490534236458;0.022768670309653914890501980040;0.014875531268973892634610578511;0.019732847601700059109175455774;0.030054644808743168071796247887;0.030965391621129326887862376338;0.021554341226472373271860760724;0.022768670309653914890501980040;0.041894353369763208394527254086;0.024590163934426229053187284990;0.006071645415907710695291310543;0.021857923497267759543882803541;0.017607771706132362143915059960;0.021250758955676986999838717907;0.020036429872495445381197498591;0.039769277474195507959819906318;0.030358227079538554343818290704;0.034911961141469341485255029056;0.027322404371584698562491766438;0.001517911353976927673822827636;0.030358227079538554343818290704;0.010018214936247722690598749296;0.014268366727383120090566492877;0.018518518518518517490534236458;0.005768063145112325290631005714;0.021250758955676986999838717907;0.029751062537947785269221157023;0.013357619914996964743947316379;0.008500303582270794799935487163;0.004553734061930783671989786399;0.014268366727383120090566492877;0.011232544019429266043963444588;0.015179113539769277171909145352;0.000000000000000000000000000000;0.012750455373406193934626706721;0.021857923497267759543882803541;0.014571948998178506362588535694;0.022161505768063145815904846359;0.019732847601700059109175455774;0.032786885245901641050547681289;0.010321797207043108962620792113
-0.033751493428912780758732736786;0.028673835125448028648964537979;0.040322580645161289203404209047;0.009259259259259258745267118229;0.016726403823178016133654821829;0.025985663082437274878921940058;0.005376344086021505805361719865;0.027479091995221027744378261559;0.027777777777777776235801354687;0.015531660692951015229068545409;0.019713261648745518395120512878;0.021804062126642771712869972589;0.013440860215053763646042561675;0.023596176821983273069749387219;0.025089605734767025935205708720;0.014635603345280764550628838094;0.028076463560334528196671399769;0.046893667861409797648075681309;0.028972520908004780609834583061;0.010155316606929509423706825544;0.017622461170848268546818005120;0.025089605734767025935205708720;0.015830346475507767189938590491;0.022998805256869772617456249009;0.032855436081242535284463457401;0.031362007168458778949560183946;0.026583034647550775331215078268;0.025388291517323774426628801848;0.001194743130227001121426710917;0.029271206690561529101257676189;0.013440860215053763646042561675;0.014038231780167264098335699885;0.012544802867383512967602854360;0.004480286738351254259560274562;0.016129032258064515681361683619;0.033452807646356032267309643657;0.014934289127837514776775407199;0.010454002389486259649853394649;0.008064516129032257840680841809;0.016427718040621267642231728701;0.010752688172043011610723439730;0.022401433691756272165163110799;0.000000000000000000000000000000;0.012246117084826762741456285255;0.018219832735961768999111143330;0.014336917562724014324482268989;0.024492234169653525482912570510;0.020908004778972519299706789297;0.030167264038231781514420859480;0.011051373954599761836870008835
-0.030397727272727274178132361726;0.026704545454545453031514057329;0.041477272727272730679093371009;0.005681818181818181975883952362;0.030113636363636363257878514332;0.021306818181818180241160476385;0.005965909090909091161414323778;0.023579545454545453725403447720;0.020170454545454546968485942671;0.019034090909090910226364457003;0.013352272727272726515757028665;0.026988636363636363951767904723;0.016761363636363636742121485668;0.025568181818181819758839523615;0.027556818181818182322828647557;0.014772727272727272443408885749;0.025568181818181819758839523615;0.045454545454545455807071618892;0.024147727272727272096464190554;0.008522727272727272096464190554;0.019034090909090910226364457003;0.020170454545454546968485942671;0.017045454545454544192928381108;0.022443181818181816983281962052;0.039204545454545457194850399674;0.026420454545454545580707161889;0.032102272727272729291314590228;0.024715909090909090467524933388;0.001136363636363636308440616673;0.037215909090909091161414323778;0.026988636363636363951767904723;0.011363636363636363951767904723;0.018749999999999999306110609609;0.006250000000000000346944695195;0.018181818181818180935049866775;0.031534090909090907450806895440;0.011079545454545454766237533306;0.007954545454545453725403447720;0.002272727272727272616881233347;0.018465909090909091855303714169;0.009659090909090908838585676222;0.018181818181818180935049866775;0.000000000000000000000000000000;0.013636363636363635701287400082;0.017329545454545455113182228502;0.012215909090909091508359018974;0.020738636363636365339546685505;0.018749999999999999306110609609;0.029545454545454544886817771498;0.014488636363636363257878514332
-0.026643990929705214931733081585;0.011904761904761904101057723437;0.051587301587301584437916801562;0.002267573696145124776540891176;0.012471655328798186487815335965;0.025793650793650792218958400781;0.003968253968253968033685907812;0.016439909297052152786777767801;0.059240362811791381913995024888;0.023526077097505669610821854576;0.014739229024943310830675358147;0.024376417233560092323596535380;0.014172335600907030178641221596;0.028344671201814060357282443192;0.008503401360544218454129428153;0.024659863945578230914890127679;0.032879818594104305573555535602;0.041950113378684809883889528237;0.013888888888888888117900677344;0.009353741496598639432180632980;0.010770975056689342796989450335;0.029761904761904760252644308594;0.012755102040816326813832404241;0.025793650793650792218958400781;0.034297052154195012407811304911;0.030328798185941044374125397098;0.021825396825396824185272492969;0.027777777777777776235801354687;0.001417233560090702931127948361;0.026077097505668934279698945033;0.016439909297052152786777767801;0.016723356009070294847518312054;0.009070294784580499106163564704;0.007369614512471655415337679074;0.017573696145124717560292992857;0.033446712018140589695036624107;0.013321995464852607465866540792;0.013321995464852607465866540792;0.008786848072562358780146496429;0.019841269841269840168429539062;0.005952380952380952050528861719;0.039965986394557825867046574331;0.000000000000000000000000000000;0.013888888888888888117900677344;0.004818594104308389879098850628;0.017573696145124717560292992857;0.026643990929705214931733081585;0.025510204081632653627664808482;0.027210884353741495583767218136;0.015022675736961451156692426423
-0.033416875522138678178407644737;0.022556390977443607770425160197;0.042884990253411303662289810745;0.010303536619326092438342357127;0.035923141186299079041788218092;0.026455026455026453557906052083;0.003898635477582845787480891886;0.024784182678919519648985669846;0.026733500417710942542726115789;0.015873015873015872134743631250;0.013088276246170982286542994188;0.016708437761069339089203822368;0.014480646059593427210643312719;0.028404344193817876451646498026;0.016708437761069339089203822368;0.021999443052074629800785032785;0.028125870231133387466826434320;0.042328042328042325692649683333;0.017265385686438317058843949781;0.006683375104427735635681528947;0.020050125313283206907044586842;0.019493177387914228937404459430;0.015037593984962405180283440131;0.023948760790866052694525478728;0.033973823447507656148047772149;0.030910609857978277315027071381;0.028125870231133387466826434320;0.035366193260930101072148090680;0.001949317738791422893740445943;0.020607073238652184876684714254;0.033695349484823167163227708443;0.014480646059593427210643312719;0.011417432470064048377622611952;0.006126427179058757666041401535;0.020050125313283206907044586842;0.038707880813143968889988855153;0.014202172096908938225823249013;0.013366750208855471271363057895;0.002227791701475911878560509649;0.021720969089390140815964969079;0.010582010582010581423162420833;0.015594541910331383149923567544;0.000000000000000000000000000000;0.010303536619326092438342357127;0.007797270955165691574961783772;0.013366750208855471271363057895;0.027011974380395431527546179495;0.021442495126705651831144905373;0.025898078529657475588265924671;0.013923698134224449241003185307
-0.039811066126855601532419370869;0.010458839406207827080197425573;0.050944669365721999276797049561;0.000337381916329284735778931692;0.010458839406207827080197425573;0.028002699055330634858584915037;0.003036437246963562784640711101;0.018893387314439947372024519723;0.021929824561403507554580016858;0.022267206477732792019308405429;0.016869095816464237114207236345;0.022941970310391364418212134524;0.016194331983805668184750459204;0.036774628879892037880416921780;0.010796221322537111544925814144;0.024291497975708502277125688806;0.023616734143049933347668911665;0.039811066126855601532419370869;0.017881241565452090508392402057;0.009784075573549258150740648432;0.012820512820512820068019621544;0.024966261808367071206582465948;0.011133603238866396009654202715;0.030026990553306341646955246460;0.045883940620782728836424269048;0.035425101214574900021503367498;0.031713900134952767440044141267;0.020917678812415654160394851147;0.002024291497975708523093807401;0.025978407557354924600767631659;0.017206477732793521578935624916;0.020242914979757085230938074005;0.009784075573549258150740648432;0.006747638326585695366099937331;0.019230769230769231836752908293;0.041497975708502027325508265676;0.016194331983805668184750459204;0.009446693657219973686012259861;0.002361673414304993421503064965;0.013495276653171390732199874662;0.008771929824561403021832006743;0.020580296896086369695666462576;0.000000000000000000000000000000;0.017881241565452090508392402057;0.009109311740890687486560395314;0.013832658569500675196928263233;0.033063427800269905298957695550;0.024966261808367071206582465948;0.032051282051282048435325577884;0.017543859649122806043664013487
-0.041209704220671321273083975711;0.017281488866733134279751737949;0.051179793951478896874007773476;0.003323363243602525923109380912;0.030242605516782983254842065435;0.030907278165503489220089505807;0.003323363243602525923109380912;0.020937188434695913619165708042;0.033898305084745762594256035527;0.015287470920571618118732892810;0.020604852110335660636541987856;0.022931206380857428045461077204;0.016284479893652375331880577392;0.032568959787304750663761154783;0.016616816218012628314504297578;0.020937188434695913619165708042;0.030907278165503489220089505807;0.035892323030907280489998356643;0.019940179461615154671294547484;0.008973080757726820122499589161;0.015619807244931871101356612996;0.023928215353938186993332237762;0.012296444001329344744566363090;0.027916251246261215845922976087;0.033565968760385513081079267295;0.029245596543702227776417856830;0.024260551678298436506509005994;0.020272515785975407653918267670;0.000664672648720505097885702384;0.020604852110335660636541987856;0.024925224327018942471756446366;0.013958125623130607922961488043;0.009637753406447324353023553556;0.006646726487205051846218761824;0.019607843137254901688670827298;0.028913260219341974793794136644;0.015287470920571618118732892810;0.008973080757726820122499589161;0.002658690594882020391542809534;0.017946161515453640244999178321;0.005317381189764040783085619069;0.035892323030907280489998356643;0.000000000000000000000000000000;0.014955134596211365136109172624;0.010967098703888334548794958323;0.010302426055167830318270993928;0.029245596543702227776417856830;0.021269524759056163132342476274;0.029245596543702227776417856830;0.012628780325689597727190083276
-0.031440781440781440103648947115;0.028388278388278388036924937410;0.050061050061050063608725224640;0.001526251526251526250202439350;0.007631257631257631034171762252;0.020757020757020756135391437169;0.003357753357753357967285801067;0.024420024420024420003239029597;0.049755799755799752503993005348;0.015567765567765567968905315865;0.012820512820512820068019621544;0.019230769230769231836752908293;0.010989010989010989868819301307;0.029609279609279608169725150901;0.014041514041514041935543311013;0.018315018315018315869791010186;0.032967032967032967871734427945;0.046703296703296703906715947596;0.012515262515262515902181306160;0.007936507936507936067371815625;0.010683760683760683968257509946;0.025030525030525031804362612320;0.016483516483516483935867213972;0.023504273504273504036277131490;0.030525030525030524136687049008;0.024725274725274724169077344982;0.024420024420024420003239029597;0.041514041514041512270782874339;0.002136752136752136967123849587;0.022588522588522588069315233383;0.029914529914529915805010418239;0.021367521367521367936515019892;0.007326007326007326000971708879;0.003357753357753357967285801067;0.020146520146520147803714806400;0.032051282051282048435325577884;0.013125763125763125968581412906;0.010073260073260073901857403200;0.006715506715506715934571602133;0.022588522588522588069315233383;0.010073260073260073901857403200;0.059218559218559216339450301803;0.000000000000000000000000000000;0.013431013431013431869143204267;0.007020757020757020967771655506;0.010683760683760683968257509946;0.017399267399267399902829112079;0.018620268620268620035629325571;0.024420024420024420003239029597;0.012820512820512820068019621544
-0.029914529914529915805010418239;0.018925518925518924201467640955;0.043040293040293040038868355168;0.011904761904761904101057723437;0.016483516483516483935867213972;0.016788766788766788101705529357;0.006715506715506715934571602133;0.026251526251526251937162825811;0.021367521367521367936515019892;0.020451770451770451969553121785;0.023504273504273504036277131490;0.008852258852258852034333713732;0.014041514041514041935543311013;0.034798534798534799805658224159;0.025641025641025640136039243089;0.016178266178266179770028898588;0.024420024420024420003239029597;0.048840048840048840006478059195;0.026862026862026863738286408534;0.008852258852258852034333713732;0.020146520146520147803714806400;0.019841269841269840168429539062;0.021367521367521367936515019892;0.027777777777777776235801354687;0.031746031746031744269487262500;0.032051282051282048435325577884;0.039377289377289376171020762740;0.021062271062271063770676704507;0.003357753357753357967285801067;0.018009768009768008234505742848;0.005494505494505494934409650654;0.014346764346764346101381626397;0.013125763125763125968581412906;0.006105006105006105000809757399;0.025030525030525031804362612320;0.038461538461538463673505816587;0.017399267399267399902829112079;0.006410256410256410034009810772;0.004273504273504273934247699174;0.020146520146520147803714806400;0.008241758241758241967933606986;0.019841269841269840168429539062;0.000000000000000000000000000000;0.019841269841269840168429539062;0.015262515262515262068343524504;0.012820512820512820068019621544;0.023199023199023199870438816106;0.023809523809523808202115446875;0.031440781440781440103648947115;0.016178266178266179770028898588
-0.040023894862604540711981115919;0.020609318996415770808283696169;0.045997610513739545234912498017;0.000298685782556750280356677729;0.008661887694145758292973980019;0.027479091995221027744378261559;0.003584229390681003581120567247;0.026881720430107527292085123349;0.033452807646356032267309643657;0.018518518518518517490534236458;0.017622461170848268546818005120;0.011350059737156512063016577940;0.021505376344086023221446879461;0.037933094384707287394231656208;0.009557945041816008971413687334;0.020011947431302270355990557960;0.031063321385902030458137090818;0.047192353643966546139498774437;0.020310633213859018847413651088;0.008064516129032257840680841809;0.017323775388291516585947960039;0.023297491039426524578326294090;0.017323775388291516585947960039;0.029868578255675029553550814398;0.048088410991636798552661957729;0.035842293906810034076482196497;0.024790919952210273974335663638;0.008363201911589008066827410914;0.002688172043010752902680859933;0.021206690561529271260576834379;0.010454002389486259649853394649;0.011350059737156512063016577940;0.014934289127837514776775407199;0.007765830346475507614534272705;0.026583034647550775331215078268;0.038231780167264035885654749336;0.012843488649940263193749423465;0.006869772998805256936094565390;0.004480286738351254259560274562;0.019115890083632017942827374668;0.007467144563918757388387703600;0.018817204301075269451404281540;0.000000000000000000000000000000;0.017025089605734768094524866910;0.005973715651135006257654858075;0.015232974910394265002921976304;0.030465949820788530005843952608;0.027180406212664275783508216477;0.028972520908004780609834583061;0.017323775388291516585947960039
-0.040680024286581663306439082817;0.011839708561020036853284054246;0.051608986035215541343657008611;0.000303582270795385567290630702;0.007893139040680023990614877505;0.026715239829993929487894632757;0.003035822707953855347645655272;0.022768670309653914890501980040;0.044930176077717064175853778352;0.022768670309653914890501980040;0.012750455373406193934626706721;0.028536733454766240181132985754;0.012446873102610807662604663903;0.039162112932604735415775820684;0.006678809957498482371973658189;0.020947176684881604197263627043;0.034304796599878568941210943422;0.033697632058287796397166857787;0.012446873102610807662604663903;0.008196721311475410262636920322;0.011536126290224650581262011428;0.026108075288403156943850547123;0.011839708561020036853284054246;0.029447480267152398997199114206;0.041287188828172435850483168451;0.028536733454766240181132985754;0.027322404371584698562491766438;0.011536126290224650581262011428;0.003035822707953855347645655272;0.027018822100789312290469723621;0.014571948998178506362588535694;0.017000607164541589599870974325;0.009411050394656951881278139638;0.008803885853066181071957529980;0.017607771706132362143915059960;0.040376442015786280503863991953;0.011839708561020036853284054246;0.011839708561020036853284054246;0.009714632665452338153300182455;0.025500910746812387869253413442;0.007893139040680023990614877505;0.033697632058287796397166857787;0.000000000000000000000000000000;0.016089860352155434253251797827;0.007285974499089253181294267847;0.016393442622950820525273840644;0.026108075288403156943850547123;0.025804493017607770671828504305;0.025804493017607770671828504305;0.014875531268973892634610578511
-0.031671554252199411727541900063;0.015542521994134897780903692421;0.050146627565982405949629452380;0.000293255131964809383909864593;0.005278592375366568910377562673;0.023167155425219940895198433850;0.002932551319648093839098645930;0.017888563049853371117459133188;0.039882697947214079681188536597;0.020821114369501465823919517106;0.014662756598240470062854967637;0.016129032258064515681361683619;0.020234604105571846188738049932;0.036656891495601175157137419092;0.009090909090909090467524933388;0.021407624633431085459100984281;0.030791788856304985744216651256;0.055425219941348975727368753041;0.016129032258064515681361683619;0.007917888563049852931885475016;0.018475073313782990752640600363;0.025219941348973606148886617007;0.020234604105571846188738049932;0.020821114369501465823919517106;0.035483870967741935886774484743;0.026979472140762465054431018530;0.029032258064516130308119201686;0.015249266862170087963312958834;0.001466275659824046919549322965;0.019354838709677420205412801124;0.020821114369501465823919517106;0.014076246334310850427673500462;0.008211143695014662749476208603;0.008504398826979472567066942190;0.027859237536656891037756267337;0.039002932551319646758969383882;0.016129032258064515681361683619;0.009090909090909090467524933388;0.004692082111436950142557833487;0.030205278592375366109035184081;0.007331378299120235031427483818;0.033137829912023457346048616046;0.000000000000000000000000000000;0.015835777126099705863770950032;0.004398826979472141192328837889;0.015542521994134897780903692421;0.024926686217008796331295883419;0.020527859237536656006328783519;0.036070381231671555521955951917;0.015249266862170087963312958834
-0.031105990783410138872389083531;0.015841013824884793426139850681;0.053859447004608297648875492314;0.000288018433179723502054331297;0.012096774193548386761021262714;0.032546082949308753617945200176;0.001728110599078341120746205029;0.019009216589861752111367820817;0.041474654377880185163185444708;0.022177419354838710796595790953;0.012672811059907834740911880544;0.039170506912442393243622973387;0.015264976958525345446249232850;0.037730414746543781967513808695;0.006912442396313364482984820114;0.019009216589861752111367820817;0.032834101382488475873167033114;0.042914746543778803378188513307;0.012096774193548386761021262714;0.010944700460829492535963503030;0.013536866359447004976024331313;0.029953917050691242912607847870;0.014400921658986175211136782082;0.025345622119815669481823761089;0.041762672811059907418407277646;0.025057603686635943757154976197;0.026785714285714284227379877734;0.005184331797235023145398180588;0.002016129032258064460170210452;0.028801843317972350422273564163;0.016417050691244237936583516557;0.016993087557603685916474134387;0.007488479262672810728151961968;0.005760368663594470257927060430;0.021889400921658985071927006061;0.035426267281105990047951337374;0.013824884792626728965969640228;0.006624423963133640493039511199;0.012672811059907834740911880544;0.027361751152073732207270495564;0.006048387096774193380510631357;0.030241935483870968637276632762;0.000000000000000000000000000000;0.012672811059907834740911880544;0.003456221198156682241492410057;0.012384792626728110750966571629;0.027649769585253457931939280456;0.025057603686635943757154976197;0.029377880184331798402164181994;0.016129032258064515681361683619
-0.035409035409035408137334854928;0.020451770451770451969553121785;0.039682539682539680336859078125;0.002136752136752136967123849587;0.031440781440781440103648947115;0.023504273504273504036277131490;0.003052503052503052500404878700;0.023199023199023199870438816106;0.034493284493284495639819908774;0.021672771672771672102353335276;0.018620268620268620035629325571;0.020146520146520147803714806400;0.019230769230769231836752908293;0.029609279609279608169725150901;0.019536019536019536002591223678;0.022283272283272283903476917999;0.020451770451770451969553121785;0.043040293040293040038868355168;0.020757020757020756135391437169;0.012210012210012210001619514799;0.017704517704517704068667427464;0.018009768009768008234505742848;0.015262515262515262068343524504;0.024725274725274724169077344982;0.035409035409035408137334854928;0.036019536019536016469011485697;0.025946275946275947771324510427;0.024420024420024420003239029597;0.002136752136752136967123849587;0.027472527472527472069963039303;0.009157509157509157934895505093;0.014957264957264957902505209120;0.010073260073260073901857403200;0.006105006105006105000809757399;0.023809523809523808202115446875;0.036324786324786327573743704988;0.012515262515262515902181306160;0.008241758241758241967933606986;0.003968253968253968033685907812;0.017399267399267399902829112079;0.005494505494505494934409650654;0.025946275946275947771324510427;0.000000000000000000000000000000;0.015262515262515262068343524504;0.009462759462759462100733820478;0.016483516483516483935867213972;0.028388278388278388036924937410;0.030830280830280831771972316346;0.024114774114774115837400714213;0.013431013431013431869143204267
-0.033732660781841110331225053187;0.014501891551071878494472144894;0.035624211853720048892579796984;0.001261034047919293819839392512;0.019546027742749053773829714942;0.034678436317780579611902425086;0.006935687263556116442797527810;0.023644388398486759772509913091;0.028373266078184109645343724537;0.018915510718789406430229149692;0.016708701134930642462350647293;0.023644388398486759772509913091;0.029003783102143756988944289787;0.019546027742749053773829714942;0.017969735182849937149551777793;0.019230769230769231836752908293;0.021122320302648170398107652090;0.040353089533417402234860560384;0.021122320302648170398107652090;0.005989911727616645427396679935;0.018600252206809584493152343043;0.019546027742749053773829714942;0.030895334174022699019745985538;0.021752837326607817741708217341;0.027742749054224465771190111241;0.024905422446406054459711043592;0.029319041614123582395468048389;0.020807061790668348461030845442;0.001891551071878940729759088768;0.039407313997477932954183188485;0.020807061790668348461030845442;0.010088272383354350558715140096;0.015132408575031525838072710144;0.004413619167717528803118742786;0.027427490542244640364666352639;0.029634300126103404332544855038;0.016708701134930642462350647293;0.010718789407313997902315705346;0.006305170239596469099196962560;0.027112232030264818427589545990;0.011349306431273645245916270596;0.032471626733921815644023922687;0.000000000000000000000000000000;0.012610340479192938198393925120;0.011979823455233290854793359870;0.023329129886506934365986154489;0.013556116015132409213794772995;0.011979823455233290854793359870;0.036569987389659518173257168883;0.011034047919293821574115987971
-0.033079625292740048869699620582;0.016978922716627636163577719230;0.049765807962529273744678448566;0.002927400468384075155753309971;0.026053864168618268148946981455;0.027810304449648711594411665260;0.003220140515222482541224380270;0.018149882903981263970738524449;0.050936768149882905021286205738;0.023126463700234193426874540478;0.014051522248243559706781802277;0.029859484777517562859028288358;0.016978922716627636163577719230;0.031908665105386417593091863409;0.006440281030444965082448760541;0.019906323185011710885650160208;0.028688524590163935051867483139;0.048302107728337234648918752100;0.010245901639344261527253543420;0.012587822014051522345745581788;0.012002341920374706707441703202;0.029274004683840750690171361725;0.015222482435597189248666083472;0.025761124121779860329795042162;0.032786885245901641050547681289;0.026346604215456675968098920748;0.025468384074941452510643102869;0.010831381733021077165557422006;0.002927400468384075155753309971;0.022833723653395785607722601185;0.019320843091334895247346281622;0.019320843091334895247346281622;0.008489461358313818081788859615;0.006733021077283372034238961845;0.022248243559718969969418722599;0.035128805620608896664869291726;0.010538641686182669346405482713;0.009660421545667447623673140811;0.009367681498829039804521201518;0.023711943793911005595731467110;0.002634660421545667336601370678;0.035128805620608896664869291726;0.000000000000000000000000000000;0.012295081967213114526593642495;0.008196721311475410262636920322;0.012295081967213114526593642495;0.028395784543325527232715543846;0.017564402810304448332434645863;0.031615925058548009773939924116;0.012880562060889930164897521081
-0.023872679045092836530583824128;0.029708222811671087387752621112;0.030769230769230770938804653269;0.002122015915119363198976243368;0.017771883289124667387737233071;0.028381962864721485551022794880;0.007427055702917771846938155278;0.026790450928381961959168222620;0.033687002652519892897942099808;0.018037135278514589142861979099;0.012997347480106100081620468245;0.031299734748010607510160241418;0.021220159151193632857124171665;0.022015915119363394653051457794;0.024668435013262598326511110258;0.013262599469496021836745214273;0.029177718832891247346950081010;0.049602122015915121877593918498;0.017241379310344827346934692969;0.008222811671087532775503703419;0.016710875331564987306132152867;0.022281167108753316408176203822;0.026525198938992043673490428546;0.020159151193633952775519091460;0.024933687002652520081635856286;0.016976127320954905591809946941;0.026259946949602121918365682518;0.048541114058355434857094934387;0.002122015915119363198976243368;0.030238726790450927428555161214;0.016445623342175065551007406839;0.012466843501326260040817928143;0.012201591511936340020416658092;0.007427055702917771846938155278;0.027851458885941645510220254778;0.029708222811671087387752621112;0.014058355437665781897949024426;0.009549071618037134612233529651;0.009018567639257294571430989549;0.027586206896551723755095508750;0.015915119363395225510204866737;0.032095490716180369306087527548;0.000000000000000000000000000000;0.011936339522546418265291912064;0.010875331564986738183686831860;0.012997347480106100081620468245;0.015119363395225463714277580607;0.014323607427055703653073770454;0.025729442970822281877563142416;0.011671087533156498244890642013
-0.027830487033523088058473149431;0.030360531309297913299394267028;0.046173308032890575391959941953;0.006641366223908918425822278664;0.014547754585705249472105116126;0.018659076533839340922282801216;0.004743833017077798627769702478;0.033523086654016445717907402013;0.037001897533206831725216545692;0.024667931688804555639960014446;0.017077798861480076447749709700;0.015180265654648956649697133514;0.014864010120177103060901124820;0.027197975964579380880881132043;0.021505376344086023221446879461;0.015812776723592662092565674925;0.023402909550917141284775979670;0.058823529411764705066012481893;0.022770398481973434107183962283;0.008222643896268184635078846156;0.015180265654648956649697133514;0.019607843137254901688670827298;0.028146742567994938177822206171;0.035736875395319417370032510917;0.021189120809614169632650870767;0.030044275774826059710598258334;0.027197975964579380880881132043;0.041745730550284632087709724146;0.000948766603415559790606070845;0.016761543327008222858953701007;0.006008855154965212115591999265;0.012333965844402277819980007223;0.013598987982289690440440566022;0.003795066413662239162424283379;0.017394054395951930036545718394;0.036053130929791274428275471564;0.013915243516761544029236574715;0.005376344086021505805361719865;0.006008855154965212115591999265;0.017710309930423783625341727088;0.012017710309930424231183998529;0.025300442757748259348105079880;0.000000000000000000000000000000;0.016445287792536369270157692313;0.007590132827324478324848566757;0.017394054395951930036545718394;0.022770398481973434107183962283;0.017710309930423783625341727088;0.029728020240354206121802249640;0.013282732447817836851644557328
-0.025219298245614033687767019387;0.014802631578947367599341511379;0.056469298245614037157213971341;0.000000000000000000000000000000;0.007949561403508772355896994100;0.016995614035087720089522989042;0.000822368421052631533296750632;0.017817982456140350755458001686;0.075657894736842104532748010115;0.023848684210526317067690982299;0.014254385964912279910477010958;0.021655701754385966312232980613;0.009320175438596490710696507165;0.024945175438596492445419983142;0.011239035087719298489083996628;0.012061403508771929155019009272;0.030153508771929824622270999157;0.050438596491228067375534038774;0.019188596491228070844980990728;0.011239035087719298489083996628;0.011239035087719298489083996628;0.033442982456140350755458001686;0.016447368421052630665935012644;0.025767543859649123111354995785;0.025493421052631578399561007586;0.030153508771929824622270999157;0.025219298245614033687767019387;0.020285087719298246222709991571;0.001370614035087719222161251054;0.021929824561403507554580016858;0.013157894736842104532748010115;0.015076754385964912311135499579;0.009594298245614035422490495364;0.004385964912280701510916003372;0.016995614035087720089522989042;0.037280701754385962842786028659;0.012883771929824561555677497893;0.007127192982456139955238505479;0.012609649122807016843883509694;0.029879385964912279910477010958;0.007949561403508772355896994100;0.061677631578947365864618035403;0.000000000000000000000000000000;0.014802631578947367599341511379;0.006030701754385964577509504636;0.011513157894736841466154508851;0.024671052631578947733625994942;0.020285087719298246222709991571;0.025219298245614033687767019387;0.013432017543859649244541998314
-0.031897926634768737630398760530;0.024720893141945771837031387008;0.042264752791068581350142352449;0.001860712387028176477421492763;0.015948963317384368815199380265;0.041201488569909620884867962332;0.002923976608187134340610668914;0.022062732589048377612739315623;0.031897926634768737630398760530;0.021265284423179160733230474989;0.019404572036150983388447244238;0.031366294524189264336655469378;0.020467836257309940384274682401;0.028176501860712386410279250981;0.018341307814992026392619806074;0.015683147262094632168327734689;0.023391812865497074724885351316;0.050505050505050504139337164133;0.021796916533758637496420718094;0.008506113769271664640236885191;0.016480595427963849047836575323;0.014354066985645933321458223020;0.022594364699627857845376510681;0.019670388091440723504765841767;0.030568846358320043987699676791;0.024986709197235511953349984537;0.030303030303030303871381079261;0.013024986709197236209312187327;0.001329080276448697545826904687;0.039872408293460927242168878593;0.011695906432748537362442675658;0.013822434875066454823544503938;0.021265284423179160733230474989;0.004518872939925571569075302136;0.023125996810207338078013705740;0.036150983519404572552602417090;0.012759170653907496092993589798;0.009037745879851143138150604273;0.005847953216374268681221337829;0.020733652312599680500593279930;0.009037745879851143138150604273;0.020467836257309940384274682401;0.000000000000000000000000000000;0.012759170653907496092993589798;0.014088250930356193205139625491;0.014088250930356193205139625491;0.022328548644338117729057913152;0.019670388091440723504765841767;0.028973950026581606759235043569;0.012759170653907496092993589798
-0.028098739495798320114916535317;0.006565126050420168161980694066;0.033613445378151259046450860524;0.000787815126050420188111300668;0.081407563025210086249394692004;0.039653361344537813026889239154;0.001838235294117647033312890059;0.009716386554621848914425896737;0.014705882352941176266503120473;0.015231092436974789580683697920;0.010766806722689075542787051631;0.123949579831932776841085797059;0.015493697478991597105135724632;0.028623949579831931694373636788;0.002888655462184874095354913948;0.024422268907563025180929017210;0.016018907563025208684592826103;0.031250000000000000000000000000;0.007352941176470588133251560237;0.008140756302521008971884164396;0.008140756302521008971884164396;0.014180672268907562952322543026;0.009453781512605041389973870025;0.023897058823529410132024963787;0.037552521008403359770166929366;0.022584033613445377713935258157;0.017857142857142856151586585156;0.001575630252100840376222601336;0.000525210084033613422600794696;0.107930672268907568156492970957;0.036764705882352942400981277160;0.012079831932773109695600233238;0.006827731092436974819070982790;0.006039915966386554847800116619;0.014968487394957983790955147185;0.028623949579831931694373636788;0.007878151260504201447432137684;0.008403361344537814761612715131;0.002888655462184874095354913948;0.017331932773109244572129483686;0.004201680672268907380806357565;0.009978991596638654704154447472;0.000000000000000000000000000000;0.012342436974789915485328783973;0.001575630252100840376222601336;0.010766806722689075542787051631;0.022846638655462183503663808892;0.019432773109243697828851793474;0.021008403361344539506117001793;0.011817226890756302171148206526
-0.036095417451349656734471693653;0.008160703075957313409882765143;0.041745134965473947030734080954;0.002824858757062146882854669627;0.043942247332077841170949739080;0.028876333961079723305909183750;0.003766478342749529032579269838;0.023226616446955429540199844496;0.026051475204017578157777990100;0.023854362837413684017562331974;0.024482109227871938494924819452;0.022598870056497175062837357018;0.012868801004394225459548373180;0.027620841180163214351184208795;0.018518518518518517490534236458;0.017576898932831135774490505241;0.021657250470809793346793625801;0.031073446327683617446124841877;0.031387319522912744684806085615;0.008160703075957313409882765143;0.021029504080351538869431138323;0.014438166980539861652954591875;0.012241054613935969247462409726;0.026679221594475832635140477578;0.032328939108600122931402864879;0.039861895794099183598646618520;0.028876333961079723305909183750;0.019460138104205899206577967675;0.000627746390458254911043356472;0.049278091650973007697977834596;0.010671688637790333054056191031;0.017890772128060263013171748980;0.012868801004394225459548373180;0.007532956685499058065158539677;0.021657250470809793346793625801;0.040175768989328314306774814213;0.014124293785310734414273348136;0.007219083490269930826477295938;0.002824858757062146882854669627;0.015379786566227243368998323092;0.008160703075957313409882765143;0.011613308223477714770099922248;0.000000000000000000000000000000;0.014752040175768988891635835614;0.016321406151914626819765530286;0.010671688637790333054056191031;0.026993094789704959873821721317;0.020087884494664157153387407106;0.029504080351537977783271671228;0.012241054613935969247462409726
-0.029918864097363082749092555446;0.019776876267748478427366265464;0.041075050709939150972438426379;0.005578093306288032376949459490;0.030172413793103449591859188672;0.030172413793103449591859188672;0.001774847870182555756302100747;0.028144016227180528727513930676;0.022058823529411766134478156687;0.016734279918864097130848378470;0.019776876267748478427366265464;0.029158215010141989159686559674;0.018762677484787017995193636466;0.026369168356997971236488353952;0.015973630831643003541442382698;0.012170385395537525186071547978;0.027383367139959431668660982950;0.043864097363083165426189680147;0.031186612576064910024031817670;0.005324543610547667268906302240;0.018002028397565924405787640694;0.018509127789046654621873955193;0.023833671399594320156056781457;0.018762677484787017995193636466;0.037778904665314402833153906158;0.028651115618661258943600245175;0.033975659229208927947230023392;0.018002028397565924405787640694;0.001774847870182555756302100747;0.032454361054766733829524127941;0.014705882352941176266503120473;0.014198782961460446050416805974;0.016227180527383366914762063971;0.003803245436105476620647358743;0.027636916835699798511427616177;0.034736308316430021536636019164;0.014452332657200811158459963224;0.007099391480730223025208402987;0.004310344827586206836733673242;0.019269776876267748211279950965;0.007099391480730223025208402987;0.019016227180527384837960269692;0.000000000000000000000000000000;0.012423935091277890294114705227;0.014198782961460446050416805974;0.012170385395537525186071547978;0.022565922920892496350564471186;0.020030425963488845270132898690;0.035496957403651115126042014936;0.013438133874239350726287334226
-0.042986425339366515774308652453;0.007635746606334841389551737478;0.058823529411764705066012481893;0.001131221719457013675722012458;0.021493212669683257887154326227;0.022907239819004523301293474447;0.003110859728506787120344556641;0.022341628959276018523416595940;0.025452488687782805210080283587;0.025735294117647057599018722840;0.017251131221719458175289929613;0.020927601809954749639830495767;0.015271493212669682779103474957;0.036199095022624437623104398654;0.010746606334841628943577163113;0.018947963800904975978367517087;0.022341628959276018523416595940;0.044400452488687784657894752627;0.016119909502262445150089220647;0.012726244343891402605040141793;0.015554298642533936902765390187;0.022341628959276018523416595940;0.015837104072398189291703829440;0.031674208144796378583407658880;0.037895927601809951956735034173;0.037047511312217194789919716413;0.026300904977375565846342553300;0.003676470588235294066625780118;0.000848416289592760202581400719;0.013009049773755656728702057023;0.017251131221719458175289929613;0.014705882352941176266503120473;0.011595022624434389579839432827;0.010180995475113122430976808630;0.026300904977375565846342553300;0.045531674208144794213648509640;0.015837104072398189291703829440;0.007918552036199094645851914720;0.010746606334841628943577163113;0.018665158371040723589429077833;0.006504524886877828364351028512;0.013574660633484163241302411507;0.000000000000000000000000000000;0.016119909502262445150089220647;0.005656108597285067728088758798;0.016402714932126697539027659900;0.033371040723981899855932198307;0.031674208144796378583407658880;0.032805429864253395078055319800;0.014423076923076923877564681220
-0.034507042253521129360205321746;0.015492957746478873415352239817;0.044131455399061034206020792681;0.019248826291079813161077893824;0.017370892018779341553491590844;0.024647887323943660359271135007;0.004929577464788732765743617392;0.025352112676056338946839474602;0.026995305164319249868754013733;0.020187793427230045495424093360;0.017370892018779341553491590844;0.020422535211267606181095857210;0.021126760563380281299217244850;0.027230046948356807084978825628;0.020657276995305163397320669105;0.012910798122065728424368025173;0.024882629107981221044942898857;0.035680751173708918910776333178;0.026525821596244131966857437988;0.007276995305164319673141282152;0.020892018779342724082992432955;0.016901408450704223651595015099;0.019014084507042252475406129975;0.030751173708920186145032715785;0.034507042253521129360205321746;0.030985915492957746830704479635;0.033568075117370893556412170255;0.007276995305164319673141282152;0.001643192488262910705074104634;0.029577464788732393125014752400;0.014553990610328639346282564304;0.014788732394366196562507376200;0.017605633802816902239163354693;0.007511737089201877756727832036;0.024178403755868545926821511216;0.038497652582159626322155787648;0.012910798122065728424368025173;0.009154929577464788678642371167;0.002816901408450704375613371511;0.016666666666666666435370203203;0.008215962441314554609572695654;0.016666666666666666435370203203;0.000000000000000000000000000000;0.014788732394366196562507376200;0.012910798122065728424368025173;0.013145539906103285640592837069;0.027464788732394367770650589478;0.023474178403755867339253171622;0.034976525821596243792654945537;0.017605633802816902239163354693
-0.033025740650801362063848642947;0.014813016027197669494119836031;0.042253521126760562598434489701;0.003156872268091306336229573404;0.020155415250121419545870082857;0.030354541039339485303250043557;0.003156872268091306336229573404;0.018455560951918408008065597414;0.054395337542496355331955726342;0.019669742593491985199749549906;0.015055852355512384932456626530;0.015055852355512384932456626530;0.019669742593491985199749549906;0.025740650801359885035957120181;0.013355998057309373394652141087;0.016755706653715396470261111972;0.027683341427877612012098396121;0.042739193783389993475108070697;0.016027197668771246685803788523;0.008499271491015055954298951235;0.014813016027197669494119836031;0.036425449247207385139457613832;0.020398251578436134984206873355;0.025254978144730450689836587230;0.034482758620689654693869385937;0.033997085964060223817195804941;0.029868868382710054426576462561;0.016998542982030111908597902470;0.001457017969888295232105956956;0.014327343370568236882722779058;0.010199125789218067492103436678;0.013841670713938806006049198061;0.012141816415735794468244712618;0.008013598834385623342901894262;0.023797960174842158059815844240;0.028411850412821758327108767617;0.014570179698882952321059569556;0.010441962117532782930440227176;0.011898980087421079029907922120;0.024283632831471588936489425237;0.003885381253035453952282551882;0.052452646915978631825261402355;0.000000000000000000000000000000;0.012627489072365225344918293615;0.005828071879553180928423827822;0.016027197668771246685803788523;0.020398251578436134984206873355;0.017241379310344827346934692969;0.033268576979116074032738481492;0.012627489072365225344918293615
-0.035617784328174896535390558938;0.010071235568656349002036876072;0.047899778924097274890314679396;0.005649717514124293765709339254;0.027757307786784573416793975298;0.038565463031196269005906884786;0.002456398919184475757720997890;0.017194792434291329003004378251;0.047654139032178827184438318909;0.018914271677720462944138901662;0.017194792434291329003004378251;0.028494227462539916534423056760;0.024072709408007861298095519942;0.032178825841316628653121512116;0.009579955784819455325007631075;0.024563989191844756709848240916;0.023827069516089413592219159455;0.034880864652419553417761477476;0.016703512650454433591251657276;0.012527634487840826060800480946;0.013755833947433062855458807405;0.028002947678703021122670335785;0.014001473839351510561335167893;0.022353230164578727356960996531;0.041021861950380739125776585752;0.026037828543355439475659451887;0.025300908867600099827477322378;0.004421518054532056103689274806;0.000491279783836895086492069229;0.026283468435273887181535812374;0.027020388111029230299164893836;0.010562515352493244413789597047;0.011299435028248587531418678509;0.005404077622205846059832978767;0.022353230164578727356960996531;0.030704986489805945887310301146;0.012773274379759273766676841433;0.011790714812085482943171399484;0.005158437730287398353956618280;0.020142471137312698004073752145;0.005404077622205846059832978767;0.030950626381724393593186661633;0.000000000000000000000000000000;0.015966592974699090473622575814;0.006632277081798083721853043215;0.012773274379759273766676841433;0.029722426922132155063804859196;0.019896831245394250298197391658;0.029968066814050602769681219684;0.014001473839351510561335167893
-0.029476584022038569005141894763;0.025895316804407712135693842015;0.047658402203856746470744809585;0.021487603305785123869453556722;0.025068870523415977269454657517;0.013774104683195592668809581482;0.004683195592286501333922910106;0.027823691460055095803216573813;0.025895316804407712135693842015;0.022038567493112948270095330372;0.015702479338842976336332313281;0.009641873278236914868166707038;0.011845730027548209001286849684;0.028374655647382920203858347463;0.024793388429752066803857246668;0.021487603305785123869453556722;0.022314049586776858735692741220;0.039944903581267218739547786299;0.017079889807162535603213271429;0.009366391184573002667845820213;0.016804407713498621668168908627;0.020936639118457299468811783072;0.012672176308539945602249510159;0.031955922865013773603859448258;0.031955922865013773603859448258;0.032506887052341594535054269954;0.028650137741046830669455758311;0.041322314049586778006428744447;0.001377410468319559266880958148;0.020936639118457299468811783072;0.012121212121212121201607736509;0.014600550964187327535048765981;0.009917355371900827068487593863;0.003581267217630853833681969789;0.021212121212121213403856145874;0.039118457300275480403861649847;0.016253443526170797267527134977;0.011845730027548209001286849684;0.003856749311294766034002856614;0.015151515151515151935690539631;0.008539944903581267801606635715;0.023966942148760331937618062170;0.000000000000000000000000000000;0.014600550964187327535048765981;0.017906336088154270469452455927;0.015151515151515151935690539631;0.025895316804407712135693842015;0.020385674931129475068170009422;0.031680440771349863138262037410;0.010743801652892561934726778361
-0.030238726790450927428555161214;0.040318302387267905551038182921;0.033952254641909811183619893882;0.032891246684350131102014813678;0.035543766578249334775474466142;0.015649867374005303755080120709;0.007161803713527851826536885227;0.026259946949602121918365682518;0.020689655172413792816321631562;0.019893899204244031020394345433;0.016710875331564987306132152867;0.009018567639257294571430989549;0.012201591511936340020416658092;0.023342175066312996489781284026;0.040318302387267905551038182921;0.011405835543766578224489371962;0.018567639257294429183664519201;0.051724137931034482040804078906;0.023872679045092836530583824128;0.006896551724137930938773877187;0.016710875331564987306132152867;0.012997347480106100081620468245;0.012997347480106100081620468245;0.021750663129973476367373663720;0.020159151193633952775519091460;0.027586206896551723755095508750;0.028912466843501325591825334982;0.064986737400530500408102341225;0.000530503978779840799744060842;0.020424403183023871061196885535;0.006100795755968170010208329046;0.009549071618037134612233529651;0.011140583554376658204088101911;0.005305039787798408214281042916;0.016445623342175065551007406839;0.030238726790450927428555161214;0.012466843501326260040817928143;0.010079575596816976387759545730;0.003978779840848806377551216684;0.015649867374005303755080120709;0.012466843501326260040817928143;0.035013262599469498204118877993;0.000000000000000000000000000000;0.013262599469496021836745214273;0.022811671087533156448978743924;0.020159151193633952775519091460;0.020954907161803714571446377590;0.012201591511936340020416658092;0.025198938992042441836760602314;0.013262599469496021836745214273
-0.024431818181818183016718037948;0.044602272727272726515757028665;0.034375000000000002775557561563;0.033522727272727273484242971335;0.023011363636363635354342704886;0.015340909090909090814469628583;0.004829545454545454419292838111;0.031818181818181814901613790880;0.023011363636363635354342704886;0.014772727272727272443408885749;0.011363636363636363951767904723;0.013068181818181817330226657248;0.016761363636363636742121485668;0.021306818181818180241160476385;0.050000000000000002775557561563;0.013352272727272726515757028665;0.025000000000000001387778780781;0.046875000000000000000000000000;0.020738636363636365339546685505;0.004829545454545454419292838111;0.017613636363636362563989123942;0.010795454545454545580707161889;0.013920454545454544886817771498;0.020170454545454546968485942671;0.027556818181818182322828647557;0.023863636363636364645657295114;0.028977272727272726515757028665;0.078977272727272729291314590228;0.002272727272727272616881233347;0.025568181818181819758839523615;0.007386363636363636221704442875;0.009659090909090908838585676222;0.014204545454545454072348142915;0.005681818181818181975883952362;0.017045454545454544192928381108;0.026704545454545453031514057329;0.013068181818181817330226657248;0.007670454545454545407234814292;0.004261363636363636048232095277;0.017897727272727273484242971335;0.010227272727272727209646419055;0.033522727272727273484242971335;0.000000000000000000000000000000;0.008806818181818181281994561971;0.023295454545454546274596552280;0.013636363636363635701287400082;0.016761363636363636742121485668;0.014772727272727272443408885749;0.022443181818181816983281962052;0.010227272727272727209646419055
-0.027494108405341711326430598206;0.015449070437287248588886789946;0.045561665357423411504278476514;0.002094789211835559189500699517;0.022257135375752815087402325389;0.031421838177533384373063540806;0.004451427075150562844008117480;0.024613773239067819609271481340;0.048965697826656190416727554293;0.015710919088766692186531770403;0.018329405603561142040769382788;0.022257135375752815087402325389;0.020162346163917255897901625872;0.023566378633150038279797655605;0.011783189316575019139898827802;0.017282010997643360711295557053;0.025399319193506152136929898688;0.039277297721916730466329426008;0.032731081434930607565458871022;0.011521340665095575542253847345;0.021733438072793924422665412521;0.025399319193506152136929898688;0.014663524482848912591781420645;0.025137470542026710274008394208;0.032207384131971716900721958154;0.024351924587588374276903024906;0.030636292223095051845405123458;0.020162346163917255897901625872;0.000785545954438334696062762319;0.036135113904163393416801852709;0.017020162346163918848374052573;0.008379156847342236758002798069;0.020947892118355591895006995173;0.005236973029588897973751748793;0.017543859649122806043664013487;0.027232259753862265994062141772;0.010473946059177795947503497587;0.008379156847342236758002798069;0.004975124378109452641383292359;0.018591254255040587373137839222;0.007855459544383346093265885202;0.038229903115998949136855600273;0.000000000000000000000000000000;0.017282010997643360711295557053;0.013616129876931132997031070886;0.014663524482848912591781420645;0.021995286724273369755033868955;0.015710919088766692186531770403;0.026708562450903378798772180858;0.013616129876931132997031070886
-0.038920454545454542805149600326;0.014772727272727272443408885749;0.050284090909090910226364457003;0.005681818181818181975883952362;0.019602272727272728597425199837;0.021022727272727272790353580945;0.004261363636363636048232095277;0.025284090909090908838585676222;0.025852272727272727209646419055;0.025284090909090908838585676222;0.025852272727272727209646419055;0.016477272727272725821867638274;0.013636363636363635701287400082;0.032670454545454544192928381108;0.023295454545454546274596552280;0.016761363636363636742121485668;0.028977272727272726515757028665;0.044886363636363633966563924105;0.024715909090909090467524933388;0.008238636363636362910933819137;0.016193181818181818371060742834;0.016761363636363636742121485668;0.016477272727272725821867638274;0.031818181818181814901613790880;0.033522727272727273484242971335;0.026988636363636363951767904723;0.034090909090909088385856762216;0.009090909090909090467524933388;0.001704545454545454462660925010;0.025852272727272727209646419055;0.010227272727272727209646419055;0.015340909090909090814469628583;0.014772727272727272443408885749;0.009374999999999999653055304805;0.019602272727272728597425199837;0.038068181818181820452728914006;0.017045454545454544192928381108;0.010227272727272727209646419055;0.001704545454545454462660925010;0.013352272727272726515757028665;0.008522727272727272096464190554;0.017329545454545455113182228502;0.000000000000000000000000000000;0.014772727272727272443408885749;0.014488636363636363257878514332;0.015340909090909090814469628583;0.028409090909090908144696285831;0.022159090909090909532475066612;0.035227272727272725127978247883;0.015056818181818181628939257166
-0.026459591601955708556337398818;0.013517400057520851525127980608;0.065861374748346274143884215846;0.005752085130859937132929982084;0.017256255392579810531428208265;0.020419902214552775043809873523;0.003738855335058959006300227657;0.016681046879493816037509645867;0.037676157607132582105791129834;0.019844693701466780549891311125;0.015530629853321828784395997047;0.012654587287891861518973612988;0.013517400057520851525127980608;0.037100949094046591081319519390;0.010353753235547885278022839373;0.017256255392579810531428208265;0.029335634167385677556483258854;0.056945642795513375100657782468;0.014380212827149841531282348228;0.014667817083692838778241629427;0.012079378774805867025055050590;0.037388553350589590063002276565;0.012942191544434857031209418210;0.027034800115041703050255961216;0.026171987345412713044101593596;0.030773655450100662056556188872;0.023295944779982744043955733559;0.016681046879493816037509645867;0.002300834052343974506227297638;0.014092608570606844284323067029;0.008628127696289905265714104132;0.015530629853321828784395997047;0.009778544722461892518827752951;0.006614897900488927139084349704;0.021282714984181765049964241143;0.031924072476272651044393313668;0.016681046879493816037509645867;0.011216566005176877018900682970;0.021282714984181765049964241143;0.033937302272073630038384806085;0.008340523439746908018754822933;0.025309174575783723037947225976;0.000000000000000000000000000000;0.017831463905665805025346770663;0.006614897900488927139084349704;0.016393442622950820525273840644;0.030773655450100662056556188872;0.020707506471095770556045678745;0.031061259706643657568791994095;0.014380212827149841531282348228
-0.034986225895316802603218775403;0.007988980716253443400964862064;0.047382920110192836005147398737;0.003856749311294766034002856614;0.019283746556473829736333414075;0.017906336088154270469452455927;0.004132231404958677800642874445;0.018732782369146005335691640425;0.045179063360881545341474208044;0.025619834710743801670096431167;0.014600550964187327535048765981;0.029201101928374655070097531961;0.014049586776859504869130468308;0.031680440771349863138262037410;0.010743801652892561934726778361;0.015151515151515151935690539631;0.026721763085399450471379978467;0.040220385674931129205145197147;0.016804407713498621668168908627;0.010743801652892561934726778361;0.016253443526170797267527134977;0.023415977961432507536976288520;0.012121212121212121201607736509;0.026997245179063360936977389315;0.031955922865013773603859448258;0.034710743801652892137621364554;0.026997245179063360936977389315;0.028925619834710744604500121113;0.001652892561983471033520975979;0.025619834710743801670096431167;0.017079889807162535603213271429;0.019008264462809915801289051274;0.012396694214876033401928623334;0.006336088154269972801124755080;0.022314049586776858735692741220;0.036363636363636361870099733551;0.012947658402203856067846921007;0.010468319559228649734405891536;0.012947658402203856067846921007;0.016804407713498621668168908627;0.004407713498622589133602023281;0.030027548209366389936336716460;0.000000000000000000000000000000;0.015702479338842976336332313281;0.008539944903581267801606635715;0.014600550964187327535048765981;0.027272727272727271402574800163;0.021763085399449034335050967570;0.029752066115702479470739305611;0.017630853994490356534408093125
-0.027897612884670693056410328836;0.021282714984181765049964241143;0.046879493816508487069594224295;0.008915731952832902512673385331;0.020707506471095770556045678745;0.018694276675294795031501138283;0.003451251078515962193021815452;0.028472821397756687550328891234;0.048892723612309459124691812804;0.016393442622950820525273840644;0.014955421340235836025200910626;0.018406672418751796049818381107;0.012654587287891861518973612988;0.026459591601955708556337398818;0.024733966062697728544028663578;0.015818234109864826031355278246;0.022433132010353754037801365939;0.043140638481449528063293996638;0.013517400057520851525127980608;0.009490940465918895271868471752;0.015530629853321828784395997047;0.024446361806154729562345906402;0.016968651136036815019192403042;0.023871153293068738537874295957;0.028760425654299683062564696456;0.026171987345412713044101593596;0.022433132010353754037801365939;0.039401783146390569056993768982;0.001438021282714984283232495521;0.025309174575783723037947225976;0.008340523439746908018754822933;0.012079378774805867025055050590;0.012366983031348864272014331789;0.002588438308886971319505709843;0.022433132010353754037801365939;0.031924072476272651044393313668;0.012654587287891861518973612988;0.009778544722461892518827752951;0.008340523439746908018754822933;0.020132297958009779531574068301;0.011216566005176877018900682970;0.048029910842680469118537445183;0.000000000000000000000000000000;0.017831463905665805025346770663;0.018406672418751796049818381107;0.015818234109864826031355278246;0.020132297958009779531574068301;0.020707506471095770556045678745;0.025884383088869714062418836420;0.013805004314063848772087261807
-0.024122807017543858310038018544;0.020559210526315790934503979770;0.053453947368421052266374005058;0.009594298245614035422490495364;0.021655701754385966312232980613;0.019188596491228070844980990728;0.007401315789473683799670755690;0.025493421052631578399561007586;0.029331140350877193956335986513;0.020833333333333332176851016015;0.017269736842105264801316977241;0.013432017543859649244541998314;0.015625000000000000000000000000;0.029605263157894735198683022759;0.030427631578947369334064987356;0.014528508771929824622270999157;0.033442982456140350755458001686;0.045778508771929821152824047203;0.015899122807017544711793988199;0.010142543859649123111354995785;0.018366228070175440179045978084;0.026041666666666667823148983985;0.011239035087719298489083996628;0.032620614035087716620076037088;0.022752192982456141689961981456;0.029879385964912279910477010958;0.030701754385964910576412023602;0.020833333333333332176851016015;0.004111842105263157666483753161;0.020285087719298246222709991571;0.011239035087719298489083996628;0.023026315789473682932309017701;0.006578947368421052266374005058;0.006304824561403508421941754847;0.017269736842105264801316977241;0.040570175438596492445419983142;0.015625000000000000000000000000;0.010416666666666666088425508008;0.002467105263157894599890251897;0.021381578947368421600438992414;0.008223684210526315332967506322;0.024122807017543858310038018544;0.000000000000000000000000000000;0.024122807017543858310038018544;0.015076754385964912311135499579;0.015076754385964912311135499579;0.022478070175438596978167993257;0.020010964912280701510916003372;0.024122807017543858310038018544;0.017269736842105264801316977241
-0.024891774891774891970142036257;0.022727272727272727903535809446;0.056006493506493504330734367613;0.011634199134199134026412814080;0.012175324675324675910426108771;0.017316017316017316002296766442;0.006764069264069264009187065767;0.028138528138528139804774852450;0.029220779220779220103354489879;0.027597402597402596186038081782;0.016233766233766232234270177059;0.009469696969696969959806587269;0.017316017316017316002296766442;0.035714285714285712303173170312;0.022727272727272727903535809446;0.017316017316017316002296766442;0.027867965367965367995406467116;0.047889610389610391683046231037;0.010551948051948051993109700675;0.010281385281385281918464791318;0.012175324675324675910426108771;0.020833333333333332176851016015;0.012175324675324675910426108771;0.039231601731601728477727419886;0.025703463203463203928800240305;0.037337662337662336220489578409;0.030303030303030303871381079261;0.021374458874458875795587786683;0.002976190476190476025264430859;0.012445887445887445985071018129;0.007305194805194805025838622470;0.029220779220779220103354489879;0.009469696969696969959806587269;0.006493506493506493934542156410;0.022186147186147187754245990732;0.048430735930735928362889097798;0.010281385281385281918464791318;0.011363636363636363951767904723;0.002435064935064935008612874157;0.019480519480519480068902993253;0.007846320346320346042490179173;0.017316017316017316002296766442;0.000000000000000000000000000000;0.025432900432900432119431854971;0.010281385281385281918464791318;0.019751082251082251878271378587;0.031114718614718615830039283310;0.018398268398268399770323355824;0.026515151515151515887458444354;0.010281385281385281918464791318
-0.022534386889083990457294248699;0.034825870646766170224406522493;0.051799824407374892021316270529;0.002633889376646180759122817250;0.003511852502194907823390712664;0.013754755633596722416700508518;0.002926543751829089635985159390;0.031021363769388351355749122717;0.041264266900790165515378049577;0.022241732513901081580431906559;0.014925373134328357924149877078;0.010828211881767631913353611139;0.010828211881767631913353611139;0.035118525021949079101268864633;0.017266608135791630673772090176;0.013754755633596722416700508518;0.027802165642376353710263359176;0.067310506292069069433914307865;0.013462101258413813539838166378;0.012584138132865086909251139957;0.015803336259877086289460379476;0.021656423763535263826707222279;0.014047410008779631293562850658;0.030143400643839624725162096297;0.023997658764998538311052911354;0.029265437518290898094575069877;0.032191981270119990332645443232;0.032191981270119990332645443232;0.002341235001463271882260475110;0.011413520632133449667078295420;0.009072285630670178652179558298;0.018437225636523266181221458737;0.009364940005853087529041900439;0.004975124378109452641383292359;0.023705004389815629434190569214;0.043020193151887618776552102418;0.016681299385425812920047405896;0.007316359379572724523643767469;0.010828211881767631913353611139;0.018144571261340357304359116597;0.006438396254023997893056741049;0.050921861281826165390729244109;0.000000000000000000000000000000;0.016681299385425812920047405896;0.005853087503658179271970318780;0.014340064383962540170425192798;0.017851916886157448427496774457;0.020485806262803628319257853718;0.028680128767925080340850385596;0.013754755633596722416700508518
-0.028556034482758622244924495703;0.018049568965517241020402039453;0.050377155172413791428542850781;0.030441810344827586326532653516;0.021282327586206895714271425391;0.017780172413793104285728574609;0.003502155172413793163266326758;0.022898706896551723061206118359;0.065193965517241381224522456250;0.015894396551724136734673464844;0.015086206896551724795929594336;0.014816810344827586326532653516;0.013739224137931034183668366211;0.027747844827586208571457149219;0.014278017241379311122462247852;0.009428879310344827346934692969;0.031519396551724136734673464844;0.053071120689655172653065307031;0.019396551724137931632663267578;0.010775862068965517959195921094;0.014816810344827586326532653516;0.032866379310344827346934692969;0.018049568965517241020402039453;0.023437500000000000000000000000;0.026131465517241377755075504297;0.021551724137931035918391842188;0.026400862068965517959195921094;0.018318965517241377755075504297;0.000808189655172413781887563733;0.009967672413793104285728574609;0.005657327586206896581633163379;0.015894396551724136734673464844;0.012122844827586206836733673242;0.005387931034482758979597960547;0.018588362068965517959195921094;0.038793103448275863265326535156;0.017510775862068964081608157812;0.006734913793103447857135712695;0.009698275862068965816331633789;0.025592672413793104285728574609;0.007812500000000000000000000000;0.042025862068965517959195921094;0.000000000000000000000000000000;0.012661637931034482040804078906;0.006465517241379310255100509863;0.012661637931034482040804078906;0.022090517241379309387738771875;0.018049568965517241020402039453;0.031250000000000000000000000000;0.014816810344827586326532653516
-0.028493894165535955248502730797;0.017096336499321573842991028869;0.038263229308005429485373127818;0.030936227951153322940358592064;0.018724559023066484481079285729;0.030393487109905019394329173110;0.004884667571234735383711722534;0.024966078697421980464588031623;0.039620081411126190085170151178;0.012483039348710990232294015811;0.018453188602442334442788052229;0.032835820895522387086185034377;0.015196743554952509697164586555;0.017096336499321573842991028869;0.020081411126187245080876309089;0.022252374491180462734440936856;0.022523744911804612772732170356;0.043147896879240164869084850352;0.027679782903663501664182078343;0.005970149253731343343132298429;0.019538670284938941534846890136;0.025780189959294437518355636030;0.019267299864314788027108704682;0.021438263229308005680673332449;0.031478968792401626486388011017;0.025780189959294437518355636030;0.025780189959294437518355636030;0.012754409769335142005308725288;0.001085481682496607959420575895;0.037449118046132968962158571458;0.026322930800542741064385054983;0.015196743554952509697164586555;0.016282225237449116789223424462;0.007598371777476254848582293278;0.013839891451831750832091039172;0.024966078697421980464588031623;0.013025780189959293778323434765;0.008412483039348710167626421708;0.014925373134328357924149877078;0.022252374491180462734440936856;0.006512890094979646889161717382;0.034192672998643147685982057737;0.000000000000000000000000000000;0.010312075983717774313452864021;0.011397557666214383140235177905;0.014111261872455902605105748648;0.017367706919945727350729214322;0.015739484396200813243194005508;0.027951153324287651702473311843;0.008141112618724558394611712231
-0.029752066115702479470739305611;0.019834710743801654136975187726;0.053168044077134983538268642178;0.005234159779614324867202945768;0.009641873278236914868166707038;0.023691460055096418002573699368;0.003305785123966942067041951958;0.026170798898071626070738204817;0.028925619834710744604500121113;0.019008264462809915801289051274;0.017906336088154270469452455927;0.011845730027548209001286849684;0.014876033057851239735369652806;0.038016528925619831602578102547;0.021487603305785123869453556722;0.021763085399449034335050967570;0.026721763085399450471379978467;0.049311294765840223142117082489;0.018181818181818180935049866775;0.009366391184573002667845820213;0.014049586776859504869130468308;0.025068870523415977269454657517;0.017079889807162535603213271429;0.033057851239669422405142995558;0.032782369146005511939545584710;0.033333333333333332870740406406;0.028650137741046830669455758311;0.019283746556473829736333414075;0.001377410468319559266880958148;0.014325068870523415334727879156;0.005509641873278237067523832593;0.018457300275482094870094229577;0.011570247933884296800965962859;0.004407713498622589133602023281;0.018732782369146005335691640425;0.047658402203856746470744809585;0.012947658402203856067846921007;0.010743801652892561934726778361;0.002479338842975206767121898466;0.026997245179063360936977389315;0.007988980716253443400964862064;0.021487603305785123869453556722;0.000000000000000000000000000000;0.018181818181818180935049866775;0.012121212121212121201607736509;0.016253443526170797267527134977;0.028374655647382920203858347463;0.021487603305785123869453556722;0.030853994490358128272022852912;0.016528925619834711202571497779
-0.033008036739380020030409923493;0.024684270952927668540954897480;0.047072330654420208029264927063;0.002583237657864523653672428338;0.012629161882893225402058057227;0.020091848450057406966218209732;0.004879448909299655308402510201;0.028702640642939151321977320208;0.030137772675086108714603838621;0.026980482204362801063046717331;0.019230769230769231836752908293;0.012629161882893225402058057227;0.015786452353616531318891702540;0.033295063145809412896714007957;0.024397244546498279144097764970;0.018082663605051663840983522391;0.020665901262916189229379426706;0.043053960964408728717689456289;0.027841561423650976192512018770;0.013203214695752009399942750179;0.015499425947187141922034570030;0.016360505166475317051499871468;0.017508610792192881577822305417;0.030424799081515498111460971131;0.032433983926521241236695658472;0.030998851894374283844069140059;0.029850746268656715848299754157;0.015786452353616531318891702540;0.001435132032146957609466952910;0.024684270952927668540954897480;0.012055109070034443138896840253;0.018369690011481056707287606855;0.011768082663605052007316231766;0.005166475315729047307344856677;0.023249138920780711148328379068;0.040183696900114813932436419464;0.013777267508610791663103967153;0.009184845005740528353643803428;0.003444316877152697915775991788;0.015786452353616531318891702540;0.008036739380022962092597893502;0.027267508610792193929350801795;0.000000000000000000000000000000;0.016647531572904706448357003978;0.016073478760045924185195787004;0.016360505166475317051499871468;0.027554535017221583326207934306;0.014638346727898966792569268591;0.034156142365097591495626261349;0.012342135476463834270477448740
-0.032299328429804922968582303611;0.024944035817077069017155821484;0.051806843620083149748456463612;0.000319795330988167589032072913;0.004477134633834345921188369033;0.023984649824112566629530363116;0.002558362647905340712256583302;0.021106491845219059466653988011;0.042852574352414456171356249570;0.018228333866325552303777612906;0.017908538535337383684753476132;0.016309561880396547528526696169;0.016629357211384712678103880990;0.037096258394627441845603499360;0.009913655260633194230002196434;0.018228333866325552303777612906;0.021106491845219059466653988011;0.045410937000319798184655439854;0.012791813239526703127602047516;0.013431403901503038630926845087;0.017588743204349215065729339358;0.024624240486088903867578636664;0.015989766549408378909502559395;0.030380556443875918193331386874;0.031339942436840420580956845242;0.035817077070674767369506952264;0.024944035817077069017155821484;0.028461784457946913418080470137;0.000639590661976335178064145826;0.015030380556443876521877101027;0.013431403901503038630926845087;0.009913655260633194230002196434;0.008634473936680524958076077269;0.006715701950751519315463422544;0.021746082507195393235255309605;0.040294211704509114158057059285;0.018867924528301886072378934500;0.008954269267668691842376738066;0.004157339302846178169525970247;0.021106491845219059466653988011;0.006395906619763351563801023758;0.052446434282059480047610833253;0.000000000000000000000000000000;0.015989766549408378909502559395;0.004477134633834345921188369033;0.016629357211384712678103880990;0.023664854493124401479953178296;0.021426287176207228085678124785;0.033258714422769425356207761979;0.015669971218420210290478422621
-0.023816888339004020636036074166;0.021033096195484071028181105589;0.049489638107021345636571396653;0.010516548097742035514090552795;0.014537581193937519630221544276;0.016084132384781936464523965924;0.004330343334364367309519128213;0.027837921435199506486890541623;0.042375502629137022647665133945;0.018249304051964121420326137013;0.017012063099288585177326638131;0.009279307145066501005814529890;0.013918960717599753243445270812;0.025054129291679553409588621093;0.026909990720692854304640917462;0.009279307145066501005814529890;0.044231364058150327012164382268;0.056294463346736774156386928780;0.024126198577172904696785948886;0.010516548097742035514090552795;0.013300340241261985121945521371;0.034642746674914938476153025704;0.017630683575626353298826387572;0.023507578100835136575286199445;0.024744819053510672818285698327;0.021342406433652955088930980310;0.029384472626043923321192963272;0.030003093102381687973245760759;0.004021033096195484116130991481;0.025363439529848437470338495814;0.011444478812248685961616700979;0.029075162387875039260443088551;0.010207237859573151453340678074;0.004330343334364367309519128213;0.017321373337457469238076512852;0.041138261676461493343559538971;0.013300340241261985121945521371;0.006495515001546551397959561314;0.006186204763377668204571424582;0.026291370244355089652588119975;0.008660686668728734619038256426;0.023816888339004020636036074166;0.000000000000000000000000000000;0.014228270955768635569471669555;0.015774822146613052403774091204;0.011444478812248685961616700979;0.021033096195484071028181105589;0.014537581193937519630221544276;0.028147231673368387078193464390;0.007732755954222085038873846230
-0.021505376344086023221446879461;0.007765830346475507614534272705;0.060931899641577060011687905217;0.000000000000000000000000000000;0.007467144563918757388387703600;0.020908004778972519299706789297;0.003584229390681003581120567247;0.011648745519713262289163147045;0.045997610513739545234912498017;0.025089605734767025935205708720;0.011648745519713262289163147045;0.027180406212664275783508216477;0.016129032258064515681361683619;0.033751493428912780758732736786;0.006869772998805256936094565390;0.016129032258064515681361683619;0.044205495818399047347480035342;0.050179211469534051870411417440;0.003584229390681003581120567247;0.012544802867383512967602854360;0.011947431302270012515309716150;0.029868578255675029553550814398;0.013739545997610513872189130780;0.037634408602150538902808563080;0.033154121863799283775886550529;0.033154121863799283775886550529;0.023297491039426524578326294090;0.019414575866188769903697419750;0.002389486260454002242853421834;0.023596176821983273069749387219;0.014934289127837514776775407199;0.030167264038231781514420859480;0.006869772998805256936094565390;0.007467144563918757388387703600;0.013739545997610513872189130780;0.044802867383512544330326221598;0.010752688172043011610723439730;0.010752688172043011610723439730;0.010155316606929509423706825544;0.026284348864994026839791985140;0.005077658303464754711853412772;0.026284348864994026839791985140;0.000000000000000000000000000000;0.022700119474313024126033155881;0.003584229390681003581120567247;0.020310633213859018847413651088;0.027180406212664275783508216477;0.022700119474313024126033155881;0.024790919952210273974335663638;0.016129032258064515681361683619
-0.033832140533506832591470470106;0.009433962264150943036189467250;0.066688353936239425090448662559;0.000325309043591411864351087280;0.003578399479505530236811416955;0.020169160702667533746623718116;0.001951854261548471077686306430;0.017891997397527652918780560753;0.048796356538711775641115053759;0.026350032530904357597201226326;0.012687052700065062221801426290;0.011060507482108001761633708782;0.011385816525699414547556642674;0.036434612882238127939960037338;0.007156798959011060473622833911;0.017241379310344827346934692969;0.040988939492517889595646352063;0.039687703318152245390848520401;0.010409889394925179659234792950;0.012036434612882238384679034482;0.012361743656473649435878492397;0.039687703318152245390848520401;0.011060507482108001761633708782;0.036759921925829538991159495254;0.031229668184775537242980902874;0.035458685751463887847467759684;0.027976577748861419792092419812;0.006831489915419648555061638007;0.002277163305139882996247502334;0.014964216005204944784368059629;0.009759271307742355822112401142;0.022771633051398829095113285348;0.004879635653871177911056200571;0.011060507482108001761633708782;0.021795705920624592472067959648;0.044567338972023425036628196949;0.012687052700065062221801426290;0.013988288874430709896046209906;0.008132726089785295361944683634;0.022121014964216003523267417563;0.005530253741054000880816854391;0.026024723487312946546001768411;0.000000000000000000000000000000;0.031554977228366948294180360790;0.002927781392322706399689025147;0.019843851659076122695424260201;0.030579050097592711671135035090;0.024072869225764476769358068964;0.025374105400130124443602852580;0.015614834092387768621490451437
-0.022222222222222223070309254922;0.026234567901234566444923501649;0.064814814814814811216869827604;0.000308641975308641969017592332;0.026851851851851852442942814037;0.013580246913580246853614497127;0.004012345679012345976699460692;0.017283950617283948963942563637;0.053395061728395060152152495903;0.022839506172839505598881615356;0.010802469135802468536144971267;0.013580246913580246853614497127;0.011419753086419752799440807678;0.029320987654320986026679207725;0.018827160493827162224267368629;0.014814814814814815380206169948;0.057407407407407406996213694583;0.058024691358024689524786055017;0.007716049382716048954389265191;0.010493827160493827271858791050;0.009259259259259258745267118229;0.046604938271604938460068723316;0.012962962962962962590318660716;0.027469135802469134971515174470;0.019444444444444444752839729063;0.029012345679012344762393027509;0.016358024691358025171084022986;0.018518518518518517490534236458;0.002469135802469135752140738660;0.010493827160493827271858791050;0.009876543209876543008562954640;0.035493827160493825190190619878;0.010185185185185186007572610833;0.008333333333333333217685101602;0.016358024691358025171084022986;0.045987654320987655931496362882;0.014197530864197531116910333537;0.007098765432098765558455166769;0.008024691358024691953398921385;0.020987654320987654543717582101;0.007716049382716048954389265191;0.027777777777777776235801354687;0.000000000000000000000000000000;0.011419753086419752799440807678;0.005864197530864197899225231936;0.012654320987654321326032480499;0.024382716049382715389759468394;0.019135802469135803488553548846;0.024691358024691356654045648611;0.013271604938271605589328316910
-0.022840119165839126158523697541;0.017543859649122806043664013487;0.050645481628599803292090086870;0.000993048659384309804695756263;0.012247600132406487663527805410;0.027143330023171135384485452846;0.005296259516716319247497946066;0.023502151605428664438157682071;0.043363124793114861399434545319;0.014564713670969876846417179195;0.012578616352201258538068273651;0.031115524660708375470630215887;0.015557762330354187735315107943;0.022509102946044357018706705276;0.015888778550148956875132100208;0.014895729890764647720957647437;0.035749751737835157305855915411;0.054286660046342270768970905692;0.019860973187686196961276863249;0.013902681231380336832059718688;0.017543859649122806043664013487;0.037404832836809003004940876735;0.017212843429328036903847021222;0.026481297583581597104851468316;0.030784508440913606330813223622;0.019860973187686196961276863249;0.021516054286660046129808776527;0.025157232704402517076136547303;0.003972194637537239218783025052;0.038397881496193310424391853530;0.012578616352201258538068273651;0.024164184045018206187238618554;0.010261502813637867620455423889;0.006951340615690168416029859344;0.016550810989738498624213036692;0.037735849056603772144757869000;0.011585567692816947649170344903;0.014233697451175107706600186930;0.007613373055279708430387319851;0.028136378682555446273383381595;0.009268454154253558466280971118;0.023171135385633895298340689806;0.000000000000000000000000000000;0.014564713670969876846417179195;0.009268454154253558466280971118;0.013240648791790798552425734158;0.022178086726249587878889713011;0.012909632571996027677885265916;0.019860973187686196961276863249;0.012909632571996027677885265916
-0.019827310521266388460004392869;0.015989766549408378909502559395;0.053086024944035817285659106801;0.005436520626798848308813827401;0.030060761112887753043754202054;0.018867924528301886072378934500;0.005116725295810681424513166604;0.023025263831148064241904904748;0.054045410937000319673284565170;0.021746082507195393235255309605;0.013431403901503038630926845087;0.025903421810041574874228231806;0.013431403901503038630926845087;0.023345059162136232860929041522;0.020786696514230890847629851237;0.013751199232491205515227505884;0.049568276303165972884734458148;0.055324592260952987210487208358;0.015030380556443876521877101027;0.007675087943716021703088880912;0.013751199232491205515227505884;0.037735849056603772144757869000;0.018548129197313720922801749680;0.024944035817077069017155821484;0.022705468500159899092327719927;0.026543012472017908642829553401;0.026862807803006077261853690175;0.027182603133994242411430874995;0.001598976654940837890950255940;0.020466901183242725698052666417;0.016629357211384712678103880990;0.021426287176207228085678124785;0.011512631915574032120952452374;0.003197953309881675781900511879;0.018228333866325552303777612906;0.035817077070674767369506952264;0.011512631915574032120952452374;0.007994883274704189454751279698;0.007994883274704189454751279698;0.027822193795970579649479148543;0.006715701950751519315463422544;0.030380556443875918193331386874;0.000000000000000000000000000000;0.010873041253597696617627654803;0.012472017908538534508577910742;0.011192836584585865236651791577;0.015989766549408378909502559395;0.010233450591621362849026333208;0.022065877838183561854279446379;0.012152222577550367624277249945
-0.024492234169653525482912570510;0.019115890083632017942827374668;0.063918757467144565742600548219;0.000298685782556750280356677729;0.008363201911589008066827410914;0.020908004778972519299706789297;0.004480286738351254259560274562;0.021206690561529271260576834379;0.048088410991636798552661957729;0.020609318996415770808283696169;0.012843488649940263193749423465;0.012246117084826762741456285255;0.014336917562724014324482268989;0.029271206690561529101257676189;0.009557945041816008971413687334;0.017025089605734768094524866910;0.040322580645161289203404209047;0.053464755077658306092747153571;0.010454002389486259649853394649;0.009557945041816008971413687334;0.011350059737156512063016577940;0.038530465949820791315971746371;0.022102747909199523673740017671;0.028972520908004780609834583061;0.020908004778972519299706789297;0.020908004778972519299706789297;0.029271206690561529101257676189;0.031660692951015534379877180982;0.003285543608124253354973998142;0.022102747909199523673740017671;0.012843488649940263193749423465;0.028076463560334528196671399769;0.007168458781362007162241134495;0.006571087216248506709947996285;0.023297491039426524578326294090;0.039127837514934288298817932628;0.012843488649940263193749423465;0.010454002389486259649853394649;0.007467144563918757388387703600;0.028673835125448028648964537979;0.005376344086021505805361719865;0.034050179211469536189049733821;0.000000000000000000000000000000;0.014635603345280764550628838094;0.006869772998805256936094565390;0.014635603345280764550628838094;0.023894862604540025030619432300;0.016726403823178016133654821829;0.025686977299880526387498846930;0.011947431302270012515309716150
-0.032098765432098767813595685539;0.008950617283950617480980938012;0.056790123456790124467641334149;0.000308641975308641969017592332;0.003703703703703703845051542487;0.025000000000000001387778780781;0.003395061728395061713403624282;0.016358024691358025171084022986;0.037345679012345679714801605087;0.027777777777777776235801354687;0.016049382716049383906797842769;0.012037037037037037062736644089;0.013888888888888888117900677344;0.034876543209876542661618259444;0.006481481481481481295159330358;0.020370370370370372015145221667;0.037962962962962962243373965521;0.050925925925925923098969150260;0.007098765432098765558455166769;0.012037037037037037062736644089;0.014197530864197531116910333537;0.034567901234567897927885127274;0.018209876543209876226248056241;0.039506172839506172034251818559;0.027160493827160493707228994253;0.036728395061728397186229244653;0.026543209876543211178656633820;0.006172839506172839163511412153;0.004320987654320987240985640909;0.012962962962962962590318660716;0.018827160493827162224267368629;0.026543209876543211178656633820;0.005246913580246913635929395525;0.008950617283950617480980938012;0.028703703703703703498106847292;0.037962962962962962243373965521;0.008950617283950617480980938012;0.015432098765432097908778530382;0.006790123456790123426807248563;0.030246913580246913288984700330;0.003703703703703703845051542487;0.019444444444444444752839729063;0.000000000000000000000000000000;0.021296296296296295808003762318;0.003395061728395061713403624282;0.013580246913580246853614497127;0.033333333333333332870740406406;0.027777777777777776235801354687;0.029938271604938272024698520113;0.016049382716049383906797842769
-0.019210977701543740375766944339;0.029502572898799313966256008257;0.043224699828473413243390410798;0.007547169811320754775896268995;0.039108061749571182419416004450;0.019897084048027445513096012064;0.005145797598627787662606269947;0.017495711835334475797720799051;0.069639794168096055826389090271;0.012006861063464836433811733230;0.010634648370497427893877073757;0.021269296740994855787754147514;0.012349914236706689002476267092;0.019554030874785591209708002225;0.022984562607204116896353340849;0.012349914236706689002476267092;0.051114922813036020587951213656;0.059005145797598627932512016514;0.019210977701543740375766944339;0.008919382504288165050554404445;0.009948542024013722756548006032;0.042538593481989711575508295027;0.012692967409948541571140800954;0.019210977701543740375766944339;0.020240137221269296347037069950;0.016466552315608919826450673440;0.021955403087478557455636263285;0.035677530017152660202217617780;0.001372212692967409840977266455;0.029502572898799313966256008257;0.009262435677530017619218938307;0.024013722126929672867623466459;0.010291595197255575325212539894;0.002401372212692967546970868042;0.015094339622641509551792537991;0.034648370497427104230947492169;0.008919382504288165050554404445;0.008576329331046312481889870583;0.014065180102915951845798936404;0.020926243567753001484366137674;0.008576329331046312481889870583;0.033619210977701541320783462652;0.000000000000000000000000000000;0.013379073756432246708469868679;0.015780445969125214689121605716;0.009948542024013722756548006032;0.018181818181818180935049866775;0.013036020583190394139805334817;0.018867924528301886072378934500;0.010634648370497427893877073757
-0.018735362997658079609042403035;0.026932084309133488136955847381;0.057084309133489462284583026985;0.001756440281030444963347725285;0.014051522248243559706781802277;0.021077283372365338692810965426;0.003512880562060889926695450569;0.020199063231850118704802099501;0.062060889929742388271272091060;0.014637002341920375345085680863;0.009367681498829039804521201518;0.019613583138173303066498220915;0.012880562060889930164897521081;0.021955503512880562150266783306;0.009367681498829039804521201518;0.008196721311475410262636920322;0.051814988290398128478742023617;0.063524590163934427367031787526;0.011416861826697892803861300592;0.013173302107728337984049460374;0.009953161592505855442825080104;0.052400468384074944117045902203;0.021077283372365338692810965426;0.024882903981264636872339224283;0.019906323185011710885650160208;0.017857142857142856151586585156;0.016978922716627636163577719230;0.013173302107728337984049460374;0.004976580796252927721412540052;0.030444964871194378497332166944;0.011416861826697892803861300592;0.025468384074941452510643102869;0.006147540983606557263296821247;0.006147540983606557263296821247;0.020491803278688523054507086840;0.039519906323185013952148381122;0.012587822014051522345745581788;0.008489461358313818081788859615;0.007318501170960187672542840431;0.039519906323185013952148381122;0.005269320843091334673202741357;0.045667447306791571215445202370;0.000000000000000000000000000000;0.013173302107728337984049460374;0.006440281030444965082448760541;0.012880562060889930164897521081;0.017564402810304448332434645863;0.012587822014051522345745581788;0.028103044496487119413563604553;0.008196721311475410262636920322
-0.026675341574495772117847636196;0.017891997397527652918780560753;0.057579700715679894840182129201;0.000975927130774235538843153215;0.025048796356538713392403394664;0.026350032530904357597201226326;0.001626545217957059159125110526;0.017566688353936238398134150884;0.046844502277163302395024402358;0.027651268705270005271446009942;0.013012361743656473273000884205;0.021795705920624592472067959648;0.009433962264150943036189467250;0.022446324007807418043913827432;0.008458035133376708147867617527;0.017241379310344827346934692969;0.040988939492517889595646352063;0.043916720884840595995335377211;0.015289525048796355835567517545;0.009433962264150943036189467250;0.013012361743656473273000884205;0.045217957059206247139027112780;0.010735198438516590710434250866;0.027325959661678594220246552027;0.026024723487312946546001768411;0.025048796356538713392403394664;0.030253741054001300619935577174;0.009433962264150943036189467250;0.002602472348731294914808698238;0.050097592713077426784806789328;0.013012361743656473273000884205;0.022771633051398829095113285348;0.004879635653871177911056200571;0.006831489915419648555061638007;0.016590761223162005244535777138;0.035783994795055305837561121507;0.010735198438516590710434250866;0.007807417046193884310745225719;0.014964216005204944784368059629;0.022121014964216003523267417563;0.005855562784645412799378050295;0.026675341574495772117847636196;0.000000000000000000000000000000;0.016916070266753416295735235053;0.007156798959011060473622833911;0.019843851659076122695424260201;0.026675341574495772117847636196;0.013988288874430709896046209906;0.026024723487312946546001768411;0.011385816525699414547556642674
-0.020061728395061727281412089496;0.021604938271604937072289942535;0.056481481481481479733908201979;0.000308641975308641969017592332;0.005555555555555555767577313730;0.016358024691358025171084022986;0.004320987654320987240985640909;0.018827160493827162224267368629;0.058024691358024689524786055017;0.025925925925925925180637321432;0.009567901234567901744276774423;0.012654320987654321326032480499;0.014506172839506172381196513754;0.024382716049382715389759468394;0.013580246913580246853614497127;0.016358024691358025171084022986;0.046913580246913583193801855487;0.058950617283950616787091547621;0.007716049382716048954389265191;0.010802469135802468536144971267;0.011111111111111111535154627461;0.045679012345679011197763230712;0.018518518518518517490534236458;0.030555555555555554553270880547;0.023456790123456791596900927743;0.021913580246913581806023074705;0.016666666666666666435370203203;0.013888888888888888117900677344;0.003395061728395061713403624282;0.015740740740740739173064710599;0.014814814814814815380206169948;0.024074074074074074125473288177;0.008950617283950617480980938012;0.006172839506172839163511412153;0.021913580246913581806023074705;0.041975308641975309087435164201;0.011111111111111111535154627461;0.014197530864197531116910333537;0.011419753086419752799440807678;0.027469135802469134971515174470;0.008333333333333333217685101602;0.055555555555555552471602709375;0.000000000000000000000000000000;0.017901234567901234961961876024;0.005864197530864197899225231936;0.016049382716049383906797842769;0.020370370370370372015145221667;0.013580246913580246853614497127;0.024382716049382715389759468394;0.012037037037037037062736644089
-0.025078369905956111873823743963;0.044200626959247646396988784545;0.055799373040752352215232434673;0.002194357366771159962431925194;0.007210031347962382423932847786;0.020689655172413792816321631562;0.004075235109717868439704879790;0.024451410658307210638229278743;0.037304075235109715458214907358;0.017241379310344827346934692969;0.016300940438871473758819519162;0.015673981191222569053778101988;0.014733542319749215465662928182;0.019749216300940439228206457756;0.021630094043887146404436805369;0.008463949843260187497206992191;0.048902821316614421276458557486;0.068338557993730411621591258609;0.014420062695924764847865695572;0.007836990595611284526889050994;0.012852664576802508289432580568;0.050156739811912223747647487926;0.015987460815047021406298810575;0.022257053291536051109478222543;0.020689655172413792816321631562;0.026018808777429465461938917770;0.026332288401253917814459626356;0.027586206896551723755095508750;0.004075235109717868439704879790;0.021630094043887146404436805369;0.009717868338557993437842874584;0.017554858934169279699455401555;0.012539184952978055936911871981;0.006896551724137930938773877187;0.013793103448275861877547754375;0.037617554858934171280182567898;0.012539184952978055936911871981;0.008150470219435736879409759581;0.008777429467084639849727700778;0.039184952978056429573339158878;0.007523510971786833909091818384;0.026645768025078370166980334943;0.000000000000000000000000000000;0.006896551724137930938773877187;0.006896551724137930938773877187;0.011285266457680249996275989588;0.020376175548589340463800922976;0.014733542319749215465662928182;0.028213166144200628460136925924;0.008777429467084639849727700778
-0.020754716981132074332672132755;0.028930817610062893596722943812;0.049685534591194971398842028520;0.010062893081761005789620533335;0.038679245283018866274904468128;0.025157232704402517076136547303;0.005031446540880502894810266667;0.019811320754716980202525533628;0.061006289308176100960601218048;0.015723270440251572305223604076;0.011949685534591195784637207566;0.016352201257861635058654670161;0.010062893081761005789620533335;0.020754716981132074332672132755;0.023270440251572325346396397094;0.014465408805031446798361471906;0.043081761006289305548921930722;0.053144654088050316542712891987;0.017295597484276729188801269288;0.008490566037735848906042868123;0.014779874213836478175077004948;0.033333333333333332870740406406;0.007232704402515723399180735953;0.026100628930817611206283146430;0.016981132075471697812085736246;0.023584905660377360192558882090;0.021069182389937105709387665797;0.026100628930817611206283146430;0.003459119496855346011232601455;0.033333333333333332870740406406;0.013522012578616352668214872779;0.029245283018867924973438476854;0.008805031446540880282758401165;0.003773584905660377387948134498;0.013836477987421384044930405821;0.038050314465408803521473402043;0.009748427672955974412905000293;0.011635220125786162673198198547;0.008176100628930817529327335080;0.019496855345911948825810000585;0.006918238993710692022465202911;0.033647798742138364247455939449;0.000000000000000000000000000000;0.012264150943396227161352740609;0.017295597484276729188801269288;0.014150943396226415421645938864;0.020754716981132074332672132755;0.010377358490566037166336066377;0.017924528301886791942232335373;0.010691823899371068543051599420
-0.022295081967213116469483935589;0.020983606557377049162127491400;0.049836065573770495229499744028;0.005245901639344262290531872850;0.023606557377049180307393427825;0.031147540983606558651075602029;0.006557377049180327863164841062;0.025573770491803277798981142155;0.045901639344262293307430411460;0.016721311475409835617389475715;0.018032786885245902924745919904;0.021311475409836064254243126470;0.012131147540983606980535824960;0.022950819672131146653715205730;0.019344262295081966762655412140;0.011803278688524590153696713912;0.036393442622950820941607474879;0.046229508196721308399546046530;0.021967213114754097907921348565;0.009508196721311475835269888535;0.015409836065573770044756507502;0.032131147540983603927422507240;0.012131147540983606980535824960;0.021639344262295082815805713494;0.025573770491803277798981142155;0.027213114754098360198453221415;0.030163934426229509905281744864;0.029836065573770491343719157840;0.000327868852459016393158242053;0.041639344262295083232139347729;0.014098360655737704472123539290;0.021967213114754097907921348565;0.012459016393442623807374936007;0.006557377049180327863164841062;0.016721311475409835617389475715;0.037049180327868851125838745020;0.013442622950819672553168793172;0.005901639344262295076848356956;0.008196721311475410262636920322;0.024918032786885247614749872014;0.008852459016393442181591666440;0.021967213114754097907921348565;0.000000000000000000000000000000;0.012786885245901638899490571077;0.015081967213114754952640872432;0.012131147540983606980535824960;0.022295081967213116469483935589;0.012786885245901638899490571077;0.018360655737704918016861554975;0.010819672131147541407902856747
-0.021290322580645160838175300455;0.017096774193548387732466409261;0.060645161290322581459921735814;0.001935483870967741933805106314;0.018064516129032259783571134903;0.020645161290322580627254467345;0.005161290322580645156813616836;0.015483870967741935470440850509;0.059677419354838709408817010171;0.021290322580645160838175300455;0.012903225806451612892034042090;0.017419354838709676103203349840;0.019354838709677420205412801124;0.025483870967741933943884191649;0.012580645161290322786573625535;0.014193548387096775048599184288;0.050322580645161291146294502141;0.050645161290322579517031442720;0.016774193548387095892282516729;0.009032258064516129891785567452;0.014193548387096775048599184288;0.038709677419354840410825602248;0.014838709677419355259520017398;0.025483870967741933943884191649;0.025806451612903225784068084181;0.023548387096774193311121692318;0.023870967741935485151305584850;0.026774193548387097835172809823;0.004193548387096773973070629182;0.027419354838709678046093642934;0.009354838709677419997245984007;0.023225806451612904940384751740;0.012903225806451612892034042090;0.006129032258064516340556604490;0.020000000000000000416333634234;0.035483870967741935886774484743;0.008709677419354838051601674920;0.011612903225806452470192375870;0.012903225806451612892034042090;0.028064516129032258257014476044;0.004838709677419355051353200281;0.026451612903225805994988917291;0.000000000000000000000000000000;0.019354838709677420205412801124;0.010000000000000000208166817117;0.013548387096774193102954875201;0.016774193548387095892282516729;0.013225806451612902997494458646;0.023225806451612904940384751740;0.009354838709677419997245984007
-0.029075162387875039260443088551;0.008351376430559852293011857682;0.052582740488710179305176239950;0.000618620476337766820457142458;0.006186204763377668204571424582;0.021961026909990719740983777797;0.004021033096195484116130991481;0.010825858335910917840116951538;0.046396535725332511967966553357;0.025672749768017321531088370534;0.015774822146613052403774091204;0.014537581193937519630221544276;0.017939993813795237359576262293;0.039282400247448188979060290649;0.010516548097742035514090552795;0.019486545004639654193878683941;0.041447571914630373934862461738;0.041447571914630373934862461738;0.011135168574079801900866826259;0.013609650479430869182695396091;0.011135168574079801900866826259;0.036807918342097123431955196793;0.016084132384781936464523965924;0.036189297865759355310455447352;0.027837921435199506486890541623;0.025672749768017321531088370534;0.025982060006186205591838245255;0.007423445716053200978123971510;0.003711722858026600489061985755;0.020105165480977418845931481428;0.013918960717599753243445270812;0.026909990720692854304640917462;0.007423445716053200978123971510;0.006804825239715434591347698046;0.019486545004639654193878683941;0.046396535725332511967966553357;0.009897927621404269127314279331;0.012063099288586452348392974443;0.010516548097742035514090552795;0.029693782864212803912495886038;0.002783792143519950475216706565;0.025982060006186205591838245255;0.000000000000000000000000000000;0.026909990720692854304640917462;0.004948963810702134563657139665;0.017321373337457469238076512852;0.039901020723785957100560040089;0.020105165480977418845931481428;0.025054129291679553409588621093;0.012063099288586452348392974443
-0.024790919952210273974335663638;0.017323775388291516585947960039;0.063620071684587817251177455091;0.004181600955794504033413705457;0.008661887694145758292973980019;0.017323775388291516585947960039;0.003285543608124253354973998142;0.020908004778972519299706789297;0.040023894862604540711981115919;0.022102747909199523673740017671;0.011350059737156512063016577940;0.016726403823178016133654821829;0.013142174432497013419895992570;0.033452807646356032267309643657;0.012843488649940263193749423465;0.015830346475507767189938590491;0.049880525686977296440094420404;0.050776583034647548853257603696;0.013440860215053763646042561675;0.010155316606929509423706825544;0.011947431302270012515309716150;0.036738351254480286489645379788;0.012843488649940263193749423465;0.034050179211469536189049733821;0.027479091995221027744378261559;0.028673835125448028648964537979;0.022998805256869772617456249009;0.027180406212664275783508216477;0.001194743130227001121426710917;0.020609318996415770808283696169;0.014336917562724014324482268989;0.020011947431302270355990557960;0.011947431302270012515309716150;0.003882915173237753807267136352;0.025388291517323774426628801848;0.036140979689366789506799193532;0.009557945041816008971413687334;0.009856630824372759197560256439;0.006272401433691756483801427180;0.026284348864994026839791985140;0.008363201911589008066827410914;0.022401433691756272165163110799;0.000000000000000000000000000000;0.016129032258064515681361683619;0.009856630824372759197560256439;0.018518518518518517490534236458;0.028972520908004780609834583061;0.018817204301075269451404281540;0.025686977299880526387498846930;0.014038231780167264098335699885
-0.025000000000000001387778780781;0.013988095238095238706521605820;0.064880952380952386371326667813;0.007142857142857142634106981660;0.016071428571428569842538536250;0.021130952380952382207990325469;0.002976190476190476025264430859;0.016369047619047619873677845703;0.040773809523809524668624959531;0.022619047619047618485899064922;0.012202380952380952397473556914;0.014285714285714285268213963320;0.012500000000000000693889390391;0.037499999999999998612221219219;0.014285714285714285268213963320;0.014880952380952380126322154297;0.050000000000000002775557561563;0.049702380952380949274971300156;0.016964285714285712997062560703;0.010416666666666666088425508008;0.008928571428571428075793292578;0.046130952380952383595769106250;0.012797619047619047255581747891;0.030654761904761903407168333047;0.027083333333333334258519187188;0.026190476190476191103995162734;0.028273809523809523974735569141;0.011011904761904762681257174961;0.002380952380952381167156239883;0.025892857142857144542302805235;0.019642857142857142460634634062;0.028869047619047620567567236094;0.008035714285714284921269268125;0.005357142857142857192420670742;0.017857142857142856151586585156;0.043749999999999997224442438437;0.008630952380952381514100935078;0.007142857142857142634106981660;0.007142857142857142634106981660;0.024107142857142858233254756328;0.005952380952380952050528861719;0.021428571428571428769682682969;0.000000000000000000000000000000;0.016071428571428569842538536250;0.012797619047619047255581747891;0.013988095238095238706521605820;0.021726190476190475331375040469;0.020238095238095239053466301016;0.019642857142857142460634634062;0.014583333333333333564629796797
-0.017342739564961788534258602112;0.019988242210464433890049207321;0.047912992357436803847470230266;0.007936507936507936067371815625;0.023221634332745443723977629702;0.019988242210464433890049207321;0.002939447383891828462221251783;0.018224573780129336986188803849;0.079952968841857735560196829283;0.019400352733686065942464438194;0.009994121105232216945024603660;0.014403292181069959204675612341;0.013815402704291592991814319191;0.019694297472075249916256822758;0.014991181657848323682813429514;0.011463844797178129875092622569;0.048206937095825984351815662876;0.060258671369782482174493054572;0.016166960611405056108536015813;0.011169900058788947636023713983;0.009700176366843032971232219097;0.059082892416225746279323516319;0.020282186948853614394394639930;0.015579071134626689895674722663;0.023221634332745443723977629702;0.016460905349794240082328400376;0.017930629041740153012396419285;0.014109347442680775230883227778;0.003527336860670193807720806944;0.025867136978248089079768234910;0.008524397413286302280233108775;0.023221634332745443723977629702;0.009700176366843032971232219097;0.007936507936507936067371815625;0.016166960611405056108536015813;0.029982363315696647365626859028;0.009406231628453850732163310511;0.009112286890064668493094401924;0.024691358024691356654045648611;0.040270429159318048284443847251;0.007348618459729570721872260464;0.046149323927101706943609826794;0.000000000000000000000000000000;0.008230452674897120041164200188;0.013227513227513226778953026042;0.012639623750734862300815208869;0.014403292181069959204675612341;0.009994121105232216945024603660;0.016754850088183420586673832986;0.009406231628453850732163310511
-0.022759601706970129103568822870;0.017780938833570413687423794613;0.053105737316263633418511602713;0.011142721669037458642748106286;0.028686581318160264686412119772;0.022759601706970129103568822870;0.004267425320056899423759588785;0.023470839260312945095954262342;0.049312470365101945812824624227;0.025130393551446184724484922413;0.014935988620199146248435084772;0.015410146989094358066507695071;0.010431484115694642650362666814;0.027738264580369844519713851128;0.018018018018018017861736623786;0.015410146989094358066507695071;0.037932669511616882995763688768;0.051683262209578001433740723769;0.018729255571360833854122063258;0.007823613086770981120410262122;0.011379800853485064551784411435;0.039829302987197723329160226058;0.010905642484589852733711801136;0.027975343764817448694026680300;0.025130393551446184724484922413;0.025604551920341393073110580758;0.025604551920341393073110580758;0.025604551920341393073110580758;0.002844950213371266137946102859;0.025604551920341393073110580758;0.008771929824561403021832006743;0.021574205784732101293110773099;0.008060692271218587029446567271;0.005215742057847321325181333407;0.018018018018018017861736623786;0.036747273589378855185305638997;0.010668563300142246824675495986;0.007823613086770981120410262122;0.014935988620199146248435084772;0.018492176386913229679809234085;0.004978662873399715416145028257;0.031294452347083924481641048487;0.000000000000000000000000000000;0.015173067804646752157471389921;0.012328117591275486453206156057;0.014224751066856330256049645300;0.022048364153627313111183383398;0.014935988620199146248435084772;0.026552868658131816709255801356;0.011142721669037458642748106286
-0.038744588744588741302532497457;0.011038961038961039168304623104;0.059307359307359308608909032046;0.001948051948051948050258386225;0.004329004329004329000574191610;0.019047619047619049337249919063;0.004545454545454545233762466694;0.026190476190476191103995162734;0.024458874458874457769042010113;0.028571428571428570536427926640;0.017316017316017316002296766442;0.009956709956709957135001509698;0.015584415584415584402067089798;0.054112554112554112073496526136;0.011688311688311688735231186342;0.022294372294372293702435783302;0.029437229437229438938627978928;0.034415584415584413169320043835;0.022077922077922078336609246207;0.011255411255411256268854636176;0.015151515151515151935690539631;0.016450216450216451069543666108;0.011904761904761904101057723437;0.036580086580086580705373222600;0.034199134199134201272940458693;0.041558441558441558405512239460;0.029870129870129869670281053118;0.008874458874458875101698396293;0.001298701298701298700172257483;0.008874458874458875101698396293;0.011688311688311688735231186342;0.020129870129870129635829556491;0.009956709956709957135001509698;0.008874458874458875101698396293;0.021861471861471862970782709112;0.046320346320346317270377767272;0.013636363636363635701287400082;0.008658008658008658001148383221;0.001515151515151515150200967064;0.019913419913419914270003019396;0.004978354978354978567500754849;0.014069264069264069902387426225;0.000000000000000000000000000000;0.026190476190476191103995162734;0.008874458874458875101698396293;0.017748917748917750203396792585;0.036363636363636361870099733551;0.025757575757575756902895136591;0.030952380952380953438307642500;0.021428571428571428769682682969
-0.026092774308652987719225890828;0.018064228367528991497925616727;0.038135593220338985520623253933;0.002453166815343443482588803306;0.005575379125780552738711470795;0.026092774308652987719225890828;0.007805530776092774007668406711;0.027876895628902765428280829951;0.034567350579839430102513375687;0.015611061552185548015336813421;0.024085637823371988663900822303;0.012934879571810883186477880713;0.022970561998215878463103223339;0.021409455842997322100318413618;0.017395182872435323989668276567;0.013157894736842104532748010115;0.028322925958965208120821088755;0.051739518287243532745911522852;0.030107047279214985829876027879;0.010258697591436218357618948005;0.023416592328278324625090434097;0.021632471008028546916035494974;0.027207850133809097920023489792;0.018287243532560212844195746129;0.031668153434433542192660837600;0.019402319357716323044993345093;0.033229259589652095085998695367;0.020740410347903658061508025412;0.002676181980374665262539801702;0.027207850133809097920023489792;0.014049955396966993387275479677;0.015165031222123103588073078640;0.023639607493309545971360563499;0.005798394290811774952343338185;0.028991971454058875629078428915;0.036128456735057982995851233454;0.014719000892060660895532819836;0.005575379125780552738711470795;0.004683318465655664751545739222;0.027430865298840322735740571147;0.008920606601248885075827743663;0.029661016949152543137335769075;0.000000000000000000000000000000;0.016057091882247992442600548202;0.016726137377341659950857888361;0.018064228367528991497925616727;0.013826940231935772041005350275;0.013157894736842104532748010115;0.038581623550401428213163512737;0.008697591436217661994834138284
-0.033191085822664771753931489684;0.008297771455666192938482872421;0.049549549549549549987137453400;0.000000000000000000000000000000;0.009246088193456614839904617043;0.036747273589378855185305638997;0.004267425320056899423759588785;0.021811284969179705467423602272;0.029397818871503080678797559244;0.022285443338074917285496212571;0.017780938833570413687423794613;0.036510194404931244072098905917;0.017069701280227597695038355141;0.034613560929350403738702368628;0.006164058795637743226603078028;0.017543859649122806043664013487;0.026315789473684209065496020230;0.035561877667140827374847589226;0.023233760075865337452194481216;0.011616880037932668726097240608;0.015647226173541962240820524244;0.023470839260312945095954262342;0.016595542911332385876965744842;0.027027027027027028527328411656;0.038643907064959695518702176287;0.030109056424845900140629950670;0.032479848269321952292099098258;0.014935988620199146248435084772;0.000948316737790422009841961870;0.036510194404931244072098905917;0.018255097202465622036049452959;0.020151730678046465838892942202;0.015173067804646752157471389921;0.004030346135609293514723283636;0.020388809862494073482652723328;0.033428165007112375928244318857;0.012328117591275486453206156057;0.007823613086770981120410262122;0.006875296348980559218988517500;0.022759601706970129103568822870;0.004741583688952110374470461096;0.016832622095779990051278574015;0.000000000000000000000000000000;0.013039355144618302445591595529;0.005689900426742532275892205718;0.017780938833570413687423794613;0.029871977240398292496870169543;0.020151730678046465838892942202;0.037695590327169271882556955688;0.015410146989094358066507695071
-0.035087719298245612087328026973;0.010618651892890119264878379113;0.066712834718374885989433664690;0.002077562326869806207108037910;0.025161588180978761847272906493;0.023776546629732223797626389228;0.005078485687903970535739262004;0.026315789473684209065496020230;0.036703601108033244437844899721;0.026315789473684209065496020230;0.017774699907663896875087417015;0.014542936288088642582394527381;0.017543859649122806043664013487;0.035318559556786706388198382456;0.008771929824561403021832006743;0.016851338873499537018840754854;0.025623268698060943510119713551;0.045013850415512465796830099407;0.015927977839335180632041044646;0.010849492151431210096301782642;0.016851338873499537018840754854;0.027931671283471837946565941024;0.013157894736842104532748010115;0.033933518005540168338551865190;0.034395198522622343062504768341;0.035087719298245612087328026973;0.025854108956602030872096165126;0.017313019390581718681687561912;0.002308402585410895737488834456;0.013157894736842104532748010115;0.010618651892890119264878379113;0.018698060941828253261887127223;0.009233610341643582949955337824;0.006463527239150507718024041282;0.022160664819944598386003420387;0.034626038781163437363375123823;0.015235457063711911607217786013;0.006694367497691597682085706822;0.005771006463527239560562520637;0.029085872576177285164789054761;0.007617728531855955803608893007;0.019390581717451522286710385856;0.000000000000000000000000000000;0.020083102493074791311533644489;0.005540166204986149596500855097;0.015927977839335180632041044646;0.026084949215143121703519568655;0.017313019390581718681687561912;0.029316712834718375996212458290;0.014081255771006464388994672277
-0.041742286751361164232054790091;0.007940108892921959871102899342;0.064655172413793107755175526563;0.000000000000000000000000000000;0.000000000000000000000000000000;0.023139745916515425810944250884;0.001588021778584392060956753667;0.018375680580762249194393120888;0.031760435571687839484411597368;0.029038112522686024274953808799;0.016333938294010887787299779461;0.019963702359346642556392481538;0.016787658802177859301840712192;0.050136116152450088678804718256;0.003402903811252268578141366717;0.023366606170598911568214717249;0.028811252268602541987130294387;0.038793103448275863265326535156;0.011343012704174228882925135053;0.017241379310344827346934692969;0.013384754990925590290018476480;0.022686025408348457765850270107;0.012477313974591650730383562973;0.038339382940108891750785602426;0.039246823956442827840973563980;0.042196007259528128807701818914;0.030626134301270417636953169449;0.002041742286751360973412472433;0.000680580762250453693944229894;0.009754990925589837255649250380;0.019736842105263156799122015173;0.022232304900181489720756289330;0.006352087114337568243827014669;0.007259528130671506068738452200;0.024954627949183301460767125945;0.044010889292196007926971645929;0.014745916515426497894747370765;0.006578947368421052266374005058;0.005217785843920145529006848761;0.020190562613430128313662947903;0.003176043557168784121913507335;0.016107078039927405499476265049;0.000000000000000000000000000000;0.021778584392014518206215356599;0.002949183303085299665685647952;0.016787658802177859301840712192;0.033575317604355718603681424383;0.028130671506352088184765847245;0.032667876588021775574599558922;0.017695099818511795392028673746
-0.028937259923175414483287326561;0.015620998719590268102863639399;0.047631241997439177637829743617;0.000000000000000000000000000000;0.004865556978233034554626179613;0.025864276568501921166332024882;0.007682458386683738496558682129;0.020742637644046095501959570129;0.055313700384122921338558853677;0.020486555697823302657489819012;0.012548015364916773051184861743;0.027656850192061460669279426838;0.021254801536491677721452120409;0.024071702944942381663384622925;0.006402048655569782080465568441;0.011523687580025608612199761183;0.036363636363636361870099733551;0.054033290653008964055104002000;0.013316261203585146380423687162;0.011267605633802817502453486043;0.013572343149807939224893438279;0.025864276568501921166332024882;0.023815620998719588818914871808;0.021766965428937259940944670689;0.028425096030729832263794776281;0.018181818181818180935049866775;0.028169014084507042888771977118;0.007682458386683738496558682129;0.003585147247119078138533065925;0.023559539052496799443892072645;0.015364916773367476993117364259;0.019974391805377720437997268732;0.013828425096030730334639713419;0.007938540332906529606304957269;0.030729833546734953986234728518;0.033546734955185661397614182988;0.013316261203585146380423687162;0.008706786171574904670267258666;0.007682458386683738496558682129;0.034314980793854032992129532431;0.005121638924455825664372454753;0.044558258642765684320874441937;0.000000000000000000000000000000;0.012804097311139564160931136882;0.004097311139564660358025616205;0.020486555697823302657489819012;0.022023047375160052785414421805;0.017925736235595391560027067612;0.038668373879641483592539685787;0.008706786171574904670267258666
-0.023405349794238684141278739048;0.030349794238683128200229077720;0.048611111111111111882099322656;0.005658436213991769811459953132;0.011059670781893004079532438766;0.022119341563786008159064877532;0.005401234567901234268072485634;0.029320987654320986026679207725;0.041923868312757205101259927460;0.018261316872427983681870244936;0.015432098765432097908778530382;0.014917695473251028556727071361;0.012860082304526749413797759303;0.028806584362139918409351224682;0.023919753086419751758606722092;0.014660493827160493013339603863;0.029063786008230452218015216204;0.055298353909465018662938717853;0.018775720164609054768645179934;0.011316872427983539622919906265;0.014403292181069959204675612341;0.022633744855967079245839812529;0.016718106995884773890992391898;0.027263374485596708618473371644;0.032150205761316871799770922280;0.025977366255144032636259510127;0.028292181069958847322576289685;0.037037037037037034981068472916;0.002057613168724280010291050047;0.020318930041152264559523032972;0.011059670781893004079532438766;0.024691358024691356654045648611;0.010030864197530863640706044748;0.005401234567901234268072485634;0.018261316872427983681870244936;0.034465020576131689955534653791;0.011831275720164608974971365285;0.008744855967078189393215659209;0.002572016460905349796023378062;0.018004115226337449873206253415;0.005915637860082304487485682643;0.036522633744855967363740489873;0.000000000000000000000000000000;0.016975308641975307699656383420;0.013888888888888888117900677344;0.016203703703703702804217456901;0.022890946502057613054503804051;0.015946502057613168995553465379;0.026748971193415637531698436646;0.011831275720164608974971365285
-0.032275132275132276116202945104;0.015873015873015872134743631250;0.048148148148148148250946576354;0.003439153439153439222736308167;0.006084656084656085012207782370;0.024867724867724868426099860130;0.006349206349206349200842147695;0.024867724867724868426099860130;0.051058201058201059530095022865;0.017460317460317460735996775156;0.015343915343915343757474900599;0.018518518518518517490534236458;0.022486772486772485524220144271;0.033068783068783066947382565104;0.011640211640211639912423358112;0.017989417989417989113265505807;0.026719576719576719481263893385;0.051587301587301584437916801562;0.015343915343915343757474900599;0.011375661375661375723788992786;0.015343915343915343757474900599;0.029100529100529098913696657291;0.021428571428571428769682682969;0.026719576719576719481263893385;0.035714285714285712303173170312;0.024867724867724868426099860130;0.023809523809523808202115446875;0.007936507936507936067371815625;0.002645502645502645355790605208;0.019047619047619049337249919063;0.016666666666666666435370203203;0.015873015873015872134743631250;0.013492063492063492702310867344;0.005820105820105819956211679056;0.027777777777777776235801354687;0.035449735449735446379815329010;0.017195767195767194812638933854;0.008730158730158730367998387578;0.008730158730158730367998387578;0.028306878306878308082517037292;0.006349206349206349200842147695;0.023015873015873017370935826875;0.000000000000000000000000000000;0.017989417989417989113265505807;0.008201058201058200256006180950;0.014285714285714285268213963320;0.024074074074074074125473288177;0.019312169312169311791160808411;0.034920634920634921471993550313;0.012698412698412698401684295391
-0.028191985088536812564807831905;0.020503261882572228896881583182;0.038909599254426843750742648353;0.000931966449207828487658056282;0.037045666356011183739660452829;0.025629077353215283519016765013;0.004659832246039142221449846915;0.022134203168685927937131552312;0.041705498602050326828472037732;0.016542404473438954842778869647;0.014678471575023298301143626077;0.033783783783783785659160514570;0.020969245107176140430205180110;0.022600186393289842939902101193;0.012115563839701770990076035162;0.014445479962721342534481827613;0.031453867660764210645307770164;0.042404473438956195863180909100;0.017707362534948742349705241850;0.007222739981360671267240913807;0.016542404473438954842778869647;0.027726001863932897562037283024;0.015610438024231128306684723839;0.018872320596458526387184662099;0.028657968313140727567578380786;0.019105312208760483888569936539;0.025396085740913326017631490572;0.013979496738117427531711278732;0.003028890959925442747519008790;0.044268406337371855874263104624;0.014445479962721342534481827613;0.014212488350419385033096553173;0.013047530288909599260893656947;0.005125815470643057224220395796;0.024697110904007456982922619204;0.036346691519105314704951581462;0.016775396085740912344164144088;0.008620689655172413673467346484;0.015843429636533085808069998279;0.030055917986952469106443075475;0.007455731593662627901264450259;0.042171481826654241831242586613;0.000000000000000000000000000000;0.011882572227399813488690760721;0.010018639328984156947055517151;0.013280521901211556762278931387;0.017707362534948742349705241850;0.015843429636533085808069998279;0.026328052190121156023172588334;0.009319664492078284442899693829
-0.033006244424620877209175517919;0.007805530776092774007668406711;0.047948260481712759450978467157;0.005352363960749330525079603404;0.030999107939339874684403497440;0.037243532560214093196648832418;0.003568242640499554117067271264;0.024085637823371988663900822303;0.029438001784121321791065639673;0.019848349687778769206980555850;0.015388046387154326669066684019;0.031668153434433542192660837600;0.014495985727029437814539214457;0.031222123104371096030673626842;0.013157894736842104532748010115;0.018510258697591437659912827485;0.024531668153434434825888033060;0.042595896520963426323813649788;0.025200713648528098864698421266;0.010258697591436218357618948005;0.016503122212310438604587758959;0.016949152542372881297128017763;0.013603925066904548960011744896;0.026538804638715433881213101586;0.033229259589652095085998695367;0.035459411239964315487593893295;0.032783229259589652393458436563;0.009812667261373773930355213224;0.002453166815343443482588803306;0.036797502230151650504108573614;0.016503122212310438604587758959;0.016503122212310438604587758959;0.013603925066904548960011744896;0.005798394290811774952343338185;0.020294380017841211899520814654;0.036797502230151650504108573614;0.014049955396966993387275479677;0.008474576271186440648564008882;0.002676181980374665262539801702;0.016057091882247992442600548202;0.003791257805530775897018269660;0.018064228367528991497925616727;0.000000000000000000000000000000;0.014495985727029437814539214457;0.008920606601248885075827743663;0.012711864406779661840207751311;0.028322925958965208120821088755;0.026761819803746655227483230988;0.032560214094558427577741355208;0.013157894736842104532748010115
-0.033267130089374381818334569516;0.010427010923535253925087395999;0.054617676266137039908787897957;0.000248262164846077451173939066;0.005958291956305859261855406572;0.028301886792452830843291877727;0.004220456802383316941007507239;0.019612711022840120106414119050;0.042452830188679242795490864637;0.019116186693147962927241678699;0.019612711022840120106414119050;0.030287984111221449151640783271;0.020357497517378350671002351646;0.036246276067527311015581403808;0.007199602780536246138254341531;0.021102284011916584705037536196;0.031777557100297913750264200416;0.037984111221449852469067565153;0.009682224428997021625775687426;0.012164846077457795378573557343;0.014895729890764647720957647437;0.028301886792452830843291877727;0.019116186693147962927241678699;0.028550148957298907698154621926;0.038232373386295925854483357398;0.030287984111221449151640783271;0.023336643495531279868249185938;0.006206554121151936116718150771;0.000993048659384309804695756263;0.021598808341608738414763024593;0.029543197616683218587052550674;0.016881827209533267764030028957;0.010427010923535253925087395999;0.006454816285998013838942632958;0.025322740814299901646045043435;0.036494538232373384400997196053;0.013902681231380336832059718688;0.010923535253227407634812884396;0.005213505461767626962543697999;0.025074478649453824791182299236;0.003972194637537239218783025052;0.024081429990069513902284370488;0.000000000000000000000000000000;0.015888778550148956875132100208;0.004965243296921549240319215812;0.018867924528301886072378934500;0.027308838133068519954393948979;0.026315789473684209065496020230;0.028798411122144984553017366125;0.013406156901688183122334230291
-0.018859649122807017190828204889;0.031359649122807017884717595280;0.028947368421052631359824403035;0.029166666666666667129259593594;0.041447368421052628584266841472;0.019736842105263156799122015173;0.008552631578947368987120292161;0.032236842105263160962458357517;0.043201754385964914739748365946;0.011842105263157895120307294690;0.010307017543859649938431388705;0.018201754385964913351969585165;0.024122807017543858310038018544;0.016885964912280702204805393762;0.028947368421052631359824403035;0.010964912280701753777290008429;0.025657894736842105226637400506;0.046491228070175437403488416521;0.025219298245614033687767019387;0.005701754385964912658080194774;0.014473684210526315679912201517;0.019078947368421052960263395448;0.027412280701754384443225021073;0.015789473684210526827076392919;0.021491228070175439485156587693;0.014254385964912279910477010958;0.028070175438596491751530592751;0.050438596491228067375534038774;0.002631578947368420993285775822;0.028070175438596491751530592751;0.009868421052631578399561007586;0.013377192982456140302183200674;0.016885964912280702204805393762;0.003947368421052631706769098230;0.024780701754385965618343590222;0.027192982456140352143236782467;0.012280701754385964924454199831;0.006359649122807017364300552487;0.008552631578947368987120292161;0.030263157894736842506988594437;0.014473684210526315679912201517;0.034210526315789475948481168643;0.000000000000000000000000000000;0.010087719298245614168996198146;0.015789473684210526827076392919;0.015350877192982455288206011801;0.012719298245614034728601104973;0.008552631578947368987120292161;0.029385964912280702898694784153;0.006359649122807017364300552487
-0.023311703917327564195005606962;0.009613073780341263585569322458;0.056236481614996391975580536382;0.000000000000000000000000000000;0.006729151646238884509898525721;0.024513338139870222143201772269;0.002643595289593847486031563676;0.015380918048546021736910915934;0.106705118961788025799819479289;0.020187454938716653529695577163;0.017543859649122806043664013487;0.026435952895938474860315636761;0.012496995914443642661240119196;0.032924777697668827780574929420;0.004806536890170631792784661229;0.019706801249699590350417111040;0.031242489786109106653100297990;0.041816870944484496597226552694;0.010814708002883921533765487766;0.009613073780341263585569322458;0.012496995914443642661240119196;0.039894256188416243880112688203;0.014179283826003363788714750626;0.023311703917327564195005606962;0.030521509252583511884182598806;0.019706801249699590350417111040;0.023071377072819032605366373900;0.006969478490747416099537758782;0.001201634222542657948196165307;0.020668108627733716708974043286;0.019226147560682527171138644917;0.016582552271088679685107081241;0.006488824801730352920259292659;0.006248497957221821330620059598;0.024273011295361690553562539208;0.034607065609228548908049560850;0.010093727469358326764847788581;0.006729151646238884509898525721;0.012977649603460705840518585319;0.024273011295361690553562539208;0.004325883201153568613506195106;0.051910598413842823362074341276;0.000000000000000000000000000000;0.015861571737563084916189382056;0.003604902667627973844588495922;0.012977649603460705840518585319;0.027397260273972601218872569007;0.021389089161259311477891742470;0.021629416005767843067530975532;0.014659937515020426967993216749
-0.041014698909435751139618275829;0.007349454717875770169699389811;0.062351825509720244788969267802;0.000711237553342816534486525715;0.017780938833570413687423794613;0.022522522522522521459809041744;0.002844950213371266137946102859;0.027501185395922236875954070001;0.024656235182550972906412312113;0.020862968231389285300725333627;0.016121384542437174058893134543;0.034376481744902799564389539455;0.019914651493598861664580113029;0.042200094831673778950076325600;0.003793266951161688039367847480;0.018018018018018017861736623786;0.029634898055950688322557340371;0.042200094831673778950076325600;0.016358463726884778233205963716;0.010905642484589852733711801136;0.015173067804646752157471389921;0.019440493124703649846507502730;0.016832622095779990051278574015;0.025367472735893788898797751585;0.032716927453769556466411927431;0.033665244191559980102557148030;0.031768610715979139769160610740;0.015410146989094358066507695071;0.001422475106685633068973051429;0.009720246562351824923253751365;0.026078710289236604891183191057;0.018492176386913229679809234085;0.011379800853485064551784411435;0.005689900426742532275892205718;0.022285443338074917285496212571;0.043148411569464202586221546198;0.019440493124703649846507502730;0.006401137980085348268277645190;0.001422475106685633068973051429;0.021337126600284493649350991973;0.006164058795637743226603078028;0.015410146989094358066507695071;0.000000000000000000000000000000;0.013276434329065908354627900678;0.003793266951161688039367847480;0.016121384542437174058893134543;0.027975343764817448694026680300;0.022996680891417733277881652043;0.039829302987197723329160226058;0.016121384542437174058893134543
-0.027485112230874943206604399393;0.021530004580852038498228750996;0.050618415025194686551746059422;0.010535959688502061909476381629;0.016949152542372881297128017763;0.025652771415483281020053496491;0.005038937242327072747738458958;0.021530004580852038498228750996;0.044663307375171781843370411025;0.017636280348144753316041999369;0.015116811726981219110577114861;0.011681172698121850342389826949;0.018781493357764543483678920666;0.030691708657810352900430217460;0.013055428309665597849664742114;0.015574896930829133789853102598;0.024965643609711405531692562931;0.051992670636738430589574022633;0.015345854328905176450215108730;0.013742556115437471603302199696;0.014429683921209345356939657279;0.025881814017407238359691490359;0.020155748969308290990953835831;0.027485112230874943206604399393;0.025652771415483281020053496491;0.027943197434722857885880387130;0.025652771415483281020053496491;0.021988089784699953177504738733;0.002977553825011451920506955204;0.013971598717361428942940193565;0.010306917086578102835114911784;0.020155748969308290990953835831;0.009619789280806230816200930178;0.005955107650022903841013910409;0.025881814017407238359691490359;0.035730645900137428250253890383;0.013284470911589555189302735982;0.009619789280806230816200930178;0.005955107650022903841013910409;0.029088410444342648053517308426;0.005955107650022903841013910409;0.035959688502061382120444932298;0.000000000000000000000000000000;0.016032982134677048469129090336;0.008245533669262483308926015013;0.013513513513513514263664205828;0.022446174988547871326227678423;0.021759047182775995837866744864;0.039624370132844706493546738102;0.012139257901969766756389290663
-0.022444444444444443947928036209;0.047555555555555552305069255681;0.034888888888888885952965779325;0.048444444444444442754438284737;0.021111111111111111743321444578;0.022888888888888889172612550738;0.006222222222222221869880609546;0.025777777777777777928891467241;0.027555555555555555358182573400;0.016666666666666666435370203203;0.014222222222222222903775801228;0.013333333333333334189130248149;0.012000000000000000249800180541;0.026666666666666668378260496297;0.040888888888888891282036297525;0.012888888888888888964445733620;0.024000000000000000499600361081;0.050444444444444444530795124138;0.025777777777777777928891467241;0.006888888888888888839545643350;0.016000000000000000333066907388;0.021555555555555556968005959106;0.016888888888888887312988984490;0.017333333333333332537673499019;0.024444444444444445724284875610;0.026222222222222223153575981769;0.032000000000000000666133814775;0.042222222222222223486642889156;0.001555555555555555467470152387;0.020888888888888887396255711337;0.006888888888888888839545643350;0.014000000000000000291433543964;0.011555555555555555025115666012;0.004444444444444444440589503387;0.019777777777777776069267900994;0.031777777777777779788515033488;0.011111111111111111535154627461;0.007555555555555555809210677154;0.005111111111111111410254537191;0.015777777777777779455448126100;0.010222222222222222820509074381;0.016666666666666666435370203203;0.000000000000000000000000000000;0.013777777777777777679091286700;0.022666666666666668294993769450;0.013333333333333334189130248149;0.021777777777777777845624740394;0.015555555555555555108382392859;0.028222222222222221460485869216;0.010000000000000000208166817117
-0.024099099099099099280385516408;0.016441441441441440041160149121;0.028378378378378379953694832238;0.006531531531531531604983786821;0.013963963963963963582637362038;0.038288288288288285787785980574;0.006756756756756757131832102914;0.015090090090090090349517204515;0.048873873873873874273954243108;0.011486486486486487124114574954;0.015315315315315315009003782620;0.048648648648648651349191140980;0.025225225225225224312541882909;0.019144144144144142893892990287;0.014189189189189189976847416119;0.015315315315315315009003782620;0.025450450450450450706751936991;0.043243243243243245643725458649;0.018468468468468467180709779996;0.007882882882882882163988469415;0.015315315315315315009003782620;0.034009009009009008583923616698;0.028153153153153153559484778157;0.019144144144144142893892990287;0.024324324324324325674595570490;0.018018018018018017861736623786;0.025900900900900900025725093201;0.023648648648648649961412360199;0.003603603603603603659083498556;0.046846846846846847134404612234;0.020945945945945947108679519033;0.008108108108108108558198523497;0.017792792792792791467526569704;0.005855855855855855891800576529;0.031081081081081082806427673404;0.026126126126126126419935147283;0.013288288288288287869454151746;0.008333333333333333217685101602;0.017792792792792791467526569704;0.034234234234234231508686718826;0.005855855855855855891800576529;0.027927927927927927165274724075;0.000000000000000000000000000000;0.011036036036036036070417942767;0.008108108108108108558198523497;0.016441441441441440041160149121;0.010585585585585585016721310581;0.014864864864864865690030626411;0.029954954954954954304824354949;0.009909909909909909303538100289
-0.029317453046266605393155302295;0.020842876775080166479314769390;0.032524049473202018556428072316;0.002061383417315620827231503753;0.009390746678882271741839460333;0.028630325240494733374241320689;0.008932661475034357062563472596;0.030462666055886395560792223591;0.044434264773247821034285465203;0.010306917086578102835114911784;0.014887769125057260036215645016;0.021530004580852038498228750996;0.020842876775080166479314769390;0.021300961978928081158590757127;0.013284470911589555189302735982;0.015803939532753091129491096467;0.019926706367384333651315841962;0.054283096655978010924847865226;0.030462666055886395560792223591;0.007558405863490609555288557431;0.019239578561612461632401860356;0.024965643609711405531692562931;0.031378836463582228388791151019;0.018781493357764543483678920666;0.030233623453962438221154229723;0.021071919377004123818952763258;0.030004580852038480881516235854;0.019010535959688500823316914534;0.002519468621163536373869229479;0.029088410444342648053517308426;0.011681172698121850342389826949;0.013055428309665597849664742114;0.020155748969308290990953835831;0.005955107650022903841013910409;0.025423728813559323680415502622;0.027256069628950985866966405524;0.014200641319285386282578187434;0.013284470911589555189302735982;0.011452130096197893002751833080;0.032295006871278057747343126493;0.007329363261566651348288825574;0.042143838754008247637905526517;0.000000000000000000000000000000;0.011223087494273935663113839212;0.013284470911589555189302735982;0.016949152542372881297128017763;0.013513513513513514263664205828;0.014200641319285386282578187434;0.032295006871278057747343126493;0.011223087494273935663113839212
-0.026020529959417521698172848232;0.025543089042730962590077581353;0.047027930293626160618281062398;0.002387204583432800310965893331;0.005490570541895440151436424969;0.016471711625686322189032750885;0.005729291000238720572845796397;0.035091907376462165568664630655;0.049415134877058966567098252654;0.017426593459059440405223284642;0.014084507042253521444385988559;0.010264979708761041640729949620;0.015994270708999759611490532052;0.026736691334447362095039224528;0.019813798042492242884593522945;0.012174743375507281542557969090;0.033420864168059200016713816694;0.053712103127238002009402606518;0.024588207209357840904440095642;0.010026259250417760351958840204;0.020291238959178801992688789824;0.024110766292671281796344828763;0.025781809501074240409401738816;0.022439723084268323183287918710;0.025065648126044403481982314474;0.026497970876104080806268115111;0.032943423251372644378065501769;0.026020529959417521698172848232;0.002148484125089520323237390897;0.014561947958940080552481255438;0.005490570541895440151436424969;0.014561947958940080552481255438;0.015278109333969920949347631733;0.006206731916925280548302801265;0.020052518500835520703917680407;0.041059918835044166562919798480;0.017187873000716162585899127180;0.009071377417044640401044830469;0.005490570541895440151436424969;0.025065648126044403481982314474;0.009071377417044640401044830469;0.043208402960133680814625023459;0.000000000000000000000000000000;0.011458582000477441145691592794;0.010742420625447600748825216499;0.013607066125566960601567245703;0.020291238959178801992688789824;0.014800668417283361841252364854;0.034853186918118880810446569285;0.011219861542134161591643959355
-0.026892655367231638879887967164;0.016949152542372881297128017763;0.045197740112994350125674714036;0.003841807909604519778029585453;0.020564971751412430139849263355;0.023050847457627119535539250705;0.005875706214689265134698548110;0.026440677966101694407186073477;0.055593220338983048711689605170;0.019435028248587570692818005114;0.014463276836158191901438030413;0.015593220338983051348469288655;0.016723163841807910795500546897;0.029604519774011298777205425381;0.017853107344632766773084853185;0.013559322033898304690757719015;0.029830508474576272748279848201;0.052655367231638418312744676086;0.028248587570621468828546696272;0.010395480225988700320738367111;0.016271186440677966322798653209;0.028926553672316383802876060827;0.013559322033898304690757719015;0.023276836158192090037166721572;0.031638418079096043700193519044;0.025988700564971749934484179789;0.029152542372881354304503531694;0.017401129943502825769829911451;0.002485875706214689395689987350;0.023502824858757060538794192439;0.012203389830508474742098989907;0.014689265536723164137788977257;0.013785310734463276927108665859;0.004971751412429378791379974700;0.019661016949152541194445475981;0.032994350282485873648852248152;0.014463276836158191901438030413;0.004519774011299435186039819001;0.006101694915254237371049494953;0.019887005649717515165519898801;0.010169491525423728084387420267;0.038192090395480222941859693719;0.000000000000000000000000000000;0.013559322033898304690757719015;0.009943502824858757582759949400;0.014463276836158191901438030413;0.021016949152542374612551157043;0.018983050847457626220116111426;0.032542372881355932645597306418;0.012881355932203389716428354461
-0.025964912280701753222178496117;0.023157894736842106475638303209;0.046081871345029237763135654404;0.012865497076023392486465724005;0.014502923976608187578429820519;0.019649122807017544573016110121;0.005146198830409356994586289602;0.023859649122807018162273351436;0.038596491228070177459397172015;0.018947368421052632886381061894;0.014970760233918129281094344663;0.018479532163742689448993061774;0.015204678362573099265064868746;0.030877192982456141967517737612;0.022456140350877191319556303029;0.016374269005847954389087917093;0.029473684210526315124800689205;0.046783625730994149449770702631;0.024561403508771929848908399663;0.011929824561403509081136675718;0.016842105263157894357028965260;0.027836257309941520032836592691;0.017543859649122806043664013487;0.024093567251461989880967351496;0.028771929824561403438165640978;0.022456140350877191319556303029;0.030877192982456141967517737612;0.038128654970760234022009171895;0.002105263157894736794628620657;0.020116959064327484540957158288;0.010994152046783625675807627431;0.016842105263157894357028965260;0.011461988304093567378472151574;0.005380116959064327845918551674;0.015672514619883039233005916913;0.038128654970760234022009171895;0.011695906432748537362442675658;0.008421052631578947178514482630;0.005146198830409356994586289602;0.025263157894736841535543447890;0.007017543859649122937882648188;0.032514619883040933590034882172;0.000000000000000000000000000000;0.015204678362573099265064868746;0.012631578947368420767771723945;0.014269005847953215859735820459;0.025029239766081869816849447830;0.014035087719298245875765296375;0.029473684210526315124800689205;0.012163742690058479065107199801
-0.033216374269005845276669930399;0.012865497076023392486465724005;0.050292397660818714821839847673;0.000701754385964912228736134470;0.008187134502923977194543958547;0.030877192982456141967517737612;0.003508771929824561468941324094;0.018479532163742689448993061774;0.031578947368421053654152785839;0.018713450292397661167687061834;0.015204678362573099265064868746;0.030877192982456141967517737612;0.020818713450292396227592206515;0.034385964912280700400692978747;0.008888888888888888881179006773;0.019415204678362572854322110061;0.024093567251461989880967351496;0.040000000000000000832667268469;0.013099415204678362470436248088;0.008654970760233918897208482690;0.017076023391812866075722965320;0.023157894736842106475638303209;0.017543859649122806043664013487;0.025497076023391813254237447950;0.036959064327485378897986123548;0.033684210526315788714057930520;0.027602339181286548314142592631;0.018947368421052632886381061894;0.002105263157894736794628620657;0.021286549707602339664980206635;0.031812865497076021903399833946;0.016140350877192982670393917033;0.010292397660818713989172579204;0.007953216374269005475849958486;0.029239766081871343406106689145;0.034152046783625732151445930640;0.014970760233918129281094344663;0.009824561403508772286508055060;0.006081871345029239532553599901;0.022222222222222223070309254922;0.005614035087719297829889075757;0.020116959064327484540957158288;0.000000000000000000000000000000;0.018245614035087717730299061714;0.006549707602339181235218124044;0.014502923976608187578429820519;0.029005847953216375156859641038;0.021052631578947367946286206575;0.037660818713450290584621171774;0.016842105263157894357028965260
-0.035209235209235210939393567742;0.008946608946608947468548400650;0.049927849927849925204537129275;0.000000000000000000000000000000;0.006060606060606060600803868255;0.030880230880230879336734162166;0.004906204906204906200650750492;0.014430014430014430001913972035;0.035497835497835500406793585171;0.022222222222222223070309254922;0.016450216450216451069543666108;0.031457431457431454802087245071;0.017027417027417026534896749013;0.034054834054834053069793498025;0.004906204906204906200650750492;0.021067821067821068670156137159;0.029725829725829724936581044403;0.041847041847041847872912256889;0.013852813852813852801837413153;0.013564213564213565069160871701;0.015295815295815296669390548345;0.022510822510822512537709272351;0.009235209235209235201224942102;0.032900432900432902139087332216;0.038095238095238098674499838125;0.032034632034632033736887279929;0.023953823953823952935815455589;0.015007215007215007201990530916;0.004040404040404040400535912170;0.022510822510822512537709272351;0.040692640692640690003312187173;0.019336219336219335335202984538;0.009812409812409812401301500984;0.010101010101010101868701518413;0.020202020202020203737403036826;0.039826839826839828540006038793;0.013852813852813852801837413153;0.012409812409812410669007753938;0.001443001443001443000191397203;0.020202020202020203737403036826;0.004040404040404040400535912170;0.021356421356421358137556154588;0.000000000000000000000000000000;0.020202020202020203737403036826;0.005194805194805194800689029933;0.014430014430014430001913972035;0.032611832611832612671687314787;0.024531024531024531870615490448;0.026839826839826840670921725973;0.015295815295815296669390548345
-0.022393975426080063584333146309;0.030122869599682917940430826320;0.025366627031311931445012319841;0.020808561236623068085860310816;0.012881490289338088858772657375;0.026753864447086800337771705927;0.006341656757827982861253079960;0.034482758620689654693869385937;0.033293697978596908937376497306;0.011890606420927467973269742174;0.017043202536662704210668195515;0.019619500594530322329367422185;0.025762980578676177717545314749;0.015259611573523583841205386591;0.026357510899722554065238711019;0.009908838684106222732816959820;0.015061434799841458970215413160;0.053705905667855727281256861261;0.028141101862861672699978043966;0.007728894173602853488735942022;0.022790328973444313326313093171;0.018628616726119699709141031008;0.031311930241775663696923714951;0.010503369005152595611063404135;0.026357510899722554065238711019;0.017439556084026950483201190423;0.032699167657550536059130052990;0.063614744351961946544626869127;0.001783590963139120152622374427;0.034482758620689654693869385937;0.014466904478795084357245492868;0.008917954815695600112590568642;0.025564803804994054581278817295;0.005350772889417360241026688783;0.022393975426080063584333146309;0.025168450257629804839298870434;0.016646848989298454468688248653;0.006738010305192231735871288834;0.006341656757827982861253079960;0.020015854141894568601900417093;0.008719778042013475241600595211;0.039040824415378518053021394962;0.000000000000000000000000000000;0.008323424494649227234344124327;0.012881490289338088858772657375;0.012881490289338088858772657375;0.011494252873563218231289795312;0.010701545778834720482053377566;0.035077288941736027572115830253;0.006738010305192231735871288834
-0.023050847457627119535539250705;0.040677966101694912337549681070;0.032542372881355932645597306418;0.016610169491525422075239859510;0.011525423728813559767769625353;0.024745762711864405236639186114;0.008813559322033898135728691159;0.030169491525423728500721054502;0.032881355932203391867485464672;0.015593220338983051348469288655;0.010847457627118644793440260798;0.024745762711864405236639186114;0.014915254237288136374139924101;0.015254237288135593861304606378;0.034237288135593221816144193781;0.010508474576271187306275578521;0.023050847457627119535539250705;0.045084745762711861405414026649;0.019661016949152541194445475981;0.007118644067796609832543541785;0.012542372881355932229263672184;0.019322033898305085442004269680;0.023050847457627119535539250705;0.017966101694915255493345540572;0.018983050847457626220116111426;0.019322033898305085442004269680;0.026779661016949153629074231731;0.079322033898305083221558220430;0.002711864406779661198360065200;0.036949152542372881713461651998;0.015254237288135593861304606378;0.011525423728813559767769625353;0.014915254237288136374139924101;0.007796610169491525674234644327;0.022372881355932204561209886151;0.027118644067796609381515438031;0.010169491525423728084387420267;0.011186440677966102280604943076;0.006779661016949152345378859508;0.027796610169491524355844802585;0.007457627118644068187069962050;0.028474576271186439330174167139;0.000000000000000000000000000000;0.014237288135593219665087083570;0.017966101694915255493345540572;0.015932203389830507100910494955;0.012542372881355932229263672184;0.010508474576271187306275578521;0.027796610169491524355844802585;0.011186440677966102280604943076
-0.022287390029325514911873185042;0.043401759530791790553383435736;0.026392961876832845419249551355;0.002346041055718475071278916744;0.010263929618768328003164391760;0.023460410557184750712789167437;0.006744868035190616263607754632;0.031964809384164225014579585604;0.030498533724340175926625917668;0.011436950146627565538803850131;0.014662756598240470062854967637;0.019648093841642230023003534711;0.020821114369501465823919517106;0.017595307917888564769315351555;0.037243401759530794792318886266;0.012023460410557185173985317306;0.020234604105571846188738049932;0.063636363636363629803227581760;0.020527859237536656006328783519;0.007331378299120235031427483818;0.020234604105571846188738049932;0.021700879765395895276691717868;0.039882697947214079681188536597;0.018181818181818180935049866775;0.018475073313782990752640600363;0.020527859237536656006328783519;0.025513196480938415966477350594;0.065102639296187689299522105557;0.002052785923753665687369052151;0.029618768328445746473853716907;0.014956011730205278145722225247;0.011730205278592375356394583719;0.016422287390029325498952417206;0.004692082111436950142557833487;0.027272727272727271402574800163;0.026099706744868035601658817768;0.015835777126099705863770950032;0.011143695014662757455936592521;0.006744868035190616263607754632;0.031964809384164225014579585604;0.014662756598240470062854967637;0.032844574780058650997904834412;0.000000000000000000000000000000;0.007331378299120235031427483818;0.013489736070381232527215509265;0.014956011730205278145722225247;0.009090909090909090467524933388;0.007331378299120235031427483818;0.022873900293255131077607700263;0.006744868035190616263607754632
-0.032442067736185381532365568091;0.021033868092691622442291787820;0.038146167557932264546849410181;0.000356506238859180025774914258;0.006773618538324420977614348516;0.028520499108734401194631402632;0.003921568627450980337734165460;0.023885918003565063949533708865;0.046702317290552582129681269407;0.016042780748663103274065377946;0.010338680926916220259581535856;0.020677361853832440519163071713;0.024242424242424242403215473018;0.020677361853832440519163071713;0.011764705882352941013202496379;0.011051693404634580636392016117;0.024955436720142602780025953280;0.061675579322638146573254402938;0.018181818181818180935049866775;0.009625668449197861617494531572;0.013903743315508022143633937162;0.027094474153297683910457394063;0.028877005347593583117760118739;0.017468805704099820558239386514;0.033511586452762920362857812506;0.022459893048128343195912748342;0.030303030303030303871381079261;0.012121212121212121201607736509;0.001782531194295900074664462664;0.028877005347593583117760118739;0.019607843137254901688670827298;0.014616755793226380785720941446;0.019251336898395723234989063144;0.007843137254901960675468330919;0.029233511586452761571441882893;0.032085561497326206548130755891;0.018894830659536541311860347037;0.011408199643493760824797256248;0.011051693404634580636392016117;0.040641711229946524130962615118;0.007843137254901960675468330919;0.036720142602495543793228449658;0.000000000000000000000000000000;0.013547237076648841955228697032;0.007843137254901960675468330919;0.019251336898395723234989063144;0.010695187165775400447986775987;0.010695187165775400447986775987;0.031729055258467024625002039784;0.009625668449197861617494531572
-0.021620142309797481250388528906;0.032019704433497539475261817188;0.042692939244663385967015756250;0.001368363437328954561669758228;0.009031198686371099543235274609;0.023262178434592228198907193359;0.009578544061302681281167004101;0.028461959496442253841896885547;0.035030103995621238166524591406;0.015599343185550082133139504492;0.014504652435686918657276045508;0.011220580186097428229685668555;0.024356869184455391674770652344;0.024083196496989599938443049609;0.022167487684729064723043734375;0.007389162561576354329440086133;0.021893814997263272986716131641;0.056102900930487135944257914844;0.019157088122605362562334008203;0.007115489874110563460474221387;0.016694033935413247343726439453;0.025725232621784346886961714063;0.035030103995621238166524591406;0.021893814997263272986716131641;0.021893814997263272986716131641;0.021346469622331692983507878125;0.029282977558839629050879693750;0.030925013683634372529951406250;0.003831417624521072599202975439;0.029830322933771209054087947266;0.012041598248494799969221524805;0.012315270935960591705549127539;0.013683634373289545183016713281;0.007936507936507936067371815625;0.029009304871373837314552091016;0.032567049808429116009023118750;0.013957307060755336919344316016;0.011494252873563218231289795312;0.010125889436234263019098733594;0.040229885057471263809514283594;0.009031198686371099543235274609;0.033661740558292282954333529688;0.000000000000000000000000000000;0.010673234811165846491753939063;0.011220580186097428229685668555;0.021346469622331692983507878125;0.016694033935413247343726439453;0.009578544061302681281167004101;0.033935413245758071221214180468;0.007389162561576354329440086133
-0.025237449118046133972326217076;0.022252374491180462734440936856;0.031478968792401626486388011017;0.012483039348710990232294015811;0.028765264586160108756240916250;0.027137042062415198118152659390;0.005698778833107191570117588952;0.026865671641791044610414473937;0.035006784260515601270302710191;0.017910447761194030896758633276;0.010583446404341926086467573498;0.020352781546811398588614494543;0.023880597014925373372529193716;0.018995929443690637988817471182;0.013839891451831750832091039172;0.014654002713704206151135167602;0.029036635006784258794532149750;0.049932157394843960929176063246;0.020624151967435548626905728042;0.010583446404341926086467573498;0.019267299864314788027108704682;0.026051560379918587556646869530;0.032293080054274087009602567377;0.020624151967435548626905728042;0.025508819538670284010617450576;0.026051560379918587556646869530;0.029850746268656715848299754157;0.016553595658073270296961609915;0.002442333785617367691855861267;0.022252374491180462734440936856;0.011668928086838534913249887381;0.013297150610583445551338144242;0.019810040705563095042585075589;0.004884667571234735383711722534;0.025780189959294437518355636030;0.033649932157394840670505686830;0.016824966078697420335252843415;0.009226594301221167221394026114;0.007869742198100406621597002754;0.031478968792401626486388011017;0.008141112618724558394611712231;0.036906377204884668885576104458;0.000000000000000000000000000000;0.011126187245590231367220468428;0.010040705563093622540438154545;0.018995929443690637988817471182;0.018181818181818180935049866775;0.011397557666214383140235177905;0.035820895522388061793517266551;0.008683853459972863675364607161
-0.032039976484420931712726599017;0.020282186948853614394394639930;0.048500881834215164856161095486;0.014403292181069959204675612341;0.019106407995296885438119005585;0.016754850088183420586673832986;0.004115226337448560020582100094;0.029982363315696647365626859028;0.037330981775426222424307809433;0.017342739564961788534258602112;0.016460905349794240082328400376;0.012345679012345678327022824305;0.019694297472075249916256822758;0.031158142269253379791349445327;0.017342739564961788534258602112;0.011463844797178129875092622569;0.025867136978248089079768234910;0.054967666078777191462911844155;0.019694297472075249916256822758;0.011463844797178129875092622569;0.016166960611405056108536015813;0.020576131687242798368187024494;0.025867136978248089079768234910;0.023809523809523808202115446875;0.027630805408583185983628638382;0.033803644914756028616587002489;0.030864197530864195817557060764;0.014991181657848323682813429514;0.000293944738389182835380103453;0.018812463256907701464326621021;0.008818342151675484519302017361;0.014109347442680775230883227778;0.010288065843621399184093512247;0.004409171075837742259651008681;0.031452087007642563765141829890;0.039094650205761319328168212905;0.019988242210464433890049207321;0.009700176366843032971232219097;0.004115226337448560020582100094;0.021164021164021162846324841667;0.005291005291005290711581210417;0.027336860670194002009836253819;0.000000000000000000000000000000;0.015579071134626689895674722663;0.007936507936507936067371815625;0.015873015873015872134743631250;0.020870076425631982341979409057;0.017048794826572604560466217549;0.042915931804820693640234452459;0.010875955320399765396954805396
-0.028726708074534160197721632812;0.012422360248447204128519061328;0.051759834368530023562815500782;0.001811594202898550746635986108;0.007763975155279503014005282324;0.027173913043478260115337619141;0.003881987577639751507002641162;0.020962732919254659785801564453;0.040890269151138719516680453125;0.018374741200828156179047923047;0.017339544513457556124125247266;0.027691511387163560142798957031;0.021997929606625259840724240235;0.033643892339544512193327818750;0.009834368530020703991212371875;0.015786749482401656041741233594;0.026656314699792960087876281250;0.050465838509316768289991728125;0.017339544513457556124125247266;0.012681159420289855876973206250;0.017857142857142856151586585156;0.022256728778467908119731433203;0.022774327122153208147192771094;0.027173913043478260115337619141;0.031832298136645960362489660156;0.030020703933747412001098453516;0.031055900621118012056021129297;0.009834368530020703991212371875;0.001552795031055900516064882666;0.021997929606625259840724240235;0.020186335403726708009886081641;0.013975155279503105945626550977;0.015269151138716356014279895703;0.007505175983436853000274613379;0.029503105590062111973637115625;0.033385093167701863914320625781;0.016563146997929607817656716406;0.010093167701863354004943040820;0.004658385093167701981875516992;0.021480331262939959813262902344;0.007505175983436853000274613379;0.026656314699792960087876281250;0.000000000000000000000000000000;0.015527950310559006028010564648;0.006987577639751552972813275488;0.012422360248447204128519061328;0.025879917184265011781407750391;0.021221532091097308064808757422;0.032867494824016560417412335937;0.014751552795031055986818557813
-0.035421545667447304484021231019;0.011416861826697892803861300592;0.065866510538641689920247301870;0.000585480093676814987782575095;0.006440281030444965082448760541;0.023419203747072601246026479771;0.003805620608899297312166520868;0.023419203747072601246026479771;0.035421545667447304484021231019;0.024297423887587821234035345697;0.020491803278688523054507086840;0.021955503512880562150266783306;0.017271662763466040513282706570;0.038348946135831382675540623950;0.009074941451990631985369262225;0.016978922716627636163577719230;0.032494145199063233231395741996;0.052400468384074944117045902203;0.014051522248243559706781802277;0.011416861826697892803861300592;0.014637002341920375345085680863;0.019613583138173303066498220915;0.016393442622950820525273840644;0.031030444964871194135636045530;0.034543325526932081026565413140;0.034543325526932081026565413140;0.031323185011709601954787984823;0.002634660421545667336601370678;0.000292740046838407493891287547;0.018442622950819671789890463742;0.012880562060889930164897521081;0.017564402810304448332434645863;0.008196721311475410262636920322;0.005854800936768150311506619943;0.020784543325526930873659026133;0.042740046838407493023925809439;0.019613583138173303066498220915;0.007903981264637002443484981029;0.004391100702576112083108661466;0.026639344262295080317803908088;0.006147540983606557263296821247;0.016393442622950820525273840644;0.000000000000000000000000000000;0.015515222482435597067818022765;0.003220140515222482541224380270;0.015807962529274004886969962058;0.033665105386416864508003499168;0.028103044496487119413563604553;0.030737704918032786316484106237;0.015807962529274004886969962058
-0.034212178279974893302384231220;0.016635279347143754058446774025;0.039234149403640929121284131043;0.001255492780916509822086712944;0.015065913370998116130317079353;0.037037037037037034981068472916;0.004708097928436911182303870049;0.025109855618330192972287306930;0.025737602008788450919096746361;0.014438166980539861652954591875;0.017576898932831135774490505241;0.022284996861268047824156113279;0.022598870056497175062837357018;0.024168236032642811256243575713;0.010043942247332078576693703553;0.018832391713747644729215480197;0.028876333961079723305909183750;0.054613935969868174225005930111;0.018518518518518517490534236458;0.011927181418706842008781165987;0.022912743251726302301518600757;0.023540489642184556778881088235;0.034839924670433147779746718697;0.019460138104205899206577967675;0.031073446327683617446124841877;0.026365348399246705396459233839;0.032956685499058377408765352357;0.005963590709353421004390582993;0.001883239171374764516289634919;0.039548022598870059829412326735;0.016635279347143754058446774025;0.014752040175768988891635835614;0.020087884494664157153387407106;0.006277463904582548243071826732;0.029504080351537977783271671228;0.030759573132454486737996646184;0.013496547394852479936910860658;0.008474576271186440648564008882;0.007846829880728186171201521404;0.025109855618330192972287306930;0.004080351537978656704941382571;0.014752040175768988891635835614;0.000000000000000000000000000000;0.014438166980539861652954591875;0.008474576271186440648564008882;0.020087884494664157153387407106;0.020401757689893284392068650845;0.018832391713747644729215480197;0.035467671060891402257109206175;0.009102322661644695125926496360
-0.033154121863799283775886550529;0.023297491039426524578326294090;0.051971326164874549757843880116;0.000000000000000000000000000000;0.010752688172043011610723439730;0.031362007168458778949560183946;0.004480286738351254259560274562;0.020310633213859018847413651088;0.035244922341696537093636010241;0.022102747909199523673740017671;0.018219832735961768999111143330;0.018219832735961768999111143330;0.023596176821983273069749387219;0.035842293906810034076482196497;0.010454002389486259649853394649;0.020011947431302270355990557960;0.026583034647550775331215078268;0.043010752688172046442893758922;0.018518518518518517490534236458;0.008064516129032257840680841809;0.017025089605734768094524866910;0.018518518518518517490534236458;0.021505376344086023221446879461;0.022700119474313024126033155881;0.029569892473118281062127721270;0.031660692951015534379877180982;0.026583034647550775331215078268;0.008064516129032257840680841809;0.002389486260454002242853421834;0.031959378733572282871300274110;0.008960573476702508519120549124;0.013440860215053763646042561675;0.017025089605734768094524866910;0.009856630824372759197560256439;0.026284348864994026839791985140;0.037335722819593790411385469952;0.015531660692951015229068545409;0.008960573476702508519120549124;0.007168458781362007162241134495;0.026881720430107527292085123349;0.006272401433691756483801427180;0.029569892473118281062127721270;0.000000000000000000000000000000;0.009856630824372759197560256439;0.009557945041816008971413687334;0.016129032258064515681361683619;0.028673835125448028648964537979;0.016129032258064515681361683619;0.034050179211469536189049733821;0.013142174432497013419895992570
-0.024055944055944057657914214587;0.027132867132867131976237118351;0.028531468531468533178507840375;0.010629370629370629361409861247;0.014265734265734266589253920188;0.023776223776223775335791899010;0.007552447552447552441001743517;0.036363636363636361870099733551;0.029090909090909090883858567622;0.013986013986013986001855080588;0.018741258741258742109847545976;0.012587412587412588269031310517;0.025174825174825176538062621034;0.018461538461538463257172182352;0.025174825174825176538062621034;0.011188811188811188801484064470;0.029370629370629369736533931246;0.055664335664335665154744958727;0.027412587412587414298359433928;0.005874125874125874120779133847;0.020139860139860139842671316046;0.019860139860139860989995952423;0.036083916083916083017424369928;0.015664335664335664322077690258;0.023216783216783217630441171764;0.022657342657342656455643492563;0.036363636363636361870099733551;0.022377622377622377602968128940;0.000839160839160839160111304835;0.029930069930069930911331610446;0.007832167832167832161038845129;0.010909090909090909948808700847;0.020699300699300701017468995246;0.004755244755244755240630727400;0.029650349650349652058656246822;0.038601398601398599630396546445;0.018181818181818180935049866775;0.007832167832167832161038845129;0.006993006993006993000927540294;0.029650349650349652058656246822;0.010069930069930069921335658023;0.022937062937062938777765808140;0.000000000000000000000000000000;0.013146853146853147709105513741;0.017342657342657344377023775905;0.021818181818181819897617401693;0.013706293706293707149179716964;0.006713286713286713280890438682;0.040559440559440558538017995716;0.006433566433566433560853337070
-0.028351309707241909019437287043;0.020955315870570107722459241018;0.026502311248073961297277989502;0.032973805855161790467899862733;0.007704160246533127941181984255;0.025269645608628658189909188536;0.006471494607087827435898397255;0.033590138674884438552137311262;0.027426810477657936893081114249;0.014791987673343606063403044004;0.019106317411402156530852991523;0.012942989214175654871796794509;0.026810477657935285339396713766;0.013867488443759630467599919257;0.024036979969183358551987339524;0.010785824345146379638071820750;0.019106317411402156530852991523;0.055778120184899845912518401292;0.033281972265023114510018586998;0.006163328197226502526417935002;0.024961479198767334147790464272;0.020030816640986132126656116270;0.040677966101694912337549681070;0.019414483821263480572971715787;0.022496147919876734871946766248;0.018489984591679508446615542994;0.030200308166409860211043536538;0.027734976887519260935199838514;0.001848998459167950757925380501;0.019722650231124808084537392006;0.012326656394453005052835870003;0.008936825885978428446465571255;0.020647149460708783680340516753;0.005546995377503851840095272507;0.031741140215716487360531061768;0.034822804314329734720612208321;0.013559322033898304690757719015;0.011093990755007703680190545015;0.006163328197226502526417935002;0.038520801232665637103824707310;0.010477657935285053861229620509;0.018181818181818180935049866775;0.000000000000000000000000000000;0.014483821263482280286560843763;0.018181818181818180935049866775;0.019414483821263480572971715787;0.011402157164869029457032745256;0.008936825885978428446465571255;0.039137134052388292126956059747;0.004930662557781202021134348001
-0.028835884656461373970470773997;0.026343894624421503730671290100;0.025631897472410111737950444422;0.027767888928444287716112981457;0.028835884656461373970470773997;0.029547881808472765963191619676;0.005695977216091135941766765427;0.031683873264506945410801108665;0.022071911712353151774346216030;0.014239943040227839854416913568;0.016019935920256318101495551787;0.010679957280170879890812685176;0.017799928800284799818021141959;0.022783908864364543767067061708;0.024563901744393022014145699927;0.011035955856176575887173108015;0.021715913136347454043262317214;0.044855820576717692071966325784;0.033463866144535420188432794930;0.008543965824136703912650148141;0.022427910288358846035983162892;0.017799928800284799818021141959;0.022783908864364543767067061708;0.017799928800284799818021141959;0.025275898896404414006866545606;0.020647917408330367788904524673;0.042363830544677821832166841887;0.026343894624421503730671290100;0.000711997152011391992720845678;0.032039871840512636202991103573;0.012815948736205055868975222211;0.012815948736205055868975222211;0.021003915984336062050541471535;0.004983980064079743949045919749;0.018511925952296191810741987638;0.033819864720541117919516693746;0.011747953008187967879893953693;0.010679957280170879890812685176;0.006763972944108223930848033945;0.031683873264506945410801108665;0.016731933072267710094216397465;0.020291918832324670057820625857;0.000000000000000000000000000000;0.013527945888216447861696067889;0.012103951584193663876254376532;0.019579921680313278065099780179;0.011747953008187967879893953693;0.014595941616233535850777336407;0.039159843360626556130199560357;0.007119971520113919927208456784
-0.019529956967891427821459870984;0.036742800397219464725306892205;0.035087719298245612087328026973;0.006620324395895399276212867079;0.029460443561734526302098302608;0.022840119165839126158523697541;0.010592519033432638494995892131;0.032770605759682221169715177211;0.023833167825223437047421626289;0.012247600132406487663527805410;0.016219794769943726014949092473;0.013571665011585567692242726423;0.021847070506454815269625768792;0.018867924528301886072378934500;0.032770605759682221169715177211;0.008606421714664018451923510611;0.026812313803376366244668460581;0.060906984442237667443098558806;0.019860973187686196961276863249;0.008275405494869249312106518346;0.016219794769943726014949092473;0.018205892088712347792744949970;0.030453492221118833721549279403;0.019198940748096655212195926765;0.018867924528301886072378934500;0.018205892088712347792744949970;0.031777557100297913750264200416;0.050976497848394572431907079135;0.002979145978152929630927703286;0.024164184045018206187238618554;0.012247600132406487663527805410;0.010592519033432638494995892131;0.014895729890764647720957647437;0.002979145978152929630927703286;0.032439589539887452029898184946;0.037073816617014233865123884470;0.019529956967891427821459870984;0.010592519033432638494995892131;0.004634227077126779233140485559;0.029129427341939753692834358390;0.010592519033432638494995892131;0.027143330023171135384485452846;0.000000000000000000000000000000;0.010923535253227407634812884396;0.013902681231380336832059718688;0.016219794769943726014949092473;0.006620324395895399276212867079;0.011585567692816947649170344903;0.033432638199271766388243065649;0.006951340615690168416029859344
-0.018433179723502304131477202986;0.032546082949308753617945200176;0.027073732718894009952048662626;0.012384792626728110750966571629;0.025057603686635943757154976197;0.015841013824884793426139850681;0.010368663594470046290796361177;0.021889400921658985071927006061;0.042626728110599081122966680368;0.012096774193548386761021262714;0.014112903225806451221191473167;0.015552995391705069436194541765;0.025921658986175113992267426966;0.010656682027649770280741670092;0.033410138248847927322504602898;0.007488479262672810728151961968;0.027361751152073732207270495564;0.061059907834101381784996931401;0.019009216589861752111367820817;0.008352534562211981830626150725;0.015264976958525345446249232850;0.026209677419354839716936211858;0.037442396313364052773398071849;0.014976958525345621456303923935;0.019009216589861752111367820817;0.015264976958525345446249232850;0.026785714285714284227379877734;0.051555299539170505729313020993;0.001728110599078341120746205029;0.029953917050691242912607847870;0.010368663594470046290796361177;0.013824884792626728965969640228;0.015841013824884793426139850681;0.006336405529953917370455940272;0.033986175115207371832948268775;0.028801843317972350422273564163;0.012960829493087556996133713483;0.008064516129032257840680841809;0.009504608294930876055683910408;0.033122119815668205067282769960;0.010368663594470046290796361177;0.043778801843317970143854012122;0.000000000000000000000000000000;0.011808755760368662771075953799;0.014976958525345621456303923935;0.016129032258064515681361683619;0.009216589861751152065738601493;0.009216589861751152065738601493;0.026785714285714284227379877734;0.005472350230414746267981751515
-0.020211161387631976921186449658;0.038310708898944195732738648985;0.027149321266968326482604823013;0.004826546003016591451784123024;0.013876319758672699122836746710;0.024132730015082957258920615118;0.005731523378582201698472342599;0.027450980392156862364139158217;0.044042232277526398298572729573;0.010859728506787329899152538815;0.010859728506787329899152538815;0.011463046757164403396944685198;0.023831070889894417907939327961;0.016591251885369532464986619402;0.029864253393665159824754695705;0.012971342383107089743510265123;0.024132730015082957258920615118;0.065460030165912522215343471998;0.022624434389140270912355035193;0.007541478129713423926572257727;0.017194570135746607697502241763;0.018099547511312218811552199327;0.035294117647058823039607489136;0.014479638009049774355352369071;0.021116138763197588035236407222;0.018099547511312218811552199327;0.028355957767722473478189115781;0.052790346907993966618644066102;0.002111613876319758543315119326;0.026244343891402715368554865449;0.014479638009049774355352369071;0.012066365007541478629460307559;0.015384615384615385469402326635;0.007541478129713423926572257727;0.029562594268476620473773408548;0.028657616892911009359723450984;0.012669683257918552127252453943;0.009049773755656109405776099663;0.009954751131221718785102581251;0.030165912518853695706289030909;0.011463046757164403396944685198;0.053092006033182502500178401306;0.000000000000000000000000000000;0.010859728506787329899152538815;0.013876319758672699122836746710;0.013273001508295625625044600326;0.010558069381598794017618203611;0.006938159879336349561418373355;0.027752639517345398245673493420;0.006938159879336349561418373355
-0.020204741379310345306130614063;0.027209051724137931632663267578;0.037446120689655172653065307031;0.007812500000000000000000000000;0.010775862068965517959195921094;0.023706896551724136734673464844;0.007273706896551723928567856348;0.032327586206896553877587763282;0.036637931034482755510151008593;0.015625000000000000000000000000;0.015086206896551724795929594336;0.013739224137931034183668366211;0.022629310344827586326532653516;0.016971982758620690612261228125;0.021821120689655172653065307031;0.009159482758620688877537752148;0.028017241379310345306130614063;0.070043103448275856326432631249;0.030172413793103449591859188672;0.008890086206896552142864287305;0.020474137931034482040804078906;0.022090517241379309387738771875;0.035829741379310345306130614063;0.018318965517241377755075504297;0.019396551724137931632663267578;0.017241379310344827346934692969;0.032327586206896553877587763282;0.029633620689655172653065307031;0.002424568965517241454082908447;0.021012931034482758979597960547;0.007812500000000000000000000000;0.010506465517241379489798980273;0.021551724137931035918391842188;0.005387931034482758979597960547;0.027209051724137931632663267578;0.036099137931034482040804078906;0.017780172413793104285728574609;0.009159482758620688877537752148;0.006465517241379310255100509863;0.031788793103448273469346929687;0.010506465517241379489798980273;0.033405172413793100816281622656;0.000000000000000000000000000000;0.009698275862068965816331633789;0.010237068965517241020402039453;0.017780172413793104285728574609;0.015625000000000000000000000000;0.008620689655172413673467346484;0.038793103448275863265326535156;0.007273706896551723928567856348
-0.029078744209984561108761624837;0.014410705095213588097791124198;0.058414822439526503661255674160;0.005404014410705095319831237077;0.008492022645393721216877658264;0.025476067936181161915909498816;0.006690684508492022487813333242;0.025218733916623777002730122376;0.044518785383427690593993730772;0.018013381369016985555919774242;0.017498713329902212260114069409;0.020586721564590838157160490596;0.017241379310344827346934692969;0.033453422542460115041151880177;0.014925373134328357924149877078;0.017498713329902212260114069409;0.027020072053525474864432709410;0.049408131755018014352742738993;0.015182707153885742837329253518;0.010808028821410190639662474155;0.018013381369016985555919774242;0.021358723623262996366145571869;0.018785383427689140295457903562;0.022388059701492536018863077629;0.029850746268656715848299754157;0.031394750386001028796822964750;0.027792074112197633073417790683;0.013638703036541431623529518902;0.001544004117344312948523210594;0.024704065877509007176371369496;0.011837364899639732027103455891;0.018270715388574370469099150682;0.011837364899639732027103455891;0.005661348430262481100372351506;0.027792074112197633073417790683;0.038600102933607820243633312884;0.014410705095213588097791124198;0.007720020586721564742616052968;0.002830674215131240550186175753;0.024704065877509007176371369496;0.005661348430262481100372351506;0.029850746268656715848299754157;0.000000000000000000000000000000;0.013638703036541431623529518902;0.009006690684508492777959887121;0.015697375193000514398411482375;0.026762738033968089951253332970;0.022902727740607309314668782463;0.033196088522902726658525551784;0.010808028821410190639662474155
-0.034890426758938872242588047357;0.011822376009227220441943906337;0.037197231833910035514456637884;0.000000000000000000000000000000;0.021914648212226068429986369779;0.035178777393310267651571621172;0.003748558246828142918871673572;0.020184544405997692506637974930;0.029411764705882352533006240947;0.022202998846597463838969943595;0.016724336793540944129388137185;0.030565167243367934168940536210;0.027681660899653980079104798051;0.026528258362168398443170502787;0.004613610149942330013184133009;0.017301038062283738416802236770;0.027681660899653980079104798051;0.041810841983852362058193818939;0.011534025374855825032960332521;0.010092272202998846253318987465;0.018742791234140715461720105850;0.020472895040369087915621548746;0.035178777393310267651571621172;0.029411764705882352533006240947;0.036332179930795849287505916436;0.025374855824682813337789255570;0.022491349480968859247953517411;0.019031141868512110870703679666;0.002306805074971165006592066504;0.023933102652825836292871386490;0.019319492502883506279687253482;0.013552479815455594630568825210;0.012687427912341406668894627785;0.004901960784313725422167706824;0.025086505190311417928805681754;0.038350634371395617150390933148;0.015859284890426757902437415737;0.014417531718569780857519546657;0.004325259515570934604200559193;0.037485582468281430923440211700;0.006055363321799307925463740077;0.023933102652825836292871386490;0.000000000000000000000000000000;0.013264129181084199221585251394;0.002018454440599769163927623694;0.016435986159169548720404563369;0.020472895040369087915621548746;0.019319492502883506279687253482;0.034890426758938872242588047357;0.013264129181084199221585251394
-0.034265350877192984890839966283;0.018366228070175440179045978084;0.057565789473684209065496020230;0.000548245614035087688864500421;0.020559210526315790934503979770;0.020559210526315790934503979770;0.003563596491228069977619252739;0.021655701754385966312232980613;0.035361842105263156799122015173;0.021929824561403507554580016858;0.012061403508771929155019009272;0.015076754385964912311135499579;0.014802631578947367599341511379;0.036458333333333335646297967969;0.009320175438596490710696507165;0.012609649122807016843883509694;0.027960526315789473866812997471;0.049342105263157895467251989885;0.015076754385964912311135499579;0.013157894736842104532748010115;0.013980263157894736933406498736;0.024945175438596492445419983142;0.018366228070175440179045978084;0.031798245614035089423587976398;0.032346491228070178847175952797;0.038377192982456141689961981456;0.033991228070175440179045978084;0.012335526315789473866812997471;0.001918859649122806911025751475;0.008497807017543860044761494521;0.012609649122807016843883509694;0.017269736842105264801316977241;0.008771929824561403021832006743;0.007675438596491227644103005900;0.024671052631578947733625994942;0.047697368421052634135381964597;0.020010964912280701510916003372;0.009046052631578947733625994942;0.006578947368421052266374005058;0.021107456140350876888645004215;0.006853070175438596110806255268;0.029331140350877193956335986513;0.000000000000000000000000000000;0.017269736842105264801316977241;0.003563596491228069977619252739;0.016995614035087720089522989042;0.026315789473684209065496020230;0.016995614035087720089522989042;0.033168859649122806043664013487;0.017269736842105264801316977241
-0.024817136886102403314779962784;0.024294670846394982727245448473;0.025862068965517241020402039453;0.005747126436781609115644897656;0.025862068965517241020402039453;0.029780564263322883283846564950;0.004702194357366771410022820987;0.029519331243469174724802783771;0.033960292580982237575781823580;0.013845350052246603936301205806;0.013322884012539185083490167472;0.035527690700104495868938414560;0.019853709508881923345713360618;0.020114942528735631904757141797;0.015935214211076281082268835121;0.012539184952978055936911871981;0.019070010449320794199135065128;0.051201671891327064922716516548;0.022727272727272727903535809446;0.007575757575757575967845269815;0.015412748171368860494734320810;0.019331243469174502758178846307;0.034221525600835946134825604759;0.019592476489028214786669579439;0.024294670846394982727245448473;0.016980146290491118787890911790;0.024817136886102403314779962784;0.042058516196447230661714655753;0.004179728317659352557211782653;0.032915360501567396400712794957;0.026645768025078370166980334943;0.015412748171368860494734320810;0.014890282131661441641923282475;0.005224660397074190262833859322;0.021943573667711598756957513956;0.023510971786833857050114104936;0.013845350052246603936301205806;0.008881922675026123967234603640;0.008359456635318705114423565306;0.031609195402298853605493889063;0.010188087774294670231900461488;0.043103448275862071836783684375;0.000000000000000000000000000000;0.015673981191222569053778101988;0.010971786833855799378478756978;0.012277951933124347377868090803;0.013322884012539185083490167472;0.011494252873563218231289795312;0.032392894461859979282625232599;0.010188087774294670231900461488
-0.023657628920786814841203948845;0.024189261031366295073841143903;0.032695374800637957979354553117;0.004253056884635832320118442595;0.018607123870281766508938403604;0.023125996810207338078013705740;0.002923976608187134340610668914;0.033758639021796918444628943234;0.023657628920786814841203948845;0.015683147262094632168327734689;0.016214779372674108931517977794;0.021265284423179160733230474989;0.019936204146730463621084439296;0.022860180754917597961695108211;0.018341307814992026392619806074;0.012227538543328017595079870716;0.018075491759702286276301208545;0.057416267942583733285832892079;0.035885167464114832436283819561;0.008506113769271664640236885191;0.026847421584263689298133215289;0.021265284423179160733230474989;0.024455077086656035190159741433;0.020999468367889420616911877460;0.023391812865497074724885351316;0.020467836257309940384274682401;0.034821903242955871971009429444;0.029239766081871343406106689145;0.001594896331738437011624198725;0.041467304625199361001186559861;0.012227538543328017595079870716;0.012227538543328017595079870716;0.026315789473684209065496020230;0.010101010101010101868701518413;0.020999468367889420616911877460;0.032695374800637957979354553117;0.014885699096225411819371942101;0.005582137161084529432264478288;0.006911217437533227411772251969;0.021531100478468900849549072518;0.011961722488038277478761273187;0.024455077086656035190159741433;0.000000000000000000000000000000;0.012493354598617755976674992269;0.017543859649122806043664013487;0.017012227538543329280473770382;0.018872939925571503155810049179;0.009569377990430621636064323354;0.036150983519404572552602417090;0.010632642211589580366615237494
-0.028825431034482758979597960547;0.030172413793103449591859188672;0.053071120689655172653065307031;0.008620689655172413673467346484;0.011045258620689654693869385937;0.016433189655172413673467346484;0.003771551724137931198982398584;0.022898706896551723061206118359;0.023976293103448276938793881641;0.022629310344827586326532653516;0.018318965517241377755075504297;0.008890086206896552142864287305;0.014547413793103447857135712695;0.037176724137931035918391842188;0.016433189655172413673467346484;0.015355603448275861530603059180;0.026939655172413791428542850781;0.045258620689655172653065307031;0.015355603448275861530603059180;0.014008620689655172653065307031;0.012661637931034482040804078906;0.020743534482758622244924495703;0.012661637931034482040804078906;0.034213362068965517959195921094;0.028825431034482758979597960547;0.031250000000000000000000000000;0.025592672413793104285728574609;0.060344827586206899183718377344;0.001346982758620689744899490137;0.012931034482758620510201019727;0.007273706896551723928567856348;0.021551724137931035918391842188;0.008620689655172413673467346484;0.005387931034482758979597960547;0.019396551724137931632663267578;0.048760775862068964081608157812;0.012931034482758620510201019727;0.007543103448275862397964797168;0.002963362068965517091834183105;0.019935344827586208571457149219;0.008890086206896552142864287305;0.022359913793103449591859188672;0.000000000000000000000000000000;0.017510775862068964081608157812;0.011584051724137931632663267578;0.019396551724137931632663267578;0.034482758620689654693869385937;0.018049568965517241020402039453;0.022898706896551723061206118359;0.016163793103448276938793881641
-0.025462962962962961549484575130;0.013888888888888888117900677344;0.054398148148148146863167795573;0.048321759259259258745267118229;0.065682870370370363688472536978;0.020254629629629629372633559115;0.002893518518518518357895974447;0.020543981481481482509465763542;0.024594907407407409077881865755;0.016203703703703702804217456901;0.015335648148148148597891271550;0.012152777777777777970524830664;0.011284722222222222029475169336;0.032407407407407405608434913802;0.029224537037037038450515424870;0.013020833333333333911574491992;0.025752314814814814686316779557;0.035590277777777776235801354687;0.015335648148148148597891271550;0.009259259259259258745267118229;0.012442129629629629372633559115;0.018807870370370370627366440885;0.013020833333333333911574491992;0.031828703703703706273664408855;0.024594907407407409077881865755;0.022280092592592590922118134245;0.024594907407407409077881865755;0.019097222222222223764198645313;0.001736111111111111014737584668;0.034722222222222223764198645313;0.008391203703703704538940932878;0.019097222222222223764198645313;0.008101851851851851402108728450;0.007233796296296296328420805111;0.020543981481481482509465763542;0.037037037037037034981068472916;0.012152777777777777970524830664;0.006944444444444444058950338672;0.004050925925925925701054364225;0.023148148148148146863167795573;0.005208333333333333044212754004;0.021122685185185185313683220443;0.000000000000000000000000000000;0.015625000000000000000000000000;0.016493055555555555941049661328;0.012731481481481480774742287565;0.033854166666666664353702032031;0.018807870370370370627366440885;0.024594907407407409077881865755;0.010127314814814814686316779557
-0.022132253711201078233417050001;0.023211875843454791989994845380;0.044534412955465584038616810858;0.022941970310391364418212134524;0.049392712550607287269599510182;0.017543859649122806043664013487;0.005668016194331984211607355917;0.025641025641025640136039243089;0.023751686909581647133560267093;0.024021592442645074705342977950;0.014574898785425101019330718088;0.014844804318488528591113428945;0.012145748987854251138562844403;0.031578947368421053654152785839;0.027530364372469636607965171038;0.011336032388663968423214711834;0.027800269905533064179747881894;0.039406207827260460174745304585;0.021322537112010795518068917431;0.009176788124156544379506073028;0.018893387314439947372024519723;0.019973009446693657659155363149;0.013495276653171390732199874662;0.029959514170040484754009568746;0.018353576248313088759012146056;0.031309041835357626082370074982;0.026450742240215922851387375658;0.033468286099865046656631761834;0.000809716599190283365869436061;0.028070175438596491751530592751;0.010526315789473683973143103287;0.023211875843454791989994845380;0.013225371120107961425693687829;0.004318488529014844617970325658;0.017004048582995950900098591774;0.036167341430499322374458870399;0.012955465587044533853910976973;0.006477732793522266926955488486;0.003508771929824561468941324094;0.017273954116059378471881302630;0.009986504723346828829577681574;0.016734143049932523328315880917;0.000000000000000000000000000000;0.019433198380566802515589941436;0.013225371120107961425693687829;0.017543859649122806043664013487;0.034547908232118756943762605260;0.019163292847503374943807230579;0.026180836707152495279604664802;0.009176788124156544379506073028
-0.029650349650349652058656246822;0.014825174825174826029328123411;0.063776223776223772699012215526;0.006993006993006993000927540294;0.009790209790209791068660294400;0.023776223776223775335791899010;0.004755244755244755240630727400;0.019580419580419582137320588799;0.031328671328671328644155380516;0.027132867132867131976237118351;0.011468531468531469388882904070;0.031608391608391607496830744140;0.014825174825174826029328123411;0.034965034965034967606722915434;0.016783216783216783202226096705;0.012587412587412588269031310517;0.030489510489510488616682337693;0.050349650349650353076125242069;0.012307692307692307681632470917;0.009790209790209791068660294400;0.014825174825174826029328123411;0.022937062937062938777765808140;0.014545454545454545441929283811;0.031328671328671328644155380516;0.028531468531468533178507840375;0.030489510489510488616682337693;0.026853146853146853123561754728;0.015944055944055943174753053881;0.002237762237762237760296812894;0.027132867132867131976237118351;0.014545454545454545441929283811;0.024055944055944057657914214587;0.010909090909090909948808700847;0.006993006993006993000927540294;0.020419580419580418695346679669;0.044195804195804197500585530634;0.012587412587412588269031310517;0.007832167832167832161038845129;0.004475524475524475520593625788;0.022097902097902098750292765317;0.006993006993006993000927540294;0.021258741258741258722819722493;0.000000000000000000000000000000;0.016223776223776225496875369458;0.006713286713286713280890438682;0.014825174825174826029328123411;0.035524475524475525312073642681;0.019020979020979020962522909599;0.028251748251748250856385524798;0.011468531468531469388882904070
-0.024455077086656035190159741433;0.019138755980861243272128646709;0.045188729399255715690753021363;0.010632642211589580366615237494;0.028176501860712386410279250981;0.029505582137161083522425286674;0.009037745879851143138150604273;0.022328548644338117729057913152;0.031897926634768737630398760530;0.018075491759702286276301208545;0.013290802764486974590907308880;0.031100478468899520750889919896;0.013556618819776714707225906409;0.031632110579478997514080163000;0.018075491759702286276301208545;0.016214779372674108931517977794;0.027644869750132909647089007876;0.042796384901648061582779547507;0.020202020202020203737403036826;0.009569377990430621636064323354;0.017012227538543329280473770382;0.024455077086656035190159741433;0.013822434875066454823544503938;0.024720893141945771837031387008;0.031366294524189264336655469378;0.026847421584263689298133215289;0.027644869750132909647089007876;0.021265284423179160733230474989;0.003189792663476874023248397449;0.045720361509835195923390216421;0.009569377990430621636064323354;0.020467836257309940384274682401;0.014619883040935671703053344572;0.005582137161084529432264478288;0.018075491759702286276301208545;0.037480063795853266195301500829;0.009569377990430621636064323354;0.009835194045720361752382920884;0.004518872939925571569075302136;0.020733652312599680500593279930;0.008506113769271664640236885191;0.021531100478468900849549072518;0.000000000000000000000000000000;0.013290802764486974590907308880;0.012493354598617755976674992269;0.014354066985645933321458223020;0.022062732589048377612739315623;0.017543859649122806043664013487;0.028442317916002126526597848510;0.012759170653907496092993589798
-0.025497814473045166128173377729;0.014327343370568236882722779058;0.051481301602719770071914240361;0.004856726566294317440353189852;0.033268576979116074032738481492;0.031083050024283631618260415053;0.003642544924720738080264892389;0.019184069936862554323075968910;0.037396794560466246892804775825;0.016998542982030111908597902470;0.014084507042253521444385988559;0.021369596891694996737554035349;0.019669742593491985199749549906;0.025497814473045166128173377729;0.018698397280233123446402387913;0.019184069936862554323075968910;0.031083050024283631618260415053;0.046867411364740166335174365031;0.019669742593491985199749549906;0.011413307430791646418510865146;0.009470616804273919442369589206;0.024283632831471588936489425237;0.013113161728994657956315350589;0.023312287518212723713695311289;0.029140359397765904642119139112;0.021855269548324427614227616345;0.027197668771248177665977863171;0.026954832442933462227641072673;0.002914035939776590464211913911;0.031083050024283631618260415053;0.025254978144730450689836587230;0.016512870325400681031924321474;0.013113161728994657956315350589;0.005099562894609033746051718339;0.021855269548324427614227616345;0.037153958232151527985021033373;0.013841670713938806006049198061;0.011413307430791646418510865146;0.006313744536182612672459146808;0.023069451189898008275358520791;0.008013598834385623342901894262;0.027683341427877612012098396121;0.000000000000000000000000000000;0.010927634774162213807113808173;0.012384652744050509906581503117;0.013355998057309373394652141087;0.024769305488101019813163006233;0.021126760563380281299217244850;0.024526469159786304374826215735;0.008984944147644486830972532232
-0.025423728813559323680415502622;0.019579193454120395745388094610;0.049970777323202805741964027675;0.051724137931034482040804078906;0.035359438924605496312736363507;0.020748100526008183414061747385;0.005260081823495032365967105648;0.025423728813559323680415502622;0.028930450029222676278095605085;0.020163646990064291314448396975;0.013734658094681473014531114529;0.016072472238457043147707992148;0.016949152542372881297128017763;0.031560490940970194195802633885;0.027469316189362946029062229059;0.015780245470485097097901316943;0.029807130333138514427515630700;0.035359438924605496312736363507;0.017241379310344827346934692969;0.011981297486849794980967587321;0.018410286382232611546161393790;0.019871420222092345264641721769;0.013442431326709526964724439324;0.024547048509643482061548525053;0.026300409117475161829835528238;0.021040327293980129463868422590;0.023962594973699589961935174642;0.021917007597895967613288448206;0.004091174751607247299378666838;0.021624780829924021563481773001;0.009643483343074224847790709703;0.019579193454120395745388094610;0.009643483343074224847790709703;0.005552308591466978415773780853;0.027761542957334892078868904264;0.035067212156633546793482736348;0.014611338398597311163951140145;0.009935710111046172632320860885;0.005260081823495032365967105648;0.021332554061952075513675097795;0.005844535359438924465580456058;0.014026884862653419064337789735;0.000000000000000000000000000000;0.012857977790765634865111088914;0.018410286382232611546161393790;0.013442431326709526964724439324;0.024839275277615428111355200258;0.015488018702513151048094641737;0.031268264172998244676549006726;0.011689070718877848931160912116
-0.016971982758620690612261228125;0.031788793103448273469346929687;0.039601293103448273469346929687;0.028825431034482758979597960547;0.037446120689655172653065307031;0.015894396551724136734673464844;0.006734913793103447857135712695;0.026939655172413791428542850781;0.028556034482758622244924495703;0.013469827586206895714271425391;0.011314655172413793163266326758;0.007812500000000000000000000000;0.017241379310344827346934692969;0.022090517241379309387738771875;0.041756465517241381224522456250;0.010237068965517241020402039453;0.028556034482758622244924495703;0.053609913793103446122412236718;0.025592672413793104285728574609;0.009967672413793104285728574609;0.016433189655172413673467346484;0.023976293103448276938793881641;0.016163793103448276938793881641;0.023437500000000000000000000000;0.022359913793103449591859188672;0.017780172413793104285728574609;0.025862068965517241020402039453;0.049568965517241381224522456250;0.002693965517241379489798980273;0.028825431034482758979597960547;0.006196120689655172653065307031;0.012122844827586206836733673242;0.015086206896551724795929594336;0.004849137931034482908165816895;0.017780172413793104285728574609;0.031250000000000000000000000000;0.015625000000000000000000000000;0.008351293103448275204070405664;0.006465517241379310255100509863;0.019665948275862068367336732422;0.011045258620689654693869385937;0.041756465517241381224522456250;0.000000000000000000000000000000;0.011853448275862068367336732422;0.025862068965517241020402039453;0.010506465517241379489798980273;0.017780172413793104285728574609;0.012122844827586206836733673242;0.021012931034482758979597960547;0.009159482758620688877537752148
-0.020661157024793389003214372224;0.030853994490358128272022852912;0.044903581267217627936982893289;0.037741046831955921136980691699;0.045179063360881545341474208044;0.014876033057851239735369652806;0.004132231404958677800642874445;0.028925619834710744604500121113;0.023691460055096418002573699368;0.020385674931129475068170009422;0.014049586776859504869130468308;0.010192837465564737534085004711;0.015426997245179064136011426456;0.025619834710743801670096431167;0.048209366391184574340833535189;0.013498622589531680468488694657;0.025619834710743801670096431167;0.050137741046831954538909315033;0.021763085399449034335050967570;0.010468319559228649734405891536;0.014876033057851239735369652806;0.019283746556473829736333414075;0.014325068870523415334727879156;0.022589531680440772670737104022;0.022865013774104683136334514870;0.024517906336088152868812883867;0.022865013774104683136334514870;0.035812672176308540938904911854;0.002479338842975206767121898466;0.030027548209366389936336716460;0.005785123966942148400482981430;0.017906336088154270469452455927;0.013223140495867768268167807832;0.006611570247933884134083903916;0.014600550964187327535048765981;0.033608815426997243336337817254;0.012396694214876033401928623334;0.008264462809917355601285748889;0.002754820936639118533761916296;0.019559228650137740201930824924;0.010192837465564737534085004711;0.018732782369146005335691640425;0.000000000000000000000000000000;0.012121212121212121201607736509;0.027823691460055095803216573813;0.016253443526170797267527134977;0.020661157024793389003214372224;0.015151515151515151935690539631;0.020385674931129475068170009422;0.007988980716253443400964862064
-0.021981004070556309226702751403;0.030122116689280869356037939610;0.048846675712347353837117225339;0.007598371777476254848582293278;0.007327001356852103075567583801;0.021709633649932155718964565949;0.005970149253731343343132298429;0.040705563093622797177228989085;0.035549525101763908285779081098;0.017639077340569877389020447822;0.014382632293080054378120458125;0.010040705563093622540438154545;0.016010854816824966750932190962;0.017639077340569877389020447822;0.036092265943012208362361548097;0.009226594301221167221394026114;0.036906377204884668885576104458;0.052103120759837175113293739059;0.023880597014925373372529193716;0.009497964721845318994408735591;0.019538670284938941534846890136;0.024423337856173676918558612670;0.016010854816824966750932190962;0.018724559023066484481079285729;0.023066485753052916318761589309;0.023066485753052916318761589309;0.034735413839891454701458428644;0.051289009497964721528973086606;0.002442333785617367691855861267;0.017639077340569877389020447822;0.006512890094979646889161717382;0.019267299864314788027108704682;0.016824966078697420335252843415;0.004884667571234735383711722534;0.023066485753052916318761589309;0.039891451831750336654014432725;0.015739484396200813243194005508;0.006784260515603799529538164848;0.005970149253731343343132298429;0.021438263229308005680673332449;0.015468113975576661470179296032;0.027679782903663501664182078343;0.000000000000000000000000000000;0.010312075983717774313452864021;0.013297150610583445551338144242;0.011397557666214383140235177905;0.016553595658073270296961609915;0.013839891451831750832091039172;0.027137042062415198118152659390;0.009769335142469470767423445068
-0.024587612822906942250389406013;0.039215686274509803377341654596;0.059446000622471212304631649204;0.002801120448179271731764528042;0.004979769685652038826995102738;0.018985371926548397919498611941;0.003112356053532524050031504714;0.029567382508558979342661032774;0.036103330220977281062033625858;0.019607843137254901688670827298;0.012449424214130096200126018857;0.008092125739184562877026607453;0.016495487083722379373362798560;0.023031434796140677623288439690;0.022720199190787427473425807989;0.010893246187363835042472004488;0.033302209772798005427141276868;0.077186430127606592277444974570;0.016806722689075629523225430262;0.011515717398070338811644219845;0.015561780267662620250157523571;0.023965141612200435011770238702;0.019296607531901648069361243643;0.030501089324618736731142831786;0.024587612822906942250389406013;0.024898848428260192400252037714;0.038593215063803296138722487285;0.031123560535325240500315047143;0.001244942421413009706748775685;0.012138188608776844315539911179;0.007780890133831310125078761786;0.018985371926548397919498611941;0.009959539371304077653990205476;0.005602240896358543463529056083;0.019607843137254901688670827298;0.038904450669156549758032070940;0.018674136321195144300189028286;0.008403361344537814761612715131;0.002178649237472767095230574697;0.020852785558667912696462209965;0.006847183317771552736596962774;0.029256146903205725723351449119;0.000000000000000000000000000000;0.015561780267662620250157523571;0.006847183317771552736596962774;0.012449424214130096200126018857;0.023031434796140677623288439690;0.016184251478369125754053214905;0.035480859010270773823414458548;0.010582010582010581423162420833
-0.020341981132075470650732995637;0.033903301886792455710484261999;0.053360849056603772144757869000;0.020636792452830187566403807864;0.020341981132075470650732995637;0.012676886792452830843291877727;0.007075471698113207710822969432;0.020341981132075470650732995637;0.053066037735849058698534008727;0.017099056603773584578354061136;0.011202830188679244530214340614;0.005896226415094340048139720523;0.010908018867924527614543528387;0.023879716981132077108229694318;0.035377358490566036819391371182;0.010908018867924527614543528387;0.030365566037735849252987563318;0.050117924528301889541825886454;0.015035377358490566168658375545;0.006485849056603773879481344977;0.012382075471698113927621065500;0.027122641509433963180608628818;0.014740566037735849252987563318;0.022700471698113205976099493455;0.019752358490566036819391371182;0.015919811320754716915670812227;0.022700471698113205976099493455;0.064563679245283014940248733637;0.002063679245283018843376554585;0.019752358490566036819391371182;0.005011792452830188433765545852;0.017393867924528301494024873364;0.008549528301886792289177030568;0.004716981132075471518094733625;0.019457547169811319903720558955;0.036851415094339624867192384272;0.015625000000000000000000000000;0.006191037735849056963810532750;0.005011792452830188433765545852;0.027122641509433963180608628818;0.005601415094339622265107170307;0.049823113207547169156708122273;0.000000000000000000000000000000;0.009728773584905659951860279477;0.022700471698113205976099493455;0.013856132075471698505975126636;0.020636792452830187566403807864;0.013561320754716981590304314409;0.026533018867924529349267004363;0.010908018867924527614543528387
-0.027412587412587414298359433928;0.009510489510489510481261454800;0.061818181818181820730284670162;0.034125874125874124109802920657;0.020139860139860139842671316046;0.017062937062937062054901460328;0.001678321678321678320222609671;0.015944055944055943174753053881;0.044755244755244755205936257880;0.020139860139860139842671316046;0.013426573426573426561780877364;0.017062937062937062054901460328;0.012867132867132867121706674141;0.030489510489510488616682337693;0.008671328671328672188511887953;0.019300699300699299815198273222;0.042797202797202796298314808610;0.052027972027972026192177423809;0.010349650349650350508734497623;0.012587412587412588269031310517;0.013706293706293707149179716964;0.036083916083916083017424369928;0.019020979020979020962522909599;0.030209790209790209764006974069;0.031328671328671328644155380516;0.029090909090909090883858567622;0.020979020979020979870144358870;0.011748251748251748241558267694;0.001118881118881118880148406447;0.010909090909090909948808700847;0.009230769230769231628586091176;0.018181818181818180935049866775;0.005034965034965034960667829012;0.006993006993006993000927540294;0.020979020979020979870144358870;0.049230769230769230726529883668;0.013986013986013986001855080588;0.008951048951048951041187251576;0.005034965034965034960667829012;0.027412587412587414298359433928;0.005034965034965034960667829012;0.024055944055944057657914214587;0.000000000000000000000000000000;0.020419580419580418695346679669;0.007272727272727272720964641906;0.014265734265734266589253920188;0.030769230769230770938804653269;0.019300699300699299815198273222;0.025174825174825176538062621034;0.012307692307692307681632470917
-0.022836538461538460204058864633;0.020733173076923076122435318780;0.061598557692307695510258724880;0.000300480769230769247449264192;0.001201923076923076989797056768;0.017728365384615384081623545853;0.003305288461538461505101471616;0.021935096153846152244870637560;0.073016826923076927347011633174;0.023437500000000000000000000000;0.016225961538461539795941135367;0.010216346153846153979594113537;0.017728365384615384081623545853;0.036057692307692304489741275120;0.011117788461538461938782340610;0.017728365384615384081623545853;0.032151442307692304489741275120;0.063401442307692304489741275120;0.010516826923076923877564681220;0.010817307692307692040811772927;0.012620192307692307959188227073;0.030048076923076923877564681220;0.020432692307692307959188227073;0.027043269230769231836752908293;0.024639423076923076122435318780;0.024939903846153847755129362440;0.024639423076923076122435318780;0.018930288461538460204058864633;0.001201923076923076989797056768;0.014122596153846153979594113537;0.007211538461538461938782340610;0.019230769230769231836752908293;0.010216346153846153979594113537;0.006610576923076923010202943232;0.020132211538461539795941135367;0.045372596153846152244870637560;0.017728365384615384081623545853;0.008112980769230769897970567683;0.006009615384615384948985283842;0.029447115384615384081623545853;0.005709134615384615051014716158;0.055588942307692304489741275120;0.000000000000000000000000000000;0.007812500000000000000000000000;0.003305288461538461505101471616;0.012920673076923076122435318780;0.019831730769230768163247091707;0.016826923076923076122435318780;0.027043269230769231836752908293;0.010216346153846153979594113537
-0.028642936596218020184334562828;0.019744160177975526859750488029;0.050611790878754170375231069556;0.000000000000000000000000000000;0.012791991101223582419366131546;0.031423804226918795878820134249;0.004727474972191323711323551748;0.019466073414905450678080711668;0.052558398220244717524707311895;0.018075639599555062830837925958;0.014182424916573970266608917257;0.031145717463848719697150357888;0.015850945494994439499691907258;0.026696329254727476504305272442;0.012235817575083426586579626871;0.016129032258064515681361683619;0.036707452725250278025015404637;0.048109010011123470862415274496;0.013904338153503892350215664919;0.011679644048943270753793122196;0.014460511679644048183002169594;0.032536151279199107544393143598;0.023359288097886541507586244393;0.019466073414905450678080711668;0.032536151279199107544393143598;0.020578420467185762343653721018;0.024193548387096773522042525428;0.016407119021134595332478411933;0.001390433815350389365125827190;0.033926585094549502330529833216;0.012513904338153504502972879209;0.011401557285873192837399869859;0.010289210233592881171826860509;0.005005561735261401627716804086;0.022525027808676306023683011404;0.029477196885428252198790843863;0.013070077864293660335759383884;0.008620689655172413673467346484;0.008898776418242491589860598822;0.033648498331479419209966152948;0.005561735261401557460503308761;0.042825361512791988716220004108;0.000000000000000000000000000000;0.013070077864293660335759383884;0.006952169076751946175107832460;0.011401557285873192837399869859;0.023081201334816461856469516079;0.017797552836484983179721197644;0.028642936596218020184334562828;0.011679644048943270753793122196
-0.023451910408432148635871072884;0.036890645586297760027960634943;0.042160737812911727728781841051;0.019499341238471672860255168303;0.032938076416337287721791682316;0.017654808959156786246635917337;0.006060606060606060600803868255;0.032411067193675889563930780923;0.021343873517786562943321371222;0.016337285902503294321430615810;0.012648221343873517624745161925;0.008695652173913043583852733320;0.015283267457180501475155764979;0.020289855072463766627599568437;0.039262187088274044799440787301;0.009749670619235836430127584151;0.025559947299077734328420774546;0.036363636363636361870099733551;0.031357048748353093248208978139;0.011067193675889328355332885678;0.018708827404479579092910768168;0.019235836627140973781324717606;0.017127799736495388088775015945;0.018972332015810278171841218864;0.021870882740447957631735320660;0.023451910408432148635871072884;0.026877470355731226253626076073;0.044005270092226614342401092017;0.001581027667984189703093145241;0.035309617918313572493271834674;0.007905138339920948081784857209;0.016864295125164689009844565248;0.020553359683794465706530019133;0.006060606060606060600803868255;0.018181818181818180935049866775;0.035046113306982873414341383977;0.013702239789196310471020012756;0.011330698287220025699539860398;0.004479578392621870464029854020;0.016600790513833993400361066506;0.011857707509881422122677285813;0.030830039525691698559795028700;0.000000000000000000000000000000;0.009749670619235836430127584151;0.026086956521739129016834723984;0.015019762845849802396225314283;0.017918313570487481856119416079;0.014229249011857706894157438171;0.026877470355731226253626076073;0.010540184453227931932195460263
-0.023295454545454546274596552280;0.014488636363636363257878514332;0.059090909090909089773635542997;0.008806818181818181281994561971;0.045454545454545455807071618892;0.025000000000000001387778780781;0.004829545454545454419292838111;0.020454545454545454419292838111;0.030965909090909092549193104560;0.018181818181818180935049866775;0.012500000000000000693889390391;0.030397727272727274178132361726;0.017329545454545455113182228502;0.035227272727272725127978247883;0.014488636363636363257878514332;0.019318181818181817677171352443;0.026988636363636363951767904723;0.041477272727272730679093371009;0.019886363636363636048232095277;0.009374999999999999653055304805;0.015056818181818181628939257166;0.025000000000000001387778780781;0.016477272727272725821867638274;0.027840909090909089773635542997;0.035511363636363639517679047231;0.024715909090909090467524933388;0.022443181818181816983281962052;0.027272727272727271402574800163;0.003125000000000000173472347598;0.032102272727272729291314590228;0.015625000000000000000000000000;0.019602272727272728597425199837;0.012215909090909091508359018974;0.005681818181818181975883952362;0.019602272727272728597425199837;0.037499999999999998612221219219;0.013636363636363635701287400082;0.007386363636363636221704442875;0.004829545454545454419292838111;0.018181818181818180935049866775;0.006818181818181817850643700041;0.019602272727272728597425199837;0.000000000000000000000000000000;0.013352272727272726515757028665;0.009659090909090908838585676222;0.011647727272727273137298276140;0.023295454545454546274596552280;0.015340909090909090814469628583;0.027556818181818182322828647557;0.011363636363636363951767904723
-0.030054644808743168071796247887;0.010018214936247722690598749296;0.043715846994535519087765607082;0.001821493624772313295323566962;0.009714632665452338153300182455;0.029143897996357012725177071388;0.004250151791135397399967743581;0.017607771706132362143915059960;0.054644808743169397124983532876;0.023072252580449301162524022857;0.015786278081360047981229755010;0.028233151183970857378557894890;0.023982999392835459978590151309;0.031876138433515485703928504790;0.006982392228293867776633963018;0.020643594414086217925241584226;0.028536733454766240181132985754;0.052216150576806313887701094245;0.018214936247723134687959145595;0.012143290831815421390582621086;0.014875531268973892634610578511;0.025197328476017001597231370624;0.017304189435336975871893017143;0.019429265330904676306600364910;0.040680024286581663306439082817;0.027322404371584698562491766438;0.026108075288403156943850547123;0.011536126290224650581262011428;0.001214329083181542269162522807;0.026411657559198543215872589940;0.018214936247723134687959145595;0.016697024893746206797295883462;0.009411050394656951881278139638;0.007893139040680023990614877505;0.028840315725561626453155028571;0.031268973891924713159884419156;0.014268366727383120090566492877;0.008803885853066181071957529980;0.009411050394656951881278139638;0.025500910746812387869253413442;0.004250151791135397399967743581;0.033394049787492413594591766923;0.000000000000000000000000000000;0.017911353976927748415937102777;0.004857316332726169076650091228;0.011232544019429266043963444588;0.023982999392835459978590151309;0.018518518518518517490534236458;0.028840315725561626453155028571;0.013964784456587735553267926036
-0.023496503496503496483116535387;0.031888111888111886349506107763;0.057622377622377624062366407998;0.000279720279720279720037101612;0.008951048951048951041187251576;0.018461538461538463257172182352;0.003356643356643356640445219341;0.020139860139860139842671316046;0.059300699300699304117312493645;0.018461538461538463257172182352;0.012587412587412588269031310517;0.023216783216783217630441171764;0.009790209790209791068660294400;0.029930069930069930911331610446;0.006713286713286713280890438682;0.013986013986013986001855080588;0.039720279720279721979991904846;0.073006993006993009531768734632;0.010909090909090909948808700847;0.013986013986013986001855080588;0.013426573426573426561780877364;0.031328671328671328644155380516;0.020139860139860139842671316046;0.023496503496503496483116535387;0.024335664335664336510589578211;0.025454545454545455390737984658;0.024335664335664336510589578211;0.015384615384615385469402326635;0.004475524475524475520593625788;0.020699300699300701017468995246;0.009510489510489510481261454800;0.016503496503496504349550733082;0.008671328671328672188511887953;0.006433566433566433560853337070;0.021258741258741258722819722493;0.043636363636363639795234803387;0.017062937062937062054901460328;0.009230769230769231628586091176;0.005874125874125874120779133847;0.020419580419580418695346679669;0.006433566433566433560853337070;0.051468531468531468486826696562;0.000000000000000000000000000000;0.012587412587412588269031310517;0.005314685314685314680704930623;0.012307692307692307681632470917;0.019860139860139860989995952423;0.014825174825174826029328123411;0.032447552447552450993750738917;0.007272727272727272720964641906
-0.027093596059113302099152775781;0.027093596059113302099152775781;0.041324575807334430754824694532;0.001368363437328954561669758228;0.009304871373836891279562877344;0.028188286808976465575016234766;0.007662835249042145198405950879;0.023535851122058019935234796094;0.035851122058018609906060447656;0.013136288998357963445084983789;0.015873015873015872134743631250;0.025725232621784346886961714063;0.020251778872468526038197467187;0.023535851122058019935234796094;0.020525451559934317774525069922;0.015325670498084290396811901758;0.030377668308702792526743152735;0.053092501368363437252995140625;0.023262178434592228198907193359;0.010946907498631636493358065820;0.017515051997810619083262295703;0.021346469622331692983507878125;0.024356869184455391674770652344;0.018062397372742199086470549219;0.029830322933771209054087947266;0.022167487684729064723043734375;0.028735632183908045578224488281;0.035303776683087026433405242187;0.001368363437328954561669758228;0.028735632183908045578224488281;0.024083196496989599938443049609;0.012041598248494799969221524805;0.013683634373289545183016713281;0.007389162561576354329440086133;0.026272577996715926890169967578;0.027640941434044882102361029297;0.015599343185550082133139504492;0.009304871373836891279562877344;0.008757525998905309541631147852;0.025177887246852763414306508594;0.011494252873563218231289795312;0.029830322933771209054087947266;0.000000000000000000000000000000;0.012315270935960591705549127539;0.014778325123152708658880172266;0.015051997810618500395207775000;0.014778325123152708658880172266;0.012041598248494799969221524805;0.032567049808429116009023118750;0.006294471811713190853576627148
-0.023609226594301219864791008263;0.028222523744911805210211497297;0.035006784260515601270302710191;0.005970149253731343343132298429;0.041248303934871097253811456085;0.028222523744911805210211497297;0.009769335142469470767423445068;0.023880597014925373372529193716;0.034192672998643147685982057737;0.010583446404341926086467573498;0.014654002713704206151135167602;0.031207598371777476448096777517;0.025508819538670284010617450576;0.017096336499321573842991028869;0.017910447761194030896758633276;0.012483039348710990232294015811;0.025780189959294437518355636030;0.048575305291723200329379039886;0.023609226594301219864791008263;0.008141112618724558394611712231;0.016010854816824966750932190962;0.023609226594301219864791008263;0.027951153324287651702473311843;0.018453188602442334442788052229;0.026865671641791044610414473937;0.021981004070556309226702751403;0.019538670284938941534846890136;0.025237449118046133972326217076;0.002713704206241519464870570744;0.044233378561736771961143688259;0.024151967435549523410820427216;0.012483039348710990232294015811;0.013297150610583445551338144242;0.003527815468113975651276437162;0.025237449118046133972326217076;0.024151967435549523410820427216;0.010312075983717774313452864021;0.007869742198100406621597002754;0.013297150610583445551338144242;0.029579375848032565810008520657;0.007327001356852103075567583801;0.035549525101763908285779081098;0.000000000000000000000000000000;0.008955223880597015448379316638;0.011668928086838534913249887381;0.016553595658073270296961609915;0.013297150610583445551338144242;0.015468113975576661470179296032;0.026051560379918587556646869530;0.008955223880597015448379316638
-0.021173469387755102649739669118;0.017091836734693877791757543605;0.056887755102040818422359791384;0.010459183673469388264898327634;0.028316326530612244416484912790;0.023214285714285715078730731875;0.006632653061224489526859215971;0.024234693877551019558502787277;0.048469387755102039117005574553;0.015051020408163265362766480848;0.013520408163265306908384921769;0.026020408163265305867550836183;0.014285714285714285268213963320;0.024489795918367345678445801127;0.015816326530612243722595522399;0.013775510204081633028327935619;0.036224489795918364543059198013;0.052040816326530611735101672366;0.020153061224489794700520661763;0.011224489795918366624727369185;0.016326530612244899431928502054;0.027295918367346939936712857389;0.017346938775510203911700557455;0.028316326530612244416484912790;0.025255102040816327507721794632;0.026530612244897958107436863884;0.022959183673469388958787718025;0.013265306122448979053718431942;0.001530612244897959104902862570;0.032397959183673469274467038304;0.015051020408163265362766480848;0.018367346938775511860919564811;0.010714285714285714384841341484;0.004846938775510204085172905053;0.021938775510204081009568710670;0.040561224489795918990431289330;0.009948979591836734290288823956;0.009183673469387755930459782405;0.008163265306122449715964251027;0.022193877551020407129511724520;0.006887755102040816514163967810;0.027806122448979592176598885089;0.000000000000000000000000000000;0.013775510204081633028327935619;0.015051020408163265362766480848;0.011989795918367346719279886713;0.025000000000000001387778780781;0.015051020408163265362766480848;0.024744897959183671798388814977;0.008418367346938775835907264877
-0.023532152842497669475996247002;0.028424976700838770066193106345;0.052656104380242312046345176668;0.008387698042870456172082072044;0.009552656104380241944284968270;0.018406337371854614853861065171;0.003960857409133271452017499570;0.029822926374650511605057801034;0.042404473438956195863180909100;0.021202236719478097931590454550;0.013746505125815470030326004292;0.016309412861136997341393595207;0.015377446411929170805299449398;0.027493010251630940060652008583;0.021202236719478097931590454550;0.012115563839701770990076035162;0.027027027027027028527328411656;0.057781919850885370137927310452;0.019571295433364398891340485420;0.011649580615097855987305486281;0.016309412861136997341393595207;0.026328052190121156023172588334;0.015843429636533085808069998279;0.026561043802423113524557862775;0.024231127679403541980152070323;0.023765144454799626977381521442;0.030288909599254426607828349916;0.031220876048462256613369447678;0.001397949673811742839907301672;0.019338303821062441389955210980;0.011649580615097855987305486281;0.018406337371854614853861065171;0.011416589002795898485920211840;0.004892823858341099722835121355;0.016775396085740912344164144088;0.046598322460391423949221945122;0.017707362534948742349705241850;0.008387698042870456172082072044;0.003727865796831313950632225129;0.019338303821062441389955210980;0.016542404473438954842778869647;0.031919850885368125648078319045;0.000000000000000000000000000000;0.017940354147250699851090516290;0.008387698042870456172082072044;0.012581547064305684258123108066;0.023299161230195711974610972561;0.016309412861136997341393595207;0.028657968313140727567578380786;0.009552656104380241944284968270
-0.034482758620689654693869385937;0.018602540834845734951663587253;0.044918330308529944017159607483;0.056034482758620690612261228125;0.030399274047186931879682703084;0.018148820326678766906569606476;0.004083484573502721946824944865;0.030852994555353903394223635814;0.021551724137931035918391842188;0.016787658802177859301840712192;0.016333938294010887787299779461;0.024047186932849365370579164392;0.017014519056261341589664226603;0.030172413793103449591859188672;0.024047186932849365370579164392;0.017241379310344827346934692969;0.019509981851179674511298500761;0.030626134301270417636953169449;0.030399274047186931879682703084;0.008847549909255897696014336873;0.020417422867513610601486462315;0.019736842105263156799122015173;0.014292196007259528114929914011;0.021324863883847550161121375822;0.032441016333938296756222996464;0.029491833030852995789494741530;0.029491833030852995789494741530;0.027450090744101634382401400103;0.001588021778584392060956753667;0.029491833030852995789494741530;0.013838475499092558335112457257;0.009074410163339383453284803238;0.012704174228675136487654029338;0.005671506352087114441462567527;0.019509981851179674511298500761;0.032214156079854810998952530099;0.017241379310344827346934692969;0.009754990925589837255649250380;0.005444646098003629551553839150;0.014972776769509981917294361153;0.004764065335753175749189392008;0.017695099818511795392028673746;0.000000000000000000000000000000;0.011796733212341198662742591807;0.017468239564428313104205159334;0.009301270417422867475831793627;0.018829401088929220708934053619;0.017468239564428313104205159334;0.032667876588021775574599558922;0.009754990925589837255649250380
-0.033743842364532018740508334531;0.022906403940886700676404785781;0.042610837438423643241947047500;0.050985221674876846087443027500;0.022413793103448275551015100859;0.023891625615763547457737203672;0.003940886699507388860053147539;0.024876847290640394239069621563;0.026600985221674876973763090859;0.018226600985221674128267110859;0.014285714285714285268213963320;0.026108374384236451848373405937;0.016502463054187191393573641562;0.032019704433497539475261817188;0.026600985221674876973763090859;0.016256157635467980565602275078;0.018719211822660099253656795781;0.036945812807881776851370858594;0.022167487684729064723043734375;0.011822660098522168314882918594;0.011576354679802955752188076133;0.021182266009852217941711316485;0.016256157635467980565602275078;0.024384236453201969113679936640;0.031527093596059110880425180312;0.022413793103448275551015100859;0.031034482758620689224482447344;0.020689655172413792816321631562;0.001724137931034482734693469297;0.024137931034482758285708570156;0.011330049261083743189493233672;0.013300492610837438486881545430;0.012068965517241379142854285078;0.006403940886699507548107668242;0.024876847290640394239069621563;0.029556650246305417317760344531;0.012807881773399015096215336484;0.009852216748768473017494606836;0.004926108374384236508747303418;0.022660098522167486378986467344;0.006403940886699507548107668242;0.017241379310344827346934692969;0.000000000000000000000000000000;0.015024630541871921221575014727;0.019211822660098520909599528750;0.015763546798029555440212590156;0.022413793103448275551015100859;0.017733990147783252472324377891;0.027093596059113302099152775781;0.014778325123152708658880172266
-0.023946360153256705805002724219;0.025143678160919540748308165234;0.024664750957854406077096598437;0.057231800766283522086119717187;0.028017241379310345306130614063;0.030651340996168580793623803515;0.006226053639846742919494726465;0.036637931034482755510151008593;0.029454022988505745850318362500;0.010057471264367815952378570898;0.019157088122605362562334008203;0.016283524904214558004511559375;0.018199233716475096689357826563;0.021072796934865901247180275391;0.032806513409961685079352378125;0.013170498084291187845806803125;0.017480842911877392947817000390;0.040469348659003832879843542969;0.029454022988505745850318362500;0.006465517241379310255100509863;0.017720306513409962018146259766;0.015565134099616857732417685156;0.022030651340996167120156457031;0.013409961685823755181412586523;0.027298850574712645034036739844;0.016283524904214558004511559375;0.031609195402298853605493889063;0.035440613026819924036292519531;0.001436781609195402278911224414;0.037116858237547893650809527344;0.015804597701149426802746944531;0.007902298850574713401373472266;0.019396551724137931632663267578;0.004070881226053639501127889844;0.026101532567049810090731298828;0.026340996168582375691613606250;0.014607279693486590124718027539;0.008141762452107279002255779687;0.009578544061302681281167004101;0.023467432950191571133791157422;0.010057471264367815952378570898;0.012691570881226053174595236328;0.000000000000000000000000000000;0.011973180076628352902501362109;0.024425287356321840476214291016;0.014128352490421455453506460742;0.009339080459770115680284696680;0.013888888888888888117900677344;0.035440613026819924036292519531;0.008141762452107279002255779687
-0.030838041431261769415028695107;0.015772128060263655019435091731;0.054143126177024485101707540480;0.010828625235404896673396812901;0.013888888888888888117900677344;0.031544256120527310038870183462;0.003295668549905838174557404230;0.027306967984934087112502965056;0.024011299435028249371626429820;0.017655367231638418451522554165;0.018832391713747644729215480197;0.022363465160075330501188162202;0.015065913370998116130317079353;0.033192090395480225439861499126;0.028013182674199624266897501457;0.018596986817325800167566285381;0.018596986817325800167566285381;0.043785310734463275816885641234;0.029190207156308850544590427489;0.009651600753295668660980410891;0.019774011299435029914706163368;0.022128060263653482470092015433;0.014359698681732580710646018929;0.025423728813559323680415502622;0.032015065913370999162168573093;0.028954802259887005982941232674;0.035781544256120526026343497961;0.014359698681732580710646018929;0.000706214689265536720713667407;0.023775894538606401340530283051;0.019067796610169492760311626967;0.011770244821092278389440544117;0.017655367231638418451522554165;0.005414312617702448336698406450;0.018832391713747644729215480197;0.032721280602636536316563109494;0.015065913370998116130317079353;0.009180790960451977802958545283;0.008709981167608286944936679674;0.017419962335216573889873359349;0.008003766478342749790542143273;0.011770244821092278389440544117;0.000000000000000000000000000000;0.017184557438794725858777212579;0.014124293785310734414273348136;0.015065913370998116130317079353;0.025423728813559323680415502622;0.018832391713747644729215480197;0.036958568738229752304036423993;0.012947269303201506401856946127
-0.032258064516129031362723367238;0.017323775388291516585947960039;0.048387096774193547044085050857;0.050776583034647548853257603696;0.020908004778972519299706789297;0.017025089605734768094524866910;0.003584229390681003581120567247;0.019414575866188769903697419750;0.034946236559139781663319013205;0.024193548387096773522042525428;0.014635603345280764550628838094;0.018518518518518517490534236458;0.012843488649940263193749423465;0.035842293906810034076482196497;0.023894862604540025030619432300;0.017323775388291516585947960039;0.024790919952210273974335663638;0.040322580645161289203404209047;0.017323775388291516585947960039;0.012544802867383512967602854360;0.015531660692951015229068545409;0.024193548387096773522042525428;0.012544802867383512967602854360;0.021206690561529271260576834379;0.033452807646356032267309643657;0.025686977299880526387498846930;0.026881720430107527292085123349;0.025686977299880526387498846930;0.000896057347670250895280141812;0.012544802867383512967602854360;0.017025089605734768094524866910;0.014038231780167264098335699885;0.008960573476702508519120549124;0.005675029868578256031508288970;0.021206690561529271260576834379;0.032556750298685779854146460366;0.013440860215053763646042561675;0.012246117084826762741456285255;0.009557945041816008971413687334;0.020609318996415770808283696169;0.004778972520908004485706843667;0.014038231780167264098335699885;0.000000000000000000000000000000;0.017622461170848268546818005120;0.014934289127837514776775407199;0.014336917562724014324482268989;0.024790919952210273974335663638;0.021804062126642771712869972589;0.033452807646356032267309643657;0.013440860215053763646042561675
-0.032840236686390529563528417611;0.019526627218934909657743759226;0.026035502958579880700140662952;0.010355029585798817409747485385;0.013609467455621301196222461272;0.046449704142011834229197830837;0.006804733727810650598111230636;0.024852071005917159007836403362;0.023372781065088756025094340885;0.016272189349112425871268783339;0.017455621301775147563573042930;0.039053254437869819315487518452;0.026923076923076924571454071611;0.022189349112426034332790081294;0.017455621301775147563573042930;0.014792899408284022888526720863;0.022781065088757396913665687066;0.041420118343195269638989941541;0.032840236686390529563528417611;0.006508875739644970175035165738;0.018934911242603550546315105407;0.017455621301775147563573042930;0.034615384615384617306155234928;0.016272189349112425871268783339;0.034319526627218932546270480088;0.018639053254437869255877302521;0.026627218934911243281016268725;0.015976331360946744580830980453;0.004142011834319526790426646556;0.039644970414201181896363124224;0.019526627218934909657743759226;0.012426035502958579503918201681;0.020118343195266272238619364998;0.004142011834319526790426646556;0.036094674556213020288897297405;0.023372781065088756025094340885;0.013905325443786982486660264158;0.012426035502958579503918201681;0.004437869822485207213502711454;0.032544378698224851742537566679;0.007396449704142011444263360431;0.020118343195266272238619364998;0.000000000000000000000000000000;0.016568047337278107161706586226;0.010650887573964496965461812295;0.016568047337278107161706586226;0.012130177514792899948203874771;0.013313609467455621640508134362;0.026923076923076924571454071611;0.009171597633136093982719749818
-0.028225806451612902442382946333;0.019540942928039702758402640370;0.050558312655086846965080127347;0.001550868486352357427174308846;0.009925558312655086840026186223;0.021401985111662531757747984784;0.005893300248138957919685765319;0.023263027295285360757093329198;0.035669975186104214970317372035;0.021401985111662531757747984784;0.015198511166253101181689011412;0.018610421836228286524006492186;0.019851116625310173680052372447;0.024193548387096773522042525428;0.012406947890818859417394470768;0.028225806451612902442382946333;0.028225806451612902442382946333;0.052109181141439205042775739685;0.013337468982630272182343666998;0.007444168734491315130019639668;0.013957816377171215760366607128;0.018610421836228286524006492186;0.021401985111662531757747984784;0.025744416873449131599738137766;0.037531017369727047439109668403;0.028225806451612902442382946333;0.026364764267990073443037601919;0.031017369727047147676124438931;0.002791563275434243065337147627;0.017679900744416873759057295956;0.010545905707196030418049126354;0.018300248138957815602356760110;0.011166253101736972261348590507;0.003101736972704714854348617692;0.025744416873449131599738137766;0.040012406947890821751201428924;0.009925558312655086840026186223;0.013337468982630272182343666998;0.007133995037220843341008169602;0.026674937965260544364687333996;0.006203473945409429708697235384;0.037841191066997521830206352433;0.000000000000000000000000000000;0.014888337468982630260039279335;0.005893300248138957919685765319;0.023573200992555831678743061275;0.024503722084367244443692257505;0.019540942928039702758402640370;0.028846153846153847755129362440;0.012406947890818859417394470768
-0.034926470588235294933987518107;0.020220588235294118667484397633;0.056372549019607844089652104458;0.046875000000000000000000000000;0.027267156862745098311329172702;0.019301470588235294933987518107;0.003370098039215686444580732939;0.015012254901960784755909905641;0.035539215686274508443354136489;0.018075980392156864445807329389;0.012561274509803922044826052229;0.010110294117647059333742198817;0.017463235294117647466993759053;0.029411764705882352533006240947;0.014093137254901961022413026114;0.020833333333333332176851016015;0.035232843137254901688670827298;0.038602941176470589867975036213;0.010416666666666666088425508008;0.009497549019607842354928628481;0.011335784313725489821922387534;0.025122549019607844089652104458;0.018075980392156864445807329389;0.031250000000000000000000000000;0.033088235294117647466993759053;0.028799019607843135554192670611;0.021752450980392155910347895542;0.015012254901960784755909905641;0.001531862745098039194427408383;0.011335784313725489821922387534;0.010110294117647059333742198817;0.017156862745098040712310449862;0.007659313725490195755296607416;0.006740196078431372889161465878;0.026348039215686274577832293176;0.035845588235294115198037445680;0.011029411764705883067239078343;0.010723039215686274577832293176;0.006127450980392156777709633531;0.026654411764705881332515602367;0.007046568627450980511206513057;0.030943627450980393245316690809;0.000000000000000000000000000000;0.016544117647058823733496879527;0.008578431372549020356155224931;0.017156862745098040712310449862;0.022671568627450979643844775069;0.021752450980392155910347895542;0.029411764705882352533006240947;0.015012254901960784755909905641
-0.025065648126044403481982314474;0.025304368584387681301306471937;0.053473382668894724190078449055;0.002864645500119360286422898199;0.027452852709477202491905600823;0.021484841250895201497650432998;0.003103365958462640274151400632;0.019097636667462402487727146649;0.055144425877297682803135359109;0.021723561709238482786421542414;0.014323227500596800998433621999;0.014800668417283361841252364854;0.015278109333969920949347631733;0.024826927667701122193211205058;0.011697302458820720699739226234;0.014800668417283361841252364854;0.036285509668178561604179321876;0.052995941752208161612536230223;0.014084507042253521444385988559;0.009071377417044640401044830469;0.013368345667223681047519612264;0.034375746001432325171798254360;0.016949152542372881297128017763;0.024349486751014563085115938179;0.031033659584626401006790530346;0.027214132251133921203134491407;0.023394604917641441399478452468;0.022678443542611601002612076172;0.002387204583432800310965893331;0.021723561709238482786421542414;0.007400334208641680920626182427;0.015516829792313200503395265173;0.007161613750298400499216810999;0.006684172833611840523759806132;0.018381475292432562090860770354;0.033420864168059200016713816694;0.011219861542134161591643959355;0.009310097875387919955092463908;0.012890904750537120204700869408;0.026020529959417521698172848232;0.006206731916925280548302801265;0.047982812126999285773365500063;0.000000000000000000000000000000;0.013845786583910241890338355120;0.006445452375268560102350434704;0.013368345667223681047519612264;0.030078777751253282790599996588;0.019336357125805680307051304112;0.020768679875865361100784056703;0.013607066125566960601567245703
-0.029575892857142856151586585156;0.020368303571428571924206707422;0.043247767857142856151586585156;0.000279017857142857127368540393;0.004743303571428571056844969434;0.023716517857142856151586585156;0.004185267857142857018948323145;0.017299107142857143848413414844;0.044084821428571431545240244532;0.022600446428571428075793292578;0.013950892857142857886310061133;0.017299107142857143848413414844;0.017578125000000000000000000000;0.026785714285714284227379877734;0.008091517857142857886310061133;0.017857142857142856151586585156;0.042689732142857143848413414844;0.056640625000000000000000000000;0.018694196428571428075793292578;0.010881696428571428075793292578;0.013113839285714285962103353711;0.024553571428571428075793292578;0.024553571428571428075793292578;0.026227678571428571924206707422;0.029854910714285715772620122266;0.024832589285714284227379877734;0.022600446428571428075793292578;0.018136160714285715772620122266;0.003348214285714285528422484717;0.014787946428571428075793292578;0.012834821428571428075793292578;0.023158482142857143848413414844;0.013113839285714285962103353711;0.008370535714285714037896646289;0.022321428571428571924206707422;0.041852678571428568454759755468;0.011439732142857142113689938867;0.010881696428571428075793292578;0.004743303571428571056844969434;0.032087053571428568454759755468;0.005301339285714285962103353711;0.041294642857142856151586585156;0.000000000000000000000000000000;0.013392857142857142113689938867;0.005580357142857142981051676855;0.018136160714285715772620122266;0.024832589285714284227379877734;0.023437500000000000000000000000;0.029854910714285715772620122266;0.014787946428571428075793292578
-0.034547152194211019904379611489;0.011204481792717086927058112167;0.049175225645813884500778812026;0.003734827264239029120246327054;0.008403361344537814761612715131;0.030812324929971990350452415441;0.005291005291005290711581210417;0.017429193899782136761844597572;0.023653906006847184861907607001;0.028944911297852475573488817417;0.020230314347961405457843042655;0.010582010582010581423162420833;0.016495487083722379373362798560;0.046062869592281355246576879381;0.007780890133831310125078761786;0.017117958294428883142535013917;0.049797696856520384800504075429;0.042950513538748832931268850643;0.010582010582010581423162420833;0.010270774976657329538576313155;0.015561780267662620250157523571;0.014939309056956116480985308215;0.019607843137254901688670827298;0.033302209772798005427141276868;0.032679738562091505127416013465;0.033302209772798005427141276868;0.022408963585434173854116224334;0.003112356053532524050031504714;0.003734827264239029120246327054;0.014939309056956116480985308215;0.009337068160597572150094514143;0.029878618113912232961970616429;0.008092125739184562877026607453;0.005602240896358543463529056083;0.025210084033613446019561621370;0.045751633986928101627267295726;0.010582010582010581423162420833;0.014939309056956116480985308215;0.001556178026766262025015752357;0.028633675692499221954179233762;0.005913476501711796215476901750;0.027388733271086210946387851095;0.000000000000000000000000000000;0.021475256769374416465634425322;0.003423591658885776368298481387;0.020541549953314659077152626310;0.030501089324618736731142831786;0.027077497665732960796525219394;0.030189853719265483111833248131;0.015250544662309368365571415893
-0.027534740092640248160238414243;0.019814719505918683417622361276;0.054554812146165726494118075607;0.018270715388574370469099150682;0.009778692743180649252221492418;0.019814719505918683417622361276;0.005918682449819866013551727946;0.027020072053525474864432709410;0.039629439011837366835244722552;0.025733401955738550298535827210;0.010550694801852805726483097715;0.007205352547606794048895562099;0.009006690684508492777959887121;0.031652084405558417179449293144;0.024189397838394237350012616616;0.012094698919197118675006308308;0.041173443129181676314320981191;0.049665465774575395796475163479;0.012609366958311888501365061188;0.012352032938754503588185684748;0.012094698919197118675006308308;0.026505404014410705038073956530;0.019300051466803910121816656442;0.032166752444673187005808046024;0.027020072053525474864432709410;0.031394750386001028796822964750;0.027020072053525474864432709410;0.021101389603705611452966195429;0.003602676273803397024447781050;0.007462686567164178962074938539;0.007720020586721564742616052968;0.026248069994853320124894580090;0.007720020586721564742616052968;0.009778692743180649252221492418;0.021101389603705611452966195429;0.041430777148739064696947309585;0.012352032938754503588185684748;0.009778692743180649252221492418;0.003860010293360782371308026484;0.025990735975295935211715203650;0.008492022645393721216877658264;0.028821410190427176195582248397;0.000000000000000000000000000000;0.018528049408131755382278527122;0.008749356664951106130057034704;0.020072053525476068330801737716;0.026505404014410705038073956530;0.017498713329902212260114069409;0.027792074112197633073417790683;0.011322696860524962200744703011
-0.031945535480492275037800453674;0.018329405603561142040769382788;0.057344854673998427174730352363;0.001047394605917779594750349759;0.009688400104739459950398128285;0.025137470542026710274008394208;0.005498821681068342438758467239;0.016496465043205028183637139705;0.029850746268656715848299754157;0.035349567949725060889143435361;0.009688400104739459950398128285;0.015972767740246137518900226837;0.012045037968054464472267284236;0.034825870646766170224406522493;0.008117308195862791425634341635;0.016234616391725582851268683271;0.040062843676355069932881747263;0.047918303220738416026147632465;0.014925373134328357924149877078;0.009950248756218905282766584719;0.014139827179890023661767983754;0.020686043466876146562638538740;0.017543859649122806043664013487;0.043990573448546739510067737911;0.030112594920136161180668210591;0.033778476040848388894932696758;0.025137470542026710274008394208;0.010997643362136684877516934478;0.001309243257397224493437937198;0.021471589421314479090296956088;0.013616129876931132997031070886;0.023042681330191151084507694691;0.010997643362136684877516934478;0.005236973029588897973751748793;0.019900497512437810565533169438;0.044252422100026188311883146298;0.014663524482848912591781420645;0.012830583922492798734649177561;0.009950248756218905282766584719;0.026184865147944488134035267990;0.009950248756218905282766584719;0.019638648860958365233164713004;0.000000000000000000000000000000;0.022257135375752815087402325389;0.005760670332547787771126923673;0.022257135375752815087402325389;0.030374443571615606513036667025;0.018329405603561142040769382788;0.019900497512437810565533169438;0.011259492013616130209885390911
-0.031318681318681318437313620962;0.015384615384615385469402326635;0.045879120879120875720058592151;0.006043956043956044167642094322;0.036813186813186814239085009604;0.023626373626373625702612457644;0.004945054945054944833815468996;0.018956043956043954618051472494;0.023351648351648351953357973798;0.017857142857142856151586585156;0.018956043956043954618051472494;0.023901098901098899451866941490;0.014560439560439560752191923143;0.021703296703296702518937166815;0.014285714285714285268213963320;0.024175824175824176670568377290;0.028571428571428570536427926640;0.039285714285714284921269268125;0.014835164835164834501446406989;0.009340659340659340434398494324;0.019505494505494505586007392139;0.019230769230769231836752908293;0.014835164835164834501446406989;0.031043956043956044688059137115;0.032692307692307694122479944099;0.036263736263736266740576041911;0.030494505494505493720103217470;0.008791208791208791201166050655;0.003571428571428571317053490830;0.019230769230769231836752908293;0.043956043956043959475277205229;0.019230769230769231836752908293;0.008241758241758241967933606986;0.007417582417582417250723203495;0.016483516483516483935867213972;0.041483516483516481854199042800;0.011538461538461539102051744976;0.018956043956043954618051472494;0.000824175824175824175109317249;0.019505494505494505586007392139;0.004945054945054944833815468996;0.020329670329670330303217795631;0.000000000000000000000000000000;0.022252747252747253486893086460;0.007417582417582417250723203495;0.026098901098901099854243668119;0.021978021978021979737638602614;0.018681318681318680868796988648;0.027472527472527472069963039303;0.013736263736263736034981519651
-0.030791788856304985744216651256;0.012316715542521994991576050893;0.042521994134897357631164283021;0.001759530791788856303459187558;0.013489736070381232527215509265;0.028739002932551320490528468099;0.003225806451612903223008510523;0.014956011730205278145722225247;0.042228739002932551283020501387;0.021114369501466275641510250693;0.019354838709677420205412801124;0.034017595307917890268267768761;0.017008797653958945134133884380;0.030205278592375366109035184081;0.011730205278592375356394583719;0.027859237536656891037756267337;0.033431085043988270633086301586;0.038123167155425220775644135074;0.016715542521994135316543150793;0.008504398826979472567066942190;0.014369501466275660245264234050;0.018475073313782990752640600363;0.015835777126099705863770950032;0.026979472140762465054431018530;0.029325513196480940125709935273;0.024926686217008796331295883419;0.026686217008797655236840284942;0.012609970674486803074443308503;0.003812316715542521990828239709;0.016715542521994135316543150793;0.044868035190615836171890151718;0.029325513196480940125709935273;0.009970674486803519920297134149;0.007917888563049852931885475016;0.024340175953079180165561368199;0.036656891495601175157137419092;0.011143695014662757455936592521;0.017595307917888564769315351555;0.012609970674486803074443308503;0.019648093841642230023003534711;0.004398826979472141192328837889;0.024926686217008796331295883419;0.000000000000000000000000000000;0.017008797653958945134133884380;0.006744868035190616263607754632;0.018475073313782990752640600363;0.025513196480938415966477350594;0.014369501466275660245264234050;0.026392961876832845419249551355;0.010263929618768328003164391760
-0.021055437100213219431266153947;0.016791044776119402881509046210;0.061567164179104474919235201469;0.000799573560767590603079457701;0.015191897654584221241669261815;0.015991471215351812928950892001;0.002931769722814499094798446066;0.014658848614072494606630492342;0.060234541577825158331638277787;0.020522388059701492796227384474;0.014125799573560767971591722869;0.013859275053304904654072338133;0.010127931769722814739353999869;0.029051172707889125895741599948;0.011460554371002133061674399528;0.015191897654584221241669261815;0.050106609808102345327007753895;0.063699360341151381459390279360;0.012793176972281449649271323210;0.012526652452025586331751938474;0.012260127931769723014232553737;0.035980810234541575620692555049;0.017324093816631129516547815683;0.031449893390191899222863014529;0.026119402985074625933581415893;0.025319829424307035981023261684;0.022654584221748399336382462366;0.027718550106609809308144676265;0.002132196162046908274878553868;0.021055437100213219431266153947;0.008795309168443496417033600210;0.025053304904051172663503876947;0.008262260127931769781994830737;0.002665245202558635343598192335;0.019989339019189766161188615001;0.050906183368869935279565908104;0.014125799573560767971591722869;0.008262260127931769781994830737;0.007995735607675906464475446001;0.025852878464818762616062031157;0.006929637526652452327036169066;0.029051172707889125895741599948;0.000000000000000000000000000000;0.013859275053304904654072338133;0.005863539445628998189596892132;0.011460554371002133061674399528;0.025053304904051172663503876947;0.017057569296375266199028430947;0.022388059701492536018863077629;0.011727078891257996379193784264
-0.021103896103896103986219401349;0.015151515151515151935690539631;0.063852813852813855577394974716;0.002164502164502164500287095805;0.011363636363636363951767904723;0.019751082251082251878271378587;0.003246753246753246967271078205;0.017586580086580087811665151776;0.072781385281385280183741315341;0.020833333333333332176851016015;0.014610389610389610051677244940;0.012716450216450216059715927486;0.010010822510822510109096405984;0.028950216450216451763433056499;0.008387445887445887926503473864;0.013528138528138528018374131534;0.059794372294372295784103954475;0.064123376623376623917316408097;0.012716450216450216059715927486;0.011363636363636363951767904723;0.008928571428571428075793292578;0.033008658008658008087277124787;0.015422077922077922010335448988;0.030844155844155844020670897976;0.020833333333333332176851016015;0.022186147186147187754245990732;0.019751082251082251878271378587;0.024350649350649351820852217543;0.002164502164502164500287095805;0.014880952380952380126322154297;0.005952380952380952050528861719;0.034902597402597400344514966264;0.005140692640692640959232395659;0.004329004329004329000574191610;0.013528138528138528018374131534;0.049242424242424240321547301846;0.011634199134199134026412814080;0.006764069264069264009187065767;0.003787878787878787983922634908;0.016233766233766232234270177059;0.005681818181818181975883952362;0.050054112554112552280205505895;0.000000000000000000000000000000;0.018398268398268399770323355824;0.005411255411255411033877305016;0.011904761904761904101057723437;0.027597402597402596186038081782;0.017586580086580087811665151776;0.024621212121212120160773650923;0.010822510822510822067754610032
-0.029294935451837141732189806476;0.009433962264150943036189467250;0.076464746772591851708966714796;0.000000000000000000000000000000;0.006206554121151936116718150771;0.024329692154915590757147114687;0.000496524329692154902347878132;0.009930486593843098480638431624;0.058838133068520356849795405196;0.022591857000993049303660953342;0.014399205561072492276508683062;0.019116186693147962927241678699;0.012164846077457795378573557343;0.030784508440913606330813223622;0.002979145978152929630927703286;0.016385302879841110584857588606;0.055858987090367427652548570904;0.056852035749751735071999547699;0.011171797418073486224399104572;0.014399205561072492276508683062;0.011668321747765639934124592969;0.037239324726911618435032380603;0.013902681231380336832059718688;0.033267130089374381818334569516;0.029791459781529295441915294873;0.029046673286991061407880110323;0.021102284011916584705037536196;0.002979145978152929630927703286;0.000993048659384309804695756263;0.023088381330685203013386441739;0.014399205561072492276508683062;0.029294935451837141732189806476;0.006951340615690168416029859344;0.004220456802383316941007507239;0.020854021847070507850174791997;0.046921549155908640060808068029;0.012909632571996027677885265916;0.005958291956305859261855406572;0.007199602780536246138254341531;0.022343594836146972448798209143;0.004716981132075471518094733625;0.029543197616683218587052550674;0.000000000000000000000000000000;0.016385302879841110584857588606;0.002482621648460774620159607906;0.013654419066534259977196974489;0.027557100297914596809256693177;0.026315789473684209065496020230;0.019116186693147962927241678699;0.014399205561072492276508683062
-0.030531732418524869937526133867;0.017495711835334475797720799051;0.045283018867924525185930662019;0.000343053173241852460244316614;0.004802744425385935093941736085;0.020583190394511150650425079789;0.005831903945111491932573599684;0.017495711835334475797720799051;0.050771869639794166284563203817;0.022984562607204116896353340849;0.010977701543739278727818131642;0.011663807890222983865147199367;0.017495711835334475797720799051;0.026415094339622642582998679472;0.007204116638078902207231735133;0.018867924528301886072378934500;0.037049742710120070476875753229;0.057289879931389363354465871225;0.009605488850771870187883472170;0.009948542024013722756548006032;0.012349914236706689002476267092;0.034648370497427104230947492169;0.034991423670668951595441598101;0.021955403087478557455636263285;0.028130360205831903691597872808;0.026758147512864493416939737358;0.025728987993138937445669611748;0.010977701543739278727818131642;0.004116638078902229956612668360;0.016466552315608919826450673440;0.010977701543739278727818131642;0.020583190394511150650425079789;0.011663807890222983865147199367;0.010634648370497427893877073757;0.028130360205831903691597872808;0.034305317324185249927559482330;0.012349914236706689002476267092;0.008233276157804459913225336720;0.008576329331046312481889870583;0.049399656946826756009905068368;0.005145797598627787662606269947;0.046655231560891935460588797469;0.000000000000000000000000000000;0.017152658662092624963779741165;0.005488850771869639363909065821;0.019554030874785591209708002225;0.016123499142367065523062663601;0.014751286449399656983128004129;0.031903945111492283681631221270;0.009605488850771870187883472170
-0.023422251138581651197512201179;0.016590761223162005244535777138;0.059206245933636957035073322686;0.001301236174365647457404349119;0.030904359141184126191781444959;0.013988288874430709896046209906;0.002277163305139882996247502334;0.016916070266753416295735235053;0.073194534808067659992225628685;0.022121014964216003523267417563;0.014313597918022120947245667821;0.005204944697462589829617396475;0.017241379310344827346934692969;0.024398178269355887820557526879;0.009108653220559531984990009335;0.010084580351333766873311859058;0.044242029928432007046534835126;0.063435263500325314578454083403;0.005204944697462589829617396475;0.011385816525699414547556642674;0.009108653220559531984990009335;0.042940793754066362841737003464;0.026024723487312946546001768411;0.022446324007807418043913827432;0.022446324007807418043913827432;0.017566688353936238398134150884;0.017241379310344827346934692969;0.020494469746258944797823176032;0.001626545217957059159125110526;0.012036434612882238384679034482;0.006831489915419648555061638007;0.023096942094990240146312743263;0.007807417046193884310745225719;0.007156798959011060473622833911;0.029603122966818478517536661343;0.037085230969420950042358953169;0.011060507482108001761633708782;0.005530253741054000880816854391;0.008458035133376708147867617527;0.046193884189980480292625486527;0.005204944697462589829617396475;0.054001301236174366338094188222;0.000000000000000000000000000000;0.012361743656473649435878492397;0.003578399479505530236811416955;0.013337670787247886058923818098;0.019518542615484711644224802285;0.013662979830839297110123276013;0.031554977228366948294180360790;0.007482108002602472392184029815
-0.029320987654320986026679207725;0.018827160493827162224267368629;0.063888888888888883954564334999;0.001234567901234567876070369330;0.008333333333333333217685101602;0.013888888888888888117900677344;0.003395061728395061713403624282;0.015432098765432097908778530382;0.048765432098765430779518936788;0.020370370370370372015145221667;0.009259259259259258745267118229;0.018518518518518517490534236458;0.010802469135802468536144971267;0.028086419753086420969534486858;0.005864197530864197899225231936;0.016666666666666666435370203203;0.050000000000000002775557561563;0.066666666666666665741480812812;0.008641975308641974481971281818;0.011111111111111111535154627461;0.008641975308641974481971281818;0.036728395061728397186229244653;0.013888888888888888117900677344;0.026851851851851852442942814037;0.029012345679012344762393027509;0.031172839506172840551290192934;0.019444444444444444752839729063;0.013580246913580246853614497127;0.001234567901234567876070369330;0.020370370370370372015145221667;0.024074074074074074125473288177;0.027160493827160493707228994253;0.005246913580246913635929395525;0.006172839506172839163511412153;0.019444444444444444752839729063;0.046913580246913583193801855487;0.013888888888888888117900677344;0.006790123456790123426807248563;0.006481481481481481295159330358;0.029938271604938272024698520113;0.006172839506172839163511412153;0.036728395061728397186229244653;0.000000000000000000000000000000;0.015432098765432097908778530382;0.004629629629629629372633559115;0.019135802469135803488553548846;0.028703703703703703498106847292;0.013888888888888888117900677344;0.025925925925925925180637321432;0.013271604938271605589328316910
-0.025985663082437274878921940058;0.019115890083632017942827374668;0.068697729988052569360945653898;0.006571087216248506709947996285;0.005973715651135006257654858075;0.012544802867383512967602854360;0.001493428912783751564413714519;0.016726403823178016133654821829;0.074074074074074069962136945833;0.020908004778972519299706789297;0.010155316606929509423706825544;0.007765830346475507614534272705;0.011051373954599761836870008835;0.020011947431302270355990557960;0.015232974910394265002921976304;0.013142174432497013419895992570;0.062724014336917557899120367892;0.065113500597371559708292920732;0.007467144563918757388387703600;0.014336917562724014324482268989;0.008363201911589008066827410914;0.041517323775388290107990485467;0.019414575866188769903697419750;0.029569892473118281062127721270;0.022700119474313024126033155881;0.027777777777777776235801354687;0.016726403823178016133654821829;0.019115890083632017942827374668;0.002090800477897252016706852729;0.008960573476702508519120549124;0.004778972520908004485706843667;0.023894862604540025030619432300;0.007467144563918757388387703600;0.004480286738351254259560274562;0.019115890083632017942827374668;0.048984468339307050965825141020;0.011648745519713262289163147045;0.006869772998805256936094565390;0.010752688172043011610723439730;0.025686977299880526387498846930;0.006272401433691756483801427180;0.045400238948626048252066311761;0.000000000000000000000000000000;0.017025089605734768094524866910;0.004181600955794504033413705457;0.013440860215053763646042561675;0.022998805256869772617456249009;0.018817204301075269451404281540;0.021206690561529271260576834379;0.011648745519713262289163147045
-0.023767082590612002152008486178;0.012774806892453950679655605427;0.078431372549019606754683309191;0.002673796791443850111996693997;0.008318478906714200926675317760;0.017825311942959002481368102622;0.002970885323826500269001060772;0.018419489007724301060653360196;0.063279857397504454818992769560;0.023172905525846703572723228604;0.012774806892453950679655605427;0.006238859180035650695006488320;0.007724301841948900612666584209;0.032679738562091505127416013465;0.012477718360071301390012976640;0.012180629827688650365646871876;0.053475935828877003974657355911;0.066250742721330954654312961338;0.015448603683897801225333168418;0.020202020202020203737403036826;0.011586452762923351786361614302;0.045157456922162803047982038152;0.016339869281045752563708006733;0.030005941770647654581738450474;0.020499108734402853027045665613;0.025252525252525252069668582067;0.028520499108734401194631402632;0.005347593582887700223993387993;0.001485442661913250134500530386;0.012180629827688650365646871876;0.005644682115270350380997754769;0.022578728461081401523991019076;0.007130124777183600298657850658;0.006833036244800951009015221871;0.021390374331550800895973551974;0.049613784907902552800962325819;0.012477718360071301390012976640;0.006535947712418300852010855095;0.003862150920974450306333292104;0.027629233511586453325703516271;0.003862150920974450306333292104;0.030600118835412953161023708049;0.000000000000000000000000000000;0.019013666072489603109385569724;0.009506833036244801554692784862;0.012477718360071301390012976640;0.025846702317290554118400791594;0.013368983957219250993664338978;0.024361259655377300731293743752;0.009803921568627450844335413649
-0.022401433691756272165163110799;0.017323775388291516585947960039;0.052270011947431305188160877151;0.003285543608124253354973998142;0.004480286738351254259560274562;0.021206690561529271260576834379;0.001493428912783751564413714519;0.021206690561529271260576834379;0.041218637992831541616567392339;0.020310633213859018847413651088;0.012544802867383512967602854360;0.011947431302270012515309716150;0.021505376344086023221446879461;0.024193548387096773522042525428;0.007467144563918757388387703600;0.011648745519713262289163147045;0.042413381123058542521153668758;0.052568697729988053679583970279;0.013440860215053763646042561675;0.012246117084826762741456285255;0.013739545997610513872189130780;0.036140979689366789506799193532;0.033751493428912780758732736786;0.028375149342891276688094492897;0.026881720430107527292085123349;0.020310633213859018847413651088;0.021206690561529271260576834379;0.022998805256869772617456249009;0.002986857825567503128827429038;0.020310633213859018847413651088;0.006272401433691756483801427180;0.022102747909199523673740017671;0.015232974910394265002921976304;0.007765830346475507614534272705;0.035842293906810034076482196497;0.036439665471923537998222286660;0.013440860215053763646042561675;0.006869772998805256936094565390;0.011051373954599761836870008835;0.053464755077658306092747153571;0.005973715651135006257654858075;0.029569892473118281062127721270;0.000000000000000000000000000000;0.015531660692951015229068545409;0.007168458781362007162241134495;0.015830346475507767189938590491;0.017921146953405017038241098248;0.014336917562724014324482268989;0.032258064516129031362723367238;0.011051373954599761836870008835
-0.026210826210826210225235399776;0.025641025641025640136039243089;0.044444444444444446140618509844;0.000569800569800569763935504941;0.004273504273504273934247699174;0.015954415954415955558598483321;0.004558404558404558111484039529;0.021367521367521367936515019892;0.056980056980056981164040053045;0.013675213675213675201813856575;0.012250712250712249978823464858;0.009686609686609686312164235744;0.017094017094017095736990796695;0.022222222222222223070309254922;0.013960113960113960246411934918;0.008262108262108262823897320004;0.043304843304843305962226196471;0.062108262108262105027911559318;0.013675213675213675201813856575;0.011111111111111111535154627461;0.011965811965811966668948862491;0.048148148148148148250946576354;0.039601139601139603851898129960;0.018518518518518517490534236458;0.018518518518518517490534236458;0.015954415954415955558598483321;0.025925925925925925180637321432;0.022792022792022793159505411609;0.001994301994301994444824810415;0.011111111111111111535154627461;0.006552706552706552556308849944;0.019658119658119657668926549832;0.010826210826210826490556549118;0.007407407407407407690103084974;0.029914529914529915805010418239;0.033618233618233621384785436703;0.011111111111111111535154627461;0.007692307692307692734701163317;0.012535612535612535023421543201;0.056980056980056981164040053045;0.007122507122507122645505006631;0.048717948717948718340142733041;0.000000000000000000000000000000;0.015384615384615385469402326635;0.006837606837606837600906928287;0.017948717948717947401338079771;0.013390313390313390157215778231;0.011965811965811966668948862491;0.032478632478632481206393123330;0.007977207977207977779299241661
-0.024035420619860848462367997058;0.024351676154332702051164005752;0.070208728652751420384880987058;0.000000000000000000000000000000;0.001897533206831119581212141689;0.013282732447817836851644557328;0.000948766603415559790606070845;0.017394054395951930036545718394;0.067046173308032891435814804026;0.024351676154332702051164005752;0.010436432637571158021927431037;0.007273877292852624736052558063;0.012966476913345983262848548634;0.032258064516129031362723367238;0.007906388361796331046282837463;0.018659076533839340922282801216;0.055344718532574319058703338214;0.073055028462998106153492017256;0.007273877292852624736052558063;0.014231499051233395883309107433;0.009171410499683743666743396261;0.042061986084756482207058780887;0.022454142947501580518387953589;0.028462998102466791766618214865;0.026565464895635673703289114655;0.025616698292220112936901088574;0.024984187223276405759309071186;0.010436432637571158021927431037;0.000948766603415559790606070845;0.005376344086021505805361719865;0.010120177103099304433131422343;0.026881720430107527292085123349;0.005060088551549652216565711171;0.003478810879190386007309143679;0.020556609740670462455058853379;0.048703352308665404102328011504;0.011385199240986717053591981141;0.006957621758380772014618287358;0.006325110689437064837026269970;0.036685641998734974666973585045;0.005376344086021505805361719865;0.031309297912713474065782293110;0.000000000000000000000000000000;0.013915243516761544029236574715;0.002530044275774826108282855586;0.011701454775458570642387989835;0.023719165085388994873571988364;0.018342820999367487333486792522;0.025616698292220112936901088574;0.012333965844402277819980007223
-0.018867924528301886072378934500;0.015614834092387768621490451437;0.065387117761873780885650830896;0.000975927130774235538843153215;0.005204944697462589829617396475;0.014964216005204944784368059629;0.005530253741054000880816854391;0.022446324007807418043913827432;0.079700715679895894894002594810;0.016265452179570590723889367268;0.009759271307742355822112401142;0.012361743656473649435878492397;0.017241379310344827346934692969;0.020819778789850359318469585901;0.013662979830839297110123276013;0.009433962264150943036189467250;0.054977228366948599491692561969;0.059856864020819779137472238517;0.010409889394925179659234792950;0.013012361743656473273000884205;0.010409889394925179659234792950;0.042940793754066362841737003464;0.026350032530904357597201226326;0.027651268705270005271446009942;0.020819778789850359318469585901;0.018542615484710475021179476585;0.025048796356538713392403394664;0.013337670787247886058923818098;0.004229017566688354073933808763;0.013988288874430709896046209906;0.010735198438516590710434250866;0.023422251138581651197512201179;0.010735198438516590710434250866;0.008458035133376708147867617527;0.023747560182173065718158611048;0.031554977228366948294180360790;0.012361743656473649435878492397;0.006506180871828236636500442103;0.008132726089785295361944683634;0.044567338972023425036628196949;0.006506180871828236636500442103;0.041639557579700718636939171802;0.000000000000000000000000000000;0.015614834092387768621490451437;0.007807417046193884310745225719;0.013012361743656473273000884205;0.017241379310344827346934692969;0.010735198438516590710434250866;0.027976577748861419792092419812;0.009433962264150943036189467250
-0.021412037037037038450515424870;0.021122685185185185313683220443;0.058449074074074076901030849740;0.000289351851851851835789597445;0.009259259259259258745267118229;0.019675925925925926568416102214;0.002893518518518518357895974447;0.013599537037037036715791948893;0.071180555555555552471602709375;0.014467592592592592656841610221;0.011574074074074073431583897786;0.008391203703703704538940932878;0.017361111111111111882099322656;0.022280092592592590922118134245;0.010706018518518519225257712435;0.011284722222222222029475169336;0.033854166666666664353702032031;0.057291666666666664353702032031;0.008680555555555555941049661328;0.014178240740740741254732881771;0.005787037037037036715791948893;0.049189814814814818155763731511;0.033275462962962965018931527084;0.017071759259259258745267118229;0.024594907407407409077881865755;0.015335648148148148597891271550;0.019965277777777776235801354687;0.020543981481481482509465763542;0.003472222222222222029475169336;0.019386574074074073431583897786;0.008969907407407407343158389779;0.021122685185185185313683220443;0.010127314814814814686316779557;0.005497685185185185313683220443;0.034143518518518517490534236458;0.034143518518518517490534236458;0.009548611111111111882099322656;0.007233796296296296328420805111;0.009837962962962963284208051107;0.054398148148148146863167795573;0.004629629629629629372633559115;0.057002314814814818155763731511;0.000000000000000000000000000000;0.014756944444444444058950338672;0.006076388888888888985262415332;0.015625000000000000000000000000;0.017361111111111111882099322656;0.013888888888888888117900677344;0.029513888888888888117900677344;0.009548611111111111882099322656
-0.025813692480359147485291515522;0.012906846240179573742645757761;0.072671156004489340096696992077;0.013748597081930415131356681968;0.013468013468013467423545215240;0.017115600448933780686200378796;0.003367003367003366855886303810;0.020763187429854095683579018328;0.040123456790123454562824178993;0.027216610549943884289625373185;0.010381593714927047841789509164;0.010101010101010101868701518413;0.008978675645342312772179127478;0.033389450056116723453136785338;0.010942760942760943257412442620;0.015432098765432097908778530382;0.059483726150392816911516291611;0.055555555555555552471602709375;0.011784511784511784646123366826;0.013748597081930415131356681968;0.008417508417508417356556194022;0.033108866442199777480048794587;0.014870931537598204227879072903;0.031425364758698094702626946173;0.024691358024691356654045648611;0.026936026936026934847090430480;0.021324354657687991099201951783;0.013187429854096521450457224489;0.001964085297418630918914184136;0.013748597081930415131356681968;0.007575757575757575967845269815;0.034511784511784514284382652249;0.007295173961840628260033803087;0.005331088664421997774800487946;0.014590347923681256520067606175;0.047979797979797976503757439559;0.008698092031425365064367660750;0.008698092031425365064367660750;0.009539842873176206453078584957;0.029741863075196408455758145806;0.007856341189674523675656736543;0.026374859708193042900914448978;0.000000000000000000000000000000;0.017957351290684625544358254956;0.007856341189674523675656736543;0.013748597081930415131356681968;0.028619528619528621093959230848;0.018518518518518517490534236458;0.022166105499438832487912875990;0.016273849607182939297489454589
-0.027876895628902765428280829951;0.019848349687778769206980555850;0.062667261373773416877064335040;0.006913470115967886020502675137;0.014495985727029437814539214457;0.013603925066904548960011744896;0.002676181980374665262539801702;0.020963425512934879407778154814;0.041480820695807316123016050824;0.023862622658340767317630692901;0.012488849241748438759214145932;0.007136485280999108234134542528;0.016057091882247992442600548202;0.033006244424620877209175517919;0.018064228367528991497925616727;0.012488849241748438759214145932;0.042372881355932201508096568432;0.060660124888492414352292314561;0.019402319357716323044993345093;0.010927743086529884131152812188;0.017395182872435323989668276567;0.029438001784121321791065639673;0.012934879571810883186477880713;0.034344335414808205286796294331;0.028545941123996432936538170111;0.030330062444246207176146157281;0.025869759143621766372955761426;0.013157894736842104532748010115;0.002453166815343443482588803306;0.018510258697591437659912827485;0.004460303300624442537913871831;0.022970561998215878463103223339;0.011819803746654772985680281749;0.004460303300624442537913871831;0.020517395182872436715237896010;0.047948260481712759450978467157;0.018064228367528991497925616727;0.007805530776092774007668406711;0.004014272970561998110650137050;0.023639607493309545971360563499;0.006690454950936663806870807747;0.025423728813559323680415502622;0.000000000000000000000000000000;0.013826940231935772041005350275;0.009366636931311329503091478443;0.014049955396966993387275479677;0.028545941123996432936538170111;0.021186440677966100754048284216;0.024308652988403210010170951705;0.010927743086529884131152812188
-0.025929549902152640439290109953;0.008317025440313111084300601306;0.084148727984344418029394319092;0.002935420743639921559164918108;0.005381604696673189525135683198;0.018346379647749509744780738174;0.000978473581213307186388306036;0.015655577299412914982212896575;0.055283757338551856030939291031;0.025929549902152640439290109953;0.011741682974559686236659672431;0.008806262230919764677494754324;0.011497064579256359440062595922;0.034246575342465751523590711258;0.004892367906066535931941530180;0.011986301369863013033256748940;0.053326810176125241658162678959;0.065313111545988261630313331807;0.009050880626223091474091830833;0.018101761252446182948183661665;0.011986301369863013033256748940;0.038405088062622307065741011911;0.014677103718199607795824590539;0.038649706457925633862338088420;0.023238747553816045676722268354;0.026418786692759294032484262971;0.019080234833659490134571967701;0.016878669275929548965198279120;0.000978473581213307186388306036;0.011007827788649705846868442904;0.005870841487279843118329836216;0.025929549902152640439290109953;0.006360078277886496711523989234;0.003669275929549901948956147635;0.020058708414872797320960273737;0.054060665362035222047953908486;0.016878669275929548965198279120;0.006115459882583169914926912725;0.002690802348336594762567841599;0.027641878669275928015469645516;0.005626223091976516321732759707;0.023727984344422699269916421372;0.000000000000000000000000000000;0.020058708414872797320960273737;0.004403131115459882338747377162;0.010763209393346379050271366395;0.029598825831702542388246257588;0.019324853228962816931169044210;0.031066536203522503167828716641;0.012964774951076320219645054976
-0.030050505050505049720044326023;0.009090909090909090467524933388;0.088636363636363638129900266449;0.002020202020202020200267956085;0.009343434343434342884138210650;0.017929292929292930253160065490;0.001010101010101010100133978042;0.012878787878787878451447568295;0.058333333333333334258519187188;0.025000000000000001387778780781;0.014141414141414142269237430583;0.010606060606060606701928072937;0.013636363636363635701287400082;0.042424242424242426807712291748;0.003787878787878787983922634908;0.015151515151515151935690539631;0.056313131313131314925612969091;0.050757575757575758290673917372;0.008838383838383838050911656126;0.014141414141414142269237430583;0.010101010101010101868701518413;0.041919191919191918505038785270;0.015151515151515151935690539631;0.032323232323232323204287297358;0.031313131313131313537834188310;0.025757575757575756902895136591;0.023989898989898988251878719780;0.001767676767676767783654678823;0.000505050505050505050066989021;0.017676767676767676101823312251;0.006565656565656565434030422779;0.019949494949494949586066283587;0.007828282828282828384458547077;0.006565656565656565434030422779;0.018686868686868685768276421300;0.057070707070707070440729324901;0.013636363636363635701287400082;0.004797979797979797650375743956;0.001767676767676767783654678823;0.028535353535353535220364662450;0.003282828282828282717015211389;0.015656565656565656768917094155;0.000000000000000000000000000000;0.015404040404040404352303816893;0.003535353535353535567309357646;0.013131313131313130868060845557;0.033585858585858587022077159645;0.022222222222222223070309254922;0.030303030303030303871381079261;0.012878787878787878451447568295
-0.028628117913832198948576035491;0.008503401360544218454129428153;0.077380952380952383595769106250;0.002834467120181405862255896722;0.007936507936507936067371815625;0.019557823129251701577135946764;0.001700680272108843473985451134;0.013888888888888888117900677344;0.049886621315192745951261343862;0.025510204081632653627664808482;0.017006802721088436908258856306;0.008786848072562358780146496429;0.010770975056689342796989450335;0.036848072562358273607241443415;0.006235827664399093243907667983;0.016439909297052152786777767801;0.054421768707482991167534436272;0.060657596371882088748250794197;0.006519274376417233569924736258;0.014455782312925170504658289872;0.011621315192743763775040655162;0.037414965986394557728722531920;0.015306122448979591482709494699;0.032596371882086166982261943303;0.030328798185941044374125397098;0.030612244897959182965418989397;0.026643990929705214931733081585;0.016439909297052152786777767801;0.001133786848072562388270445588;0.015022675736961451156692426423;0.006235827664399093243907667983;0.026643990929705214931733081585;0.006519274376417233569924736258;0.004818594104308389879098850628;0.018707482993197278864361265960;0.053287981859410429863466163170;0.016156462585034014195484175502;0.008786848072562358780146496429;0.001417233560090702931127948361;0.026927437641723356992473625837;0.003684807256235827707668839537;0.019557823129251701577135946764;0.000000000000000000000000000000;0.015589569160997731808726562974;0.005668934240362811724511793443;0.011054421768707483123006518611;0.031746031746031744269487262500;0.018424036281179136803620721707;0.030328798185941044374125397098;0.009353741496598639432180632980
-0.029946524064171121948252363154;0.014705882352941176266503120473;0.050534759358288772190803683770;0.000534759358288770065767425699;0.002406417112299465404373632893;0.019251336898395723234989063144;0.005080213903743315516370326890;0.013636363636363635701287400082;0.037967914438502677054732004081;0.024331550802139036149274176069;0.015240641711229945681749242681;0.014705882352941176266503120473;0.022994652406417112611158870550;0.025401069518716578449213372437;0.006417112299465240789209108385;0.015775401069518715096995364888;0.049465240641711233360311439355;0.060695187165775398019373909619;0.012566844919786096870795155667;0.011764705882352941013202496379;0.013101604278074866286041277874;0.034491978609625668916738305825;0.034224598930481284209115244721;0.029411764705882352533006240947;0.021390374331550800895973551974;0.025401069518716578449213372437;0.021657754010695185603596613078;0.020053475935828877357858246455;0.003208556149732620394604554193;0.011764705882352941013202496379;0.011497326203208556305579435275;0.022192513368983958488289687239;0.010695187165775400447986775987;0.005614973262032085798978187086;0.030748663101604279540568498419;0.040374331550802139423339554014;0.016310160427807487981688439049;0.009090909090909090467524933388;0.005882352941176470506601248189;0.044652406417112301684202435581;0.007754010695187166062047889881;0.024331550802139036149274176069;0.000000000000000000000000000000;0.016577540106951872689311500153;0.003743315508021390243531545394;0.017112299465240642104557622361;0.021925133689839573780666626135;0.017379679144385026812180683464;0.033957219251336899501492183617;0.012032085561497325720825557482
-0.031511100501312963584332749178;0.014800668417283361841252364854;0.051324898543805202999479320169;0.000000000000000000000000000000;0.002387204583432800310965893331;0.019097636667462402487727146649;0.005251850083552160597388791530;0.015516829792313200503395265173;0.044163284793506805969709461124;0.022201002625925041894516809293;0.011458582000477441145691592794;0.020052518500835520703917680407;0.023394604917641441399478452468;0.028407734542850320708096134581;0.004058247791835760225065410367;0.019097636667462402487727146649;0.052995941752208161612536230223;0.060396275960849843400524150638;0.010264979708761041640729949620;0.011697302458820720699739226234;0.011219861542134161591643959355;0.034375746001432325171798254360;0.023872045834328000507573719347;0.026736691334447362095039224528;0.030556218667939841898695263467;0.021723561709238482786421542414;0.019097636667462402487727146649;0.006684172833611840523759806132;0.003103365958462640274151400632;0.013845786583910241890338355120;0.010503700167104321194777583059;0.022439723084268323183287918710;0.008116495583671520450130820734;0.006445452375268560102350434704;0.030794939126283123187466372883;0.039150155168297923191644827057;0.015039388875626641395299998294;0.010742420625447600748825216499;0.007400334208641680920626182427;0.042253521126760562598434489701;0.004535688708522320200522415234;0.032704702793029359619847440399;0.000000000000000000000000000000;0.024349486751014563085115938179;0.002625925041776080298694395765;0.026020529959417521698172848232;0.019097636667462402487727146649;0.017904034375746002982765503475;0.030317498209596564079371106004;0.010264979708761041640729949620
-0.020969498910675381936341565847;0.040577342047930280155565441191;0.047113289760348585344384986229;0.016884531590413944662776302152;0.021241830065359477985875713557;0.010348583877995642943403709069;0.002450980392156862711083853412;0.019335511982570805639136679588;0.045206971677559909528199000306;0.022058823529411766134478156687;0.012799564270152505654487562481;0.006535947712418300852010855095;0.010076252723311546893869561359;0.025871459694989107358509272672;0.027505446623093680186267206977;0.012254901960784313555419267061;0.029684095860566448582540388657;0.047930283224400870023540477405;0.016339869281045752563708006733;0.008986928104575162695732970519;0.011437908496732025406816823931;0.023965141612200435011770238702;0.015522875816993464415105563603;0.026688453159041395507111715801;0.022603485838779954764099500153;0.021514161220043574035409861267;0.021514161220043574035409861267;0.071078431372549016886708272978;0.001361655773420479380309000561;0.010620915032679738992937856779;0.002723311546840958760618001122;0.022331154684095862184012304397;0.011165577342047931092006152198;0.005446623093681917521236002244;0.015522875816993464415105563603;0.038943355119825710797254458839;0.015250544662309368365571415893;0.008986928104575162695732970519;0.005718954248366012703408411966;0.014705882352941176266503120473;0.010348583877995642943403709069;0.060185185185185181844236268489;0.000000000000000000000000000000;0.017429193899782136761844597572;0.013888888888888888117900677344;0.010893246187363835042472004488;0.025054466230936819209906829542;0.015250544662309368365571415893;0.021786492374727670084944008977;0.013888888888888888117900677344
-0.028784648187633262578222215211;0.021321961620469082748785538683;0.053038379530916841819720985995;0.022654584221748399336382462366;0.016524520255863539563989661474;0.019189765458422176208630460792;0.005330490405117270687196384671;0.027718550106609809308144676265;0.031183368869936032435896677839;0.019722814498933902843669230265;0.016524520255863539563989661474;0.009328358208955223052072369683;0.016257995735607676246470276737;0.031183368869936032435896677839;0.020255863539445629478707999738;0.011993603411513859696713169001;0.030650319829424305800857908366;0.046108742004264395564216982848;0.020522388059701492796227384474;0.007729211087420042279594323276;0.020255863539445629478707999738;0.025053304904051172663503876947;0.018923240938166312891111076055;0.033582089552238805763018092421;0.025586353944562899298542646420;0.027985074626865672625664061002;0.034648187633262259033095631366;0.027718550106609809308144676265;0.002398720682302772026078807599;0.020788912579957356113746769211;0.007995735607675906464475446001;0.018656716417910446104144739365;0.015458422174840084559188646551;0.005330490405117270687196384671;0.020788912579957356113746769211;0.034381663113006395715576246630;0.018123667377398719469105969893;0.009061833688699359734552984946;0.003198294243070362412317830803;0.015724946695095949611431507265;0.008528784648187633099514215473;0.021321961620469082748785538683;0.000000000000000000000000000000;0.014925373134328357924149877078;0.011993603411513859696713169001;0.016524520255863539563989661474;0.019722814498933902843669230265;0.019722814498933902843669230265;0.030383795309168442483338523630;0.015191897654584221241669261815
-0.030294977411639650161090386860;0.023119851182567100617015753983;0.044379484453893169870752899442;0.001860217911241031146438174027;0.013021525378687217808226783688;0.022056869519000796980856549112;0.004517672070156789586314882712;0.031357959075205950327802639777;0.045973956949242625324991706748;0.020728142439542917435657543024;0.017539197448844006527179928412;0.007440871644964124585752696106;0.012490034546904065990147181253;0.025511559925591283798373964942;0.022056869519000796980856549112;0.015147488705819825080545193430;0.031092213659314377888209790513;0.048897156524049960324429520142;0.023385596598458676526055555200;0.010098325803879882808788970294;0.017539197448844006527179928412;0.025777305341482859707413766159;0.015944724953494551072941121106;0.026840287005049163343572971030;0.026308796173266011525493368595;0.025511559925591283798373964942;0.041722030294977410780354887265;0.021791124103109221071816747894;0.002923199574807334565756944400;0.020462397023651341526617741806;0.007706617060855700494792497324;0.016210470369386126981980922324;0.014350252458145097353425789777;0.007706617060855700494792497324;0.022056869519000796980856549112;0.040393303215519531235155881177;0.014350252458145097353425789777;0.007706617060855700494792497324;0.005314908317831517313434286365;0.022056869519000796980856549112;0.008503853308530427354550162988;0.029763486579856498343010784424;0.000000000000000000000000000000;0.015944724953494551072941121106;0.014881743289928249171505392212;0.016741961201169278800060524759;0.023917087430241828344135157636;0.018070688280627158345259530847;0.025511559925591283798373964942;0.013021525378687217808226783688
-0.026198439241917503839118808173;0.019788182831661092070385521424;0.054069119286510591848582407692;0.000836120401337792627273481916;0.004180602006688963027947192330;0.025919732441471571987579025631;0.005295429208472686964659370545;0.021181716833890747858637482182;0.044035674470457079887619755709;0.021739130434782608092270095312;0.017279821627647715814868334405;0.012541806020066889951203314979;0.019509476031215160218845738882;0.031493868450390191671139916707;0.013935340022296544004731799760;0.016722408026755852111788769321;0.024247491638795987817234234285;0.040133779264214047843850607933;0.017001114827201783963328551863;0.013377926421404682036375710652;0.020345596432552955773465086509;0.032608695652173912138405142969;0.019509476031215160218845738882;0.025083612040133779902406629958;0.030657748049052396116520569080;0.028428093645484948243096212650;0.027313266443701227775830986388;0.025919732441471571987579025631;0.002229654403567447006062618442;0.025083612040133779902406629958;0.009754738015607580109422869441;0.019230769230769231836752908293;0.011148272017837235897674830198;0.006967670011148272002365899880;0.022853957636566332028982273528;0.037346711259754736267346686418;0.012820512820512820068019621544;0.011705685618729096131307443329;0.009754738015607580109422869441;0.022575250836120400177442490985;0.008361204013377926055894384660;0.038461538461538463673505816587;0.000000000000000000000000000000;0.017558528428093644196961164994;0.006131549609810479049831766218;0.016443701226309920260248986779;0.024247491638795987817234234285;0.017001114827201783963328551863;0.027313266443701227775830986388;0.013656633221850613887915493194
-0.020520520520520519475171639101;0.017767767767767766312614341473;0.053303303303303302407289976372;0.001501501501501501488478051982;0.005255255255255255643354050932;0.022022022022022021831011429072;0.002752752752752752728876428634;0.024274274274274275364771114027;0.076326326326326326965343582742;0.022022022022022021831011429072;0.014014014014014013892461818500;0.014764764764764765070381713485;0.013763763763763764078063012164;0.027527527527527528156126024328;0.013513513513513514263664205828;0.012762762762762763085744310843;0.038788788788788788886030545200;0.051051051051051052342977243370;0.020270270270270271395496308742;0.010760760760760761101106908200;0.016266266266266267426221503456;0.030530530530530529398358652315;0.015015015015015014884780519822;0.022272272272272273380133711385;0.025775775775775774251163952044;0.024024024024024023815648831714;0.025275275275275274622366339372;0.026526526526526525429083847030;0.001501501501501501488478051982;0.027027027027027028527328411656;0.009009009009009008930868311893;0.021271271271271270653091534086;0.010260260260260259737585819551;0.006506506506506506450071558589;0.018518518518518517490534236458;0.036286286286286287272595529885;0.014264264264264263706860624836;0.006506506506506506450071558589;0.008508508508508509302070699221;0.020270270270270271395496308742;0.007257257257257257627991453575;0.053553553553553553956412258685;0.000000000000000000000000000000;0.012012012012012011907824415857;0.008758758758758759116469505557;0.010510510510510511286708101863;0.023773773773773772266526549402;0.016016016016016015877099221143;0.028028028028028027784923637000;0.011511511511511512279026803185
-0.034668721109399072699552846188;0.008988186954288648541910866641;0.065742167437082693615124640019;0.001797637390857729795118347127;0.003081664098613251263208967501;0.017719568567026194871871780379;0.001797637390857729795118347127;0.020030816640986132126656116270;0.039034411915767848466618517023;0.026964560862865947360456075899;0.014381099126861838360946777016;0.015408320493066255882363968510;0.016692347200821775615731112907;0.039291217257318954148015421879;0.011813045711350795424765536268;0.019003595274781716339962400752;0.032357473035439135444768510297;0.038520801232665637103824707310;0.012069851052901901106162441124;0.014381099126861838360946777016;0.014637904468412942307620205895;0.029275808936825884615240411790;0.013353877760657420839529585521;0.034155110426296868275652940383;0.029275808936825884615240411790;0.028248587570621468828546696272;0.023112480739599382956184214777;0.021828454031843861488093594403;0.003852080123266563970590992128;0.014381099126861838360946777016;0.006933744221879815233799959628;0.024139702105803802212324882248;0.007190549563430919180473388508;0.007447354904982023994508555376;0.022342064714946069381440452162;0.049049820236260914529946575158;0.015151515151515151935690539631;0.010015408320493066063328058135;0.007960965588084232755217151123;0.022085259373394967169490499259;0.005392912172573189819035910375;0.025680534155110425892365455525;0.000000000000000000000000000000;0.023626091422701590849531072536;0.004622496147919877111653885748;0.018746789933230610658565495896;0.038263995891114538361321706361;0.023369286081150488637581119633;0.023112480739599382956184214777;0.019003595274781716339962400752
-0.024917365878464277362258627591;0.009661835748792270070484100586;0.057716755657259088962973692105;0.001017035341978133645979287536;0.008136282735825069167834300288;0.020594965675057207848963614083;0.004576659038901601840587662906;0.024154589371980676043571989453;0.060513602847698959308342381291;0.023391812865497074724885351316;0.016018306636155606875737689165;0.013729977116704804654401250730;0.013729977116704804654401250730;0.030511060259344011114102102056;0.012967200610221205070438088569;0.018815153826595473751659426398;0.039410119501652685070069992435;0.044241037376048820972673780716;0.022883295194508008335576576542;0.009916094584286803265138487973;0.017289600813628274583733102077;0.030002542588354944724793327282;0.013729977116704804654401250730;0.032036613272311213751475378331;0.027459954233409609308802501459;0.029748283752860413264862415872;0.031273836765827615902235692147;0.010933129926264937778479513497;0.001525553012967200685809365801;0.017035341978133739654355238713;0.008899059242308670486520938425;0.024154589371980676043571989453;0.008899059242308670486520938425;0.005593694380879735486566950442;0.020086448004068141459654839309;0.042461225527587083405922641077;0.012712941774726671875783701182;0.007882023900330535973179912901;0.007627765064836002778525525514;0.019069412662090008681037289762;0.008644800406814137291866551038;0.039410119501652685070069992435;0.000000000000000000000000000000;0.016272565471650138335668600575;0.008390541571319604097212163651;0.016781083142639208194424327303;0.025680142384947875211498313774;0.019323671497584540140968201172;0.027205695397915077848871590049;0.012967200610221205070438088569
-0.018295739348370927690456966275;0.025313283208020051495701352451;0.052882205513784460992887659359;0.029573934837092731575669546373;0.016290726817042605611973726809;0.015288220551378446307455583053;0.002756892230576441123190978288;0.029573934837092731575669546373;0.046365914786967415972540607072;0.020300751879699249768940205740;0.010776942355889725100315246209;0.003258145363408521209130919161;0.010275689223057644580694436343;0.035338345864661654949223645872;0.031328320802005010792257166941;0.013784461152882204748593153454;0.030576441102756892614911166106;0.053634085213032582639680612147;0.018045112781954888298008299330;0.008771929824561403021832006743;0.012781954887218045444075009698;0.024561403508771929848908399663;0.016541353383458645004422393754;0.031578947368421053654152785839;0.025814536340852130280598686340;0.025814536340852130280598686340;0.024561403508771929848908399663;0.035839598997493733734120979761;0.001503759398496240691500691611;0.018796992481203006475354300164;0.004511278195488722074502074832;0.017543859649122806043664013487;0.012030075187969925532005532887;0.002506265664160400863380573355;0.014536340852130326395386106242;0.033583959899749375732636025305;0.011528822055137845012384723020;0.005764411027568922506192361510;0.006015037593984962766002766443;0.017042606516290727258766679597;0.009022556390977444149004149665;0.051879699248120303423092991579;0.000000000000000000000000000000;0.015789473684210526827076392919;0.015789473684210526827076392919;0.015037593984962405180283440131;0.027067669172932330712288973018;0.017293233082706766651215346542;0.021303258145363407338734873520;0.011528822055137845012384723020
-0.019984821654439665489233490803;0.033139387806729064811506191290;0.036933974196812546786361508566;0.072603086263597266247771244707;0.048064760941057424470379544346;0.011636731596256008960943439945;0.003541613964077915469030877205;0.029597773842651151077198790063;0.021249683784467492814185263228;0.015937262838350618743277209433;0.012901593726283834551171736393;0.004047558816089045878594543382;0.012648621300278269780070772299;0.022767518340500884910237999748;0.045535036681001769820475999495;0.011130786744244877684018035779;0.023020490766506449681338963842;0.043764229698962812953322298881;0.022514545914495320139137035653;0.008095117632178091757189086763;0.016190235264356183514378173527;0.015684290412345053972176245338;0.011383759170250442455118999874;0.023526435618517582692987843984;0.017455097394384010839329945952;0.020996711358461928043084299134;0.032127498102706805727102334913;0.060207437389324561238801436502;0.002529724260055653782541806862;0.014166455856311661876123508819;0.003794586390083481107493579287;0.017455097394384010839329945952;0.014672400708322793153048912984;0.004806476094105742793982649630;0.018466987098406273393180754283;0.028332911712623323752247017637;0.013407538578294965828097140559;0.006830255502150265299599052327;0.005059448520111307565083613724;0.016949152542372881297128017763;0.011130786744244877684018035779;0.017202124968378446068228981858;0.000000000000000000000000000000;0.015684290412345053972176245338;0.029091828990640021534996861874;0.011130786744244877684018035779;0.025803187452567669102343472787;0.015684290412345053972176245338;0.020490766506450798500882370945;0.010624841892233746407092631614
-0.022844509948415622768713717505;0.023090149840334070474590077993;0.034143944976664210300132396014;0.016457872758535985885375296789;0.024072709408007861298095519942;0.032424465733235076358997872603;0.005649717514124293765709339254;0.016457872758535985885375296789;0.047899778924097274890314679396;0.013264554163596167443706086431;0.012036354704003930649047759971;0.028248587570621468828546696272;0.023335789732252518180466438480;0.016703512650454433591251657276;0.012527634487840826060800480946;0.018177352001965119826509820200;0.030213706705969050475557580171;0.042986981085728320772787469650;0.017931712110046672120633459713;0.010808155244411692119665957534;0.011545074920167035237295038996;0.021370670596904936533455554581;0.028494227462539916534423056760;0.018422991893883567532386180687;0.027266028002947678005041254323;0.017931712110046672120633459713;0.024072709408007861298095519942;0.025055268975681652121600961891;0.006386637189879636883338420716;0.036109064112011791947143279913;0.031687546057479733241368791141;0.011053795136330139825542318022;0.013755833947433062855458807405;0.004667157946450503809565635294;0.027511667894866125710917614811;0.026283468435273887181535812374;0.008597396217145664501502189125;0.011299435028248587531418678509;0.010316875460574796707913236560;0.028985507246376811946175777734;0.009579955784819455325007631075;0.048391058707934170302067400371;0.000000000000000000000000000000;0.010808155244411692119665957534;0.013018914271677719737829725943;0.018177352001965119826509820200;0.014738393515106853678964249355;0.012281994595922378354924120458;0.022353230164578727356960996531;0.010562515352493244413789597047
-0.034183673469387755583515087210;0.012500000000000000693889390391;0.046428571428571430157461463750;0.002806122448979591656181842296;0.017857142857142856151586585156;0.022704081632653062838844704174;0.005357142857142857192420670742;0.022959183673469388958787718025;0.033673469387755103343629059509;0.018112244897959182271529599006;0.016836734693877551671814529755;0.027295918367346939936712857389;0.012500000000000000693889390391;0.031887755102040817034581010603;0.016581632653061225551871515904;0.016071428571428569842538536250;0.024489795918367345678445801127;0.035204081632653060063287142611;0.020408163265306120820463675614;0.008163265306122449715964251027;0.017602040816326530031643571306;0.024234693877551019558502787277;0.013265306122448979053718431942;0.027295918367346939936712857389;0.030612244897959182965418989397;0.034183673469387755583515087210;0.031122448979591835205305017098;0.023724489795918367318616759576;0.002295918367346938982614945601;0.039030612244897962270773206228;0.020918367346938776529796655268;0.020663265306122450409853641418;0.008928571428571428075793292578;0.006377551020408163406916202121;0.018112244897959182271529599006;0.045408163265306125677689408349;0.012755102040816326813832404241;0.011479591836734694479393859012;0.003826530612244897870677373675;0.021938775510204081009568710670;0.006377551020408163406916202121;0.021683673469387754889625696819;0.000000000000000000000000000000;0.019642857142857142460634634062;0.012500000000000000693889390391;0.016581632653061225551871515904;0.025000000000000001387778780781;0.017857142857142856151586585156;0.025765306122448979747607822333;0.014795918367346939242823466998
-0.021497584541062802337973991484;0.029227053140096617700471881562;0.048309178743961352087143978906;0.002657004830917874572959735957;0.024637681159420291021611149063;0.018357487922705313654336833906;0.002657004830917874572959735957;0.034057971014492753603075669844;0.042270531400966183943612719531;0.022946859903381643802644518360;0.012077294685990338021785994727;0.005555555555555555767577313730;0.013526570048309179486456521602;0.027053140096618358972913043203;0.021739130434782608092270095312;0.009903381642512077559503680391;0.024879227053140096775907252891;0.053864734299516908722083030625;0.028260869565217391213840514297;0.011594202898550724778470311094;0.015458937198067632459719256133;0.022705314009661834578901462578;0.017391304347826087167705466641;0.028502415458937196968136618125;0.023429951690821255311236726016;0.026328502415458938240577779766;0.033333333333333332870740406406;0.030917874396135264919438512266;0.000483091787439613514366226754;0.024396135265700481797868093281;0.004347826086956521791926366660;0.014251207729468598484068309062;0.016183574879227051457331043594;0.004347826086956521791926366660;0.019565217391304349364711256953;0.039613526570048310238014721563;0.014009661835748792729772205234;0.008695652173913043583852733320;0.006038647342995169010892997363;0.017874396135265702145744626250;0.011835748792270532267489890899;0.043719806763285025408283246406;0.000000000000000000000000000000;0.011352657004830917289450731289;0.018357487922705313654336833906;0.011111111111111111535154627461;0.022705314009661834578901462578;0.014975845410628019216403572500;0.030917874396135264919438512266;0.012077294685990338021785994727
-0.023913043478260870289275885625;0.014009661835748792729772205234;0.065700483091787442724296397500;0.000724637681159420298654394443;0.003864734299516908114929814033;0.016908212560386472189666307031;0.001932367149758454057464907017;0.014975845410628019216403572500;0.071256038647342992420341545312;0.021980676328502413846566199140;0.013526570048309179486456521602;0.014492753623188405973087888867;0.014009661835748792729772205234;0.032125603864734300629812935313;0.006521739130434782254208680996;0.022463768115942028824605358750;0.038647342995169080281936402343;0.046376811594202899113881244375;0.007971014492753622851517469883;0.012077294685990338021785994727;0.011835748792270532267489890899;0.046859903381642510622473452031;0.011835748792270532267489890899;0.026570048309178743994873883594;0.028502415458937196968136618125;0.023671497584541064534979781797;0.022946859903381643802644518360;0.014251207729468598484068309062;0.002173913043478260895963183330;0.016666666666666666435370203203;0.011352657004830917289450731289;0.019323671497584540140968201172;0.009661835748792270070484100586;0.007487922705314009608201786250;0.015217391304347826705423152305;0.040579710144927533255199136875;0.010144927536231883313799784219;0.011594202898550724778470311094;0.012801932367149758754121258164;0.020289855072463766627599568437;0.003381642512077294871614130400;0.063285024154589378242441455313;0.000000000000000000000000000000;0.015700483091787439948738835938;0.004589371980676328413584208477;0.012077294685990338021785994727;0.034299516908212562826818725625;0.020289855072463766627599568437;0.025362318840579711753946412500;0.013768115942028985240752625430
-0.040220385674931129205145197147;0.017906336088154270469452455927;0.055647382920110191606433147626;0.003856749311294766034002856614;0.009366391184573002667845820213;0.024242424242424242403215473018;0.005234159779614324867202945768;0.019008264462809915801289051274;0.036914600550964189740188459155;0.025068870523415977269454657517;0.016804407713498621668168908627;0.017630853994490356534408093125;0.017079889807162535603213271429;0.035812672176308540938904911854;0.013498622589531680468488694657;0.020661157024793389003214372224;0.033608815426997243336337817254;0.046556473829201104608355166192;0.015426997245179064136011426456;0.009366391184573002667845820213;0.015151515151515151935690539631;0.031680440771349863138262037410;0.014600550964187327535048765981;0.029752066115702479470739305611;0.034986225895316802603218775403;0.031955922865013773603859448258;0.025344352617079891204499020319;0.006336088154269972801124755080;0.001928374655647383017001428307;0.025619834710743801670096431167;0.015977961432506886801929724129;0.018732782369146005335691640425;0.009090909090909090467524933388;0.008539944903581267801606635715;0.019008264462809915801289051274;0.038292011019283749007069417303;0.010743801652892561934726778361;0.007162534435261707667363939578;0.003856749311294766034002856614;0.023691460055096418002573699368;0.007713498622589532068005713228;0.018181818181818180935049866775;0.000000000000000000000000000000;0.016804407713498621668168908627;0.007713498622589532068005713228;0.023966942148760331937618062170;0.025068870523415977269454657517;0.023415977961432507536976288520;0.026170798898071626070738204817;0.014600550964187327535048765981
-0.031400966183574879897477671875;0.010198604401502952415681235721;0.065485775630703166316770591493;0.005367686527106817380439185428;0.022007514761137950132230400868;0.019055287171229201570454847570;0.002147074610842726778703326573;0.020933977455716585441836130599;0.036500268384326357840041765712;0.029790660225442834596609742448;0.014761137949543746278324718446;0.012882447665056360672219959440;0.015566290928609768928758683160;0.042404723564143854963592872309;0.010466988727858292720918065299;0.021739130434782608092270095312;0.035426731078904989680200543489;0.039452495974235106401817319011;0.011272141706924315371352030013;0.012614063338701020366983129861;0.013687600644122383322653924154;0.030059044551798176636570048004;0.013955984970477723627890753733;0.037305421363392377021028778472;0.028717122920021469906215472179;0.030864197530864195817557060764;0.024691358024691356654045648611;0.005367686527106817380439185428;0.001878690284487386039785628000;0.008588298443370907114813306293;0.011272141706924315371352030013;0.019323671497584540140968201172;0.007514761137949544159142512001;0.006977992485238861813945376866;0.021739130434782608092270095312;0.044283413848631242304421107292;0.016371443907675791579192647873;0.010466988727858292720918065299;0.006172839506172839163511412153;0.022812667740203972782664365582;0.004294149221685453557406653147;0.021470746108427269521756741710;0.000000000000000000000000000000;0.025228126677402040733966259722;0.005636070853462157685676015006;0.015566290928609768928758683160;0.034889962426194312539173836285;0.022544283413848630742704060026;0.032474503488996241118424990191;0.016371443907675791579192647873
-0.025733401955738550298535827210;0.021358723623262996366145571869;0.049408131755018014352742738993;0.000000000000000000000000000000;0.017756047349459597173293445849;0.021873391662377766192504324749;0.004117344312918168151849140912;0.018270715388574370469099150682;0.054554812146165726494118075607;0.021873391662377766192504324749;0.012609366958311888501365061188;0.010036026762738034165400868858;0.014668039114770973010970500638;0.039886773031394748278977147038;0.009521358723623262604318640001;0.016726711271230057520575940089;0.040658775090066906487962228312;0.044776119402985072037726155258;0.013381369016984044975626666485;0.009521358723623262604318640001;0.012609366958311888501365061188;0.030622748327328874057284835430;0.015182707153885742837329253518;0.032424086464230568449540470510;0.026762738033968089951253332970;0.022645393721049924401489406023;0.028821410190427176195582248397;0.026762738033968089951253332970;0.001286670097786927384822530662;0.011322696860524962200744703011;0.006690684508492022487813333242;0.021101389603705611452966195429;0.004374678332475553065028517352;0.007462686567164178962074938539;0.023932063818836848967386288223;0.035512094698919194346586891697;0.013124034997426660062447290045;0.009778692743180649252221492418;0.008492022645393721216877658264;0.029078744209984561108761624837;0.007462686567164178962074938539;0.060473494595985589905584589587;0.000000000000000000000000000000;0.017498713329902212260114069409;0.003860010293360782371308026484;0.013381369016984044975626666485;0.027534740092640248160238414243;0.019557385486361298504442984836;0.025733401955738550298535827210;0.009778692743180649252221492418
-0.016009148084619784224713612275;0.029445397369925671582358006617;0.035162950257289882216582554975;0.002572898799313893831303134974;0.012578616352201258538068273651;0.021440823327615779470001200480;0.006861063464837049638567201271;0.018296169239565465702845870055;0.057461406518010293975606828099;0.011720983419096626249045201007;0.011720983419096626249045201007;0.018867924528301886072378934500;0.022870211549456832128557337569;0.014008004574042309461900934764;0.014579759862778731566157475186;0.014865637507146941750924007408;0.033447684391080617638536409686;0.050314465408805034152273094605;0.014293882218410519646667466986;0.010577472841623785509979072117;0.014865637507146941750924007408;0.031446540880503144610447208152;0.031446540880503144610447208152;0.017724413950829045333312805610;0.023441966838193252498090402014;0.016866781017724413044289732966;0.022012578616352199839534264925;0.038879359634076612883823997890;0.004288164665523156240944935291;0.025728987993138937445669611748;0.014293882218410519646667466986;0.014293882218410519646667466986;0.010577472841623785509979072117;0.008004574042309892112356806138;0.044882790165809031968091602494;0.027158376214979990104225748837;0.012292738707833046618578265452;0.012292738707833046618578265452;0.014008004574042309461900934764;0.032304173813607776899470280796;0.006861063464837049638567201271;0.062893081761006289220894416303;0.000000000000000000000000000000;0.011149228130360205879512136562;0.008004574042309892112356806138;0.019725557461406518361402007145;0.012292738707833046618578265452;0.012578616352201258538068273651;0.024299599771297884787113474658;0.008290451686678102297123338360
-0.028950216450216451763433056499;0.028409090909090908144696285831;0.048971861471861471981625868466;0.003246753246753246967271078205;0.010822510822510822067754610032;0.021915584415584415944877605398;0.005140692640692640959232395659;0.030032467532467532062012693927;0.037608225108225111499304915696;0.020562770562770563836929582635;0.013798701298701298093019040891;0.014610389610389610051677244940;0.014610389610389610051677244940;0.023538961038961039862194013494;0.024350649350649351820852217543;0.015963203463203463894348743679;0.029220779220779220103354489879;0.045183982683982680528256281605;0.028138528138528139804774852450;0.010010822510822510109096405984;0.017045454545454544192928381108;0.032467532467532464468540354119;0.014880952380952380126322154297;0.023809523809523808202115446875;0.025432900432900432119431854971;0.025432900432900432119431854971;0.030573593073593072211302512642;0.022727272727272727903535809446;0.001352813852813852758469326254;0.021103896103896103986219401349;0.018668831168831168110244789204;0.015963203463203463894348743679;0.016504329004329004043638562393;0.004058441558441558058567544265;0.021645021645021644135509220064;0.031655844155844152509882150071;0.012987012987012987869084312820;0.009740259740259740034451496626;0.016504329004329004043638562393;0.018939393939393939919613174538;0.010551948051948051993109700675;0.039502164502164503756542757174;0.000000000000000000000000000000;0.013528138528138528018374131534;0.010551948051948051993109700675;0.013528138528138528018374131534;0.023538961038961039862194013494;0.017857142857142856151586585156;0.024080086580086580011483832209;0.010281385281385281918464791318
-0.028717948717948717923809098806;0.015384615384615385469402326635;0.041538461538461537991828720351;0.004615384615384615814293045588;0.026410256410256408715619969030;0.031538461538461536048938427257;0.004358974358974358753737732286;0.022051282051282049961882236744;0.034102564102564104919768084301;0.019487179487179488029946483607;0.011538461538461539102051744976;0.021538461538461537575495086116;0.016153846153846154048983052576;0.035641025641025642078929536183;0.024871794871794871556458517148;0.020256410256410256609527209548;0.028205128205128205537421948179;0.039487179487179488446280117842;0.025128205128205127749652092461;0.007435897435897435674145850015;0.011282051282051282908858169662;0.019743589743589744223140058921;0.015897435897435897855789477262;0.022307692307692306155075812057;0.035897435897435894802676159543;0.028717948717948717923809098806;0.023076923076923078204103489952;0.026666666666666668378260496297;0.000769230769230769230102029432;0.031538461538461536048938427257;0.031794871794871795711578954524;0.018205128205128203594531655085;0.010769230769230768787747543058;0.005128205128205128200680196215;0.020000000000000000416333634234;0.028717948717948717923809098806;0.012307692307692307681632470917;0.009230769230769231628586091176;0.005897435897435897647622660145;0.021538461538461537575495086116;0.005641025641025641454429084831;0.025128205128205127749652092461;0.000000000000000000000000000000;0.017179487179487178821757353830;0.011282051282051282908858169662;0.010769230769230768787747543058;0.028461538461538461730615523493;0.021538461538461537575495086116;0.024358974358974359170071366520;0.017692307692307691208144504458
-0.019774011299435029914706163368;0.034411915767847973957049845239;0.041859270672829997084196662627;0.019260400616332818551912353655;0.015921931176168465510434302246;0.023112480739599382956184214777;0.005906522855675397712382768134;0.032614278376990241126165415153;0.038777606574216742785221612166;0.013610683102208526520926490377;0.015665125834617359829037397390;0.012583461736004108999509298883;0.010015408320493066063328058135;0.024910118130457112317621692910;0.030303030303030303871381079261;0.014124293785310734414273348136;0.026450950179763739467109218140;0.055469953775038521870399677027;0.021828454031843861488093594403;0.010272213662044170010001487015;0.016949152542372881297128017763;0.028248587570621468828546696272;0.018233179250128402765218638137;0.023112480739599382956184214777;0.022855675398048280744234261874;0.025166923472008217999018597766;0.032100667693888029763371605441;0.033127889060092452488959224866;0.002054442732408834175472645001;0.031073446327683617446124841877;0.007190549563430919180473388508;0.013867488443759630467599919257;0.009758602978941962116654629256;0.006676938880328710419764792761;0.016435541859270673403781160005;0.032357473035439135444768510297;0.012326656394453005052835870003;0.005649717514124293765709339254;0.009758602978941962116654629256;0.017205957883923986978524922620;0.008731381612737544595237437761;0.043143297380585518552287283001;0.000000000000000000000000000000;0.012840267077555212946182727762;0.014637904468412942307620205895;0.012840267077555212946182727762;0.021828454031843861488093594403;0.013867488443759630467599919257;0.029789419619928095978034221503;0.011299435028248587531418678509
-0.038483796296296293726335591145;0.014467592592592592656841610221;0.041377314814814818155763731511;0.004629629629629629372633559115;0.013888888888888888117900677344;0.033564814814814818155763731511;0.007233796296296296328420805111;0.024305555555555555941049661328;0.038483796296296293726335591145;0.017071759259259258745267118229;0.017361111111111111882099322656;0.025752314814814814686316779557;0.017650462962962961549484575130;0.028067129629629629372633559115;0.018518518518518517490534236458;0.015046296296296295461059067122;0.026620370370370370627366440885;0.044849537037037034981068472916;0.024016203703703702804217456901;0.011863425925925926568416102214;0.013020833333333333911574491992;0.026909722222222223764198645313;0.018229166666666667823148983985;0.021122685185185185313683220443;0.027199074074074073431583897786;0.027777777777777776235801354687;0.028645833333333332176851016015;0.015914351851851853136832204427;0.002025462962962962850527182113;0.037326388888888888117900677344;0.011284722222222222029475169336;0.016203703703703702804217456901;0.019386574074074073431583897786;0.007523148148148147730529533561;0.023148148148148146863167795573;0.028067129629629629372633559115;0.011863425925925926568416102214;0.008680555555555555941049661328;0.008680555555555555941049661328;0.025752314814814814686316779557;0.007812500000000000000000000000;0.029224537037037038450515424870;0.000000000000000000000000000000;0.013599537037037036715791948893;0.018518518518518517490534236458;0.014756944444444444058950338672;0.022280092592592590922118134245;0.014467592592592592656841610221;0.026041666666666667823148983985;0.011284722222222222029475169336
-0.029180695847362513040135212350;0.021604938271604937072289942535;0.046857463524130192611405476555;0.044332210998877664975825751981;0.034511784511784514284382652249;0.026374859708193042900914448978;0.002244668911335578193044781870;0.019360269360269358879245160665;0.021324354657687991099201951783;0.019921436588103254294868094121;0.017396184062850730128735321500;0.014590347923681256520067606175;0.016273849607182939297489454589;0.030303030303030303871381079261;0.032828282828282831506960803836;0.019360269360269358879245160665;0.019640852974186308321780103370;0.033670033670033669426224776089;0.022446689113355778461000866741;0.008136924803591469648744727294;0.013748597081930415131356681968;0.019360269360269358879245160665;0.008136924803591469648744727294;0.023569023569023569292246733653;0.037317620650953980954156463667;0.031144781144781145260092003468;0.021604938271604937072289942535;0.049663299663299666220073191880;0.001122334455667789096522390935;0.035634118967452298176734615254;0.014590347923681256520067606175;0.021604938271604937072289942535;0.008136924803591469648744727294;0.005050505050505050934350759206;0.020763187429854095683579018328;0.032547699214365878594978909177;0.008417508417508417356556194022;0.006453423120089786871322878881;0.001964085297418630918914184136;0.012906846240179573742645757761;0.008417508417508417356556194022;0.013187429854096521450457224489;0.000000000000000000000000000000;0.014870931537598204227879072903;0.018237934904601571517446245707;0.013187429854096521450457224489;0.027497194163860830262713363936;0.018518518518518517490534236458;0.019360269360269358879245160665;0.012626262626262626034834291033
-0.028959276018099548710704738141;0.014781297134238310236886704274;0.052488687782805430737109730899;0.050377073906485672627475480567;0.038612368024132731614272984189;0.026847662141779787131623535856;0.004223227752639517086630238651;0.019306184012066365807136492094;0.016591251885369532464986619402;0.022322775263951735030820699990;0.016892911010558068346520954606;0.024132730015082957258920615118;0.012066365007541478629460307559;0.030769230769230770938804653269;0.028355957767722473478189115781;0.019306184012066365807136492094;0.024132730015082957258920615118;0.034690799396681751276538818729;0.016591251885369532464986619402;0.010859728506787329899152538815;0.016591251885369532464986619402;0.015384615384615385469402326635;0.010256410256410256401360392431;0.035294117647058823039607489136;0.034389140271493215395004483526;0.035897435897435894802676159543;0.025037707390648568372970572682;0.028355957767722473478189115781;0.001206636500754147862946030756;0.022624434389140270912355035193;0.010256410256410256401360392431;0.016289592760180996583452284199;0.012971342383107089743510265123;0.005128205128205128200680196215;0.015686274509803921350936661838;0.032880844645550529048438903601;0.012669683257918552127252453943;0.007541478129713423926572257727;0.001206636500754147862946030756;0.012669683257918552127252453943;0.006636500754147812812522300163;0.010256410256410256401360392431;0.000000000000000000000000000000;0.016591251885369532464986619402;0.013574660633484163241302411507;0.015082956259426847853144515454;0.036199095022624437623104398654;0.022926093514328806793889370397;0.021417797888386123916770742426;0.012669683257918552127252453943
-0.020050125313283206907044586842;0.033695349484823167163227708443;0.026455026455026453557906052083;0.010582010582010581423162420833;0.021999443052074629800785032785;0.025619604566972986603445860965;0.007240323029796713605321656360;0.021164021164021162846324841667;0.025619604566972986603445860965;0.013645224171539960256183121601;0.015316067947646894165103503838;0.020050125313283206907044586842;0.023948760790866052694525478728;0.018379281537176272998124204605;0.039821776663881924829269109978;0.013645224171539960256183121601;0.027290448343079920512366243202;0.035923141186299079041788218092;0.022556390977443607770425160197;0.006404901141743246650861465241;0.013366750208855471271363057895;0.019214703425229739952584395724;0.022834864940128096755245223903;0.019493177387914228937404459430;0.024227234753550541679345542434;0.018379281537176272998124204605;0.026733500417710942542726115789;0.061542745753272065645234079057;0.004734057365636312741941083004;0.033973823447507656148047772149;0.014202172096908938225823249013;0.016429963798384850104383758662;0.012252854358117515332082803070;0.007240323029796713605321656360;0.038150932887774990920348727741;0.024227234753550541679345542434;0.010582010582010581423162420833;0.009468114731272625483882166009;0.008354218880534669544601911184;0.028125870231133387466826434320;0.011417432470064048377622611952;0.035087719298245612087328026973;0.000000000000000000000000000000;0.010025062656641603453522293421;0.019493177387914228937404459430;0.013923698134224449241003185307;0.015594541910331383149923567544;0.014202172096908938225823249013;0.027290448343079920512366243202;0.010025062656641603453522293421
-0.030241935483870968637276632762;0.009216589861751152065738601493;0.051555299539170505729313020993;0.012384792626728110750966571629;0.034562211981566823282285838559;0.032834101382488475873167033114;0.005184331797235023145398180588;0.020161290322580644601702104524;0.024481566820276499246711310320;0.021889400921658985071927006061;0.016417050691244237936583516557;0.041474654377880185163185444708;0.015552995391705069436194541765;0.036866359447004608262954405973;0.011808755760368662771075953799;0.023905529953917051266820692490;0.022177419354838710796595790953;0.031970046082949309107501534299;0.021889400921658985071927006061;0.008064516129032257840680841809;0.012960829493087556996133713483;0.015552995391705069436194541765;0.009792626728110598310905743347;0.028225806451612902442382946333;0.037154377880184330518176238911;0.031970046082949309107501534299;0.023329493087557603286930074660;0.006624423963133640493039511199;0.000864055299539170560373102514;0.042914746543778803378188513307;0.021889400921658985071927006061;0.018145161290322581876255370048;0.010080645161290322300851052262;0.005472350230414746267981751515;0.020449308755760370326370889416;0.036002304147465434558395003251;0.012096774193548386761021262714;0.010656682027649770280741670092;0.004032258064516128920340420905;0.015841013824884793426139850681;0.005472350230414746267981751515;0.014688940092165899201082090997;0.000000000000000000000000000000;0.014400921658986175211136782082;0.010656682027649770280741670092;0.014400921658986175211136782082;0.032834101382488475873167033114;0.028801843317972350422273564163;0.026497695852534561972158044796;0.015552995391705069436194541765
-0.030769230769230770938804653269;0.014265734265734266589253920188;0.058461538461538460620392498868;0.006433566433566433560853337070;0.015664335664335664322077690258;0.028811188811188812031183203999;0.004755244755244755240630727400;0.020139860139860139842671316046;0.042517482517482517445639444986;0.025174825174825176538062621034;0.016503496503496504349550733082;0.022097902097902098750292765317;0.018181818181818180935049866775;0.034685314685314688754047551811;0.008671328671328672188511887953;0.019300699300699299815198273222;0.032167832167832165202181471386;0.033566433566433566404452193410;0.015384615384615385469402326635;0.008391608391608391601113048353;0.014265734265734266589253920188;0.022937062937062938777765808140;0.013706293706293707149179716964;0.032167832167832165202181471386;0.031888111888111886349506107763;0.026853146853146853123561754728;0.028251748251748250856385524798;0.017062937062937062054901460328;0.000559440559440559440074203224;0.028531468531468533178507840375;0.011188811188811188801484064470;0.019860139860139860989995952423;0.009510489510489510481261454800;0.006993006993006993000927540294;0.020979020979020979870144358870;0.031328671328671328644155380516;0.013986013986013986001855080588;0.009230769230769231628586091176;0.006153846153846153840816235459;0.018741258741258742109847545976;0.005314685314685314680704930623;0.033846153846153845257127557034;0.000000000000000000000000000000;0.018461538461538463257172182352;0.009230769230769231628586091176;0.013426573426573426561780877364;0.029930069930069930911331610446;0.026293706293706295418211027481;0.026573426573426574270886391105;0.016783216783216783202226096705
-0.043304843304843305962226196471;0.005128205128205128200680196215;0.058119658119658121342432366419;0.000284900284900284881967752471;0.012250712250712249978823464858;0.026210826210826210225235399776;0.002849002849002849144938176451;0.017094017094017095736990796695;0.029344729344729345715814261553;0.026210826210826210225235399776;0.018518518518518517490534236458;0.021367521367521367936515019892;0.016809116809116810692392718352;0.044444444444444446140618509844;0.005698005698005698289876352902;0.025925925925925925180637321432;0.026210826210826210225235399776;0.032478632478632481206393123330;0.018803418803418802535132314802;0.009686609686609686312164235744;0.012535612535612535023421543201;0.018803418803418802535132314802;0.009116809116809116222968079057;0.038461538461538463673505816587;0.044159544159544157626573479547;0.038461538461538463673505816587;0.024501424501424499957646929715;0.006837606837606837600906928287;0.000569800569800569763935504941;0.033333333333333332870740406406;0.011396011396011396579752705804;0.015669515669515670514000404978;0.009686609686609686312164235744;0.009401709401709401267566157401;0.021937321937321938025711176579;0.049572649572649570004490016117;0.017094017094017095736990796695;0.011396011396011396579752705804;0.004273504273504273934247699174;0.010541310541310541445958470774;0.003418803418803418800453464144;0.016239316239316240603196561665;0.000000000000000000000000000000;0.018233618233618232445936158115;0.003703703703703703845051542487;0.016239316239316240603196561665;0.042735042735042735873030039784;0.026780626780626780314431556462;0.026780626780626780314431556462;0.017378917378917377312141923085
-0.031798245614035089423587976398;0.010964912280701753777290008429;0.052631578947368418130992040460;0.012609649122807016843883509694;0.025493421052631578399561007586;0.023574561403508772355896994100;0.003837719298245613822051502950;0.018366228070175440179045978084;0.031250000000000000000000000000;0.023848684210526317067690982299;0.016447368421052630665935012644;0.025493421052631578399561007586;0.017269736842105264801316977241;0.038651315789473686401755969655;0.016173245614035089423587976398;0.019462719298245615556774978927;0.022203947368421052266374005058;0.033991228070175440179045978084;0.018366228070175440179045978084;0.009320175438596490710696507165;0.010964912280701753777290008429;0.015899122807017544711793988199;0.008223684210526315332967506322;0.033442982456140350755458001686;0.035910087719298246222709991571;0.038103070175438596978167993257;0.022752192982456141689961981456;0.011513157894736841466154508851;0.000548245614035087688864500421;0.041940789473684209065496020230;0.024671052631578947733625994942;0.017817982456140350755458001686;0.006578947368421052266374005058;0.008223684210526315332967506322;0.017269736842105264801316977241;0.037280701754385962842786028659;0.009594298245614035422490495364;0.012335526315789473866812997471;0.002192982456140350755458001686;0.018640350877192981421393014330;0.004385964912280701510916003372;0.015899122807017544711793988199;0.000000000000000000000000000000;0.016447368421052630665935012644;0.018914473684210526133187002529;0.013980263157894736933406498736;0.037828947368421052266374005058;0.027960526315789473866812997471;0.022203947368421052266374005058;0.016721491228070175377729000843
-0.026715239829993929487894632757;0.028840315725561626453155028571;0.047965998785670919957180302617;0.036429872495446269375918291189;0.031268973891924713159884419156;0.022161505768063145815904846359;0.006982392228293867776633963018;0.027322404371584698562491766438;0.018822100789313903762556279275;0.021250758955676986999838717907;0.020340012143290831653219541408;0.015179113539769277171909145352;0.015179113539769277171909145352;0.027929568913175471106535852073;0.032786885245901641050547681289;0.015786278081360047981229755010;0.023982999392835459978590151309;0.040983606557377046109014173680;0.022161505768063145815904846359;0.010928961748633879771941401771;0.013661202185792349281245883219;0.021250758955676986999838717907;0.008196721311475410262636920322;0.027018822100789312290469723621;0.027625986642380084834513809255;0.027625986642380084834513809255;0.028840315725561626453155028571;0.033394049787492413594591766923;0.001517911353976927673822827636;0.028840315725561626453155028571;0.010321797207043108962620792113;0.015786278081360047981229755010;0.010928961748633879771941401771;0.004857316332726169076650091228;0.017000607164541589599870974325;0.036733454766241652178493382053;0.014268366727383120090566492877;0.009107468123861567343979572797;0.001821493624772313295323566962;0.012750455373406193934626706721;0.010018214936247722690598749296;0.014571948998178506362588535694;0.000000000000000000000000000000;0.013357619914996964743947316379;0.019429265330904676306600364910;0.015179113539769277171909145352;0.028536733454766240181132985754;0.021554341226472373271860760724;0.018822100789313903762556279275;0.013964784456587735553267926036
-0.033799533799533799938163980414;0.023310023310023311737815276956;0.044580419580419583525099369581;0.020104895104895104118725157605;0.030885780885780884236213594818;0.020104895104895104118725157605;0.005536130536130536017314085484;0.026806526806526807804598178109;0.027097902097902096252290959910;0.020104895104895104118725157605;0.013403263403263403902299089054;0.014277389277389277918994814343;0.015442890442890442118106797409;0.027389277389277388169430693665;0.034673659673659672220136229726;0.016899766899766899969081990207;0.022727272727272727903535809446;0.036713286713286712170667414057;0.027097902097902096252290959910;0.009032634032634032084096986637;0.013403263403263403902299089054;0.019522144522144523753892642048;0.011655011655011655868907638478;0.023892773892773892102647792512;0.025641025641025640136039243089;0.029720279720279720037101611751;0.024475524475524475936927260022;0.038752913752913752121198598388;0.001456876456876456983613454810;0.026223776223776223970318710599;0.016025641025641024217662788942;0.017773892773892772251054239518;0.012237762237762237968463630011;0.003496503496503496500463770147;0.022727272727272727903535809446;0.032634032634032632269605045394;0.012820512820512820068019621544;0.011946386946386946051323896256;0.004953379953379953050396355962;0.018939393939393939919613174538;0.009032634032634032084096986637;0.026515151515151515887458444354;0.000000000000000000000000000000;0.013111888111888111985159355299;0.019522144522144523753892642048;0.009906759906759906100792711925;0.030303030303030303871381079261;0.020104895104895104118725157605;0.021270396270396271787284092625;0.011946386946386946051323896256
-0.023148148148148146863167795573;0.039506172839506172034251818559;0.044753086419753083935457738107;0.007407407407407407690103084974;0.019135802469135803488553548846;0.016666666666666666435370203203;0.005246913580246913635929395525;0.026851851851851852442942814037;0.022530864197530864334595435139;0.017901234567901234961961876024;0.016666666666666666435370203203;0.014814814814814815380206169948;0.012037037037037037062736644089;0.030246913580246913288984700330;0.054012345679012342680724856336;0.017283950617283948963942563637;0.021604938271604937072289942535;0.041358024691358026558862803768;0.020061728395061727281412089496;0.005864197530864197899225231936;0.012962962962962962590318660716;0.010802469135802468536144971267;0.009567901234567901744276774423;0.025925925925925925180637321432;0.027777777777777776235801354687;0.032407407407407405608434913802;0.028086419753086420969534486858;0.063580246913580246159725106736;0.001851851851851851922525771243;0.029629629629629630760412339896;0.010185185185185186007572610833;0.018827160493827162224267368629;0.005864197530864197899225231936;0.007716049382716048954389265191;0.020370370370370372015145221667;0.031172839506172840551290192934;0.014814814814814815380206169948;0.007407407407407407690103084974;0.003703703703703703845051542487;0.016975308641975307699656383420;0.007098765432098765558455166769;0.023148148148148146863167795573;0.000000000000000000000000000000;0.019135802469135803488553548846;0.016975308641975307699656383420;0.012654320987654321326032480499;0.026543209876543211178656633820;0.022839506172839505598881615356;0.020987654320987654543717582101;0.013888888888888888117900677344
-0.027132867132867131976237118351;0.027132867132867131976237118351;0.062097902097902099582960033786;0.008671328671328672188511887953;0.023776223776223775335791899010;0.016223776223776225496875369458;0.003916083916083916080519422565;0.017902097902097902082374503152;0.042237762237762238592964081363;0.021818181818181819897617401693;0.014265734265734266589253920188;0.010909090909090909948808700847;0.017622377622377623229699139529;0.030489510489510488616682337693;0.012307692307692307681632470917;0.013986013986013986001855080588;0.037202797202797205367019728328;0.058461538461538460620392498868;0.012587412587412588269031310517;0.012867132867132867121706674141;0.015104895104895104882003487035;0.030769230769230770938804653269;0.017342657342657344377023775905;0.029650349650349652058656246822;0.027972027972027972003710161175;0.031048951048951049791480016893;0.020699300699300701017468995246;0.030769230769230770938804653269;0.002237762237762237760296812894;0.015384615384615385469402326635;0.008671328671328672188511887953;0.016223776223776225496875369458;0.007832167832167832161038845129;0.003636363636363636360482320953;0.019860139860139860989995952423;0.047272727272727271818908434398;0.013426573426573426561780877364;0.006433566433566433560853337070;0.006713286713286713280890438682;0.018181818181818180935049866775;0.005874125874125874120779133847;0.036923076923076926514344364705;0.000000000000000000000000000000;0.011468531468531469388882904070;0.005034965034965034960667829012;0.012307692307692307681632470917;0.027412587412587414298359433928;0.020419580419580418695346679669;0.026853146853146853123561754728;0.012867132867132867121706674141
-0.030092592592592590922118134245;0.027488425925925926568416102214;0.054398148148148146863167795573;0.011863425925925926568416102214;0.019965277777777776235801354687;0.017650462962962961549484575130;0.003182870370370370193685571891;0.018518518518518517490534236458;0.035879629629629629372633559115;0.021122685185185185313683220443;0.011284722222222222029475169336;0.052372685185185181844236268489;0.008391203703703704538940932878;0.032407407407407405608434913802;0.016782407407407409077881865755;0.013020833333333333911574491992;0.026331018518518517490534236458;0.040798611111111111882099322656;0.018518518518518517490534236458;0.010706018518518519225257712435;0.014467592592592592656841610221;0.024594907407407409077881865755;0.013020833333333333911574491992;0.022280092592592590922118134245;0.024594907407407409077881865755;0.027199074074074073431583897786;0.018229166666666667823148983985;0.023148148148148146863167795573;0.001736111111111111014737584668;0.019965277777777776235801354687;0.054687500000000000000000000000;0.015914351851851853136832204427;0.008969907407407407343158389779;0.005208333333333333044212754004;0.014756944444444444058950338672;0.031828703703703706273664408855;0.013020833333333333911574491992;0.008391203703703704538940932878;0.013020833333333333911574491992;0.014178240740740741254732881771;0.006944444444444444058950338672;0.030381944444444444058950338672;0.000000000000000000000000000000;0.015914351851851853136832204427;0.011863425925925926568416102214;0.012442129629629629372633559115;0.029513888888888888117900677344;0.021701388888888888117900677344;0.017361111111111111882099322656;0.013888888888888888117900677344
-0.031959378733572282871300274110;0.018817204301075269451404281540;0.040621266427718037694827302175;0.054659498207885306997333429990;0.051971326164874549757843880116;0.017025089605734768094524866910;0.003882915173237753807267136352;0.017323775388291516585947960039;0.026284348864994026839791985140;0.021206690561529271260576834379;0.018518518518518517490534236458;0.028972520908004780609834583061;0.012544802867383512967602854360;0.026284348864994026839791985140;0.030167264038231781514420859480;0.016129032258064515681361683619;0.027180406212664275783508216477;0.034348864994026284680472826949;0.020310633213859018847413651088;0.009856630824372759197560256439;0.011350059737156512063016577940;0.017323775388291516585947960039;0.009259259259259258745267118229;0.028673835125448028648964537979;0.027479091995221027744378261559;0.029868578255675029553550814398;0.018817204301075269451404281540;0.024193548387096773522042525428;0.000896057347670250895280141812;0.029271206690561529101257676189;0.020310633213859018847413651088;0.013142174432497013419895992570;0.007765830346475507614534272705;0.004480286738351254259560274562;0.017622461170848268546818005120;0.038530465949820791315971746371;0.011350059737156512063016577940;0.007168458781362007162241134495;0.004181600955794504033413705457;0.013739545997610513872189130780;0.007765830346475507614534272705;0.014336917562724014324482268989;0.000000000000000000000000000000;0.012843488649940263193749423465;0.022102747909199523673740017671;0.012544802867383512967602854360;0.026881720430107527292085123349;0.021206690561529271260576834379;0.025089605734767025935205708720;0.013739545997610513872189130780
-0.033446712018140589695036624107;0.021825396825396824185272492969;0.058956916099773243322701432589;0.001417233560090702931127948361;0.006519274376417233569924736258;0.026927437641723356992473625837;0.003117913832199546621953833991;0.017573696145124717560292992857;0.035714285714285712303173170312;0.022959183673469388958787718025;0.015873015873015872134743631250;0.024943310657596372975630671931;0.012755102040816326813832404241;0.041383219954648525762408439732;0.012755102040816326813832404241;0.022108843537414966246013037221;0.030895691609977325026159533650;0.047902494331065761934418389956;0.013038548752834467139849472517;0.012755102040816326813832404241;0.013321995464852607465866540792;0.022675736961451246898047173772;0.010487528344671202470972382059;0.031179138321995463617453125948;0.033730158730158728286330216406;0.028911564625850341009316579743;0.026360544217687076340439489286;0.024092970521541950262855991127;0.002551020408163265102557959452;0.019557823129251701577135946764;0.019557823129251701577135946764;0.020691609977324262881204219866;0.008786848072562358780146496429;0.008786848072562358780146496429;0.018424036281179136803620721707;0.039682539682539680336859078125;0.014172335600907030178641221596;0.009353741496598639432180632980;0.003117913832199546621953833991;0.016156462585034014195484175502;0.004818594104308389879098850628;0.034580498866213150999104897210;0.000000000000000000000000000000;0.013038548752834467139849472517;0.004251700680272109227064714077;0.014172335600907030178641221596;0.034013605442176873816517712612;0.024092970521541950262855991127;0.022675736961451246898047173772;0.013888888888888888117900677344
-0.025296442687747035249490323849;0.010540184453227931932195460263;0.059815546772068510505970806435;0.002635046113306982983048865066;0.008695652173913043583852733320;0.027140974967061921863109574815;0.004216073781291172252461141312;0.015546772068511198819362739698;0.033465085638998685879652583708;0.025296442687747035249490323849;0.013438735177865613126813038036;0.020553359683794465706530019133;0.011857707509881422122677285813;0.042424242424242426807712291748;0.007905138339920948081784857209;0.021080368906455863864390920526;0.027931488801054019099900926904;0.035046113306982873414341383977;0.010803689064558629276402434982;0.009749670619235836430127584151;0.015283267457180501475155764979;0.032674571805006588642861231619;0.014229249011857706894157438171;0.036890645586297760027960634943;0.035836627140974963712238832159;0.032147562582345190485000330227;0.023188405797101449556940622188;0.025823451910408433407351225242;0.001581027667984189703093145241;0.030039525691699604792450628565;0.010276679841897232853265009567;0.016600790513833993400361066506;0.010276679841897232853265009567;0.007641633728590250737577882489;0.025823451910408433407351225242;0.037417654808959158185821536335;0.013438735177865613126813038036;0.009486166007905139085920609432;0.004216073781291172252461141312;0.026350461133069828095765174680;0.004216073781291172252461141312;0.031093544137022397638725479396;0.000000000000000000000000000000;0.015546772068511198819362739698;0.005533596837944664177666442839;0.014756258234519103317294863587;0.034782608695652174335410933281;0.026086956521739129016834723984;0.027931488801054019099900926904;0.017391304347826087167705466641
-0.034848484848484850839867021932;0.004848484848484848480643094604;0.049696969696969697793953457676;0.001515151515151515150200967064;0.026060606060606061884499240477;0.035151515151515148882577221912;0.004545454545454545233762466694;0.020303030303030301928490786167;0.019696969696969695434729530348;0.025454545454545455390737984658;0.021515151515151514916013297807;0.022121212121212121409774553626;0.018181818181818180935049866775;0.040606060606060603856981572335;0.007575757575757575967845269815;0.018181818181818180935049866775;0.017878787878787879422892714842;0.026666666666666668378260496297;0.018484848484848485916653970662;0.011212121212121211460965852780;0.013939393939393938948168027991;0.023636363636363635909454217199;0.011818181818181817954727108599;0.030909090909090910365142335081;0.036363636363636361870099733551;0.032424242424242424864821998653;0.029696969696969697377619823442;0.007272727272727272720964641906;0.001212121212121212120160773651;0.056060606060606060774276215852;0.016060606060606059941608947383;0.018787878787878787428811122595;0.010909090909090909948808700847;0.010606060606060606701928072937;0.021515151515151514916013297807;0.037878787878787879839226349077;0.012424242424242424448488364419;0.010606060606060606701928072937;0.001818181818181818180241160476;0.019090909090909092410415226482;0.004848484848484848480643094604;0.010606060606060606701928072937;0.000000000000000000000000000000;0.018484848484848485916653970662;0.010000000000000000208166817117;0.015757575757575758429451795450;0.041515151515151511862899980088;0.026666666666666668378260496297;0.027575757575757576384178904050;0.016969696969696971416974307090
-0.024397413286302176149700216001;0.027924750146972369957421022946;0.049382716049382713308091297222;0.015579071134626689895674722663;0.023221634332745443723977629702;0.022339800117577895272047427966;0.002351557907113462683040827628;0.026161081716637273053560619474;0.032333921222810112217072031626;0.022927689594356259750185245139;0.012639623750734862300815208869;0.011757789535567313848885007133;0.016460905349794240082328400376;0.024691358024691356654045648611;0.024985302763080540627838033174;0.014403292181069959204675612341;0.025573192239858905105975850347;0.045267489711934158491679625058;0.025279247501469724601630417737;0.008230452674897120041164200188;0.012051734273956496087953915719;0.015285126396237507656605814077;0.011463844797178129875092622569;0.022633744855967079245839812529;0.031746031746031744269487262500;0.029100529100529098913696657291;0.026161081716637273053560619474;0.065255731922398585442834928472;0.001469723691945914231110625892;0.026161081716637273053560619474;0.010582010582010581423162420833;0.019106407995296885438119005585;0.010582010582010581423162420833;0.003527336860670193807720806944;0.022045855379188711298255043403;0.037918871252204583432998674652;0.010582010582010581423162420833;0.009994121105232216945024603660;0.003233392122281011134971029364;0.010875955320399765396954805396;0.007054673721340387615441613889;0.035861258083480306024792838571;0.000000000000000000000000000000;0.012345679012345678327022824305;0.016754850088183420586673832986;0.012639623750734862300815208869;0.025867136978248089079768234910;0.020576131687242798368187024494;0.020870076425631982341979409057;0.012345679012345678327022824305
-0.029271206690561529101257676189;0.034647550776583033171895920077;0.039127837514934288298817932628;0.019414575866188769903697419750;0.015232974910394265002921976304;0.031362007168458778949560183946;0.005077658303464754711853412772;0.018817204301075269451404281540;0.026583034647550775331215078268;0.017323775388291516585947960039;0.017323775388291516585947960039;0.025985663082437274878921940058;0.014934289127837514776775407199;0.029271206690561529101257676189;0.025686977299880526387498846930;0.022401433691756272165163110799;0.020011947431302270355990557960;0.033751493428912780758732736786;0.011947431302270012515309716150;0.006571087216248506709947996285;0.011947431302270012515309716150;0.021505376344086023221446879461;0.011648745519713262289163147045;0.024193548387096773522042525428;0.038231780167264035885654749336;0.025686977299880526387498846930;0.021206690561529271260576834379;0.057347670250896057297929075958;0.001493428912783751564413714519;0.022998805256869772617456249009;0.020609318996415770808283696169;0.017622461170848268546818005120;0.006869772998805256936094565390;0.005973715651135006257654858075;0.022998805256869772617456249009;0.030167264038231781514420859480;0.008661887694145758292973980019;0.011350059737156512063016577940;0.004480286738351254259560274562;0.019115890083632017942827374668;0.008661887694145758292973980019;0.025985663082437274878921940058;0.000000000000000000000000000000;0.018219832735961768999111143330;0.014336917562724014324482268989;0.015232974910394265002921976304;0.025089605734767025935205708720;0.021206690561529271260576834379;0.030465949820788530005843952608;0.011947431302270012515309716150
-0.029271206690561529101257676189;0.015830346475507767189938590491;0.057646356033452805789352169086;0.008661887694145758292973980019;0.012544802867383512967602854360;0.025985663082437274878921940058;0.004480286738351254259560274562;0.013142174432497013419895992570;0.065710872162485070568926914802;0.019414575866188769903697419750;0.012843488649940263193749423465;0.025089605734767025935205708720;0.014038231780167264098335699885;0.035543608124253285585059103369;0.007765830346475507614534272705;0.031959378733572282871300274110;0.028673835125448028648964537979;0.032855436081242535284463457401;0.008363201911589008066827410914;0.009259259259259258745267118229;0.011051373954599761836870008835;0.036140979689366789506799193532;0.010454002389486259649853394649;0.023297491039426524578326294090;0.034946236559139781663319013205;0.030764635603345281966713997690;0.022401433691756272165163110799;0.017323775388291516585947960039;0.002986857825567503128827429038;0.030465949820788530005843952608;0.028673835125448028648964537979;0.014635603345280764550628838094;0.004778972520908004485706843667;0.007467144563918757388387703600;0.022401433691756272165163110799;0.036140979689366789506799193532;0.012246117084826762741456285255;0.010454002389486259649853394649;0.008363201911589008066827410914;0.018817204301075269451404281540;0.005675029868578256031508288970;0.036439665471923537998222286660;0.000000000000000000000000000000;0.012246117084826762741456285255;0.005376344086021505805361719865;0.011051373954599761836870008835;0.030167264038231781514420859480;0.022401433691756272165163110799;0.019414575866188769903697419750;0.014336917562724014324482268989
-0.032231404958677684069456859106;0.009917355371900827068487593863;0.054269972451790632339552189478;0.000550964187327823641700252910;0.004958677685950413534243796931;0.027823691460055095803216573813;0.003305785123966942067041951958;0.019283746556473829736333414075;0.044628099173553717471385482440;0.019834710743801654136975187726;0.017079889807162535603213271429;0.026446280991735536536335615665;0.019559228650137740201930824924;0.035812672176308540938904911854;0.010743801652892561934726778361;0.022038567493112948270095330372;0.034710743801652892137621364554;0.039944903581267218739547786299;0.012396694214876033401928623334;0.009641873278236914868166707038;0.015977961432506886801929724129;0.025619834710743801670096431167;0.011294765840220386335368552011;0.030027548209366389936336716460;0.039393939393939390869459060696;0.032782369146005511939545584710;0.020661157024793389003214372224;0.019834710743801654136975187726;0.003581267217630853833681969789;0.030027548209366389936336716460;0.014600550964187327535048765981;0.019559228650137740201930824924;0.007162534435261707667363939578;0.008815426997245178267204046563;0.023966942148760331937618062170;0.044903581267217627936982893289;0.009366391184573002667845820213;0.011570247933884296800965962859;0.003581267217630853833681969789;0.015977961432506886801929724129;0.004132231404958677800642874445;0.034435261707988981672023953706;0.000000000000000000000000000000;0.015426997245179064136011426456;0.006611570247933884134083903916;0.012121212121212121201607736509;0.034435261707988981672023953706;0.023415977961432507536976288520;0.019834710743801654136975187726;0.015702479338842976336332313281
-0.036111111111111107718762980312;0.021296296296296295808003762318;0.052777777777777777623580135469;0.007716049382716048954389265191;0.012345679012345678327022824305;0.030864197530864195817557060764;0.007716049382716048954389265191;0.036111111111111107718762980312;0.014506172839506172381196513754;0.024382716049382715389759468394;0.020679012345679013279431401884;0.020370370370370372015145221667;0.016975308641975307699656383420;0.037037037037037034981068472916;0.020370370370370372015145221667;0.023765432098765432861187107960;0.018209876543209876226248056241;0.035493827160493825190190619878;0.029012345679012344762393027509;0.008024691358024691953398921385;0.021913580246913581806023074705;0.016049382716049383906797842769;0.010185185185185186007572610833;0.030864197530864195817557060764;0.036111111111111107718762980312;0.034259259259259260133045899011;0.035185185185185187395351391615;0.020987654320987654543717582101;0.001543209876543209790877853038;0.027777777777777776235801354687;0.011419753086419752799440807678;0.013271604938271605589328316910;0.011419753086419752799440807678;0.005864197530864197899225231936;0.014814814814814815380206169948;0.041358024691358026558862803768;0.011419753086419752799440807678;0.007407407407407407690103084974;0.000925925925925925961262885622;0.013580246913580246853614497127;0.008024691358024691953398921385;0.012345679012345678327022824305;0.000000000000000000000000000000;0.013888888888888888117900677344;0.011419753086419752799440807678;0.013888888888888888117900677344;0.034259259259259260133045899011;0.024074074074074074125473288177;0.023456790123456791596900927743;0.018518518518518517490534236458
-0.032345013477088950526461275103;0.024258760107816711160122480351;0.051212938005390833129393257650;0.001684636118598382839919858078;0.013814016172506738203140663757;0.024932614555256065597133030565;0.006401617250673854141174157206;0.026280323450134771001707179039;0.034366576819407010368045973792;0.023247978436657681239330131007;0.016846361185983826230794235812;0.011455525606469002877774165938;0.012803234501347708282348314413;0.027291105121293800922499528383;0.018530997304582210588597135370;0.013140161725067385500853589519;0.030323450134770890684876576415;0.054919137466307277328780855896;0.025269541778975741080914829695;0.010781671159029650175487091701;0.018194070080862535104815336240;0.020552560646900270430181834058;0.016509433962264150747012436682;0.024258760107816711160122480351;0.033692722371967652461588471624;0.035040431266846361335609572052;0.033355795148247976977806672494;0.010781671159029650175487091701;0.002358490566037735759047366813;0.036725067385444745693412471610;0.005390835579514825087743545851;0.016509433962264150747012436682;0.015498652291105120826220087338;0.007412398921832884061966506550;0.021226415094339621397745432319;0.041442048517520216344145467247;0.014487870619946090905427737994;0.004716981132075471518094733625;0.004380053908355795166951196506;0.016172506738544475263230637552;0.007075471698113207710822969432;0.019878706199460915993171283844;0.000000000000000000000000000000;0.012803234501347708282348314413;0.014824797843665768123933013101;0.015161725067385445342438288208;0.021900269541778975834755982532;0.020889487870619945913963633188;0.034029649595687334884264174661;0.014824797843665768123933013101
-0.039062500000000000000000000000;0.013020833333333333911574491992;0.054976851851851853136832204427;0.003472222222222222029475169336;0.006944444444444444058950338672;0.025752314814814814686316779557;0.004340277777777777970524830664;0.016493055555555555941049661328;0.028356481481481482509465763542;0.022280092592592590922118134245;0.013020833333333333911574491992;0.017361111111111111882099322656;0.018229166666666667823148983985;0.038483796296296293726335591145;0.010706018518518519225257712435;0.023726851851851853136832204427;0.032696759259259258745267118229;0.041377314814814818155763731511;0.017361111111111111882099322656;0.008391203703703704538940932878;0.013310185185185185313683220443;0.023437500000000000000000000000;0.015335648148148148597891271550;0.030671296296296297195782543099;0.033854166666666664353702032031;0.027777777777777776235801354687;0.026041666666666667823148983985;0.010416666666666666088425508008;0.003182870370370370193685571891;0.015046296296296295461059067122;0.024305555555555555941049661328;0.022858796296296297195782543099;0.015914351851851853136832204427;0.004918981481481481642104025553;0.025173611111111111882099322656;0.037326388888888888117900677344;0.013020833333333333911574491992;0.014178240740740741254732881771;0.006655092592592592656841610221;0.026041666666666667823148983985;0.007812500000000000000000000000;0.024016203703703702804217456901;0.000000000000000000000000000000;0.020833333333333332176851016015;0.005208333333333333044212754004;0.017650462962962961549484575130;0.024016203703703702804217456901;0.025462962962962961549484575130;0.033564814814814818155763731511;0.015914351851851853136832204427
-0.039663461538461536326494183413;0.007211538461538461938782340610;0.052884615384615384081623545853;0.000000000000000000000000000000;0.003305288461538461505101471616;0.034855769230769231836752908293;0.006009615384615384948985283842;0.019531250000000000000000000000;0.024639423076923076122435318780;0.029146634615384615918376454147;0.016225961538461539795941135367;0.030649038461538460204058864633;0.017427884615384615918376454147;0.040564903846153847755129362440;0.006610576923076923010202943232;0.027944711538461539795941135367;0.030949519230769231836752908293;0.030949519230769231836752908293;0.011117788461538461938782340610;0.011418269230769230102029432317;0.012920673076923076122435318780;0.019531250000000000000000000000;0.010516826923076923877564681220;0.035456730769230768163247091707;0.042067307692307695510258724880;0.035156250000000000000000000000;0.023437500000000000000000000000;0.005108173076923076989797056768;0.002403846153846153979594113537;0.022836538461538460204058864633;0.031550480769230768163247091707;0.017427884615384615918376454147;0.006911057692307692040811772927;0.007812500000000000000000000000;0.023737980769230768163247091707;0.036358173076923079591882270734;0.012019230769230769897970567683;0.014122596153846153979594113537;0.002103365384615384515304414847;0.018028846153846152244870637560;0.005108173076923076989797056768;0.020733173076923076122435318780;0.000000000000000000000000000000;0.021935096153846152244870637560;0.003004807692307692474492641921;0.018629807692307692040811772927;0.037560096153846152244870637560;0.026442307692307692040811772927;0.024338942307692307959188227073;0.021634615384615384081623545853
-0.024613773239067819609271481340;0.011259492013616130209885390911;0.066247708824299561536363967207;0.000523697302958889797375174879;0.010735794710657239545148478044;0.025137470542026710274008394208;0.002094789211835559189500699517;0.012830583922492798734649177561;0.048442000523697299751990641425;0.019376800209478919900796256570;0.018591254255040587373137839222;0.022518984027232260419770781823;0.014401675831369468994136440188;0.042419481539670067515856999307;0.006808064938465566498515535443;0.023304529981670592947429199171;0.038491751767478397938671008660;0.039015449070437288603407921528;0.011783189316575019139898827802;0.013877978528410578329399527320;0.011259492013616130209885390911;0.043466876145587848845330825043;0.012306886619533909804635740670;0.028279654359780047323535967507;0.036396962555642835279723357189;0.031421838177533384373063540806;0.018067556952081696708400926354;0.003404032469232783249257767721;0.001571091908876669392125524638;0.019638648860958365233164713004;0.016234616391725582851268683271;0.016234616391725582851268683271;0.008641005498821680355647778526;0.008117308195862791425634341635;0.023304529981670592947429199171;0.034564021995286721422591114106;0.010997643362136684877516934478;0.009426551453260016352753147828;0.010735794710657239545148478044;0.030898140874574497177773579892;0.003927729772191673046632942601;0.026184865147944488134035267990;0.000000000000000000000000000000;0.012568735271013355137004197104;0.007855459544383346093265885202;0.014925373134328357924149877078;0.035349567949725060889143435361;0.024351924587588374276903024906;0.027755957056821156658799054640;0.019638648860958365233164713004
-0.025133689839572193741590311333;0.028877005347593583117760118739;0.049465240641711233360311439355;0.004545454545454545233762466694;0.009358288770053475175147994491;0.024598930481283420856897237172;0.004545454545454545233762466694;0.027540106951871656110197861267;0.035026737967914438331984428032;0.014973262032085560974126181577;0.016577540106951872689311500153;0.011229946524064171597956374171;0.011497326203208556305579435275;0.029679144385026737240629302050;0.032085561497326206548130755891;0.015775401069518715096995364888;0.027272727272727271402574800163;0.046256684491978609929940802203;0.027807486631016044287267874324;0.009090909090909090467524933388;0.018449197860962565642672927879;0.023796791443850266734028053861;0.009893048128342246325117592676;0.028609625668449198410137057635;0.028342245989304813702513996532;0.026470588235294117279705616852;0.034759358288770053624361366928;0.055347593582887703866912687545;0.000534759358288770065767425699;0.019251336898395723234989063144;0.007754010695187166062047889881;0.022459893048128343195912748342;0.013368983957219250993664338978;0.004812834224598930808747265786;0.018449197860962565642672927879;0.035561497326203207747230550240;0.013101604278074866286041277874;0.008556149732620321052278811180;0.003208556149732620394604554193;0.014438502673796791558880059370;0.007219251336898395779440029685;0.025133689839572193741590311333;0.000000000000000000000000000000;0.015508021390374332124095779761;0.014705882352941176266503120473;0.016577540106951872689311500153;0.031550802139037430193990729776;0.017112299465240642104557622361;0.024064171122994651441651114965;0.009625668449197861617494531572
-0.019122896481387048617239798887;0.025242223355430901121643216811;0.063997960224375316506950639450;0.006629270780214176726763408709;0.014278429372768994959352895080;0.016828148903620603060726779177;0.001784803671596124369919111885;0.021672616012238653249166731030;0.062468128505864355115573260946;0.019887812340642529312928488139;0.012238653748087710212977263780;0.011473737888832227782565098551;0.013768485466598673339078118261;0.029066802651708311538980566979;0.018103008669046405376690245248;0.013768485466598673339078118261;0.033146353901070881031731829580;0.055838857725650177521448114248;0.011218765935747066972427710141;0.010453850076491586276739020889;0.010198878123406425466601632479;0.032636409994900562880904004714;0.012493625701172871023114652189;0.025752167261601222741917993631;0.022437531871494133944855420282;0.024222335543090261350540615126;0.023712391636919939730265838307;0.059918408975012750483646328803;0.000509943906170321295014125074;0.007904130545639979910088612769;0.004589495155532891113026039420;0.018357980622131564452104157681;0.008924018357980621415914690431;0.007394186639469658289813835950;0.015043345232024477389765060309;0.036715961244263128904208315362;0.012748597654258031833252040599;0.005354411014788373543438204649;0.006629270780214176726763408709;0.019887812340642529312928488139;0.003314635390107088363381704355;0.071902090770015303355933156126;0.000000000000000000000000000000;0.013003569607343192643389429008;0.003824579296277409549975612180;0.011983681795002549402839875370;0.021417644059153494173752818597;0.021927587965323815794027595416;0.025242223355430901121643216811;0.010963793982661907897013797708
-0.028132992327365727303067899356;0.019323671497584540140968201172;0.058823529411764705066012481893;0.000568343279340721794362645269;0.004262574595055413674560274018;0.019892014776925263236373453424;0.001136686558681443588725290539;0.020176186416595624784076079550;0.044046604148905939279945442877;0.022449559533958510226803184651;0.010798522307473714526571129113;0.015061096902529127333769665142;0.013640238704177323064703486466;0.036658141517476552917464971415;0.010230179028132993165889352838;0.017050298380221654698241096071;0.034384768400113667474737866314;0.057402671213412900796946303217;0.014776925262858767520790514993;0.013640238704177323064703486466;0.016197783461210570055133217693;0.034384768400113667474737866314;0.013071895424836601704021710191;0.034668940039784032491887444394;0.027848820687695369224812225184;0.027280477408354646129406972932;0.025007104290991760686679867831;0.032111395282750782032010761213;0.001136686558681443588725290539;0.020460358056265986331778705676;0.007388462631429383760395257497;0.021028701335606705957737005974;0.010514350667803352978868502987;0.007104290991759022212692631371;0.018755328218243820515009900873;0.042341574310883776932623590028;0.010230179028132993165889352838;0.006251776072747940171669966958;0.005683432793407217943626452694;0.025859619210002841860340794256;0.005683432793407217943626452694;0.040068201193520884551002581020;0.000000000000000000000000000000;0.011651037226484797434955531514;0.005967604433077578623967340832;0.014776925262858767520790514993;0.031827223643080423953755087041;0.020744529695936344410034379848;0.027848820687695369224812225184;0.011651037226484797434955531514
-0.016822879115597211274746314302;0.033405431386685890959853395543;0.042778178322518622955783484940;0.022350396539293437836448674716;0.045902427301129533621093514739;0.017543859649122806043664013487;0.006248497957221821330620059598;0.030281182408074980294543365744;0.030521509252583511884182598806;0.015140591204037490147271682872;0.011535688536409516302683186950;0.009853400624849795175208555520;0.014900264359528958557632449811;0.022350396539293437836448674716;0.048786349435231912696764311477;0.006488824801730352920259292659;0.027397260273972601218872569007;0.047344388368180723158928913108;0.026195626051429943270676403699;0.008411439557798605637373157151;0.018024513338139869222942479610;0.025714972362412880091397937576;0.013458303292477769019797051442;0.019706801249699590350417111040;0.014179283826003363788714750626;0.021148762316750779888252509409;0.024993991828887285322480238392;0.055755827925979328796302070259;0.001441961067051189537835398369;0.033165104542177359370214162482;0.008171112713290074047733924090;0.012256669069935111071600886135;0.015380918048546021736910915934;0.005287190579187694972063127352;0.018264840182648400812581712671;0.029079548185532322346347200437;0.009132420091324200406290856336;0.009613073780341263585569322458;0.005046863734679163382423894291;0.022831050228310501015727140839;0.011055034847392453123404720827;0.024993991828887285322480238392;0.000000000000000000000000000000;0.009613073780341263585569322458;0.028358567652006727577429501252;0.010814708002883921533765487766;0.017543859649122806043664013487;0.014900264359528958557632449811;0.025234318673395816912119471453;0.010574381158375389944126254704
-0.024948559670781893932156592086;0.018518518518518517490534236458;0.063014403292181067617327983044;0.001543209876543209790877853038;0.006687242798353909382924609162;0.016460905349794240082328400376;0.003086419753086419581755706076;0.023148148148148146863167795573;0.063271604938271608364885878473;0.019804526748971193472748097975;0.011574074074074073431583897786;0.007716049382716048954389265191;0.012345679012345678327022824305;0.030864197530864195817557060764;0.009773662551440329832042053226;0.010545267489711934727480979745;0.033179012345679013973320792275;0.051954732510288065272519020255;0.019804526748971193472748097975;0.011831275720164608974971365285;0.013117283950617283222461750825;0.030606995884773662008893069242;0.014917695473251028556727071361;0.027777777777777776235801354687;0.023919753086419751758606722092;0.025462962962962961549484575130;0.024948559670781893932156592086;0.034465020576131689955534653791;0.001800411522633744900584451543;0.014660493827160493013339603863;0.005144032921810699592046756123;0.015946502057613168995553465379;0.009259259259259258745267118229;0.008230452674897120041164200188;0.020061728395061727281412089496;0.047839506172839503517213444184;0.015946502057613168995553465379;0.012602880658436213870410291804;0.006172839506172839163511412153;0.021604938271604937072289942535;0.006687242798353909382924609162;0.060699588477366256400458155440;0.000000000000000000000000000000;0.013888888888888888117900677344;0.006687242798353909382924609162;0.010030864197530863640706044748;0.028549382716049381131240281206;0.020318930041152264559523032972;0.029320987654320986026679207725;0.009259259259259258745267118229
-0.027725563909774434551147592742;0.012453007518796991789922223859;0.050751879699248117483456610444;0.001879699248120300647535430016;0.020676691729323307122889730181;0.033599624060150379278866239474;0.003524436090225563714128931281;0.025140977443609022895509852447;0.033129699248120300647535430016;0.022086466165413532608541302693;0.016447368421052630665935012644;0.020676691729323307122889730181;0.016212406015037594819716559869;0.034539473684210529602633954482;0.015037593984962405180283440131;0.017622180451127820305368132381;0.025845864661654133903612162726;0.036184210526315790934503979770;0.027255639097744359389263735238;0.009163533834586465656735221330;0.017622180451127820305368132381;0.018327067669172931313470442660;0.013157894736842104532748010115;0.030780075187969924838116142496;0.031954887218045111008102310279;0.027960526315789473866812997471;0.026550751879699248381161424959;0.014097744360902254856515725123;0.000704887218045112742825786256;0.048402255639097745143484274877;0.015977443609022555504051155140;0.019736842105263156799122015173;0.013862781954887217275573796371;0.005169172932330826780722432545;0.019736842105263156799122015173;0.041118421052631581869007959540;0.014332706766917292437457653875;0.007988721804511277752025577570;0.002114661654135338228477358768;0.020441729323308271276671277406;0.007048872180451127428257862562;0.021381578947368421600438992414;0.000000000000000000000000000000;0.016212406015037594819716559869;0.014802631578947367599341511379;0.012687969924812029370864152611;0.025375939849624058741728305222;0.021381578947368421600438992414;0.029840225563909774514348427488;0.011278195488721803885212580099
-0.031746031746031744269487262500;0.010912698412698412092636246484;0.053323412698412696320016124218;0.000744047619047619006316107715;0.013888888888888888117900677344;0.032986111111111111882099322656;0.003968253968253968033685907812;0.030257936507936507991578523047;0.022321428571428571924206707422;0.025049603174603175814727507031;0.019841269841269840168429539062;0.017609126984126984016842953906;0.016617063492063492008421476953;0.039930555555555552471602709375;0.017361111111111111882099322656;0.015376984126984126130532892773;0.028521825396825396109479200391;0.035466269841269840168429539062;0.026537698412698412092636246484;0.012152777777777777970524830664;0.017857142857142856151586585156;0.020089285714285715772620122266;0.012400793650793650105268461914;0.035218253968253968033685907812;0.029761904761904760252644308594;0.032242063492063495477868428907;0.033978174603174600421073847656;0.009176587301587301945260399805;0.001488095238095238012632215430;0.032490079365079367612612060157;0.011160714285714285962103353711;0.022321428571428571924206707422;0.011160714285714285962103353711;0.005952380952380952050528861719;0.019593253968253968033685907812;0.042658730158730159831570460938;0.014632936507936507991578523047;0.004712301587301587040002015527;0.001984126984126984016842953906;0.015873015873015872134743631250;0.006448412698412698054739600195;0.011408730158730158096846984961;0.000000000000000000000000000000;0.016369047619047619873677845703;0.012648809523809523974735569141;0.016369047619047619873677845703;0.034474206349206351629455014063;0.024801587301587300210536923828;0.032738095238095239747355691406;0.015376984126984126130532892773
-0.031682027649769586852279701361;0.015552995391705069436194541765;0.058467741935483867610212627142;0.002304147465437788016434650373;0.017857142857142856151586585156;0.028225806451612902442382946333;0.004032258064516128920340420905;0.026497695852534561972158044796;0.034274193548387094088170101713;0.025633640552995391737045594027;0.017857142857142856151586585156;0.017857142857142856151586585156;0.011232718894009216525908811946;0.037442396313364052773398071849;0.013248847926267280986079022398;0.014112903225806451221191473167;0.029089861751152072677495397102;0.044642857142857143848413414844;0.025057603686635943757154976197;0.011232718894009216525908811946;0.016129032258064515681361683619;0.022753456221198155307039456829;0.011520737327188940515854120861;0.036578341013824886007732573034;0.026209677419354839716936211858;0.034850230414746545537507671497;0.025921658986175113992267426966;0.009792626728110598310905743347;0.001152073732718894008217325187;0.024769585253456221501933143259;0.010368663594470046290796361177;0.021601382488479262816705173123;0.010944700460829492535963503030;0.005184331797235023145398180588;0.019297235023041474366589653755;0.047235023041474651084303815196;0.013248847926267280986079022398;0.008640552995391705820571459640;0.004608294930875576032869300747;0.018145161290322581876255370048;0.008928571428571428075793292578;0.018145161290322581876255370048;0.000000000000000000000000000000;0.014112903225806451221191473167;0.011232718894009216525908811946;0.014688940092165899201082090997;0.036002304147465434558395003251;0.021889400921658985071927006061;0.029665898617511520657386014932;0.010080645161290322300851052262
-0.026546003016591251250089200653;0.022624434389140270912355035193;0.040723981900452489723907234520;0.030165912518853695706289030909;0.019909502262443437570205162501;0.026244343891402715368554865449;0.002714932126696832474788134704;0.028959276018099548710704738141;0.018099547511312218811552199327;0.018702865761689290574620869734;0.017797888386123679460570912170;0.022624434389140270912355035193;0.014177978883861236739094557890;0.029864253393665159824754695705;0.028054298642533937596654780577;0.018099547511312218811552199327;0.018702865761689290574620869734;0.037707390648567117030776074671;0.029260935143288084592239073345;0.010859728506787329899152538815;0.018401206636500754693086534530;0.021417797888386123916770742426;0.016289592760180996583452284199;0.028355957767722473478189115781;0.026244343891402715368554865449;0.025339366515837104254504907885;0.034087481146304672574576244415;0.030769230769230770938804653269;0.001206636500754147862946030756;0.032277526395173457285370233194;0.017797888386123679460570912170;0.016289592760180996583452284199;0.014177978883861236739094557890;0.005128205128205128200680196215;0.019306184012066365807136492094;0.033484162895927600811507574008;0.015082956259426847853144515454;0.007239819004524887177676184535;0.004223227752639517086630238651;0.023529411764705882026404992757;0.008144796380090498291726142099;0.009653092006033182903568246047;0.000000000000000000000000000000;0.011764705882352941013202496379;0.024132730015082957258920615118;0.017194570135746607697502241763;0.022926093514328806793889370397;0.012368024132730014510994642762;0.031070889894419306820338988473;0.010256410256410256401360392431
-0.022033898305084745339321727897;0.032687651331719129454977945670;0.049878934624697335298293410233;0.007990314769975786352018687353;0.014285714285714285268213963320;0.013317191283292978409846796239;0.002905569007263922309824977219;0.023244552058111378478599817754;0.063196125907990313708140206472;0.019854721549636803606952994983;0.014527845036319613283848362073;0.006779661016949152345378859508;0.010169491525423728084387420267;0.023002421307506053932412370955;0.027118644067796609381515438031;0.011864406779661017254934307630;0.031719128329297817392440350659;0.064406779661016946847418296329;0.015980629539951572704037374706;0.014527845036319613283848362073;0.014769975786924939564759284849;0.034624697336561746641159231785;0.021549636803874092777499882345;0.024455205811138015087324859564;0.020338983050847456168774840535;0.021549636803874092777499882345;0.027602905569007265412784235536;0.036077481840193707796071720395;0.001937046004842615017776941144;0.011864406779661017254934307630;0.011622276029055689239299908877;0.014769975786924939564759284849;0.008232445520581114367653086106;0.003147699757869249458097637984;0.022518159806295397901143573449;0.035593220338983051764802922889;0.014769975786924939564759284849;0.007021791767554479493651520272;0.014043583535108958987303040544;0.023970944309927359056056062059;0.006537530266343826064467936732;0.043583535108958834647374658289;0.000000000000000000000000000000;0.013559322033898304690757719015;0.014527845036319613283848362073;0.011622276029055689239299908877;0.020338983050847456168774840535;0.013801452784503632706392117768;0.027360774818401937397149836784;0.008716707021791766929474931658
-0.018867924528301886072378934500;0.035639412997903560653689680748;0.037211740041928724476161249868;0.029612159329140460423124281419;0.032494758909853246886534350324;0.019392033542976940679869457540;0.004454926624737945081711210094;0.039832285115303983635826057252;0.020178197064989519121658290146;0.020178197064989519121658290146;0.013888888888888888117900677344;0.007599580712788259716228278506;0.014937106918238993863434771470;0.028825995807127881981335448813;0.043238993710691821237279697243;0.011268343815513627223512393982;0.022012578616352199839534264925;0.048218029350104822661204906353;0.028563941299790354677590187293;0.008647798742138364594400634644;0.019392033542976940679869457540;0.016509433962264150747012436682;0.016247379454926623443267175162;0.023060796645702305585068359051;0.020964360587002097563447122752;0.024109014675052411330602453177;0.030398322851153038864913114026;0.030136268343815515030614804459;0.001834381551362683536801623241;0.024633123689727462468646024263;0.003930817610062893076305901019;0.018867924528301886072378934500;0.015985324947589099608968865596;0.005503144654088049959883566231;0.016247379454926623443267175162;0.037473794549266248310459559434;0.011268343815513627223512393982;0.006813417190775681274439445900;0.002358490566037735759047366813;0.018605870020964362238080624934;0.010220125786163521477978299856;0.013888888888888888117900677344;0.000000000000000000000000000000;0.015461215932914046736201818533;0.033805031446540879935813705970;0.013626834381551362548878891801;0.027253668763102725097757783601;0.019129979035639413376124196020;0.025943396226415095517925379909;0.011268343815513627223512393982
-0.019704433497536946034989213672;0.015763546798029555440212590156;0.034729064039408868991287704375;0.011330049261083743189493233672;0.026108374384236451848373405937;0.021428571428571428769682682969;0.003448275862068965469386938594;0.023152709359605911504376152266;0.046798029556650244664695037500;0.017487684729064038174906059453;0.013054187192118225924186702969;0.025123152709359605067040988047;0.013793103448275861877547754375;0.028325123152709359708456560156;0.020689655172413792816321631562;0.011576354679802955752188076133;0.029310344827586206489788978047;0.054679802955665025854248284531;0.021921182266009853895072367891;0.008866995073891626236162188945;0.015763546798029555440212590156;0.028325123152709359708456560156;0.020443349753694581988350265078;0.021182266009852217941711316485;0.025862068965517241020402039453;0.027832512315270934583066875234;0.028325123152709359708456560156;0.014778325123152708658880172266;0.002463054187192118254373651709;0.023891625615763547457737203672;0.029556650246305417317760344531;0.017980295566502463300295744375;0.013546798029556651049576387891;0.007142857142857142634106981660;0.027093596059113302099152775781;0.035467980295566504944648755782;0.012561576354679802533520494023;0.007635467980295566892134928594;0.007635467980295566892134928594;0.033251231527093597084565601563;0.004926108374384236508747303418;0.033743842364532018740508334531;0.000000000000000000000000000000;0.013054187192118225924186702969;0.014039408866995074440242596836;0.012807881773399015096215336484;0.018965517241379310081628162266;0.015517241379310344612241223672;0.031034482758620689224482447344;0.007881773399014777720106295078
-0.029846938775510204605589947846;0.007908163265306121861297761200;0.052295918367346941324491638170;0.000255102040816326553623882845;0.018112244897959182271529599006;0.031122448979591835205305017098;0.003571428571428571317053490830;0.016071428571428569842538536250;0.035714285714285712303173170312;0.020153061224489794700520661763;0.019387755102040816340691620212;0.044132653061224491608527387143;0.013010204081632652933775418091;0.029846938775510204605589947846;0.009438775510204082050402796256;0.019642857142857142460634634062;0.031122448979591835205305017098;0.047704081632653064226623484956;0.019897959183673468580577647913;0.014030612244897959148270949470;0.013520408163265306908384921769;0.027806122448979592176598885089;0.017857142857142856151586585156;0.023214285714285715078730731875;0.031377551020408164794694982902;0.024489795918367345678445801127;0.025765306122448979747607822333;0.006122448979591836419611450282;0.001530612244897959104902862570;0.045408163265306125677689408349;0.019132653061224490220748606362;0.013775510204081633028327935619;0.012755102040816326813832404241;0.010969387755102040504784355335;0.027806122448979592176598885089;0.034948979591836737412791080715;0.013010204081632652933775418091;0.007142857142857142634106981660;0.004846938775510204085172905053;0.029846938775510204605589947846;0.005612244897959183312363684593;0.022959183673469388958787718025;0.000000000000000000000000000000;0.017346938775510203911700557455;0.004846938775510204085172905053;0.014795918367346939242823466998;0.023214285714285715078730731875;0.015816326530612243722595522399;0.027040816326530613816769843538;0.013775510204081633028327935619
-0.024340770791075050372143095956;0.006592292089249492809122088488;0.054006085192697769747915970129;0.000253549695740365108043157250;0.021298174442190669075625208961;0.026622718052738338079254987179;0.001774847870182555756302100747;0.017241379310344827346934692969;0.084685598377281942616967569393;0.017494929006085194189701326195;0.012931034482758620510201019727;0.030425963488843812965178869945;0.012931034482758620510201019727;0.036004056795131848811575281388;0.003803245436105476620647358743;0.015720081135902636698675749471;0.031440162271805273397351498943;0.039300202839756590011965897702;0.011409736308316429861942076229;0.012423935091277890294114705227;0.010141987829614604321726289982;0.031947261663286007082884765396;0.012677484787018255402157862477;0.025862068965517241020402039453;0.030679513184584179807945503171;0.022058823529411766134478156687;0.021805273833671399291711523460;0.019269776876267748211279950965;0.001267748478701825540215786248;0.036511156186612575558214643934;0.012931034482758620510201019727;0.018255578093306287779107321967;0.008620689655172413673467346484;0.005831643002028397484992616739;0.019776876267748478427366265464;0.042089249492900611404611055377;0.012170385395537525186071547978;0.007099391480730223025208402987;0.022058823529411766134478156687;0.019523326572008115054046584191;0.003296146044624746404561044244;0.047413793103448273469346929687;0.000000000000000000000000000000;0.012423935091277890294114705227;0.004817444219066937052819987741;0.011156186612576064753898918980;0.024340770791075050372143095956;0.018002028397565924405787640694;0.024847870182555780588229410455;0.012423935091277890294114705227
-0.031298904538341158765302196798;0.009911319770474699697437870327;0.044861763171622326407117498093;0.002869066249347939408925745042;0.034167970787689100342632286811;0.037297861241523212749715554537;0.001564945226917057938265109840;0.022691705790297340972205830667;0.044861763171622326407117498093;0.016953573291601461286992602595;0.012519561815336463506120878719;0.036254564423578508614021131962;0.017214397496087635586192732262;0.032603025560772040669643700994;0.009650495565988523663514264683;0.019561815336463225095675610987;0.022952529994783515271405960334;0.033646322378716744805338123570;0.019561815336463225095675610987;0.011215440792905581601779374523;0.011476264997391757635702980167;0.030516431924882628928807903890;0.013562858633281167641815301295;0.024256651017214397175747464530;0.032342201356285862900996619373;0.029733959311424099092313610981;0.021126760563380281299217244850;0.009650495565988523663514264683;0.001304121022430881687501069699;0.043035993740219088965481830655;0.027647365675534690820924765831;0.017736045905059991123486895503;0.013302034428794991607891695651;0.004694835680751173814795329520;0.022430881585811163203558749046;0.035993740219092330845374050341;0.013823682837767345410462382915;0.010172143974960875731361475971;0.010432968179447053500008557592;0.021909233176838811135711537759;0.006259780907668231753060439360;0.026604068857589983215783391302;0.000000000000000000000000000000;0.009911319770474699697437870327;0.008868022952529995561743447752;0.011997913406364111438273667432;0.020605112154407929231370033563;0.022691705790297340972205830667;0.026343244653103808916583261635;0.009911319770474699697437870327
-0.025150905432595575123011499841;0.018863179074446678740173410915;0.047283702213279675541368618497;0.002263581488933601691682095947;0.018360160965794767445879998036;0.029175050301810865477358802877;0.003018108651911468633122215266;0.020372233400402416092500601508;0.050301810865191150246022999681;0.018863179074446678740173410915;0.014084507042253521444385988559;0.020372233400402416092500601508;0.017354124748490944857293172277;0.025653923541247486417304912720;0.010563380281690140649608622425;0.013078470824949698855799162800;0.031438631790744464566955684859;0.054577464788732391043346581228;0.016599597585513079650576528934;0.013832997987927565797239282119;0.011569416498993963238195448184;0.037474849094567407037370543321;0.018108651911468813533456767573;0.020372233400402416092500601508;0.028672032193158954183065389998;0.022635814889336015182097483489;0.020623742454728370004923831971;0.014084507042253521444385988559;0.003521126760563380361096497140;0.033199195171026159301153057868;0.022132796780684103887804070609;0.013581488933601610150092575680;0.009808853118712273708168503106;0.006790744466800805075046287840;0.028420523138832996801195207581;0.037726358148893357480346821831;0.010311871227364185002461915985;0.008802816901408451119581677347;0.013581488933601610150092575680;0.032444668008048287155542510618;0.002012072434607646044535389507;0.049044265593561370275565991506;0.000000000000000000000000000000;0.012072434607645874532488861064;0.007796780684104627663633113599;0.010060362173038229355315209546;0.019869215291750501328760236674;0.013832997987927565797239282119;0.028923541247484908095488620461;0.011317907444668007591048741745
-0.023180592991913745448684380790;0.012938005390835579863639814846;0.052830188679245285165997358945;0.002156334231805930121833592139;0.014824797843665768123933013101;0.019676549865229112090680985148;0.005390835579514825087743545851;0.028840970350404313699010927508;0.040431266846361182953906165949;0.025876010781671159727279629692;0.010242587601078167319768041921;0.012938005390835579863639814846;0.011859838274932614152201715285;0.038005390835579515307340869867;0.016981132075471697812085736246;0.013746630727762802412494913540;0.034501347708894881949337474225;0.044743935309973045799658564192;0.021293800539083557188391182535;0.012398921832884097007920765066;0.015633423180592992407511587771;0.026954177897574125438717729253;0.014555256064690026696073488210;0.038814016172506737856195968561;0.027223719676549865131853778166;0.028032345013477087680708876860;0.029380053908355796554729977288;0.012668463611859838435780289956;0.003234501347708894965909953712;0.030458221024258758796721124895;0.009164420485175201608329942360;0.018059299191374663523523835806;0.008894878706199460180470417470;0.008086253369272237631615318776;0.016711590296495958118949687332;0.045822102425876011511096663753;0.012398921832884097007920765066;0.006199460916442048503960382533;0.005390835579514825087743545851;0.016981132075471697812085736246;0.007547169811320754775896268995;0.036657681940700806433319769440;0.000000000000000000000000000000;0.021293800539083557188391182535;0.009164420485175201608329942360;0.017789757412398920360940834939;0.026415094339622642582998679472;0.020754716981132074332672132755;0.029649595687331536247866026201;0.013207547169811321291499339736
-0.025181598062953995664781103869;0.009685230024213075522565574715;0.067070217917675548080502778703;0.001937046004842615017776941144;0.019854721549636803606952994983;0.024939467312348667649146705116;0.001210653753026634440320696839;0.018159806295399514436406107620;0.072397094430992736668883935636;0.020581113801452784184409239288;0.012590799031476997832390551935;0.010653753026634382380932741796;0.010895883777239708661843664572;0.032203389830508473423709148165;0.005569007263922518338739031662;0.015496368038740920142215529154;0.034866828087167067717899726631;0.058111380145278453135393448292;0.012590799031476997832390551935;0.010895883777239708661843664572;0.012348668280871671551479629159;0.051331719128329296453205898842;0.013801452784503632706392117768;0.023486682808716706494234216507;0.026876513317191284835327991232;0.023728813559322034509868615260;0.021791767554479417323687329144;0.008232445520581114367653086106;0.001694915254237288086344714877;0.016949152542372881297128017763;0.014769975786924939564759284849;0.017917675544794189890218660821;0.008716707021791766929474931658;0.007021791767554479493651520272;0.019612590799031475591318596230;0.040677966101694912337549681070;0.016464891041162228735306172211;0.009200968523002421226020253187;0.009443099273607747506931175963;0.023486682808716706494234216507;0.003631961259079903320962090518;0.049636803874092007282659011480;0.000000000000000000000000000000;0.013317191283292978409846796239;0.006053268765133171767922615203;0.010169491525423728084387420267;0.026150121065375304257871746927;0.019370460048426151045131149431;0.025423728813559323680415502622;0.013801452784503632706392117768
-0.021577380952380952050528861719;0.024553571428571428075793292578;0.048115079365079367612612060157;0.007688492063492063065266446387;0.028273809523809523974735569141;0.025297619047619047949471138281;0.004216269841269841035791277051;0.028025793650793651839991937891;0.045634920634920632387387939843;0.015625000000000000000000000000;0.012648809523809523974735569141;0.012152777777777777970524830664;0.018601190476190476025264430859;0.025793650793650792218958400781;0.017113095238095239747355691406;0.016369047619047619873677845703;0.026537698412698412092636246484;0.055059523809523808202115446875;0.024305555555555555941049661328;0.010912698412698412092636246484;0.013888888888888888117900677344;0.027281746031746031966314092188;0.019097222222222223764198645313;0.018353174603174603890520799609;0.021577380952380952050528861719;0.020833333333333332176851016015;0.027529761904761904101057723437;0.024553571428571428075793292578;0.001240079365079365010526846191;0.017857142857142856151586585156;0.019097222222222223764198645313;0.015376984126984126130532892773;0.014880952380952380126322154297;0.005208333333333333044212754004;0.023313492063492063932628184375;0.033234126984126984016842953906;0.014136904761904761987367784570;0.011904761904761904101057723437;0.010416666666666666088425508008;0.029761904761904760252644308594;0.008184523809523809936838922852;0.039682539682539680336859078125;0.000000000000000000000000000000;0.010168650793650793953681876758;0.011904761904761904101057723437;0.015128968253968253995789261523;0.020089285714285715772620122266;0.012896825396825396109479200391;0.031746031746031744269487262500;0.012152777777777777970524830664
-0.029003783102143756988944289787;0.011979823455233290854793359870;0.040668348045397227641384318986;0.000000000000000000000000000000;0.004728877679697351607557287423;0.030580075662042873613222226936;0.002522068095838587639678785024;0.018284993694829759086628584441;0.038776796973518282141135671282;0.017969735182849937149551777793;0.014501891551071878494472144894;0.029319041614123582395468048389;0.023959646910466581709586719739;0.026796973518284993021065787389;0.007566204287515762919036355072;0.015447667087011349509872992769;0.031525851197982346363346550788;0.054539722572509455322808946676;0.015132408575031525838072710144;0.008827238335435057606237485572;0.017023959646910467868874405895;0.026796973518284993021065787389;0.029319041614123582395468048389;0.020491803278688523054507086840;0.033732660781841110331225053187;0.025535939470365698333864656888;0.027427490542244640364666352639;0.008196721311475410262636920322;0.002837326607818411311479067649;0.026166456494325345677465222138;0.018284993694829759086628584441;0.013871374527112232885595055620;0.014817150063051702166272427519;0.009773013871374526886914857471;0.031525851197982346363346550788;0.033732660781841110331225053187;0.014817150063051702166272427519;0.012925598991172761870194207745;0.008511979823455233934437202947;0.040668348045397227641384318986;0.005674653215636822622958135298;0.029319041614123582395468048389;0.000000000000000000000000000000;0.015132408575031525838072710144;0.006620428751576292770997245185;0.022068095838587643148231975943;0.018284993694829759086628584441;0.015447667087011349509872992769;0.032786885245901641050547681289;0.016078184110970995118750082042
-0.027042915931804821505490821210;0.010582010582010581423162420833;0.058788947677836565774978083709;0.001469723691945914231110625892;0.029982363315696647365626859028;0.025573192239858905105975850347;0.001763668430335096903860403472;0.015285126396237507656605814077;0.027924750146972369957421022946;0.032921810699588480164656800753;0.012639623750734862300815208869;0.024985302763080540627838033174;0.012345679012345678327022824305;0.040270429159318048284443847251;0.009994121105232216945024603660;0.024397413286302176149700216001;0.031158142269253379791349445327;0.043797766019988242092164654196;0.011757789535567313848885007133;0.010582010582010581423162420833;0.011757789535567313848885007133;0.032627865961199292721417464236;0.011757789535567313848885007133;0.037037037037037034981068472916;0.031746031746031744269487262500;0.031158142269253379791349445327;0.020870076425631982341979409057;0.004115226337448560020582100094;0.002057613168724280010291050047;0.022927689594356259750185245139;0.018224573780129336986188803849;0.020576131687242798368187024494;0.008230452674897120041164200188;0.004997060552616108472512301830;0.022339800117577895272047427966;0.039388594944150499832513645515;0.013521457965902410752745410605;0.009406231628453850732163310511;0.007348618459729570721872260464;0.022045855379188711298255043403;0.004997060552616108472512301830;0.024103468547912992175907831438;0.000000000000000000000000000000;0.021457965902410346820117226230;0.004409171075837742259651008681;0.012051734273956496087953915719;0.045561434450323338996025057668;0.022045855379188711298255043403;0.024985302763080540627838033174;0.014991181657848323682813429514
-0.023372781065088756025094340885;0.028106508875739646263758331202;0.052662721893491123981156931677;0.004733727810650887636578776352;0.016863905325443788452144389112;0.020118343195266272238619364998;0.009763313609467454828871879613;0.031656804733727811340671109974;0.035207100591715972948136936793;0.019230769230769231836752908293;0.014792899408284022888526720863;0.015680473372781066759840129521;0.009763313609467454828871879613;0.029881656804733727067491244611;0.030177514792899408357929047497;0.014497041420118343332812393953;0.029289940828402367956062590792;0.052071005917159761400281325905;0.027810650887573964973320528316;0.011538461538461539102051744976;0.020414201183431953529057167884;0.023076923076923078204103489952;0.011834319526627218657766071885;0.027514792899408283682882725429;0.026035502958579880700140662952;0.024260355029585799896407749543;0.031952662721893489161661960907;0.024852071005917159007836403362;0.002071005917159763395213323278;0.020414201183431953529057167884;0.008579881656804733136567620022;0.020118343195266272238619364998;0.011242603550295857811613942090;0.007988165680473372290415490227;0.015088757396449704178964523749;0.033727810650887576904288778223;0.015680473372781066759840129521;0.008579881656804733136567620022;0.005029585798816568059654841250;0.018639053254437869255877302521;0.015976331360946744580830980453;0.019822485207100590948181562112;0.000000000000000000000000000000;0.013313609467455621640508134362;0.012721893491124260794356004567;0.013905325443786982486660264158;0.026627218934911243281016268725;0.019526627218934909657743759226;0.028698224852071005375186985020;0.015088757396449704178964523749
-0.027879901960784315290142743038;0.032781862745098040712310449862;0.037071078431372549155664586351;0.008578431372549020356155224931;0.009191176470588235600245319290;0.022977941176470589867975036213;0.005821078431372549155664586351;0.033394607843137254221677068244;0.026654411764705881332515602367;0.018688725490196077955173947771;0.014705882352941176266503120473;0.008884803921568627110838534122;0.019607843137254901688670827298;0.024816176470588233865521843313;0.039215686274509803377341654596;0.011335784313725489821922387534;0.022671568627450979643844775069;0.054534313725490196622658345404;0.026960784313725491556645863511;0.008884803921568627110838534122;0.018688725490196077955173947771;0.018382352941176471200490638580;0.019607843137254901688670827298;0.022058823529411766134478156687;0.031250000000000000000000000000;0.024816176470588233865521843313;0.034313725490196081424620899725;0.034926470588235294933987518107;0.005208333333333333044212754004;0.024203431372549020356155224931;0.009497549019607842354928628481;0.011642156862745098311329172702;0.014093137254901961022413026114;0.006127450980392156777709633531;0.025428921568627450844335413649;0.031862745098039213509366618382;0.012561274509803922044826052229;0.009497549019607842354928628481;0.006740196078431372889161465878;0.025428921568627450844335413649;0.014705882352941176266503120473;0.022365196078431372889161465878;0.000000000000000000000000000000;0.013174019607843137288916146588;0.012254901960784313555419267061;0.016850490196078430488180188718;0.021752450980392155910347895542;0.018995098039215684709857256962;0.028492647058823528799509361420;0.010416666666666666088425508008
-0.021363769388352354949844880139;0.047702663154814167745243480567;0.034825870646766170224406522493;0.014632718759145449047287534938;0.034240561896400352470681838213;0.018729880011706175058083800877;0.009072285630670178652179558298;0.033362598770851625840094811792;0.038045068773778167869892286035;0.011120866256950540790215953280;0.012876792508047995786113482097;0.007609013754755633400506109609;0.014340064383962540170425192798;0.020193151887620719442395511578;0.032191981270119990332645443232;0.008779631255487269775317216158;0.025460930640913082695364622055;0.065261925665788700356984008977;0.021071115013169446072982537999;0.010828211881767631913353611139;0.021071115013169446072982537999;0.018729880011706175058083800877;0.021949078138718172703569564419;0.015510681884694175677874561359;0.021071115013169446072982537999;0.018729880011706175058083800877;0.035996488147497805731855891054;0.061164764413227976080911219015;0.003804506877377816700253054805;0.025753585016095991572226964195;0.004682470002926543764520950219;0.013462101258413813539838166378;0.016095990635059995166322721616;0.004682470002926543764520950219;0.014925373134328357924149877078;0.030143400643839624725162096297;0.011413520632133449667078295420;0.008486976880304360898454874018;0.008486976880304360898454874018;0.015803336259877086289460379476;0.015803336259877086289460379476;0.028680128767925080340850385596;0.000000000000000000000000000000;0.011413520632133449667078295420;0.013169446883230904662975824237;0.012584138132865086909251139957;0.018437225636523266181221458737;0.009950248756218905282766584719;0.026924202516827627079676332755;0.009364940005853087529041900439
-0.022860180754917597961695108211;0.018872939925571503155810049179;0.053960659223817118712585028106;0.013024986709197236209312187327;0.010632642211589580366615237494;0.022062732589048377612739315623;0.006113769271664008797539935358;0.020733652312599680500593279930;0.035619351408825092319965222032;0.021265284423179160733230474989;0.013290802764486974590907308880;0.013822434875066454823544503938;0.015683147262094632168327734689;0.033758639021796918444628943234;0.010366826156299840250296639965;0.011695906432748537362442675658;0.032961190855927698095673150647;0.050770866560340244255655761663;0.015683147262094632168327734689;0.013822434875066454823544503938;0.017278043593833065927345415957;0.033492822966507178328310345705;0.019936204146730463621084439296;0.025518341307814992185987179596;0.026315789473684209065496020230;0.023923444976076554957522546374;0.033492822966507178328310345705;0.015151515151515151935690539631;0.005316321105794790183307618747;0.020733652312599680500593279930;0.008240297713981924523918287662;0.023657628920786814841203948845;0.007974481658692184407599690132;0.010898458266879318748210359047;0.021265284423179160733230474989;0.039340776182881447009531683534;0.012227538543328017595079870716;0.011164274322169058864528956576;0.009569377990430621636064323354;0.027379053694843169530770410347;0.010101010101010101868701518413;0.028176501860712386410279250981;0.000000000000000000000000000000;0.014619883040935671703053344572;0.007708665603402445158642830592;0.014885699096225411819371942101;0.030834662413609780634571322366;0.023125996810207338078013705740;0.027113237639553429414451812818;0.013556618819776714707225906409
-0.026907001044932078726024116122;0.022727272727272727903535809446;0.058777429467084640890561786364;0.003918495297805642263444525497;0.006530825496342737394861455158;0.020637408568443052492291656108;0.005224660397074190262833859322;0.024555903866248694755736181605;0.041536050156739813543627093395;0.021421107628004178169422999645;0.019331243469174502758178846307;0.010449320794148380525667718643;0.010188087774294670231900461488;0.032131661442006270723581451421;0.019592476489028214786669579439;0.015935214211076281082268835121;0.026123301985370949579445820632;0.048066875653082548336403334588;0.018286311389759665052556769638;0.009926854754440961672856680309;0.016718913270637410228847130611;0.030041797283176591842890346129;0.013322884012539185083490167472;0.021159874608150469610379218466;0.029519331243469174724802783771;0.030564263322884012430424860440;0.033176593521421104959756576136;0.031870428422152562164537670242;0.005224660397074190262833859322;0.018025078369905956493512988459;0.005224660397074190262833859322;0.018547544409613373611600550817;0.013584117032392893642533948650;0.007575757575757575967845269815;0.017502612330198535905978474148;0.042319749216300939220758436932;0.013322884012539185083490167472;0.009926854754440961672856680309;0.008359456635318705114423565306;0.020637408568443052492291656108;0.009926854754440961672856680309;0.033437826541274820457694261222;0.000000000000000000000000000000;0.013845350052246603936301205806;0.008620689655172413673467346484;0.014367816091954022789112244141;0.025862068965517241020402039453;0.022727272727272727903535809446;0.028735632183908045578224488281;0.013584117032392893642533948650
-0.027143330023171135384485452846;0.013571665011585567692242726423;0.050976497848394572431907079135;0.001986097318768619609391512526;0.014895729890764647720957647437;0.023502151605428664438157682071;0.006620324395895399276212867079;0.023171135385633895298340689806;0.035418735518040381227145019238;0.024164184045018206187238618554;0.016550810989738498624213036692;0.023833167825223437047421626289;0.013240648791790798552425734158;0.036080767957629926445672907676;0.016219794769943726014949092473;0.018205892088712347792744949970;0.026150281363786824495587524098;0.036742800397219464725306892205;0.017874875868917578652927957705;0.013571665011585567692242726423;0.015226746110559416860774639702;0.026481297583581597104851468316;0.006951340615690168416029859344;0.033432638199271766388243065649;0.034425686858656073807694042443;0.033763654419066535528060057914;0.032439589539887452029898184946;0.015557762330354187735315107943;0.005958291956305859261855406572;0.020191989407480966101093855514;0.014564713670969876846417179195;0.018536908308507116932561942235;0.007944389275074478437566050104;0.008275405494869249312106518346;0.020523005627275735240910847779;0.036080767957629926445672907676;0.010261502813637867620455423889;0.007944389275074478437566050104;0.004634227077126779233140485559;0.021516054286660046129808776527;0.006289308176100629269034136826;0.025819265143992055355770531833;0.000000000000000000000000000000;0.023171135385633895298340689806;0.014564713670969876846417179195;0.016881827209533267764030028957;0.028136378682555446273383381595;0.026481297583581597104851468316;0.029791459781529295441915294873;0.014233697451175107706600186930
-0.017195767195767194812638933854;0.022156084656084654854746318620;0.056547619047619047949471138281;0.007936507936507936067371815625;0.013227513227513226778953026042;0.019179894179894178829481887760;0.002645502645502645355790605208;0.018518518518518517490534236458;0.058862433862433859166340965885;0.017526455026455025482112759505;0.018187830687830686821060410807;0.016203703703703702804217456901;0.014880952380952380126322154297;0.029431216931216929583170482942;0.018849206349206348160008062109;0.018187830687830686821060410807;0.035383597883597885103146296615;0.061507936507936504522131571093;0.017195767195767194812638933854;0.014880952380952380126322154297;0.010251322751322750753688595182;0.029761904761904760252644308594;0.023478835978835977532641621224;0.020833333333333332176851016015;0.028439153439153437574749005989;0.022156084656084654854746318620;0.028439153439153437574749005989;0.017195767195767194812638933854;0.002976190476190476025264430859;0.019841269841269840168429539062;0.013227513227513226778953026042;0.018849206349206348160008062109;0.010912698412698412092636246484;0.004629629629629629372633559115;0.016203703703703702804217456901;0.035714285714285712303173170312;0.014880952380952380126322154297;0.011243386243386242762110072135;0.007605820105820105397897989974;0.022486772486772485524220144271;0.004629629629629629372633559115;0.052248677248677245776864452864;0.000000000000000000000000000000;0.014880952380952380126322154297;0.006613756613756613389476513021;0.008597883597883597406319466927;0.023809523809523808202115446875;0.017857142857142856151586585156;0.022156084656084654854746318620;0.011574074074074073431583897786
-0.020434227330779056175380503646;0.025542784163473820219225629558;0.039910600255427843008337873698;0.008939974457215836209367232357;0.011174968071519795695389909440;0.023307790549169860733202952474;0.005427841634738186579745011784;0.020753512132822476976556913542;0.050766283524904212698380945312;0.012771392081736910109612814779;0.014367816091954022789112244141;0.018837803320561941761157598307;0.020114942528735631904757141797;0.028416347381864624777048078386;0.013409961685823755181412586523;0.013090676883780332645512700651;0.036398467432950193378715653125;0.051085568326947640438451259115;0.020753512132822476976556913542;0.007982120051085568601667574740;0.011813537675606640767189681185;0.019795657726692211103580731901;0.024584929757343550876802495964;0.019795657726692211103580731901;0.024904214559386971677978905859;0.024904214559386971677978905859;0.025223499361430395948602267708;0.035121328224776503235116109636;0.002234993614303959052341808089;0.029054916985951469848847850130;0.009259259259259258745267118229;0.015006385696040867860912015885;0.010855683269476373159490023568;0.004789272030651340640583502051;0.028416347381864624777048078386;0.030012771392081735721824031771;0.012771392081736910109612814779;0.011494252873563218231289795312;0.007662835249042145198405950879;0.025223499361430395948602267708;0.010855683269476373159490023568;0.056832694763729249554096156771;0.000000000000000000000000000000;0.015644955300127712932711787630;0.012132822477650063303089567057;0.016283524904214558004511559375;0.015964240102171137203335149479;0.014367816091954022789112244141;0.027458492975734355434624944792;0.014048531289910600253212358268
-0.021548821548821549959340515557;0.024915824915824915514184212384;0.044444444444444446140618509844;0.001346801346801346872458782222;0.011784511784511784646123366826;0.025925925925925925180637321432;0.008417508417508417356556194022;0.026599326599326598291606060798;0.035690235690235688759130994185;0.014141414141414142269237430583;0.016835016835016834713112388044;0.017508417508417507824081127410;0.024242424242424242403215473018;0.020202020202020203737403036826;0.013804713804713803979029584923;0.014814814814814815380206169948;0.033333333333333332870740406406;0.053198653198653196583212121595;0.015824915824915825046659278996;0.009764309764309763578493672753;0.016835016835016834713112388044;0.022222222222222223070309254922;0.020875420875420876848371776191;0.018181818181818180935049866775;0.028956228956228957649443600531;0.023569023569023569292246733653;0.021548821548821549959340515557;0.031649831649831650093318557992;0.002693602693602693744917564445;0.038720538720538717758490321330;0.013131313131313130868060845557;0.016835016835016834713112388044;0.015151515151515151935690539631;0.007744107744107744245587454657;0.030303030303030303871381079261;0.034343434343434342537193515454;0.014141414141414142269237430583;0.011447811447811448090638997144;0.007407407407407407690103084974;0.032659932659932659759771667041;0.012457912457912457757092106192;0.035353535353535352203646624503;0.000000000000000000000000000000;0.014478114478114478824721800265;0.008080808080808080801071824339;0.014141414141414142269237430583;0.021548821548821549959340515557;0.013468013468013467423545215240;0.029629629629629630760412339896;0.008080808080808080801071824339
-0.028205128205128205537421948179;0.014743589743589743251694912374;0.043910256410256406911507554014;0.000961538461538461591837645415;0.007692307692307692734701163317;0.030769230769230770938804653269;0.004807692307692307959188227073;0.017307692307692308653077617464;0.036538461538461540489830525757;0.019230769230769231836752908293;0.017628205128205128027207848618;0.012500000000000000693889390391;0.019230769230769231836752908293;0.036217948717948721115700294604;0.008012820512820512108831394471;0.020512820512820512802720784862;0.041025641025641025605441569724;0.049038461538461537714272964195;0.014102564102564102768710974090;0.010897435897435896884344330715;0.014743589743589743251694912374;0.031410256410256409687065115577;0.023076923076923078204103489952;0.028205128205128205537421948179;0.027884615384615386163291717025;0.025320512820512820761909011935;0.022756410256410255360526306845;0.022756410256410255360526306845;0.000961538461538461591837645415;0.018589743589743589619045494032;0.008653846153846154326538808732;0.019230769230769231836752908293;0.011858974358974358476181976130;0.005769230769230769551025872488;0.033333333333333332870740406406;0.042628205128205129414986629399;0.014102564102564102768710974090;0.010256410256410256401360392431;0.006730769230769231142863517903;0.030128205128205128721097239008;0.006730769230769231142863517903;0.025000000000000001387778780781;0.000000000000000000000000000000;0.016025641025641024217662788942;0.007692307692307692734701163317;0.017628205128205128027207848618;0.026282051282051282353746657350;0.021794871794871793768688661430;0.033653846153846152244870637560;0.013461538461538462285727035805
-0.026488095238095237665687520234;0.026785714285714284227379877734;0.049404761904761902713278942656;0.009821428571428571230317317031;0.032440476190476193185663333907;0.021130952380952382207990325469;0.004761904761904762334312479766;0.021726190476190475331375040469;0.038392857142857145236192195625;0.013690476190476190410105772344;0.013392857142857142113689938867;0.011607142857142857539365365938;0.019940476190476189022326991562;0.018749999999999999306110609609;0.020238095238095239053466301016;0.016369047619047619873677845703;0.032142857142857139685077072500;0.052976190476190475331375040469;0.020833333333333332176851016015;0.009226190476190476372209126055;0.012500000000000000693889390391;0.030357142857142856845475975547;0.022916666666666665047591422422;0.019642857142857142460634634062;0.025892857142857144542302805235;0.019047619047619049337249919063;0.027678571428571427381903902187;0.033928571428571425994125121406;0.001488095238095238012632215430;0.020238095238095239053466301016;0.011011904761904762681257174961;0.017559523809523809589894227656;0.010416666666666666088425508008;0.007142857142857142634106981660;0.025892857142857144542302805235;0.036011904761904758864865527812;0.016666666666666666435370203203;0.008630952380952381514100935078;0.004464285714285714037896646289;0.031547619047619046561692357500;0.008630952380952381514100935078;0.033333333333333332870740406406;0.000000000000000000000000000000;0.008333333333333333217685101602;0.016964285714285712997062560703;0.010416666666666666088425508008;0.019940476190476189022326991562;0.019642857142857142460634634062;0.030357142857142856845475975547;0.009226190476190476372209126055
-0.039451114922813036722804014289;0.008233276157804459913225336720;0.051457975986277874891339223495;0.001715265866209262409641800318;0.007890222984562607344560802858;0.032246998284734131046125327202;0.005145797598627787662606269947;0.018867924528301886072378934500;0.027787307032590052857656814922;0.021612349914236706621695205399;0.015780445969125214689121605716;0.020240137221269296347037069950;0.018181818181818180935049866775;0.036706689536878216173487743390;0.007890222984562607344560802858;0.023327615780445967730294398734;0.035677530017152660202217617780;0.033276157804459693956289356720;0.015437392795883362120457071853;0.010977701543739278727818131642;0.018524871355060035238437876615;0.020583190394511150650425079789;0.022641509433962262592965331010;0.030874785591766724240914143707;0.033276157804459693956289356720;0.030188679245283019103585075982;0.027787307032590052857656814922;0.007204116638078902207231735133;0.001372212692967409840977266455;0.032933104631217839652901346881;0.012692967409948541571140800954;0.022641509433962262592965331010;0.013036020583190394139805334817;0.008919382504288165050554404445;0.026758147512864493416939737358;0.039451114922813036722804014289;0.012692967409948541571140800954;0.009948542024013722756548006032;0.002401372212692967546970868042;0.028816466552315608828926940532;0.007890222984562607344560802858;0.017838765008576330101108808890;0.000000000000000000000000000000;0.015780445969125214689121605716;0.006861063464837049638567201271;0.013722126929674099277134402541;0.034991423670668951595441598101;0.025728987993138937445669611748;0.024699828473413378004952534184;0.017838765008576330101108808890
-0.024584929757343550876802495964;0.021072796934865901247180275391;0.045338441890166031322806361459;0.005747126436781609115644897656;0.018199233716475096689357826563;0.020753512132822476976556913542;0.004150702426564495568783730306;0.016602809706257982275134921224;0.045338441890166031322806361459;0.018518518518518517490534236458;0.012452107279693485838989452930;0.022988505747126436462579590625;0.019476372924648786832957370052;0.028416347381864624777048078386;0.008939974457215836209367232357;0.016922094508301406545758283073;0.035440613026819924036292519531;0.053001277139208172184403622396;0.009259259259259258745267118229;0.009578544061302681281167004101;0.015325670498084290396811901758;0.028735632183908045578224488281;0.026819923371647510362825173047;0.022669220945083015661403180729;0.035121328224776503235116109636;0.022669220945083015661403180729;0.022988505747126436462579590625;0.012771392081736910109612814779;0.001277139208173691010961281478;0.015325670498084290396811901758;0.017560664112388251617558054818;0.020114942528735631904757141797;0.010855683269476373159490023568;0.004469987228607918104683616178;0.033524904214559385351446252344;0.039910600255427843008337873698;0.013409961685823755181412586523;0.012452107279693485838989452930;0.010536398467432950623590137695;0.033524904214559385351446252344;0.005747126436781609115644897656;0.041187739463601533151937417188;0.000000000000000000000000000000;0.013729246487867177717312472396;0.006385696040868455054806407389;0.015006385696040867860912015885;0.019476372924648786832957370052;0.016283524904214558004511559375;0.032886334610472543749093432552;0.012452107279693485838989452930
-0.021767381416504222313434979696;0.026315789473684209065496020230;0.057179987004548404883053080994;0.000649772579597140964580148648;0.005198180636777127716641189181;0.021117608836907081348854831049;0.003248862897985704822900743238;0.022742040285899933760305202668;0.027940220922677061476946391849;0.023716699155295645207175425639;0.012670565302144248809312898629;0.009421702404158543986412155391;0.020467836257309940384274682401;0.032163742690058477746717358059;0.017218973359324235561373939163;0.016244314489928524114503716191;0.037361923326835605463358547240;0.053606237816764129577862263432;0.013970110461338530738473195925;0.012670565302144248809312898629;0.011371020142949966880152601334;0.024691358024691356654045648611;0.018518518518518517490534236458;0.036387264457439894016488324269;0.022417153996101363278015128344;0.030539311241065625335266986440;0.028589993502274202441526540497;0.014944769330734242185343418896;0.001624431448992852411450371619;0.015919428200129953632213641868;0.008122157244964262057251858096;0.023716699155295645207175425639;0.012995451591942819291602972953;0.008447043534762832539541932420;0.035737491877842753051908175621;0.039311241065627028357098993183;0.011371020142949966880152601334;0.008771929824561403021832006743;0.006172839506172839163511412153;0.032163742690058477746717358059;0.006172839506172839163511412153;0.027615334632878490994656317525;0.000000000000000000000000000000;0.017868745938921376525954087811;0.006497725795971409645801486477;0.018518518518518517490534236458;0.028265107212475631959236466173;0.020792722547108510866564756725;0.033463287849252759675877655354;0.013320337881741389773893047277
-0.030788177339901478396511080859;0.010775862068965517959195921094;0.048337438423645323615218671875;0.000615763546798029563593412927;0.005541871921182266180760933594;0.025554187192118226618076093359;0.004310344827586206836733673242;0.022783251231527093527695626562;0.041564039408866992886260050000;0.024938423645320197813424201172;0.019088669950738917230337321485;0.012623152709359606107875073633;0.018780788177339902828011375391;0.036637931034482755510151008593;0.009236453201970444212842714649;0.015701970443349755335304962500;0.031096059113300492798837026953;0.044334975369458129446087468750;0.011391625615763546763847813281;0.013546798029556651049576387891;0.013854679802955665451902333984;0.027709359605911330903804667969;0.013854679802955665451902333984;0.033251231527093597084565601563;0.036945812807881776851370858594;0.036330049261083741107825062500;0.029248768472906402915434398437;0.006157635467980295852774563770;0.000923645320197044291180010767;0.016625615763546798542282800781;0.011391625615763546763847813281;0.018780788177339902828011375391;0.010160098522167487419820552930;0.011391625615763546763847813281;0.028633004926108374110782506250;0.035098522167487683498521278125;0.014470443349753694256554226172;0.011391625615763546763847813281;0.004926108374384236508747303418;0.029556650246305417317760344531;0.004002463054187192434407727148;0.031711822660098525072935871094;0.000000000000000000000000000000;0.017241379310344827346934692969;0.005541871921182266180760933594;0.018472906403940888425685429297;0.029248768472906402915434398437;0.027401477832512316501478721875;0.030172413793103449591859188672;0.017857142857142856151586585156
-0.035624211853720048892579796984;0.024274905422446407116110478341;0.044451450189155104764093806580;0.002522068095838587639678785024;0.016708701134930642462350647293;0.025535939470365698333864656888;0.004098360655737705131318460161;0.028058007566204287708266917889;0.026796973518284993021065787389;0.022383354350567465085308782591;0.014501891551071878494472144894;0.038461538461538463673505816587;0.014817150063051702166272427519;0.032786885245901641050547681289;0.019230769230769231836752908293;0.017969735182849937149551777793;0.029634300126103404332544855038;0.045397225725094580983665082385;0.021122320302648170398107652090;0.008511979823455233934437202947;0.015762925598991173181673275394;0.017339218158890289805951212543;0.018284993694829759086628584441;0.022068095838587643148231975943;0.029319041614123582395468048389;0.029319041614123582395468048389;0.029319041614123582395468048389;0.016708701134930642462350647293;0.000630517023959646909919696256;0.029319041614123582395468048389;0.015132408575031525838072710144;0.016078184110970995118750082042;0.012610340479192938198393925120;0.004413619167717528803118742786;0.020807061790668348461030845442;0.041929382093316522328585449486;0.008827238335435057606237485572;0.010718789407313997902315705346;0.003783102143757881459518177536;0.025220680958385876396787850240;0.009773013871374526886914857471;0.021437578814627995804631410692;0.000000000000000000000000000000;0.014501891551071878494472144894;0.010718789407313997902315705346;0.012295081967213114526593642495;0.025220680958385876396787850240;0.021437578814627995804631410692;0.029634300126103404332544855038;0.014501891551071878494472144894
-0.025862068965517241020402039453;0.034482758620689654693869385937;0.038314176245210725124668016406;0.003831417624521072599202975439;0.010536398467432950623590137695;0.023946360153256705805002724219;0.005427841634738186579745011784;0.032247765006385695207846708854;0.028416347381864624777048078386;0.018199233716475096689357826563;0.014687100893997445325012130013;0.015644955300127712932711787630;0.023307790549169860733202952474;0.020114942528735631904757141797;0.030332056194125159992447393620;0.010536398467432950623590137695;0.027139208173690931164001582943;0.056513409961685821814025842968;0.025542784163473820219225629558;0.011494252873563218231289795312;0.019476372924648786832957370052;0.023307790549169860733202952474;0.024904214559386971677978905859;0.018518518518518517490534236458;0.024265644955300126606179134114;0.018518518518518517490534236458;0.029374201787994890650024260026;0.030651340996168580793623803515;0.003831417624521072599202975439;0.025862068965517241020402039453;0.007343550446998722662506065006;0.015325670498084290396811901758;0.017879948914431672418734464713;0.006704980842911877590706293262;0.024904214559386971677978905859;0.032567049808429116009023118750;0.015006385696040867860912015885;0.011174968071519795695389909440;0.005108556832694764043845125912;0.030332056194125159992447393620;0.013729246487867177717312472396;0.031609195402298853605493889063;0.000000000000000000000000000000;0.010536398467432950623590137695;0.013409961685823755181412586523;0.014367816091954022789112244141;0.016283524904214558004511559375;0.018837803320561941761157598307;0.031289910600255425865423575260;0.008301404853128991137567460612
-0.026862807803006077261853690175;0.018867924528301886072378934500;0.042532779021426284082885160842;0.000959385992964502712886110114;0.036776463063639269757132410632;0.025583626479053406255204095032;0.005116725295810681424513166604;0.022385673169171730473303583153;0.036456667732651104607555225812;0.011512631915574032120952452374;0.012791813239526703127602047516;0.029421170450911415805705928506;0.021746082507195393235255309605;0.026223217141029740023805416627;0.019827310521266388460004392869;0.016309561880396547528526696169;0.036456667732651104607555225812;0.053725615606012154523707380349;0.010553245922609529733326994005;0.008314678605692356339051940495;0.014390789894467541018552303456;0.025263831148065237636179958258;0.024624240486088903867578636664;0.023025263831148064241904904748;0.025583626479053406255204095032;0.017268947873361049916152154537;0.027822193795970579649479148543;0.009274064598656860461400874840;0.000639590661976335178064145826;0.038695235049568274532383327369;0.014070994563479372399528166682;0.013751199232491205515227505884;0.011832427246562200739976589148;0.005436520626798848308813827401;0.037735849056603772144757869000;0.032938919091781260206630577159;0.011192836584585865236651791577;0.012152222577550367624277249945;0.008954269267668691842376738066;0.034218100415733927743833220347;0.004796929964822513672850767819;0.029421170450911415805705928506;0.000000000000000000000000000000;0.008954269267668691842376738066;0.008314678605692356339051940495;0.014390789894467541018552303456;0.016629357211384712678103880990;0.017268947873361049916152154537;0.036136872401662932519084137084;0.012791813239526703127602047516
-0.027412587412587414298359433928;0.019300699300699299815198273222;0.036923076923076926514344364705;0.003636363636363636360482320953;0.025454545454545455390737984658;0.026853146853146853123561754728;0.002797202797202797200371016118;0.019020979020979020962522909599;0.026853146853146853123561754728;0.017902097902097902082374503152;0.012867132867132867121706674141;0.064895104895104901987501477834;0.026293706293706295418211027481;0.021818181818181819897617401693;0.010629370629370629361409861247;0.016783216783216783202226096705;0.036363636363636361870099733551;0.040839160839160837390693359339;0.014545454545454545441929283811;0.009510489510489510481261454800;0.011748251748251748241558267694;0.019020979020979020962522909599;0.027412587412587414298359433928;0.024615384615384615363264941834;0.034405594405594402962478284280;0.020419580419580418695346679669;0.017622377622377623229699139529;0.017062937062937062054901460328;0.002797202797202797200371016118;0.037202797202797205367019728328;0.034125874125874124109802920657;0.016223776223776225496875369458;0.011748251748251748241558267694;0.007552447552447552441001743517;0.032447552447552450993750738917;0.030489510489510488616682337693;0.012587412587412588269031310517;0.008671328671328672188511887953;0.004755244755244755240630727400;0.029930069930069930911331610446;0.008671328671328672188511887953;0.022657342657342656455643492563;0.000000000000000000000000000000;0.010629370629370629361409861247;0.007552447552447552441001743517;0.015384615384615385469402326635;0.020419580419580418695346679669;0.017342657342657344377023775905;0.025174825174825176538062621034;0.010629370629370629361409861247
-0.033333333333333332870740406406;0.017000000000000001221245327088;0.055000000000000000277555756156;0.015333333333333332496040135595;0.023333333333333334397297065266;0.015666666666666665547191783503;0.004666666666666667052931760651;0.021666666666666667406815349750;0.032333333333333331982561986706;0.021333333333333332620940225866;0.011333333333333334147496884725;0.014000000000000000291433543964;0.021000000000000001304512053935;0.032000000000000000666133814775;0.010666666666666666310470112933;0.015666666666666665547191783503;0.035666666666666665963525417737;0.044666666666666667018237291131;0.014666666666666666393736839780;0.011666666666666667198648532633;0.016000000000000000333066907388;0.025666666666666667490082076597;0.018333333333333333425851918719;0.027333333333333334480563792113;0.032333333333333331982561986706;0.032000000000000000666133814775;0.029999999999999998889776975375;0.038999999999999999944488848769;0.001333333333333333288808764117;0.016666666666666666435370203203;0.006000000000000000124900090270;0.015666666666666665547191783503;0.006000000000000000124900090270;0.005666666666666667073748442363;0.020666666666666666518636930050;0.036999999999999998168132009368;0.012000000000000000249800180541;0.010000000000000000208166817117;0.003666666666666666598434209945;0.030333333333333333675652099259;0.008666666666666666268836749509;0.032666666666666663298990158637;0.000000000000000000000000000000;0.012000000000000000249800180541;0.004666666666666667052931760651;0.014000000000000000291433543964;0.024333333333333331816028533012;0.021999999999999998723243521681;0.030999999999999999777955395075;0.014000000000000000291433543964
-0.024880382775119617294601326307;0.018819776714513555826435720064;0.054864433811802233720289478924;0.001913875598086124457317125369;0.009888357256778309081757249999;0.022009569377990430283364986508;0.000956937799043062228658562685;0.026156299840510367077373032885;0.037639553429027111652871440128;0.019138755980861243272128646709;0.014992025518341308212844076309;0.017862838915470493489356940131;0.017224880382775118597971086842;0.039234449760765552350783025304;0.012440191387559808647300663154;0.017543859649122806043664013487;0.035087719298245612087328026973;0.054545454545454542805149600326;0.017543859649122806043664013487;0.010845295055821371418836029932;0.010207336523125996527450176643;0.026156299840510367077373032885;0.018819776714513555826435720064;0.030303030303030303871381079261;0.028070175438596491751530592751;0.029984051036682616425688152617;0.030940988835725678762766932550;0.011483253588516746310221883220;0.001275917065390749565931272080;0.020414673046251993054900353286;0.008293460925039871853292616777;0.018819776714513555826435720064;0.011802232854864433755914809865;0.008612440191387559298985543421;0.030622009569377991317074005906;0.039234449760765552350783025304;0.014035087719298245875765296375;0.007974481658692184407599690132;0.003189792663476874023248397449;0.028070175438596491751530592751;0.007336523125996810383575574832;0.024880382775119617294601326307;0.000000000000000000000000000000;0.013078149920255183538686516442;0.007974481658692184407599690132;0.014673046251993620767151149664;0.030303030303030303871381079261;0.025518341307814992185987179596;0.030940988835725678762766932550;0.013397129186602870984379443087
-0.035897435897435894802676159543;0.020833333333333332176851016015;0.049038461538461537714272964195;0.001602564102564102508502452693;0.010576923076923077510214099561;0.030769230769230770938804653269;0.005128205128205128200680196215;0.015064102564102564360548619504;0.035256410256410256054415697236;0.021794871794871793768688661430;0.018910256410256408993175725186;0.020192307692307693428590553708;0.019551282051282051210883139447;0.032371794871794874748349712945;0.019551282051282051210883139447;0.022115384615384616612265844537;0.034935897435897436680285466082;0.042307692307692310040856398246;0.017628205128205128027207848618;0.009294871794871794809522747016;0.016346153846153847061239972049;0.024679487179487178544201597674;0.022435897435897435986396075691;0.024679487179487178544201597674;0.034615384615384617306155234928;0.031410256410256409687065115577;0.023717948717948716952363952259;0.009294871794871794809522747016;0.001602564102564102508502452693;0.025961538461538462979616426196;0.013461538461538462285727035805;0.020512820512820512802720784862;0.011217948717948717993198037846;0.003525641025641025692177743522;0.030128205128205128721097239008;0.032692307692307694122479944099;0.013141025641025641176873328675;0.009935897435897435292506685300;0.004166666666666666608842550801;0.026602564102564101727876888503;0.004487179487179486850334519943;0.022756410256410255360526306845;0.000000000000000000000000000000;0.011858974358974358476181976130;0.011538461538461539102051744976;0.019230769230769231836752908293;0.026923076923076924571454071611;0.022435897435897435986396075691;0.027564102564102563319714533918;0.010256410256410256401360392431
-0.030834662413609780634571322366;0.015948963317384368815199380265;0.053429027113237638479947833048;0.003189792663476874023248397449;0.014885699096225411819371942101;0.027910685805422646293960653452;0.005582137161084529432264478288;0.023391812865497074724885351316;0.029505582137161083522425286674;0.019936204146730463621084439296;0.020202020202020203737403036826;0.012759170653907496092993589798;0.018341307814992026392619806074;0.033227006911217438211991748176;0.017809675704412546159982611016;0.016214779372674108931517977794;0.035619351408825092319965222032;0.051568314726209464604611554250;0.018341307814992026392619806074;0.008506113769271664640236885191;0.015151515151515151935690539631;0.022860180754917597961695108211;0.016746411483253589164155172853;0.026315789473684209065496020230;0.033758639021796918444628943234;0.029239766081871343406106689145;0.026847421584263689298133215289;0.022328548644338117729057913152;0.000797448165869218505812099362;0.026581605528973949181814617759;0.012759170653907496092993589798;0.016480595427963849047836575323;0.013024986709197236209312187327;0.007708665603402445158642830592;0.025252525252525252069668582067;0.033492822966507178328310345705;0.013024986709197236209312187327;0.010366826156299840250296639965;0.002923976608187134340610668914;0.024720893141945771837031387008;0.007442849548112705909685971051;0.018075491759702286276301208545;0.000000000000000000000000000000;0.009835194045720361752382920884;0.012227538543328017595079870716;0.014088250930356193205139625491;0.025784157363104732302305777125;0.024720893141945771837031387008;0.035087719298245612087328026973;0.015151515151515151935690539631
-0.029437229437229438938627978928;0.014430014430014430001913972035;0.049639249639249642676031015753;0.001731601731601731600229676644;0.011832611832611833468931195057;0.039538239538239539072606021364;0.003751803751803751800497632729;0.017893217893217894937096801300;0.030591630591630593338781096691;0.014718614718614719469313989464;0.017027417027417026534896749013;0.030880230880230879336734162166;0.023953823953823952935815455589;0.030303030303030303871381079261;0.008080808080808080801071824339;0.029148629148629149471227961499;0.032611832611832612671687314787;0.043290043290043288271018440128;0.016738816738816740536943683537;0.010966810966810966801454618746;0.014430014430014430001913972035;0.024242424242424242403215473018;0.027417027417027416136274808878;0.020490620490620489735356102301;0.045021645021645025075418544702;0.024819624819624821338015507877;0.025108225108225107335968573352;0.006349206349206349200842147695;0.000577200577200577200076558881;0.025974025974025975738168625639;0.034920634920634921471993550313;0.013275613275613275601760854272;0.011544011544011544001531177628;0.006637806637806637800880427136;0.028860028860028860003827944070;0.034920634920634921471993550313;0.013564213564213565069160871701;0.013564213564213565069160871701;0.004040404040404040400535912170;0.030880230880230879336734162166;0.004617604617604617600612471051;0.020779220779220779202756119730;0.000000000000000000000000000000;0.012698412698412698401684295391;0.004617604617604617600612471051;0.010101010101010101868701518413;0.019336219336219335335202984538;0.021356421356421358137556154588;0.030591630591630593338781096691;0.012698412698412698401684295391
-0.026223776223776223970318710599;0.015151515151515151935690539631;0.054195804195804192504581919820;0.001748251748251748250231885073;0.024766899766899767854066993777;0.034382284382284383772443447924;0.002331002331002331000309180098;0.016025641025641024217662788942;0.035256410256410256054415697236;0.018648018648018648002473440783;0.011946386946386946051323896256;0.026223776223776223970318710599;0.021270396270396271787284092625;0.025641025641025640136039243089;0.010489510489510489935072179435;0.015151515151515151935690539631;0.035256410256410256054415697236;0.053030303030303031774916888708;0.016899766899766899969081990207;0.010780885780885780117488437213;0.012820512820512820068019621544;0.028554778554778555837989628685;0.016608391608391608051942256452;0.025058275058275059771206727532;0.031177156177156176153353328573;0.019230769230769231836752908293;0.025349650349650348218899509334;0.026806526806526807804598178109;0.001456876456876456983613454810;0.050407925407925407990106236866;0.018648018648018648002473440783;0.025349650349650348218899509334;0.007867132867132867884985003570;0.006701631701631701951149544527;0.023018648018648019820675543201;0.036421911421911423722974632256;0.009032634032634032084096986637;0.010489510489510489935072179435;0.002913752913752913967226909620;0.026515151515151515887458444354;0.005827505827505827934453819239;0.026515151515151515887458444354;0.000000000000000000000000000000;0.011946386946386946051323896256;0.002622377622377622483768044859;0.010198135198135198017932445680;0.021270396270396271787284092625;0.018065268065268064168193973273;0.033216783216783216103884512904;0.010489510489510489935072179435
-0.033992094861660077098619581193;0.012648221343873517624745161925;0.048221343873517785727500495341;0.001844532279314887914661857948;0.022924901185770750478010171491;0.026613965744400527174695625376;0.003162055335968379406186290481;0.016600790513833993400361066506;0.056126482213438737278732304503;0.020026350461133071018116069695;0.015283267457180501475155764979;0.022924901185770750478010171491;0.018708827404479579092910768168;0.035046113306982873414341383977;0.010803689064558629276402434982;0.019499341238471672860255168303;0.027404479578392620942040025511;0.047167325428194996350672596463;0.014492753623188405973087888867;0.006851119894598155235510006378;0.013965744400527009549950463452;0.026350461133069828095765174680;0.016073781291172595242500165114;0.023451910408432148635871072884;0.036363636363636361870099733551;0.032147562582345190485000330227;0.022661396574440051399079720795;0.018181818181818180935049866775;0.001581027667984189703093145241;0.017654808959156786246635917337;0.015810276679841896163569714417;0.017654808959156786246635917337;0.010013175230566535509058034847;0.005797101449275362389235155547;0.023451910408432148635871072884;0.034782608695652174335410933281;0.010276679841897232853265009567;0.009749670619235836430127584151;0.007114624505928853447078719086;0.025296442687747035249490323849;0.005533596837944664177666442839;0.040843214756258232334129587571;0.000000000000000000000000000000;0.011857707509881422122677285813;0.003425559947299077617755003189;0.013965744400527009549950463452;0.023978919631093543324285022322;0.024505928853754941482145923715;0.030303030303030303871381079261;0.016864295125164689009844565248
-0.033465085638998685879652583708;0.014229249011857706894157438171;0.042160737812911727728781841051;0.002898550724637681194617577773;0.029776021080368905713520177869;0.029776021080368905713520177869;0.005270092226613965966097730131;0.029512516469038206634589727173;0.039525691699604743878371237997;0.018445322793148880013980317472;0.017918313570487481856119416079;0.016600790513833993400361066506;0.022661396574440051399079720795;0.025823451910408433407351225242;0.008168642951251647160715307905;0.010276679841897232853265009567;0.020816864295125164785460469830;0.046113306982872200034950793679;0.027404479578392620942040025511;0.011067193675889328355332885678;0.020289855072463766627599568437;0.023715415019762844245354571626;0.027404479578392620942040025511;0.022924901185770750478010171491;0.027931488801054019099900926904;0.023188405797101449556940622188;0.032674571805006588642861231619;0.008168642951251647160715307905;0.001317523056653491491524432533;0.035573122529644271572202285370;0.014492753623188405973087888867;0.011857707509881422122677285813;0.017918313570487481856119416079;0.006324110671936758812372580962;0.028458498023715413788314876342;0.034519104084321475256480482585;0.016864295125164689009844565248;0.010803689064558629276402434982;0.007114624505928853447078719086;0.032147562582345190485000330227;0.004743083003952569542960304716;0.027140974967061921863109574815;0.000000000000000000000000000000;0.014756258234519103317294863587;0.007114624505928853447078719086;0.020289855072463766627599568437;0.015810276679841896163569714417;0.013702239789196310471020012756;0.028722002635046112867245327038;0.012121212121212121201607736509
-0.039789196310935442957301688693;0.007378129117259551658647431793;0.057971014492753623892351555469;0.000000000000000000000000000000;0.003689064558629775829323715897;0.022397891963109355789596222053;0.003952569169960474040892428604;0.023188405797101449556940622188;0.018181818181818180935049866775;0.029512516469038206634589727173;0.015546772068511198819362739698;0.008959156785243740928059708040;0.022924901185770750478010171491;0.054545454545454542805149600326;0.006587615283267457023941293670;0.017391304347826087167705466641;0.025032938076416336170559873153;0.028722002635046112867245327038;0.015019762845849802396225314283;0.009222661396574440006990158736;0.017918313570487481856119416079;0.015283267457180501475155764979;0.015019762845849802396225314283;0.043478260869565216184540190625;0.033201581027667986800722133012;0.039525691699604743878371237997;0.030830039525691698559795028700;0.002898550724637681194617577773;0.001054018445322793063115285328;0.015810276679841896163569714417;0.012648221343873517624745161925;0.022397891963109355789596222053;0.010803689064558629276402434982;0.011067193675889328355332885678;0.023978919631093543324285022322;0.047167325428194996350672596463;0.012911725955204216703675612621;0.008959156785243740928059708040;0.002635046113306982983048865066;0.021080368906455863864390920526;0.005006587615283267754529017424;0.007378129117259551658647431793;0.000000000000000000000000000000;0.028458498023715413788314876342;0.007114624505928853447078719086;0.021607378129117258552804869964;0.050065876152832672341119746307;0.032147562582345190485000330227;0.032147562582345190485000330227;0.017391304347826087167705466641
-0.033733133433283359059462469531;0.015492253873063467975446094727;0.047976011994002996929875592969;0.001249375312343828153469060815;0.020489755122438779721960600000;0.035732133933033483064178881250;0.005247376311844078114465794727;0.021989005497251374460221384766;0.025487256371814093203198581250;0.019490254872563717719602394141;0.014992503748125936974266991797;0.020989505247376312457863178906;0.017741129435282360082837271875;0.035982008995502245962683218750;0.021239380309845078825814468360;0.021489255372313841724318805859;0.020239880059970013354009310547;0.037731134432783607068895292969;0.023738130934532732096986507031;0.009995002498750625227752486524;0.018740629685157422085195477734;0.016991504247876060978983403515;0.014492753623188405973087888867;0.028985507246376811946175777734;0.035732133933033483064178881250;0.024487756121939031200840375391;0.033983008495752121957966807031;0.020489755122438779721960600000;0.002998500749625187308117224561;0.028985507246376811946175777734;0.011494252873563218231289795312;0.015992003998000998976625197656;0.016741629185407298080479066016;0.004997501249375312613876243262;0.024487756121939031200840375391;0.030234882558720640316485273047;0.015992003998000998976625197656;0.009245377311344327858622094141;0.003248375812093952808706776025;0.024737631184407797568791664844;0.008495752123938030489491701758;0.020239880059970013354009310547;0.000000000000000000000000000000;0.012743628185907046601599290625;0.015242378810594703342218281250;0.016491754122938531712527776563;0.026736631684157921573508076563;0.025237381309345326835247291797;0.030734632683658169582940900000;0.009995002498750625227752486524
-0.023026315789473682932309017701;0.024122807017543858310038018544;0.030153508771929824622270999157;0.002467105263157894599890251897;0.028508771929824559820954021916;0.027686403508771929155019009272;0.005208333333333333044212754004;0.020833333333333332176851016015;0.039199561403508768886450042146;0.017543859649122806043664013487;0.013706140350877192221612510536;0.022752192982456141689961981456;0.021929824561403507554580016858;0.022478070175438596978167993257;0.018366228070175440179045978084;0.012883771929824561555677497893;0.019736842105263156799122015173;0.050164473684210529602633954482;0.021655701754385966312232980613;0.007949561403508772355896994100;0.018092105263157895467251989885;0.021655701754385966312232980613;0.039473684210526313598244030345;0.020010964912280701510916003372;0.027138157894736843200877984827;0.022752192982456141689961981456;0.027412280701754384443225021073;0.018640350877192981421393014330;0.002741228070175438444322502107;0.042763157894736843200877984827;0.020833333333333332176851016015;0.012883771929824561555677497893;0.017269736842105264801316977241;0.006853070175438596110806255268;0.023026315789473682932309017701;0.027686403508771929155019009272;0.014802631578947367599341511379;0.012061403508771929155019009272;0.007127192982456139955238505479;0.028234649122807018578606985670;0.009594298245614035422490495364;0.035361842105263156799122015173;0.000000000000000000000000000000;0.011513157894736841466154508851;0.012609649122807016843883509694;0.018366228070175440179045978084;0.013432017543859649244541998314;0.014254385964912279910477010958;0.031524122807017544711793988199;0.011513157894736841466154508851
-0.032142857142857139685077072500;0.020329670329670330303217795631;0.039560439560439558670523751971;0.001923076923076923183675290829;0.006318681318681318784258316157;0.027747252747252745819217523149;0.004395604395604395600583025328;0.027472527472527472069963039303;0.040934065934065934355690075108;0.024450549450549450419822861136;0.016483516483516483935867213972;0.015109890109890109985424366812;0.020054945054945056553963311785;0.022527472527472527236147570306;0.014010989010989011518959479474;0.013736263736263736034981519651;0.023076923076923078204103489952;0.046428571428571430157461463750;0.018956043956043954618051472494;0.010164835164835165151608897816;0.020329670329670330303217795631;0.017582417582417582402332101310;0.020879120879120877801726763323;0.026373626373626373603498151965;0.030769230769230770938804653269;0.031868131868131865935822588654;0.030219780219780219970848733624;0.038186813186813189924251332741;0.001098901098901098900145756332;0.020329670329670330303217795631;0.013461538461538462285727035805;0.013461538461538462285727035805;0.013186813186813186801749075983;0.004945054945054944833815468996;0.022527472527472527236147570306;0.030219780219780219970848733624;0.012087912087912088335284188645;0.012087912087912088335284188645;0.005219780219780219450431690831;0.019505494505494505586007392139;0.012087912087912088335284188645;0.053571428571428568454759755468;0.000000000000000000000000000000;0.017582417582417582402332101310;0.005219780219780219450431690831;0.019230769230769231836752908293;0.022802197802197800985402054152;0.019230769230769231836752908293;0.028846153846153847755129362440;0.011263736263736263618073785153
-0.029846153846153845173860830187;0.025230769230769230226929522587;0.047692307692307693567368431786;0.011384615384615385386135599788;0.034461538461538460120792137786;0.024307692307692307931432651458;0.004923076923076923246125335965;0.032307692307692308097966105151;0.020307692307692307848165924611;0.015076923076923076302846560282;0.017230769230769230060396068893;0.012615384615384615113464761293;0.014769230769230768871014269905;0.024923076923076922795097232211;0.028923076923076922878363959057;0.010769230769230768787747543058;0.021846153846153845007327376493;0.047076923076923078703703851033;0.029846153846153845173860830187;0.009846153846153846492250671929;0.020615384615384615279998214987;0.016615384615384615196731488140;0.014153846153846154007349689152;0.026153846153846152522426393716;0.029538461538461537742028539810;0.028923076923076922878363959057;0.032615384615384615529798395528;0.025846153846153845090594103340;0.001846153846153846108876783738;0.024307692307692307931432651458;0.008307692307692307598365744070;0.011384615384615385386135599788;0.016923076923076922628563778517;0.007076923076923077003674844576;0.023692307692307693067768070705;0.035384615384615382416289008916;0.015076923076923076302846560282;0.008923076923076922462030324823;0.003692307692307692217753567476;0.018461538461538463257172182352;0.013230769230769229977129342046;0.023692307692307693067768070705;0.000000000000000000000000000000;0.016615384615384615196731488140;0.016000000000000000333066907388;0.016923076923076922628563778517;0.022769230769230770772271199576;0.016000000000000000333066907388;0.027692307692307693151034797552;0.014153846153846154007349689152
-0.023262032085561497318781931654;0.047593582887700533468056107722;0.039572192513368985300470370703;0.012299465240641710428448618586;0.011764705882352941013202496379;0.018181818181818180935049866775;0.004278074866310160526139405590;0.034759358288770053624361366928;0.030481283422459891363498485362;0.020588235294117646773104368663;0.012566844919786096870795155667;0.012299465240641710428448618586;0.019518716577540107942612124248;0.018716577540106950350295988983;0.030213903743315506655875424258;0.010962566844919786890333313067;0.027005347593582886694951739059;0.070053475935828876663968856064;0.024064171122994651441651114965;0.009625668449197861617494531572;0.018716577540106950350295988983;0.017647058823529411519803744568;0.020053475935828877357858246455;0.015775401069518715096995364888;0.022994652406417112611158870550;0.023796791443850266734028053861;0.031818181818181814901613790880;0.037165775401069515992968916862;0.003208556149732620394604554193;0.020053475935828877357858246455;0.008288770053475936344655750077;0.011764705882352941013202496379;0.012834224598930481578418216770;0.004545454545454545233762466694;0.018983957219251338527366002040;0.033957219251336899501492183617;0.017647058823529411519803744568;0.005882352941176470506601248189;0.006417112299465240789209108385;0.021925133689839573780666626135;0.016577540106951872689311500153;0.041711229946524062961454859533;0.000000000000000000000000000000;0.011229946524064171597956374171;0.013101604278074866286041277874;0.014171122994652406851256998266;0.015775401069518715096995364888;0.014171122994652406851256998266;0.029411764705882352533006240947;0.012566844919786096870795155667
-0.029419703103913629610444147033;0.029689608636977057182226857890;0.041295546558704453177224280580;0.002429149797570850314448742679;0.011605937921727395994997422690;0.034278002699055329371979894404;0.007017543859649122937882648188;0.025641025641025640136039243089;0.037246963562753039600483617733;0.015384615384615385469402326635;0.022132253711201078233417050001;0.014304993252361673447548007232;0.026720647773279353892617038468;0.021322537112010795518068917431;0.016194331983805668184750459204;0.012955465587044533853910976973;0.030499325236167339897574990459;0.051012145748987852700295775321;0.027530364372469636607965171038;0.008906882591093116807723362172;0.017543859649122806043664013487;0.018623481781376519800241808866;0.021322537112010795518068917431;0.018353576248313088759012146056;0.026720647773279353892617038468;0.023751686909581647133560267093;0.031039136302294198510587364126;0.022941970310391364418212134524;0.002699055330634277886231453536;0.032928475033738191513066340121;0.013225371120107961425693687829;0.009446693657219973686012259861;0.019163292847503374943807230579;0.006477732793522266926955488486;0.022132253711201078233417050001;0.032388663967611336369500918408;0.017004048582995950900098591774;0.012415654520917678710345555260;0.009986504723346828829577681574;0.023751686909581647133560267093;0.006747638326585695366099937331;0.035087719298245612087328026973;0.000000000000000000000000000000;0.012685560053981106282128266116;0.009716599190283401257794970718;0.016194331983805668184750459204;0.015654520917678813041185037491;0.013495276653171390732199874662;0.033738191632928474228414472691;0.009176788124156544379506073028
-0.033182503770739064929973238804;0.011463046757164403396944685198;0.056410256410256411074843896358;0.001206636500754147862946030756;0.008748114630467571789518288483;0.030467571644042231587823366112;0.003318250377073906406261150082;0.016892911010558068346520954606;0.040723981900452489723907234520;0.023227752639517346144870657554;0.017496229260935143579036576966;0.020512820512820512802720784862;0.014177978883861236739094557890;0.030467571644042231587823366112;0.009653092006033182903568246047;0.022021116138763199149286364786;0.032880844645550529048438903601;0.050678733031674208509009815771;0.014781297134238310236886704274;0.010859728506787329899152538815;0.014177978883861236739094557890;0.027752639517345398245673493420;0.011764705882352941013202496379;0.033182503770739064929973238804;0.034087481146304672574576244415;0.029562594268476620473773408548;0.027752639517345398245673493420;0.011463046757164403396944685198;0.000904977375565610897209523067;0.024434389140271493140454950321;0.017496229260935143579036576966;0.017797888386123679460570912170;0.008748114630467571789518288483;0.006938159879336349561418373355;0.019909502262443437570205162501;0.039215686274509803377341654596;0.015686274509803921350936661838;0.013876319758672699122836746710;0.006033182503770739314730153779;0.017797888386123679460570912170;0.006033182503770739314730153779;0.031372549019607842701873323676;0.000000000000000000000000000000;0.016892911010558068346520954606;0.005731523378582201698472342599;0.017496229260935143579036576966;0.029260935143288084592239073345;0.025339366515837104254504907885;0.025942684766214179487020530246;0.014177978883861236739094557890
-0.031798245614035089423587976398;0.025219298245614033687767019387;0.043037280701754387912671973027;0.016173245614035089423587976398;0.012883771929824561555677497893;0.027412280701754384443225021073;0.005208333333333333044212754004;0.038103070175438596978167993257;0.028234649122807018578606985670;0.018092105263157895467251989885;0.016173245614035089423587976398;0.018366228070175440179045978084;0.019462719298245615556774978927;0.027960526315789473866812997471;0.028782894736842104532748010115;0.018640350877192981421393014330;0.022203947368421052266374005058;0.048793859649122806043664013487;0.024671052631578947733625994942;0.007949561403508772355896994100;0.016721491228070175377729000843;0.015899122807017544711793988199;0.020833333333333332176851016015;0.032346491228070178847175952797;0.027960526315789473866812997471;0.024671052631578947733625994942;0.027686403508771929155019009272;0.019736842105263156799122015173;0.001370614035087719222161251054;0.021381578947368421600438992414;0.016995614035087720089522989042;0.016447368421052630665935012644;0.018092105263157895467251989885;0.004385964912280701510916003372;0.016721491228070175377729000843;0.033717105263157895467251989885;0.012335526315789473866812997471;0.008497807017543860044761494521;0.003837719298245613822051502950;0.019462719298245615556774978927;0.008223684210526315332967506322;0.023574561403508772355896994100;0.000000000000000000000000000000;0.014254385964912279910477010958;0.016995614035087720089522989042;0.014528508771929824622270999157;0.029605263157894735198683022759;0.014254385964912279910477010958;0.028782894736842104532748010115;0.011513157894736841466154508851
-0.027901785714285715772620122266;0.022879464285714284227379877734;0.041015625000000000000000000000;0.078962053571428575393653659376;0.032087053571428568454759755468;0.024274553571428571924206707422;0.004185267857142857018948323145;0.033761160714285712303173170312;0.020089285714285715772620122266;0.018415178571428571924206707422;0.016741071428571428075793292578;0.012555803571428571924206707422;0.015345982142857142113689938867;0.029575892857142856151586585156;0.024832589285714284227379877734;0.012276785714285714037896646289;0.020368303571428571924206707422;0.046595982142857143848413414844;0.029575892857142856151586585156;0.010323660714285714037896646289;0.017020089285714284227379877734;0.013671875000000000000000000000;0.022879464285714284227379877734;0.024274553571428571924206707422;0.023158482142857143848413414844;0.017578125000000000000000000000;0.025669642857142856151586585156;0.021484375000000000000000000000;0.001116071428571428509474161572;0.022042410714285715772620122266;0.010323660714285714037896646289;0.017578125000000000000000000000;0.020368303571428571924206707422;0.006417410714285714037896646289;0.020089285714285715772620122266;0.033482142857142856151586585156;0.011997767857142857886310061133;0.007254464285714285962103353711;0.001116071428571428509474161572;0.014229910714285714037896646289;0.010044642857142857886310061133;0.014787946428571428075793292578;0.000000000000000000000000000000;0.013950892857142857886310061133;0.015625000000000000000000000000;0.012834821428571428075793292578;0.027622767857142856151586585156;0.012834821428571428075793292578;0.029017857142857143848413414844;0.009765625000000000000000000000
-0.022795115332428766280470355809;0.035278154681139754778040895644;0.030393487109905019394329173110;0.053188602442333782205352576966;0.017910447761194030896758633276;0.019538670284938941534846890136;0.006241519674355495116147007906;0.024966078697421980464588031623;0.042062415196743557777026012445;0.015196743554952509697164586555;0.017096336499321573842991028869;0.012483039348710990232294015811;0.022795115332428766280470355809;0.017096336499321573842991028869;0.022523744911804612772732170356;0.014654002713704206151135167602;0.022795115332428766280470355809;0.055359565807327003328364156687;0.023066485753052916318761589309;0.008141112618724558394611712231;0.018181818181818180935049866775;0.020624151967435548626905728042;0.021166892808683852172935146996;0.018995929443690637988817471182;0.021709633649932155718964565949;0.020081411126187245080876309089;0.026594301221166891102676288483;0.037991858887381275977634942365;0.001085481682496607959420575895;0.026865671641791044610414473937;0.007598371777476254848582293278;0.010312075983717774313452864021;0.018453188602442334442788052229;0.003799185888738127424291146639;0.019538670284938941534846890136;0.027679782903663501664182078343;0.016010854816824966750932190962;0.003527815468113975651276437162;0.010312075983717774313452864021;0.021166892808683852172935146996;0.011397557666214383140235177905;0.049932157394843960929176063246;0.000000000000000000000000000000;0.011397557666214383140235177905;0.013025780189959293778323434765;0.014111261872455902605105748648;0.015739484396200813243194005508;0.011126187245590231367220468428;0.027951153324287651702473311843;0.010040705563093622540438154545
-0.041666666666666664353702032031;0.013020833333333333911574491992;0.037615740740740741254732881771;0.005208333333333333044212754004;0.026041666666666667823148983985;0.040798611111111111882099322656;0.005787037037037036715791948893;0.023437500000000000000000000000;0.030092592592592590922118134245;0.023726851851851853136832204427;0.017361111111111111882099322656;0.028935185185185185313683220443;0.024305555555555555941049661328;0.036168981481481482509465763542;0.014178240740740741254732881771;0.021122685185185185313683220443;0.017650462962962961549484575130;0.035879629629629629372633559115;0.016782407407407409077881865755;0.006365740740740740387371143783;0.015914351851851853136832204427;0.016493055555555555941049661328;0.017939814814814814686316779557;0.027777777777777776235801354687;0.040219907407407405608434913802;0.034432870370370370627366440885;0.026041666666666667823148983985;0.007812500000000000000000000000;0.001736111111111111014737584668;0.031539351851851853136832204427;0.017361111111111111882099322656;0.012442129629629629372633559115;0.011863425925925926568416102214;0.005787037037037036715791948893;0.029803240740740741254732881771;0.028645833333333332176851016015;0.012152777777777777970524830664;0.011863425925925926568416102214;0.002604166666666666522106377002;0.016782407407407409077881865755;0.004629629629629629372633559115;0.015046296296296295461059067122;0.000000000000000000000000000000;0.014756944444444444058950338672;0.010995370370370370627366440885;0.018518518518518517490534236458;0.026041666666666667823148983985;0.024016203703703702804217456901;0.035011574074074076901030849740;0.015625000000000000000000000000
-0.038805970149253729561955594818;0.005698778833107191570117588952;0.045861601085481679129784993165;0.002442333785617367691855861267;0.023609226594301219864791008263;0.027679782903663501664182078343;0.004341926729986431837682303581;0.017639077340569877389020447822;0.017096336499321573842991028869;0.028765264586160108756240916250;0.016010854816824966750932190962;0.015468113975576661470179296032;0.021709633649932155718964565949;0.050203527815468114436914248699;0.006784260515603799529538164848;0.018724559023066484481079285729;0.017367706919945727350729214322;0.029579375848032565810008520657;0.014382632293080054378120458125;0.011126187245590231367220468428;0.019267299864314788027108704682;0.013839891451831750832091039172;0.015468113975576661470179296032;0.038805970149253729561955594818;0.043962008141112618453405502805;0.041519674355495250761549641538;0.028765264586160108756240916250;0.013568521031207599059076329695;0.001356852103120759732435285372;0.014382632293080054378120458125;0.011126187245590231367220468428;0.018995929443690637988817471182;0.009226594301221167221394026114;0.007055630936227951302552874324;0.030122116689280869356037939610;0.034735413839891454701458428644;0.017367706919945727350729214322;0.015739484396200813243194005508;0.002442333785617367691855861267;0.023066485753052916318761589309;0.005156037991858887156726432011;0.010583446404341926086467573498;0.000000000000000000000000000000;0.020895522388059702134643913496;0.005156037991858887156726432011;0.019810040705563095042585075589;0.038263229308005429485373127818;0.036363636363636361870099733551;0.035006784260515601270302710191;0.014654002713704206151135167602
-0.028044871794871795850356832602;0.024572649572649572086158187290;0.047809829059829056507879840865;0.014423076923076923877564681220;0.009882478632478632063484980108;0.018162393162393163786871852494;0.004006410256410256054415697236;0.030448717948717948095227470162;0.025908119658119659750594721004;0.026175213675213675895703246965;0.016559829059829059977326792819;0.007211538461538461938782340610;0.018429487179487179931980378456;0.033119658119658119954653585637;0.023504273504273504036277131490;0.012286324786324786043079093645;0.028044871794871795850356832602;0.044871794871794871972792151382;0.029113247863247863900237888402;0.005608974358974358996599018923;0.018162393162393163786871852494;0.024839743589743588231266713251;0.022970085470085471746060079568;0.041933760683760680498810557992;0.025106837606837607845822191166;0.028311965811965811995465358564;0.024305555555555555941049661328;0.026976495726495727800475776803;0.002670940170940170992064377486;0.018162393162393163786871852494;0.006143162393162393021539546822;0.017094017094017095736990796695;0.015491452991452991927445737019;0.004807692307692307959188227073;0.021100427350427351791406493930;0.048878205128205128027207848618;0.012553418803418803922911095583;0.007745726495726495963722868510;0.005608974358974358996599018923;0.019764957264957264126969960216;0.008012820512820512108831394471;0.026709401709401708185920298888;0.000000000000000000000000000000;0.018963675213675212222197430378;0.010416666666666666088425508008;0.016025641025641024217662788942;0.032585470085470087664436533714;0.014690170940170940022673207181;0.023771367521367520181385657452;0.008012820512820512108831394471
-0.039896670493685421066132335000;0.010045924225028703483109104866;0.044202066590126293244011890238;0.002583237657864523653672428338;0.005166475315729047307344856677;0.032146957520091848370391574008;0.005166475315729047307344856677;0.023249138920780711148328379068;0.024110218140068886277793680506;0.024397244546498279144097764970;0.018082663605051663840983522391;0.021239954075774971492540643681;0.024684270952927668540954897480;0.031285878300803676710373224523;0.015786452353616531318891702540;0.019804822043628014099914125268;0.025545350172215843670420198919;0.043628013777267507511403721310;0.017508610792192881577822305417;0.006314580941446612701029028614;0.020665901262916189229379426706;0.014925373134328357924149877078;0.018943742824339838970448823829;0.034156142365097591495626261349;0.032146957520091848370391574008;0.035878300803673934815662960318;0.038461538461538463673505816587;0.006888633754305395831551983576;0.002296211251435132088410950857;0.025258323765786450804116114455;0.022101033295063146622005945119;0.019517795637198621233610040804;0.017508610792192881577822305417;0.007462686567164178962074938539;0.025832376578645236536724283383;0.034443168771526977423036441905;0.017221584385763488711518220953;0.011768082663605052007316231766;0.003157290470723306350514514307;0.017795637198622274444126389881;0.006027554535017221569448420126;0.016647531572904706448357003978;0.000000000000000000000000000000;0.020952927669345578626236559217;0.010619977037887485746270321840;0.014925373134328357924149877078;0.023823191733639493411489596042;0.018656716417910446104144739365;0.033869115958668198629322176885;0.013203214695752009399942750179
-0.027056277056277056036748263068;0.027056277056277056036748263068;0.045454545454545455807071618892;0.001082251082251082250143547903;0.008928571428571428075793292578;0.022997835497835496243457242826;0.002435064935064935008612874157;0.032467532467532464468540354119;0.038690476190476191797884553125;0.017586580086580087811665151776;0.015422077922077922010335448988;0.017586580086580087811665151776;0.017586580086580087811665151776;0.028138528138528139804774852450;0.011093073593073593877122995366;0.012445887445887445985071018129;0.024891774891774891970142036257;0.056818181818181816289392571662;0.018939393939393939919613174538;0.011093073593073593877122995366;0.021103896103896103986219401349;0.029761904761904760252644308594;0.021374458874458875795587786683;0.028679653679653679954064671165;0.028679653679653679954064671165;0.024621212121212120160773650923;0.030573593073593072211302512642;0.016233766233766232234270177059;0.001623376623376623483635539102;0.028138528138528139804774852450;0.013798701298701298093019040891;0.014610389610389610051677244940;0.009469696969696969959806587269;0.008116883116883116117135088530;0.021915584415584415944877605398;0.039772727272727272096464190554;0.014610389610389610051677244940;0.008928571428571428075793292578;0.004599567099567099942580838956;0.026785714285714284227379877734;0.008658008658008658001148383221;0.037337662337662336220489578409;0.000000000000000000000000000000;0.015151515151515151935690539631;0.009469696969696969959806587269;0.015963203463203463894348743679;0.020292207792207792027561197301;0.014880952380952380126322154297;0.033820346320346320045935328835;0.013257575757575757943729222177
-0.030425963488843812965178869945;0.024087221095334686998823414683;0.049695740365111561176458820910;0.021044624746450305702305527689;0.032707910750507100672290761167;0.023073022312373226566650785685;0.002281947261663285972388415246;0.023833671399594320156056781457;0.050202839756592294861992087363;0.022058823529411766134478156687;0.014452332657200811158459963224;0.010141987829614604321726289982;0.012677484787018255402157862477;0.034989858012170388379402652390;0.014705882352941176266503120473;0.010649087221095334537812604481;0.029411764705882352533006240947;0.046399594320486813037174300689;0.011663286004056794969985233479;0.007352941176470588133251560237;0.011409736308316429861942076229;0.025608519269776877647082358180;0.013945233265720080942373648725;0.031186612576064910024031817670;0.027383367139959431668660982950;0.026876267748478701452574668451;0.026876267748478701452574668451;0.015466531440162271590632592222;0.002028397565922920864345257996;0.012677484787018255402157862477;0.007860040567951318349337874736;0.017748478701825557563021007468;0.011916835699797160078028390728;0.008367139959432048565424189235;0.014705882352941176266503120473;0.040314401622718050444138526700;0.013184584178498985618244176976;0.007606490872210953241294717486;0.007352941176470588133251560237;0.023833671399594320156056781457;0.009381338742393508997596818233;0.045638945233265719447768304917;0.000000000000000000000000000000;0.015973630831643003541442382698;0.008367139959432048565424189235;0.016480730223123733757528697197;0.024847870182555780588229410455;0.017748478701825557563021007468;0.029918864097363082749092555446;0.013438133874239350726287334226
-0.036622276029055690627078689658;0.006961259079903147489742920584;0.061138014527845035983588672934;0.005447941888619854330921832286;0.004842615012106537761282787358;0.025423728813559323680415502622;0.003329297820823244602461699060;0.020278450363196125899589716823;0.019975786924939467614770194359;0.028450363196125906528610727264;0.017251815980629539581947540228;0.010895883777239708661843664572;0.023305084745762712217231893419;0.048123486682808719328008351113;0.007566585956416464926743703501;0.018765133171912834475492104502;0.023910411622276028786870938347;0.034806295399515740918161554873;0.015435835351089588138306929466;0.009987893462469733807385097180;0.017857142857142856151586585156;0.016343825665859564727488972835;0.018159806295399514436406107620;0.037227602905569007196717734587;0.035714285714285712303173170312;0.040859564164648913553445908065;0.031476997578692496315699855813;0.004237288135593220324282004441;0.001210653753026634440320696839;0.015738498789346248157849927907;0.009079903147699757218203053810;0.015133171912832929853487407001;0.015738498789346248157849927907;0.011198547215496368681386663013;0.029358353510895884852516246610;0.041162227602905568368818478575;0.016343825665859564727488972835;0.008474576271186440648564008882;0.002723970944309927165460916143;0.024213075060532687071690460812;0.004539951573849878609101526905;0.009079903147699757218203053810;0.000000000000000000000000000000;0.018159806295399514436406107620;0.007566585956416464926743703501;0.015738498789346248157849927907;0.048123486682808719328008351113;0.032082324455205812885338900742;0.028450363196125906528610727264;0.021489104116222759038867806680
-0.027180406212664275783508216477;0.006571087216248506709947996285;0.072281959378733579013598387064;0.000000000000000000000000000000;0.001194743130227001121426710917;0.012843488649940263193749423465;0.003882915173237753807267136352;0.022102747909199523673740017671;0.028673835125448028648964537979;0.038829151732377539807394839499;0.013440860215053763646042561675;0.004480286738351254259560274562;0.012246117084826762741456285255;0.046296296296296293726335591145;0.004181600955794504033413705457;0.013142174432497013419895992570;0.032258064516129031362723367238;0.042413381123058542521153668758;0.007467144563918757388387703600;0.015531660692951015229068545409;0.011051373954599761836870008835;0.023596176821983273069749387219;0.012843488649940263193749423465;0.048984468339307050965825141020;0.025089605734767025935205708720;0.043309438470728794934316852050;0.035244922341696537093636010241;0.001792114695340501790560283624;0.001792114695340501790560283624;0.018219832735961768999111143330;0.007168458781362007162241134495;0.027479091995221027744378261559;0.006869772998805256936094565390;0.005973715651135006257654858075;0.023297491039426524578326294090;0.064814814814814811216869827604;0.012843488649940263193749423465;0.008064516129032257840680841809;0.002389486260454002242853421834;0.028972520908004780609834583061;0.005675029868578256031508288970;0.007765830346475507614534272705;0.000000000000000000000000000000;0.020908004778972519299706789297;0.004480286738351254259560274562;0.016726403823178016133654821829;0.049880525686977296440094420404;0.030764635603345281966713997690;0.034647550776583033171895920077;0.014336917562724014324482268989
-0.026161081716637273053560619474;0.002645502645502645355790605208;0.082304526748971193472748097975;0.000881834215167548451930201736;0.004703115814226925366081655255;0.012051734273956496087953915719;0.002057613168724280010291050047;0.017342739564961788534258602112;0.025573192239858905105975850347;0.034097589653145209120932435098;0.015873015873015872134743631250;0.007054673721340387615441613889;0.013815402704291592991814319191;0.049382716049382713308091297222;0.005584950029394473818011856991;0.015873015873015872134743631250;0.034097589653145209120932435098;0.041446208112874777240719481597;0.006760728982951205376372705302;0.026161081716637273053560619474;0.011169900058788947636023713983;0.025867136978248089079768234910;0.012639623750734862300815208869;0.049382716049382713308091297222;0.033509700176366841173347665972;0.041446208112874777240719481597;0.028512639623750734435558840119;0.014991181657848323682813429514;0.001469723691945914231110625892;0.006760728982951205376372705302;0.002645502645502645355790605208;0.032039976484420931712726599017;0.004409171075837742259651008681;0.009112286890064668493094401924;0.019400352733686065942464438194;0.054085831863609643010981642419;0.014109347442680775230883227778;0.006760728982951205376372705302;0.001175778953556731341520413814;0.021164021164021162846324841667;0.002939447383891828462221251783;0.010288065843621399184093512247;0.000000000000000000000000000000;0.023809523809523808202115446875;0.001469723691945914231110625892;0.018518518518518517490534236458;0.053203997648442094559051440683;0.031452087007642563765141829890;0.028218694885361550461766455555;0.015579071134626689895674722663
-0.030657748049052396116520569080;0.008361204013377926055894384660;0.071906354515050160958189451321;0.000000000000000000000000000000;0.019509476031215160218845738882;0.029542920847268672179808390865;0.001114827201783723503031309221;0.015607580824972129909800067082;0.028149386845039019861003382061;0.027591973244147156157923816977;0.019230769230769231836752908293;0.014214046822742474121548106325;0.011426978818283166014491136764;0.042642140468227424099367794952;0.004738015607580824996303281438;0.012263099219620958099663532437;0.031772575250836120053232747296;0.044035674470457079887619755709;0.013099219620958751919559404087;0.023132664437012263880522056070;0.016722408026755852111788769321;0.019230769230769231836752908293;0.012820512820512820068019621544;0.037904124860646599970426251502;0.035117056856187288393922329988;0.035395763656633223714909064483;0.025083612040133779902406629958;0.009476031215161649992606562876;0.001393534002229654487209353775;0.030936454849498327968060351623;0.007246376811594202986543944434;0.020066889632107023921925303966;0.009476031215161649992606562876;0.006131549609810479049831766218;0.016164994425863991878156156190;0.046265328874024527761044112140;0.013377926421404682036375710652;0.007803790412486064954900033541;0.003344481605351170509093927663;0.024247491638795987817234234285;0.003065774804905239524915883109;0.020345596432552955773465086509;0.000000000000000000000000000000;0.017279821627647715814868334405;0.006131549609810479049831766218;0.015050167224080267941443977975;0.040412486064659976225943438521;0.027591973244147156157923816977;0.028985507246376811946175777734;0.013935340022296544004731799760
-0.025369458128078819364459306485;0.024137931034482758285708570156;0.051477832512315267743385760468;0.004187192118226600555386252012;0.029556650246305417317760344531;0.029064039408866995661817611563;0.006157635467980295852774563770;0.032019704433497539475261817188;0.024384236453201969113679936640;0.014039408866995074440242596836;0.022413793103448275551015100859;0.029556650246305417317760344531;0.016995073891625616518963326484;0.027586206896551723755095508750;0.025862068965517241020402039453;0.010098522167487685580189449297;0.028817733990147784833846245078;0.049014778325123152524778191719;0.020443349753694581988350265078;0.018719211822660099253656795781;0.019211822660098520909599528750;0.019704433497536946034989213672;0.015024630541871921221575014727;0.024137931034482758285708570156;0.023645320197044336629765837188;0.023152709359605911504376152266;0.030049261083743842443150029453;0.023645320197044336629765837188;0.001231527093596059127186825854;0.044581280788177336804611883281;0.006896551724137930938773877187;0.014532019704433497830908805781;0.013054187192118225924186702969;0.005911330049261084157441459297;0.023399014778325122332347518750;0.037931034482758620163256324531;0.009605911330049260454799764375;0.006650246305418719243440772715;0.002216748768472906559040547236;0.024876847290640394239069621563;0.010098522167487685580189449297;0.014532019704433497830908805781;0.000000000000000000000000000000;0.012315270935960591705549127539;0.011083743842364532361521867188;0.015024630541871921221575014727;0.026600985221674876973763090859;0.014532019704433497830908805781;0.023152709359605911504376152266;0.013300492610837438486881545430
-0.040450928381962868163324031912;0.005968169761273209132645956032;0.053713527851458886530622294231;0.000000000000000000000000000000;0.020888594164456233265303453095;0.023209549071618037346942386989;0.003315649867374005459186303568;0.025530503978779841428581320883;0.013262599469496021836745214273;0.027851458885941645510220254778;0.019893899204244031020394345433;0.011604774535809018673471193495;0.018899204244031828775485237770;0.049403183023872677959165145012;0.005305039787798408214281042916;0.018899204244031828775485237770;0.029840848806366046530591518149;0.038793103448275863265326535156;0.013594164456233421428565932843;0.019230769230769231836752908293;0.018236074270557029591843800631;0.013262599469496021836745214273;0.018567639257294429183664519201;0.040450928381962868163324031912;0.033156498673740056326586511659;0.051392572944297082448983360337;0.026525198938992043673490428546;0.000994694960212201594387804171;0.001326259946949602053570260729;0.022214854111405835102033279327;0.004310344827586206836733673242;0.022214854111405835102033279327;0.009615384615384615918376454147;0.006299734748010610459190150578;0.024204244031830239591851494652;0.044098143236074270612245840084;0.017241379310344827346934692969;0.009283819628647214591832259600;0.000331564986737400513392565182;0.018236074270557029591843800631;0.004310344827586206836733673242;0.006962864721485411377555063694;0.000000000000000000000000000000;0.022877984084880637755121668420;0.000994694960212201594387804171;0.020888594164456233265303453095;0.039124668435013262857147253726;0.030172413793103449591859188672;0.034151193633952255102048667368;0.018899204244031828775485237770
-0.025573192239858905105975850347;0.018812463256907701464326621021;0.060846560846560843183183919791;0.008524397413286302280233108775;0.009700176366843032971232219097;0.028512639623750734435558840119;0.004997060552616108472512301830;0.017636684303350969038604034722;0.037918871252204583432998674652;0.019400352733686065942464438194;0.013521457965902410752745410605;0.020282186948853614394394639930;0.019106407995296885438119005585;0.032921810699588480164656800753;0.015873015873015872134743631250;0.012639623750734862300815208869;0.026455026455026453557906052083;0.049382716049382713308091297222;0.017342739564961788534258602112;0.014991181657848323682813429514;0.013815402704291592991814319191;0.030570252792475015313211628154;0.021751910640799530793909610793;0.028512639623750734435558840119;0.029394473838918282887489041855;0.024691358024691356654045648611;0.021457965902410346820117226230;0.019694297472075249916256822758;0.002939447383891828462221251783;0.029100529100529098913696657291;0.019400352733686065942464438194;0.014991181657848323682813429514;0.012345679012345678327022824305;0.007936507936507936067371815625;0.022927689594356259750185245139;0.036743092298647854476723040307;0.009700176366843032971232219097;0.011169900058788947636023713983;0.007642563198118753828302907039;0.033509700176366841173347665972;0.005291005291005290711581210417;0.023515579071134627697770014265;0.000000000000000000000000000000;0.013815402704291592991814319191;0.010875955320399765396954805396;0.009700176366843032971232219097;0.026161081716637273053560619474;0.016754850088183420586673832986;0.025867136978248089079768234910;0.015285126396237507656605814077
-0.016129032258064515681361683619;0.010454002389486259649853394649;0.074074074074074069962136945833;0.017025089605734768094524866910;0.008661887694145758292973980019;0.008363201911589008066827410914;0.007168458781362007162241134495;0.014038231780167264098335699885;0.080346475507765829915385324966;0.022102747909199523673740017671;0.009557945041816008971413687334;0.006571087216248506709947996285;0.010454002389486259649853394649;0.032556750298685779854146460366;0.009856630824372759197560256439;0.011051373954599761836870008835;0.040621266427718037694827302175;0.049283154121863799457248234148;0.011051373954599761836870008835;0.017025089605734768094524866910;0.007765830346475507614534272705;0.076762246117084820262732591800;0.017921146953405017038241098248;0.024790919952210273974335663638;0.019713261648745518395120512878;0.021206690561529271260576834379;0.019414575866188769903697419750;0.022998805256869772617456249009;0.002688172043010752902680859933;0.009259259259259258745267118229;0.004778972520908004485706843667;0.022401433691756272165163110799;0.005376344086021505805361719865;0.007467144563918757388387703600;0.018219832735961768999111143330;0.031660692951015534379877180982;0.011051373954599761836870008835;0.006571087216248506709947996285;0.044802867383512544330326221598;0.034348864994026284680472826949;0.005376344086021505805361719865;0.028375149342891276688094492897;0.000000000000000000000000000000;0.009856630824372759197560256439;0.006571087216248506709947996285;0.010155316606929509423706825544;0.026284348864994026839791985140;0.015232974910394265002921976304;0.022102747909199523673740017671;0.010454002389486259649853394649
-0.033832140533506832591470470106;0.006506180871828236636500442103;0.076772934287573188494313569663;0.000000000000000000000000000000;0.003903708523096942155372612859;0.018542615484710475021179476585;0.002277163305139882996247502334;0.015289525048796355835567517545;0.055627846454131421594091477800;0.028627195836044241894491335643;0.012361743656473649435878492397;0.009108653220559531984990009335;0.012361743656473649435878492397;0.045217957059206247139027112780;0.003578399479505530236811416955;0.018217306441119063969980018669;0.039362394274560834339649062485;0.039037085230969423288449604570;0.005855562784645412799378050295;0.019193233571893297123578392416;0.011060507482108001761633708782;0.041639557579700718636939171802;0.013337670787247886058923818098;0.033506831489915421540271012191;0.028301886792452830843291877727;0.026675341574495772117847636196;0.019843851659076122695424260201;0.010409889394925179659234792950;0.001626545217957059159125110526;0.017891997397527652918780560753;0.008458035133376708147867617527;0.025699414443721535494802310495;0.004229017566688354073933808763;0.007156798959011060473622833911;0.014638906961613531998445125737;0.049121665582303186692314511674;0.012687052700065062221801426290;0.013337670787247886058923818098;0.019518542615484711644224802285;0.025048796356538713392403394664;0.005530253741054000880816854391;0.024072869225764476769358068964;0.000000000000000000000000000000;0.014964216005204944784368059629;0.002927781392322706399689025147;0.013337670787247886058923818098;0.047169811320754720385117764181;0.025374105400130124443602852580;0.024072869225764476769358068964;0.012687052700065062221801426290
-0.025101214574898784992473821376;0.005128205128205128200680196215;0.088259109311740885361885489147;0.000000000000000000000000000000;0.001619433198380566731738872122;0.014844804318488528591113428945;0.005398110661268555772462907072;0.016194331983805668184750459204;0.036167341430499322374458870399;0.033468286099865046656631761834;0.015114709851551956162896139801;0.004588394062078272189753036514;0.010796221322537111544925814144;0.052091767881241562987426618747;0.007017543859649122937882648188;0.014035087719298245875765296375;0.048043184885290149410685955900;0.046963562753036439123555112474;0.004858299595141700628897485359;0.018353576248313088759012146056;0.011066126855600539116708525000;0.031309041835357626082370074982;0.015114709851551956162896139801;0.049662618083670714841382221039;0.018623481781376519800241808866;0.035897435897435894802676159543;0.024831309041835357420691110519;0.002429149797570850314448742679;0.002429149797570850314448742679;0.016194331983805668184750459204;0.005937921727395411783390066773;0.033738191632928474228414472691;0.008906882591093116807723362172;0.004858299595141700628897485359;0.018353576248313088759012146056;0.056410256410256411074843896358;0.015114709851551956162896139801;0.007287449392712550509665359044;0.000809716599190283365869436061;0.025371120107962212564256532232;0.003238866396761133463477744243;0.019163292847503374943807230579;0.000000000000000000000000000000;0.020782726045883940374503495718;0.001889338731443994520362017475;0.015384615384615385469402326635;0.049932523616734142413164931895;0.026450742240215922851387375658;0.019703103913630230087372652292;0.011066126855600539116708525000
-0.026794258373205741968758886173;0.006060606060606060600803868255;0.073046251993620414655339345700;0.000637958532695374782965636040;0.016905901116427431152278160198;0.018181818181818180935049866775;0.003508771929824561468941324094;0.017862838915470493489356940131;0.014673046251993620767151149664;0.037639553429027111652871440128;0.012440191387559808647300663154;0.012121212121212121201607736509;0.013716108452950558430072369731;0.045295055821371610349501679593;0.007336523125996810383575574832;0.017224880382775118597971086842;0.025837320574162679631680106240;0.031259968102073362739012907241;0.016586921850079743706585233554;0.028389154704944179197223519395;0.014354066985645933321458223020;0.018181818181818180935049866775;0.021052631578947367946286206575;0.047208931419457735023659239459;0.025837320574162679631680106240;0.037001594896331736761485586840;0.025199362041467304740294252952;0.012759170653907496092993589798;0.001275917065390749565931272080;0.015948963317384368815199380265;0.010845295055821371418836029932;0.029665071770334928979995225973;0.008612440191387559298985543421;0.006698564593301435492189721543;0.017543859649122806043664013487;0.051355661881977668348220333883;0.016905901116427431152278160198;0.007017543859649122937882648188;0.000956937799043062228658562685;0.022009569377990430283364986508;0.005103668261562998263725088322;0.007336523125996810383575574832;0.000000000000000000000000000000;0.022647527910685805174750839797;0.008612440191387559298985543421;0.020095693779904305609207426642;0.046570972886762360132273386171;0.026475279106858054523065959529;0.029665071770334928979995225973;0.017543859649122806043664013487
-0.029473684210526315124800689205;0.009824561403508772286508055060;0.066315789473684216837057192606;0.001403508771929824457472268939;0.005964912280701754540568337859;0.023859649122807018162273351436;0.001754385964912280734470662047;0.023508771929824562318955827322;0.020701754385964912102968682461;0.031929824561403509497470309952;0.011578947368421053237819151605;0.020000000000000000416333634234;0.011578947368421053237819151605;0.040000000000000000832667268469;0.015438596491228070983758868806;0.012982456140350876611089248058;0.024561403508771929848908399663;0.038245614035087721616079647902;0.028771929824561403438165640978;0.025263157894736841535543447890;0.014035087719298245875765296375;0.017543859649122806043664013487;0.016842105263157894357028965260;0.037192982456140354086127075561;0.027719298245614035908213068637;0.031578947368421053654152785839;0.033333333333333332870740406406;0.011578947368421053237819151605;0.001754385964912280734470662047;0.020000000000000000416333634234;0.015789473684210526827076392919;0.023508771929824562318955827322;0.015438596491228070983758868806;0.002807017543859648914944537879;0.017894736842105261886981537600;0.055789473684210527659743661388;0.017192982456140350200346489373;0.006666666666666667094565124074;0.002456140350877193071627013765;0.021052631578947367946286206575;0.005964912280701754540568337859;0.009473684210526316443190530947;0.000000000000000000000000000000;0.016140350877192982670393917033;0.013333333333333334189130248149;0.012280701754385964924454199831;0.043508771929824559265842509603;0.023508771929824562318955827322;0.029122807017543859281483165091;0.013333333333333334189130248149
-0.023765432098765432861187107960;0.016049382716049383906797842769;0.051851851851851850361274642864;0.006790123456790123426807248563;0.017901234567901234961961876024;0.022839506172839505598881615356;0.011111111111111111535154627461;0.027469135802469134971515174470;0.030555555555555554553270880547;0.022530864197530864334595435139;0.018209876543209876226248056241;0.014197530864197531116910333537;0.020370370370370372015145221667;0.033333333333333332870740406406;0.017592592592592593697675695807;0.010185185185185186007572610833;0.025617283950617283916351141215;0.032407407407407405608434913802;0.033950617283950615399312766840;0.020370370370370372015145221667;0.030555555555555554553270880547;0.025308641975308642652064960998;0.025308641975308642652064960998;0.025925925925925925180637321432;0.023456790123456791596900927743;0.022530864197530864334595435139;0.028395061728395062233820667075;0.023456790123456791596900927743;0.001851851851851851922525771243;0.032098765432098767813595685539;0.005864197530864197899225231936;0.014506172839506172381196513754;0.012345679012345678327022824305;0.005864197530864197899225231936;0.027160493827160493707228994253;0.036111111111111107718762980312;0.013271604938271605589328316910;0.008333333333333333217685101602;0.004012345679012345976699460692;0.028086419753086420969534486858;0.011111111111111111535154627461;0.015432098765432097908778530382;0.000000000000000000000000000000;0.015432098765432097908778530382;0.011419753086419752799440807678;0.019444444444444444752839729063;0.028703703703703703498106847292;0.012345679012345678327022824305;0.026234567901234566444923501649;0.008333333333333333217685101602
-0.028461784457946913418080470137;0.018867924528301886072378934500;0.050527662296130475272359916517;0.023025263831148064241904904748;0.023025263831148064241904904748;0.015030380556443876521877101027;0.004157339302846178169525970247;0.017588743204349215065729339358;0.037416053725615606995180684180;0.022705468500159899092327719927;0.012791813239526703127602047516;0.014710585225455707902852964253;0.014390789894467541018552303456;0.029421170450911415805705928506;0.024944035817077069017155821484;0.012472017908538534508577910742;0.032938919091781260206630577159;0.049248480972177807735157273328;0.014710585225455707902852964253;0.019187719859290054691403071274;0.011832427246562200739976589148;0.024944035817077069017155821484;0.022065877838183561854279446379;0.029101375119923250656128743685;0.022705468500159899092327719927;0.024624240486088903867578636664;0.020786696514230890847629851237;0.031020147105852255431379660422;0.001279181323952670356128291651;0.015030380556443876521877101027;0.009593859929645027345701535637;0.022385673169171730473303583153;0.011192836584585865236651791577;0.005756315957787016060476226187;0.020786696514230890847629851237;0.043492165014390786470510619210;0.017268947873361049916152154537;0.008314678605692356339051940495;0.005116725295810681424513166604;0.027822193795970579649479148543;0.006076111288775183812138624972;0.023984649824112566629530363116;0.000000000000000000000000000000;0.014070994563479372399528166682;0.013431403901503038630926845087;0.012152222577550367624277249945;0.027822193795970579649479148543;0.021746082507195393235255309605;0.029421170450911415805705928506;0.010553245922609529733326994005
-0.033730158730158728286330216406;0.009353741496598639432180632980;0.061507936507936504522131571093;0.000000000000000000000000000000;0.020408163265306120820463675614;0.032029478458049889799674758706;0.002267573696145124776540891176;0.021258503401360543533238356417;0.018707482993197278864361265960;0.025226757369614511566924264230;0.016723356009070294847518312054;0.018140589569160998212327129409;0.029195011337868479600610172042;0.034863945578231289590398489509;0.005952380952380952050528861719;0.015873015873015872134743631250;0.029478458049886621661350716295;0.033730158730158728286330216406;0.012755102040816326813832404241;0.013321995464852607465866540792;0.012755102040816326813832404241;0.019841269841269840168429539062;0.015873015873015872134743631250;0.037698412698412696320016124218;0.034297052154195012407811304911;0.033446712018140589695036624107;0.026077097505668934279698945033;0.002834467120181405862255896722;0.000283446712018140597067611397;0.026360544217687076340439489286;0.016439909297052152786777767801;0.028628117913832198948576035491;0.011337868480725623449023586886;0.006235827664399093243907667983;0.033163265306122451103743031808;0.058956916099773243322701432589;0.017573696145124717560292992857;0.007086167800453515089320610798;0.001700680272108843473985451134;0.014172335600907030178641221596;0.004251700680272109227064714077;0.011054421768707483123006518611;0.000000000000000000000000000000;0.017857142857142856151586585156;0.003401360544217686947970902267;0.013888888888888888117900677344;0.034863945578231289590398489509;0.024376417233560092323596535380;0.035430839002267573711879578013;0.015589569160997731808726562974
-0.028688524590163935051867483139;0.016393442622950820525273840644;0.048887587822014050287222630686;0.009367681498829039804521201518;0.016393442622950820525273840644;0.026932084309133488136955847381;0.004391100702576112083108661466;0.029274004683840750690171361725;0.022248243559718969969418722599;0.020199063231850118704802099501;0.015807962529274004886969962058;0.011124121779859484984709361299;0.015515222482435597067818022765;0.039812646370023421771300320415;0.014637002341920375345085680863;0.012587822014051522345745581788;0.032201405152224825412243802703;0.045960187353629979034597141663;0.019613583138173303066498220915;0.021370023419203746511962904719;0.021370023419203746511962904719;0.019028103044496487428194342328;0.021955503512880562150266783306;0.030737704918032786316484106237;0.031030444964871194135636045530;0.026346604215456675968098920748;0.033957845433255272327155438461;0.019028103044496487428194342328;0.000585480093676814987782575095;0.017857142857142856151586585156;0.008782201405152224166217322932;0.020784543325526930873659026133;0.014051522248243559706781802277;0.006440281030444965082448760541;0.023711943793911005595731467110;0.040690866510538638289862234387;0.012880562060889930164897521081;0.007025761124121779853390901138;0.000585480093676814987782575095;0.021077283372365338692810965426;0.007611241217798594624333041736;0.015222482435597189248666083472;0.000000000000000000000000000000;0.017857142857142856151586585156;0.012295081967213114526593642495;0.012002341920374706707441703202;0.028103044496487119413563604553;0.024882903981264636872339224283;0.037177985948477751398932866778;0.015515222482435597067818022765
-0.038305084745762711662120381106;0.005084745762711864042193710134;0.060677966101694916223330267258;0.000000000000000000000000000000;0.001355932203389830599180032600;0.024745762711864405236639186114;0.003050847457627118685524747477;0.021016949152542374612551157043;0.017627118644067796271457382318;0.034576271186440681038032352035;0.016271186440677966322798653209;0.017966101694915255493345540572;0.012542372881355932229263672184;0.046440677966101698292966659665;0.004406779661016949067864345579;0.021355932203389830364992363343;0.021694915254237289586880521597;0.030847457627118643475050419056;0.010508474576271187306275578521;0.018305084745762711245786746872;0.015932203389830507100910494955;0.021016949152542374612551157043;0.010847457627118644793440260798;0.040338983050847460054555426723;0.036271186440677963269685335490;0.049152542372881358190284117882;0.024406779661016949484197979814;0.018305084745762711245786746872;0.001355932203389830599180032600;0.017288135593220340519016176017;0.013559322033898304690757719015;0.020677966101694915390662998789;0.006101694915254237371049494953;0.008813559322033898135728691159;0.021694915254237289586880521597;0.049152542372881358190284117882;0.021355932203389830364992363343;0.013898305084745762177922401293;0.001694915254237288086344714877;0.022372881355932204561209886151;0.002711864406779661198360065200;0.007457627118644068187069962050;0.000000000000000000000000000000;0.026440677966101694407186073477;0.001694915254237288086344714877;0.025762711864406779432856708922;0.043389830508474579173761043194;0.027457627118644068603403596285;0.024067796610169490262309821560;0.020000000000000000416333634234
-0.026721763085399450471379978467;0.019559228650137740201930824924;0.071074380165289260946615002013;0.004683195592286501333922910106;0.005785123966942148400482981430;0.016253443526170797267527134977;0.002203856749311294566801011641;0.020661157024793389003214372224;0.040220385674931129205145197147;0.023966942148760331937618062170;0.018181818181818180935049866775;0.014325068870523415334727879156;0.015977961432506886801929724129;0.043801652892561986074593249896;0.012947658402203856067846921007;0.012396694214876033401928623334;0.030027548209366389936336716460;0.046556473829201104608355166192;0.009641873278236914868166707038;0.022865013774104683136334514870;0.011294765840220386335368552011;0.025068870523415977269454657517;0.020661157024793389003214372224;0.033884297520661153801935228103;0.022589531680440772670737104022;0.028374655647382920203858347463;0.029752066115702479470739305611;0.027823691460055095803216573813;0.001652892561983471033520975979;0.014325068870523415334727879156;0.009366391184573002667845820213;0.017079889807162535603213271429;0.014325068870523415334727879156;0.006611570247933884134083903916;0.022038567493112948270095330372;0.038016528925619831602578102547;0.014325068870523415334727879156;0.006887052341597796334404790741;0.004407713498622589133602023281;0.025344352617079891204499020319;0.005234159779614324867202945768;0.021487603305785123869453556722;0.000000000000000000000000000000;0.014049586776859504869130468308;0.004683195592286501333922910106;0.014049586776859504869130468308;0.044628099173553717471385482440;0.021212121212121213403856145874;0.027548209366391185337619162965;0.015426997245179064136011426456
-0.024601734220608992981249585341;0.018148820326678766906569606476;0.055051421657592254643720508511;0.023391812865497074724885351316;0.025408348457350272975308058676;0.018350473885864086037722486822;0.002419842710223835645366730063;0.032869530147207101644646343175;0.028433151845130066881495167763;0.020770316596087922550450954873;0.014922363379713652134506141067;0.017947166767493447775416726131;0.011292599314377899100136914967;0.035894333534986895550833452262;0.018955434563420043431181127858;0.015325670498084290396811901758;0.023996773543053035587790944305;0.040532365396249242506243604112;0.028836458963500705143800928454;0.016535591853196210387899611760;0.020367009477717280818698242228;0.020165355918531961687545361883;0.017342206089937486912511133141;0.031457955232909860787682276850;0.030248033877797942531318042825;0.026618269812462191231672292702;0.033474490824763059038104984211;0.018350473885864086037722486822;0.000604960677555958911341682516;0.023795119983867716456638063960;0.008872756604154062587408446916;0.018350473885864086037722486822;0.012099213551119177359471912325;0.006251260334744908678250574496;0.016333938294010887787299779461;0.035894333534986895550833452262;0.013510788465416414746989026696;0.006856221012300866939070953521;0.005646299657188949550068457484;0.019762048800161323425239601193;0.009074410163339383453284803238;0.018753781004234724300028247512;0.000000000000000000000000000000;0.014317402702157693006324024054;0.020367009477717280818698242228;0.010687638636821939971954797954;0.031457955232909860787682276850;0.015930631175640249524994018770;0.029643073200241985137859401789;0.010082677959265980843772680942
-0.023809523809523808202115446875;0.023515579071134627697770014265;0.052028218694885358663881902430;0.010582010582010581423162420833;0.019400352733686065942464438194;0.021457965902410346820117226230;0.006760728982951205376372705302;0.032039976484420931712726599017;0.041446208112874777240719481597;0.019400352733686065942464438194;0.017048794826572604560466217549;0.024397413286302176149700216001;0.007936507936507936067371815625;0.023515579071134627697770014265;0.021457965902410346820117226230;0.019106407995296885438119005585;0.027630805408583185983628638382;0.054085831863609643010981642419;0.022633744855967079245839812529;0.009406231628453850732163310511;0.018224573780129336986188803849;0.023221634332745443723977629702;0.022339800117577895272047427966;0.024103468547912992175907831438;0.029100529100529098913696657291;0.021751910640799530793909610793;0.032039976484420931712726599017;0.018224573780129336986188803849;0.002057613168724280010291050047;0.024103468547912992175907831438;0.018224573780129336986188803849;0.014109347442680775230883227778;0.012639623750734862300815208869;0.007936507936507936067371815625;0.016166960611405056108536015813;0.036155202821869486529138271180;0.014697236919459141443744520927;0.005878894767783656924442503566;0.003233392122281011134971029364;0.018812463256907701464326621021;0.007936507936507936067371815625;0.033509700176366841173347665972;0.000000000000000000000000000000;0.014991181657848323682813429514;0.012639623750734862300815208869;0.013521457965902410752745410605;0.022633744855967079245839812529;0.010288065843621399184093512247;0.026455026455026453557906052083;0.017342739564961788534258602112
-0.022097902097902098750292765317;0.029090909090909090883858567622;0.046713286713286714113557707151;0.005314685314685314680704930623;0.019020979020979020962522909599;0.014545454545454545441929283811;0.004755244755244755240630727400;0.028531468531468533178507840375;0.035804195804195804164749006304;0.022937062937062938777765808140;0.015104895104895104882003487035;0.011188811188811188801484064470;0.013426573426573426561780877364;0.024895104895104894215940305457;0.025454545454545455390737984658;0.011468531468531469388882904070;0.033846153846153845257127557034;0.055944055944055944007420322350;0.013146853146853147709105513741;0.013426573426573426561780877364;0.014265734265734266589253920188;0.022097902097902098750292765317;0.019300699300699299815198273222;0.027412587412587414298359433928;0.017062937062937062054901460328;0.023776223776223775335791899010;0.031608391608391607496830744140;0.055664335664335665154744958727;0.002797202797202797200371016118;0.010629370629370629361409861247;0.009510489510489510481261454800;0.023496503496503496483116535387;0.014825174825174826029328123411;0.005874125874125874120779133847;0.018461538461538463257172182352;0.048391608391608394168503792798;0.012587412587412588269031310517;0.007832167832167832161038845129;0.006433566433566433560853337070;0.019860139860139860989995952423;0.008671328671328672188511887953;0.031608391608391607496830744140;0.000000000000000000000000000000;0.018181818181818180935049866775;0.008391608391608391601113048353;0.020699300699300701017468995246;0.024335664335664336510589578211;0.011468531468531469388882904070;0.026293706293706295418211027481;0.011748251748251748241558267694
-0.025283797729618164712439565278;0.014189886480908152355251417021;0.075077399380804960005164616632;0.011867905056759546489342227460;0.013673890608875128443999713568;0.013415892672858616488373861841;0.005933952528379773244671113730;0.025283797729618164712439565278;0.022187822497420021244929344562;0.026057791537667698844593644480;0.015221878224974200177754823926;0.009029927760577914977457858470;0.008771929824561403021832006743;0.039731682146542830758040310002;0.015479876160990712133380675652;0.015995872033023734309908903128;0.037667698658410735113033496191;0.049535603715170281602375723651;0.017543859649122806043664013487;0.018833849329205367556516748095;0.014963880288957688222128972200;0.022961816305469555377083423764;0.015221878224974200177754823926;0.037151702786377707732334840784;0.023993808049535603199586830669;0.026057791537667698844593644480;0.027089783281733746667097051386;0.015221878224974200177754823926;0.002837977296181630644522631002;0.015737874097007224089006527379;0.011093911248710010622464672281;0.031217750257997934487663727054;0.012125902992776058444968079186;0.005675954592363261289045262004;0.024767801857585140801187861825;0.044117647058823532268956313374;0.012899896800825592577122158389;0.009287925696594426933083710196;0.006191950464396285200296965456;0.026315789473684209065496020230;0.010061919504643962799961265375;0.012899896800825592577122158389;0.000000000000000000000000000000;0.015221878224974200177754823926;0.009287925696594426933083710196;0.015221878224974200177754823926;0.031217750257997934487663727054;0.017027863777089782132412310034;0.031217750257997934487663727054;0.012125902992776058444968079186
-0.024585921325051759978030929688;0.007763975155279503014005282324;0.081004140786749487257445423438;0.010093167701863354004943040820;0.018115942028985507900040730078;0.016563146997929607817656716406;0.002070393374741200977207089551;0.020186335403726708009886081641;0.023291925465838508174654108984;0.033643892339544512193327818750;0.012163561076604554114788392383;0.009834368530020703991212371875;0.009057971014492753950020365039;0.040890269151138719516680453125;0.006987577639751552972813275488;0.018115942028985507900040730078;0.034420289855072463969243301563;0.042184265010351967850610321875;0.011387163561076604073596385547;0.014233954451345755959357219922;0.012422360248447204128519061328;0.025362318840579711753946412500;0.015527950310559006028010564648;0.047619047619047616404230893750;0.030797101449275363777013936328;0.034161490683229815690236108594;0.027173913043478260115337619141;0.004658385093167701981875516992;0.002329192546583850990937758496;0.007763975155279503014005282324;0.012939958592132505890703875195;0.034679089026915112248250494531;0.007246376811594202986543944434;0.008022774327122153895097689258;0.022515527950310559868185578125;0.060300207039337472281204100000;0.010869565217391304046135047656;0.008540372670807453922559027149;0.002070393374741200977207089551;0.026138716356107660060414943359;0.005434782608695652023067523828;0.010869565217391304046135047656;0.000000000000000000000000000000;0.020445134575569359758340226563;0.004140786749482401954414179102;0.016045548654244307790195378516;0.038302277432712215909926811719;0.023291925465838508174654108984;0.027691511387163560142798957031;0.016045548654244307790195378516
-0.022161505768063145815904846359;0.014875531268973892634610578511;0.053734061930783241778364356378;0.000000000000000000000000000000;0.005464480874316939885970700885;0.022465088038858532087926889176;0.006678809957498482371973658189;0.019732847601700059109175455774;0.043715846994535519087765607082;0.022465088038858532087926889176;0.012750455373406193934626706721;0.016697024893746206797295883462;0.021554341226472373271860760724;0.027625986642380084834513809255;0.008500303582270794799935487163;0.013661202185792349281245883219;0.030358227079538554343818290704;0.050091074681238613452993746478;0.012143290831815421390582621086;0.014571948998178506362588535694;0.014875531268973892634610578511;0.038554948391013962871731735049;0.037037037037037034981068472916;0.024590163934426229053187284990;0.023072252580449301162524022857;0.019125683060109290034578322093;0.025197328476017001597231370624;0.006678809957498482371973658189;0.002732240437158469942985350443;0.017607771706132362143915059960;0.017911353976927748415937102777;0.019732847601700059109175455774;0.011232544019429266043963444588;0.006982392228293867776633963018;0.030054644808743168071796247887;0.035519125683060107090405210784;0.015482695810564663443931188169;0.013964784456587735553267926036;0.017911353976927748415937102777;0.041894353369763208394527254086;0.010321797207043108962620792113;0.021554341226472373271860760724;0.000000000000000000000000000000;0.019429265330904676306600364910;0.003946569520340011995307438752;0.019125683060109290034578322093;0.020643594414086217925241584226;0.014571948998178506362588535694;0.037644201578627807525112558551;0.013357619914996964743947316379
-0.024938423645320197813424201172;0.009544334975369458615168660742;0.080665024630541870553912531250;0.000615763546798029563593412927;0.027093596059113302099152775781;0.021859605911330050320717788281;0.001847290640394088582360021533;0.018472906403940888425685429297;0.036637931034482755510151008593;0.025246305418719212215750147266;0.008620689655172413673467346484;0.010467980295566501822146499023;0.013546798029556651049576387891;0.034174876847290640291543439844;0.004310344827586206836733673242;0.013238916256157634912526965820;0.036945812807881776851370858594;0.045258620689655172653065307031;0.006773399014778325524788193945;0.015701970443349755335304962500;0.013238916256157634912526965820;0.032327586206896553877587763282;0.017857142857142856151586585156;0.048953201970443352419870564063;0.031711822660098525072935871094;0.025554187192118226618076093359;0.026477832512315269825053931640;0.004926108374384236508747303418;0.001847290640394088582360021533;0.014778325123152708658880172266;0.011083743842364532361521867188;0.028017241379310345306130614063;0.006773399014778325524788193945;0.008928571428571428075793292578;0.022475369458128079125369680469;0.054187192118226604198305551563;0.013854679802955665451902333984;0.008620689655172413673467346484;0.004618226600985222106421357324;0.031096059113300492798837026953;0.007081280788177339927114140039;0.024938423645320197813424201172;0.000000000000000000000000000000;0.015394088669950739198255540430;0.004310344827586206836733673242;0.010775862068965517959195921094;0.034174876847290640291543439844;0.018472906403940888425685429297;0.028017241379310345306130614063;0.013546798029556651049576387891
-0.018973214285714284227379877734;0.006696428571428571056844969434;0.084263392857142863090480489063;0.001395089285714285745262919214;0.019531250000000000000000000000;0.015066964285714285962103353711;0.001953125000000000000000000000;0.018136160714285715772620122266;0.047433035714285712303173170312;0.033761160714285712303173170312;0.012834821428571428075793292578;0.013113839285714285962103353711;0.009765625000000000000000000000;0.042689732142857143848413414844;0.004185267857142857018948323145;0.015345982142857142113689938867;0.042131696428571431545240244532;0.044921875000000000000000000000;0.006696428571428571056844969434;0.016462053571428571924206707422;0.010044642857142857886310061133;0.034040178571428568454759755468;0.011439732142857142113689938867;0.047433035714285712303173170312;0.021763392857142856151586585156;0.028738839285714284227379877734;0.023158482142857143848413414844;0.003627232142857142981051676855;0.002232142857142857018948323145;0.009207589285714285962103353711;0.006696428571428571056844969434;0.033482142857142856151586585156;0.005580357142857142981051676855;0.005301339285714285962103353711;0.020926339285714284227379877734;0.052734375000000000000000000000;0.010602678571428571924206707422;0.007533482142857142981051676855;0.005859375000000000000000000000;0.036830357142857143848413414844;0.006417410714285714037896646289;0.019252232142857143848413414844;0.000000000000000000000000000000;0.021484375000000000000000000000;0.001674107142857142764211242358;0.014508928571428571924206707422;0.042689732142857143848413414844;0.021763392857142856151586585156;0.030691964285714284227379877734;0.008928571428571428075793292578
-0.027093596059113302099152775781;0.011822660098522168314882918594;0.091379310344827588408200824688;0.000000000000000000000000000000;0.005665024630541871594746616836;0.018472906403940888425685429297;0.000738916256157635519680182412;0.014285714285714285268213963320;0.045073891625615765399448520157;0.029556650246305417317760344531;0.011576354679802955752188076133;0.016995073891625616518963326484;0.011330049261083743189493233672;0.037192118226600984209895273125;0.007142857142857142634106981660;0.019704433497536946034989213672;0.044581280788177336804611883281;0.050246305418719210134081976094;0.007635467980295566892134928594;0.016256157635467980565602275078;0.009359605911330049626828397891;0.029064039408866995661817611563;0.009852216748768473017494606836;0.039655172413793106367396745782;0.022413793103448275551015100859;0.024137931034482758285708570156;0.017487684729064038174906059453;0.009113300492610837064133555430;0.003201970443349753774053834121;0.017241379310344827346934692969;0.019704433497536946034989213672;0.031034482758620689224482447344;0.006157635467980295852774563770;0.008128078817733990282801137539;0.014532019704433497830908805781;0.059359605911330048932939007500;0.013546798029556651049576387891;0.010837438423645319798827024727;0.003940886699507388860053147539;0.026354679802955666145791724375;0.008620689655172413673467346484;0.023891625615763547457737203672;0.000000000000000000000000000000;0.017241379310344827346934692969;0.002955665024630542078720729648;0.012807881773399015096215336484;0.034729064039408868991287704375;0.022906403940886700676404785781;0.023399014778325122332347518750;0.011576354679802955752188076133
-0.026785714285714284227379877734;0.007776497695852534718097270883;0.075748847926267279251355546421;0.000000000000000000000000000000;0.001152073732718894008217325187;0.013824884792626728965969640228;0.003744239631336405364075980984;0.020161290322580644601702104524;0.039746543778801844692960543171;0.037730414746543781967513808695;0.013536866359447004976024331313;0.005472350230414746267981751515;0.011520737327188940515854120861;0.048387096774193547044085050857;0.003744239631336405364075980984;0.010368663594470046290796361177;0.042050691244239629673629110584;0.043202764976958525633410346245;0.007200460829493087605568391041;0.016993087557603685916474134387;0.010944700460829492535963503030;0.032546082949308753617945200176;0.014112903225806451221191473167;0.047523041474654380278419552042;0.026209677419354839716936211858;0.033410138248847927322504602898;0.024193548387096773522042525428;0.020161290322580644601702104524;0.001152073732718894008217325187;0.006336405529953917370455940272;0.004896313364055299155452871673;0.034562211981566823282285838559;0.005760368663594470257927060430;0.006624423963133640493039511199;0.022177419354838710796595790953;0.065668202764976951746334066229;0.014400921658986175211136782082;0.006048387096774193380510631357;0.003744239631336405364075980984;0.024193548387096773522042525428;0.004320276497695852910285729820;0.023041474654377881031708241721;0.000000000000000000000000000000;0.023329493087557603286930074660;0.001152073732718894008217325187;0.015264976958525345446249232850;0.037730414746543781967513808695;0.023329493087557603286930074660;0.025057603686635943757154976197;0.012960829493087556996133713483
-0.025344352617079891204499020319;0.009366391184573002667845820213;0.087327823691460054744695185036;0.000000000000000000000000000000;0.004132231404958677800642874445;0.015151515151515151935690539631;0.003030303030303030300401934127;0.017906336088154270469452455927;0.032231404958677684069456859106;0.032782369146005511939545584710;0.013774104683195592668809581482;0.016528925619834711202571497779;0.010192837465564737534085004711;0.042975206611570247738907113444;0.008539944903581267801606635715;0.017079889807162535603213271429;0.037190082644628100205785870003;0.053719008264462811408357367782;0.010468319559228649734405891536;0.018457300275482094870094229577;0.010192837465564737534085004711;0.025619834710743801670096431167;0.012947658402203856067846921007;0.043250688705234158204504524292;0.028650137741046830669455758311;0.034435261707988981672023953706;0.023966942148760331937618062170;0.008539944903581267801606635715;0.001101928374655647283400505820;0.008539944903581267801606635715;0.009641873278236914868166707038;0.034710743801652892137621364554;0.007438016528925619867684826403;0.006887052341597796334404790741;0.019283746556473829736333414075;0.060055096418732779872673432919;0.014876033057851239735369652806;0.007713498622589532068005713228;0.002754820936639118533761916296;0.019008264462809915801289051274;0.006336088154269972801124755080;0.017630853994490356534408093125;0.000000000000000000000000000000;0.016528925619834711202571497779;0.002754820936639118533761916296;0.016804407713498621668168908627;0.037190082644628100205785870003;0.023415977961432507536976288520;0.030853994490358128272022852912;0.012672176308539945602249510159
-0.026785714285714284227379877734;0.009438775510204082050402796256;0.088265306122448983217054774286;0.000000000000000000000000000000;0.000510204081632653107247765689;0.016581632653061225551871515904;0.002551020408163265102557959452;0.021683673469387754889625696819;0.034438775510204078234011149107;0.030612244897959182965418989397;0.012500000000000000693889390391;0.008418367346938775835907264877;0.012244897959183672839222900564;0.043622448979591839368641359442;0.003061224489795918209805725141;0.018367346938775511860919564811;0.037755102040816328201611185023;0.050000000000000002775557561563;0.005612244897959183312363684593;0.018112244897959182271529599006;0.009438775510204082050402796256;0.026785714285714284227379877734;0.012755102040816326813832404241;0.036989795918367346372335191518;0.030867346938775509085362003248;0.031887755102040817034581010603;0.025000000000000001387778780781;0.003826530612244897870677373675;0.001785714285714285658526745415;0.008418367346938775835907264877;0.013520408163265306908384921769;0.032908163265306121514353066004;0.007397959183673469621411733499;0.008673469387755101955850278728;0.018112244897959182271529599006;0.062244897959183670410610034196;0.014540816326530611388156977171;0.006887755102040816514163967810;0.001530612244897959104902862570;0.038010204081632650852107246919;0.003826530612244897870677373675;0.016071428571428569842538536250;0.000000000000000000000000000000;0.020408163265306120820463675614;0.002806122448979591656181842296;0.018877551020408164100805592511;0.039030612244897962270773206228;0.023469387755102041198673745726;0.030612244897959182965418989397;0.012755102040816326813832404241
-0.023776223776223775335791899010;0.009230769230769231628586091176;0.073286713286713281445550194348;0.000000000000000000000000000000;0.002517482517482517480333914506;0.021538461538461537575495086116;0.002797202797202797200371016118;0.018181818181818180935049866775;0.042237762237762238592964081363;0.031608391608391607496830744140;0.012307692307692307681632470917;0.010909090909090909948808700847;0.010629370629370629361409861247;0.034405594405594402962478284280;0.006713286713286713280890438682;0.015384615384615385469402326635;0.044755244755244755205936257880;0.050909090909090910781475969316;0.007272727272727272720964641906;0.017062937062937062054901460328;0.013146853146853147709105513741;0.035804195804195804164749006304;0.016783216783216783202226096705;0.035804195804195804164749006304;0.024615384615384615363264941834;0.027412587412587414298359433928;0.022377622377622377602968128940;0.007832167832167832161038845129;0.001678321678321678320222609671;0.011468531468531469388882904070;0.011748251748251748241558267694;0.034685314685314688754047551811;0.006433566433566433560853337070;0.005594405594405594400742032235;0.020419580419580418695346679669;0.059020979020979018325743226114;0.016783216783216783202226096705;0.006433566433566433560853337070;0.005594405594405594400742032235;0.030769230769230770938804653269;0.006153846153846153840816235459;0.031608391608391607496830744140;0.000000000000000000000000000000;0.021538461538461537575495086116;0.002517482517482517480333914506;0.014825174825174826029328123411;0.036363636363636361870099733551;0.016783216783216783202226096705;0.027692307692307693151034797552;0.012587412587412588269031310517
-0.026864035087719298489083996628;0.007675438596491227644103005900;0.079495614035087716620076037088;0.007401315789473683799670755690;0.008497807017543860044761494521;0.017269736842105264801316977241;0.002467105263157894599890251897;0.018092105263157895467251989885;0.038103070175438596978167993257;0.029879385964912279910477010958;0.015625000000000000000000000000;0.016995614035087720089522989042;0.010142543859649123111354995785;0.041666666666666664353702032031;0.008223684210526315332967506322;0.015076754385964912311135499579;0.038925438596491231113549957854;0.044682017543859649244541998314;0.006030701754385964577509504636;0.013432017543859649244541998314;0.011513157894736841466154508851;0.029605263157894735198683022759;0.012061403508771929155019009272;0.042763157894736843200877984827;0.029879385964912279910477010958;0.029879385964912279910477010958;0.022752192982456141689961981456;0.010416666666666666088425508008;0.000822368421052631533296750632;0.021107456140350876888645004215;0.012061403508771929155019009272;0.032620614035087716620076037088;0.005756578947368420733077254425;0.009046052631578947733625994942;0.015899122807017544711793988199;0.060307017543859649244541998314;0.009868421052631578399561007586;0.006853070175438596110806255268;0.001918859649122806911025751475;0.026864035087719298489083996628;0.004385964912280701510916003372;0.015625000000000000000000000000;0.000000000000000000000000000000;0.018640350877192981421393014330;0.003563596491228069977619252739;0.014254385964912279910477010958;0.038377192982456141689961981456;0.024122807017543858310038018544;0.026041666666666667823148983985;0.016447368421052630665935012644
-0.034029850746268658356896708028;0.008059701492537313730069037376;0.078805970149253737333516767194;0.000000000000000000000000000000;0.026567164179104478527460031501;0.022686567164179105571264472019;0.002686567164179104287569099796;0.021492537313432834300552798368;0.031940298507462688837321707069;0.033731343283582092273942265592;0.013134328358208954487529318556;0.017611940298507461344357238886;0.012537313432835820586896957707;0.032835820895522387086185034377;0.004477611940298507724189658319;0.015820895522388061377183632317;0.038208955223880597396046709946;0.050746268656716414513496715699;0.010447761194029851067321956748;0.015223880597014925741827795491;0.012537313432835820586896957707;0.024179104477611939455483636152;0.011343283582089552785632236009;0.038805970149253729561955594818;0.026865671641791044610414473937;0.028358208955223881964080590024;0.028955223880597014129989474895;0.002089552238805969953255869953;0.001492537313432835835783074607;0.019104477611940298698023354973;0.010447761194029851067321956748;0.027164179104477610693368916372;0.007761194029850745912391118964;0.005373134328358208575138199592;0.021194029850746268217598355932;0.056119402985074624823358391268;0.013432835820895522305207236968;0.008656716417910447630701398225;0.003880597014925372956195559482;0.021791044776119403852954192757;0.004776119402985074674505838743;0.015522388059701491824782237927;0.000000000000000000000000000000;0.018208955223880596979713075712;0.002985074626865671671566149215;0.019104477611940298698023354973;0.035522388059701495710562824115;0.020597014925373136051689471060;0.028656716417910448047035032459;0.014029850746268656205839597817
-0.016477272727272725821867638274;0.016761363636363636742121485668;0.078125000000000000000000000000;0.030965909090909092549193104560;0.014488636363636363257878514332;0.009943181818181818024116047638;0.007102272727272727036174071458;0.025000000000000001387778780781;0.035227272727272725127978247883;0.035227272727272725127978247883;0.011647727272727273137298276140;0.010227272727272727209646419055;0.008522727272727272096464190554;0.030965909090909092549193104560;0.017897727272727273484242971335;0.011931818181818182322828647557;0.038920454545454542805149600326;0.051988636363636361870099733551;0.015909090909090907450806895440;0.012784090909090909879419761808;0.010795454545454545580707161889;0.024431818181818183016718037948;0.008238636363636362910933819137;0.050284090909090910226364457003;0.023011363636363635354342704886;0.027272727272727271402574800163;0.030965909090909092549193104560;0.012784090909090909879419761808;0.001988636363636363431350861930;0.018465909090909091855303714169;0.007954545454545453725403447720;0.035511363636363639517679047231;0.007954545454545453725403447720;0.005681818181818181975883952362;0.015909090909090907450806895440;0.051988636363636361870099733551;0.010511363636363636395176790472;0.005397727272727272790353580945;0.004545454545454545233762466694;0.020170454545454546968485942671;0.007670454545454545407234814292;0.019318181818181817677171352443;0.000000000000000000000000000000;0.018465909090909091855303714169;0.010227272727272727209646419055;0.011079545454545454766237533306;0.035511363636363639517679047231;0.013068181818181817330226657248;0.020454545454545454419292838111;0.010227272727272727209646419055
-0.022580645161290321260016966676;0.009677419354838710102706400562;0.078592375366568920092014138845;0.000293255131964809383909864593;0.003812316715542521990828239709;0.017008797653958945134133884380;0.002346041055718475071278916744;0.018181818181818180935049866775;0.040175953079178886029332318230;0.033724340175953076981230083220;0.013782991202346040610082766875;0.012316715542521994991576050893;0.012023460410557185173985317306;0.040762463343108505664513785405;0.005865102639296187678197291859;0.015249266862170087963312958834;0.047214076246334307773722116508;0.052199413489736071203317635536;0.006158357771260997495788025446;0.013782991202346040610082766875;0.008211143695014662749476208603;0.031085043988269795561807384843;0.013196480938416422709624775678;0.038709677419354840410825602248;0.025513196480938415966477350594;0.036363636363636361870099733551;0.022580645161290321260016966676;0.016715542521994135316543150793;0.001173020527859237535639458372;0.012609970674486803074443308503;0.007624633431085043981656479417;0.032844574780058650997904834412;0.007917888563049852931885475016;0.008504398826979472567066942190;0.020234604105571846188738049932;0.055131964809384162440331067501;0.013489736070381232527215509265;0.008504398826979472567066942190;0.007917888563049852931885475016;0.023460410557184750712789167437;0.004985337243401759960148567075;0.020527859237536656006328783519;0.000000000000000000000000000000;0.019354838709677420205412801124;0.002346041055718475071278916744;0.018475073313782990752640600363;0.040175953079178886029332318230;0.017008797653958945134133884380;0.026979472140762465054431018530;0.012609970674486803074443308503
-0.025925925925925925180637321432;0.008262108262108262823897320004;0.076923076923076927347011633174;0.000569800569800569763935504941;0.012535612535612535023421543201;0.022792022792022793159505411609;0.002279202279202279055742019764;0.018518518518518517490534236458;0.031339031339031341028000809956;0.028205128205128205537421948179;0.017094017094017095736990796695;0.015384615384615385469402326635;0.007407407407407407690103084974;0.035612535612535613227525033153;0.007692307692307692734701163317;0.015384615384615385469402326635;0.037891737891737893584309659900;0.045014245014245016229814666531;0.019088319088319087579730393145;0.013105413105413105112617699888;0.011111111111111111535154627461;0.022792022792022793159505411609;0.015099715099715100424804248291;0.044444444444444446140618509844;0.025356125356125355091441164745;0.029059829059829060671216183209;0.028490028490028490582020026523;0.018518518518518517490534236458;0.001994301994301994444824810415;0.026780626780626780314431556462;0.008831908831908831178370000714;0.027065527065527065359029634806;0.011396011396011396579752705804;0.008547008547008547868495398347;0.021082621082621082891916941549;0.059829059829059831610020836479;0.010826210826210826490556549118;0.009686609686609686312164235744;0.001709401709401709400226732072;0.028774928774928775626618104866;0.007407407407407407690103084974;0.010541310541310541445958470774;0.000000000000000000000000000000;0.015099715099715100424804248291;0.007977207977207977779299241661;0.012250712250712249978823464858;0.036467236467236464891872316230;0.018803418803418802535132314802;0.027920227920227920492823869836;0.011111111111111111535154627461
-0.029740965781899584424730065280;0.008634473936680524958076077269;0.061720498880716338774288232116;0.003517748640869843099882041670;0.035177486408698430131458678716;0.020466901183242725698052666417;0.002238567316917172960594184516;0.019187719859290054691403071274;0.020147105852254557079028529643;0.031659737767828592669427933970;0.015350175887432043406177761824;0.012791813239526703127602047516;0.011832427246562200739976589148;0.039654621042532776920008785737;0.010233450591621362849026333208;0.016629357211384712678103880990;0.033578509753757597444678850707;0.048928685641189635646686184600;0.016309561880396547528526696169;0.016629357211384712678103880990;0.011192836584585865236651791577;0.016629357211384712678103880990;0.017268947873361049916152154537;0.043172369683402621320933434390;0.033898305084745762594256035527;0.028461784457946913418080470137;0.037735849056603772144757869000;0.008634473936680524958076077269;0.000639590661976335178064145826;0.021426287176207228085678124785;0.009274064598656860461400874840;0.034218100415733927743833220347;0.008954269267668691842376738066;0.005756315957787016060476226187;0.022385673169171730473303583153;0.057563159577870164074209213823;0.012472017908538534508577910742;0.009913655260633194230002196434;0.003197953309881675781900511879;0.022705468500159899092327719927;0.004796929964822513672850767819;0.011512631915574032120952452374;0.000000000000000000000000000000;0.018548129197313720922801749680;0.006715701950751519315463422544;0.013751199232491205515227505884;0.033898305084745762594256035527;0.016949152542372881297128017763;0.022385673169171730473303583153;0.011512631915574032120952452374
-0.020036429872495445381197498591;0.017304189435336975871893017143;0.080449301760777164327365085228;0.006071645415907710695291310543;0.010018214936247722690598749296;0.013661202185792349281245883219;0.003642987249544626590647133924;0.015179113539769277171909145352;0.029143897996357012725177071388;0.029751062537947785269221157023;0.012143290831815421390582621086;0.015482695810564663443931188169;0.008803885853066181071957529980;0.040680024286581663306439082817;0.010018214936247722690598749296;0.013661202185792349281245883219;0.045233758348512446978428869215;0.047358834244080147413136216983;0.007589556769884638585954572676;0.018518518518518517490534236458;0.010928961748633879771941401771;0.024286581663630842781165242172;0.018518518518518517490534236458;0.047358834244080147413136216983;0.026411657559198543215872589940;0.030054644808743168071796247887;0.023072252580449301162524022857;0.017911353976927748415937102777;0.000910746812386156647661783481;0.016697024893746206797295883462;0.011839708561020036853284054246;0.030965391621129326887862376338;0.004857316332726169076650091228;0.008803885853066181071957529980;0.019125683060109290034578322093;0.059198542805100180796973319275;0.012143290831815421390582621086;0.007589556769884638585954572676;0.003339404978749241185986829095;0.020036429872495445381197498591;0.006071645415907710695291310543;0.014268366727383120090566492877;0.000000000000000000000000000000;0.022768670309653914890501980040;0.003946569520340011995307438752;0.014875531268973892634610578511;0.042501517911353973999677435813;0.020036429872495445381197498591;0.027018822100789312290469723621;0.009714632665452338153300182455
-0.019951840385276916473022978948;0.006879944960440316503724744734;0.082559339525283798044696936813;0.000687994496044031628688431024;0.006191950464396285200296965456;0.026831785345717232976747723683;0.002751977984176126514753724095;0.020295837633298934726822082553;0.044375644994840042489858689123;0.030615755073959409482409199654;0.013759889920880633007449489469;0.017887856897144824297463117091;0.010319917440660474755587117102;0.037839697282421737301039144086;0.008599931200550395629655930918;0.016511867905056758221160606581;0.039215686274509803377341654596;0.048159614723082215526073213141;0.006535947712418300852010855095;0.015823873409012728652456303280;0.009975920192638458236511489474;0.031647746818025457304912606560;0.013071895424836601704021710191;0.038527691778465773808637351294;0.022703818369453045156181048014;0.023047815617475059940533199665;0.022703818369453045156181048014;0.015479876160990712133380675652;0.001375988992088063257376862047;0.028207774337805299053050234193;0.012727898176814585184946082563;0.036807705538355696417429641087;0.009287925696594426933083710196;0.006191950464396285200296965456;0.010319917440660474755587117102;0.060199518403852771142314992403;0.012727898176814585184946082563;0.007223942208462332155438634373;0.006191950464396285200296965456;0.025799793601651185154244316777;0.005847953216374268681221337829;0.022359821121431026902381944410;0.000000000000000000000000000000;0.018575851393188853866167420392;0.006191950464396285200296965456;0.008255933952528379110580303291;0.039559683522531821631140758200;0.015479876160990712133380675652;0.020983832129342964295526385854;0.012727898176814585184946082563
-0.026234567901234566444923501649;0.011111111111111111535154627461;0.082098765432098763650259343194;0.005555555555555555767577313730;0.012037037037037037062736644089;0.017283950617283948963942563637;0.004320987654320987240985640909;0.024382716049382715389759468394;0.031172839506172840551290192934;0.028086419753086420969534486858;0.014814814814814815380206169948;0.010802469135802468536144971267;0.014814814814814815380206169948;0.035493827160493825190190619878;0.012345679012345678327022824305;0.016975308641975307699656383420;0.041975308641975309087435164201;0.046296296296296293726335591145;0.012345679012345678327022824305;0.016358024691358025171084022986;0.012345679012345678327022824305;0.027160493827160493707228994253;0.012962962962962962590318660716;0.041975308641975309087435164201;0.018518518518518517490534236458;0.020370370370370372015145221667;0.026851851851851852442942814037;0.014506172839506172381196513754;0.000617283950617283938035184665;0.021296296296296295808003762318;0.008950617283950617480980938012;0.026851851851851852442942814037;0.011111111111111111535154627461;0.008333333333333333217685101602;0.019753086419753086017125909279;0.057098765432098762262480562413;0.013888888888888888117900677344;0.009567901234567901744276774423;0.004320987654320987240985640909;0.030555555555555554553270880547;0.006790123456790123426807248563;0.015740740740740739173064710599;0.000000000000000000000000000000;0.013580246913580246853614497127;0.008024691358024691953398921385;0.011111111111111111535154627461;0.034876543209876542661618259444;0.018827160493827162224267368629;0.025925925925925925180637321432;0.013580246913580246853614497127
-0.026156299840510367077373032885;0.012440191387559808647300663154;0.085805422647527912483056411475;0.006379585326953748046496794899;0.010526315789473683973143103287;0.019138755980861243272128646709;0.004465709728867623372339235033;0.014035087719298245875765296375;0.037639553429027111652871440128;0.028708133971291866642916446040;0.011164274322169058864528956576;0.015948963317384368815199380265;0.012759170653907496092993589798;0.038277511961722486544257293417;0.009569377990430621636064323354;0.012440191387559808647300663154;0.042105263157894735892572413150;0.050398724082934609480588505903;0.009569377990430621636064323354;0.016267942583732056260892306909;0.014035087719298245875765296375;0.037001594896331736761485586840;0.015948963317384368815199380265;0.039872408293460927242168878593;0.025837320574162679631680106240;0.024242424242424242403215473018;0.022647527910685805174750839797;0.006379585326953748046496794899;0.001275917065390749565931272080;0.011483253588516746310221883220;0.011164274322169058864528956576;0.038915470494417861435643146706;0.005103668261562998263725088322;0.007336523125996810383575574832;0.017543859649122806043664013487;0.056778309409888358394447038791;0.010526315789473683973143103287;0.007655502392344497829268501476;0.007655502392344497829268501476;0.025837320574162679631680106240;0.005103668261562998263725088322;0.018500797448165868380742793420;0.000000000000000000000000000000;0.017224880382775118597971086842;0.007655502392344497829268501476;0.012440191387559808647300663154;0.034449760765550237195942173685;0.018181818181818180935049866775;0.023923444976076554957522546374;0.011483253588516746310221883220
-0.021895424836601305729200106498;0.015686274509803921350936661838;0.062091503267973857660422254412;0.018627450980392156604237285933;0.015359477124183005744550989391;0.024183006535947713239176337652;0.005882352941176470506601248189;0.022222222222222223070309254922;0.046078431372549022437823396103;0.020588235294117646773104368663;0.010784313725490195928768955014;0.030392156862745097617439782312;0.011437908496732025406816823931;0.030065359477124183745777585841;0.015359477124183005744550989391;0.012418300653594770491250365296;0.033986928104575160614064799347;0.053921568627450983113291727022;0.011764705882352941013202496379;0.012745098039215686097636037744;0.015032679738562091872888792921;0.028758169934640521320234896052;0.011437908496732025406816823931;0.029738562091503266404668437417;0.027777777777777776235801354687;0.023202614379084968154742796287;0.028758169934640521320234896052;0.008169934640522876281854003366;0.001633986928104575213002713774;0.030065359477124183745777585841;0.018954248366013070475899482403;0.020915032679738560644766565133;0.011111111111111111535154627461;0.007516339869281045936444396460;0.017647058823529411519803744568;0.039869281045751631120666047536;0.008823529411764705759901872284;0.008823529411764705759901872284;0.006209150326797385245625182648;0.023529411764705882026404992757;0.008823529411764705759901872284;0.032679738562091505127416013465;0.000000000000000000000000000000;0.012418300653594770491250365296;0.010784313725490195928768955014;0.012091503267973856619588168826;0.027777777777777776235801354687;0.016993464052287580307032399674;0.020261437908496732901442172192;0.014705882352941176266503120473
-0.018269230769230770244915262879;0.018910256410256408993175725186;0.051602564102564099646208717331;0.003525641025641025692177743522;0.018589743589743589619045494032;0.028205128205128205537421948179;0.006089743589743589792517841630;0.018589743589743589619045494032;0.041666666666666664353702032031;0.015064102564102564360548619504;0.010256410256410256401360392431;0.024358974358974359170071366520;0.025000000000000001387778780781;0.018910256410256408993175725186;0.015064102564102564360548619504;0.014423076923076923877564681220;0.034935897435897436680285466082;0.054487179487179487891168605529;0.018589743589743589619045494032;0.006730769230769231142863517903;0.015064102564102564360548619504;0.032371794871794874748349712945;0.025320512820512820761909011935;0.020512820512820512802720784862;0.023717948717948716952363952259;0.024038461538461539795941135367;0.022115384615384616612265844537;0.017307692307692308653077617464;0.003205128205128205017004905386;0.033333333333333332870740406406;0.020192307692307693428590553708;0.021474358974358974394558430276;0.010897435897435896884344330715;0.007371794871794871625847456187;0.020512820512820512802720784862;0.034294871794871797932025003774;0.016666666666666666435370203203;0.013782051282051281659857266959;0.007371794871794871625847456187;0.038141025641025644299375585433;0.008012820512820512108831394471;0.033333333333333332870740406406;0.000000000000000000000000000000;0.010256410256410256401360392431;0.011858974358974358476181976130;0.016987179487179485809500434357;0.017307692307692308653077617464;0.013461538461538462285727035805;0.029487179487179486503389824748;0.008333333333333333217685101602
-0.024482109227871938494924819452;0.020401757689893284392068650845;0.049905838041431262175340322074;0.001883239171374764516289634919;0.024482109227871938494924819452;0.012554927809165096486143653465;0.005021971123666039288346851777;0.012868801004394225459548373180;0.074074074074074069962136945833;0.015065913370998116130317079353;0.009416195856873822364607740099;0.021029504080351538869431138323;0.018204645323289390251852992719;0.026051475204017578157777990100;0.007846829880728186171201521404;0.014752040175768988891635835614;0.041117388575015692553371593476;0.059949780288763340752034025627;0.009416195856873822364607740099;0.007846829880728186171201521404;0.012868801004394225459548373180;0.038292529817953543935793447872;0.027620841180163214351184208795;0.019460138104205899206577967675;0.019146264908976771967896723936;0.022284996861268047824156113279;0.023226616446955429540199844496;0.019774011299435029914706163368;0.002510985561833019644173425888;0.016635279347143754058446774025;0.016949152542372881297128017763;0.019460138104205899206577967675;0.010671688637790333054056191031;0.005963590709353421004390582993;0.020715630885122411630749894584;0.035153797865662271548981010483;0.013496547394852479936910860658;0.005963590709353421004390582993;0.009102322661644695125926496360;0.035781544256120526026343497961;0.003138731952291274121535913366;0.064657878217200245862805729757;0.000000000000000000000000000000;0.013182674199623352698229616919;0.003766478342749529032579269838;0.016949152542372881297128017763;0.019460138104205899206577967675;0.012868801004394225459548373180;0.022598870056497175062837357018;0.011927181418706842008781165987
-0.027615334632878490994656317525;0.020792722547108510866564756725;0.060428849902534109705953824232;0.000324886289798570482290074324;0.004873294346978557234351114857;0.021442495126705651831144905373;0.004873294346978557234351114857;0.021442495126705651831144905373;0.056205328135152693436182858022;0.015269655620532812667633493220;0.013970110461338530738473195925;0.015594541910331383149923567544;0.014944769330734242185343418896;0.024366471734892786171755574287;0.012995451591942819291602972953;0.015269655620532812667633493220;0.028265107212475631959236466173;0.060103963612735539223663749908;0.010721247563352825915572452686;0.014294996751137101220763270248;0.014294996751137101220763270248;0.041585445094217021733129513450;0.021442495126705651831144905373;0.025016244314489927136335722935;0.023391812865497074724885351316;0.023716699155295645207175425639;0.025016244314489927136335722935;0.029564652371669913888396763468;0.001299545159194281929160297295;0.013320337881741389773893047277;0.013970110461338530738473195925;0.019168291098115658455114385106;0.008122157244964262057251858096;0.006497725795971409645801486477;0.021442495126705651831144905373;0.037686809616634175945648621564;0.012995451591942819291602972953;0.008771929824561403021832006743;0.007147498375568550610381635124;0.029889538661468484370686837792;0.008122157244964262057251858096;0.045159194282001297038320331012;0.000000000000000000000000000000;0.015919428200129953632213641868;0.005198180636777127716641189181;0.016244314489928524114503716191;0.025666016894087068100915871582;0.015919428200129953632213641868;0.029889538661468484370686837792;0.009746588693957114468702229715
-0.022102747909199523673740017671;0.034050179211469536189049733821;0.039127837514934288298817932628;0.010155316606929509423706825544;0.014635603345280764550628838094;0.017025089605734768094524866910;0.008960573476702508519120549124;0.022102747909199523673740017671;0.047491039426523294630921867565;0.015232974910394265002921976304;0.011648745519713262289163147045;0.010454002389486259649853394649;0.021206690561529271260576834379;0.017025089605734768094524866910;0.025985663082437274878921940058;0.009856630824372759197560256439;0.027479091995221027744378261559;0.065113500597371559708292920732;0.014635603345280764550628838094;0.011947431302270012515309716150;0.012544802867383512967602854360;0.031660692951015534379877180982;0.037634408602150538902808563080;0.020609318996415770808283696169;0.020908004778972519299706789297;0.012843488649940263193749423465;0.022998805256869772617456249009;0.060931899641577060011687905217;0.003882915173237753807267136352;0.016129032258064515681361683619;0.011350059737156512063016577940;0.018817204301075269451404281540;0.012544802867383512967602854360;0.005973715651135006257654858075;0.021206690561529271260576834379;0.027180406212664275783508216477;0.013440860215053763646042561675;0.008661887694145758292973980019;0.009856630824372759197560256439;0.034946236559139781663319013205;0.008064516129032257840680841809;0.055555555555555552471602709375;0.000000000000000000000000000000;0.010752688172043011610723439730;0.007168458781362007162241134495;0.017025089605734768094524866910;0.013142174432497013419895992570;0.009259259259259258745267118229;0.022998805256869772617456249009;0.005675029868578256031508288970
-0.029889538661468484370686837792;0.027290448343079920512366243202;0.048408057179987001861221074250;0.016894087069525665079083864839;0.020467836257309940384274682401;0.016569200779727094596793790515;0.007797270955165691574961783772;0.021117608836907081348854831049;0.038011695906432746427938695888;0.013970110461338530738473195925;0.012670565302144248809312898629;0.013320337881741389773893047277;0.014619883040935671703053344572;0.025016244314489927136335722935;0.013970110461338530738473195925;0.012670565302144248809312898629;0.037361923326835605463358547240;0.055555555555555552471602709375;0.015919428200129953632213641868;0.009746588693957114468702229715;0.012345679012345678327022824305;0.034113060428849900640457804002;0.020467836257309940384274682401;0.021442495126705651831144905373;0.017868745938921376525954087811;0.019168291098115658455114385106;0.027615334632878490994656317525;0.029239766081871343406106689145;0.002274204028589993376030520267;0.022092267706302792795725054020;0.010071474983755684950992304039;0.017543859649122806043664013487;0.013645224171539960256183121601;0.006822612085769980128091560800;0.028265107212475631959236466173;0.037037037037037034981068472916;0.012345679012345678327022824305;0.008122157244964262057251858096;0.011046133853151396397862527010;0.033463287849252759675877655354;0.010396361273554255433282378362;0.044184535412605585591450108041;0.000000000000000000000000000000;0.013645224171539960256183121601;0.012995451591942819291602972953;0.016569200779727094596793790515;0.020142949967511369901984608077;0.012345679012345678327022824305;0.023391812865497074724885351316;0.010071474983755684950992304039
-0.028735632183908045578224488281;0.015644955300127712932711787630;0.055236270753512131670426299479;0.002234993614303959052341808089;0.015006385696040867860912015885;0.022030651340996167120156457031;0.006385696040868455054806407389;0.019795657726692211103580731901;0.034163473818646233892692976042;0.013409961685823755181412586523;0.014048531289910600253212358268;0.013409961685823755181412586523;0.019157088122605362562334008203;0.024584929757343550876802495964;0.011494252873563218231289795312;0.015006385696040867860912015885;0.030970625798212005064247165365;0.058109833971902939697695700261;0.021711366538952746318980047135;0.010855683269476373159490023568;0.021072796934865901247180275391;0.028097062579821200506424716536;0.033844189016602813091516566146;0.021711366538952746318980047135;0.017241379310344827346934692969;0.017879948914431672418734464713;0.022669220945083015661403180729;0.018518518518518517490534236458;0.002873563218390804557822448828;0.030332056194125159992447393620;0.017560664112388251617558054818;0.016922094508301406545758283073;0.015006385696040867860912015885;0.006066411238825031651544783529;0.027458492975734355434624944792;0.036717752234993614179892063021;0.016922094508301406545758283073;0.021711366538952746318980047135;0.004469987228607918104683616178;0.044061302681992334240312914062;0.006066411238825031651544783529;0.028097062579821200506424716536;0.000000000000000000000000000000;0.014367816091954022789112244141;0.013729246487867177717312472396;0.015006385696040867860912015885;0.019157088122605362562334008203;0.015006385696040867860912015885;0.028416347381864624777048078386;0.007024265644955300126606179134
-0.028265107212475631959236466173;0.015919428200129953632213641868;0.069525666016894083210075905299;0.002274204028589993376030520267;0.003573749187784275305190817562;0.020467836257309940384274682401;0.005198180636777127716641189181;0.015919428200129953632213641868;0.044509421702404156073740182364;0.018518518518518517490534236458;0.018193632228719947008244162134;0.010396361273554255433282378362;0.014944769330734242185343418896;0.030864197530864195817557060764;0.024366471734892786171755574287;0.015919428200129953632213641868;0.031838856400259907264427283735;0.049707602339181283790381371546;0.015269655620532812667633493220;0.012345679012345678327022824305;0.013645224171539960256183121601;0.040285899935022739803969216155;0.023066926575698504242595276992;0.021117608836907081348854831049;0.025341130604288497618625797259;0.027290448343079920512366243202;0.028589993502274202441526540497;0.016569200779727094596793790515;0.002599090318388563858320594591;0.025990903183885638583205945906;0.009096816114359973504122081067;0.020142949967511369901984608077;0.012345679012345678327022824305;0.008447043534762832539541932420;0.022742040285899933760305202668;0.034437946718648471122747878326;0.012670565302144248809312898629;0.009421702404158543986412155391;0.007147498375568550610381635124;0.052306692657569847648701966136;0.006172839506172839163511412153;0.027290448343079920512366243202;0.000000000000000000000000000000;0.012670565302144248809312898629;0.008771929824561403021832006743;0.015594541910331383149923567544;0.015594541910331383149923567544;0.012670565302144248809312898629;0.028914879792072772923816614821;0.011046133853151396397862527010
-0.019198940748096655212195926765;0.022840119165839126158523697541;0.050314465408805034152273094605;0.020191989407480966101093855514;0.035418735518040381227145019238;0.019860973187686196961276863249;0.002648129758358159623748973033;0.023171135385633895298340689806;0.056603773584905661686583755454;0.015557762330354187735315107943;0.010923535253227407634812884396;0.013240648791790798552425734158;0.013571665011585567692242726423;0.023171135385633895298340689806;0.018536908308507116932561942235;0.011585567692816947649170344903;0.039390930155577624782736734232;0.055279708705726578188421882487;0.019198940748096655212195926765;0.011585567692816947649170344903;0.015888778550148956875132100208;0.030784508440913606330813223622;0.016219794769943726014949092473;0.023171135385633895298340689806;0.022178086726249587878889713011;0.024164184045018206187238618554;0.028467394902350215413200373860;0.027805362462760673664119437376;0.001986097318768619609391512526;0.030453492221118833721549279403;0.008606421714664018451923510611;0.018205892088712347792744949970;0.005296259516716319247497946066;0.002648129758358159623748973033;0.019529956967891427821459870984;0.030122476001324064581732287138;0.010592519033432638494995892131;0.012247600132406487663527805410;0.004634227077126779233140485559;0.035418735518040381227145019238;0.009930486593843098480638431624;0.037073816617014233865123884470;0.000000000000000000000000000000;0.012909632571996027677885265916;0.013240648791790798552425734158;0.009930486593843098480638431624;0.022178086726249587878889713011;0.016881827209533267764030028957;0.018205892088712347792744949970;0.008937437934458789326463978853
-0.028876333961079723305909183750;0.024482109227871938494924819452;0.043000627746390455985459055910;0.004394224733207783943622626310;0.010985561833019460292737434770;0.026993094789704959873821721317;0.004708097928436911182303870049;0.023854362837413684017562331974;0.045197740112994350125674714036;0.016635279347143754058446774025;0.014752040175768988891635835614;0.021657250470809793346793625801;0.023226616446955429540199844496;0.018204645323289390251852992719;0.016321406151914626819765530286;0.015693659761456372342403042808;0.035467671060891402257109206175;0.053044569993722534562152759463;0.018518518518518517490534236458;0.009730069052102949603288983838;0.014124293785310734414273348136;0.026051475204017578157777990100;0.027620841180163214351184208795;0.016949152542372881297128017763;0.034526051475204017071618523005;0.019774011299435029914706163368;0.021029504080351538869431138323;0.024482109227871938494924819452;0.003138731952291274121535913366;0.027934714375392341589865452534;0.011613308223477714770099922248;0.015693659761456372342403042808;0.012868801004394225459548373180;0.005335844318895166527028095516;0.024795982423101065733606063191;0.032015065913370999162168573093;0.012554927809165096486143653465;0.011927181418706842008781165987;0.005021971123666039288346851777;0.032642812303829253639531060571;0.007846829880728186171201521404;0.037978656622724420166559156087;0.000000000000000000000000000000;0.016321406151914626819765530286;0.010357815442561205815374947292;0.017576898932831135774490505241;0.019146264908976771967896723936;0.011927181418706842008781165987;0.028248587570621468828546696272;0.014752040175768988891635835614
-0.021657250470809793346793625801;0.026993094789704959873821721317;0.039861895794099183598646618520;0.002510985561833019644173425888;0.012868801004394225459548373180;0.020087884494664157153387407106;0.007532956685499058065158539677;0.020087884494664157153387407106;0.045511613308223480833802909729;0.013810420590081607175592104397;0.016321406151914626819765530286;0.016949152542372881297128017763;0.020715630885122411630749894584;0.017576898932831135774490505241;0.022598870056497175062837357018;0.014124293785310734414273348136;0.035781544256120526026343497961;0.046139359698681735311165397206;0.016321406151914626819765530286;0.009416195856873822364607740099;0.014124293785310734414273348136;0.032642812303829253639531060571;0.027620841180163214351184208795;0.020715630885122411630749894584;0.026051475204017578157777990100;0.021029504080351538869431138323;0.024168236032642811256243575713;0.036095417451349656734471693653;0.003766478342749529032579269838;0.024482109227871938494924819452;0.011613308223477714770099922248;0.018518518518518517490534236458;0.012554927809165096486143653465;0.008788449466415567887245252621;0.025109855618330192972287306930;0.038292529817953543935793447872;0.007219083490269930826477295938;0.011613308223477714770099922248;0.009416195856873822364607740099;0.034212178279974893302384231220;0.011299435028248587531418678509;0.041431261770244823261499789169;0.000000000000000000000000000000;0.016321406151914626819765530286;0.006905210295040803587796052199;0.021343377275580666108112382062;0.019146264908976771967896723936;0.012241054613935969247462409726;0.026993094789704959873821721317;0.009416195856873822364607740099
-0.026124338624338622888432226432;0.020502645502645501507377190364;0.052579365079365079915785230469;0.001984126984126984016842953906;0.009589947089947089414740943880;0.027116402116402114896853703385;0.004960317460317460042107384766;0.017526455026455025482112759505;0.039351851851851853136832204427;0.018518518518518517490534236458;0.017195767195767194812638933854;0.015873015873015872134743631250;0.018849206349206348160008062109;0.030423280423280421591591959896;0.015873015873015872134743631250;0.016203703703703702804217456901;0.031746031746031744269487262500;0.046957671957671955065283242448;0.021825396825396824185272492969;0.012896825396825396109479200391;0.014550264550264549456848328646;0.031084656084656082930539611198;0.023478835978835977532641621224;0.021825396825396824185272492969;0.030092592592592590922118134245;0.028439153439153437574749005989;0.026124338624338622888432226432;0.020833333333333332176851016015;0.002314814814814814686316779557;0.029431216931216929583170482942;0.010251322751322750753688595182;0.016865079365079364143165108203;0.011904761904761904101057723437;0.007936507936507936067371815625;0.029100529100529098913696657291;0.034722222222222223764198645313;0.011574074074074073431583897786;0.010582010582010581423162420833;0.004960317460317460042107384766;0.023478835978835977532641621224;0.005621693121693121381055036068;0.030092592592592590922118134245;0.000000000000000000000000000000;0.011574074074074073431583897786;0.010912698412698412092636246484;0.015542328042328041465269805599;0.024801587301587300210536923828;0.022486772486772485524220144271;0.028439153439153437574749005989;0.014880952380952380126322154297
-0.024590163934426229053187284990;0.027625986642380084834513809255;0.034608378870673951743786034285;0.009411050394656951881278139638;0.024893746205221615325209327807;0.020340012143290831653219541408;0.011536126290224650581262011428;0.026715239829993929487894632757;0.050698239222829385997037832112;0.013357619914996964743947316379;0.010018214936247722690598749296;0.014571948998178506362588535694;0.015786278081360047981229755010;0.012143290831815421390582621086;0.029447480267152398997199114206;0.010928961748633879771941401771;0.030054644808743168071796247887;0.050091074681238613452993746478;0.024286581663630842781165242172;0.006071645415907710695291310543;0.015786278081360047981229755010;0.030358227079538554343818290704;0.027929568913175471106535852073;0.015786278081360047981229755010;0.013964784456587735553267926036;0.017000607164541589599870974325;0.020643594414086217925241584226;0.051001821493624775738506826883;0.003642987249544626590647133924;0.032179720704310868506503595654;0.015482695810564663443931188169;0.016697024893746206797295883462;0.013964784456587735553267926036;0.006071645415907710695291310543;0.023072252580449301162524022857;0.029143897996357012725177071388;0.010928961748633879771941401771;0.009714632665452338153300182455;0.008500303582270794799935487163;0.036126290224650879634449296418;0.008803885853066181071957529980;0.047662416514875530215711307847;0.000000000000000000000000000000;0.013357619914996964743947316379;0.010928961748633879771941401771;0.019732847601700059109175455774;0.011232544019429266043963444588;0.007285974499089253181294267847;0.029143897996357012725177071388;0.006678809957498482371973658189
-0.027501909854851031705935682226;0.016552075375604786283689762172;0.052711993888464474256050351642;0.014005602240896359092503509203;0.015533486121721415060270565789;0.023172905525846703572723228604;0.007384772090654443538193518748;0.024191494779730073061418949010;0.043035395976572445031482772038;0.015788133435192260034529709856;0.018334606569900688960439438802;0.010949834479246243687522444077;0.018079959256429845720903770712;0.027501909854851031705935682226;0.017316017316017316002296766442;0.014769544181308887076387037496;0.030048382989559460631845411172;0.051948051948051951476337251279;0.017061370002546472762761098352;0.011713776419658773406129448347;0.017061370002546472762761098352;0.035141329258976318483664869063;0.031321619556913676829523751621;0.021645021645021644135509220064;0.021899668958492487375044888154;0.028520499108734401194631402632;0.022663610898905017093651892424;0.016552075375604786283689762172;0.001782531194295900074664462664;0.018843901196842371970063823028;0.009676597911892029224567579604;0.018079959256429845720903770712;0.011204481792717086927058112167;0.004583651642475172240109859700;0.024700789406671759540490285190;0.036159918512859691441807541423;0.012987012987012987869084312820;0.009167303284950344480219719401;0.010695187165775400447986775987;0.037687802393684743940127646056;0.007894066717596130017264854928;0.029539088362617774152774074992;0.000000000000000000000000000000;0.018334606569900688960439438802;0.011459129106187930166593780257;0.012732365673542144629548644730;0.022663610898905017093651892424;0.013750954927425515852967841113;0.024955436720142602780025953280;0.010695187165775400447986775987
-0.017281105990783411641142919279;0.031105990783410138872389083531;0.037730414746543781967513808695;0.014976958525345621456303923935;0.026497695852534561972158044796;0.021889400921658985071927006061;0.007200460829493087605568391041;0.023041474654377881031708241721;0.031105990783410138872389083531;0.015841013824884793426139850681;0.009792626728110598310905743347;0.018433179723502304131477202986;0.016417050691244237936583516557;0.019873271889400922346480271585;0.029953917050691242912607847870;0.012672811059907834740911880544;0.027937788018433180187161113395;0.048099078341013824788863217918;0.023617511520737325542151907598;0.007488479262672810728151961968;0.015264976958525345446249232850;0.025057603686635943757154976197;0.026209677419354839716936211858;0.019297235023041474366589653755;0.022177419354838710796595790953;0.016417050691244237936583516557;0.023329493087557603286930074660;0.061059907834101381784996931401;0.005472350230414746267981751515;0.027937788018433180187161113395;0.028801843317972350422273564163;0.017281105990783411641142919279;0.013536866359447004976024331313;0.006048387096774193380510631357;0.026209677419354839716936211858;0.027937788018433180187161113395;0.008928571428571428075793292578;0.012096774193548386761021262714;0.008640552995391705820571459640;0.032258064516129031362723367238;0.008928571428571428075793292578;0.030241935483870968637276632762;0.000000000000000000000000000000;0.011520737327188940515854120861;0.012096774193548386761021262714;0.014976958525345621456303923935;0.011808755760368662771075953799;0.009792626728110598310905743347;0.025345622119815669481823761089;0.010368663594470046290796361177
-0.029090909090909090883858567622;0.048181818181818179824826842150;0.038181818181818184820830452963;0.000606060606060606060080386825;0.006060606060606060600803868255;0.030606060606060605383538231195;0.005757575757575757353923240345;0.028181818181818182877940159869;0.030606060606060605383538231195;0.017272727272727272929131459023;0.012424242424242424448488364419;0.016666666666666666435370203203;0.016060606060606059941608947383;0.022121212121212121409774553626;0.020606060606060606910094890054;0.020000000000000000416333634234;0.024545454545454543915372624951;0.055454545454545457749961911986;0.022727272727272727903535809446;0.008484848484848485708487153545;0.016666666666666666435370203203;0.016060606060606059941608947383;0.020303030303030301928490786167;0.020606060606060606910094890054;0.025454545454545455390737984658;0.020303030303030301928490786167;0.025151515151515150409133880771;0.065454545454545459692852205080;0.000909090909090909090120580238;0.024242424242424242403215473018;0.019090909090909092410415226482;0.014848484848484848688809911721;0.015151515151515151935690539631;0.003333333333333333547282562037;0.017575757575757574441288610956;0.028787878787878789371701415689;0.014242424242424242195048655901;0.015151515151515151935690539631;0.002121212121212121427121788386;0.027575757575757576384178904050;0.011212121212121211460965852780;0.033939393939393942833948614179;0.000000000000000000000000000000;0.014242424242424242195048655901;0.009090909090909090467524933388;0.014848484848484848688809911721;0.020606060606060606910094890054;0.012424242424242424448488364419;0.025454545454545455390737984658;0.011515151515151514707846480690
-0.022465088038858532087926889176;0.026715239829993929487894632757;0.040376442015786280503863991953;0.010625379477838493499919358953;0.038554948391013962871731735049;0.021250758955676986999838717907;0.006678809957498482371973658189;0.022161505768063145815904846359;0.044019429265330901890340697946;0.017000607164541589599870974325;0.014268366727383120090566492877;0.014268366727383120090566492877;0.024286581663630842781165242172;0.021250758955676986999838717907;0.019732847601700059109175455774;0.011232544019429266043963444588;0.027929568913175471106535852073;0.058591378263509408252929233640;0.019429265330904676306600364910;0.008500303582270794799935487163;0.015179113539769277171909145352;0.021250758955676986999838717907;0.022161505768063145815904846359;0.020643594414086217925241584226;0.017304189435336975871893017143;0.024286581663630842781165242172;0.026108075288403156943850547123;0.022768670309653914890501980040;0.002732240437158469942985350443;0.034911961141469341485255029056;0.009714632665452338153300182455;0.018214936247723134687959145595;0.010928961748633879771941401771;0.008500303582270794799935487163;0.026715239829993929487894632757;0.039465695203400118218350911548;0.009411050394656951881278139638;0.009107468123861567343979572797;0.013661202185792349281245883219;0.022768670309653914890501980040;0.013964784456587735553267926036;0.034608378870673951743786034285;0.000000000000000000000000000000;0.012143290831815421390582621086;0.010625379477838493499919358953;0.015786278081360047981229755010;0.016089860352155434253251797827;0.012750455373406193934626706721;0.031268973891924713159884419156;0.007589556769884638585954572676
-0.024041585445094215689465499963;0.037361923326835605463358547240;0.031513970110461336782137209411;0.009746588693957114468702229715;0.011046133853151396397862527010;0.028589993502274202441526540497;0.008122157244964262057251858096;0.033463287849252759675877655354;0.026640675763482779547786094554;0.012345679012345678327022824305;0.016244314489928524114503716191;0.015919428200129953632213641868;0.015594541910331383149923567544;0.014619883040935671703053344572;0.038336582196231316910228770212;0.010071474983755684950992304039;0.024041585445094215689465499963;0.054905782975958411507022560727;0.027615334632878490994656317525;0.008771929824561403021832006743;0.017543859649122806043664013487;0.018843404808317087972824310782;0.027290448343079920512366243202;0.022742040285899933760305202668;0.022742040285899933760305202668;0.016894087069525665079083864839;0.025016244314489927136335722935;0.060103963612735539223663749908;0.002923976608187134340610668914;0.033138401559454189193587581030;0.013970110461338530738473195925;0.012670565302144248809312898629;0.014944769330734242185343418896;0.005523066926575698198931263505;0.027290448343079920512366243202;0.020792722547108510866564756725;0.012020792722547107844732749982;0.008771929824561403021832006743;0.008447043534762832539541932420;0.026965562053281350030076168878;0.012020792722547107844732749982;0.035737491877842753051908175621;0.000000000000000000000000000000;0.009746588693957114468702229715;0.018193632228719947008244162134;0.017543859649122806043664013487;0.009746588693957114468702229715;0.010721247563352825915572452686;0.026640675763482779547786094554;0.012020792722547107844732749982
-0.026666666666666668378260496297;0.034242424242424240876658814159;0.039696969696969695851063164582;0.004242424242424242854243576772;0.007575757575757575967845269815;0.015757575757575758429451795450;0.007878787878787879214725897725;0.029696969696969697377619823442;0.045151515151515150825467515006;0.020000000000000000416333634234;0.013333333333333334189130248149;0.008484848484848485708487153545;0.015454545454545455182571167541;0.021515151515151514916013297807;0.019696969696969695434729530348;0.013939393939393938948168027991;0.031818181818181814901613790880;0.058181818181818181767717135244;0.022424242424242422921931705559;0.009090909090909090467524933388;0.015151515151515151935690539631;0.026363636363636363396656392410;0.027272727272727271402574800163;0.027272727272727271402574800163;0.024545454545454543915372624951;0.020000000000000000416333634234;0.023636363636363635909454217199;0.050909090909090910781475969316;0.003333333333333333547282562037;0.021818181818181819897617401693;0.007878787878787879214725897725;0.017878787878787879422892714842;0.011515151515151514707846480690;0.006363636363636363847684496164;0.016666666666666666435370203203;0.040000000000000000832667268469;0.014848484848484848688809911721;0.008484848484848485708487153545;0.003636363636363636360482320953;0.032121212121212119883217894767;0.008181818181818182461606525635;0.037878787878787879839226349077;0.000000000000000000000000000000;0.016060606060606059941608947383;0.011515151515151514707846480690;0.015151515151515151935690539631;0.016363636363636364923213051270;0.012121212121212121201607736509;0.028484848484848484390097311802;0.009696969696969696961286189207
-0.024590163934426229053187284990;0.023375834851244687434546065674;0.056466302367941714757115789780;0.006982392228293867776633963018;0.015786278081360047981229755010;0.015786278081360047981229755010;0.006678809957498482371973658189;0.017000607164541589599870974325;0.044930176077717064175853778352;0.020643594414086217925241584226;0.012446873102610807662604663903;0.012750455373406193934626706721;0.018822100789313903762556279275;0.024590163934426229053187284990;0.017911353976927748415937102777;0.011839708561020036853284054246;0.031268973891924713159884419156;0.057073466909532480362265971507;0.013661202185792349281245883219;0.014875531268973892634610578511;0.014268366727383120090566492877;0.033697632058287796397166857787;0.032179720704310868506503595654;0.027929568913175471106535852073;0.018822100789313903762556279275;0.022465088038858532087926889176;0.023375834851244687434546065674;0.020643594414086217925241584226;0.003339404978749241185986829095;0.019732847601700059109175455774;0.010321797207043108962620792113;0.020643594414086217925241584226;0.011232544019429266043963444588;0.007589556769884638585954572676;0.022768670309653914890501980040;0.037340619307832424722537467687;0.010928961748633879771941401771;0.013964784456587735553267926036;0.013661202185792349281245883219;0.044323011536126291631809692717;0.007285974499089253181294267847;0.025197328476017001597231370624;0.000000000000000000000000000000;0.014875531268973892634610578511;0.006071645415907710695291310543;0.018518518518518517490534236458;0.023072252580449301162524022857;0.012446873102610807662604663903;0.028536733454766240181132985754;0.007285974499089253181294267847
-0.034482758620689654693869385937;0.033251231527093597084565601563;0.065578817733990144023259460937;0.012931034482758620510201019727;0.008312807881773399271141400391;0.017241379310344827346934692969;0.005849753694581280583086879687;0.019088669950738917230337321485;0.036637931034482755510151008593;0.021859605911330050320717788281;0.012931034482758620510201019727;0.012623152709359606107875073633;0.012931034482758620510201019727;0.033866995073891625889217493750;0.018165024630541870553912531250;0.015086206896551724795929594336;0.036637931034482755510151008593;0.048029556650246302273998821875;0.011083743842364532361521867188;0.011391625615763546763847813281;0.011699507389162561166173759375;0.026477832512315269825053931640;0.016625615763546798542282800781;0.031096059113300492798837026953;0.031403940886699510670609925000;0.027709359605911330903804667969;0.023399014778325122332347518750;0.036637931034482755510151008593;0.002463054187192118254373651709;0.009852216748768473017494606836;0.010467980295566501822146499023;0.020012315270935960437315159766;0.008928571428571428075793292578;0.008620689655172413673467346484;0.021551724137931035918391842188;0.036330049261083741107825062500;0.014162561576354679854228280078;0.010160098522167487419820552930;0.004310344827586206836733673242;0.032635467980295568279913709375;0.004926108374384236508747303418;0.018780788177339902828011375391;0.000000000000000000000000000000;0.017241379310344827346934692969;0.006773399014778325524788193945;0.013854679802955665451902333984;0.026477832512315269825053931640;0.015394088669950739198255540430;0.028633004926108374110782506250;0.015394088669950739198255540430
-0.030059523809523810283783618047;0.018452380952380952744418252109;0.055059523809523808202115446875;0.004761904761904762334312479766;0.011011904761904762681257174961;0.013988095238095238706521605820;0.002976190476190476025264430859;0.018154761904761906182725894610;0.057440476190476187634548210781;0.022916666666666665047591422422;0.013095238095238095551997581367;0.014880952380952380126322154297;0.017261904761904763028201870156;0.033035714285714286309048048906;0.009226190476190476372209126055;0.020535714285714285615158658516;0.034821428571428572618096097813;0.052083333333333335646297967969;0.011607142857142857539365365938;0.012797619047619047255581747891;0.013392857142857142113689938867;0.037202380952380952050528861719;0.020833333333333332176851016015;0.030654761904761903407168333047;0.035119047619047619179788455313;0.026785714285714284227379877734;0.019047619047619049337249919063;0.011011904761904762681257174961;0.002678571428571428596210335371;0.015476190476190476719153821250;0.012202380952380952397473556914;0.019345238095238095898942276563;0.008928571428571428075793292578;0.008035714285714284921269268125;0.019047619047619049337249919063;0.039583333333333331482961625625;0.013095238095238095551997581367;0.011607142857142857539365365938;0.008928571428571428075793292578;0.029464285714285713690951951094;0.005357142857142857192420670742;0.031250000000000000000000000000;0.000000000000000000000000000000;0.014880952380952380126322154297;0.005654761904761904621474766230;0.017261904761904763028201870156;0.033035714285714286309048048906;0.018452380952380952744418252109;0.027083333333333334258519187188;0.010416666666666666088425508008
-0.029261363636363637436010876058;0.010227272727272727209646419055;0.055113636363636364645657295114;0.019886363636363636048232095277;0.023579545454545453725403447720;0.022727272727272727903535809446;0.004261363636363636048232095277;0.022443181818181816983281962052;0.035795454545454546968485942671;0.021874999999999998612221219219;0.015340909090909090814469628583;0.017897727272727273484242971335;0.015909090909090907450806895440;0.032670454545454544192928381108;0.016193181818181818371060742834;0.021306818181818180241160476385;0.038352272727272727903535809446;0.040625000000000001387778780781;0.017897727272727273484242971335;0.009374999999999999653055304805;0.010511363636363636395176790472;0.025852272727272727209646419055;0.016761363636363636742121485668;0.032954545454545451643735276548;0.027840909090909089773635542997;0.028409090909090908144696285831;0.026136363636363634660453314495;0.009659090909090908838585676222;0.002556818181818181802411604764;0.023295454545454546274596552280;0.017329545454545455113182228502;0.023295454545454546274596552280;0.008238636363636362910933819137;0.003693181818181818110852221437;0.018181818181818180935049866775;0.036363636363636361870099733551;0.013636363636363635701287400082;0.009659090909090908838585676222;0.007386363636363636221704442875;0.022159090909090909532475066612;0.007386363636363636221704442875;0.025284090909090908838585676222;0.000000000000000000000000000000;0.018465909090909091855303714169;0.010511363636363636395176790472;0.018465909090909091855303714169;0.027272727272727271402574800163;0.021874999999999998612221219219;0.022727272727272727903535809446;0.013352272727272726515757028665
-0.034555288461538463673505816587;0.018629807692307692040811772927;0.064302884615384608979482550239;0.003004807692307692474492641921;0.006911057692307692040811772927;0.025240384615384615918376454147;0.001502403846153846237246320960;0.015324519230769230102029432317;0.044170673076923079591882270734;0.021935096153846152244870637560;0.012019230769230769897970567683;0.017728365384615384081623545853;0.015925480769230768163247091707;0.030348557692307692040811772927;0.010216346153846153979594113537;0.018629807692307692040811772927;0.037860576923076920408117729266;0.049278846153846152244870637560;0.015324519230769230102029432317;0.012019230769230769897970567683;0.012620192307692307959188227073;0.026742788461538460204058864633;0.015925480769230768163247091707;0.028545673076923076122435318780;0.030048076923076923877564681220;0.025240384615384615918376454147;0.022536057692307692040811772927;0.014723557692307692040811772927;0.000600961538461538494898528384;0.019230769230769231836752908293;0.018629807692307692040811772927;0.021634615384615384081623545853;0.008112980769230769897970567683;0.004507211538461538061217659390;0.023437500000000000000000000000;0.041165865384615384081623545853;0.012319711538461538061217659390;0.009314903846153846020405886463;0.004807692307692307959188227073;0.025540865384615384081623545853;0.005108173076923076989797056768;0.032451923076923079591882270734;0.000000000000000000000000000000;0.019531250000000000000000000000;0.005108173076923076989797056768;0.015625000000000000000000000000;0.032752403846153847755129362440;0.022536057692307692040811772927;0.031550480769230768163247091707;0.014723557692307692040811772927
-0.029129427341939753692834358390;0.016881827209533267764030028957;0.062562065541211520081077424038;0.009268454154253558466280971118;0.027805362462760673664119437376;0.020854021847070507850174791997;0.003310162197947699638106433540;0.016881827209533267764030028957;0.046673286991062559736498371876;0.028798411122144984553017366125;0.013240648791790798552425734158;0.012909632571996027677885265916;0.012909632571996027677885265916;0.031115524660708375470630215887;0.013571665011585567692242726423;0.014895729890764647720957647437;0.034756703078450842947511034708;0.048328368090036412374477237108;0.009599470374048327606097963383;0.015226746110559416860774639702;0.010592519033432638494995892131;0.030453492221118833721549279403;0.015888778550148956875132100208;0.029791459781529295441915294873;0.025488248924197286215953539568;0.028467394902350215413200373860;0.029791459781529295441915294873;0.021185038066865276989991784262;0.001324064879179079811874486516;0.012247600132406487663527805410;0.005958291956305859261855406572;0.020523005627275735240910847779;0.007613373055279708430387319851;0.007282356835484938423208589597;0.025819265143992055355770531833;0.039390930155577624782736734232;0.013240648791790798552425734158;0.012909632571996027677885265916;0.010592519033432638494995892131;0.025488248924197286215953539568;0.004965243296921549240319215812;0.038066865276398541284574861265;0.000000000000000000000000000000;0.013571665011585567692242726423;0.004965243296921549240319215812;0.013902681231380336832059718688;0.027474346242965904524302445111;0.011585567692816947649170344903;0.034425686858656073807694042443;0.008275405494869249312106518346
-0.025320512820512820761909011935;0.027564102564102563319714533918;0.062500000000000000000000000000;0.001602564102564102508502452693;0.003525641025641025692177743522;0.019871794871794870585013370601;0.003205128205128205017004905386;0.024038461538461539795941135367;0.038141025641025644299375585433;0.020833333333333332176851016015;0.016987179487179485809500434357;0.014423076923076923877564681220;0.011538461538461539102051744976;0.031730769230769229061195346731;0.019551282051282051210883139447;0.015705128205128204843532557788;0.036538461538461540489830525757;0.050961538461538460897948255024;0.012179487179487179585035683260;0.011538461538461539102051744976;0.014743589743589743251694912374;0.029487179487179486503389824748;0.018589743589743589619045494032;0.027243589743589743945584302764;0.020833333333333332176851016015;0.020833333333333332176851016015;0.026602564102564101727876888503;0.036858974358974359863960756911;0.001282051282051282050170049054;0.020833333333333332176851016015;0.013782051282051281659857266959;0.018910256410256408993175725186;0.004166666666666666608842550801;0.008012820512820512108831394471;0.024358974358974359170071366520;0.028846153846153847755129362440;0.015384615384615385469402326635;0.010576923076923077510214099561;0.008653846153846154326538808732;0.034615384615384617306155234928;0.007371794871794871625847456187;0.027243589743589743945584302764;0.000000000000000000000000000000;0.016025641025641024217662788942;0.009615384615384615918376454147;0.012179487179487179585035683260;0.025641025641025640136039243089;0.019230769230769231836752908293;0.035576923076923075428545928389;0.014743589743589743251694912374
-0.028264556246466929906313581000;0.025720746184284905971884072073;0.054267947993216505975233587833;0.001978518937252685041400246391;0.005652911249293386328207411395;0.025155455059355569247259154508;0.003957037874505370082800492781;0.023742227247032222231526432665;0.036743923120407008531262960105;0.020350480497456191475436071414;0.014697569248162803412505184042;0.016393442622950820525273840644;0.020350480497456191475436071414;0.031091011871113623937779024686;0.014697569248162803412505184042;0.018937252685132844459703349571;0.032786885245901641050547681289;0.052572074618428492331911883184;0.013001695873374788034460003416;0.011305822498586772656414822791;0.016110797060486150428237905885;0.031938948558507630759439877011;0.019502543810062181184328267136;0.025155455059355569247259154508;0.029112492933860936727974433325;0.029112492933860936727974433325;0.026568682871678916262991876351;0.013849632560768796590844331718;0.001978518937252685041400246391;0.015262860373092141871853577584;0.010740531373657434197066429249;0.024024872809496892328562367425;0.009327303561334087181333707406;0.005935556811758055557881608166;0.026286037309214246165955941592;0.040418315432447712853836208069;0.012436404748445449575111609875;0.011023176936122102559378888031;0.005652911249293386328207411395;0.029960429621254947019082237603;0.006500847936687394017230001708;0.027416619559072923084652728676;0.000000000000000000000000000000;0.015545505935556811968889512343;0.007631430186546070935926788792;0.014414923685698135050192725259;0.027416619559072923084652728676;0.020915771622385528200060988979;0.030808366308648953840743089927;0.013284341435839458131495938176
-0.027542372881355931674152159871;0.022094430992736079077953803562;0.055690072639225179917943364671;0.003026634382566585883961307601;0.007566585956416464926743703501;0.019370460048426151045131149431;0.003934624697336562039462481977;0.025423728813559323680415502622;0.029055690072639226567696724146;0.023607748184019370502051415883;0.017251815980629539581947540228;0.012409200968523001820664752870;0.016646489104116223012308495299;0.036319612590799028872812215241;0.017251815980629539581947540228;0.019673123486682809329950671895;0.039951573849878935229540388718;0.047215496368038741004102831766;0.019975786924939467614770194359;0.013922518159806294979485841168;0.015133171912832929853487407001;0.026331719128329298534874070015;0.014830508474576271568667884537;0.033898305084745762594256035527;0.038135593220338985520623253933;0.030871670702179176276613858931;0.027239709443099273389332637407;0.017554479418886197866767062692;0.002118644067796610162141002220;0.016646489104116223012308495299;0.013014527845036320125027273775;0.022094430992736079077953803562;0.010290556900726392092204619644;0.006658595641646489204923398120;0.016041162227602906442669450371;0.038740920096852302090262298861;0.019067796610169492760311626967;0.009987893462469733807385097180;0.005145278450363196046102309822;0.021489104116222759038867806680;0.009382566585956417237746052251;0.020883777239709442469228761752;0.000000000000000000000000000000;0.013619854721549636694666318704;0.008777239709443098933383531346;0.018765133171912834475492104502;0.027845036319612589958971682336;0.013317191283292978409846796239;0.032384987893462467700711471252;0.011803874092009685251025707942
-0.025173611111111111882099322656;0.021990740740740741254732881771;0.047743055555555552471602709375;0.005497685185185185313683220443;0.014467592592592592656841610221;0.022280092592592590922118134245;0.004050925925925925701054364225;0.025173611111111111882099322656;0.039930555555555552471602709375;0.015046296296296295461059067122;0.013310185185185185313683220443;0.010995370370370370627366440885;0.018229166666666667823148983985;0.027199074074074073431583897786;0.021990740740740741254732881771;0.015914351851851853136832204427;0.033854166666666664353702032031;0.050636574074074076901030849740;0.017071759259259258745267118229;0.011574074074074073431583897786;0.010995370370370370627366440885;0.032986111111111111882099322656;0.015625000000000000000000000000;0.022280092592592590922118134245;0.025173611111111111882099322656;0.023148148148148146863167795573;0.029513888888888888117900677344;0.048321759259259258745267118229;0.002893518518518518357895974447;0.022569444444444444058950338672;0.010706018518518519225257712435;0.014178240740740741254732881771;0.008391203703703704538940932878;0.008101851851851851402108728450;0.023726851851851853136832204427;0.032696759259259258745267118229;0.012152777777777777970524830664;0.010706018518518519225257712435;0.009259259259259258745267118229;0.027777777777777776235801354687;0.007523148148148147730529533561;0.046296296296296293726335591145;0.000000000000000000000000000000;0.012442129629629629372633559115;0.008101851851851851402108728450;0.017071759259259258745267118229;0.019965277777777776235801354687;0.018229166666666667823148983985;0.027488425925925926568416102214;0.009548611111111111882099322656
-0.024509803921568627110838534122;0.018075980392156864445807329389;0.057291666666666664353702032031;0.007352941176470588133251560237;0.009497549019607842354928628481;0.020833333333333332176851016015;0.002144607843137255089038806233;0.018075980392156864445807329389;0.035539215686274508443354136489;0.026041666666666667823148983985;0.014705882352941176266503120473;0.011029411764705883067239078343;0.011029411764705883067239078343;0.032781862745098040712310449862;0.018995098039215684709857256962;0.019301470588235294933987518107;0.023897058823529410132024963787;0.050551470588235294933987518107;0.020220588235294118667484397633;0.011029411764705883067239078343;0.014093137254901961022413026114;0.026041666666666667823148983985;0.017156862745098040712310449862;0.027879901960784315290142743038;0.030943627450980393245316690809;0.026960784313725491556645863511;0.026041666666666667823148983985;0.045649509803921566042372859329;0.001225490196078431355541926706;0.020833333333333332176851016015;0.007659313725490195755296607416;0.021752450980392155910347895542;0.009191176470588235600245319290;0.008272058823529411866748439763;0.016850490196078430488180188718;0.039522058823529410132024963787;0.011948529411764705066012481893;0.009803921568627450844335413649;0.005208333333333333044212754004;0.031556372549019606754683309191;0.006433823529411764399754680710;0.037683823529411762665031204733;0.000000000000000000000000000000;0.015318627450980391510593214832;0.015012254901960784755909905641;0.010416666666666666088425508008;0.027267156862745098311329172702;0.017463235294117647466993759053;0.026348039215686274577832293176;0.012561274509803922044826052229
-0.035147392290249435120585985715;0.007086167800453515089320610798;0.059523809523809520505288617187;0.000000000000000000000000000000;0.010204081632653060410231837807;0.028344671201814060357282443192;0.002551020408163265102557959452;0.016439909297052152786777767801;0.035430839002267573711879578013;0.033446712018140589695036624107;0.014739229024943310830675358147;0.026360544217687076340439489286;0.018140589569160998212327129409;0.040816326530612241640927351227;0.004818594104308389879098850628;0.017573696145124717560292992857;0.033730158730158728286330216406;0.040816326530612241640927351227;0.009070294784580499106163564704;0.011054421768707483123006518611;0.015873015873015872134743631250;0.025510204081632653627664808482;0.014172335600907030178641221596;0.036281179138321996424654258817;0.035714285714285712303173170312;0.038265306122448980441497212723;0.020691609977324262881204219866;0.002267573696145124776540891176;0.001133786848072562388270445588;0.025793650793650792218958400781;0.013321995464852607465866540792;0.023242630385487527550081310324;0.008219954648526076393388883901;0.008503401360544218454129428153;0.019274376417233559516395402511;0.038832199546485257624084397321;0.013321995464852607465866540792;0.011337868480725623449023586886;0.004535147392290249553081782352;0.023526077097505669610821854576;0.005668934240362811724511793443;0.024659863945578230914890127679;0.000000000000000000000000000000;0.016439909297052152786777767801;0.002551020408163265102557959452;0.014172335600907030178641221596;0.035714285714285712303173170312;0.026360544217687076340439489286;0.032879818594104305573555535602;0.016439909297052152786777767801
-0.029464285714285713690951951094;0.013988095238095238706521605820;0.044940476190476190410105772344;0.000595238095238095291789059971;0.010416666666666666088425508008;0.027678571428571427381903902187;0.007440476190476190063161077148;0.021428571428571428769682682969;0.025297619047619047949471138281;0.020535714285714285615158658516;0.012797619047619047255581747891;0.027380952380952380820211544687;0.019345238095238095898942276563;0.027976190476190477413043211641;0.008630952380952381514100935078;0.010119047619047619526733150508;0.029761904761904760252644308594;0.040178571428571431545240244532;0.024404761904761904794947113828;0.009821428571428571230317317031;0.022023809523809525362514349922;0.029761904761904760252644308594;0.028869047619047620567567236094;0.028571428571428570536427926640;0.024702380952380951356639471328;0.028869047619047620567567236094;0.026190476190476191103995162734;0.008928571428571428075793292578;0.002083333333333333304421275400;0.039285714285714284921269268125;0.025892857142857144542302805235;0.021726190476190475331375040469;0.015178571428571428422737987773;0.006547619047619047775998790684;0.025297619047619047949471138281;0.038392857142857145236192195625;0.010714285714285714384841341484;0.008928571428571428075793292578;0.008928571428571428075793292578;0.036309523809523812365451789219;0.007142857142857142634106981660;0.022916666666666665047591422422;0.000000000000000000000000000000;0.014880952380952380126322154297;0.005059523809523809763366575254;0.021130952380952382207990325469;0.025595238095238094511163495781;0.016071428571428569842538536250;0.028571428571428570536427926640;0.009226190476190476372209126055
-0.022500803600128575082672810481;0.019607843137254901688670827298;0.049823207971713273645164576919;0.003214400514304082464439593636;0.009964641594342654729032915384;0.024108003857280617399094779785;0.005464480874316939885970700885;0.027000964320154290793096762968;0.043715846994535519087765607082;0.021215043394406944005092796601;0.013500482160077145396548381484;0.018322082931533270611090813418;0.014464802314368370439456867871;0.023786563805850209629699776315;0.019607843137254901688670827298;0.020893603342976536235697793131;0.028286724525875925340123728802;0.045001607200257150165345620962;0.018000642880102859372248857994;0.008357441337190614147334422057;0.013179042108646737627153378014;0.027322404371584698562491766438;0.023143683702989394090909769375;0.032465445194471233281152677819;0.029572484731597556417703742682;0.027322404371584698562491766438;0.027322404371584698562491766438;0.029893924783027964187098746152;0.001607200257152041232219796818;0.019286403085824493919275823828;0.014143362262937962670061864401;0.019286403085824493919275823828;0.009000321440051429686124428997;0.004821600771456123479818955957;0.019607843137254901688670827298;0.033108325297332048819942684759;0.017679202828672451602853854524;0.009321761491481839190242908444;0.008036001285760206377939418587;0.027322404371584698562491766438;0.004500160720025714843062214499;0.040180006428801026685526665005;0.000000000000000000000000000000;0.014464802314368370439456867871;0.010928961748633879771941401771;0.012857602057216329857758374544;0.025393764063002248476674793665;0.019607843137254901688670827298;0.028929604628736740878913735742;0.012857602057216329857758374544
-0.029994340690435765395260858668;0.018958687040181096405966343355;0.058290888511601586519095263839;0.002263723825693265533781639576;0.006508205998868137921731236162;0.019524617996604414632555446474;0.003961516694963214575697652009;0.026881720430107527292085123349;0.048104131295981893134960927227;0.017826825127334466891682041023;0.016977928692699491286521862321;0.010186757215619695118857812588;0.013865308432371251448622651026;0.036785512167515563297648384378;0.015280135823429541810924980894;0.012450481041312959351596845181;0.034521788341822297330185875808;0.060271646859083191638539744872;0.016129032258064515681361683619;0.013016411997736275843462472324;0.017543859649122806043664013487;0.029428409734012450638118707502;0.019807583474816072011126522057;0.025183927560837576081764765945;0.027164685908319184670656198932;0.024335031126202603946051539197;0.032258064516129031362723367238;0.011884550084889642859731218039;0.002829654782116581591966397724;0.013299377475947934956757023883;0.009054895302773062135126558303;0.020939445387662704994857776342;0.012450481041312959351596845181;0.005942275042444821429865609019;0.022354272778720995357160106209;0.037634408602150538902808563080;0.012450481041312959351596845181;0.006225240520656479675798422591;0.005942275042444821429865609019;0.028013582342954160275816377634;0.009337860780984719513697633886;0.033955857385398982573043724642;0.000000000000000000000000000000;0.014148273910582908827193726609;0.009337860780984719513697633886;0.014997170345217882697630429334;0.028296547821165817654387453217;0.019241652518392757253984370891;0.032541029994340692210741394774;0.011601584606677985481160142456
-0.036564625850340135015947851116;0.013038548752834467139849472517;0.051870748299319729968104297768;0.000566893424036281194135222794;0.007369614512471655415337679074;0.025510204081632653627664808482;0.000850340136054421736992725567;0.016439909297052152786777767801;0.041950113378684809883889528237;0.023526077097505669610821854576;0.017006802721088436908258856306;0.015873015873015872134743631250;0.013038548752834467139849472517;0.035714285714285712303173170312;0.009637188208616779758197701256;0.024659863945578230914890127679;0.033446712018140589695036624107;0.043934240362811793900732482143;0.013038548752834467139849472517;0.011904761904761904101057723437;0.010204081632653060410231837807;0.037414965986394557728722531920;0.012188208616780046161798267690;0.034863945578231289590398489509;0.039399092970521541745565485826;0.036281179138321996424654258817;0.022675736961451246898047173772;0.014455782312925170504658289872;0.002267573696145124776540891176;0.025793650793650792218958400781;0.016439909297052152786777767801;0.022392290249433108306753581473;0.007653061224489795741354747349;0.007086167800453515089320610798;0.014172335600907030178641221596;0.037698412698412696320016124218;0.011621315192743763775040655162;0.011904761904761904101057723437;0.005668934240362811724511793443;0.024376417233560092323596535380;0.003684807256235827707668839537;0.033163265306122451103743031808;0.000000000000000000000000000000;0.018707482993197278864361265960;0.007086167800453515089320610798;0.013605442176870747791883609068;0.031746031746031744269487262500;0.016723356009070294847518312054;0.026643990929705214931733081585;0.018140589569160998212327129409
-0.030498533724340175926625917668;0.012903225806451612892034042090;0.032844574780058650997904834412;0.001173020527859237535639458372;0.015542521994134897780903692421;0.027859237536656891037756267337;0.004398826979472141192328837889;0.014662756598240470062854967637;0.033724340175953076981230083220;0.013782991202346040610082766875;0.013782991202346040610082766875;0.078299120234604099866082549397;0.020821114369501465823919517106;0.023460410557184750712789167437;0.007331378299120235031427483818;0.016715542521994135316543150793;0.031085043988269795561807384843;0.045161290322580642520033933351;0.009384164222873900285115666975;0.012609970674486803074443308503;0.012609970674486803074443308503;0.022287390029325514911873185042;0.025513196480938415966477350594;0.020821114369501465823919517106;0.024340175953079180165561368199;0.017302052785923754951724617968;0.021114369501466275641510250693;0.020527859237536656006328783519;0.002346041055718475071278916744;0.045747800586510262155215400526;0.031964809384164225014579585604;0.018181818181818180935049866775;0.011730205278592375356394583719;0.006451612903225806446017021045;0.029912023460410556291444450494;0.034604105571847509903449235935;0.012023460410557185173985317306;0.010263929618768328003164391760;0.010850439882697947638345858934;0.031378299120234605379398118430;0.004398826979472141192328837889;0.026686217008797655236840284942;0.000000000000000000000000000000;0.013782991202346040610082766875;0.004985337243401759960148567075;0.019354838709677420205412801124;0.015542521994134897780903692421;0.015249266862170087963312958834;0.031085043988269795561807384843;0.012903225806451612892034042090
-0.030649038461538460204058864633;0.012019230769230769897970567683;0.056490384615384615918376454147;0.003605769230769230969391170305;0.015625000000000000000000000000;0.029146634615384615918376454147;0.003004807692307692474492641921;0.021033653846153847755129362440;0.052283653846153847755129362440;0.023437500000000000000000000000;0.014723557692307692040811772927;0.019831730769230768163247091707;0.015925480769230768163247091707;0.028846153846153847755129362440;0.009615384615384615918376454147;0.025240384615384615918376454147;0.030949519230769231836752908293;0.042367788461538463673505816587;0.015324519230769230102029432317;0.012620192307692307959188227073;0.010516826923076923877564681220;0.032151442307692304489741275120;0.016526442307692307959188227073;0.027944711538461539795941135367;0.032752403846153847755129362440;0.028545673076923076122435318780;0.027343750000000000000000000000;0.014723557692307692040811772927;0.002103365384615384515304414847;0.031550480769230768163247091707;0.019831730769230768163247091707;0.018930288461538460204058864633;0.007812500000000000000000000000;0.008713942307692307959188227073;0.016526442307692307959188227073;0.026141826923076923877564681220;0.010516826923076923877564681220;0.009915865384615384081623545853;0.010216346153846153979594113537;0.026141826923076923877564681220;0.005709134615384615051014716158;0.024038461538461539795941135367;0.000000000000000000000000000000;0.015324519230769230102029432317;0.008713942307692307959188227073;0.014122596153846153979594113537;0.023737980769230768163247091707;0.019230769230769231836752908293;0.030048076923076923877564681220;0.017427884615384615918376454147
-0.023882896764252696530927977392;0.027734976887519260935199838514;0.055469953775038521870399677027;0.012840267077555212946182727762;0.020030816640986132126656116270;0.016692347200821775615731112907;0.003595274781715459590236694254;0.025937339496661531573762360381;0.039034411915767848466618517023;0.021058038007190547913349831788;0.012069851052901901106162441124;0.007704160246533127941181984255;0.011556240369799691478092107388;0.031587057010785825339471699635;0.019517205957883924233309258511;0.016178736517719567722384255148;0.029019003595274782403290458888;0.052388289676425267571424626567;0.015408320493066255882363968510;0.007190549563430919180473388508;0.015408320493066255882363968510;0.028248587570621468828546696272;0.016949152542372881297128017763;0.023626091422701590849531072536;0.024653312788906010105671740007;0.025423728813559323680415502622;0.022598870056497175062837357018;0.038777606574216742785221612166;0.003338469440164355209882396380;0.011556240369799691478092107388;0.012069851052901901106162441124;0.022085259373394967169490499259;0.009501797637390858169981200376;0.006420133538777606473091363881;0.025423728813559323680415502622;0.040832049306625574358609043202;0.015921931176168465510434302246;0.009244992295839754223307771497;0.006420133538777606473091363881;0.029019003595274782403290458888;0.010272213662044170010001487015;0.045711350796096561488468523748;0.000000000000000000000000000000;0.011813045711350795424765536268;0.011813045711350795424765536268;0.008474576271186440648564008882;0.024396507447354904424274835151;0.014124293785310734414273348136;0.024653312788906010105671740007;0.012326656394453005052835870003
-0.031250000000000000000000000000;0.009915865384615384081623545853;0.060396634615384615918376454147;0.003906250000000000000000000000;0.007211538461538461938782340610;0.022536057692307692040811772927;0.005408653846153846020405886463;0.016826923076923076122435318780;0.041466346153846152244870637560;0.025540865384615384081623545853;0.015625000000000000000000000000;0.010817307692307692040811772927;0.013822115384615384081623545853;0.033052884615384615918376454147;0.007211538461538461938782340610;0.019831730769230768163247091707;0.040564903846153847755129362440;0.046875000000000000000000000000;0.013822115384615384081623545853;0.011418269230769230102029432317;0.012319711538461538061217659390;0.029747596153846152244870637560;0.015324519230769230102029432317;0.040264423076923079591882270734;0.032151442307692304489741275120;0.026141826923076923877564681220;0.025841346153846152244870637560;0.013521634615384615918376454147;0.003305288461538461505101471616;0.016526442307692307959188227073;0.008413461538461538061217659390;0.020733173076923076122435318780;0.011117788461538461938782340610;0.009014423076923076122435318780;0.019230769230769231836752908293;0.037560096153846152244870637560;0.014122596153846153979594113537;0.012319711538461538061217659390;0.005408653846153846020405886463;0.031850961538461536326494183413;0.004206730769230769030608829695;0.035456730769230768163247091707;0.000000000000000000000000000000;0.018930288461538460204058864633;0.006610576923076923010202943232;0.015925480769230768163247091707;0.030649038461538460204058864633;0.024338942307692307959188227073;0.025240384615384615918376454147;0.016225961538461539795941135367
-0.030122476001324064581732287138;0.009268454154253558466280971118;0.063555114200595827500528400833;0.000662032439589539905937243258;0.012578616352201258538068273651;0.019198940748096655212195926765;0.003310162197947699638106433540;0.024164184045018206187238618554;0.040714995034756701342004703292;0.023171135385633895298340689806;0.013902681231380336832059718688;0.020523005627275735240910847779;0.018867924528301886072378934500;0.033763654419066535528060057914;0.008275405494869249312106518346;0.015226746110559416860774639702;0.027805362462760673664119437376;0.042039059913935784840166576259;0.021185038066865276989991784262;0.012578616352201258538068273651;0.011254551473022178509353352638;0.035418735518040381227145019238;0.022178086726249587878889713011;0.025819265143992055355770531833;0.033101621979476997248426073384;0.026150281363786824495587524098;0.029129427341939753692834358390;0.005627275736511089254676676319;0.001324064879179079811874486516;0.025819265143992055355770531833;0.014233697451175107706600186930;0.019529956967891427821459870984;0.014233697451175107706600186930;0.006289308176100629269034136826;0.024164184045018206187238618554;0.043032108573320092259617553054;0.011254551473022178509353352638;0.009268454154253558466280971118;0.004303210857332009225961755305;0.031777557100297913750264200416;0.005296259516716319247497946066;0.028798411122144984553017366125;0.000000000000000000000000000000;0.015888778550148956875132100208;0.005958291956305859261855406572;0.012909632571996027677885265916;0.033101621979476997248426073384;0.021516054286660046129808776527;0.028798411122144984553017366125;0.012909632571996027677885265916
-0.024875621890547264941639937774;0.014663524482848912591781420645;0.052893427598847866932807448848;0.000523697302958889797375174879;0.002618486514794448986875874397;0.021995286724273369755033868955;0.002880335166273893885563461836;0.018591254255040587373137839222;0.061534433097669545553731751397;0.022780832678711705752139238257;0.014925373134328357924149877078;0.013877978528410578329399527320;0.020424194815396701230270082306;0.028803351662738937988272880375;0.005760670332547787771126923673;0.019900497512437810565533169438;0.042419481539670067515856999307;0.047656454569258967224332224077;0.012830583922492798734649177561;0.010473946059177795947503497587;0.012306886619533909804635740670;0.034564021995286721422591114106;0.024613773239067819609271481340;0.024090075936108928944534568473;0.025399319193506152136929898688;0.026184865147944488134035267990;0.021995286724273369755033868955;0.023042681330191151084507694691;0.001571091908876669392125524638;0.013092432573972244067017633995;0.016234616391725582851268683271;0.018591254255040587373137839222;0.008902854150301125688016234960;0.006808064938465566498515535443;0.024351924587588374276903024906;0.035873265252683951553880348229;0.013877978528410578329399527320;0.012568735271013355137004197104;0.011259492013616130209885390911;0.036658811207122284081538765577;0.003927729772191673046632942601;0.041633935585231734988198581959;0.000000000000000000000000000000;0.014925373134328357924149877078;0.003142183817753338784251049276;0.016234616391725582851268683271;0.022257135375752815087402325389;0.020162346163917255897901625872;0.031421838177533384373063540806;0.013877978528410578329399527320
-0.025892857142857144542302805235;0.019047619047619049337249919063;0.056547619047619047949471138281;0.004166666666666666608842550801;0.016964285714285712997062560703;0.026785714285714284227379877734;0.002678571428571428596210335371;0.029761904761904760252644308594;0.034523809523809526056403740313;0.019047619047619049337249919063;0.014583333333333333564629796797;0.011309523809523809242949532461;0.016071428571428569842538536250;0.033630952380952379432432763906;0.021130952380952382207990325469;0.016369047619047619873677845703;0.027083333333333334258519187188;0.045535714285714283533490487343;0.028273809523809523974735569141;0.011309523809523809242949532461;0.017261904761904763028201870156;0.032440476190476193185663333907;0.026785714285714284227379877734;0.021726190476190475331375040469;0.025297619047619047949471138281;0.022023809523809525362514349922;0.030654761904761903407168333047;0.009523809523809524668624959531;0.002678571428571428596210335371;0.023809523809523808202115446875;0.010119047619047619526733150508;0.013392857142857142113689938867;0.015773809523809523280846178750;0.007440476190476190063161077148;0.021130952380952382207990325469;0.033333333333333332870740406406;0.011309523809523809242949532461;0.008928571428571428075793292578;0.006250000000000000346944695195;0.033928571428571425994125121406;0.009523809523809524668624959531;0.024107142857142858233254756328;0.000000000000000000000000000000;0.016369047619047619873677845703;0.015178571428571428422737987773;0.017261904761904763028201870156;0.018452380952380952744418252109;0.017857142857142856151586585156;0.033928571428571425994125121406;0.012797619047619047255581747891
-0.016017316017316016868443639964;0.031601731601731603005234205739;0.032467532467532464468540354119;0.006926406926406926400918706577;0.026406926406926406469821699829;0.028138528138528139804774852450;0.007142857142857142634106981660;0.027489177489177490237848289212;0.052164502164502163372716836420;0.010173160173160172500828046793;0.007792207792207792201033544899;0.014285714285714285268213963320;0.020995670995670994568582656825;0.016883116883116881801196740298;0.017748917748917750203396792585;0.009740259740259740034451496626;0.034848484848484850839867021932;0.062337662337662337608268359190;0.019047619047619049337249919063;0.007359307359307359734656994732;0.010606060606060606701928072937;0.030086580086580085036107590213;0.028354978354978355170601389545;0.017965367965367965569223329680;0.017748917748917750203396792585;0.012987012987012987869084312820;0.027489177489177490237848289212;0.038311688311688310570879423267;0.002597402597402597400344514966;0.036580086580086580705373222600;0.010606060606060606701928072937;0.013852813852813852801837413153;0.013203463203463203234910849915;0.006060606060606060600803868255;0.021428571428571428769682682969;0.032034632034632033736887279929;0.012121212121212121201607736509;0.007575757575757575967845269815;0.013419913419913420335460862987;0.030519480519480519237207616356;0.008225108225108225534771833054;0.058441558441558440206708979758;0.000000000000000000000000000000;0.011255411255411256268854636176;0.015584415584415584402067089798;0.018181818181818180935049866775;0.009307359307359307568074946460;0.009956709956709957135001509698;0.027272727272727271402574800163;0.008658008658008658001148383221
-0.018914473684210526133187002529;0.024945175438596492445419983142;0.022752192982456141689961981456;0.052357456140350880358091956168;0.062225877192982455288206011801;0.021107456140350876888645004215;0.013706140350877192221612510536;0.023026315789473682932309017701;0.025493421052631578399561007586;0.012061403508771929155019009272;0.012335526315789473866812997471;0.021107456140350876888645004215;0.012883771929824561555677497893;0.014254385964912279910477010958;0.037006578947368418130992040460;0.013706140350877192221612510536;0.037554824561403507554580016858;0.033717105263157895467251989885;0.025493421052631578399561007586;0.006030701754385964577509504636;0.014254385964912279910477010958;0.024671052631578947733625994942;0.009594298245614035422490495364;0.019462719298245615556774978927;0.016447368421052630665935012644;0.015625000000000000000000000000;0.013706140350877192221612510536;0.048245614035087716620076037088;0.006304824561403508421941754847;0.032072368421052634135381964597;0.033442982456140350755458001686;0.020559210526315790934503979770;0.010416666666666666088425508008;0.006030701754385964577509504636;0.014528508771929824622270999157;0.023026315789473682932309017701;0.006304824561403508421941754847;0.015625000000000000000000000000;0.008497807017543860044761494521;0.016173245614035089423587976398;0.010964912280701753777290008429;0.030153508771929824622270999157;0.000000000000000000000000000000;0.017817982456140350755458001686;0.029057017543859649244541998314;0.020285087719298246222709991571;0.011239035087719298489083996628;0.009320175438596490710696507165;0.015899122807017544711793988199;0.009594298245614035422490495364
-0.018904320987654321672977175695;0.026620370370370370627366440885;0.043209876543209874144579885069;0.023148148148148146863167795573;0.025462962962962961549484575130;0.023919753086419751758606722092;0.001929012345679012238597316298;0.018518518518518517490534236458;0.043595679012345678327022824305;0.017361111111111111882099322656;0.015046296296296295461059067122;0.021604938271604937072289942535;0.015046296296296295461059067122;0.020833333333333332176851016015;0.025077160493827160836488587847;0.018132716049382716777538249175;0.030864197530864195817557060764;0.044367283950617286691908702778;0.018132716049382716777538249175;0.013117283950617283222461750825;0.015432098765432097908778530382;0.022762345679012346150171808290;0.020447530864197531463855028733;0.025077160493827160836488587847;0.025848765432098765731927514366;0.020447530864197531463855028733;0.024305555555555555941049661328;0.026620370370370370627366440885;0.004243827160493826924914095855;0.023533950617283951045610734809;0.019675925925925926568416102214;0.023148148148148146863167795573;0.012345679012345678327022824305;0.005015432098765431820353022374;0.022762345679012346150171808290;0.033950617283950615399312766840;0.011959876543209875879303361046;0.009259259259259258745267118229;0.015046296296296295461059067122;0.017361111111111111882099322656;0.005787037037037036715791948893;0.045138888888888888117900677344;0.000000000000000000000000000000;0.013117283950617283222461750825;0.011574074074074073431583897786;0.009259259259259258745267118229;0.020447530864197531463855028733;0.017361111111111111882099322656;0.023533950617283951045610734809;0.009645061728395061192986581489
-0.030270655270655269508672802203;0.012464387464387464629633761604;0.051994301994301994618297158013;0.003917378917378917628500101245;0.042378917378917378699920703866;0.038461538461538463673505816587;0.003917378917378917628500101245;0.021723646723646725109624355810;0.034900284900284898881306361318;0.009615384615384615918376454147;0.018518518518518517490534236458;0.027777777777777776235801354687;0.017094017094017095736990796695;0.019586894586894585540415292257;0.015669515669515670514000404978;0.013888888888888888117900677344;0.022792022792022793159505411609;0.040598290598290599773267928185;0.025284900284900286432376859125;0.009615384615384615918376454147;0.016737891737891738563881460777;0.032051282051282048435325577884;0.016025641025641024217662788942;0.023504273504273504036277131490;0.026353276353276354482257914924;0.019230769230769231836752908293;0.029558404558404558631901082322;0.014957264957264957902505209120;0.001424501424501424572469088226;0.053062678062678066137625165766;0.022079772079772078813286739774;0.015669515669515670514000404978;0.014957264957264957902505209120;0.005698005698005698289876352902;0.018874643874643874663643572376;0.034544159544159541708197025400;0.012820512820512820068019621544;0.013532763532763532679514817403;0.006766381766381766339757408701;0.031339031339031341028000809956;0.005698005698005698289876352902;0.023860398860398861209386467408;0.000000000000000000000000000000;0.009259259259259258745267118229;0.010327635327635326795148174028;0.011752136752136752018138565745;0.019586894586894585540415292257;0.011396011396011396579752705804;0.027065527065527065359029634806;0.011396011396011396579752705804
-0.032144005143040825511757674349;0.027643844423015106331886769908;0.031822565091610417742362670879;0.002571520411443265624606979713;0.021215043394406944005092796601;0.029572484731597556417703742682;0.004500160720025714843062214499;0.027965284474445517570728725332;0.029572484731597556417703742682;0.017679202828672451602853854524;0.012536162005785920353639895097;0.024750883960141432937884786725;0.017036322725811636064063847584;0.014786242365798778208851871341;0.018643522982963678380485816888;0.022179363548698167313277807011;0.031501125040180003034073763502;0.046287367405978788181819538750;0.016714882674381228294668844114;0.007071681131468981335030932200;0.018643522982963678380485816888;0.024750883960141432937884786725;0.011893281902925104814849888157;0.022822243651558982852067813951;0.028929604628736740878913735742;0.020572163291546124996855837708;0.029572484731597556417703742682;0.015750562520090001517036881751;0.007071681131468981335030932200;0.032144005143040825511757674349;0.034072645451623272128127695169;0.028929604628736740878913735742;0.013821922211507553165943384954;0.007393121182899389104425935670;0.015750562520090001517036881751;0.036322725811636126513892719458;0.009643201542912246959637911914;0.023465123754419801860304772845;0.005143040822886531249213959427;0.020893603342976536235697793131;0.010928961748633879771941401771;0.031822565091610417742362670879;0.000000000000000000000000000000;0.018643522982963678380485816888;0.008357441337190614147334422057;0.032465445194471233281152677819;0.012214721954355512584244891627;0.010286081645773062498427918854;0.020572163291546124996855837708;0.010928961748633879771941401771
-0.016496465043205028183637139705;0.037706205813040065411012591312;0.026708562450903378798772180858;0.038229903115998949136855600273;0.033778476040848388894932696758;0.020424194815396701230270082306;0.007593610892903901628259166756;0.028017805708300601991167511073;0.030636292223095051845405123458;0.013354281225451689399386090429;0.013354281225451689399386090429;0.017543859649122806043664013487;0.018591254255040587373137839222;0.012568735271013355137004197104;0.031421838177533384373063540806;0.008902854150301125688016234960;0.031683686829012833174878949194;0.043466876145587848845330825043;0.026708562450903378798772180858;0.007331762241424456295890710322;0.012306886619533909804635740670;0.019376800209478919900796256570;0.025137470542026710274008394208;0.014925373134328357924149877078;0.016758313694684473516005596139;0.014401675831369468994136440188;0.026970411102382824131140637292;0.033778476040848388894932696758;0.006808064938465566498515535443;0.035087719298245612087328026973;0.016496465043205028183637139705;0.016496465043205028183637139705;0.013877978528410578329399527320;0.004189578423671118379001399035;0.027232259753862265994062141772;0.024613773239067819609271481340;0.010212097407698350615135041153;0.010735794710657239545148478044;0.019900497512437810565533169438;0.033778476040848388894932696758;0.013616129876931132997031070886;0.037444357161560616609197182925;0.000000000000000000000000000000;0.014663524482848912591781420645;0.016234616391725582851268683271;0.017020162346163918848374052573;0.015187221785807803256518333512;0.009426551453260016352753147828;0.023042681330191151084507694691;0.005760670332547787771126923673
-0.018591254255040587373137839222;0.040848389630793402460540164611;0.031421838177533384373063540806;0.008379156847342236758002798069;0.024351924587588374276903024906;0.019900497512437810565533169438;0.006546216286986122033508816997;0.032992930086410056367274279410;0.040848389630793402460540164611;0.011259492013616130209885390911;0.012045037968054464472267284236;0.019638648860958365233164713004;0.020686043466876146562638538740;0.014925373134328357924149877078;0.026708562450903378798772180858;0.009164702801780571020384691394;0.025137470542026710274008394208;0.063105525006546217547942490000;0.024875621890547264941639937774;0.006808064938465566498515535443;0.015449070437287248588886789946;0.021471589421314479090296956088;0.024875621890547264941639937774;0.015972767740246137518900226837;0.018329405603561142040769382788;0.020424194815396701230270082306;0.031945535480492275037800453674;0.056297460068080652784150430534;0.001571091908876669392125524638;0.025923016496465042801666811556;0.013616129876931132997031070886;0.012045037968054464472267284236;0.020947892118355591895006995173;0.004189578423671118379001399035;0.020947892118355591895006995173;0.032992930086410056367274279410;0.014925373134328357924149877078;0.007593610892903901628259166756;0.009688400104739459950398128285;0.019638648860958365233164713004;0.010997643362136684877516934478;0.043990573448546739510067737911;0.000000000000000000000000000000;0.011783189316575019139898827802;0.014925373134328357924149877078;0.014401675831369468994136440188;0.009164702801780571020384691394;0.010212097407698350615135041153;0.028803351662738937988272880375;0.008641005498821680355647778526
-0.031019577930333077503410876830;0.020594965675057207848963614083;0.027459954233409609308802501459;0.001779811848461734097304187685;0.016018306636155606875737689165;0.036867531146707349654079166612;0.006610729722857869132546237978;0.028731248410882277016797914371;0.034324942791762014238088340790;0.011950165268243072291820539022;0.017289600813628274583733102077;0.026697177726926011459562815276;0.023391812865497074724885351316;0.018052377320111872432972788260;0.014747012458682939167742276254;0.011950165268243072291820539022;0.026697177726926011459562815276;0.050088990592423089653895118545;0.023391812865497074724885351316;0.007627765064836002778525525514;0.022374777523518941946267801768;0.018306636155606407362350651624;0.031528095601322143892719651603;0.016526824307144673265046463939;0.024917365878464277362258627591;0.019323671497584540140968201172;0.036613272311212814724701303248;0.032545130943300276671337201151;0.003051106025934401371618731602;0.031528095601322143892719651603;0.019323671497584540140968201172;0.014747012458682939167742276254;0.018306636155606407362350651624;0.006102212051868802743237463204;0.028222730739893210627489139597;0.030765319094838546043479965419;0.016018306636155606875737689165;0.006102212051868802743237463204;0.009661835748792270070484100586;0.027459954233409609308802501459;0.008644800406814137291866551038;0.036104754640223744865945576521;0.000000000000000000000000000000;0.012458682939232138681129313795;0.009153318077803203681175325812;0.016018306636155606875737689165;0.010170353419781338194516351336;0.010933129926264937778479513497;0.035850495804729216875461617065;0.011950165268243072291820539022
-0.036396962555642835279723357189;0.010735794710657239545148478044;0.049751243781094529883279875548;0.002094789211835559189500699517;0.019900497512437810565533169438;0.033778476040848388894932696758;0.004189578423671118379001399035;0.021995286724273369755033868955;0.045037968054464520839541563646;0.021471589421314479090296956088;0.013877978528410578329399527320;0.023828227284629483612166112039;0.019376800209478919900796256570;0.032469232783451165702537366542;0.007069913589945011830883991877;0.021733438072793924422665412521;0.028017805708300601991167511073;0.048965697826656190416727554293;0.012830583922492798734649177561;0.010212097407698350615135041153;0.013354281225451689399386090429;0.031683686829012833174878949194;0.025661167844985597469298355122;0.025399319193506152136929898688;0.028279654359780047323535967507;0.028541503011259492655904423941;0.026446713799423933466403724424;0.008117308195862791425634341635;0.002094789211835559189500699517;0.016234616391725582851268683271;0.028803351662738937988272880375;0.015187221785807803256518333512;0.010473946059177795947503497587;0.005760670332547787771126923673;0.024875621890547264941639937774;0.035611416601204502752064939841;0.011259492013616130209885390911;0.012306886619533909804635740670;0.009950248756218905282766584719;0.023304529981670592947429199171;0.006284367635506677568502098552;0.028803351662738937988272880375;0.000000000000000000000000000000;0.014663524482848912591781420645;0.006022518984027232236133642118;0.014925373134328357924149877078;0.022257135375752815087402325389;0.019114951557999474568427800136;0.029327048965697825183562841289;0.011521340665095575542253847345
-0.024335664335664336510589578211;0.025454545454545455390737984658;0.036643356643356640722775097174;0.060979020979020977233364675385;0.050909090909090910781475969316;0.022377622377622377602968128940;0.005034965034965034960667829012;0.020139860139860139842671316046;0.039720279720279721979991904846;0.018461538461538463257172182352;0.013146853146853147709105513741;0.013146853146853147709105513741;0.018741258741258742109847545976;0.025174825174825176538062621034;0.033286713286713287551776829787;0.008951048951048951041187251576;0.026573426573426574270886391105;0.048951048951048951873854520045;0.017622377622377623229699139529;0.008111888111888112748437684729;0.013146853146853147709105513741;0.019860139860139860989995952423;0.016223776223776225496875369458;0.024895104895104894215940305457;0.026013986013986013096088711904;0.017902097902097902082374503152;0.029090909090909090883858567622;0.031048951048951049791480016893;0.003076923076923076920408117729;0.026853146853146853123561754728;0.013146853146853147709105513741;0.014265734265734266589253920188;0.009790209790209791068660294400;0.005594405594405594400742032235;0.015384615384615385469402326635;0.031328671328671328644155380516;0.013426573426573426561780877364;0.007552447552447552441001743517;0.008671328671328672188511887953;0.013146853146853147709105513741;0.006993006993006993000927540294;0.021538461538461537575495086116;0.000000000000000000000000000000;0.012027972027972028828957107294;0.017902097902097902082374503152;0.013706293706293707149179716964;0.022097902097902098750292765317;0.010349650349650350508734497623;0.024335664335664336510589578211;0.012867132867132867121706674141
-0.024671052631578947733625994942;0.016173245614035089423587976398;0.042763157894736843200877984827;0.038651315789473686401755969655;0.043037280701754387912671973027;0.028234649122807018578606985670;0.002467105263157894599890251897;0.019736842105263156799122015173;0.063048245614035089423587976398;0.017817982456140350755458001686;0.012883771929824561555677497893;0.015899122807017544711793988199;0.013980263157894736933406498736;0.023300438596491227644103005900;0.019736842105263156799122015173;0.017269736842105264801316977241;0.027686403508771929155019009272;0.043859649122807015109160033717;0.013706140350877192221612510536;0.010964912280701753777290008429;0.012609649122807016843883509694;0.023574561403508772355896994100;0.013157894736842104532748010115;0.020559210526315790934503979770;0.025493421052631578399561007586;0.027138157894736843200877984827;0.023300438596491227644103005900;0.026864035087719298489083996628;0.001918859649122806911025751475;0.018640350877192981421393014330;0.016721491228070175377729000843;0.018366228070175440179045978084;0.010142543859649123111354995785;0.005482456140350876888645004215;0.018914473684210526133187002529;0.032620614035087716620076037088;0.012061403508771929155019009272;0.011787280701754386177948497050;0.008497807017543860044761494521;0.015899122807017544711793988199;0.005208333333333333044212754004;0.031524122807017544711793988199;0.000000000000000000000000000000;0.016447368421052630665935012644;0.012061403508771929155019009272;0.013980263157894736933406498736;0.023300438596491227644103005900;0.017543859649122806043664013487;0.025767543859649123111354995785;0.014528508771929824622270999157
-0.027777777777777776235801354687;0.016782407407407409077881865755;0.038773148148148146863167795573;0.008969907407407407343158389779;0.028645833333333332176851016015;0.033854166666666664353702032031;0.004340277777777777970524830664;0.023726851851851853136832204427;0.043692129629629629372633559115;0.017939814814814814686316779557;0.015046296296296295461059067122;0.030381944444444444058950338672;0.019097222222222223764198645313;0.027488425925925926568416102214;0.014467592592592592656841610221;0.018229166666666667823148983985;0.025752314814814814686316779557;0.041087962962962965018931527084;0.020543981481481482509465763542;0.007233796296296296328420805111;0.021122685185185185313683220443;0.022280092592592590922118134245;0.018518518518518517490534236458;0.023726851851851853136832204427;0.024884259259259258745267118229;0.024884259259259258745267118229;0.030671296296296297195782543099;0.014178240740740741254732881771;0.002025462962962962850527182113;0.029803240740740741254732881771;0.026331018518518517490534236458;0.011863425925925926568416102214;0.014178240740740741254732881771;0.007812500000000000000000000000;0.021122685185185185313683220443;0.037037037037037034981068472916;0.013310185185185185313683220443;0.013888888888888888117900677344;0.008391203703703704538940932878;0.024016203703703702804217456901;0.004050925925925925701054364225;0.030671296296296297195782543099;0.000000000000000000000000000000;0.013888888888888888117900677344;0.013020833333333333911574491992;0.014467592592592592656841610221;0.017939814814814814686316779557;0.015046296296296295461059067122;0.028935185185185185313683220443;0.008101851851851851402108728450
-0.032614278376990241126165415153;0.023626091422701590849531072536;0.044940934771443244444277809180;0.013097072419106316892856156642;0.026964560862865947360456075899;0.016178736517719567722384255148;0.004622496147919877111653885748;0.034155110426296868275652940383;0.016178736517719567722384255148;0.023112480739599382956184214777;0.018233179250128402765218638137;0.007960965588084232755217151123;0.013867488443759630467599919257;0.029789419619928095978034221503;0.024396507447354904424274835151;0.014124293785310734414273348136;0.034925526450950178380949751045;0.054185927067283000402309056653;0.026964560862865947360456075899;0.007704160246533127941181984255;0.020287621982537237808053021126;0.020287621982537237808053021126;0.021828454031843861488093594403;0.026707755521314841679059171042;0.027991782229070363147149791416;0.026450950179763739467109218140;0.037236774524910115635734086936;0.020544427324088340020002974029;0.001540832049306625631604483750;0.017976373908577297083821733281;0.006676938880328710419764792761;0.015408320493066255882363968510;0.012840267077555212946182727762;0.006420133538777606473091363881;0.023112480739599382956184214777;0.042116076014381095826699663576;0.014637904468412942307620205895;0.009758602978941962116654629256;0.005649717514124293765709339254;0.023369286081150488637581119633;0.014124293785310734414273348136;0.014637904468412942307620205895;0.000000000000000000000000000000;0.013097072419106316892856156642;0.018233179250128402765218638137;0.013097072419106316892856156642;0.019774011299435029914706163368;0.013610683102208526520926490377;0.031330251669234719658074794779;0.013610683102208526520926490377
-0.030357142857142856845475975547;0.014880952380952380126322154297;0.050297619047619049337249919063;0.007738095238095238359576910625;0.008928571428571428075793292578;0.023809523809523808202115446875;0.005654761904761904621474766230;0.023809523809523808202115446875;0.047916666666666669904817155157;0.019047619047619049337249919063;0.015773809523809523280846178750;0.022321428571428571924206707422;0.024404761904761904794947113828;0.027380952380952380820211544687;0.008333333333333333217685101602;0.019047619047619049337249919063;0.033035714285714286309048048906;0.054166666666666668517038374375;0.016964285714285712997062560703;0.009523809523809524668624959531;0.017559523809523809589894227656;0.033928571428571425994125121406;0.022619047619047618485899064922;0.022023809523809525362514349922;0.027678571428571427381903902187;0.026190476190476191103995162734;0.025297619047619047949471138281;0.009523809523809524668624959531;0.003571428571428571317053490830;0.019642857142857142460634634062;0.020535714285714285615158658516;0.016666666666666666435370203203;0.013392857142857142113689938867;0.007440476190476190063161077148;0.023809523809523808202115446875;0.029166666666666667129259593594;0.011309523809523809242949532461;0.013988095238095238706521605820;0.007440476190476190063161077148;0.030952380952380953438307642500;0.008035714285714284921269268125;0.030952380952380953438307642500;0.000000000000000000000000000000;0.015773809523809523280846178750;0.007738095238095238359576910625;0.012500000000000000693889390391;0.022321428571428571924206707422;0.014880952380952380126322154297;0.027678571428571427381903902187;0.013988095238095238706521605820
-0.030965391621129326887862376338;0.022768670309653914890501980040;0.038858530661809352613200729820;0.120522161505768068967547890225;0.027322404371584698562491766438;0.030358227079538554343818290704;0.003946569520340011995307438752;0.017911353976927748415937102777;0.021250758955676986999838717907;0.015179113539769277171909145352;0.017000607164541589599870974325;0.019732847601700059109175455774;0.016393442622950820525273840644;0.020947176684881604197263627043;0.023375834851244687434546065674;0.017000607164541589599870974325;0.020947176684881604197263627043;0.034608378870673951743786034285;0.015179113539769277171909145352;0.006678809957498482371973658189;0.012446873102610807662604663903;0.014268366727383120090566492877;0.012143290831815421390582621086;0.020947176684881604197263627043;0.032483302975106251309078686518;0.026411657559198543215872589940;0.020340012143290831653219541408;0.041894353369763208394527254086;0.002732240437158469942985350443;0.027018822100789312290469723621;0.012750455373406193934626706721;0.017000607164541589599870974325;0.009714632665452338153300182455;0.003035822707953855347645655272;0.017911353976927748415937102777;0.027625986642380084834513809255;0.006982392228293867776633963018;0.012446873102610807662604663903;0.004250151791135397399967743581;0.018518518518518517490534236458;0.005464480874316939885970700885;0.020340012143290831653219541408;0.000000000000000000000000000000;0.013357619914996964743947316379;0.011839708561020036853284054246;0.014875531268973892634610578511;0.022465088038858532087926889176;0.015482695810564663443931188169;0.019429265330904676306600364910;0.014875531268973892634610578511
-0.025619834710743801670096431167;0.030853994490358128272022852912;0.048760330578512395272028356885;0.004958677685950413534243796931;0.014325068870523415334727879156;0.025344352617079891204499020319;0.005234159779614324867202945768;0.022038567493112948270095330372;0.034710743801652892137621364554;0.020936639118457299468811783072;0.015151515151515151935690539631;0.019834710743801654136975187726;0.015977961432506886801929724129;0.028099173553719009738260936615;0.018181818181818180935049866775;0.013774104683195592668809581482;0.028925619834710744604500121113;0.047933884297520663875236124341;0.015977961432506886801929724129;0.008264462809917355601285748889;0.011294765840220386335368552011;0.021763085399449034335050967570;0.012947658402203856067846921007;0.030578512396694214336978490110;0.028374655647382920203858347463;0.028374655647382920203858347463;0.023966942148760331937618062170;0.038842975206611569938264238999;0.003305785123966942067041951958;0.026997245179063360936977389315;0.011294765840220386335368552011;0.018181818181818180935049866775;0.011019283746556474135047665186;0.005234159779614324867202945768;0.024517906336088152868812883867;0.034710743801652892137621364554;0.012121212121212121201607736509;0.011019283746556474135047665186;0.003581267217630853833681969789;0.021763085399449034335050967570;0.007988980716253443400964862064;0.041046831955922867540831333599;0.000000000000000000000000000000;0.015977961432506886801929724129;0.009917355371900827068487593863;0.015426997245179064136011426456;0.025344352617079891204499020319;0.017355371900826446068810682277;0.029752066115702479470739305611;0.012396694214876033401928623334
-0.028070175438596491751530592751;0.031848852901484481225935496695;0.046153846153846156408206979904;0.017543859649122806043664013487;0.022402159244264505805199760857;0.026450742240215922851387375658;0.004858299595141700628897485359;0.029419703103913629610444147033;0.027530364372469636607965171038;0.019973009446693657659155363149;0.013495276653171390732199874662;0.016194331983805668184750459204;0.011336032388663968423214711834;0.029689608636977057182226857890;0.028070175438596491751530592751;0.015654520917678813041185037491;0.023751686909581647133560267093;0.048582995951417004554251377613;0.025641025641025640136039243089;0.008097165991902834092375229602;0.021862348178137650661634339144;0.014844804318488528591113428945;0.015654520917678813041185037491;0.021052631578947367946286206575;0.029149797570850202038661436177;0.024831309041835357420691110519;0.030229419703103912325792279603;0.027800269905533064179747881894;0.001619433198380566731738872122;0.023211875843454791989994845380;0.019163292847503374943807230579;0.012415654520917678710345555260;0.012685560053981106282128266116;0.004858299595141700628897485359;0.019433198380566802515589941436;0.034547908232118756943762605260;0.011605937921727395994997422690;0.010256410256410256401360392431;0.003508771929824561468941324094;0.024561403508771929848908399663;0.008636977058029689235940651315;0.023751686909581647133560267093;0.000000000000000000000000000000;0.012685560053981106282128266116;0.021052631578947367946286206575;0.017273954116059378471881302630;0.025371120107962212564256532232;0.016464237516869095756533170061;0.023751686909581647133560267093;0.012955465587044533853910976973
-0.030059523809523810283783618047;0.015773809523809523280846178750;0.040773809523809524668624959531;0.000892857142857142829263372708;0.007142857142857142634106981660;0.027976190476190477413043211641;0.002976190476190476025264430859;0.031250000000000000000000000000;0.028869047619047620567567236094;0.022916666666666665047591422422;0.015476190476190476719153821250;0.022023809523809525362514349922;0.015178571428571428422737987773;0.030059523809523810283783618047;0.015773809523809523280846178750;0.020238095238095239053466301016;0.027083333333333334258519187188;0.041071428571428571230317317031;0.024404761904761904794947113828;0.010416666666666666088425508008;0.016666666666666666435370203203;0.019642857142857142460634634062;0.016964285714285712997062560703;0.030952380952380953438307642500;0.033333333333333332870740406406;0.026785714285714284227379877734;0.032142857142857139685077072500;0.026785714285714284227379877734;0.002976190476190476025264430859;0.024107142857142858233254756328;0.019940476190476189022326991562;0.014583333333333333564629796797;0.012797619047619047255581747891;0.005357142857142857192420670742;0.024702380952380951356639471328;0.036309523809523812365451789219;0.015178571428571428422737987773;0.014880952380952380126322154297;0.003869047619047619179788455313;0.019047619047619049337249919063;0.007738095238095238359576910625;0.023511904761904761640423089375;0.000000000000000000000000000000;0.017559523809523809589894227656;0.011309523809523809242949532461;0.016666666666666666435370203203;0.026190476190476191103995162734;0.020833333333333332176851016015;0.032440476190476193185663333907;0.016369047619047619873677845703
-0.026990553306342781464399749325;0.024291497975708502277125688806;0.046153846153846156408206979904;0.004588394062078272189753036514;0.012955465587044533853910976973;0.027530364372469636607965171038;0.004318488529014844617970325658;0.020782726045883940374503495718;0.035897435897435894802676159543;0.020512820512820512802720784862;0.017543859649122806043664013487;0.014304993252361673447548007232;0.014574898785425101019330718088;0.031309041835357626082370074982;0.019433198380566802515589941436;0.021592442645074223089851628288;0.027800269905533064179747881894;0.042375168690958163464355124006;0.019703103913630230087372652292;0.007557354925775978081448069901;0.016734143049932523328315880917;0.020242914979757085230938074005;0.012145748987854251138562844403;0.032118758434547908797718207552;0.031039136302294198510587364126;0.032388663967611336369500918408;0.030769230769230770938804653269;0.023211875843454791989994845380;0.002159244264507422308985162829;0.024291497975708502277125688806;0.010526315789473683973143103287;0.021592442645074223089851628288;0.008636977058029689235940651315;0.008906882591093116807723362172;0.017543859649122806043664013487;0.038866396761133605031179882872;0.013495276653171390732199874662;0.009986504723346828829577681574;0.006207827260458839355172777630;0.017543859649122806043664013487;0.008367071524966261664157940459;0.029959514170040484754009568746;0.000000000000000000000000000000;0.020782726045883940374503495718;0.011066126855600539116708525000;0.022941970310391364418212134524;0.030229419703103912325792279603;0.018083670715249661187229435200;0.023481781376518219561777556237;0.016464237516869095756533170061
-0.032039976484420931712726599017;0.009700176366843032971232219097;0.050852439741328629707606268084;0.000000000000000000000000000000;0.004409171075837742259651008681;0.032039976484420931712726599017;0.003233392122281011134971029364;0.023221634332745443723977629702;0.030276308054085831339419243591;0.022927689594356259750185245139;0.020282186948853614394394639930;0.022339800117577895272047427966;0.018224573780129336986188803849;0.038212815990593770876238011169;0.009112286890064668493094401924;0.022927689594356259750185245139;0.029394473838918282887489041855;0.046737213403880067952300692014;0.011757789535567313848885007133;0.008230452674897120041164200188;0.015285126396237507656605814077;0.021751910640799530793909610793;0.026455026455026453557906052083;0.035861258083480306024792838571;0.039976484420928867780098414642;0.029688418577307466861281426418;0.028806584362139918409351224682;0.004409171075837742259651008681;0.002939447383891828462221251783;0.016460905349794240082328400376;0.017342739564961788534258602112;0.020282186948853614394394639930;0.011463844797178129875092622569;0.006760728982951205376372705302;0.024397413286302176149700216001;0.033509700176366841173347665972;0.011463844797178129875092622569;0.015873015873015872134743631250;0.004115226337448560020582100094;0.022045855379188711298255043403;0.006466784244562022269942058728;0.023515579071134627697770014265;0.000000000000000000000000000000;0.019988242210464433890049207321;0.004115226337448560020582100094;0.021457965902410346820117226230;0.030276308054085831339419243591;0.023515579071134627697770014265;0.031746031746031744269487262500;0.014109347442680775230883227778
-0.032786885245901641050547681289;0.014605067064083458380774338536;0.048584202682563339126264878587;0.002682563338301043216749253162;0.029508196721311476251603522769;0.026825633383010433902216007596;0.005365126676602086433498506324;0.023546944858420269103271849076;0.041430700447093890548266870155;0.016691505216095380015328686341;0.018479880774962743894551664425;0.021460506706408345733994025295;0.022652757078986587163660360034;0.023845007451564828593326694772;0.010730253353204172866997012648;0.015201192250372579095607505906;0.030402384500745158191215011811;0.047690014903129657186653389545;0.019970193740685544814272844860;0.009538002980625931437330677909;0.015499254843517138585662351602;0.020268256333830104304327690556;0.030402384500745158191215011811;0.024143070044709388083381540469;0.032488822652757078091045883639;0.022652757078986587163660360034;0.026229508196721311452659364249;0.008643815201192251232442664843;0.003278688524590163931582420531;0.028315946348733234821937188030;0.025931445603576751962604518553;0.013412816691505216951108003798;0.011028315946348734091775334321;0.006259314456035767505748257378;0.022354694485842027673605514337;0.034575260804769004929770659373;0.015499254843517138585662351602;0.010432190760059613376942166951;0.007451564828614008935414592116;0.023546944858420269103271849076;0.007749627421758569292831175801;0.033681073025335322990159170331;0.000000000000000000000000000000;0.014903129657228017870829184233;0.005961251862891207148331673693;0.020268256333830104304327690556;0.017287630402384502464885329687;0.016691505216095380015328686341;0.026229508196721311452659364249;0.012816691505216096236274836428
-0.038123167155425220775644135074;0.028739002932551320490528468099;0.039296187683284460046007069423;0.018181818181818180935049866775;0.020821114369501465823919517106;0.025513196480938415966477350594;0.004398826979472141192328837889;0.026979472140762465054431018530;0.019061583577712610387822067537;0.015542521994134897780903692421;0.016129032258064515681361683619;0.020821114369501465823919517106;0.015542521994134897780903692421;0.024046920821114370347970634612;0.035483870967741935886774484743;0.016715542521994135316543150793;0.024926686217008796331295883419;0.043695014662756596901527217369;0.023753665689149560530379901024;0.009090909090909090467524933388;0.019648093841642230023003534711;0.015542521994134897780903692421;0.019648093841642230023003534711;0.024926686217008796331295883419;0.035483870967741935886774484743;0.030498533724340175926625917668;0.029325513196480940125709935273;0.044574780058651029823746370084;0.003519061583577712606918375116;0.027859237536656891037756267337;0.012316715542521994991576050893;0.015249266862170087963312958834;0.011436950146627565538803850131;0.003812316715542521990828239709;0.020821114369501465823919517106;0.030791788856304985744216651256;0.011436950146627565538803850131;0.007038123167155425213836750231;0.004985337243401759960148567075;0.019354838709677420205412801124;0.009384164222873900285115666975;0.016715542521994135316543150793;0.000000000000000000000000000000;0.013782991202346040610082766875;0.015249266862170087963312958834;0.012316715542521994991576050893;0.021114369501466275641510250693;0.017008797653958945134133884380;0.023167155425219940895198433850;0.016129032258064515681361683619
-0.027322404371584698562491766438;0.027018822100789312290469723621;0.037037037037037034981068472916;0.054948391013964786866452527647;0.020340012143290831653219541408;0.020643594414086217925241584226;0.004553734061930783671989786399;0.024893746205221615325209327807;0.037947783849423190327687649415;0.015482695810564663443931188169;0.014268366727383120090566492877;0.012750455373406193934626706721;0.022768670309653914890501980040;0.018822100789313903762556279275;0.022465088038858532087926889176;0.014875531268973892634610578511;0.023375834851244687434546065674;0.047965998785670919957180302617;0.018518518518518517490534236458;0.008196721311475410262636920322;0.014571948998178506362588535694;0.025197328476017001597231370624;0.025804493017607770671828504305;0.023375834851244687434546065674;0.025197328476017001597231370624;0.021554341226472373271860760724;0.023072252580449301162524022857;0.040983606557377046109014173680;0.003035822707953855347645655272;0.021554341226472373271860760724;0.017000607164541589599870974325;0.015482695810564663443931188169;0.013054037644201578471925273561;0.007285974499089253181294267847;0.023072252580449301162524022857;0.033090467516697023853122772152;0.011232544019429266043963444588;0.009714632665452338153300182455;0.010928961748633879771941401771;0.026411657559198543215872589940;0.011232544019429266043963444588;0.027625986642380084834513809255;0.000000000000000000000000000000;0.013054037644201578471925273561;0.010018214936247722690598749296;0.019125683060109290034578322093;0.015482695810564663443931188169;0.009107468123861567343979572797;0.021250758955676986999838717907;0.007285974499089253181294267847
-0.029442970822281165632627875084;0.023872679045092836530583824128;0.041379310344827585632643263125;0.002652519893899204107140521458;0.012997347480106100081620468245;0.030769230769230770938804653269;0.005570291777188329102044050956;0.033687002652519892897942099808;0.029973474801061009142877367140;0.018302387267904510897986725126;0.017506631299734749102059438997;0.016976127320954905591809946941;0.015119363395225463714277580607;0.024933687002652520081635856286;0.020689655172413792816321631562;0.018567639257294429183664519201;0.029973474801061009142877367140;0.059946949602122018285754734279;0.027586206896551723755095508750;0.007957559681697612755102433368;0.019098143236074269224467059303;0.024403183023872680040833316184;0.023342175066312996489781284026;0.023342175066312996489781284026;0.027055702917771883714292968648;0.024933687002652520081635856286;0.030769230769230770938804653269;0.010344827586206896408160815781;0.001591511936339522507652399774;0.026259946949602121918365682518;0.012732095490716180061219198194;0.011405835543766578224489371962;0.014854111405835543693876310556;0.008488063660477452795904973470;0.020159151193633952775519091460;0.039522546419098143755110896791;0.016445623342175065551007406839;0.007957559681697612755102433368;0.010875331564986738183686831860;0.024403183023872680040833316184;0.008488063660477452795904973470;0.024933687002652520081635856286;0.000000000000000000000000000000;0.020159151193633952775519091460;0.013527851458885941857146484324;0.012201591511936340020416658092;0.017241379310344827346934692969;0.014854111405835543693876310556;0.032095490716180369306087527548;0.010610079575596816428562085832
-0.029780564263322883283846564950;0.016196447230929989641312616300;0.055903866248693832863292385582;0.001306165099268547565708464830;0.010971786833855799378478756978;0.027690700104493207872602411612;0.008098223615464994820656308150;0.022988505747126436462579590625;0.027951933124346916431646192791;0.024555903866248694755736181605;0.017241379310344827346934692969;0.022466039707419019344492028267;0.011755485893416928525057052468;0.027690700104493207872602411612;0.013061650992685474789722910316;0.022988505747126436462579590625;0.029519331243469174724802783771;0.044148380355276906072958809091;0.021159874608150469610379218466;0.008359456635318705114423565306;0.013061650992685474789722910316;0.021943573667711598756957513956;0.014106583072100314230068462962;0.030825496342737720989468641619;0.037617554858934171280182567898;0.035788923719958204427982195739;0.028735632183908045578224488281;0.006792058516196446821266974325;0.003918495297805642263444525497;0.024033437826541274168201667294;0.014890282131661441641923282475;0.017763845350052247934469207280;0.010449320794148380525667718643;0.009665621734587251379089423153;0.021943573667711598756957513956;0.042842215256008356338845999289;0.015673981191222569053778101988;0.015412748171368860494734320810;0.006008359456635318542050416823;0.020637408568443052492291656108;0.006269592476489027968455935991;0.024555903866248694755736181605;0.000000000000000000000000000000;0.019592476489028214786669579439;0.007053291536050157115034231481;0.019592476489028214786669579439;0.024033437826541274168201667294;0.018808777429467085640091283949;0.030564263322884012430424860440;0.013584117032392893642533948650
-0.034265350877192984890839966283;0.016995614035087720089522989042;0.048793859649122806043664013487;0.002467105263157894599890251897;0.026589912280701753777290008429;0.025493421052631578399561007586;0.004385964912280701510916003372;0.036458333333333335646297967969;0.018640350877192981421393014330;0.024945175438596492445419983142;0.016173245614035089423587976398;0.022203947368421052266374005058;0.016173245614035089423587976398;0.027686403508771929155019009272;0.018366228070175440179045978084;0.016995614035087720089522989042;0.021107456140350876888645004215;0.044956140350877193956335986513;0.022478070175438596978167993257;0.007949561403508772355896994100;0.026041666666666667823148983985;0.020833333333333332176851016015;0.024671052631578947733625994942;0.030427631578947369334064987356;0.026315789473684209065496020230;0.027138157894736843200877984827;0.040844298245614037157213971341;0.008223684210526315332967506322;0.001918859649122806911025751475;0.019462719298245615556774978927;0.011239035087719298489083996628;0.018640350877192981421393014330;0.016447368421052630665935012644;0.006578947368421052266374005058;0.017817982456140350755458001686;0.035910087719298246222709991571;0.014254385964912279910477010958;0.013432017543859649244541998314;0.002192982456140350755458001686;0.026041666666666667823148983985;0.010690789473684210800219496207;0.017543859649122806043664013487;0.000000000000000000000000000000;0.017269736842105264801316977241;0.012609649122807016843883509694;0.018914473684210526133187002529;0.021655701754385966312232980613;0.019188596491228070844980990728;0.028782894736842104532748010115;0.011787280701754386177948497050
-0.029545454545454544886817771498;0.012215909090909091508359018974;0.040056818181818179547271085994;0.001136363636363636308440616673;0.044886363636363633966563924105;0.026136363636363634660453314495;0.003125000000000000173472347598;0.023863636363636364645657295114;0.049147727272727273484242971335;0.020454545454545454419292838111;0.017329545454545455113182228502;0.019886363636363636048232095277;0.011931818181818182322828647557;0.031818181818181814901613790880;0.012784090909090909879419761808;0.019886363636363636048232095277;0.028693181818181819064950133225;0.040056818181818179547271085994;0.029261363636363637436010876058;0.009090909090909090467524933388;0.016761363636363636742121485668;0.018749999999999999306110609609;0.016193181818181818371060742834;0.030113636363636363257878514332;0.030965909090909092549193104560;0.032102272727272729291314590228;0.028409090909090908144696285831;0.012215909090909091508359018974;0.001704545454545454462660925010;0.033522727272727273484242971335;0.008806818181818181281994561971;0.015909090909090907450806895440;0.014488636363636363257878514332;0.004545454545454545233762466694;0.015340909090909090814469628583;0.036079545454545454419292838111;0.013636363636363635701287400082;0.011079545454545454766237533306;0.005681818181818181975883952362;0.018465909090909091855303714169;0.005113636363636363604823209528;0.040056818181818179547271085994;0.000000000000000000000000000000;0.015625000000000000000000000000;0.011363636363636363951767904723;0.013636363636363635701287400082;0.021874999999999998612221219219;0.017897727272727273484242971335;0.025852272727272727209646419055;0.012500000000000000693889390391
-0.031848852901484481225935496695;0.018353576248313088759012146056;0.046153846153846156408206979904;0.003238866396761133463477744243;0.017543859649122806043664013487;0.027260458839406209036182460181;0.006477732793522266926955488486;0.029419703103913629610444147033;0.024021592442645074705342977950;0.022132253711201078233417050001;0.017273954116059378471881302630;0.018623481781376519800241808866;0.019163292847503374943807230579;0.027260458839406209036182460181;0.017004048582995950900098591774;0.016464237516869095756533170061;0.025641025641025640136039243089;0.044804318488529011610399521714;0.024561403508771929848908399663;0.008367071524966261664157940459;0.022672064777327936846429423667;0.018353576248313088759012146056;0.020782726045883940374503495718;0.021592442645074223089851628288;0.028340080971659919323313303607;0.028879892037786774466878725320;0.033468286099865046656631761834;0.014304993252361673447548007232;0.001619433198380566731738872122;0.028070175438596491751530592751;0.009986504723346828829577681574;0.014304993252361673447548007232;0.020512820512820512802720784862;0.008906882591093116807723362172;0.024561403508771929848908399663;0.034278002699055329371979894404;0.012145748987854251138562844403;0.014035087719298245875765296375;0.007827260458839406520592518746;0.019433198380566802515589941436;0.009176788124156544379506073028;0.023481781376518219561777556237;0.000000000000000000000000000000;0.015384615384615385469402326635;0.019703103913630230087372652292;0.017004048582995950900098591774;0.024291497975708502277125688806;0.017273954116059378471881302630;0.029689608636977057182226857890;0.014304993252361673447548007232
-0.036398467432950193378715653125;0.025451559934318555150634111328;0.037766830870279148590906714844;0.001094690749863163692703893481;0.021893814997263272986716131641;0.031472359058565956002606611719;0.004652435686918445639781438672;0.031746031746031744269487262500;0.041050903119868635549050139844;0.017241379310344827346934692969;0.017515051997810619083262295703;0.017241379310344827346934692969;0.016694033935413247343726439453;0.027093596059113302099152775781;0.014778325123152708658880172266;0.018609742747673782559125754688;0.023262178434592228198907193359;0.047071702244116039870469592188;0.028735632183908045578224488281;0.013409961685823755181412586523;0.016694033935413247343726439453;0.016694033935413247343726439453;0.017241379310344827346934692969;0.022988505747126436462579590625;0.026819923371647510362825173047;0.026272577996715926890169967578;0.029282977558839629050879693750;0.025998905309250135153842364844;0.002189381499726327385407786963;0.029556650246305417317760344531;0.010946907498631636493358065820;0.013136288998357963445084983789;0.010673234811165846491753939063;0.003010399562123699992305381201;0.017515051997810619083262295703;0.037493158182813353385132160156;0.011494252873563218231289795312;0.007936507936507936067371815625;0.006568144499178981722542491895;0.019157088122605362562334008203;0.009578544061302681281167004101;0.037766830870279148590906714844;0.000000000000000000000000000000;0.014504652435686918657276045508;0.008483853311439517805303545117;0.016694033935413247343726439453;0.024904214559386971677978905859;0.019704433497536946034989213672;0.028735632183908045578224488281;0.014778325123152708658880172266
-0.030949519230769231836752908293;0.027043269230769231836752908293;0.050180288461538463673505816587;0.010216346153846153979594113537;0.018329326923076923877564681220;0.015925480769230768163247091707;0.003906250000000000000000000000;0.024338942307692307959188227073;0.027644230769230768163247091707;0.021334134615384615918376454147;0.018329326923076923877564681220;0.016526442307692307959188227073;0.016826923076923076122435318780;0.032752403846153847755129362440;0.018629807692307692040811772927;0.018629807692307692040811772927;0.027944711538461539795941135367;0.044170673076923079591882270734;0.017728365384615384081623545853;0.009314903846153846020405886463;0.013822115384615384081623545853;0.020132211538461539795941135367;0.019831730769230768163247091707;0.031250000000000000000000000000;0.030348557692307692040811772927;0.029146634615384615918376454147;0.029747596153846152244870637560;0.030048076923076923877564681220;0.003605769230769230969391170305;0.019831730769230768163247091707;0.012920673076923076122435318780;0.022536057692307692040811772927;0.010516826923076923877564681220;0.007211538461538461938782340610;0.023737980769230768163247091707;0.033353365384615384081623545853;0.010216346153846153979594113537;0.009615384615384615918376454147;0.004807692307692307959188227073;0.017127403846153847755129362440;0.007512019230769230969391170305;0.034254807692307695510258724880;0.000000000000000000000000000000;0.015625000000000000000000000000;0.012620192307692307959188227073;0.016225961538461539795941135367;0.024038461538461539795941135367;0.021935096153846152244870637560;0.026141826923076923877564681220;0.011117788461538461938782340610
-0.031970046082949309107501534299;0.032834101382488475873167033114;0.038018433179723504222735641633;0.004032258064516128920340420905;0.014112903225806451221191473167;0.026209677419354839716936211858;0.006912442396313364482984820114;0.034274193548387094088170101713;0.031682027649769586852279701361;0.012960829493087556996133713483;0.015841013824884793426139850681;0.019585253456221196621811486693;0.015841013824884793426139850681;0.025345622119815669481823761089;0.024193548387096773522042525428;0.021601382488479262816705173123;0.020449308755760370326370889416;0.051555299539170505729313020993;0.021313364055299540561483340184;0.008064516129032257840680841809;0.020737327188940092581592722354;0.024193548387096773522042525428;0.014400921658986175211136782082;0.020449308755760370326370889416;0.031970046082949309107501534299;0.022753456221198155307039456829;0.031105990783410138872389083531;0.046370967741935484318638316381;0.001728110599078341120746205029;0.026497695852534561972158044796;0.022177419354838710796595790953;0.014688940092165899201082090997;0.014976958525345621456303923935;0.005760368663594470257927060430;0.019297235023041474366589653755;0.026497695852534561972158044796;0.010944700460829492535963503030;0.010944700460829492535963503030;0.004608294930875576032869300747;0.014976958525345621456303923935;0.008928571428571428075793292578;0.038882488479262670988401140448;0.000000000000000000000000000000;0.014688940092165899201082090997;0.014688940092165899201082090997;0.012672811059907834740911880544;0.016417050691244237936583516557;0.012960829493087556996133713483;0.025921658986175113992267426966;0.012960829493087556996133713483
-0.036111111111111107718762980312;0.019444444444444444752839729063;0.038888888888888889505679458125;0.014814814814814815380206169948;0.021913580246913581806023074705;0.030246913580246913288984700330;0.008024691358024691953398921385;0.029320987654320986026679207725;0.023456790123456791596900927743;0.016049382716049383906797842769;0.010493827160493827271858791050;0.024074074074074074125473288177;0.020370370370370372015145221667;0.024074074074074074125473288177;0.023765432098765432861187107960;0.020987654320987654543717582101;0.023148148148148146863167795573;0.034876543209876542661618259444;0.027777777777777776235801354687;0.006481481481481481295159330358;0.018209876543209876226248056241;0.016975308641975307699656383420;0.012654320987654321326032480499;0.029629629629629630760412339896;0.035185185185185187395351391615;0.029012345679012344762393027509;0.026851851851851852442942814037;0.022839506172839505598881615356;0.002160493827160493620492820455;0.042592592592592591616007524635;0.018209876543209876226248056241;0.012962962962962962590318660716;0.011728395061728395798450463872;0.007098765432098765558455166769;0.021604938271604937072289942535;0.025925925925925925180637321432;0.008641975308641974481971281818;0.019444444444444444752839729063;0.006172839506172839163511412153;0.022839506172839505598881615356;0.010185185185185186007572610833;0.015123456790123456644492350165;0.000000000000000000000000000000;0.016358024691358025171084022986;0.018827160493827162224267368629;0.027469135802469134971515174470;0.014506172839506172381196513754;0.015432098765432097908778530382;0.029012345679012344762393027509;0.008024691358024691953398921385
-0.045197740112994350125674714036;0.011894142134998514012678150209;0.049658043413618790928865109890;0.000594707106749925613897733712;0.012488849241748438759214145932;0.030032708890871246537601635396;0.008325899494498958594568271963;0.022301516503122210954845883180;0.032114183764495984885201096404;0.023490930716622063917364826580;0.014867677668748141214805080779;0.033006244424620877209175517919;0.020814748736247397353782417895;0.030627415997621171284137631119;0.012488849241748438759214145932;0.023193577163247099809373352741;0.021706809396372286208309887456;0.033006244424620877209175517919;0.016949152542372881297128017763;0.012488849241748438759214145932;0.016057091882247992442600548202;0.020517395182872436715237896010;0.013380909901873327613741615494;0.029735355337496282429610161557;0.043116265239369608308628301074;0.030330062444246207176146157281;0.030924769550996135392129104957;0.005352363960749330525079603404;0.002081474873624739648642067991;0.028248587570621468828546696272;0.014867677668748141214805080779;0.020220041629497472607246422172;0.011596788581623549904686676371;0.009515313707998809822363739386;0.019327980969372583752718952610;0.037169194171870353904374439935;0.007433838834374070607402540389;0.018138566755872734259646961164;0.002676181980374665262539801702;0.022004162949747250316301361295;0.008920606601248885075827743663;0.012786202795123401132482143794;0.000000000000000000000000000000;0.020220041629497472607246422172;0.006839131727624144993504806678;0.027356526910496579974019226711;0.023788284269997028025356300418;0.020517395182872436715237896010;0.026167112696996730480947235264;0.015462384775498067696064552479
-0.033154121863799283775886550529;0.020908004778972519299706789297;0.044802867383512544330326221598;0.000896057347670250895280141812;0.003285543608124253354973998142;0.029271206690561529101257676189;0.004778972520908004485706843667;0.022401433691756272165163110799;0.053763440860215054584170246699;0.019115890083632017942827374668;0.015531660692951015229068545409;0.019713261648745518395120512878;0.020011947431302270355990557960;0.022998805256869772617456249009;0.018518518518518517490534236458;0.021206690561529271260576834379;0.031362007168458778949560183946;0.046893667861409797648075681309;0.011350059737156512063016577940;0.007765830346475507614534272705;0.012246117084826762741456285255;0.027479091995221027744378261559;0.017921146953405017038241098248;0.031959378733572282871300274110;0.036738351254480286489645379788;0.027777777777777776235801354687;0.028375149342891276688094492897;0.024790919952210273974335663638;0.001792114695340501790560283624;0.019713261648745518395120512878;0.014635603345280764550628838094;0.019414575866188769903697419750;0.011350059737156512063016577940;0.005077658303464754711853412772;0.021804062126642771712869972589;0.037634408602150538902808563080;0.011648745519713262289163147045;0.012246117084826762741456285255;0.007765830346475507614534272705;0.019713261648745518395120512878;0.009856630824372759197560256439;0.031959378733572282871300274110;0.000000000000000000000000000000;0.013142174432497013419895992570;0.007765830346475507614534272705;0.022102747909199523673740017671;0.022998805256869772617456249009;0.018219832735961768999111143330;0.021206690561529271260576834379;0.014934289127837514776775407199
-0.024286581663630842781165242172;0.016697024893746206797295883462;0.044930176077717064175853778352;0.003339404978749241185986829095;0.027322404371584698562491766438;0.033697632058287796397166857787;0.005160898603521554481310396056;0.024893746205221615325209327807;0.052823315118397086431745179880;0.013357619914996964743947316379;0.014571948998178506362588535694;0.021857923497267759543882803541;0.025804493017607770671828504305;0.022161505768063145815904846359;0.010018214936247722690598749296;0.022465088038858532087926889176;0.027625986642380084834513809255;0.042805100182149363741146430584;0.018822100789313903762556279275;0.008803885853066181071957529980;0.013054037644201578471925273561;0.032179720704310868506503595654;0.022161505768063145815904846359;0.022161505768063145815904846359;0.029447480267152398997199114206;0.018822100789313903762556279275;0.028840315725561626453155028571;0.027322404371584698562491766438;0.001517911353976927673822827636;0.038858530661809352613200729820;0.015179113539769277171909145352;0.010018214936247722690598749296;0.013661202185792349281245883219;0.005464480874316939885970700885;0.027322404371584698562491766438;0.025500910746812387869253413442;0.009411050394656951881278139638;0.013964784456587735553267926036;0.007589556769884638585954572676;0.029143897996357012725177071388;0.007285974499089253181294267847;0.034911961141469341485255029056;0.000000000000000000000000000000;0.010321797207043108962620792113;0.009107468123861567343979572797;0.017607771706132362143915059960;0.016089860352155434253251797827;0.013357619914996964743947316379;0.025804493017607770671828504305;0.012446873102610807662604663903
-0.030323450134770890684876576415;0.024932614555256065597133030565;0.036051212938005387786954969442;0.027291105121293800922499528383;0.036388140161725070209630672480;0.033018867924528301494024873364;0.005053908355795147869238270744;0.023921832884097035676340681221;0.024932614555256065597133030565;0.011118598382749325659268890831;0.015498652291105120826220087338;0.015161725067385445342438288208;0.015835579514824796310001886468;0.018867924528301886072378934500;0.036051212938005387786954969442;0.014487870619946090905427737994;0.029312668463611860764084227071;0.044474393530997302637075563325;0.022911051212938005755548331877;0.006064690026954177790030620088;0.020215633423180591476953082974;0.017857142857142856151586585156;0.018194070080862535104815336240;0.022911051212938005755548331877;0.028975741239892181810855475987;0.022911051212938005755548331877;0.022574123989218330271766532746;0.038746630727762805534997170298;0.002695417789757412543871772925;0.039083557951482481018778969428;0.012466307277628032798566515282;0.013814016172506738203140663757;0.017183288409703505184022986896;0.006401617250673854141174157206;0.020552560646900270430181834058;0.033355795148247976977806672494;0.007749326145552560413110043669;0.009433962264150943036189467250;0.003706199460916442030983253275;0.027628032345013476406281327513;0.009770889487870620254694742357;0.020889487870619945913963633188;0.000000000000000000000000000000;0.015835579514824796310001886468;0.022237196765498651318537781663;0.016172506738544475263230637552;0.015498652291105120826220087338;0.008760107816711590333902393013;0.023584905660377360192558882090;0.009097035040431267552407668120
-0.023946360153256705805002724219;0.035121328224776503235116109636;0.049808429118773943355957811718;0.003192848020434227527403203695;0.015325670498084290396811901758;0.024904214559386971677978905859;0.006704980842911877590706293262;0.022030651340996167120156457031;0.034482758620689654693869385937;0.017241379310344827346934692969;0.013409961685823755181412586523;0.010536398467432950623590137695;0.011813537675606640767189681185;0.022669220945083015661403180729;0.019157088122605362562334008203;0.015325670498084290396811901758;0.036717752234993614179892063021;0.075989782886334608646983213021;0.022988505747126436462579590625;0.009578544061302681281167004101;0.017241379310344827346934692969;0.025223499361430395948602267708;0.018518518518518517490534236458;0.026819923371647510362825173047;0.022988505747126436462579590625;0.021711366538952746318980047135;0.032886334610472543749093432552;0.042464878671775223295536960677;0.000319284802043422752740320369;0.021072796934865901247180275391;0.006066411238825031651544783529;0.015325670498084290396811901758;0.011494252873563218231289795312;0.005427841634738186579745011784;0.015006385696040867860912015885;0.039910600255427843008337873698;0.016922094508301406545758283073;0.009259259259259258745267118229;0.005108556832694764043845125912;0.016283524904214558004511559375;0.009259259259259258745267118229;0.032567049808429116009023118750;0.000000000000000000000000000000;0.016283524904214558004511559375;0.012771392081736910109612814779;0.016283524904214558004511559375;0.024904214559386971677978905859;0.014687100893997445325012130013;0.023946360153256705805002724219;0.008301404853128991137567460612
-0.034911961141469341485255029056;0.023072252580449301162524022857;0.050698239222829385997037832112;0.002428658166363084538325045614;0.003339404978749241185986829095;0.020643594414086217925241584226;0.006375227686703096967313353360;0.017304189435336975871893017143;0.042197935640558591197102344950;0.020340012143290831653219541408;0.015786278081360047981229755010;0.014571948998178506362588535694;0.017911353976927748415937102777;0.024590163934426229053187284990;0.008500303582270794799935487163;0.023982999392835459978590151309;0.031876138433515485703928504790;0.052216150576806313887701094245;0.012750455373406193934626706721;0.010321797207043108962620792113;0.012750455373406193934626706721;0.023679417122040073706568108491;0.013661202185792349281245883219;0.025804493017607770671828504305;0.042197935640558591197102344950;0.025500910746812387869253413442;0.023072252580449301162524022857;0.028233151183970857378557894890;0.004250151791135397399967743581;0.010928961748633879771941401771;0.018214936247723134687959145595;0.022768670309653914890501980040;0.012143290831815421390582621086;0.007285974499089253181294267847;0.020036429872495445381197498591;0.036733454766241652178493382053;0.012750455373406193934626706721;0.017304189435336975871893017143;0.004857316332726169076650091228;0.020643594414086217925241584226;0.007893139040680023990614877505;0.049180327868852458106374569979;0.000000000000000000000000000000;0.015179113539769277171909145352;0.004857316332726169076650091228;0.022465088038858532087926889176;0.023679417122040073706568108491;0.021250758955676986999838717907;0.025197328476017001597231370624;0.013661202185792349281245883219
-0.036940836940836940804899768409;0.010678210678210679068778077294;0.051659451659451662008937233850;0.001443001443001443000191397203;0.004906204906204906200650750492;0.036363636363636361870099733551;0.008658008658008658001148383221;0.018759018759018759869849901634;0.041558441558441558405512239460;0.017027417027417026534896749013;0.015584415584415584402067089798;0.032900432900432902139087332216;0.022799422799422798535662337827;0.024531024531024531870615490448;0.009523809523809524668624959531;0.032611832611832612671687314787;0.027417027417027416136274808878;0.044155844155844156673218492415;0.014141414141414142269237430583;0.008080808080808080801071824339;0.015295815295815296669390548345;0.023376623376623377470462372685;0.014141414141414142269237430583;0.022799422799422798535662337827;0.044733044733044735608018527273;0.024531024531024531870615490448;0.024819624819624821338015507877;0.015584415584415584402067089798;0.001443001443001443000191397203;0.026551226551226551203521708544;0.029725829725829724936581044403;0.012409812409812410669007753938;0.009235209235209235201224942102;0.006349206349206349200842147695;0.021067821067821068670156137159;0.038961038961038960137805986506;0.009235209235209235201224942102;0.019047619047619049337249919063;0.005194805194805194800689029933;0.017604617604617605469696783871;0.005194805194805194800689029933;0.032900432900432902139087332216;0.000000000000000000000000000000;0.014141414141414142269237430583;0.008369408369408370268471841769;0.015295815295815296669390548345;0.027994227994227995071074843736;0.022222222222222223070309254922;0.020779220779220779202756119730;0.011255411255411256268854636176
-0.017273954116059378471881302630;0.021592442645074223089851628288;0.047233468286099866695337823330;0.007557354925775978081448069901;0.015654520917678813041185037491;0.024561403508771929848908399663;0.007557354925775978081448069901;0.022402159244264505805199760857;0.045074224021592439182182232571;0.013495276653171390732199874662;0.012415654520917678710345555260;0.017273954116059378471881302630;0.019433198380566802515589941436;0.025641025641025640136039243089;0.017273954116059378471881302630;0.016734143049932523328315880917;0.030499325236167339897574990459;0.055600539811066128359495763789;0.019163292847503374943807230579;0.009446693657219973686012259861;0.012955465587044533853910976973;0.025910931174089067707821953945;0.026180836707152495279604664802;0.025910931174089067707821953945;0.028340080971659919323313303607;0.024831309041835357420691110519;0.026720647773279353892617038468;0.019703103913630230087372652292;0.002429149797570850314448742679;0.026720647773279353892617038468;0.014574898785425101019330718088;0.017813765182186233615446724343;0.015924426450742240612967748348;0.006477732793522266926955488486;0.024561403508771929848908399663;0.032118758434547908797718207552;0.008636977058029689235940651315;0.014304993252361673447548007232;0.011066126855600539116708525000;0.030499325236167339897574990459;0.005668016194331984211607355917;0.045344129554655873692858847335;0.000000000000000000000000000000;0.013765182186234818303982585519;0.009446693657219973686012259861;0.014035087719298245875765296375;0.020242914979757085230938074005;0.014574898785425101019330718088;0.025101214574898784992473821376;0.010256410256410256401360392431
-0.033333333333333332870740406406;0.017628205128205128027207848618;0.034615384615384617306155234928;0.003205128205128205017004905386;0.026923076923076924571454071611;0.034294871794871797932025003774;0.010256410256410256401360392431;0.030128205128205128721097239008;0.033012820512820513496610175252;0.018589743589743589619045494032;0.018269230769230770244915262879;0.028205128205128205537421948179;0.019551282051282051210883139447;0.020833333333333332176851016015;0.023076923076923078204103489952;0.027884615384615386163291717025;0.023076923076923078204103489952;0.037499999999999998612221219219;0.027884615384615386163291717025;0.004487179487179486850334519943;0.017948717948717947401338079771;0.013461538461538462285727035805;0.011538461538461539102051744976;0.022756410256410255360526306845;0.034615384615384617306155234928;0.027884615384615386163291717025;0.030128205128205128721097239008;0.023076923076923078204103489952;0.001282051282051282050170049054;0.045192307692307691346922382536;0.017307692307692308653077617464;0.014743589743589743251694912374;0.011858974358974358476181976130;0.006730769230769231142863517903;0.015064102564102564360548619504;0.032371794871794874748349712945;0.013782051282051281659857266959;0.016987179487179485809500434357;0.001602564102564102508502452693;0.012179487179487179585035683260;0.009935897435897435292506685300;0.022756410256410255360526306845;0.000000000000000000000000000000;0.016666666666666666435370203203;0.015384615384615385469402326635;0.020512820512820512802720784862;0.022435897435897435986396075691;0.015384615384615385469402326635;0.021474358974358974394558430276;0.012179487179487179585035683260
-0.030054644808743168071796247887;0.029447480267152398997199114206;0.037037037037037034981068472916;0.002125075895567698699983871791;0.030054644808743168071796247887;0.037037037037037034981068472916;0.004857316332726169076650091228;0.022161505768063145815904846359;0.026715239829993929487894632757;0.016089860352155434253251797827;0.015786278081360047981229755010;0.016697024893746206797295883462;0.022161505768063145815904846359;0.021250758955676986999838717907;0.036733454766241652178493382053;0.015179113539769277171909145352;0.023072252580449301162524022857;0.046751669702489374869092131348;0.024286581663630842781165242172;0.009714632665452338153300182455;0.013661202185792349281245883219;0.017304189435336975871893017143;0.018518518518518517490534236458;0.021554341226472373271860760724;0.031876138433515485703928504790;0.021554341226472373271860760724;0.027322404371584698562491766438;0.041894353369763208394527254086;0.001517911353976927673822827636;0.037037037037037034981068472916;0.019732847601700059109175455774;0.016089860352155434253251797827;0.014875531268973892634610578511;0.005160898603521554481310396056;0.014268366727383120090566492877;0.029751062537947785269221157023;0.016697024893746206797295883462;0.013357619914996964743947316379;0.002125075895567698699983871791;0.023072252580449301162524022857;0.009411050394656951881278139638;0.027322404371584698562491766438;0.000000000000000000000000000000;0.008500303582270794799935487163;0.008500303582270794799935487163;0.015482695810564663443931188169;0.023375834851244687434546065674;0.017911353976927748415937102777;0.026411657559198543215872589940;0.008500303582270794799935487163
-0.032015065913370999162168573093;0.019146264908976771967896723936;0.047080979284369113557762176470;0.003766478342749529032579269838;0.019774011299435029914706163368;0.032642812303829253639531060571;0.004394224733207783943622626310;0.021971123666038920585474869540;0.028248587570621468828546696272;0.019460138104205899206577967675;0.016635279347143754058446774025;0.016635279347143754058446774025;0.021343377275580666108112382062;0.029817953546767105021952914967;0.019460138104205899206577967675;0.023540489642184556778881088235;0.025109855618330192972287306930;0.042686754551161332216224764124;0.024482109227871938494924819452;0.009102322661644695125926496360;0.015065913370998116130317079353;0.022598870056497175062837357018;0.016321406151914626819765530286;0.025423728813559323680415502622;0.034212178279974893302384231220;0.025109855618330192972287306930;0.025423728813559323680415502622;0.013810420590081607175592104397;0.002510985561833019644173425888;0.029504080351537977783271671228;0.014438166980539861652954591875;0.018204645323289390251852992719;0.013496547394852479936910860658;0.006591337099811676349114808460;0.026365348399246705396459233839;0.035153797865662271548981010483;0.016949152542372881297128017763;0.015065913370998116130317079353;0.005021971123666039288346851777;0.019460138104205899206577967675;0.008788449466415567887245252621;0.018518518518518517490534236458;0.000000000000000000000000000000;0.021343377275580666108112382062;0.012554927809165096486143653465;0.015693659761456372342403042808;0.023854362837413684017562331974;0.018832391713747644729215480197;0.029190207156308850544590427489;0.013182674199623352698229616919
-0.023307790549169860733202952474;0.043103448275862071836783684375;0.045019157088122603582736047656;0.011494252873563218231289795312;0.013090676883780332645512700651;0.024265644955300126606179134114;0.005427841634738186579745011784;0.030332056194125159992447393620;0.032247765006385695207846708854;0.021392081736909322048356685286;0.011494252873563218231289795312;0.009897828863346105551790365951;0.015964240102171137203335149479;0.022030651340996167120156457031;0.021392081736909322048356685286;0.013409961685823755181412586523;0.029693486590038314920647621875;0.056513409961685821814025842968;0.017560664112388251617558054818;0.010217113665389528087690251823;0.015006385696040867860912015885;0.021072796934865901247180275391;0.021072796934865901247180275391;0.026819923371647510362825173047;0.028097062579821200506424716536;0.022669220945083015661403180729;0.028097062579821200506424716536;0.050127713920817371096028125521;0.002234993614303959052341808089;0.018518518518518517490534236458;0.009259259259259258745267118229;0.014367816091954022789112244141;0.014367816091954022789112244141;0.005108556832694764043845125912;0.016602809706257982275134921224;0.033205619412515964550269842448;0.011174968071519795695389909440;0.011813537675606640767189681185;0.005747126436781609115644897656;0.019157088122605362562334008203;0.011494252873563218231289795312;0.040868454661558112350761007292;0.000000000000000000000000000000;0.014048531289910600253212358268;0.015644955300127712932711787630;0.016602809706257982275134921224;0.014367816091954022789112244141;0.016283524904214558004511559375;0.026181353767560665291025401302;0.012132822477650063303089567057
-0.023113338902812585740065287609;0.020050125313283206907044586842;0.054580896686159841024732486403;0.000278473962684488984820063706;0.003898635477582845787480891886;0.023391812865497074724885351316;0.005291005291005290711581210417;0.026455026455026453557906052083;0.053467000835421885085452231579;0.024227234753550541679345542434;0.013088276246170982286542994188;0.010860484544695070407982484539;0.018379281537176272998124204605;0.026733500417710942542726115789;0.006961849067112224620501592653;0.014202172096908938225823249013;0.034809245335561123102507963267;0.064327485380116955493434716118;0.010860484544695070407982484539;0.011417432470064048377622611952;0.013366750208855471271363057895;0.031746031746031744269487262500;0.020607073238652184876684714254;0.026733500417710942542726115789;0.025619604566972986603445860965;0.028404344193817876451646498026;0.025062656641604008633805733552;0.014202172096908938225823249013;0.002506265664160400863380573355;0.018379281537176272998124204605;0.011138958507379559392802548246;0.018657755499860761982944268311;0.010860484544695070407982484539;0.008632692843219158529421974890;0.028682818156502365436466561732;0.047062099693678638434590766337;0.012252854358117515332082803070;0.012252854358117515332082803070;0.006404901141743246650861465241;0.024505708716235030664165606140;0.007797270955165691574961783772;0.036480089111668057011428345504;0.000000000000000000000000000000;0.013645224171539960256183121601;0.005569479253689779696401274123;0.021164021164021162846324841667;0.023391812865497074724885351316;0.017543859649122806043664013487;0.032302979671400722239127389912;0.008632692843219158529421974890
-0.022652757078986587163660360034;0.024143070044709388083381540469;0.047690014903129657186653389545;0.000000000000000000000000000000;0.015201192250372579095607505906;0.028912071535022353802046879423;0.005961251862891207148331673693;0.029508196721311476251603522769;0.041132637853949327588765072505;0.021758569299552905224048870991;0.017585692995529061954940175383;0.014008941877794337665941171167;0.019076005961251862874661355818;0.023248882265275709613217003380;0.021460506706408345733994025295;0.016095380029806261035218994948;0.026825633383010433902216007596;0.065573770491803282101095362577;0.016691505216095380015328686341;0.007749627421758569292831175801;0.014903129657228017870829184233;0.025037257824143070022993029511;0.021162444113263786243939179599;0.019672131147540985324217999164;0.029508196721311476251603522769;0.031594634873323396151434394596;0.028614008941877794311992033727;0.015201192250372579095607505906;0.000000000000000000000000000000;0.022354694485842027673605514337;0.011326378539493293581830180017;0.014307004470938897155996016863;0.018181818181818180935049866775;0.005365126676602086433498506324;0.017585692995529061954940175383;0.040238450074515645649153583463;0.012816691505216096236274836428;0.013114754098360655726329682125;0.009239940387481371947275832213;0.024739195230998510532938183815;0.008047690014903130517609497474;0.028614008941877794311992033727;0.000000000000000000000000000000;0.013114754098360655726329682125;0.009836065573770492662108999582;0.018181818181818180935049866775;0.021460506706408345733994025295;0.016393442622950820525273840644;0.034575260804769004929770659373;0.009538002980625931437330677909
-0.028829847371396270100385450519;0.018654607122668174362667414812;0.041831543244771056400121977958;0.005652911249293386328207411395;0.031656302996042960662403942251;0.028829847371396270100385450519;0.006500847936687394017230001708;0.024024872809496892328562367425;0.032786885245901641050547681289;0.016958733747880157249898758209;0.016393442622950820525273840644;0.020067834934991521378400136655;0.017241379310344827346934692969;0.026851328434143582890580859157;0.024024872809496892328562367425;0.020633126059920858103025054220;0.028829847371396270100385450519;0.044940644431882420528623356404;0.020067834934991521378400136655;0.007914075749010740165600985563;0.016110797060486150428237905885;0.022611644997173545312829645582;0.019502543810062181184328267136;0.021198417184850198297096923739;0.030808366308648953840743089927;0.027699265121537593181688663435;0.031656302996042960662403942251;0.021481062747314868394132858498;0.001695873374788015811726049620;0.033634821933295644402761581659;0.011871113623516111115763216333;0.016110797060486150428237905885;0.013284341435839458131495938176;0.007631430186546070935926788792;0.018089315997738834168595545293;0.031656302996042960662403942251;0.013566986998304126493808396958;0.016393442622950820525273840644;0.005370265686828717098533214624;0.025155455059355569247259154508;0.004239683436970039312474689552;0.027981910684002259809277646241;0.000000000000000000000000000000;0.014414923685698135050192725259;0.016110797060486150428237905885;0.017806670435274167541006562487;0.015828151498021480331201971126;0.013566986998304126493808396958;0.026568682871678916262991876351;0.015262860373092141871853577584
-0.035374149659863948769178421117;0.025510204081632653627664808482;0.041156462585034012113816004330;0.004081632653061224857982125513;0.023129251700680270725785092623;0.029931972789115645489088635145;0.005442176870748298943281096030;0.028231292517006803532986225491;0.036054421768707482776061823415;0.019047619047619049337249919063;0.015646258503401361955598147802;0.021088435374149658296794029866;0.019387755102040816340691620212;0.021768707482993195773124384118;0.020408163265306120820463675614;0.025510204081632653627664808482;0.023809523809523808202115446875;0.042176870748299316593588059732;0.020408163265306120820463675614;0.006122448979591836419611450282;0.018027210884353741388030911708;0.019047619047619049337249919063;0.014285714285714285268213963320;0.024489795918367345678445801127;0.035714285714285712303173170312;0.029591836734693878485646933996;0.031292517006802723911196295603;0.029931972789115645489088635145;0.002721088435374149471640548015;0.020068027210884353817021974464;0.014625850340136054006379140446;0.015306122448979591482709494699;0.011904761904761904101057723437;0.003061224489795918209805725141;0.017687074829931974384589210558;0.035714285714285712303173170312;0.010884353741496597886562192059;0.015306122448979591482709494699;0.008843537414965987192294605279;0.014625850340136054006379140446;0.009183673469387755930459782405;0.031632653061224487445191044799;0.000000000000000000000000000000;0.017687074829931974384589210558;0.008163265306122449715964251027;0.026530612244897958107436863884;0.016326530612244899431928502054;0.015646258503401361955598147802;0.026530612244897958107436863884;0.010884353741496597886562192059
-0.018803418803418802535132314802;0.044017094017094020308444868306;0.049572649572649570004490016117;0.003846153846153846367350581659;0.027350427350427350403627713149;0.023931623931623933337897724982;0.002564102564102564100340098108;0.022649572649572648902482896460;0.062820512820512819374130231154;0.016239316239316240603196561665;0.011538461538461539102051744976;0.019658119658119657668926549832;0.011538461538461539102051744976;0.023076923076923078204103489952;0.018376068376068376702958673263;0.020085470085470086970547143324;0.046153846153846156408206979904;0.088034188034188040616889736611;0.023076923076923078204103489952;0.008547008547008547868495398347;0.013675213675213675201813856575;0.019658119658119657668926549832;0.008974358974358973700669039886;0.019230769230769231836752908293;0.028205128205128205537421948179;0.014529914529914530335608091605;0.017521367521367521569164438233;0.026068376068376069437659836581;0.002991452991452991667237215623;0.023931623931623933337897724982;0.015811965811965811301575968173;0.010256410256410256401360392431;0.008547008547008547868495398347;0.005555555555555555767577313730;0.008974358974358973700669039886;0.033333333333333332870740406406;0.013675213675213675201813856575;0.010256410256410256401360392431;0.006837606837606837600906928287;0.015384615384615385469402326635;0.005982905982905983334474431246;0.059829059829059831610020836479;0.000000000000000000000000000000;0.008547008547008547868495398347;0.010256410256410256401360392431;0.008974358974358973700669039886;0.021794871794871793768688661430;0.010256410256410256401360392431;0.017948717948717947401338079771;0.011111111111111111535154627461
-0.048484848484848484806430946037;0.005555555555555555767577313730;0.027777777777777776235801354687;0.014646464646464647102463985107;0.062626262626262627075668376619;0.051010101010101012442010670611;0.001010101010101010100133978042;0.014141414141414142269237430583;0.011111111111111111535154627461;0.011111111111111111535154627461;0.022727272727272727903535809446;0.052525252525252523472243382230;0.018686868686868685768276421300;0.033333333333333332870740406406;0.021717171717171718237082700398;0.052525252525252523472243382230;0.009090909090909090467524933388;0.012626262626262626034834291033;0.028787878787878789371701415689;0.001515151515151515150200967064;0.014141414141414142269237430583;0.009595959595959595300751487912;0.003535353535353535567309357646;0.018686868686868685768276421300;0.063636363636363629803227581760;0.027777777777777776235801354687;0.015656565656565656768917094155;0.011111111111111111535154627461;0.000000000000000000000000000000;0.068181818181818176771713524431;0.035353535353535352203646624503;0.007070707070707071134618715291;0.015151515151515151935690539631;0.007575757575757575967845269815;0.013636363636363635701287400082;0.018181818181818180935049866775;0.006565656565656565434030422779;0.013131313131313130868060845557;0.000000000000000000000000000000;0.003535353535353535567309357646;0.002020202020202020200267956085;0.006060606060606060600803868255;0.000000000000000000000000000000;0.008585858585858585634298378864;0.021717171717171718237082700398;0.010101010101010101868701518413;0.031313131313131313537834188310;0.030808080808080808704607633786;0.013131313131313130868060845557;0.022727272727272727903535809446
-0.014444444444444443781394582516;0.037777777777777778178691647781;0.042962962962962959745372160114;0.099259259259259255414598044354;0.033703703703703701000105041885;0.023333333333333334397297065266;0.004444444444444444440589503387;0.027407407407407408106436719208;0.039259259259259257635044093604;0.015555555555555555108382392859;0.012962962962962962590318660716;0.028148148148148147834612942120;0.007407407407407407690103084974;0.019259259259259260688157411323;0.056666666666666663798590519718;0.017407407407407406163546426114;0.011851851851851851263330850372;0.034444444444444444197728216750;0.026296296296296296779448908865;0.006296296296296296363115274630;0.015555555555555555108382392859;0.020740740740740740144509857146;0.004074074074074073709139653943;0.016666666666666666435370203203;0.030740740740740742087400150240;0.015925925925925926707193980292;0.021111111111111111743321444578;0.070000000000000006661338147751;0.001481481481481481407916356297;0.015185185185185185244294281404;0.014444444444444443781394582516;0.009629629629629630344078705662;0.007407407407407407690103084974;0.004074074074074073709139653943;0.006666666666666667094565124074;0.019259259259259260688157411323;0.006666666666666667094565124074;0.003703703703703703845051542487;0.005555555555555555767577313730;0.011111111111111111535154627461;0.011851851851851851263330850372;0.025925925925925925180637321432;0.000000000000000000000000000000;0.008518518518518519017090895318;0.031851851851851853414387960584;0.004444444444444444440589503387;0.018148148148148149361169600979;0.012962962962962962590318660716;0.011111111111111111535154627461;0.016296296296296294836558615771
-0.072222222222222215437525960624;0.003240740740740740647579665179;0.038888888888888889505679458125;0.000925925925925925961262885622;0.004166666666666666608842550801;0.043981481481481482509465763542;0.002314814814814814686316779557;0.016203703703703702804217456901;0.008796296296296296848837847904;0.025925925925925925180637321432;0.020833333333333332176851016015;0.054166666666666668517038374375;0.018055555555555553859381490156;0.041203703703703700722549285729;0.006944444444444444058950338672;0.053240740740740741254732881771;0.015277777777777777276635440273;0.019444444444444444752839729063;0.015740740740740739173064710599;0.007407407407407407690103084974;0.013888888888888888117900677344;0.003703703703703703845051542487;0.007407407407407407690103084974;0.037037037037037034981068472916;0.084722222222222226539756206876;0.049074074074074075513252068959;0.025000000000000001387778780781;0.000462962962962962980631442811;0.000000000000000000000000000000;0.019907407407407408383992475365;0.034722222222222223764198645313;0.012962962962962962590318660716;0.005092592592592593003786305417;0.004166666666666666608842550801;0.019907407407407408383992475365;0.029166666666666667129259593594;0.008796296296296296848837847904;0.015277777777777777276635440273;0.000000000000000000000000000000;0.002777777777777777883788656865;0.005555555555555555767577313730;0.003703703703703703845051542487;0.000000000000000000000000000000;0.017592592592592593697675695807;0.004629629629629629372633559115;0.011574074074074073431583897786;0.038888888888888889505679458125;0.037962962962962962243373965521;0.017129629629629630066522949505;0.019907407407407408383992475365
-0.036111111111111107718762980312;0.009722222222222222376419864531;0.028703703703703703498106847292;0.004629629629629629372633559115;0.032870370370370369239587660104;0.063425925925925927262305492604;0.001851851851851851922525771243;0.018981481481481481121686982760;0.022222222222222223070309254922;0.012962962962962962590318660716;0.024537037037037037756626034479;0.055092592592592595779343866980;0.025000000000000001387778780781;0.025925925925925925180637321432;0.013425925925925926221471407018;0.034259259259259260133045899011;0.019907407407407408383992475365;0.023611111111111110494320541875;0.034259259259259260133045899011;0.006944444444444444058950338672;0.017592592592592593697675695807;0.011111111111111111535154627461;0.009259259259259258745267118229;0.025925925925925925180637321432;0.063888888888888883954564334999;0.024537037037037037756626034479;0.020833333333333332176851016015;0.008333333333333333217685101602;0.000925925925925925961262885622;0.067592592592592593003786305417;0.023611111111111110494320541875;0.010185185185185186007572610833;0.017592592592592593697675695807;0.006944444444444444058950338672;0.017592592592592593697675695807;0.016203703703703702804217456901;0.011111111111111111535154627461;0.009722222222222222376419864531;0.001851851851851851922525771243;0.004629629629629629372633559115;0.004629629629629629372633559115;0.016666666666666666435370203203;0.000000000000000000000000000000;0.012962962962962962590318660716;0.012037037037037037062736644089;0.010648148148148147904001881159;0.018981481481481481121686982760;0.020833333333333332176851016015;0.020833333333333332176851016015;0.018518518518518517490534236458
-0.058602150537634407900799971003;0.007526881720430107954034060214;0.031720430107526884078161799607;0.031720430107526884078161799607;0.038709677419354840410825602248;0.052150537634408598852697735992;0.001612903225806451611504255261;0.011290322580645160630008483338;0.004301075268817204297344680697;0.018279569892473118697395761956;0.021505376344086023221446879461;0.047849462365591399759523483226;0.019354838709677420205412801124;0.038709677419354840410825602248;0.005913978494623655692008501461;0.047849462365591399759523483226;0.008064516129032257840680841809;0.018279569892473118697395761956;0.013978494623655914400051081259;0.008064516129032257840680841809;0.013978494623655914400051081259;0.004838709677419355051353200281;0.004301075268817204297344680697;0.026881720430107527292085123349;0.077419354838709680821651204496;0.047311827956989245536068011688;0.020430107526881721713429840293;0.010752688172043011610723439730;0.000000000000000000000000000000;0.053225806451612900360714775161;0.019892473118279570959421320708;0.006451612903225806446017021045;0.006451612903225806446017021045;0.006451612903225806446017021045;0.020967741935483872467438359877;0.018817204301075269451404281540;0.009139784946236559348697880978;0.012365591397849462138025522506;0.001075268817204301074336170174;0.002150537634408602148672340348;0.002150537634408602148672340348;0.008064516129032257840680841809;0.000000000000000000000000000000;0.010215053763440860856714920146;0.011827956989247311384017002922;0.007526881720430107954034060214;0.034408602150537634378757445575;0.038709677419354840410825602248;0.021505376344086023221446879461;0.017204301075268817189378722787
-0.054166666666666668517038374375;0.016203703703703702804217456901;0.018055555555555553859381490156;0.009722222222222222376419864531;0.037499999999999998612221219219;0.062037037037037036368847253698;0.004166666666666666608842550801;0.018981481481481481121686982760;0.002314814814814814686316779557;0.008796296296296296848837847904;0.027314814814814816074095560339;0.054629629629629632148191120677;0.020833333333333332176851016015;0.029629629629629630760412339896;0.033796296296296296501893152708;0.056481481481481479733908201979;0.003240740740740740647579665179;0.017129629629629630066522949505;0.035648148148148151026504137917;0.002777777777777777883788656865;0.019907407407407408383992475365;0.002777777777777777883788656865;0.009259259259259258745267118229;0.011111111111111111535154627461;0.092129629629629630760412339896;0.022222222222222223070309254922;0.028240740740740739866954100989;0.019907407407407408383992475365;0.000000000000000000000000000000;0.038888888888888889505679458125;0.029166666666666667129259593594;0.003240740740740740647579665179;0.020833333333333332176851016015;0.003703703703703703845051542487;0.011574074074074073431583897786;0.010648148148148147904001881159;0.004166666666666666608842550801;0.013425925925925926221471407018;0.000462962962962962980631442811;0.004166666666666666608842550801;0.005092592592592593003786305417;0.003240740740740740647579665179;0.000000000000000000000000000000;0.007407407407407407690103084974;0.024074074074074074125473288177;0.005555555555555555767577313730;0.022685185185185186701462001224;0.031944444444444441977282167500;0.014814814814814815380206169948;0.025925925925925925180637321432
-0.036403508771929826703939170329;0.006140350877192982462227099916;0.038157894736842105920526790896;0.057456140350877191180778424950;0.056578947368421055041931566620;0.045614035087719301264641558191;0.000000000000000000000000000000;0.017105263157894737974240584322;0.017982456140350877582534394605;0.011403508771929825316160389548;0.020614035087719299876862777410;0.053508771929824561208732802697;0.014912280701754385484059106659;0.030263157894736842506988594437;0.008771929824561403021832006743;0.023245614035087718701744208261;0.007894736842105263413538196460;0.028070175438596491751530592751;0.023684210526315790240614589379;0.010087719298245614168996198146;0.013157894736842104532748010115;0.006140350877192982462227099916;0.007456140350877192742029553330;0.010526315789473683973143103287;0.057456140350877191180778424950;0.025438596491228069457202209946;0.027192982456140352143236782467;0.004824561403508772182424646502;0.000000000000000000000000000000;0.063596491228070178847175952797;0.042982456140350878970313175387;0.004385964912280701510916003372;0.011403508771929825316160389548;0.007017543859649122937882648188;0.020175438596491228337992396291;0.021491228070175439485156587693;0.015350877192982455288206011801;0.007456140350877192742029553330;0.000438596491228070183617665512;0.008771929824561403021832006743;0.006578947368421052266374005058;0.006140350877192982462227099916;0.000000000000000000000000000000;0.006140350877192982462227099916;0.015789473684210526827076392919;0.005263157894736841986571551644;0.027631578947368420212660211632;0.018859649122807017190828204889;0.032017543859649125193023166958;0.018421052631578945651957823770
-0.054814814814814816212873438417;0.002222222222222222220294751693;0.075555555555555556357383295563;0.001481481481481481407916356297;0.001481481481481481407916356297;0.040740740740740744030290443334;0.000370370370370370351979089074;0.012962962962962962590318660716;0.032222222222222221543752596062;0.022592592592592591199673890401;0.024444444444444445724284875610;0.040370370370370368962031903948;0.010370370370370370072254928573;0.050000000000000002775557561563;0.007037037037037036958653235530;0.045925925925925925596970955667;0.011481481481481481399242738917;0.021111111111111111743321444578;0.014074074074074073917306471060;0.008888888888888888881179006773;0.016296296296296294836558615771;0.014814814814814815380206169948;0.002592592592592592518063732143;0.033703703703703701000105041885;0.072962962962962965574043039396;0.048148148148148148250946576354;0.024074074074074074125473288177;0.006666666666666667094565124074;0.000000000000000000000000000000;0.011851851851851851263330850372;0.026666666666666668378260496297;0.015555555555555555108382392859;0.004814814814814815172039352831;0.009629629629629630344078705662;0.008148148148148147418279307885;0.028888888888888887562789165031;0.010000000000000000208166817117;0.012962962962962962590318660716;0.000740740740740740703958178148;0.004074074074074073709139653943;0.000740740740740740703958178148;0.007407407407407407690103084974;0.000000000000000000000000000000;0.018518518518518517490534236458;0.004074074074074073709139653943;0.011111111111111111535154627461;0.047777777777777780121581940875;0.037777777777777778178691647781;0.013333333333333334189130248149;0.028518518518518519433424529552
-0.035483870967741935886774484743;0.010752688172043011610723439730;0.042473118279569892219438287384;0.004301075268817204297344680697;0.018279569892473118697395761956;0.023655913978494622768034005844;0.002688172043010752902680859933;0.022043010752688170506008447092;0.016666666666666666435370203203;0.020430107526881721713429840293;0.023655913978494622768034005844;0.023655913978494622768034005844;0.017204301075268817189378722787;0.050000000000000002775557561563;0.015053763440860215908068120427;0.041397849462365590711421248216;0.008064516129032257840680841809;0.023118279569892472014025486260;0.024193548387096773522042525428;0.014516129032258065154059600843;0.016129032258064515681361683619;0.016129032258064515681361683619;0.004838709677419355051353200281;0.033333333333333332870740406406;0.067204301075268813026042380443;0.053763440860215054584170246699;0.026881720430107527292085123349;0.030645161290322579100697808485;0.000537634408602150537168085087;0.014516129032258065154059600843;0.015053763440860215908068120427;0.010215053763440860856714920146;0.009677419354838710102706400562;0.003225806451612903223008510523;0.015053763440860215908068120427;0.034408602150537634378757445575;0.017741935483870967943387242372;0.010752688172043011610723439730;0.001612903225806451611504255261;0.003763440860215053977017030107;0.011827956989247311384017002922;0.005376344086021505805361719865;0.000000000000000000000000000000;0.018817204301075269451404281540;0.013978494623655914400051081259;0.010215053763440860856714920146;0.048387096774193547044085050857;0.027419354838709678046093642934;0.020967741935483872467438359877;0.019892473118279570959421320708
-0.033854166666666664353702032031;0.011458333333333332523795711211;0.020833333333333332176851016015;0.027604166666666665741480812812;0.189062499999999994448884876874;0.036458333333333335646297967969;0.009895833333333332870740406406;0.028645833333333332176851016015;0.006770833333333333564629796797;0.006770833333333333564629796797;0.014583333333333333564629796797;0.025520833333333332870740406406;0.014583333333333333564629796797;0.022916666666666665047591422422;0.050520833333333334258519187188;0.019791666666666665741480812812;0.004166666666666666608842550801;0.018749999999999999306110609609;0.039062500000000000000000000000;0.001562500000000000086736173799;0.024479166666666666435370203203;0.002604166666666666522106377002;0.002604166666666666522106377002;0.013020833333333333911574491992;0.042187500000000002775557561563;0.024479166666666666435370203203;0.022395833333333333564629796797;0.009895833333333332870740406406;0.000000000000000000000000000000;0.048437500000000001387778780781;0.014062500000000000346944695195;0.004687499999999999826527652402;0.013020833333333333911574491992;0.003645833333333333391157449199;0.013020833333333333911574491992;0.013541666666666667129259593594;0.010937499999999999306110609609;0.003645833333333333391157449199;0.000520833333333333326105318850;0.004166666666666666608842550801;0.010416666666666666088425508008;0.002083333333333333304421275400;0.000000000000000000000000000000;0.008854166666666666435370203203;0.045312499999999998612221219219;0.007291666666666666782314898398;0.020312500000000000693889390391;0.020833333333333332176851016015;0.017708333333333332870740406406;0.013020833333333333911574491992
-0.031623931623931622603151936346;0.003846153846153846367350581659;0.035042735042735043138328876466;0.006410256410256410034009810772;0.070085470085470086276657752933;0.053418803418803416371840597776;0.002564102564102564100340098108;0.029914529914529915805010418239;0.010683760683760683968257509946;0.014102564102564102768710974090;0.019230769230769231836752908293;0.058119658119658121342432366419;0.013675213675213675201813856575;0.025213675213675214303865601551;0.027350427350427350403627713149;0.023076923076923078204103489952;0.009401709401709401267566157401;0.016239316239316240603196561665;0.032051282051282048435325577884;0.005128205128205128200680196215;0.017521367521367521569164438233;0.012393162393162392501122504029;0.003418803418803418800453464144;0.019658119658119657668926549832;0.036752136752136753405917346527;0.023076923076923078204103489952;0.032478632478632481206393123330;0.027350427350427350403627713149;0.000427350427350427350056683018;0.071794871794871789605352319086;0.045299145299145297804965792920;0.006410256410256410034009810772;0.008974358974358973700669039886;0.017521367521367521569164438233;0.011111111111111111535154627461;0.013675213675213675201813856575;0.006410256410256410034009810772;0.002991452991452991667237215623;0.001282051282051282050170049054;0.014529914529914530335608091605;0.014957264957264957902505209120;0.004273504273504273934247699174;0.000000000000000000000000000000;0.007264957264957265167804045802;0.025213675213675214303865601551;0.012393162393162392501122504029;0.023076923076923078204103489952;0.010256410256410256401360392431;0.028632478632478631369595589717;0.013675213675213675201813856575
-0.064666666666666663965123973412;0.003666666666666666598434209945;0.033666666666666664187168578337;0.007333333333333333196868419890;0.006333333333333333176051738178;0.054666666666666668961127584225;0.002000000000000000041633363423;0.017000000000000001221245327088;0.010666666666666666310470112933;0.019333333333333334314030338419;0.018999999999999999528155214534;0.065000000000000002220446049250;0.022999999999999999611421941381;0.039333333333333331260917020700;0.006666666666666667094565124074;0.046666666666666668794594130532;0.004666666666666667052931760651;0.014666666666666666393736839780;0.021000000000000001304512053935;0.004000000000000000083266726847;0.018333333333333333425851918719;0.005666666666666667073748442363;0.006666666666666667094565124074;0.020000000000000000416333634234;0.075999999999999998112620858137;0.041666666666666664353702032031;0.026333333333333333592385372413;0.013666666666666667240281896056;0.000000000000000000000000000000;0.035333333333333334647097245806;0.042666666666666665241880451731;0.008333333333333333217685101602;0.010000000000000000208166817117;0.006333333333333333176051738178;0.016666666666666666435370203203;0.021666666666666667406815349750;0.010333333333333333259318465025;0.017666666666666667323548622903;0.000000000000000000000000000000;0.006333333333333333176051738178;0.002666666666666666577617528233;0.004333333333333333134418374755;0.000000000000000000000000000000;0.017333333333333332537673499019;0.006333333333333333176051738178;0.017666666666666667323548622903;0.029999999999999998889776975375;0.035000000000000003330669073875;0.021000000000000001304512053935;0.018666666666666668211727042603
-0.037499999999999998612221219219;0.027777777777777776235801354687;0.038425925925925925874526711823;0.010648148148148147904001881159;0.006944444444444444058950338672;0.033796296296296296501893152708;0.002314814814814814686316779557;0.034259259259259260133045899011;0.016203703703703702804217456901;0.014351851851851851749053423646;0.023611111111111110494320541875;0.027777777777777776235801354687;0.022685185185185186701462001224;0.033333333333333332870740406406;0.017129629629629630066522949505;0.022222222222222223070309254922;0.009259259259259258745267118229;0.059259259259259261520824679792;0.031018518518518518184423626849;0.010648148148148147904001881159;0.018981481481481481121686982760;0.010185185185185186007572610833;0.014814814814814815380206169948;0.016203703703703702804217456901;0.036111111111111107718762980312;0.024537037037037037756626034479;0.048148148148148148250946576354;0.055092592592592595779343866980;0.000000000000000000000000000000;0.017592592592592593697675695807;0.017129629629629630066522949505;0.010648148148148147904001881159;0.014351851851851851749053423646;0.004166666666666666608842550801;0.020370370370370372015145221667;0.029166666666666667129259593594;0.016666666666666666435370203203;0.009722222222222222376419864531;0.002777777777777777883788656865;0.010185185185185186007572610833;0.009722222222222222376419864531;0.012500000000000000693889390391;0.000000000000000000000000000000;0.006944444444444444058950338672;0.014351851851851851749053423646;0.006481481481481481295159330358;0.025000000000000001387778780781;0.019907407407407408383992475365;0.035648148148148151026504137917;0.013425925925925926221471407018
-0.025203252032520325615072565029;0.026829268292682926372316742913;0.063414634146341464226992457043;0.003658536585365853872203745212;0.013008130081300812996847326986;0.029268292682926830977629961694;0.002032520325203252247597829339;0.038211382113821135142472940061;0.032113821138211380568083797016;0.010162601626016259936946539710;0.018292682926829267192614381088;0.013414634146341463186158371457;0.019918699186991871419305510926;0.030894308943089431734874139579;0.036585365853658534385228762176;0.012601626016260162807536282514;0.027235772357723578296351263361;0.062601626016260167317817320054;0.026829268292682926372316742913;0.013821138211382113375469415928;0.017073170731707318359404723651;0.022357723577235772555171777753;0.018699186991869919116648901536;0.015040650406504065678126025318;0.027642276422764226750938831856;0.021544715447154472176549688811;0.045121951219512193564931124001;0.033333333333333332870740406406;0.000813008130081300812302957937;0.026829268292682926372316742913;0.005284552845528455063128792091;0.014227642276422763564780460399;0.015853658536585366056748114261;0.006504065040650406498423663493;0.013414634146341463186158371457;0.038617886178861790535954412462;0.016260162601626017980782634709;0.003658536585365853872203745212;0.000813008130081300812302957937;0.012195121951219512618225238043;0.008130081300813008990391317354;0.013821138211382113375469415928;0.000000000000000000000000000000;0.006504065040650406498423663493;0.021544715447154472176549688811;0.007723577235772357933718534895;0.021951219512195120631137257305;0.016666666666666666435370203203;0.026829268292682926372316742913;0.015447154471544715867437069790
-0.049572649572649570004490016117;0.008119658119658120301598280832;0.050427350427350428607731203101;0.000427350427350427350056683018;0.004700854700854700633783078700;0.063247863247863245206303872692;0.000000000000000000000000000000;0.013247863247863247634916739059;0.013675213675213675201813856575;0.017094017094017095736990796695;0.025641025641025640136039243089;0.049572649572649570004490016117;0.021794871794871793768688661430;0.043162393162393161705203681322;0.007692307692307692734701163317;0.055555555555555552471602709375;0.010683760683760683968257509946;0.019658119658119657668926549832;0.010256410256410256401360392431;0.009829059829059828834463274916;0.012820512820512820068019621544;0.013675213675213675201813856575;0.005982905982905983334474431246;0.020512820512820512802720784862;0.066666666666666665741480812812;0.041025641025641025605441569724;0.023076923076923078204103489952;0.001282051282051282050170049054;0.000000000000000000000000000000;0.016239316239316240603196561665;0.042307692307692310040856398246;0.008974358974358973700669039886;0.006410256410256410034009810772;0.009829059829059828834463274916;0.022222222222222223070309254922;0.028205128205128205537421948179;0.006837606837606837600906928287;0.016666666666666666435370203203;0.000427350427350427350056683018;0.011538461538461539102051744976;0.003418803418803418800453464144;0.005555555555555555767577313730;0.000000000000000000000000000000;0.013675213675213675201813856575;0.007692307692307692734701163317;0.008974358974358973700669039886;0.040598290598290599773267928185;0.030769230769230770938804653269;0.029487179487179486503389824748;0.030769230769230770938804653269
-0.062745098039215685403746647353;0.003431372549019607795517394777;0.048529411764705883414183773539;0.003921568627450980337734165460;0.003431372549019607795517394777;0.034313725490196081424620899725;0.000980392156862745084433541365;0.015686274509803921350936661838;0.010784313725490195928768955014;0.025000000000000001387778780781;0.024019607843137256303345239417;0.037254901960784313208474571866;0.012745098039215686097636037744;0.046568627450980393245316690809;0.007843137254901960675468330919;0.057843137254901963451025892482;0.010294117647058823386552184331;0.020098039215686275965611073957;0.020098039215686275965611073957;0.008333333333333333217685101602;0.019117647058823530881177532592;0.008823529411764705759901872284;0.007352941176470588133251560237;0.030392156862745097617439782312;0.068627450980392162849241799449;0.046078431372549022437823396103;0.031372549019607842701873323676;0.000000000000000000000000000000;0.000000000000000000000000000000;0.013725490196078431182069579108;0.044117647058823532268956313374;0.010784313725490195928768955014;0.009313725490196078302118642966;0.003921568627450980337734165460;0.011274509803921568470985725696;0.032352941176470591255753816995;0.015196078431372548808719891156;0.020098039215686275965611073957;0.000490196078431372542216770682;0.008333333333333333217685101602;0.005392156862745097964384477507;0.001470588235294117626650312047;0.000000000000000000000000000000;0.010294117647058823386552184331;0.006862745098039215591034789554;0.010784313725490195928768955014;0.042156862745098042100089230644;0.035294117647058823039607489136;0.028921568627450981725512946241;0.023529411764705882026404992757
-0.056349206349206350241676233281;0.007142857142857142634106981660;0.030952380952380953438307642500;0.019444444444444444752839729063;0.028968253968253969421464688594;0.027380952380952380820211544687;0.002380952380952381167156239883;0.019444444444444444752839729063;0.022619047619047618485899064922;0.019444444444444444752839729063;0.022222222222222223070309254922;0.025793650793650792218958400781;0.014285714285714285268213963320;0.030952380952380953438307642500;0.031746031746031744269487262500;0.028968253968253969421464688594;0.010714285714285714384841341484;0.019841269841269840168429539062;0.036904761904761905488836504219;0.003968253968253968033685907812;0.024206349206349207087152208828;0.010317460317460317234528055508;0.005555555555555555767577313730;0.030555555555555554553270880547;0.044047619047619050725028699844;0.036904761904761905488836504219;0.037301587301587300904426314219;0.036111111111111107718762980312;0.000000000000000000000000000000;0.026587301587301586519584972734;0.018253968253968255036623347110;0.009523809523809524668624959531;0.024206349206349207087152208828;0.004761904761904762334312479766;0.012301587301587301251371009414;0.024206349206349207087152208828;0.008333333333333333217685101602;0.008730158730158730367998387578;0.001984126984126984016842953906;0.002380952380952381167156239883;0.007142857142857142634106981660;0.009126984126984127518311673555;0.000000000000000000000000000000;0.019047619047619049337249919063;0.032142857142857139685077072500;0.010714285714285714384841341484;0.032142857142857139685077072500;0.025793650793650792218958400781;0.019047619047619049337249919063;0.019047619047619049337249919063
-0.059195402298850577360589397813;0.000000000000000000000000000000;0.039080459770114941986385304062;0.000000000000000000000000000000;0.000574712643678160911564489766;0.032758620689655175428622868594;0.000574712643678160911564489766;0.017241379310344827346934692969;0.001724137931034482734693469297;0.082758620689655171265286526250;0.013793103448275861877547754375;0.028160919540229884666659998516;0.013793103448275861877547754375;0.045402298850574715483041643438;0.001149425287356321823128979531;0.036781609195402298340127345000;0.008045977011494252761902856719;0.008620689655172413673467346484;0.010344827586206896408160815781;0.001149425287356321823128979531;0.016091954022988505523805713437;0.002873563218390804557822448828;0.002873563218390804557822448828;0.097701149425287361904857164063;0.056896551724137933714331438750;0.059195402298850577360589397813;0.018965517241379310081628162266;0.000000000000000000000000000000;0.000574712643678160911564489766;0.009195402298850574585031836250;0.020689655172413792816321631562;0.032758620689655175428622868594;0.001149425287356321823128979531;0.001724137931034482734693469297;0.010344827586206896408160815781;0.044827586206896551102030201719;0.009770114942528735496596326016;0.014942528735632183700676733906;0.000000000000000000000000000000;0.002873563218390804557822448828;0.003448275862068965469386938594;0.000000000000000000000000000000;0.000000000000000000000000000000;0.040229885057471263809514283594;0.001149425287356321823128979531;0.021264367816091953727886121328;0.056896551724137933714331438750;0.032758620689655175428622868594;0.015517241379310344612241223672;0.024137931034482758285708570156
-0.080000000000000001665334536938;0.006666666666666667094565124074;0.034444444444444444197728216750;0.046666666666666668794594130532;0.028888888888888887562789165031;0.036666666666666666851703837438;0.001666666666666666773641281019;0.014444444444444443781394582516;0.008888888888888888881179006773;0.025000000000000001387778780781;0.021666666666666667406815349750;0.026111111111111112714766591125;0.013888888888888888117900677344;0.038333333333333330372738601000;0.017222222222222222098864108375;0.046666666666666668794594130532;0.006111111111111111431071218902;0.019444444444444444752839729063;0.019444444444444444752839729063;0.005555555555555555767577313730;0.019444444444444444752839729063;0.005000000000000000104083408559;0.003333333333333333547282562037;0.030555555555555554553270880547;0.072777777777777774570466817750;0.042222222222222223486642889156;0.021666666666666667406815349750;0.010000000000000000208166817117;0.000000000000000000000000000000;0.026666666666666668378260496297;0.014444444444444443781394582516;0.009444444444444444544672911945;0.009444444444444444544672911945;0.002777777777777777883788656865;0.012777777777777778525636342977;0.022222222222222223070309254922;0.007777777777777777554191196430;0.016666666666666666435370203203;0.000555555555555555555073687923;0.000555555555555555555073687923;0.005000000000000000104083408559;0.002777777777777777883788656865;0.000000000000000000000000000000;0.017222222222222222098864108375;0.014999999999999999444888487687;0.012777777777777778525636342977;0.044999999999999998334665463062;0.036111111111111107718762980312;0.014444444444444443781394582516;0.025555555555555557051272685953
-0.041250000000000001942890293094;0.003333333333333333547282562037;0.032500000000000001110223024625;0.029999999999999998889776975375;0.044583333333333335923853724125;0.061666666666666668239482618219;0.002916666666666666799662133158;0.014583333333333333564629796797;0.011666666666666667198648532633;0.014166666666666665949647629930;0.022083333333333333287074040641;0.065416666666666664631257788187;0.020000000000000000416333634234;0.033333333333333332870740406406;0.009166666666666666712925959359;0.051249999999999996946886682281;0.005416666666666666851703837438;0.014583333333333333564629796797;0.023750000000000000277555756156;0.003333333333333333547282562037;0.011249999999999999583666365766;0.009583333333333332593184650250;0.003333333333333333547282562037;0.016666666666666666435370203203;0.070416666666666669072149886688;0.034583333333333333980963431031;0.027500000000000000138777878078;0.022916666666666665047591422422;0.000000000000000000000000000000;0.050000000000000002775557561563;0.043749999999999997224442438437;0.007916666666666667337426410711;0.009583333333333332593184650250;0.007083333333333332974823814965;0.013333333333333334189130248149;0.014999999999999999444888487687;0.006250000000000000346944695195;0.013333333333333334189130248149;0.001250000000000000026020852140;0.003333333333333333547282562037;0.002500000000000000052041704279;0.003749999999999999861222121922;0.000000000000000000000000000000;0.007499999999999999722444243844;0.014999999999999999444888487687;0.005833333333333333599324266316;0.029166666666666667129259593594;0.029583333333333333009518284484;0.013333333333333334189130248149;0.021250000000000001526556658860
-0.044086021505376341012016894183;0.002688172043010752902680859933;0.034946236559139781663319013205;0.005913978494623655692008501461;0.017204301075268817189378722787;0.071505376344086019058110537117;0.006451612903225806446017021045;0.020967741935483872467438359877;0.014516129032258065154059600843;0.010215053763440860856714920146;0.024193548387096773522042525428;0.061290322580645158201395616970;0.018279569892473118697395761956;0.025268817204301075030059564597;0.016666666666666666435370203203;0.039784946236559141918842641417;0.006989247311827957200025540629;0.014516129032258065154059600843;0.038172043010752686187370130710;0.003225806451612903223008510523;0.017741935483870967943387242372;0.010752688172043011610723439730;0.008064516129032257840680841809;0.015053763440860215908068120427;0.069892473118279563326638026410;0.026344086021505376538076603765;0.018817204301075269451404281540;0.006989247311827957200025540629;0.000537634408602150537168085087;0.071505376344086019058110537117;0.051612903225806451568136168362;0.010215053763440860856714920146;0.022043010752688170506008447092;0.006451612903225806446017021045;0.010752688172043011610723439730;0.021505376344086023221446879461;0.006451612903225806446017021045;0.018817204301075269451404281540;0.001075268817204301074336170174;0.003225806451612903223008510523;0.005913978494623655692008501461;0.003225806451612903223008510523;0.000000000000000000000000000000;0.013440860215053763646042561675;0.016129032258064515681361683619;0.009677419354838710102706400562;0.023118279569892472014025486260;0.016666666666666666435370203203;0.013978494623655914400051081259;0.023118279569892472014025486260
-0.056451612903225804884765892666;0.004301075268817204297344680697;0.038172043010752686187370130710;0.001612903225806451611504255261;0.017741935483870967943387242372;0.064516129032258062725446734476;0.005913978494623655692008501461;0.016129032258064515681361683619;0.019354838709677420205412801124;0.016129032258064515681361683619;0.021505376344086023221446879461;0.043010752688172046442893758922;0.020967741935483872467438359877;0.036021505376344083171336052374;0.004838709677419355051353200281;0.038709677419354840410825602248;0.007526881720430107954034060214;0.018279569892473118697395761956;0.038709677419354840410825602248;0.004301075268817204297344680697;0.031182795698924729854706328069;0.011827956989247311384017002922;0.011290322580645160630008483338;0.018817204301075269451404281540;0.062365591397849459709412656139;0.034408602150537634378757445575;0.027419354838709678046093642934;0.000000000000000000000000000000;0.000537634408602150537168085087;0.051612903225806451568136168362;0.027419354838709678046093642934;0.006989247311827957200025540629;0.021505376344086023221446879461;0.005913978494623655692008501461;0.013978494623655914400051081259;0.024193548387096773522042525428;0.009139784946236559348697880978;0.011827956989247311384017002922;0.000537634408602150537168085087;0.006451612903225806446017021045;0.005913978494623655692008501461;0.003225806451612903223008510523;0.000000000000000000000000000000;0.009139784946236559348697880978;0.010215053763440860856714920146;0.012365591397849462138025522506;0.030645161290322579100697808485;0.031720430107526884078161799607;0.022580645161290321260016966676;0.022580645161290321260016966676
-0.050370370370370370904922197042;0.012222222222222222862142437805;0.041851851851851848418384349770;0.039629629629629632703302632990;0.036666666666666666851703837438;0.041851851851851848418384349770;0.003703703703703703845051542487;0.015185185185185185244294281404;0.019259259259259260688157411323;0.010740740740740739936343040029;0.017777777777777777762358013547;0.038888888888888889505679458125;0.023333333333333334397297065266;0.025925925925925925180637321432;0.020000000000000000416333634234;0.033703703703703701000105041885;0.011851851851851851263330850372;0.021111111111111111743321444578;0.040370370370370368962031903948;0.003703703703703703845051542487;0.018148148148148149361169600979;0.015555555555555555108382392859;0.005555555555555555767577313730;0.020740740740740740144509857146;0.058148148148148150193836869448;0.029999999999999998889776975375;0.018148148148148149361169600979;0.004814814814814815172039352831;0.000370370370370370351979089074;0.059629629629629629650189315271;0.027407407407407408106436719208;0.005555555555555555767577313730;0.019629629629629628817522046802;0.005185185185185185036127464286;0.015925925925925926707193980292;0.017407407407407406163546426114;0.010000000000000000208166817117;0.010370370370370370072254928573;0.001111111111111111110147375847;0.007037037037037036958653235530;0.004814814814814815172039352831;0.011851851851851851263330850372;0.000000000000000000000000000000;0.009259259259259258745267118229;0.020000000000000000416333634234;0.006666666666666667094565124074;0.024444444444444445724284875610;0.027037037037037036507625131776;0.015925925925925926707193980292;0.021111111111111111743321444578
-0.063063063063063057311907755320;0.013513513513513514263664205828;0.038288288288288285787785980574;0.004504504504504504465434155946;0.019369369369369369288103044369;0.028378378378378379953694832238;0.008558558558558557877171679706;0.022072072072072072140835885534;0.040090090090090090002572509320;0.031081081081081082806427673404;0.016666666666666666435370203203;0.029279279279279278591641144658;0.009459459459459459984564944079;0.032882882882882880082320298243;0.009909909909909909303538100289;0.058558558558558557183282289316;0.013513513513513514263664205828;0.015765765765765764327976938830;0.023873873873873872886175462327;0.004954954954954954651769050145;0.021171171171171170033442621161;0.013513513513513514263664205828;0.003603603603603603659083498556;0.040990990990990988640518821740;0.056306306306306307118969556313;0.048198198198198198560771032817;0.018918918918918919969129888159;0.003603603603603603659083498556;0.000000000000000000000000000000;0.018918918918918919969129888159;0.026576576576576575738908303492;0.013963963963963963582637362038;0.006756756756756757131832102914;0.005405405405405405705465682331;0.009909909909909909303538100289;0.023423423423423423567202306117;0.007207207207207207318166997112;0.018018018018018017861736623786;0.001801801801801801829541749278;0.002702702702702702852732841166;0.004954954954954954651769050145;0.010810810810810811410931364662;0.000000000000000000000000000000;0.023423423423423423567202306117;0.004504504504504504465434155946;0.018018018018018017861736623786;0.040540540540540542790992617483;0.036936936936936934361419559991;0.008558558558558557877171679706;0.027477477477477477846301567865
-0.053900709219858157494886796712;0.006737588652482269686860849589;0.014539007092198581727604533853;0.026595744680851064051241294806;0.124468085106382977955696844674;0.065248226950354606956672398610;0.000354609929078014208311125932;0.013120567375886524677519595627;0.004964539007092198807935545801;0.004609929078014184111733442251;0.015248226950354609385285264977;0.058865248226950356302822342514;0.017730496453900710523976513855;0.021631205673758865243305749004;0.032269503546099288782134095754;0.047163120567375885205940733158;0.003900709219858156020371842132;0.005319148936170212636775911363;0.035460992907801421047953027710;0.000709219858156028416622251864;0.012411347517730497019838864503;0.005319148936170212636775911363;0.002482269503546099403967772901;0.010283687943262410577349719176;0.060283687943262408148736852809;0.025886524822695034658837087704;0.020212765957446809927944286756;0.006382978723404254990658746038;0.000354609929078014208311125932;0.051063829787234039925269968307;0.051773049645390069317674175409;0.004255319148936170282893076688;0.021985815602836879939507852555;0.003900709219858156020371842132;0.013475177304964539373721699178;0.009219858156028368223466884501;0.004964539007092198807935545801;0.016312056737588651739168099652;0.000709219858156028416622251864;0.003900709219858156020371842132;0.001063829787234042570723269172;0.001418439716312056833244503729;0.000000000000000000000000000000;0.008510638297872340565786153377;0.037234042553191487590069641556;0.006382978723404254990658746038;0.019858156028368795231742183205;0.020921985815602835850901541903;0.010638297872340425273551822727;0.015957446808510637042965996102
-0.043827160493827163612046149410;0.010493827160493827271858791050;0.037962962962962962243373965521;0.004320987654320987240985640909;0.023765432098765432861187107960;0.059876543209876544049397040226;0.001851851851851851922525771243;0.015740740740740739173064710599;0.020370370370370372015145221667;0.006172839506172839163511412153;0.019444444444444444752839729063;0.087654320987654327224092298820;0.015432098765432097908778530382;0.024074074074074074125473288177;0.016666666666666666435370203203;0.056481481481481479733908201979;0.009876543209876543008562954640;0.021604938271604937072289942535;0.041049382716049381825129671597;0.005555555555555555767577313730;0.016975308641975307699656383420;0.014197530864197531116910333537;0.004012345679012345976699460692;0.012345679012345678327022824305;0.066049382716049376274014548471;0.027777777777777776235801354687;0.020987654320987654543717582101;0.004938271604938271504281477320;0.000000000000000000000000000000;0.045987654320987655931496362882;0.061419753086419753840274893264;0.004320987654320987240985640909;0.012037037037037037062736644089;0.008950617283950617480980938012;0.010493827160493827271858791050;0.015740740740740739173064710599;0.005864197530864197899225231936;0.014197530864197531116910333537;0.001851851851851851922525771243;0.004938271604938271504281477320;0.006172839506172839163511412153;0.007407407407407407690103084974;0.000000000000000000000000000000;0.004629629629629629372633559115;0.016975308641975307699656383420;0.007407407407407407690103084974;0.020370370370370372015145221667;0.021913580246913581806023074705;0.014506172839506172381196513754;0.025308641975308642652064960998
-0.030882352941176471894380028971;0.021568627450980391857537910028;0.041176470588235293546208737325;0.014215686274509803724286349791;0.044607843137254903076449608079;0.041176470588235293546208737325;0.005882352941176470506601248189;0.024019607843137256303345239417;0.019117647058823530881177532592;0.012745098039215686097636037744;0.016666666666666666435370203203;0.055392156862745095535771611139;0.017156862745098040712310449862;0.019117647058823530881177532592;0.025000000000000001387778780781;0.031372549019607842701873323676;0.013725490196078431182069579108;0.030392156862745097617439782312;0.032352941176470591255753816995;0.009803921568627450844335413649;0.015196078431372548808719891156;0.009313725490196078302118642966;0.011274509803921568470985725696;0.013725490196078431182069579108;0.039705882352941174184834949301;0.024509803921568627110838534122;0.031372549019607842701873323676;0.031372549019607842701873323676;0.000000000000000000000000000000;0.052450980392156863751917938998;0.035784313725490193847100783842;0.008823529411764705759901872284;0.025490196078431372195272075487;0.005882352941176470506601248189;0.010294117647058823386552184331;0.025000000000000001387778780781;0.008333333333333333217685101602;0.004901960784313725422167706824;0.002941176470588235253300624095;0.007352941176470588133251560237;0.006862745098039215591034789554;0.016176470588235295627876908497;0.000000000000000000000000000000;0.005392156862745097964384477507;0.021568627450980391857537910028;0.010294117647058823386552184331;0.017647058823529411519803744568;0.013235294117647058639852808426;0.027450980392156862364139158217;0.011274509803921568470985725696
-0.029047619047619047810693260203;0.011904761904761904101057723437;0.038095238095238098674499838125;0.000000000000000000000000000000;0.017142857142857143709635536766;0.039523809523809523558401934906;0.002857142857142857140378966463;0.047142857142857146068859464094;0.007619047619047619041010577234;0.011904761904761904101057723437;0.029047619047619047810693260203;0.050476190476190473110928991218;0.020476190476190477690598967797;0.026666666666666668378260496297;0.014285714285714285268213963320;0.019523809523809523142068300672;0.010476190476190475747708674703;0.060476190476190475053819284312;0.028095238095238096731609545031;0.010476190476190475747708674703;0.021904761904761906043948016531;0.010000000000000000208166817117;0.025238095238095236555464495609;0.018095238095238094788719251937;0.032380952380952378322209739281;0.028571428571428570536427926640;0.048095238095238093678496227312;0.019523809523809523142068300672;0.000000000000000000000000000000;0.041904761904761902990834698812;0.017142857142857143709635536766;0.002857142857142857140378966463;0.026666666666666668378260496297;0.005714285714285714280757932926;0.020000000000000000416333634234;0.029047619047619047810693260203;0.014285714285714285268213963320;0.003333333333333333547282562037;0.000476190476190476190063161077;0.014285714285714285268213963320;0.008571428571428571854817768383;0.007142857142857142634106981660;0.000000000000000000000000000000;0.007619047619047619041010577234;0.008571428571428571854817768383;0.010000000000000000208166817117;0.020952380952380951495417349406;0.015714285714285715356286488031;0.054285714285714284366157755812;0.012380952380952381375323057000
-0.040243902439024391293198590347;0.010569105691056910126257584182;0.049186991869918698927488520667;0.008130081300813008990391317354;0.017479674796747966813992292145;0.025609756097560974069660133523;0.006504065040650406498423663493;0.026422764227642277917729174419;0.014634146341463415488814980847;0.026422764227642277917729174419;0.026422764227642277917729174419;0.016666666666666666435370203203;0.015040650406504065678126025318;0.034552845528455285173397015797;0.020325203252032519873893079421;0.032520325203252035961565269417;0.016260162601626017980782634709;0.025203252032520325615072565029;0.026016260162601625993694653971;0.005691056910569106119801574550;0.019105691056910567571236470030;0.010569105691056910126257584182;0.011382113821138212239603149101;0.032520325203252035961565269417;0.043089430894308944353099377622;0.041869918699186992050442768232;0.035365853658536582082572152785;0.019512195121951219495270990478;0.000813008130081300812302957937;0.027235772357723578296351263361;0.023577235772357724857828387144;0.017886178861788618738026812593;0.012601626016260162807536282514;0.007723577235772357933718534895;0.013414634146341463186158371457;0.033333333333333332870740406406;0.011382113821138212239603149101;0.014227642276422763564780460399;0.000813008130081300812302957937;0.003658536585365853872203745212;0.010569105691056910126257584182;0.004471544715447154684506703148;0.000000000000000000000000000000;0.019105691056910567571236470030;0.022357723577235772555171777753;0.012601626016260162807536282514;0.035772357723577237476053625187;0.029268292682926830977629961694;0.023170731707317072933793866696;0.018699186991869919116648901536
-0.027142857142857142183078877906;0.009523809523809524668624959531;0.039047619047619046284136601344;0.076666666666666660745477201999;0.011904761904761904101057723437;0.062380952380952384150880618563;0.000000000000000000000000000000;0.012857142857142856914864914586;0.008095238095238094580552434820;0.013809523809523809728672105734;0.019047619047619049337249919063;0.030476190476190476164042308937;0.045238095238095236971798129844;0.034761904761904764693536407094;0.010000000000000000208166817117;0.027142857142857142183078877906;0.020476190476190477690598967797;0.027619047619047619457344211469;0.013809523809523809728672105734;0.008571428571428571854817768383;0.012857142857142856914864914586;0.008095238095238094580552434820;0.007142857142857142634106981660;0.024761904761904762750646114000;0.051904761904761904933724991906;0.029047619047619047810693260203;0.028095238095238096731609545031;0.003809523809523809520505288617;0.000000000000000000000000000000;0.035238095238095235028907836750;0.017142857142857143709635536766;0.012380952380952381375323057000;0.009047619047619047394359625969;0.014285714285714285268213963320;0.038571428571428569009871267781;0.025238095238095236555464495609;0.011428571428571428561515865852;0.004285714285714285927408884191;0.000000000000000000000000000000;0.012857142857142856914864914586;0.003333333333333333547282562037;0.003809523809523809520505288617;0.000000000000000000000000000000;0.010476190476190475747708674703;0.012380952380952381375323057000;0.005714285714285714280757932926;0.030952380952380953438307642500;0.036666666666666666851703837438;0.020476190476190477690598967797;0.031428571428571430712572976063
-0.038518518518518521376314822646;0.009259259259259258745267118229;0.035925925925925923654080662573;0.005185185185185185036127464286;0.050740740740740739034286832521;0.043333333333333334813630699500;0.002962962962962962815832712593;0.032592592592592589673117231541;0.027037037037037036507625131776;0.011481481481481481399242738917;0.017037037037037038034181790636;0.039629629629629632703302632990;0.015185185185185185244294281404;0.021851851851851851471497667490;0.023333333333333334397297065266;0.045555555555555557467606320188;0.010370370370370370072254928573;0.023333333333333334397297065266;0.044074074074074071072359970458;0.004444444444444444440589503387;0.018518518518518517490534236458;0.015185185185185185244294281404;0.007777777777777777554191196430;0.015185185185185185244294281404;0.048888888888888891448569751219;0.030370370370370370488588562807;0.022962962962962962798485477833;0.025925925925925925180637321432;0.001111111111111111110147375847;0.042592592592592591616007524635;0.044444444444444446140618509844;0.007037037037037036958653235530;0.026666666666666668378260496297;0.005185185185185185036127464286;0.012592592592592592726230549260;0.020370370370370372015145221667;0.010000000000000000208166817117;0.008518518518518519017090895318;0.001111111111111111110147375847;0.004444444444444444440589503387;0.005925925925925925631665425186;0.007777777777777777554191196430;0.000000000000000000000000000000;0.012222222222222222862142437805;0.024074074074074074125473288177;0.008518518518518519017090895318;0.015925925925925926707193980292;0.017777777777777777762358013547;0.021481481481481479872686080057;0.015555555555555555108382392859
-0.035714285714285712303173170312;0.008333333333333333217685101602;0.059523809523809520505288617187;0.000595238095238095291789059971;0.020238095238095239053466301016;0.035714285714285712303173170312;0.001190476190476190583578119941;0.026785714285714284227379877734;0.022619047619047618485899064922;0.011904761904761904101057723437;0.017857142857142856151586585156;0.026785714285714284227379877734;0.020238095238095239053466301016;0.026785714285714284227379877734;0.016666666666666666435370203203;0.025000000000000001387778780781;0.023214285714285715078730731875;0.042261904761904764415980650938;0.048809523809523809589894227656;0.005952380952380952050528861719;0.022023809523809525362514349922;0.022619047619047618485899064922;0.012500000000000000693889390391;0.019642857142857142460634634062;0.036309523809523812365451789219;0.018452380952380952744418252109;0.030952380952380953438307642500;0.004166666666666666608842550801;0.000595238095238095291789059971;0.041071428571428571230317317031;0.022023809523809525362514349922;0.012500000000000000693889390391;0.025000000000000001387778780781;0.005952380952380952050528861719;0.022619047619047618485899064922;0.029166666666666667129259593594;0.018452380952380952744418252109;0.004761904761904762334312479766;0.001190476190476190583578119941;0.016071428571428569842538536250;0.005952380952380952050528861719;0.012500000000000000693889390391;0.000000000000000000000000000000;0.011904761904761904101057723437;0.016666666666666666435370203203;0.007738095238095238359576910625;0.031547619047619046561692357500;0.019642857142857142460634634062;0.036309523809523812365451789219;0.015476190476190476719153821250
-0.061428571428571429602349951438;0.000952380952380952380126322154;0.016190476190476189161104869640;0.000000000000000000000000000000;0.005714285714285714280757932926;0.103809523809523809867449983813;0.001428571428571428570189483231;0.009047619047619047394359625969;0.007619047619047619041010577234;0.006666666666666667094565124074;0.020952380952380951495417349406;0.130000000000000004440892098501;0.031904761904761907986838309625;0.019047619047619049337249919063;0.003333333333333333547282562037;0.076666666666666660745477201999;0.001904761904761904760252644309;0.009523809523809524668624959531;0.013809523809523809728672105734;0.002380952380952381167156239883;0.011904761904761904101057723437;0.004761904761904762334312479766;0.000952380952380952380126322154;0.007142857142857142634106981660;0.105714285714285718964511318063;0.026190476190476191103995162734;0.013333333333333334189130248149;0.000000000000000000000000000000;0.000476190476190476190063161077;0.052857142857142859482255659032;0.088095238095238101450057399688;0.002857142857142857140378966463;0.003809523809523809520505288617;0.005238095238095237873854337352;0.015714285714285715356286488031;0.010476190476190475747708674703;0.004285714285714285927408884191;0.015714285714285715356286488031;0.000952380952380952380126322154;0.003333333333333333547282562037;0.000476190476190476190063161077;0.000476190476190476190063161077;0.000000000000000000000000000000;0.007619047619047619041010577234;0.004285714285714285927408884191;0.003333333333333333547282562037;0.020952380952380951495417349406;0.024285714285714285476380780437;0.014285714285714285268213963320;0.028095238095238096731609545031
-0.053763440860215054584170246699;0.001612903225806451611504255261;0.031182795698924729854706328069;0.001612903225806451611504255261;0.002688172043010752902680859933;0.062365591397849459709412656139;0.000537634408602150537168085087;0.013978494623655914400051081259;0.026881720430107527292085123349;0.022580645161290321260016966676;0.019354838709677420205412801124;0.075806451612903225090178693790;0.017204301075268817189378722787;0.037096774193548384679353091542;0.003225806451612903223008510523;0.048387096774193547044085050857;0.016129032258064515681361683619;0.012903225806451612892034042090;0.015591397849462364927353164035;0.004301075268817204297344680697;0.010752688172043011610723439730;0.015591397849462364927353164035;0.001612903225806451611504255261;0.031720430107526884078161799607;0.082795698924731181422842496431;0.034946236559139781663319013205;0.019354838709677420205412801124;0.020967741935483872467438359877;0.000537634408602150537168085087;0.026344086021505376538076603765;0.052688172043010753076153207530;0.012365591397849462138025522506;0.006989247311827957200025540629;0.007526881720430107954034060214;0.015053763440860215908068120427;0.022580645161290321260016966676;0.006451612903225806446017021045;0.010215053763440860856714920146;0.005376344086021505805361719865;0.003225806451612903223008510523;0.001075268817204301074336170174;0.010215053763440860856714920146;0.000000000000000000000000000000;0.011290322580645160630008483338;0.003763440860215053977017030107;0.009139784946236559348697880978;0.044086021505376341012016894183;0.027956989247311828800102162518;0.016666666666666666435370203203;0.021505376344086023221446879461
-0.031531531531531528655953877660;0.017117117117117115754343359413;0.048198198198198198560771032817;0.005405405405405405705465682331;0.020720720720720720714469464951;0.043693693693693691493251662905;0.002252252252252252232717077973;0.025675675675675677100961991073;0.021621621621621622821862729324;0.017567567567567568542763467576;0.026576576576576575738908303492;0.026576576576576575738908303492;0.019819819819819818607076200578;0.030180180180180180699034409031;0.035135135135135137085526935152;0.028378378378378379953694832238;0.013513513513513514263664205828;0.038738738738738738576206088737;0.037837837837837839938259776318;0.004504504504504504465434155946;0.020720720720720720714469464951;0.013963963963963963582637362038;0.008108108108108108558198523497;0.022972972972972974248229149907;0.037837837837837839938259776318;0.031981981981981981444373985823;0.037837837837837839938259776318;0.025225225225225224312541882909;0.000000000000000000000000000000;0.044594594594594597070091879232;0.017567567567567568542763467576;0.010360360360360360357234732476;0.018468468468468467180709779996;0.006756756756756757131832102914;0.013063063063063063209967573641;0.024324324324324325674595570490;0.010360360360360360357234732476;0.006756756756756757131832102914;0.000900900900900900914770874639;0.003603603603603603659083498556;0.006756756756756757131832102914;0.004504504504504504465434155946;0.000000000000000000000000000000;0.013063063063063063209967573641;0.023423423423423423567202306117;0.009909909909909909303538100289;0.029279279279279278591641144658;0.022522522522522521459809041744;0.023423423423423423567202306117;0.016666666666666666435370203203
-0.055701754385964911964190804383;0.005701754385964912658080194774;0.053070175438596489669862421579;0.004385964912280701510916003372;0.010964912280701753777290008429;0.043859649122807015109160033717;0.000000000000000000000000000000;0.016228070175438594896499822084;0.046929824561403508942358797640;0.012280701754385964924454199831;0.021491228070175439485156587693;0.053947368421052632747603183816;0.012719298245614034728601104973;0.035526315789473683626198408092;0.011842105263157895120307294690;0.059649122807017541936236426636;0.010964912280701753777290008429;0.022807017543859650632320779096;0.011403508771929825316160389548;0.003947368421052631706769098230;0.015789473684210526827076392919;0.025438596491228069457202209946;0.002192982456140350755458001686;0.019736842105263156799122015173;0.079824561403508770274228822927;0.031578947368421053654152785839;0.018859649122807017190828204889;0.001754385964912280734470662047;0.000000000000000000000000000000;0.028508771929824559820954021916;0.046929824561403508942358797640;0.008333333333333333217685101602;0.005701754385964912658080194774;0.010526315789473683973143103287;0.010087719298245614168996198146;0.017105263157894737974240584322;0.007017543859649122937882648188;0.015789473684210526827076392919;0.007456140350877192742029553330;0.006140350877192982462227099916;0.002631578947368420993285775822;0.014473684210526315679912201517;0.000000000000000000000000000000;0.010087719298245614168996198146;0.006140350877192982462227099916;0.003947368421052631706769098230;0.032894736842105261331870025288;0.033771929824561404409610787525;0.010964912280701753777290008429;0.032894736842105261331870025288
-0.040666666666666663465523612331;0.004333333333333333134418374755;0.018333333333333333425851918719;0.004000000000000000083266726847;0.084333333333333329595582483762;0.055666666666666669849306003925;0.003333333333333333547282562037;0.020333333333333331732761806165;0.008000000000000000166533453694;0.006666666666666667094565124074;0.022666666666666668294993769450;0.042999999999999996558308623662;0.020000000000000000416333634234;0.016666666666666666435370203203;0.017666666666666667323548622903;0.028000000000000000582867087928;0.004000000000000000083266726847;0.012666666666666666352103476356;0.059333333333333335146697606888;0.001666666666666666773641281019;0.028333333333333331899295259859;0.005333333333333333155235056466;0.013333333333333334189130248149;0.011666666666666667198648532633;0.047666666666666669682772550232;0.024666666666666666601903656897;0.022333333333333333509118645566;0.017999999999999998639976794834;0.000333333333333333322202191029;0.119333333333333332926251557637;0.016000000000000000333066907388;0.005000000000000000104083408559;0.037999999999999999056310429069;0.005000000000000000104083408559;0.014999999999999999444888487687;0.009333333333333334105863521302;0.006333333333333333176051738178;0.007333333333333333196868419890;0.000666666666666666644404382058;0.004666666666666667052931760651;0.005333333333333333155235056466;0.004666666666666667052931760651;0.000000000000000000000000000000;0.007666666666666666248020067798;0.032000000000000000666133814775;0.010000000000000000208166817117;0.017333333333333332537673499019;0.012333333333333333300951828448;0.024000000000000000499600361081;0.017000000000000001221245327088
-0.061111111111111109106541761093;0.005555555555555555767577313730;0.045959595959595957170851221463;0.002020202020202020200267956085;0.017171717171717171268596757727;0.052020202020202022108463779659;0.000000000000000000000000000000;0.016161616161616161602143648679;0.025757575757575756902895136591;0.018686868686868685768276421300;0.021212121212121213403856145874;0.038888888888888889505679458125;0.020202020202020203737403036826;0.033333333333333332870740406406;0.009090909090909090467524933388;0.048989898989898993109104452515;0.013636363636363635701287400082;0.019696969696969695434729530348;0.025252525252525252069668582067;0.005555555555555555767577313730;0.016161616161616161602143648679;0.014141414141414142269237430583;0.004040404040404040400535912170;0.027777777777777776235801354687;0.066161616161616157438807306335;0.033333333333333332870740406406;0.029292929292929294204927970213;0.008080808080808080801071824339;0.000505050505050505050066989021;0.038383838383838381203005951647;0.026767676767676766569348245639;0.010101010101010101868701518413;0.009090909090909090467524933388;0.007070707070707071134618715291;0.010606060606060606701928072937;0.019696969696969695434729530348;0.009090909090909090467524933388;0.011616161616161616368381181985;0.000505050505050505050066989021;0.006565656565656565434030422779;0.003535353535353535567309357646;0.009595959595959595300751487912;0.000000000000000000000000000000;0.015656565656565656768917094155;0.010606060606060606701928072937;0.012626262626262626034834291033;0.037878787878787879839226349077;0.030303030303030303871381079261;0.023232323232323232736762363970;0.027272727272727271402574800163
-0.042929292929292928171491894318;0.008585858585858585634298378864;0.049494949494949494472884055085;0.002525252525252525467175379603;0.029797979797979799038154524737;0.055555555555555552471602709375;0.001515151515151515150200967064;0.021212121212121213403856145874;0.026262626262626261736121691115;0.007070707070707071134618715291;0.021717171717171718237082700398;0.046464646464646465473524727940;0.021212121212121213403856145874;0.032828282828282831506960803836;0.014646464646464647102463985107;0.046969696969696966837304330511;0.009595959595959595300751487912;0.014646464646464647102463985107;0.036363636363636361870099733551;0.004040404040404040400535912170;0.018686868686868685768276421300;0.020707070707070708570629591350;0.006565656565656565434030422779;0.013636363636363635701287400082;0.058080808080808080107182433949;0.028787878787878789371701415689;0.031818181818181814901613790880;0.023232323232323232736762363970;0.000000000000000000000000000000;0.054545454545454542805149600326;0.042929292929292928171491894318;0.005050505050505050934350759206;0.015656565656565656768917094155;0.008585858585858585634298378864;0.010101010101010101868701518413;0.017676767676767676101823312251;0.007575757575757575967845269815;0.012121212121212121201607736509;0.001010101010101010100133978042;0.001515151515151515150200967064;0.003535353535353535567309357646;0.010606060606060606701928072937;0.000000000000000000000000000000;0.006565656565656565434030422779;0.016666666666666666435370203203;0.008080808080808080801071824339;0.021717171717171718237082700398;0.020707070707070708570629591350;0.019191919191919190601502975824;0.021212121212121213403856145874
-0.073255813953488374545841566032;0.001162790697674418588514200223;0.037209302325581394832454407151;0.003100775193798449569371200596;0.012403100775193798277484802384;0.043410852713178293971196808343;0.005038759689922480550228200968;0.013565891472868216865999002607;0.005426356589147286746399601043;0.015891472868217054043027403054;0.027906976744186046124340805363;0.039922480620155041675101159626;0.014341085271317829258341802756;0.035658914728682170047768806853;0.005813953488372092942571001117;0.070930232558139530429919261678;0.003875968992248061961714000745;0.007751937984496123923428001490;0.017829457364341085023884403427;0.004263565891472868157885400819;0.021705426356589146985598404171;0.015503875968992247846856002980;0.001937984496124030980857000372;0.026356589147286821339655205065;0.076356589147286824115212766628;0.043798449612403103636815160371;0.017054263565891472631541603278;0.006201550387596899138742401192;0.000000000000000000000000000000;0.035658914728682170047768806853;0.040697674418604654067443959775;0.007751937984496123923428001490;0.013953488372093023062170402682;0.006976744186046511531085201341;0.007751937984496123923428001490;0.018992248062015503612398603650;0.005038759689922480550228200968;0.050000000000000002775557561563;0.000387596899224806196171400074;0.006589147286821705334913801266;0.000000000000000000000000000000;0.001550387596899224784685600298;0.000000000000000000000000000000;0.024806201550387596554969604767;0.007751937984496123923428001490;0.027519379844961239928169405289;0.033333333333333332870740406406;0.031007751937984495693712005959;0.011627906976744185885142002235;0.020930232558139534593255604022
-0.039215686274509803377341654596;0.005392156862745097964384477507;0.041666666666666664353702032031;0.000980392156862745084433541365;0.021568627450980391857537910028;0.056372549019607844089652104458;0.002941176470588235253300624095;0.017647058823529411519803744568;0.020588235294117646773104368663;0.013725490196078431182069579108;0.021568627450980391857537910028;0.046078431372549022437823396103;0.025980392156862746472212322146;0.018137254901960785796743991227;0.009803921568627450844335413649;0.033333333333333332870740406406;0.009803921568627450844335413649;0.020098039215686275965611073957;0.035294117647058823039607489136;0.002941176470588235253300624095;0.021078431372549021050044615322;0.015686274509803921350936661838;0.014215686274509803724286349791;0.013725490196078431182069579108;0.052450980392156863751917938998;0.026960784313725491556645863511;0.028921568627450981725512946241;0.029901960784313726809946487606;0.000980392156862745084433541365;0.079411764705882348369669898602;0.033823529411764703678233701112;0.005882352941176470506601248189;0.022058823529411766134478156687;0.004901960784313725422167706824;0.020588235294117646773104368663;0.017156862745098040712310449862;0.007352941176470588133251560237;0.015196078431372548808719891156;0.002450980392156862711083853412;0.009803921568627450844335413649;0.002450980392156862711083853412;0.007843137254901960675468330919;0.000000000000000000000000000000;0.014215686274509803724286349791;0.014705882352941176266503120473;0.015686274509803921350936661838;0.027941176470588236641079404876;0.016176470588235295627876908497;0.018627450980392156604237285933;0.016666666666666666435370203203
-0.043703703703703702942995334979;0.007037037037037036958653235530;0.054074074074074073015250263552;0.005925925925925925631665425186;0.003333333333333333547282562037;0.031851851851851853414387960584;0.002592592592592592518063732143;0.020370370370370372015145221667;0.023703703703703702526661700745;0.027037037037037036507625131776;0.021111111111111111743321444578;0.041851851851851848418384349770;0.008888888888888888881179006773;0.037777777777777778178691647781;0.018888888888888889089345823891;0.040370370370370368962031903948;0.012592592592592592726230549260;0.029999999999999998889776975375;0.014814814814814815380206169948;0.004814814814814815172039352831;0.017407407407407406163546426114;0.017407407407407406163546426114;0.003703703703703703845051542487;0.047037037037037036923958766010;0.057407407407407406996213694583;0.041481481481481480289019714291;0.023703703703703702526661700745;0.004074074074074073709139653943;0.001111111111111111110147375847;0.015555555555555555108382392859;0.042592592592592591616007524635;0.014444444444444443781394582516;0.007777777777777777554191196430;0.008518518518518519017090895318;0.010000000000000000208166817117;0.031481481481481478346129421197;0.009629629629629630344078705662;0.010370370370370370072254928573;0.002962962962962962815832712593;0.005555555555555555767577313730;0.007407407407407407690103084974;0.008518518518518519017090895318;0.000000000000000000000000000000;0.032962962962962964741375770927;0.006666666666666667094565124074;0.021851851851851851471497667490;0.031481481481481478346129421197;0.026296296296296296779448908865;0.017777777777777777762358013547;0.024074074074074074125473288177
-0.060683760683760683274368119555;0.008974358974358973700669039886;0.038888888888888889505679458125;0.052564102564102564707493314700;0.020512820512820512802720784862;0.029487179487179486503389824748;0.002136752136752136967123849587;0.013247863247863247634916739059;0.023931623931623933337897724982;0.027777777777777776235801354687;0.016239316239316240603196561665;0.028632478632478631369595589717;0.014957264957264957902505209120;0.030769230769230770938804653269;0.012393162393162392501122504029;0.049572649572649570004490016117;0.010256410256410256401360392431;0.018376068376068376702958673263;0.011965811965811966668948862491;0.004700854700854700633783078700;0.018803418803418802535132314802;0.011111111111111111535154627461;0.001709401709401709400226732072;0.038461538461538463673505816587;0.047435897435897433904727904519;0.048717948717948718340142733041;0.018376068376068376702958673263;0.029059829059829060671216183209;0.000000000000000000000000000000;0.024786324786324785002245008059;0.026068376068376069437659836581;0.012820512820512820068019621544;0.003846153846153846367350581659;0.004273504273504273934247699174;0.007692307692307692734701163317;0.025641025641025640136039243089;0.007264957264957265167804045802;0.017094017094017095736990796695;0.002564102564102564100340098108;0.001709401709401709400226732072;0.005982905982905983334474431246;0.020940170940170938634894426400;0.000000000000000000000000000000;0.024786324786324785002245008059;0.010683760683760683968257509946;0.014102564102564102768710974090;0.035042735042735043138328876466;0.033333333333333332870740406406;0.009829059829059828834463274916;0.021794871794871793768688661430
-0.024509803921568627110838534122;0.032026143790849670445197716617;0.020261437908496732901442172192;0.074183006535947712545286947261;0.062091503267973857660422254412;0.037254901960784313208474571866;0.004248366013071895076758099918;0.026470588235294117279705616852;0.017647058823529411519803744568;0.008823529411764705759901872284;0.012418300653594770491250365296;0.044444444444444446140618509844;0.009477124183006535237949741202;0.012418300653594770491250365296;0.050000000000000002775557561563;0.031372549019607842701873323676;0.008823529411764705759901872284;0.023529411764705882026404992757;0.031372549019607842701873323676;0.001307189542483660040297910321;0.019934640522875815560333023768;0.016339869281045752563708006733;0.005228758169934640161191641283;0.013398692810457515575683906661;0.036601307189542485465150178925;0.019934640522875815560333023768;0.019934640522875815560333023768;0.046732026143790850181147789044;0.000326797385620915010074477580;0.041830065359477121289533130266;0.047712418300653591796134378455;0.007843137254901960675468330919;0.012091503267973856619588168826;0.003267973856209150426005427548;0.007189542483660130330058724013;0.014379084967320260660117448026;0.005555555555555555767577313730;0.012418300653594770491250365296;0.002287581699346405341571886183;0.006862745098039215591034789554;0.009477124183006535237949741202;0.011764705882352941013202496379;0.000000000000000000000000000000;0.004901960784313725422167706824;0.039542483660130717249003851066;0.005555555555555555767577313730;0.017647058823529411519803744568;0.013071895424836601704021710191;0.011437908496732025406816823931;0.014052287581699346788455251556
-0.070061728395061723118075747152;0.008950617283950617480980938012;0.037345679012345679714801605087;0.013888888888888888117900677344;0.022222222222222223070309254922;0.048765432098765430779518936788;0.001851851851851851922525771243;0.016358024691358025171084022986;0.011111111111111111535154627461;0.017283950617283948963942563637;0.023456790123456791596900927743;0.041049382716049381825129671597;0.017283950617283948963942563637;0.037654320987654324448534737257;0.019135802469135803488553548846;0.052777777777777777623580135469;0.008333333333333333217685101602;0.015740740740740739173064710599;0.022222222222222223070309254922;0.007098765432098765558455166769;0.019135802469135803488553548846;0.009876543209876543008562954640;0.006790123456790123426807248563;0.023148148148148146863167795573;0.078086419753086416806198144513;0.040740740740740744030290443334;0.023456790123456791596900927743;0.012962962962962962590318660716;0.000000000000000000000000000000;0.022530864197530864334595435139;0.035185185185185187395351391615;0.008024691358024691953398921385;0.007716049382716048954389265191;0.001851851851851851922525771243;0.019444444444444444752839729063;0.021296296296296295808003762318;0.006790123456790123426807248563;0.017592592592592593697675695807;0.001851851851851851922525771243;0.004629629629629629372633559115;0.003086419753086419581755706076;0.005555555555555555767577313730;0.000000000000000000000000000000;0.015123456790123456644492350165;0.011419753086419752799440807678;0.012654320987654321326032480499;0.029012345679012344762393027509;0.031172839506172840551290192934;0.017901234567901234961961876024;0.020370370370370372015145221667
-0.071296296296296302053008275834;0.001851851851851851922525771243;0.054629629629629632148191120677;0.000000000000000000000000000000;0.000462962962962962980631442811;0.046759259259259257357488337448;0.001388888888888888941894328433;0.009259259259259258745267118229;0.018055555555555553859381490156;0.016666666666666666435370203203;0.016666666666666666435370203203;0.030555555555555554553270880547;0.022222222222222223070309254922;0.052777777777777777623580135469;0.001851851851851851922525771243;0.053703703703703704885885628073;0.010648148148148147904001881159;0.017129629629629630066522949505;0.016666666666666666435370203203;0.005555555555555555767577313730;0.016666666666666666435370203203;0.017129629629629630066522949505;0.005092592592592593003786305417;0.019907407407407408383992475365;0.078703703703703706273664408855;0.052314814814814813992427389167;0.027314814814814816074095560339;0.000462962962962962980631442811;0.000000000000000000000000000000;0.012962962962962962590318660716;0.024537037037037037756626034479;0.008796296296296296848837847904;0.005555555555555555767577313730;0.006944444444444444058950338672;0.025000000000000001387778780781;0.026851851851851852442942814037;0.012500000000000000693889390391;0.020833333333333332176851016015;0.000925925925925925961262885622;0.010648148148148147904001881159;0.000925925925925925961262885622;0.006018518518518518531368322044;0.000000000000000000000000000000;0.014814814814814815380206169948;0.001388888888888888941894328433;0.010185185185185186007572610833;0.044444444444444446140618509844;0.036111111111111107718762980312;0.040277777777777780399137697032;0.024537037037037037756626034479
-0.050000000000000002775557561563;0.002873563218390804557822448828;0.066666666666666665741480812812;0.000000000000000000000000000000;0.000574712643678160911564489766;0.055747126436781611891202459219;0.000574712643678160911564489766;0.013793103448275861877547754375;0.024712643678160919197273059922;0.024712643678160919197273059922;0.019540229885057470993192652031;0.042528735632183907455772242656;0.022413793103448275551015100859;0.049425287356321838394546119844;0.002298850574712643646257959062;0.051724137931034482040804078906;0.013793103448275861877547754375;0.020114942528735631904757141797;0.013793103448275861877547754375;0.008620689655172413673467346484;0.008620689655172413673467346484;0.018390804597701149170063672500;0.004022988505747126380951428359;0.017816091954022988258499182734;0.060344827586206899183718377344;0.039080459770114941986385304062;0.031609195402298853605493889063;0.000574712643678160911564489766;0.000000000000000000000000000000;0.015517241379310344612241223672;0.038505747126436784544267766250;0.010919540229885057319725305547;0.010344827586206896408160815781;0.008620689655172413673467346484;0.021839080459770114639450611094;0.026436781609195401931966529219;0.013793103448275861877547754375;0.013218390804597700965983264609;0.000574712643678160911564489766;0.010919540229885057319725305547;0.002873563218390804557822448828;0.007471264367816091850338366953;0.000000000000000000000000000000;0.012068965517241379142854285078;0.002298850574712643646257959062;0.007471264367816091850338366953;0.041954022988505750013654704844;0.038505747126436784544267766250;0.019540229885057470993192652031;0.032758620689655175428622868594
-0.069523809523809529387072814188;0.002380952380952381167156239883;0.028571428571428570536427926640;0.038095238095238098674499838125;0.019047619047619049337249919063;0.061428571428571429602349951438;0.001904761904761904760252644309;0.010952380952380953021974008266;0.008095238095238094580552434820;0.013809523809523809728672105734;0.020952380952380951495417349406;0.047619047619047616404230893750;0.023333333333333334397297065266;0.028095238095238096731609545031;0.006666666666666667094565124074;0.059523809523809520505288617187;0.004285714285714285927408884191;0.010476190476190475747708674703;0.019523809523809523142068300672;0.003333333333333333547282562037;0.013333333333333334189130248149;0.009047619047619047394359625969;0.003333333333333333547282562037;0.022857142857142857123031731703;0.087619047619047624175792066126;0.037142857142857144125969171000;0.018095238095238094788719251937;0.000952380952380952380126322154;0.000952380952380952380126322154;0.047142857142857146068859464094;0.037619047619047621400234504563;0.007142857142857142634106981660;0.011904761904761904101057723437;0.007142857142857142634106981660;0.019047619047619049337249919063;0.019047619047619049337249919063;0.006666666666666667094565124074;0.024761904761904762750646114000;0.000476190476190476190063161077;0.005714285714285714280757932926;0.001904761904761904760252644309;0.001428571428571428570189483231;0.000000000000000000000000000000;0.014285714285714285268213963320;0.011428571428571428561515865852;0.011904761904761904101057723437;0.029999999999999998889776975375;0.033333333333333332870740406406;0.011904761904761904101057723437;0.026190476190476191103995162734
-0.075213675213675210140529259206;0.008119658119658120301598280832;0.025641025641025640136039243089;0.030769230769230770938804653269;0.005555555555555555767577313730;0.051282051282051280272078486178;0.003846153846153846367350581659;0.018803418803418802535132314802;0.001282051282051282050170049054;0.017094017094017095736990796695;0.024786324786324785002245008059;0.044871794871794871972792151382;0.017948717948717947401338079771;0.032478632478632481206393123330;0.017094017094017095736990796695;0.073504273504273506811834693053;0.002991452991452991667237215623;0.011965811965811966668948862491;0.015384615384615385469402326635;0.004273504273504273934247699174;0.015811965811965811301575968173;0.000854700854700854700113366036;0.004273504273504273934247699174;0.032051282051282048435325577884;0.098717948717948714176806390697;0.051709401709401706104252127716;0.022649572649572648902482896460;0.004700854700854700633783078700;0.001282051282051282050170049054;0.013247863247863247634916739059;0.040170940170940173941094286647;0.010683760683760683968257509946;0.005555555555555555767577313730;0.004700854700854700633783078700;0.011111111111111111535154627461;0.020085470085470086970547143324;0.003418803418803418800453464144;0.024358974358974359170071366520;0.000000000000000000000000000000;0.004273504273504273934247699174;0.002564102564102564100340098108;0.001709401709401709400226732072;0.000000000000000000000000000000;0.018803418803418802535132314802;0.005128205128205128200680196215;0.012393162393162392501122504029;0.030769230769230770938804653269;0.039316239316239315337853099663;0.011538461538461539102051744976;0.025213675213675214303865601551
-0.073611111111111113269878103438;0.004861111111111111188209932266;0.045833333333333330095182844843;0.021180555555555556634939051719;0.013541666666666667129259593594;0.020833333333333332176851016015;0.003125000000000000173472347598;0.021527777777777777623580135469;0.009027777777777776929690745078;0.025694444444444443365060948281;0.018402777777777778317469525859;0.020138888888888890199568848516;0.012500000000000000693889390391;0.048263888888888890893458238907;0.012152777777777777970524830664;0.051388888888888886730121896562;0.006597222222222222202947516934;0.021527777777777777623580135469;0.017013888888888887424011286953;0.011458333333333332523795711211;0.017708333333333332870740406406;0.004166666666666666608842550801;0.006250000000000000346944695195;0.030902777777777779011358916250;0.060069444444444446140618509844;0.053819444444444447528397290625;0.028125000000000000693889390391;0.003125000000000000173472347598;0.000694444444444444470947164216;0.006597222222222222202947516934;0.024305555555555555941049661328;0.009374999999999999653055304805;0.004513888888888888464845372539;0.008333333333333333217685101602;0.017361111111111111882099322656;0.035069444444444444752839729063;0.014930555555555556287994356524;0.037499999999999998612221219219;0.000000000000000000000000000000;0.006944444444444444058950338672;0.005555555555555555767577313730;0.003819444444444444319158860068;0.000000000000000000000000000000;0.017013888888888887424011286953;0.006597222222222222202947516934;0.020833333333333332176851016015;0.034375000000000002775557561563;0.027777777777777776235801354687;0.031597222222222220988641083750;0.023958333333333334952408577578
-0.047142857142857146068859464094;0.006190476190476190687661528500;0.067619047619047620290011479938;0.002857142857142857140378966463;0.003333333333333333547282562037;0.028095238095238096731609545031;0.002380952380952381167156239883;0.028571428571428570536427926640;0.019047619047619049337249919063;0.022857142857142857123031731703;0.020952380952380951495417349406;0.031428571428571430712572976063;0.017142857142857143709635536766;0.041904761904761902990834698812;0.009047619047619047394359625969;0.029999999999999998889776975375;0.015714285714285715356286488031;0.034761904761904764693536407094;0.019047619047619049337249919063;0.014285714285714285268213963320;0.015238095238095238082021154469;0.011428571428571428561515865852;0.012857142857142856914864914586;0.023809523809523808202115446875;0.058571428571428572895651853969;0.040000000000000000832667268469;0.035238095238095235028907836750;0.005714285714285714280757932926;0.000476190476190476190063161077;0.018095238095238094788719251937;0.023809523809523808202115446875;0.010000000000000000208166817117;0.014285714285714285268213963320;0.004761904761904762334312479766;0.016666666666666666435370203203;0.040000000000000000832667268469;0.016666666666666666435370203203;0.010000000000000000208166817117;0.002380952380952381167156239883;0.010952380952380953021974008266;0.004285714285714285927408884191;0.005238095238095237873854337352;0.000000000000000000000000000000;0.017142857142857143709635536766;0.005714285714285714280757932926;0.014285714285714285268213963320;0.037142857142857144125969171000;0.027142857142857142183078877906;0.040476190476190478106932602032;0.015238095238095238082021154469
-0.052325581395348839952585962010;0.006976744186046511531085201341;0.034108527131782945263083206555;0.005038759689922480550228200968;0.018604651162790697416227203576;0.065503875968992250622413564543;0.003100775193798449569371200596;0.030620155038759689497540605885;0.013953488372093023062170402682;0.012790697674418604473656202458;0.021317829457364340789427004097;0.052325581395348839952585962010;0.018217054263565891220055803501;0.028294573643410852320512205438;0.010465116279069767296627802011;0.050000000000000002775557561563;0.007751937984496123923428001490;0.020155038759689922200912803874;0.039147286821705429282758359477;0.004651162790697674354056800894;0.018992248062015503612398603650;0.012403100775193798277484802384;0.009689922480620154904285001862;0.015891472868217054043027403054;0.082170542635658913588336815792;0.021705426356589146985598404171;0.026744186046511627535826605140;0.021705426356589146985598404171;0.000000000000000000000000000000;0.043410852713178293971196808343;0.029844961240310077105197805736;0.005813953488372092942571001117;0.016666666666666666435370203203;0.004651162790697674354056800894;0.016279069767441860239198803129;0.022093023255813953181769804246;0.012015503875968992081313402309;0.010077519379844961100456401937;0.000387596899224806196171400074;0.006589147286821705334913801266;0.005426356589147286746399601043;0.002713178294573643373199800521;0.000000000000000000000000000000;0.005813953488372092942571001117;0.016279069767441860239198803129;0.011240310077519379688970602160;0.017441860465116278827713003352;0.021705426356589146985598404171;0.024806201550387596554969604767;0.022093023255813953181769804246
-0.058585858585858588409855940426;0.004545454545454545233762466694;0.022222222222222223070309254922;0.037878787878787879839226349077;0.026767676767676766569348245639;0.086868686868686872948330801592;0.001010101010101010100133978042;0.014646464646464647102463985107;0.009090909090909090467524933388;0.010606060606060606701928072937;0.020707070707070708570629591350;0.065656565656565663013921607671;0.023232323232323232736762363970;0.022222222222222223070309254922;0.015656565656565656768917094155;0.052020202020202022108463779659;0.008585858585858585634298378864;0.018686868686868685768276421300;0.031313131313131313537834188310;0.002525252525252525467175379603;0.016161616161616161602143648679;0.005555555555555555767577313730;0.003030303030303030300401934127;0.009595959595959595300751487912;0.082323232323232325979844858921;0.023737373737373737569988918494;0.022727272727272727903535809446;0.012626262626262626034834291033;0.000000000000000000000000000000;0.059595959595959598076309049475;0.039393939393939390869459060696;0.003030303030303030300401934127;0.013131313131313130868060845557;0.004040404040404040400535912170;0.011616161616161616368381181985;0.010101010101010101868701518413;0.011111111111111111535154627461;0.014646464646464647102463985107;0.000000000000000000000000000000;0.001515151515151515150200967064;0.002525252525252525467175379603;0.003535353535353535567309357646;0.000000000000000000000000000000;0.006565656565656565434030422779;0.016161616161616161602143648679;0.007070707070707071134618715291;0.015656565656565656768917094155;0.028787878787878789371701415689;0.023232323232323232736762363970;0.019696969696969695434729530348
-0.047037037037037036923958766010;0.024074074074074074125473288177;0.034444444444444444197728216750;0.016296296296296294836558615771;0.051851851851851850361274642864;0.046666666666666668794594130532;0.001851851851851851922525771243;0.023703703703703702526661700745;0.027777777777777776235801354687;0.012222222222222222862142437805;0.018888888888888889089345823891;0.039629629629629632703302632990;0.014444444444444443781394582516;0.019629629629629628817522046802;0.028518518518518519433424529552;0.041481481481481480289019714291;0.014074074074074073917306471060;0.033703703703703701000105041885;0.033703703703703701000105041885;0.006296296296296296363115274630;0.014814814814814815380206169948;0.012592592592592592726230549260;0.008518518518518519017090895318;0.009629629629629630344078705662;0.058518518518518518323201504927;0.027777777777777776235801354687;0.024444444444444445724284875610;0.025185185185185185452461098521;0.000000000000000000000000000000;0.031481481481481478346129421197;0.039629629629629632703302632990;0.007037037037037036958653235530;0.013333333333333334189130248149;0.002222222222222222220294751693;0.008888888888888888881179006773;0.015555555555555555108382392859;0.008148148148148147418279307885;0.012592592592592592726230549260;0.004074074074074073709139653943;0.002592592592592592518063732143;0.010370370370370370072254928573;0.019259259259259260688157411323;0.000000000000000000000000000000;0.004814814814814815172039352831;0.028518518518518519433424529552;0.005185185185185185036127464286;0.019629629629629628817522046802;0.019259259259259260688157411323;0.015925925925925926707193980292;0.013703703703703704053218359604
-0.039430894308943087445129549451;0.006097560975609756309112619022;0.052439024390243900441976876436;0.000000000000000000000000000000;0.009349593495934959558324450768;0.047154471544715449715656774288;0.003658536585365853872203745212;0.022357723577235772555171777753;0.019105691056910567571236470030;0.022764227642276424479206298201;0.021544715447154472176549688811;0.047967479674796746624831911276;0.019918699186991871419305510926;0.036991869918699189778710234577;0.012601626016260162807536282514;0.031300813008130083658908660027;0.015853658536585366056748114261;0.027235772357723578296351263361;0.027642276422764226750938831856;0.006910569105691056687734707964;0.014634146341463415488814980847;0.015040650406504065678126025318;0.010162601626016259936946539710;0.024390243902439025236450476086;0.045934959349593497413000164897;0.031300813008130083658908660027;0.024796747967479673691038044581;0.023983739837398373312415955638;0.000000000000000000000000000000;0.037398373983739838233297803072;0.041056910569105688202373727336;0.010162601626016259936946539710;0.018699186991869919116648901536;0.004878048780487804873817747620;0.016666666666666666435370203203;0.030894308943089431734874139579;0.013821138211382113375469415928;0.013821138211382113375469415928;0.004065040650406504495195658677;0.009349593495934959558324450768;0.005284552845528455063128792091;0.008536585365853659179702361826;0.000000000000000000000000000000;0.012195121951219512618225238043;0.008130081300813008990391317354;0.007723577235772357933718534895;0.034552845528455285173397015797;0.025203252032520325615072565029;0.021951219512195120631137257305;0.015040650406504065678126025318
-0.040789473684210528214855173701;0.012280701754385964924454199831;0.058771929824561405797389568306;0.000877192982456140367235331023;0.007017543859649122937882648188;0.055701754385964911964190804383;0.001754385964912280734470662047;0.016666666666666666435370203203;0.017543859649122806043664013487;0.019298245614035088729698586008;0.024122807017543858310038018544;0.047368421052631580481229178758;0.017982456140350877582534394605;0.036842105263157891303915647541;0.008771929824561403021832006743;0.035087719298245612087328026973;0.017105263157894737974240584322;0.029385964912280702898694784153;0.022807017543859650632320779096;0.005263157894736841986571551644;0.010964912280701753777290008429;0.012719298245614034728601104973;0.012280701754385964924454199831;0.018859649122807017190828204889;0.060526315789473685013977188873;0.036842105263157891303915647541;0.019298245614035088729698586008;0.010526315789473683973143103287;0.000000000000000000000000000000;0.038157894736842105920526790896;0.042543859649122807431442794268;0.009210526315789472825978911885;0.013596491228070176071618391234;0.007017543859649122937882648188;0.017982456140350877582534394605;0.032456140350877189792999644169;0.008333333333333333217685101602;0.011403508771929825316160389548;0.000877192982456140367235331023;0.007456140350877192742029553330;0.003947368421052631706769098230;0.011403508771929825316160389548;0.000000000000000000000000000000;0.007017543859649122937882648188;0.006578947368421052266374005058;0.009649122807017544364849293004;0.038596491228070177459397172015;0.029385964912280702898694784153;0.022368421052631579093450397977;0.024561403508771929848908399663
-0.059313725490196075873505776599;0.001470588235294117626650312047;0.061274509803921566042372859329;0.000000000000000000000000000000;0.002941176470588235253300624095;0.073529411764705884801962554320;0.000980392156862745084433541365;0.011764705882352941013202496379;0.004901960784313725422167706824;0.016176470588235295627876908497;0.021568627450980391857537910028;0.077941176470588235947190014485;0.027941176470588236641079404876;0.045098039215686273883942902785;0.001960784313725490168867082730;0.046078431372549022437823396103;0.005882352941176470506601248189;0.011274509803921568470985725696;0.019607843137254901688670827298;0.005392156862745097964384477507;0.018137254901960785796743991227;0.006862745098039215591034789554;0.006372549019607843048818018872;0.017156862745098040712310449862;0.083333333333333328707404064062;0.037745098039215684015967866571;0.026470588235294117279705616852;0.000490196078431372542216770682;0.000490196078431372542216770682;0.032352941176470591255753816995;0.037254901960784313208474571866;0.008333333333333333217685101602;0.005882352941176470506601248189;0.007843137254901960675468330919;0.017156862745098040712310449862;0.021568627450980391857537910028;0.018137254901960785796743991227;0.011274509803921568470985725696;0.000490196078431372542216770682;0.004901960784313725422167706824;0.001960784313725490168867082730;0.001470588235294117626650312047;0.000000000000000000000000000000;0.008823529411764705759901872284;0.000980392156862745084433541365;0.004901960784313725422167706824;0.035294117647058823039607489136;0.034803921568627452232114194430;0.031372549019607842701873323676;0.023039215686274511218911698052
-0.022649572649572648902482896460;0.032051282051282048435325577884;0.025641025641025640136039243089;0.044444444444444446140618509844;0.061111111111111109106541761093;0.053418803418803416371840597776;0.002564102564102564100340098108;0.025213675213675214303865601551;0.008547008547008547868495398347;0.007264957264957265167804045802;0.021794871794871793768688661430;0.055555555555555552471602709375;0.018803418803418802535132314802;0.014529914529914530335608091605;0.057692307692307695510258724880;0.030341880341880341637184059778;0.004273504273504273934247699174;0.023076923076923078204103489952;0.044017094017094020308444868306;0.005982905982905983334474431246;0.014102564102564102768710974090;0.008119658119658120301598280832;0.004700854700854700633783078700;0.017521367521367521569164438233;0.050000000000000002775557561563;0.023076923076923078204103489952;0.023931623931623933337897724982;0.029059829059829060671216183209;0.001709401709401709400226732072;0.046581196581196582240380621442;0.024358974358974359170071366520;0.008119658119658120301598280832;0.014957264957264957902505209120;0.007692307692307692734701163317;0.010256410256410256401360392431;0.014529914529914530335608091605;0.007264957264957265167804045802;0.005555555555555555767577313730;0.002991452991452991667237215623;0.005128205128205128200680196215;0.008119658119658120301598280832;0.005982905982905983334474431246;0.000000000000000000000000000000;0.006410256410256410034009810772;0.034188034188034191473981593390;0.004700854700854700633783078700;0.017521367521367521569164438233;0.017521367521367521569164438233;0.014529914529914530335608091605;0.012393162393162392501122504029
-0.043827160493827163612046149410;0.027777777777777776235801354687;0.032716049382716050342168045972;0.012962962962962962590318660716;0.022222222222222223070309254922;0.030246913580246913288984700330;0.001851851851851851922525771243;0.033333333333333332870740406406;0.001234567901234567876070369330;0.014197530864197531116910333537;0.020987654320987654543717582101;0.030864197530864195817557060764;0.014197530864197531116910333537;0.025925925925925925180637321432;0.056790123456790124467641334149;0.047530864197530865722374215920;0.004938271604938271504281477320;0.030864197530864195817557060764;0.039506172839506172034251818559;0.001234567901234567876070369330;0.014814814814814815380206169948;0.004320987654320987240985640909;0.004938271604938271504281477320;0.019753086419753086017125909279;0.062345679012345681102580385868;0.040740740740740744030290443334;0.040740740740740744030290443334;0.028395061728395062233820667075;0.000617283950617283938035184665;0.033950617283950615399312766840;0.011728395061728395798450463872;0.003086419753086419581755706076;0.018518518518518517490534236458;0.004938271604938271504281477320;0.004320987654320987240985640909;0.016666666666666666435370203203;0.006790123456790123426807248563;0.011728395061728395798450463872;0.000000000000000000000000000000;0.001234567901234567876070369330;0.009876543209876543008562954640;0.003703703703703703845051542487;0.000000000000000000000000000000;0.007407407407407407690103084974;0.038888888888888889505679458125;0.013580246913580246853614497127;0.025308641975308642652064960998;0.029012345679012344762393027509;0.017901234567901234961961876024;0.031481481481481478346129421197
-0.061805555555555558022717832500;0.030555555555555554553270880547;0.025000000000000001387778780781;0.011805555555555555247160270937;0.034722222222222223764198645313;0.049305555555555553859381490156;0.005555555555555555767577313730;0.022916666666666665047591422422;0.004166666666666666608842550801;0.010416666666666666088425508008;0.022222222222222223070309254922;0.042361111111111113269878103438;0.015277777777777777276635440273;0.015972222222222220988641083750;0.032638888888888890893458238907;0.050000000000000002775557561563;0.009027777777777776929690745078;0.022916666666666665047591422422;0.030555555555555554553270880547;0.002777777777777777883788656865;0.027083333333333334258519187188;0.002777777777777777883788656865;0.007638888888888888638317720137;0.020833333333333332176851016015;0.071527777777777773460243793124;0.026388888888888888811790067734;0.029166666666666667129259593594;0.031250000000000000000000000000;0.000000000000000000000000000000;0.030555555555555554553270880547;0.033333333333333332870740406406;0.004861111111111111188209932266;0.015277777777777777276635440273;0.002083333333333333304421275400;0.012500000000000000693889390391;0.018749999999999999306110609609;0.010416666666666666088425508008;0.013888888888888888117900677344;0.000000000000000000000000000000;0.002777777777777777883788656865;0.006250000000000000346944695195;0.008333333333333333217685101602;0.000000000000000000000000000000;0.009722222222222222376419864531;0.022222222222222223070309254922;0.006944444444444444058950338672;0.020833333333333332176851016015;0.025694444444444443365060948281;0.013194444444444444405895033867;0.025694444444444443365060948281
-0.056111111111111111604543566500;0.010555555555555555871660722289;0.030555555555555554553270880547;0.002777777777777777883788656865;0.026666666666666668378260496297;0.064444444444444443087505192125;0.002777777777777777883788656865;0.013888888888888888117900677344;0.001666666666666666773641281019;0.017777777777777777762358013547;0.015555555555555555108382392859;0.063333333333333338699411285688;0.016666666666666666435370203203;0.033888888888888892003681263532;0.009444444444444444544672911945;0.070555555555555551916491197062;0.002777777777777777883788656865;0.012777777777777778525636342977;0.041666666666666664353702032031;0.001111111111111111110147375847;0.019444444444444444752839729063;0.003333333333333333547282562037;0.006666666666666667094565124074;0.013888888888888888117900677344;0.083888888888888887840344921187;0.042222222222222223486642889156;0.019444444444444444752839729063;0.002222222222222222220294751693;0.000000000000000000000000000000;0.043888888888888887007677652718;0.050000000000000002775557561563;0.005555555555555555767577313730;0.016666666666666666435370203203;0.008333333333333333217685101602;0.008333333333333333217685101602;0.013888888888888888117900677344;0.007222222222222221890697291258;0.032777777777777780676693453188;0.000000000000000000000000000000;0.004444444444444444440589503387;0.002222222222222222220294751693;0.002222222222222222220294751693;0.000000000000000000000000000000;0.015555555555555555108382392859;0.017777777777777777762358013547;0.006666666666666667094565124074;0.021666666666666667406815349750;0.022777777777777778733803160094;0.016111111111111110771876298031;0.017777777777777777762358013547
-0.075333333333333335479764514275;0.000000000000000000000000000000;0.047333333333333331427450474393;0.000000000000000000000000000000;0.001333333333333333288808764117;0.028000000000000000582867087928;0.000666666666666666644404382058;0.012666666666666666352103476356;0.004000000000000000083266726847;0.028666666666666666685170383744;0.018666666666666668211727042603;0.034666666666666665075346998037;0.006666666666666667094565124074;0.051333333333333334980164153194;0.000000000000000000000000000000;0.073333333333333333703407674875;0.005333333333333333155235056466;0.011333333333333334147496884725;0.010000000000000000208166817117;0.005333333333333333155235056466;0.013333333333333334189130248149;0.004666666666666667052931760651;0.002000000000000000041633363423;0.050000000000000002775557561563;0.082666666666666666074547720200;0.073999999999999996336264018737;0.023333333333333334397297065266;0.000000000000000000000000000000;0.000000000000000000000000000000;0.004666666666666667052931760651;0.034666666666666665075346998037;0.014666666666666666393736839780;0.002666666666666666577617528233;0.004666666666666667052931760651;0.006666666666666667094565124074;0.021999999999999998723243521681;0.007333333333333333196868419890;0.036666666666666666851703837438;0.000000000000000000000000000000;0.004666666666666667052931760651;0.000666666666666666644404382058;0.001333333333333333288808764117;0.000000000000000000000000000000;0.028000000000000000582867087928;0.001333333333333333288808764117;0.012666666666666666352103476356;0.061333333333333329984160542381;0.047333333333333331427450474393;0.009333333333333334105863521302;0.034666666666666665075346998037
-0.047878787878787881782116642171;0.011818181818181817954727108599;0.044545454545454547801153211140;0.001212121212121212120160773651;0.006969696969696969474084013996;0.066969696969696970723084916699;0.000000000000000000000000000000;0.008181818181818182461606525635;0.036363636363636361870099733551;0.011818181818181817954727108599;0.017878787878787879422892714842;0.098181818181818175661490499806;0.016969696969696971416974307090;0.040303030303030305814271372356;0.004848484848484848480643094604;0.044545454545454547801153211140;0.015757575757575758429451795450;0.021515151515151514916013297807;0.013030303030303030942249620239;0.009393939393939393714405561298;0.009696969696969696961286189207;0.022727272727272727903535809446;0.004242424242424242854243576772;0.016060606060606059941608947383;0.074242424242424248648219986535;0.024848484848484848896976728838;0.013636363636363635701287400082;0.003636363636363636360482320953;0.000303030303030303030040193413;0.030909090909090910365142335081;0.046666666666666668794594130532;0.006666666666666667094565124074;0.003636363636363636360482320953;0.010606060606060606701928072937;0.017575757575757574441288610956;0.013030303030303030942249620239;0.006969696969696969474084013996;0.011212121212121211460965852780;0.002121212121212121427121788386;0.010606060606060606701928072937;0.000909090909090909090120580238;0.017878787878787879422892714842;0.000000000000000000000000000000;0.008787878787878787220644305478;0.005151515151515151727523722514;0.008787878787878787220644305478;0.028181818181818182877940159869;0.041212121212121213820189780108;0.018181818181818180935049866775;0.023333333333333334397297065266
-0.042803030303030301095823517699;0.009469696969696969959806587269;0.049621212121212121548552431705;0.001136363636363636308440616673;0.004166666666666666608842550801;0.037121212121212124324109993267;0.000378787878787878787550241766;0.020075757575757576661734660206;0.040151515151515153323469320412;0.015151515151515151935690539631;0.028409090909090908144696285831;0.031060606060606059386497435071;0.014015151515151515193569053963;0.032954545454545451643735276548;0.011363636363636363951767904723;0.039015151515151516581347834745;0.007196969696969697342925353922;0.039015151515151516581347834745;0.024242424242424242403215473018;0.005681818181818181975883952362;0.016666666666666666435370203203;0.019696969696969695434729530348;0.011363636363636363951767904723;0.015909090909090907450806895440;0.053030303030303031774916888708;0.030681818181818181628939257166;0.039015151515151516581347834745;0.036742424242424243097104863409;0.000000000000000000000000000000;0.020075757575757576661734660206;0.020454545454545454419292838111;0.004924242424242423858682382587;0.010984848484848484459486250842;0.006439393939393939225723784148;0.016666666666666666435370203203;0.026136363636363634660453314495;0.013636363636363635701287400082;0.009090909090909090467524933388;0.006439393939393939225723784148;0.007575757575757575967845269815;0.004924242424242423858682382587;0.025378787878787879145336958686;0.000000000000000000000000000000;0.009848484848484847717364765174;0.010984848484848484459486250842;0.009090909090909090467524933388;0.034090909090909088385856762216;0.030303030303030303871381079261;0.027651515151515152629579930021;0.029166666666666667129259593594
-0.041000000000000001720845688169;0.007000000000000000145716771982;0.058999999999999996891375531050;0.000333333333333333322202191029;0.003333333333333333547282562037;0.041000000000000001720845688169;0.001666666666666666773641281019;0.025999999999999998806510248528;0.025333333333333332704206952712;0.020666666666666666518636930050;0.025666666666666667490082076597;0.035000000000000003330669073875;0.019333333333333334314030338419;0.037666666666666667739882257138;0.012999999999999999403255124264;0.037333333333333336423454085207;0.015666666666666665547191783503;0.033000000000000001554312234475;0.021333333333333332620940225866;0.010000000000000000208166817117;0.018999999999999999528155214534;0.016333333333333331649495079319;0.017000000000000001221245327088;0.021999999999999998723243521681;0.059333333333333335146697606888;0.041666666666666664353702032031;0.042000000000000002609024107869;0.001333333333333333288808764117;0.000000000000000000000000000000;0.020666666666666666518636930050;0.025000000000000001387778780781;0.010000000000000000208166817117;0.011333333333333334147496884725;0.008000000000000000166533453694;0.015333333333333332496040135595;0.028333333333333331899295259859;0.014666666666666666393736839780;0.008000000000000000166533453694;0.001666666666666666773641281019;0.010333333333333333259318465025;0.004333333333333333134418374755;0.007666666666666666248020067798;0.000000000000000000000000000000;0.008999999999999999319988397417;0.008999999999999999319988397417;0.005333333333333333155235056466;0.033666666666666664187168578337;0.030333333333333333675652099259;0.028666666666666666685170383744;0.026666666666666668378260496297
-0.051333333333333334980164153194;0.003333333333333333547282562037;0.063666666666666663076945553712;0.000333333333333333322202191029;0.001333333333333333288808764117;0.036999999999999998168132009368;0.000666666666666666644404382058;0.017333333333333332537673499019;0.028333333333333331899295259859;0.020333333333333331732761806165;0.022666666666666668294993769450;0.030666666666666664992080271190;0.016666666666666666435370203203;0.050333333333333334091985733494;0.005333333333333333155235056466;0.035000000000000003330669073875;0.021000000000000001304512053935;0.026999999999999999694688668228;0.012333333333333333300951828448;0.007000000000000000145716771982;0.012333333333333333300951828448;0.016333333333333331649495079319;0.010999999999999999361621760841;0.031333333333333331094383567006;0.061666666666666668239482618219;0.045999999999999999222843882762;0.029666666666666667573348803444;0.000666666666666666644404382058;0.000333333333333333322202191029;0.011666666666666667198648532633;0.025000000000000001387778780781;0.012333333333333333300951828448;0.006000000000000000124900090270;0.007333333333333333196868419890;0.024000000000000000499600361081;0.042999999999999996558308623662;0.013666666666666667240281896056;0.011666666666666667198648532633;0.003000000000000000062450045135;0.011333333333333334147496884725;0.004000000000000000083266726847;0.011333333333333334147496884725;0.000000000000000000000000000000;0.012999999999999999403255124264;0.002666666666666666577617528233;0.010000000000000000208166817117;0.038333333333333330372738601000;0.030999999999999999777955395075;0.035999999999999997279953589668;0.023666666666666665713725237197
-0.044791666666666667129259593594;0.002083333333333333304421275400;0.070833333333333331482961625625;0.000000000000000000000000000000;0.000000000000000000000000000000;0.027083333333333334258519187188;0.001041666666666666652210637700;0.019791666666666665741480812812;0.027083333333333334258519187188;0.028125000000000000693889390391;0.029166666666666667129259593594;0.028125000000000000693889390391;0.012500000000000000693889390391;0.055208333333333331482961625625;0.005208333333333333044212754004;0.028125000000000000693889390391;0.026041666666666667823148983985;0.048958333333333332870740406406;0.010416666666666666088425508008;0.013541666666666667129259593594;0.015625000000000000000000000000;0.026041666666666667823148983985;0.009374999999999999653055304805;0.032291666666666669904817155157;0.055208333333333331482961625625;0.036458333333333335646297967969;0.023958333333333334952408577578;0.000000000000000000000000000000;0.001041666666666666652210637700;0.011458333333333332523795711211;0.026041666666666667823148983985;0.012500000000000000693889390391;0.006250000000000000346944695195;0.006250000000000000346944695195;0.022916666666666665047591422422;0.044791666666666667129259593594;0.017708333333333332870740406406;0.009374999999999999653055304805;0.002083333333333333304421275400;0.009374999999999999653055304805;0.007291666666666666782314898398;0.007291666666666666782314898398;0.000000000000000000000000000000;0.014583333333333333564629796797;0.001041666666666666652210637700;0.003125000000000000173472347598;0.033333333333333332870740406406;0.030208333333333333564629796797;0.028125000000000000693889390391;0.028125000000000000693889390391
-0.017407407407407406163546426114;0.016296296296296294836558615771;0.036296296296296298722339201959;0.469259259259259264851493753667;0.005925925925925925631665425186;0.007407407407407407690103084974;0.002962962962962962815832712593;0.017777777777777777762358013547;0.009629629629629630344078705662;0.018888888888888889089345823891;0.010000000000000000208166817117;0.003333333333333333547282562037;0.003333333333333333547282562037;0.018888888888888889089345823891;0.017777777777777777762358013547;0.008888888888888888881179006773;0.012962962962962962590318660716;0.022222222222222223070309254922;0.008518518518518519017090895318;0.005555555555555555767577313730;0.009629629629629630344078705662;0.007407407407407407690103084974;0.002592592592592592518063732143;0.022222222222222223070309254922;0.015185185185185185244294281404;0.022222222222222223070309254922;0.021111111111111111743321444578;0.020740740740740740144509857146;0.001111111111111111110147375847;0.004814814814814815172039352831;0.004074074074074073709139653943;0.011851851851851851263330850372;0.002592592592592592518063732143;0.002592592592592592518063732143;0.003333333333333333547282562037;0.022592592592592591199673890401;0.004444444444444444440589503387;0.004444444444444444440589503387;0.000370370370370370351979089074;0.004444444444444444440589503387;0.005185185185185185036127464286;0.001481481481481481407916356297;0.000000000000000000000000000000;0.012592592592592592726230549260;0.012222222222222222862142437805;0.007777777777777777554191196430;0.027037037037037036507625131776;0.012222222222222222862142437805;0.008518518518518519017090895318;0.011851851851851851263330850372
-0.023703703703703702526661700745;0.010000000000000000208166817117;0.049259259259259259577934386698;0.261481481481481481399242738917;0.005185185185185185036127464286;0.007777777777777777554191196430;0.002962962962962962815832712593;0.023703703703703702526661700745;0.018888888888888889089345823891;0.028888888888888887562789165031;0.014814814814814815380206169948;0.001111111111111111110147375847;0.007037037037037036958653235530;0.032962962962962964741375770927;0.012962962962962962590318660716;0.019259259259259260688157411323;0.016666666666666666435370203203;0.020370370370370372015145221667;0.008148148148148147418279307885;0.006666666666666667094565124074;0.013333333333333334189130248149;0.014074074074074073917306471060;0.005185185185185185036127464286;0.033333333333333332870740406406;0.022962962962962962798485477833;0.041111111111111112159655078813;0.026296296296296296779448908865;0.005185185185185185036127464286;0.000370370370370370351979089074;0.004444444444444444440589503387;0.002222222222222222220294751693;0.016666666666666666435370203203;0.004074074074074073709139653943;0.009259259259259258745267118229;0.009629629629629630344078705662;0.037777777777777778178691647781;0.012222222222222222862142437805;0.007037037037037036958653235530;0.004074074074074073709139653943;0.010000000000000000208166817117;0.004074074074074073709139653943;0.014074074074074073917306471060;0.000000000000000000000000000000;0.018518518518518517490534236458;0.007407407407407407690103084974;0.010370370370370370072254928573;0.038888888888888889505679458125;0.027777777777777776235801354687;0.018148148148148149361169600979;0.009629629629629630344078705662
-0.039166666666666669072149886688;0.006111111111111111431071218902;0.065277777777777781786916477813;0.001111111111111111110147375847;0.002222222222222222220294751693;0.012777777777777778525636342977;0.001388888888888888941894328433;0.023333333333333334397297065266;0.032222222222222221543752596062;0.041666666666666664353702032031;0.013333333333333334189130248149;0.006111111111111111431071218902;0.008611111111111111049432054187;0.052222222222222225429533182250;0.008888888888888888881179006773;0.025833333333333333148296162562;0.029999999999999998889776975375;0.020277777777777776513357110844;0.009444444444444444544672911945;0.013055555555555556357383295563;0.014722222222222221613141535101;0.024722222222222221821308352219;0.005555555555555555767577313730;0.056666666666666663798590519718;0.036944444444444446418174266000;0.049722222222222223209087133000;0.028333333333333331899295259859;0.003611111111111110945348645629;0.001944444444444444388547799107;0.006388888888888889262818171488;0.005277777777777777935830361145;0.028055555555555555802271783250;0.004444444444444444440589503387;0.008333333333333333217685101602;0.014999999999999999444888487687;0.044444444444444446140618509844;0.013055555555555556357383295563;0.010000000000000000208166817117;0.005833333333333333599324266316;0.010833333333333333703407674875;0.007499999999999999722444243844;0.013055555555555556357383295563;0.000000000000000000000000000000;0.026388888888888888811790067734;0.005000000000000000104083408559;0.020833333333333332176851016015;0.053888888888888888950567945813;0.044166666666666666574148081281;0.020833333333333332176851016015;0.021388888888888887840344921187
-0.030952380952380953438307642500;0.018154761904761906182725894610;0.044940476190476190410105772344;0.001488095238095238012632215430;0.002976190476190476025264430859;0.024404761904761904794947113828;0.003869047619047619179788455313;0.032738095238095239747355691406;0.033630952380952379432432763906;0.020833333333333332176851016015;0.017857142857142856151586585156;0.007440476190476190063161077148;0.024107142857142858233254756328;0.028273809523809523974735569141;0.016071428571428569842538536250;0.014285714285714285268213963320;0.023511904761904761640423089375;0.054761904761904761640423089375;0.030952380952380953438307642500;0.007738095238095238359576910625;0.023511904761904761640423089375;0.019940476190476189022326991562;0.031250000000000000000000000000;0.028571428571428570536427926640;0.026488095238095237665687520234;0.026190476190476191103995162734;0.033035714285714286309048048906;0.005654761904761904621474766230;0.000892857142857142829263372708;0.024404761904761904794947113828;0.011607142857142857539365365938;0.017261904761904763028201870156;0.027380952380952380820211544687;0.005952380952380952050528861719;0.025595238095238094511163495781;0.040476190476190478106932602032;0.019642857142857142460634634062;0.006845238095238095205052886172;0.003869047619047619179788455313;0.018452380952380952744418252109;0.011309523809523809242949532461;0.021428571428571428769682682969;0.000000000000000000000000000000;0.014583333333333333564629796797;0.007738095238095238359576910625;0.017857142857142856151586585156;0.017559523809523809589894227656;0.017261904761904763028201870156;0.046428571428571430157461463750;0.009821428571428571230317317031
-0.013178294573643410669827602533;0.012403100775193798277484802384;0.018217054263565891220055803501;0.427131782945736448997564593810;0.002713178294573643373199800521;0.011627906976744185885142002235;0.001937984496124030980857000372;0.025968992248062015143483804991;0.005813953488372092942571001117;0.012790697674418604473656202458;0.012403100775193798277484802384;0.006976744186046511531085201341;0.011627906976744185885142002235;0.011627906976744185885142002235;0.022093023255813953181769804246;0.008527131782945736315770801639;0.008914728682170542511942201713;0.032558139534883720478397606257;0.015116279069767441650684602905;0.006201550387596899138742401192;0.017441860465116278827713003352;0.006201550387596899138742401192;0.018992248062015503612398603650;0.013178294573643410669827602533;0.014341085271317829258341802756;0.015116279069767441650684602905;0.030232558139534883301369205810;0.007364341085271317727256601415;0.001162790697674418588514200223;0.018604651162790697416227203576;0.003488372093023255765542600670;0.004651162790697674354056800894;0.017054263565891472631541603278;0.007751937984496123923428001490;0.021317829457364340789427004097;0.018992248062015503612398603650;0.011240310077519379688970602160;0.005813953488372092942571001117;0.001162790697674418588514200223;0.015116279069767441650684602905;0.007364341085271317727256601415;0.002713178294573643373199800521;0.000000000000000000000000000000;0.008139534883720930119599401564;0.007364341085271317727256601415;0.010077519379844961100456401937;0.008527131782945736315770801639;0.007751937984496123923428001490;0.025193798449612402751141004842;0.005813953488372092942571001117
-0.006756756756756757131832102914;0.009009009009009008930868311893;0.008558558558558557877171679706;0.640090090090090102492581536353;0.009009009009009008930868311893;0.009009009009009008930868311893;0.008108108108108108558198523497;0.010810810810810811410931364662;0.004504504504504504465434155946;0.007207207207207207318166997112;0.003603603603603603659083498556;0.005405405405405405705465682331;0.013513513513513514263664205828;0.004054054054054054279099261748;0.020270270270270271395496308742;0.006756756756756757131832102914;0.003603603603603603659083498556;0.006756756756756757131832102914;0.012162162162162162837297785245;0.000450450450450450457385437320;0.008108108108108108558198523497;0.006756756756756757131832102914;0.007657657657657657504501891310;0.009909909909909909303538100289;0.009909909909909909303538100289;0.007657657657657657504501891310;0.013063063063063063209967573641;0.006756756756756757131832102914;0.000900900900900900914770874639;0.017567567567567568542763467576;0.003603603603603603659083498556;0.005855855855855855891800576529;0.010810810810810811410931364662;0.007657657657657657504501891310;0.008558558558558557877171679706;0.008108108108108108558198523497;0.002702702702702702852732841166;0.004504504504504504465434155946;0.001351351351351351426366420583;0.008108108108108108558198523497;0.004504504504504504465434155946;0.003153153153153153039067735364;0.000000000000000000000000000000;0.005855855855855855891800576529;0.013963963963963963582637362038;0.008108108108108108558198523497;0.006756756756756757131832102914;0.005405405405405405705465682331;0.007207207207207207318166997112;0.005855855855855855891800576529
-0.003603603603603603659083498556;0.020720720720720720714469464951;0.005855855855855855891800576529;0.633333333333333303727386009996;0.007207207207207207318166997112;0.007207207207207207318166997112;0.006306306306306306078135470727;0.016216216216216217116397046993;0.009009009009009008930868311893;0.005855855855855855891800576529;0.006306306306306306078135470727;0.004504504504504504465434155946;0.010360360360360360357234732476;0.006306306306306306078135470727;0.021621621621621622821862729324;0.003603603603603603659083498556;0.007207207207207207318166997112;0.012162162162162162837297785245;0.012612612612612612156270941455;0.002252252252252252232717077973;0.007207207207207207318166997112;0.008558558558558557877171679706;0.005855855855855855891800576529;0.007657657657657657504501891310;0.006756756756756757131832102914;0.005855855855855855891800576529;0.013513513513513514263664205828;0.009459459459459459984564944079;0.000900900900900900914770874639;0.010360360360360360357234732476;0.003603603603603603659083498556;0.005855855855855855891800576529;0.004504504504504504465434155946;0.006306306306306306078135470727;0.015315315315315315009003782620;0.009909909909909909303538100289;0.001801801801801801829541749278;0.004054054054054054279099261748;0.004054054054054054279099261748;0.007657657657657657504501891310;0.009459459459459459984564944079;0.010360360360360360357234732476;0.000000000000000000000000000000;0.006756756756756757131832102914;0.010360360360360360357234732476;0.006306306306306306078135470727;0.003603603603603603659083498556;0.003603603603603603659083498556;0.005405405405405405705465682331;0.002702702702702702852732841166
-0.024242424242424242403215473018;0.020454545454545454419292838111;0.021212121212121213403856145874;0.100000000000000005551115123126;0.048484848484848484806430946037;0.039015151515151516581347834745;0.004924242424242423858682382587;0.041287878787878790065590806080;0.009469696969696969959806587269;0.007575757575757575967845269815;0.020075757575757576661734660206;0.016666666666666666435370203203;0.012878787878787878451447568295;0.014015151515151515193569053963;0.042424242424242426807712291748;0.011363636363636363951767904723;0.010984848484848484459486250842;0.037878787878787879839226349077;0.057196969696969697516397701520;0.004924242424242423858682382587;0.034469696969696969612861892074;0.009469696969696969959806587269;0.009469696969696969959806587269;0.012121212121212121201607736509;0.018939393939393939919613174538;0.012500000000000000693889390391;0.049242424242424240321547301846;0.016666666666666666435370203203;0.000757575757575757575100483532;0.049621212121212121548552431705;0.011742424242424241709326082628;0.008712121212121212709966755483;0.026136363636363634660453314495;0.006060606060606060600803868255;0.011363636363636363951767904723;0.018181818181818180935049866775;0.017803030303030303177491688871;0.006060606060606060600803868255;0.000378787878787878787550241766;0.008712121212121212709966755483;0.010227272727272727209646419055;0.010606060606060606701928072937;0.000000000000000000000000000000;0.009469696969696969959806587269;0.029924242424242422644375949403;0.007196969696969697342925353922;0.014393939393939394685850707845;0.008712121212121212709966755483;0.028030303030303030387138107926;0.007954545454545453725403447720
-0.022881355932203389924595171578;0.016384180790960451573612388643;0.023446327683615819648110800699;0.314971751412429390448721733264;0.020903954802259885892290469656;0.024293785310734464233384244380;0.005367231638418078903951524694;0.021751412429378530477563913337;0.020056497175141241307017025974;0.013276836158192089828999904455;0.013276836158192089828999904455;0.023446327683615819648110800699;0.009887005649717514957353081684;0.014124293785310734414273348136;0.020056497175141241307017025974;0.016949152542372881297128017763;0.011299435028248587531418678509;0.014406779661016949276031162697;0.024858757062146893956899873501;0.003107344632768361744612484188;0.014406779661016949276031162697;0.010451977401129942946145234828;0.004802259887005650047797633562;0.021468926553672315615806098776;0.026553672316384179657999808910;0.016949152542372881297128017763;0.021468926553672315615806098776;0.020338983050847456168774840535;0.002542372881355932021096855067;0.028248587570621468828546696272;0.019209039548022600191190534247;0.013559322033898304690757719015;0.011016949152542372669660863949;0.007627118644067796930652303189;0.009887005649717514957353081684;0.017231638418079096158885832324;0.005649717514124293765709339254;0.010169491525423728084387420267;0.002259887005649717593019909501;0.006497175141242937483621044947;0.010451977401129942946145234828;0.009604519774011300095595267123;0.000000000000000000000000000000;0.012994350282485874967242089895;0.015536723163841808723062420938;0.009604519774011300095595267123;0.012711864406779661840207751311;0.009887005649717514957353081684;0.007627118644067796930652303189;0.006497175141242937483621044947
-0.030909090909090910365142335081;0.008787878787878787220644305478;0.054848484848484847786753704213;0.002121212121212121427121788386;0.006666666666666667094565124074;0.029696969696969697377619823442;0.003939393939393939607362948863;0.015454545454545455182571167541;0.024848484848484848896976728838;0.029999999999999998889776975375;0.017272727272727272929131459023;0.029999999999999998889776975375;0.023939393939393940891058321085;0.038787878787878787845144756830;0.009090909090909090467524933388;0.018181818181818180935049866775;0.029393939393939392396015719555;0.038787878787878787845144756830;0.013333333333333334189130248149;0.012424242424242424448488364419;0.009090909090909090467524933388;0.019696969696969695434729530348;0.023333333333333334397297065266;0.036666666666666666851703837438;0.031515151515151516858903590901;0.032121212121212119883217894767;0.026060606060606061884499240477;0.004545454545454545233762466694;0.001515151515151515150200967064;0.025757575757575756902895136591;0.020303030303030301928490786167;0.022424242424242422921931705559;0.010303030303030303455047445027;0.011515151515151514707846480690;0.033939393939393942833948614179;0.042424242424242426807712291748;0.012727272727272727695368992329;0.014545454545454545441929283811;0.003030303030303030300401934127;0.033333333333333332870740406406;0.003939393939393939607362948863;0.019393939393939393922572378415;0.000000000000000000000000000000;0.015151515151515151935690539631;0.004848484848484848480643094604;0.016363636363636364923213051270;0.023636363636363635909454217199;0.018484848484848485916653970662;0.031818181818181814901613790880;0.013030303030303030942249620239
-0.025490196078431372195272075487;0.007352941176470588133251560237;0.055392156862745095535771611139;0.000000000000000000000000000000;0.000980392156862745084433541365;0.017156862745098040712310449862;0.000490196078431372542216770682;0.021568627450980391857537910028;0.025000000000000001387778780781;0.027941176470588236641079404876;0.012745098039215686097636037744;0.007843137254901960675468330919;0.026470588235294117279705616852;0.045098039215686273883942902785;0.007843137254901960675468330919;0.016176470588235295627876908497;0.027941176470588236641079404876;0.062254901960784314596253352647;0.009803921568627450844335413649;0.016666666666666666435370203203;0.014215686274509803724286349791;0.019117647058823530881177532592;0.035294117647058823039607489136;0.034803921568627452232114194430;0.024509803921568627110838534122;0.025000000000000001387778780781;0.032843137254901962063247111701;0.002941176470588235253300624095;0.000980392156862745084433541365;0.015196078431372548808719891156;0.009313725490196078302118642966;0.013235294117647058639852808426;0.012745098039215686097636037744;0.012254901960784313555419267061;0.048039215686274512606690478833;0.052941176470588234559411233704;0.014705882352941176266503120473;0.007843137254901960675468330919;0.001960784313725490168867082730;0.042156862745098042100089230644;0.004411764705882352879950936142;0.014705882352941176266503120473;0.000000000000000000000000000000;0.020098039215686275965611073957;0.002941176470588235253300624095;0.015196078431372548808719891156;0.030392156862745097617439782312;0.022549019607843136941971451392;0.047549019607843134860303280220;0.007843137254901960675468330919
-0.024679487179487178544201597674;0.014423076923076923877564681220;0.040705128205128206231311338570;0.000000000000000000000000000000;0.006410256410256410034009810772;0.028846153846153847755129362440;0.002243589743589743425167259971;0.016025641025641024217662788942;0.041346153846153844979571800877;0.021153846153846155020428199123;0.013782051282051281659857266959;0.011217948717948717993198037846;0.030448717948717948095227470162;0.022115384615384616612265844537;0.006730769230769231142863517903;0.016025641025641024217662788942;0.029487179487179486503389824748;0.042307692307692310040856398246;0.014423076923076923877564681220;0.011858974358974358476181976130;0.013141025641025641176873328675;0.030128205128205128721097239008;0.035256410256410256054415697236;0.025320512820512820761909011935;0.031089743589743590312934884423;0.022435897435897435986396075691;0.028846153846153847755129362440;0.002884615384615384775512936244;0.002243589743589743425167259971;0.034615384615384617306155234928;0.011858974358974358476181976130;0.016666666666666666435370203203;0.017628205128205128027207848618;0.011217948717948717993198037846;0.041346153846153844979571800877;0.036858974358974359863960756911;0.015064102564102564360548619504;0.012820512820512820068019621544;0.014743589743589743251694912374;0.046153846153846156408206979904;0.007051282051282051384355487045;0.029487179487179486503389824748;0.000000000000000000000000000000;0.015705128205128204843532557788;0.003205128205128205017004905386;0.020192307692307693428590553708;0.017307692307692308653077617464;0.014743589743589743251694912374;0.037820512820512817986351450372;0.009935897435897435292506685300
-0.012790697674418604473656202458;0.009302325581395348708113601788;0.046124031007751940813843560818;0.307364341085271330911155018839;0.002325581395348837177028400447;0.016666666666666666435370203203;0.001550387596899224784685600298;0.012403100775193798277484802384;0.032170542635658917751673158136;0.010852713178294573492799202086;0.010465116279069767296627802011;0.007751937984496123923428001490;0.019379844961240309808570003725;0.018604651162790697416227203576;0.009302325581395348708113601788;0.012403100775193798277484802384;0.015503875968992247846856002980;0.026356589147286821339655205065;0.008527131782945736315770801639;0.007364341085271317727256601415;0.009689922480620154904285001862;0.035271317829457367321044358732;0.024418604651162790358798204693;0.018217054263565891220055803501;0.020930232558139534593255604022;0.017054263565891472631541603278;0.024031007751937984162626804618;0.004263565891472868157885400819;0.001550387596899224784685600298;0.006589147286821705334913801266;0.006976744186046511531085201341;0.010465116279069767296627802011;0.008139534883720930119599401564;0.010077519379844961100456401937;0.032170542635658917751673158136;0.029069767441860464712855005587;0.006976744186046511531085201341;0.007751937984496123923428001490;0.006589147286821705334913801266;0.041860465116279069186511208045;0.003488372093023255765542600670;0.012790697674418604473656202458;0.000000000000000000000000000000;0.010852713178294573492799202086;0.004263565891472868157885400819;0.006589147286821705334913801266;0.011240310077519379688970602160;0.012403100775193798277484802384;0.018217054263565891220055803501;0.010852713178294573492799202086
-0.011538461538461539102051744976;0.008119658119658120301598280832;0.017094017094017095736990796695;0.498717948717948722503479075385;0.002136752136752136967123849587;0.011538461538461539102051744976;0.004273504273504273934247699174;0.011111111111111111535154627461;0.016666666666666666435370203203;0.009401709401709401267566157401;0.005982905982905983334474431246;0.008974358974358973700669039886;0.007692307692307692734701163317;0.008547008547008547868495398347;0.014102564102564102768710974090;0.013675213675213675201813856575;0.008974358974358973700669039886;0.014529914529914530335608091605;0.008547008547008547868495398347;0.002991452991452991667237215623;0.006837606837606837600906928287;0.010683760683760683968257509946;0.005982905982905983334474431246;0.014102564102564102768710974090;0.015811965811965811301575968173;0.012393162393162392501122504029;0.008547008547008547868495398347;0.085042735042735045913886438029;0.002136752136752136967123849587;0.009829059829059828834463274916;0.006837606837606837600906928287;0.007264957264957265167804045802;0.004700854700854700633783078700;0.004273504273504273934247699174;0.008547008547008547868495398347;0.009829059829059828834463274916;0.005982905982905983334474431246;0.006410256410256410034009810772;0.006410256410256410034009810772;0.008974358974358973700669039886;0.005128205128205128200680196215;0.014957264957264957902505209120;0.000000000000000000000000000000;0.007692307692307692734701163317;0.006410256410256410034009810772;0.005555555555555555767577313730;0.008547008547008547868495398347;0.004700854700854700633783078700;0.013247863247863247634916739059;0.008547008547008547868495398347
-0.033333333333333332870740406406;0.019148936170212765839337976104;0.037588652482269502286271745106;0.010992907801418439969753926277;0.025886524822695034658837087704;0.018085106382978721750731665452;0.009219858156028368223466884501;0.030141843971631204074368426404;0.020212765957446809927944286756;0.026950354609929078747443398356;0.019148936170212765839337976104;0.005673758865248227332978014914;0.021276595744680850547103645454;0.031205673758865248162974737056;0.029078014184397163455209067706;0.021276595744680850547103645454;0.023758865248226949951071418354;0.038297872340425531678675952207;0.016666666666666666435370203203;0.007446808510638298211903318702;0.020921985815602835850901541903;0.021276595744680850547103645454;0.016666666666666666435370203203;0.035460992907801421047953027710;0.029078014184397163455209067706;0.029787234042553192847613274807;0.031205673758865248162974737056;0.024468085106382979343475625456;0.002482269503546099403967772901;0.017021276595744681131572306754;0.008156028368794325869584049826;0.014893617021276596423806637404;0.013829787234042552335200326752;0.012765957446808509981317492077;0.021985815602836879939507852555;0.028014184397163119366602757054;0.010638297872340425273551822727;0.017021276595744681131572306754;0.005673758865248227332978014914;0.024113475177304964647273521905;0.008510638297872340565786153377;0.015957446808510637042965996102;0.000000000000000000000000000000;0.023758865248226949951071418354;0.013120567375886524677519595627;0.023404255319148935254869314804;0.027659574468085104670400653504;0.016312056737588651739168099652;0.025886524822695034658837087704;0.014539007092198581727604533853
-0.037499999999999998612221219219;0.002777777777777777883788656865;0.079629629629629633535969901459;0.000462962962962962980631442811;0.000462962962962962980631442811;0.012500000000000000693889390391;0.001851851851851851922525771243;0.020833333333333332176851016015;0.018518518518518517490534236458;0.047222222222222220988641083750;0.014814814814814815380206169948;0.004629629629629629372633559115;0.006481481481481481295159330358;0.061574074074074072737694507396;0.006018518518518518531368322044;0.021759259259259259439156508620;0.023148148148148146863167795573;0.026388888888888888811790067734;0.009259259259259258745267118229;0.012500000000000000693889390391;0.019907407407407408383992475365;0.027777777777777776235801354687;0.011574074074074073431583897786;0.062500000000000000000000000000;0.037037037037037034981068472916;0.056481481481481479733908201979;0.027777777777777776235801354687;0.000925925925925925961262885622;0.001388888888888888941894328433;0.004629629629629629372633559115;0.005092592592592593003786305417;0.023148148148148146863167795573;0.006481481481481481295159330358;0.010185185185185186007572610833;0.016666666666666666435370203203;0.044444444444444446140618509844;0.011574074074074073431583897786;0.007870370370370369586532355299;0.000925925925925925961262885622;0.019907407407407408383992475365;0.003703703703703703845051542487;0.000925925925925925961262885622;0.000000000000000000000000000000;0.033333333333333332870740406406;0.002777777777777777883788656865;0.022222222222222223070309254922;0.057407407407407406996213694583;0.031944444444444441977282167500;0.018518518518518517490534236458;0.024537037037037037756626034479
-0.053947368421052632747603183816;0.000438596491228070183617665512;0.050438596491228067375534038774;0.000000000000000000000000000000;0.009649122807017544364849293004;0.035087719298245612087328026973;0.000877192982456140367235331023;0.007456140350877192742029553330;0.008333333333333333217685101602;0.019298245614035088729698586008;0.022368421052631579093450397977;0.011403508771929825316160389548;0.028070175438596491751530592751;0.058333333333333334258519187188;0.002192982456140350755458001686;0.046491228070175437403488416521;0.008333333333333333217685101602;0.014912280701754385484059106659;0.010087719298245614168996198146;0.012719298245614034728601104973;0.015350877192982455288206011801;0.015350877192982455288206011801;0.014473684210526315679912201517;0.032456140350877189792999644169;0.070614035087719295713526435065;0.063596491228070178847175952797;0.017105263157894737974240584322;0.000000000000000000000000000000;0.000438596491228070183617665512;0.019298245614035088729698586008;0.012719298245614034728601104973;0.010964912280701753777290008429;0.008333333333333333217685101602;0.010526315789473683973143103287;0.032456140350877189792999644169;0.023684210526315790240614589379;0.014473684210526315679912201517;0.017982456140350877582534394605;0.000877192982456140367235331023;0.018859649122807017190828204889;0.001315789473684210496642887911;0.003070175438596491231113549958;0.000000000000000000000000000000;0.014912280701754385484059106659;0.002631578947368420993285775822;0.011403508771929825316160389548;0.043421052631578950509183556505;0.056140350877192983503061185502;0.032456140350877189792999644169;0.034649122807017540548457645855
-0.039666666666666669516239096538;0.011666666666666667198648532633;0.057333333333333333370340767488;0.000000000000000000000000000000;0.016000000000000000333066907388;0.017000000000000001221245327088;0.005000000000000000104083408559;0.018333333333333333425851918719;0.020333333333333331732761806165;0.058000000000000002942091015257;0.020000000000000000416333634234;0.002666666666666666577617528233;0.008999999999999999319988397417;0.049333333333333333203807313794;0.012333333333333333300951828448;0.017333333333333332537673499019;0.020666666666666666518636930050;0.028333333333333331899295259859;0.010000000000000000208166817117;0.011666666666666667198648532633;0.016666666666666666435370203203;0.026666666666666668378260496297;0.008333333333333333217685101602;0.070000000000000006661338147751;0.028666666666666666685170383744;0.050999999999999996724842077356;0.018999999999999999528155214534;0.012000000000000000249800180541;0.001000000000000000020816681712;0.004666666666666667052931760651;0.003333333333333333547282562037;0.022333333333333333509118645566;0.003666666666666666598434209945;0.007000000000000000145716771982;0.015666666666666665547191783503;0.052333333333333335868342572894;0.010666666666666666310470112933;0.010333333333333333259318465025;0.002666666666666666577617528233;0.018999999999999999528155214534;0.010333333333333333259318465025;0.013666666666666667240281896056;0.000000000000000000000000000000;0.032000000000000000666133814775;0.002666666666666666577617528233;0.020333333333333331732761806165;0.046666666666666668794594130532;0.034333333333333333758918826106;0.016333333333333331649495079319;0.014000000000000000291433543964
-0.034848484848484850839867021932;0.003030303030303030300401934127;0.062878787878787881227005129858;0.000378787878787878787550241766;0.022727272727272727903535809446;0.021590909090909091161414323778;0.004166666666666666608842550801;0.013636363636363635701287400082;0.019318181818181817677171352443;0.039393939393939390869459060696;0.016287878787878788677812025298;0.009469696969696969959806587269;0.026136363636363634660453314495;0.043939393939393937837945003366;0.004545454545454545233762466694;0.031818181818181814901613790880;0.032575757575757577355624050597;0.021212121212121213403856145874;0.007954545454545453725403447720;0.011742424242424241709326082628;0.013257575757575757943729222177;0.021590909090909091161414323778;0.009469696969696969959806587269;0.038257575757575754127337575028;0.040530303030303027611580546363;0.043560606060606063549833777415;0.025378787878787879145336958686;0.001515151515151515150200967064;0.001515151515151515150200967064;0.006060606060606060600803868255;0.008712121212121212709966755483;0.023484848484848483418652165255;0.004545454545454545233762466694;0.010227272727272727209646419055;0.025757575757575756902895136591;0.042424242424242426807712291748;0.010606060606060606701928072937;0.021212121212121213403856145874;0.004545454545454545233762466694;0.018181818181818180935049866775;0.003787878787878787983922634908;0.012500000000000000693889390391;0.000000000000000000000000000000;0.030681818181818181628939257166;0.003409090909090908925321850020;0.020833333333333332176851016015;0.046969696969696966837304330511;0.038257575757575754127337575028;0.023863636363636364645657295114;0.021212121212121213403856145874
-0.032051282051282048435325577884;0.005555555555555555767577313730;0.061965811965811967709782948077;0.127350427350427342076955028460;0.025213675213675214303865601551;0.013247863247863247634916739059;0.002564102564102564100340098108;0.017521367521367521569164438233;0.025641025641025640136039243089;0.035470085470085468970502518005;0.010683760683760683968257509946;0.005555555555555555767577313730;0.008547008547008547868495398347;0.042735042735042735873030039784;0.011538461538461539102051744976;0.017094017094017095736990796695;0.015811965811965811301575968173;0.022649572649572648902482896460;0.016666666666666666435370203203;0.009401709401709401267566157401;0.012393162393162392501122504029;0.017948717948717947401338079771;0.008974358974358973700669039886;0.047008547008547008072554262981;0.025213675213675214303865601551;0.038888888888888889505679458125;0.025641025641025640136039243089;0.001282051282051282050170049054;0.000427350427350427350056683018;0.002564102564102564100340098108;0.005982905982905983334474431246;0.019230769230769231836752908293;0.001282051282051282050170049054;0.008119658119658120301598280832;0.013247863247863247634916739059;0.044871794871794871972792151382;0.009829059829059828834463274916;0.011111111111111111535154627461;0.002136752136752136967123849587;0.014529914529914530335608091605;0.007692307692307692734701163317;0.007264957264957265167804045802;0.000000000000000000000000000000;0.026068376068376069437659836581;0.006837606837606837600906928287;0.017948717948717947401338079771;0.056410256410256411074843896358;0.026068376068376069437659836581;0.018376068376068376702958673263;0.015384615384615385469402326635
-0.009259259259259258745267118229;0.028240740740740739866954100989;0.035185185185185187395351391615;0.402777777777777790113589162502;0.007870370370370369586532355299;0.005555555555555555767577313730;0.006018518518518518531368322044;0.023148148148148146863167795573;0.025000000000000001387778780781;0.015740740740740739173064710599;0.007407407407407407690103084974;0.006944444444444444058950338672;0.004629629629629629372633559115;0.013425925925925926221471407018;0.025000000000000001387778780781;0.011111111111111111535154627461;0.018055555555555553859381490156;0.021296296296296295808003762318;0.015740740740740739173064710599;0.005092592592592593003786305417;0.010648148148148147904001881159;0.016666666666666666435370203203;0.000925925925925925961262885622;0.026388888888888888811790067734;0.015740740740740739173064710599;0.016666666666666666435370203203;0.016203703703703702804217456901;0.026851851851851852442942814037;0.002314814814814814686316779557;0.007870370370370369586532355299;0.005092592592592593003786305417;0.018518518518518517490534236458;0.002777777777777777883788656865;0.005555555555555555767577313730;0.008333333333333333217685101602;0.013425925925925926221471407018;0.006018518518518518531368322044;0.003240740740740740647579665179;0.005092592592592593003786305417;0.006018518518518518531368322044;0.010648148148148147904001881159;0.013888888888888888117900677344;0.000000000000000000000000000000;0.009259259259259258745267118229;0.012037037037037037062736644089;0.007870370370370369586532355299;0.019444444444444444752839729063;0.011111111111111111535154627461;0.006018518518518518531368322044;0.007870370370370369586532355299
-0.018910256410256408993175725186;0.007371794871794871625847456187;0.027243589743589743945584302764;0.458653846153846134203746487401;0.005448717948717948442172165358;0.014423076923076923877564681220;0.003846153846153846367350581659;0.011858974358974358476181976130;0.006410256410256410034009810772;0.015064102564102564360548619504;0.008974358974358973700669039886;0.015064102564102564360548619504;0.010576923076923077510214099561;0.017307692307692308653077617464;0.010576923076923077510214099561;0.008653846153846154326538808732;0.015705128205128204843532557788;0.019871794871794870585013370601;0.008333333333333333217685101602;0.004166666666666666608842550801;0.011538461538461539102051744976;0.005128205128205128200680196215;0.006089743589743589792517841630;0.020512820512820512802720784862;0.016025641025641024217662788942;0.016987179487179485809500434357;0.014743589743589743251694912374;0.004487179487179486850334519943;0.001602564102564102508502452693;0.013141025641025641176873328675;0.010576923076923077510214099561;0.009615384615384615918376454147;0.004807692307692307959188227073;0.005769230769230769551025872488;0.022435897435897435986396075691;0.022435897435897435986396075691;0.006730769230769231142863517903;0.007692307692307692734701163317;0.007371794871794871625847456187;0.014743589743589743251694912374;0.005769230769230769551025872488;0.007371794871794871625847456187;0.000000000000000000000000000000;0.009615384615384615918376454147;0.006410256410256410034009810772;0.009294871794871794809522747016;0.017307692307692308653077617464;0.014743589743589743251694912374;0.008974358974358973700669039886;0.009615384615384615918376454147
-0.036486486486486488511893355735;0.009909909909909909303538100289;0.063513513513513517039221767391;0.002702702702702702852732841166;0.002252252252252252232717077973;0.027477477477477477846301567865;0.001801801801801801829541749278;0.022972972972972974248229149907;0.011261261261261260729904520872;0.034234234234234231508686718826;0.023873873873873872886175462327;0.013063063063063063209967573641;0.016216216216216217116397046993;0.049549549549549549987137453400;0.011711711711711711783601153058;0.028378378378378379953694832238;0.017117117117117115754343359413;0.033333333333333332870740406406;0.018468468468468467180709779996;0.011711711711711711783601153058;0.020270270270270271395496308742;0.012612612612612612156270941455;0.010360360360360360357234732476;0.044144144144144144281671771068;0.045495495495495495708038191651;0.040090090090090090002572509320;0.027477477477477477846301567865;0.008108108108108108558198523497;0.000900900900900900914770874639;0.013513513513513514263664205828;0.015765765765765764327976938830;0.019819819819819818607076200578;0.013963963963963963582637362038;0.003603603603603603659083498556;0.026576576576576575738908303492;0.052702702702702705628290402728;0.012162162162162162837297785245;0.011261261261261260729904520872;0.002702702702702702852732841166;0.014414414414414414636333994224;0.004504504504504504465434155946;0.007657657657657657504501891310;0.000000000000000000000000000000;0.020720720720720720714469464951;0.007657657657657657504501891310;0.011711711711711711783601153058;0.035585585585585582935053139408;0.029279279279279278591641144658;0.032882882882882880082320298243;0.018018018018018017861736623786
-0.049090909090909087830745249903;0.006060606060606060600803868255;0.055454545454545457749961911986;0.002121212121212121427121788386;0.006666666666666667094565124074;0.026969696969696969890417648230;0.000909090909090909090120580238;0.016060606060606059941608947383;0.024242424242424242403215473018;0.034242424242424240876658814159;0.017575757575757574441288610956;0.020606060606060606910094890054;0.014848484848484848688809911721;0.037575757575757574857622245190;0.003636363636363636360482320953;0.030303030303030303871381079261;0.033333333333333332870740406406;0.036060606060606063827389533571;0.010000000000000000208166817117;0.011212121212121211460965852780;0.016969696969696971416974307090;0.013030303030303030942249620239;0.010303030303030303455047445027;0.044242424242424242819549107253;0.045151515151515150825467515006;0.038787878787878787845144756830;0.022424242424242422921931705559;0.002727272727272727487202175212;0.002424242424242424240321547302;0.022727272727272727903535809446;0.014242424242424242195048655901;0.022424242424242422921931705559;0.008787878787878787220644305478;0.005757575757575757353923240345;0.021515151515151514916013297807;0.054545454545454542805149600326;0.014242424242424242195048655901;0.010606060606060606701928072937;0.002424242424242424240321547302;0.015454545454545455182571167541;0.005454545454545454974404350423;0.013030303030303030942249620239;0.000000000000000000000000000000;0.027272727272727271402574800163;0.005454545454545454974404350423;0.020000000000000000416333634234;0.036363636363636361870099733551;0.026060606060606061884499240477;0.024545454545454543915372624951;0.016060606060606059941608947383
-0.038611111111111109939209029562;0.002500000000000000052041704279;0.071944444444444449748843339876;0.000000000000000000000000000000;0.011111111111111111535154627461;0.037222222222222219045750790656;0.001666666666666666773641281019;0.008055555555555555385938149016;0.027222222222222220572307449515;0.020277777777777776513357110844;0.014166666666666665949647629930;0.035000000000000003330669073875;0.026111111111111112714766591125;0.048333333333333332315628894094;0.002777777777777777883788656865;0.026111111111111112714766591125;0.022222222222222223070309254922;0.019444444444444444752839729063;0.010833333333333333703407674875;0.013333333333333334189130248149;0.010277777777777778039913769703;0.036388888888888887285233408875;0.019722222222222220849863205672;0.027222222222222220572307449515;0.051388888888888886730121896562;0.030277777777777778456247403938;0.021388888888888887840344921187;0.000000000000000000000000000000;0.000833333333333333386820640509;0.029722222222222222792753498766;0.024166666666666666157814447047;0.013888888888888888117900677344;0.006388888888888889262818171488;0.013611111111111110286153724758;0.035555555555555555524716027094;0.033888888888888892003681263532;0.009444444444444444544672911945;0.008333333333333333217685101602;0.003333333333333333547282562037;0.032222222222222221543752596062;0.002222222222222222220294751693;0.006666666666666667094565124074;0.000000000000000000000000000000;0.013055555555555556357383295563;0.002500000000000000052041704279;0.006388888888888889262818171488;0.038888888888888889505679458125;0.032222222222222221543752596062;0.034166666666666664631257788187;0.018888888888888889089345823891
-0.056862745098039214897145399163;0.001307189542483660040297910321;0.048692810457516340350014871774;0.000653594771241830020148955160;0.003267973856209150426005427548;0.045098039215686273883942902785;0.000653594771241830020148955160;0.011111111111111111535154627461;0.011111111111111111535154627461;0.020915032679738560644766565133;0.021568627450980391857537910028;0.030718954248366011489101978782;0.032026143790849670445197716617;0.053594771241830062302735626645;0.004901960784313725422167706824;0.055882352941176473282158809752;0.010457516339869280322383282567;0.018300653594771242732575089462;0.009477124183006535237949741202;0.009150326797385621366287544731;0.012745098039215686097636037744;0.010784313725490195928768955014;0.006535947712418300852010855095;0.028431372549019607448572699582;0.072222222222222215437525960624;0.047058823529411764052809985515;0.020915032679738560644766565133;0.000326797385620915010074477580;0.000326797385620915010074477580;0.019281045751633987817008630827;0.031045751633986928830211127206;0.016666666666666666435370203203;0.005882352941176470506601248189;0.007189542483660130330058724013;0.025163398692810458323609879017;0.029738562091503266404668437417;0.012091503267973856619588168826;0.014705882352941176266503120473;0.001633986928104575213002713774;0.014052287581699346788455251556;0.000980392156862745084433541365;0.001633986928104575213002713774;0.000000000000000000000000000000;0.019281045751633987817008630827;0.004248366013071895076758099918;0.012091503267973856619588168826;0.044444444444444446140618509844;0.045424836601307187755605099255;0.025816993464052286066934271958;0.023529411764705882026404992757
-0.052083333333333335646297967969;0.005416666666666666851703837438;0.024166666666666666157814447047;0.002500000000000000052041704279;0.007499999999999999722444243844;0.075416666666666673513041985188;0.004583333333333333356462979680;0.024166666666666666157814447047;0.005833333333333333599324266316;0.012083333333333333078907223523;0.025416666666666667268037471672;0.030416666666666668239482618219;0.045416666666666667684371105906;0.022083333333333333287074040641;0.011249999999999999583666365766;0.037083333333333336201409480282;0.007083333333333332974823814965;0.020416666666666666296592325125;0.039583333333333331482961625625;0.005833333333333333599324266316;0.030416666666666668239482618219;0.010416666666666666088425508008;0.012500000000000000693889390391;0.014583333333333333564629796797;0.059999999999999997779553950750;0.027916666666666666019036568969;0.032916666666666663521034763562;0.007916666666666667337426410711;0.000416666666666666693410320255;0.048333333333333332315628894094;0.032916666666666663521034763562;0.007916666666666667337426410711;0.032500000000000001110223024625;0.007916666666666667337426410711;0.025833333333333333148296162562;0.017083333333333332315628894094;0.010000000000000000208166817117;0.016250000000000000555111512313;0.001250000000000000026020852140;0.008750000000000000832667268469;0.005416666666666666851703837438;0.002500000000000000052041704279;0.000000000000000000000000000000;0.006250000000000000346944695195;0.016666666666666666435370203203;0.013333333333333334189130248149;0.022916666666666665047591422422;0.023750000000000000277555756156;0.030833333333333334119741309109;0.014166666666666665949647629930
-0.026488095238095237665687520234;0.009226190476190476372209126055;0.053273809523809521893067397968;0.001190476190476190583578119941;0.004761904761904762334312479766;0.031250000000000000000000000000;0.003273809523809523887999395342;0.029761904761904760252644308594;0.024702380952380951356639471328;0.017559523809523809589894227656;0.022321428571428571924206707422;0.010714285714285714384841341484;0.023809523809523808202115446875;0.030357142857142856845475975547;0.015178571428571428422737987773;0.014285714285714285268213963320;0.018452380952380952744418252109;0.041071428571428571230317317031;0.039285714285714284921269268125;0.011011904761904762681257174961;0.023214285714285715078730731875;0.023809523809523808202115446875;0.022619047619047618485899064922;0.026190476190476191103995162734;0.035416666666666665741480812812;0.030059523809523810283783618047;0.039880952380952378044653983125;0.014285714285714285268213963320;0.001190476190476190583578119941;0.026488095238095237665687520234;0.011309523809523809242949532461;0.013095238095238095551997581367;0.027083333333333334258519187188;0.009821428571428571230317317031;0.025595238095238094511163495781;0.029761904761904760252644308594;0.021130952380952382207990325469;0.006547619047619047775998790684;0.005059523809523809763366575254;0.026190476190476191103995162734;0.008333333333333333217685101602;0.010714285714285714384841341484;0.000000000000000000000000000000;0.012202380952380952397473556914;0.013392857142857142113689938867;0.011011904761904762681257174961;0.025000000000000001387778780781;0.019047619047619049337249919063;0.042857142857142857539365365938;0.010714285714285714384841341484
-0.024444444444444445724284875610;0.009166666666666666712925959359;0.080277777777777781231804965500;0.000000000000000000000000000000;0.001388888888888888941894328433;0.020000000000000000416333634234;0.000277777777777777777536843962;0.014166666666666665949647629930;0.044722222222222218768195034500;0.024444444444444445724284875610;0.014444444444444443781394582516;0.009166666666666666712925959359;0.017500000000000001665334536938;0.046111111111111109661653273406;0.005000000000000000104083408559;0.020000000000000000416333634234;0.026944444444444444475283972906;0.051388888888888886730121896562;0.008333333333333333217685101602;0.011944444444444445030395485219;0.007777777777777777554191196430;0.045833333333333330095182844843;0.026388888888888888811790067734;0.022499999999999999167332731531;0.040000000000000000832667268469;0.033055555555555553304269977843;0.026944444444444444475283972906;0.004166666666666666608842550801;0.000277777777777777777536843962;0.011666666666666667198648532633;0.012500000000000000693889390391;0.014722222222222221613141535101;0.010555555555555555871660722289;0.013333333333333334189130248149;0.023611111111111110494320541875;0.043333333333333334813630699500;0.011666666666666667198648532633;0.007777777777777777554191196430;0.012777777777777778525636342977;0.035000000000000003330669073875;0.003888888888888888777095598215;0.023333333333333334397297065266;0.000000000000000000000000000000;0.008888888888888888881179006773;0.003333333333333333547282562037;0.006388888888888889262818171488;0.039722222222222221266196839906;0.029444444444444443226283070203;0.031666666666666669349705642844;0.019722222222222220849863205672
-0.017307692307692308653077617464;0.006410256410256410034009810772;0.128205128205128193741302311537;0.000000000000000000000000000000;0.007371794871794871625847456187;0.009935897435897435292506685300;0.001923076923076923183675290829;0.014423076923076923877564681220;0.054807692307692307265298836683;0.030128205128205128721097239008;0.010576923076923077510214099561;0.012820512820512820068019621544;0.004807692307692307959188227073;0.039423076923076921795896510048;0.003525641025641025692177743522;0.011858974358974358476181976130;0.061538461538461541877609306539;0.054807692307692307265298836683;0.007051282051282051384355487045;0.018910256410256408993175725186;0.006730769230769231142863517903;0.043589743589743587537377322860;0.007371794871794871625847456187;0.033974358974358971619000868714;0.016025641025641024217662788942;0.029166666666666667129259593594;0.019871794871794870585013370601;0.003525641025641025692177743522;0.001602564102564102508502452693;0.017948717948717947401338079771;0.008653846153846154326538808732;0.030448717948717948095227470162;0.004487179487179486850334519943;0.008333333333333333217685101602;0.011538461538461539102051744976;0.066025641025641026993220350505;0.009935897435897435292506685300;0.008653846153846154326538808732;0.005448717948717948442172165358;0.019230769230769231836752908293;0.005128205128205128200680196215;0.025320512820512820761909011935;0.000000000000000000000000000000;0.012500000000000000693889390391;0.004807692307692307959188227073;0.010576923076923077510214099561;0.041025641025641025605441569724;0.019230769230769231836752908293;0.018269230769230770244915262879;0.014743589743589743251694912374
-0.024444444444444445724284875610;0.005925925925925925631665425186;0.106296296296296291505889541895;0.000000000000000000000000000000;0.003703703703703703845051542487;0.008888888888888888881179006773;0.002962962962962962815832712593;0.013333333333333334189130248149;0.053333333333333336756520992594;0.031481481481481478346129421197;0.008518518518518519017090895318;0.006666666666666667094565124074;0.007407407407407407690103084974;0.048888888888888891448569751219;0.004074074074074073709139653943;0.010740740740740739936343040029;0.043703703703703702942995334979;0.052592592592592593558897817729;0.004814814814814815172039352831;0.015925925925925926707193980292;0.010000000000000000208166817117;0.037037037037037034981068472916;0.010000000000000000208166817117;0.041851851851851848418384349770;0.025925925925925925180637321432;0.028518518518518519433424529552;0.026666666666666668378260496297;0.004074074074074073709139653943;0.002962962962962962815832712593;0.008518518518518519017090895318;0.005925925925925925631665425186;0.033333333333333332870740406406;0.004814814814814815172039352831;0.009259259259259258745267118229;0.018148148148148149361169600979;0.072592592592592597444678403917;0.007777777777777777554191196430;0.006296296296296296363115274630;0.004814814814814815172039352831;0.021481481481481479872686080057;0.006666666666666667094565124074;0.016666666666666666435370203203;0.000000000000000000000000000000;0.025925925925925925180637321432;0.003333333333333333547282562037;0.013703703703703704053218359604;0.045185185185185182399347780802;0.020000000000000000416333634234;0.022222222222222223070309254922;0.012592592592592592726230549260
-0.046590909090909092549193104560;0.003030303030303030300401934127;0.069318181818181820452728914006;0.000000000000000000000000000000;0.024242424242424242403215473018;0.020075757575757576661734660206;0.001136363636363636308440616673;0.015909090909090907450806895440;0.022727272727272727903535809446;0.035984848484848487581988507600;0.016666666666666666435370203203;0.010984848484848484459486250842;0.014393939393939394685850707845;0.056818181818181816289392571662;0.004924242424242423858682382587;0.031439393939393940613502564929;0.027272727272727271402574800163;0.027651515151515152629579930021;0.009469696969696969959806587269;0.013636363636363635701287400082;0.015151515151515151935690539631;0.014015151515151515193569053963;0.006818181818181817850643700041;0.045075757575757574580066489034;0.050378787878787877063668787514;0.042045454545454545580707161889;0.029545454545454544886817771498;0.000000000000000000000000000000;0.000000000000000000000000000000;0.007575757575757575967845269815;0.013636363636363635701287400082;0.020454545454545454419292838111;0.004166666666666666608842550801;0.005681818181818181975883952362;0.020454545454545454419292838111;0.050000000000000002775557561563;0.015909090909090907450806895440;0.015530303030303029693248717535;0.000000000000000000000000000000;0.007954545454545453725403447720;0.004924242424242423858682382587;0.005303030303030303350964036468;0.000000000000000000000000000000;0.021212121212121213403856145874;0.002651515151515151675482018234;0.018181818181818180935049866775;0.048484848484848484806430946037;0.034469696969696969612861892074;0.030681818181818181628939257166;0.017424242424242425419933510966
-0.038435374149659862208494587321;0.006122448979591836419611450282;0.045918367346938777917575436049;0.002721088435374149471640548015;0.018367346938775511860919564811;0.029251700680272108012758280893;0.004081632653061224857982125513;0.018027210884353741388030911708;0.022789115646258503722343391473;0.039795918367346937161155295826;0.013945578231292516530048786194;0.023469387755102041198673745726;0.011224489795918366624727369185;0.025850340136054420631106509632;0.011904761904761904101057723437;0.025850340136054420631106509632;0.025850340136054420631106509632;0.028911564625850341009316579743;0.042176870748299316593588059732;0.004421768707482993596147302640;0.020748299319727891293352328717;0.018367346938775511860919564811;0.009183673469387755930459782405;0.056122448979591836593083797879;0.027551020408163266056655871239;0.035034013605442178296289768014;0.034353741496598637350512461808;0.005442176870748298943281096030;0.003741496598639455686136079393;0.036054421768707482776061823415;0.014625850340136054006379140446;0.027210884353741495583767218136;0.024149659863945578675004099978;0.007823129251700680977799073901;0.012585034013605441577388077690;0.039455782312925166688266642723;0.007142857142857142634106981660;0.011224489795918366624727369185;0.004761904761904762334312479766;0.011564625850340135362892546311;0.007482993197278911372272158786;0.012925170068027210315553254816;0.000000000000000000000000000000;0.027551020408163266056655871239;0.011904761904761904101057723437;0.020408163265306120820463675614;0.032312925170068028390968351005;0.015986394557823128959039848951;0.014965986394557822744544317572;0.010204081632653060410231837807
-0.034146341463414636718809447302;0.012195121951219512618225238043;0.024796747967479673691038044581;0.003658536585365853872203745212;0.029674796747967479432217530189;0.050000000000000002775557561563;0.005691056910569106119801574550;0.021951219512195120631137257305;0.022764227642276424479206298201;0.012601626016260162807536282514;0.018292682926829267192614381088;0.031707317073170732113496228521;0.035365853658536582082572152785;0.021951219512195120631137257305;0.019105691056910567571236470030;0.026016260162601625993694653971;0.017073170731707318359404723651;0.025609756097560974069660133523;0.037804878048780486687885371566;0.007317073170731707744407490424;0.015040650406504065678126025318;0.019105691056910567571236470030;0.014634146341463415488814980847;0.015853658536585366056748114261;0.039430894308943087445129549451;0.019105691056910567571236470030;0.028455284552845527129560920798;0.010975609756097560315568628653;0.000813008130081300812302957937;0.077235772357723581071908824924;0.031707317073170732113496228521;0.011382113821138212239603149101;0.025203252032520325615072565029;0.004878048780487804873817747620;0.025203252032520325615072565029;0.018292682926829267192614381088;0.007317073170731707744407490424;0.017073170731707318359404723651;0.010162601626016259936946539710;0.012601626016260162807536282514;0.005691056910569106119801574550;0.023577235772357724857828387144;0.000000000000000000000000000000;0.013008130081300812996847326986;0.021951219512195120631137257305;0.016666666666666666435370203203;0.013008130081300812996847326986;0.010975609756097560315568628653;0.024390243902439025236450476086;0.008536585365853659179702361826
-0.046666666666666668794594130532;0.009583333333333332593184650250;0.015833333333333334674852821422;0.001666666666666666773641281019;0.021666666666666667406815349750;0.061249999999999998889776975375;0.004583333333333333356462979680;0.023750000000000000277555756156;0.007916666666666667337426410711;0.010833333333333333703407674875;0.029583333333333333009518284484;0.047083333333333331205405869468;0.031250000000000000000000000000;0.013333333333333334189130248149;0.014583333333333333564629796797;0.041250000000000001942890293094;0.008750000000000000832667268469;0.024166666666666666157814447047;0.040833333333333332593184650250;0.004166666666666666608842550801;0.027083333333333334258519187188;0.012916666666666666574148081281;0.010000000000000000208166817117;0.017083333333333332315628894094;0.057500000000000002498001805407;0.030833333333333334119741309109;0.027500000000000000138777878078;0.007083333333333332974823814965;0.000833333333333333386820640509;0.057500000000000002498001805407;0.040833333333333332593184650250;0.007083333333333332974823814965;0.024166666666666666157814447047;0.003333333333333333547282562037;0.016250000000000000555111512313;0.014999999999999999444888487687;0.009583333333333332593184650250;0.031250000000000000000000000000;0.001666666666666666773641281019;0.017916666666666667545593227828;0.005833333333333333599324266316;0.011666666666666667198648532633;0.000000000000000000000000000000;0.013333333333333334189130248149;0.015416666666666667059870654555;0.014999999999999999444888487687;0.011249999999999999583666365766;0.014999999999999999444888487687;0.022083333333333333287074040641;0.016250000000000000555111512313
-0.041666666666666664353702032031;0.007986111111111110494320541875;0.027430555555555555247160270937;0.028125000000000000693889390391;0.034027777777777774848022573906;0.061805555555555558022717832500;0.006944444444444444058950338672;0.015277777777777777276635440273;0.011458333333333332523795711211;0.013194444444444444405895033867;0.016319444444444445446729119453;0.062152777777777779011358916250;0.019444444444444444752839729063;0.017361111111111111882099322656;0.010069444444444445099784424258;0.032638888888888890893458238907;0.019444444444444444752839729063;0.024652777777777776929690745078;0.019444444444444444752839729063;0.004861111111111111188209932266;0.018055555555555553859381490156;0.009374999999999999653055304805;0.011805555555555555247160270937;0.022222222222222223070309254922;0.040972222222222222376419864531;0.025347222222222222376419864531;0.021874999999999998612221219219;0.001041666666666666652210637700;0.002777777777777777883788656865;0.055208333333333331482961625625;0.054513888888888889505679458125;0.020486111111111111188209932266;0.016319444444444445446729119453;0.008333333333333333217685101602;0.025694444444444443365060948281;0.018055555555555553859381490156;0.007638888888888888638317720137;0.017013888888888887424011286953;0.000347222222222222235473582108;0.018055555555555553859381490156;0.005208333333333333044212754004;0.005902777777777777623580135469;0.000000000000000000000000000000;0.017708333333333332870740406406;0.009374999999999999653055304805;0.023263888888888889505679458125;0.020486111111111111188209932266;0.018749999999999999306110609609;0.019791666666666665741480812812;0.010069444444444445099784424258
-0.022499999999999999167332731531;0.013055555555555556357383295563;0.070555555555555551916491197062;0.000000000000000000000000000000;0.004444444444444444440589503387;0.024444444444444445724284875610;0.001944444444444444388547799107;0.018055555555555553859381490156;0.042777777777777775680689842375;0.020833333333333332176851016015;0.009444444444444444544672911945;0.013055555555555556357383295563;0.017222222222222222098864108375;0.030277777777777778456247403938;0.007777777777777777554191196430;0.015555555555555555108382392859;0.030833333333333334119741309109;0.064444444444444443087505192125;0.010555555555555555871660722289;0.013611111111111110286153724758;0.011944444444444445030395485219;0.038611111111111109939209029562;0.046944444444444441422170655187;0.026388888888888888811790067734;0.018611111111111109522875395328;0.019722222222222220849863205672;0.029444444444444443226283070203;0.004166666666666666608842550801;0.001944444444444444388547799107;0.021388888888888887840344921187;0.008055555555555555385938149016;0.016388888888888890338346726594;0.010000000000000000208166817117;0.013333333333333334189130248149;0.029166666666666667129259593594;0.035555555555555555524716027094;0.013055555555555556357383295563;0.005555555555555555767577313730;0.006944444444444444058950338672;0.056944444444444443365060948281;0.006666666666666667094565124074;0.025833333333333333148296162562;0.000000000000000000000000000000;0.013333333333333334189130248149;0.005555555555555555767577313730;0.015555555555555555108382392859;0.022777777777777778733803160094;0.018611111111111109522875395328;0.033888888888888892003681263532;0.012222222222222222862142437805
-0.014492753623188405973087888867;0.028260869565217391213840514297;0.031521739130434781039902247812;0.234420289855072461193685740000;0.052173913043478258033669447968;0.017753623188405797533873098359;0.003623188405797101493271972217;0.021014492753623187359934831875;0.028985507246376811946175777734;0.011956521739130435144637942813;0.006521739130434782254208680996;0.006521739130434782254208680996;0.014492753623188405973087888867;0.013768115942028985240752625430;0.020652173913043476993767200156;0.006521739130434782254208680996;0.031521739130434781039902247812;0.043840579710144926550707822344;0.015579710144927537071590784024;0.007971014492753622851517469883;0.014130434782608695606920257148;0.020652173913043476993767200156;0.019927536231884056261431936719;0.014492753623188405973087888867;0.016666666666666666435370203203;0.010869565217391304046135047656;0.018115942028985507900040730078;0.032608695652173912138405142969;0.001449275362318840597308788887;0.022463768115942028824605358750;0.003985507246376811425758734941;0.013405797101449274874584993711;0.015217391304347826705423152305;0.005434782608695652023067523828;0.016666666666666666435370203203;0.023913043478260870289275885625;0.005797101449275362389235155547;0.002898550724637681194617577773;0.002173913043478260895963183330;0.023550724637681159923108253906;0.006884057971014492620376312715;0.021739130434782608092270095312;0.000000000000000000000000000000;0.010507246376811593679967415937;0.015942028985507245703034939766;0.006884057971014492620376312715;0.008333333333333333217685101602;0.007971014492753622851517469883;0.021014492753623187359934831875;0.004710144927536232158093998379
-0.025213675213675214303865601551;0.029059829059829060671216183209;0.017521367521367521569164438233;0.291452991452991472254296922983;0.013247863247863247634916739059;0.033760683760683758702914047944;0.002564102564102564100340098108;0.023931623931623933337897724982;0.004273504273504273934247699174;0.013675213675213675201813856575;0.011111111111111111535154627461;0.013247863247863247634916739059;0.015384615384615385469402326635;0.011538461538461539102051744976;0.022649572649572648902482896460;0.010256410256410256401360392431;0.002991452991452991667237215623;0.020512820512820512802720784862;0.023931623931623933337897724982;0.002991452991452991667237215623;0.012820512820512820068019621544;0.002564102564102564100340098108;0.010256410256410256401360392431;0.014957264957264957902505209120;0.028205128205128205537421948179;0.018803418803418802535132314802;0.019658119658119657668926549832;0.093162393162393164480761242885;0.000000000000000000000000000000;0.026495726495726495269833478119;0.011538461538461539102051744976;0.004700854700854700633783078700;0.014529914529914530335608091605;0.004273504273504273934247699174;0.014957264957264957902505209120;0.012820512820512820068019621544;0.005982905982905983334474431246;0.007264957264957265167804045802;0.000427350427350427350056683018;0.005555555555555555767577313730;0.008119658119658120301598280832;0.010256410256410256401360392431;0.000000000000000000000000000000;0.010256410256410256401360392431;0.021367521367521367936515019892;0.007692307692307692734701163317;0.012393162393162392501122504029;0.007264957264957265167804045802;0.017948717948717947401338079771;0.006410256410256410034009810772
-0.033730158730158728286330216406;0.007142857142857142634106981660;0.063492063492063488538974525000;0.002777777777777777883788656865;0.013095238095238095551997581367;0.042857142857142857539365365938;0.001984126984126984016842953906;0.024603174603174602502742018828;0.015079365079365079568840535273;0.032539682539682542039560786407;0.022619047619047618485899064922;0.015079365079365079568840535273;0.016666666666666666435370203203;0.036111111111111107718762980312;0.011904761904761904101057723437;0.022619047619047618485899064922;0.020634920634920634469056111016;0.038492063492063494090089648125;0.044047619047619050725028699844;0.008333333333333333217685101602;0.020238095238095239053466301016;0.021428571428571428769682682969;0.009523809523809524668624959531;0.028968253968253969421464688594;0.036507936507936510073246694219;0.034920634920634921471993550313;0.031746031746031744269487262500;0.004365079365079365183999193789;0.000396825396825396825052634231;0.041666666666666664353702032031;0.008730158730158730367998387578;0.018253968253968255036623347110;0.017460317460317460735996775156;0.005158730158730158617264027754;0.020238095238095239053466301016;0.032142857142857139685077072500;0.009920634920634920084214769531;0.007142857142857142634106981660;0.000000000000000000000000000000;0.021031746031746033354092872969;0.006349206349206349200842147695;0.008333333333333333217685101602;0.000000000000000000000000000000;0.015476190476190476719153821250;0.012698412698412698401684295391;0.009523809523809524668624959531;0.033730158730158728286330216406;0.024206349206349207087152208828;0.031746031746031744269487262500;0.014285714285714285268213963320
-0.046333333333333330539272054693;0.012000000000000000249800180541;0.044333333333333335701809119200;0.062666666666666662188767134012;0.000666666666666666644404382058;0.028333333333333331899295259859;0.004000000000000000083266726847;0.012666666666666666352103476356;0.019333333333333334314030338419;0.020000000000000000416333634234;0.018666666666666668211727042603;0.015333333333333332496040135595;0.028000000000000000582867087928;0.036666666666666666851703837438;0.003666666666666666598434209945;0.033000000000000001554312234475;0.012666666666666666352103476356;0.025333333333333332704206952712;0.007666666666666666248020067798;0.005333333333333333155235056466;0.010333333333333333259318465025;0.018666666666666668211727042603;0.015333333333333332496040135595;0.022999999999999999611421941381;0.050333333333333334091985733494;0.032333333333333331982561986706;0.022999999999999999611421941381;0.013666666666666667240281896056;0.000666666666666666644404382058;0.014999999999999999444888487687;0.016666666666666666435370203203;0.013666666666666667240281896056;0.007666666666666666248020067798;0.016666666666666666435370203203;0.038666666666666668628060676838;0.028000000000000000582867087928;0.009333333333333334105863521302;0.017000000000000001221245327088;0.005333333333333333155235056466;0.027333333333333334480563792113;0.002666666666666666577617528233;0.021666666666666667406815349750;0.000000000000000000000000000000;0.011666666666666667198648532633;0.002666666666666666577617528233;0.016000000000000000333066907388;0.030999999999999999777955395075;0.036999999999999998168132009368;0.029999999999999998889776975375;0.028000000000000000582867087928
-0.048484848484848484806430946037;0.005303030303030303350964036468;0.043560606060606063549833777415;0.000378787878787878787550241766;0.001136363636363636308440616673;0.032954545454545451643735276548;0.005303030303030303350964036468;0.011742424242424241709326082628;0.016666666666666666435370203203;0.026136363636363634660453314495;0.023484848484848483418652165255;0.016287878787878788677812025298;0.028409090909090908144696285831;0.040530303030303027611580546363;0.002272727272727272616881233347;0.033712121212121214097745536264;0.026515151515151515887458444354;0.026136363636363634660453314495;0.009090909090909090467524933388;0.010606060606060606701928072937;0.015909090909090907450806895440;0.012500000000000000693889390391;0.013636363636363635701287400082;0.037121212121212124324109993267;0.048484848484848484806430946037;0.041666666666666664353702032031;0.024242424242424242403215473018;0.001515151515151515150200967064;0.002272727272727272616881233347;0.022348484848484850145977631541;0.019318181818181817677171352443;0.015151515151515151935690539631;0.006818181818181817850643700041;0.013257575757575757943729222177;0.035984848484848487581988507600;0.032954545454545451643735276548;0.008333333333333333217685101602;0.021590909090909091161414323778;0.001893939393939393991961317454;0.024621212121212120160773650923;0.001893939393939393991961317454;0.013257575757575757943729222177;0.000000000000000000000000000000;0.026515151515151515887458444354;0.003409090909090908925321850020;0.030681818181818181628939257166;0.034848484848484850839867021932;0.031439393939393940613502564929;0.027272727272727271402574800163;0.022348484848484850145977631541
-0.016944444444444446001840631766;0.006388888888888889262818171488;0.053611111111111109384097517250;0.005555555555555555767577313730;0.000555555555555555555073687923;0.008333333333333333217685101602;0.002777777777777777883788656865;0.016944444444444446001840631766;0.026388888888888888811790067734;0.071111111111111111049432054187;0.006388888888888889262818171488;0.003611111111111110945348645629;0.005555555555555555767577313730;0.040277777777777780399137697032;0.003888888888888888777095598215;0.005555555555555555767577313730;0.045555555555555557467606320188;0.030833333333333334119741309109;0.003888888888888888777095598215;0.008055555555555555385938149016;0.008333333333333333217685101602;0.028333333333333331899295259859;0.011666666666666667198648532633;0.121388888888888893391460044313;0.013611111111111110286153724758;0.034166666666666664631257788187;0.014722222222222221613141535101;0.003055555555555555715535609451;0.007499999999999999722444243844;0.003611111111111110945348645629;0.002500000000000000052041704279;0.054722222222222220711085327594;0.002777777777777777883788656865;0.006388888888888889262818171488;0.023333333333333334397297065266;0.064722222222222222653975620688;0.007499999999999999722444243844;0.005277777777777777935830361145;0.001388888888888888941894328433;0.025000000000000001387778780781;0.005833333333333333599324266316;0.020833333333333332176851016015;0.000000000000000000000000000000;0.061388888888888888673012189656;0.002500000000000000052041704279;0.026666666666666668378260496297;0.041111111111111112159655078813;0.018888888888888889089345823891;0.013611111111111110286153724758;0.006944444444444444058950338672
-0.038775510204081632681383240424;0.001020408163265306214495531378;0.040816326530612241640927351227;0.000000000000000000000000000000;0.000680272108843537367910137004;0.051360544217687077728218270067;0.000340136054421768683955068502;0.012925170068027210315553254816;0.006462585034013605157776627408;0.051700680272108841262213019263;0.025510204081632653627664808482;0.034353741496598637350512461808;0.020748299319727891293352328717;0.039115646258503403154271893527;0.002040816326530612428991062757;0.044897959183673466498909476741;0.009863945578231291672066660681;0.010204081632653060410231837807;0.008163265306122449715964251027;0.004421768707482993596147302640;0.010544217687074829148397014933;0.010884353741496597886562192059;0.007823129251700680977799073901;0.072108843537414965552123646830;0.077891156462585028896761230044;0.053061224489795916214873727768;0.017346938775510203911700557455;0.000000000000000000000000000000;0.000340136054421768683955068502;0.014625850340136054006379140446;0.031972789115646257918079697902;0.020748299319727891293352328717;0.007823129251700680977799073901;0.009183673469387755930459782405;0.023129251700680270725785092623;0.031632653061224487445191044799;0.006802721088435373895941804534;0.013605442176870747791883609068;0.000340136054421768683955068502;0.013605442176870747791883609068;0.004761904761904762334312479766;0.001020408163265306214495531378;0.000000000000000000000000000000;0.029591836734693878485646933996;0.002040816326530612428991062757;0.017346938775510203911700557455;0.037074829931972787255833878817;0.034013605442176873816517712612;0.017346938775510203911700557455;0.029931972789115645489088635145
-0.039166666666666669072149886688;0.005000000000000000104083408559;0.047500000000000000555111512313;0.002500000000000000052041704279;0.006111111111111111431071218902;0.059444444444444445585506997531;0.000833333333333333386820640509;0.011388888888888889366901580047;0.030833333333333334119741309109;0.013611111111111110286153724758;0.020833333333333332176851016015;0.045555555555555557467606320188;0.022222222222222223070309254922;0.038055555555555557745162076344;0.005833333333333333599324266316;0.043611111111111114380101128063;0.009166666666666666712925959359;0.027222222222222220572307449515;0.019722222222222220849863205672;0.006111111111111111431071218902;0.013888888888888888117900677344;0.029166666666666667129259593594;0.006666666666666667094565124074;0.013055555555555556357383295563;0.076111111111111115490324152688;0.036388888888888887285233408875;0.023055555555555554830826636703;0.001666666666666666773641281019;0.000000000000000000000000000000;0.042222222222222223486642889156;0.034722222222222223764198645313;0.003888888888888888777095598215;0.008333333333333333217685101602;0.010833333333333333703407674875;0.028888888888888887562789165031;0.024166666666666666157814447047;0.007499999999999999722444243844;0.008611111111111111049432054187;0.005833333333333333599324266316;0.021111111111111111743321444578;0.002777777777777777883788656865;0.010277777777777778039913769703;0.000000000000000000000000000000;0.008611111111111111049432054187;0.005833333333333333599324266316;0.006388888888888889262818171488;0.028888888888888887562789165031;0.029444444444444443226283070203;0.029444444444444443226283070203;0.027500000000000000138777878078
-0.037499999999999998612221219219;0.012121212121212121201607736509;0.025378787878787879145336958686;0.011363636363636363951767904723;0.023863636363636364645657295114;0.042424242424242426807712291748;0.008712121212121212709966755483;0.021969696969696968918972501683;0.012121212121212121201607736509;0.015151515151515151935690539631;0.026515151515151515887458444354;0.043181818181818182322828647557;0.029545454545454544886817771498;0.023863636363636364645657295114;0.018560606060606062162054996634;0.023106060606060605661093987351;0.014772727272727272443408885749;0.030303030303030303871381079261;0.028030303030303030387138107926;0.005303030303030303350964036468;0.025757575757575756902895136591;0.012878787878787878451447568295;0.022348484848484850145977631541;0.019318181818181817677171352443;0.036363636363636361870099733551;0.027272727272727271402574800163;0.039393939393939390869459060696;0.004924242424242423858682382587;0.002651515151515151675482018234;0.051515151515151513805790273182;0.030303030303030303871381079261;0.011742424242424241709326082628;0.016666666666666666435370203203;0.011363636363636363951767904723;0.022727272727272727903535809446;0.021969696969696968918972501683;0.011363636363636363951767904723;0.015151515151515151935690539631;0.004545454545454545233762466694;0.012878787878787878451447568295;0.005681818181818181975883952362;0.009469696969696969959806587269;0.000000000000000000000000000000;0.017045454545454544192928381108;0.013636363636363635701287400082;0.016666666666666666435370203203;0.018181818181818180935049866775;0.014015151515151515193569053963;0.034469696969696969612861892074;0.015909090909090907450806895440
-0.032638888888888890893458238907;0.006597222222222222202947516934;0.020138888888888890199568848516;0.000694444444444444470947164216;0.022916666666666665047591422422;0.061805555555555558022717832500;0.004166666666666666608842550801;0.025000000000000001387778780781;0.017361111111111111882099322656;0.007986111111111110494320541875;0.021527777777777777623580135469;0.043402777777777776235801354687;0.037847222222222219600862302968;0.016666666666666666435370203203;0.009027777777777776929690745078;0.021874999999999998612221219219;0.010763888888888888811790067734;0.024652777777777776929690745078;0.037847222222222219600862302968;0.005555555555555555767577313730;0.025347222222222222376419864531;0.006944444444444444058950338672;0.017708333333333332870740406406;0.015972222222222220988641083750;0.042013888888888892281237019688;0.020486111111111111188209932266;0.023611111111111110494320541875;0.061458333333333330095182844843;0.001736111111111111014737584668;0.069097222222222226539756206876;0.026041666666666667823148983985;0.006597222222222222202947516934;0.027083333333333334258519187188;0.006597222222222222202947516934;0.026388888888888888811790067734;0.025347222222222222376419864531;0.012847222222222221682530474141;0.013541666666666667129259593594;0.004861111111111111188209932266;0.012847222222222221682530474141;0.006597222222222222202947516934;0.019097222222222223764198645313;0.000000000000000000000000000000;0.008333333333333333217685101602;0.009722222222222222376419864531;0.013194444444444444405895033867;0.013194444444444444405895033867;0.009722222222222222376419864531;0.035069444444444444752839729063;0.010069444444444445099784424258
-0.041520467836257311800007840930;0.006432748538011696243232862003;0.054093567251461985301297374917;0.000000000000000000000000000000;0.026023391812865497019213734120;0.050292397660818714821839847673;0.002046783625730994298635989637;0.016666666666666666435370203203;0.033625730994152044917022692516;0.017251461988304093997381727377;0.017251461988304093997381727377;0.040935672514619880768549364802;0.023684210526315790240614589379;0.033333333333333332870740406406;0.005263157894736841986571551644;0.027777777777777776235801354687;0.023391812865497074724885351316;0.026608187134502924581225258294;0.021345029239766083462015444638;0.006140350877192982462227099916;0.014327485380116959656771058462;0.025438596491228069457202209946;0.012865497076023392486465724005;0.021052631578947367946286206575;0.046491228070175437403488416521;0.031871345029239765700435071949;0.021052631578947367946286206575;0.000584795321637426911490220682;0.001461988304093567170305334457;0.055555555555555552471602709375;0.026315789473684209065496020230;0.013742690058479532094759534289;0.012280701754385964924454199831;0.006725146198830409156876886101;0.022222222222222223070309254922;0.030701754385964910576412023602;0.007602339181286549632532434373;0.017836257309941521559393251550;0.006432748538011696243232862003;0.019005847953216373213969347944;0.003216374269005848121616431001;0.009064327485380116802837768830;0.000000000000000000000000000000;0.012280701754385964924454199831;0.003801169590643274816266217186;0.014912280701754385484059106659;0.030701754385964910576412023602;0.022807017543859650632320779096;0.020467836257309940384274682401;0.015497076023391813046070630833
-0.035317460317460316887583360312;0.008333333333333333217685101602;0.071031746031746029190756530625;0.001984126984126984016842953906;0.010714285714285714384841341484;0.018650793650793650452213157109;0.002777777777777777883788656865;0.022619047619047618485899064922;0.044047619047619050725028699844;0.023809523809523808202115446875;0.016666666666666666435370203203;0.015476190476190476719153821250;0.015476190476190476719153821250;0.039285714285714284921269268125;0.011507936507936508685467913438;0.018650793650793650452213157109;0.020634920634920634469056111016;0.031349206349206348853897452500;0.009126984126984127518311673555;0.012301587301587301251371009414;0.014285714285714285268213963320;0.025793650793650792218958400781;0.008730158730158730367998387578;0.025000000000000001387778780781;0.046825396825396825573051273750;0.035714285714285712303173170312;0.030158730158730159137681070547;0.030158730158730159137681070547;0.000396825396825396825052634231;0.015079365079365079568840535273;0.012301587301587301251371009414;0.017460317460317460735996775156;0.008333333333333333217685101602;0.011904761904761904101057723437;0.019444444444444444752839729063;0.032539682539682542039560786407;0.011507936507936508685467913438;0.007539682539682539784420267637;0.008333333333333333217685101602;0.021825396825396824185272492969;0.005555555555555555767577313730;0.025793650793650792218958400781;0.000000000000000000000000000000;0.014682539682539682418527249297;0.010317460317460317234528055508;0.014285714285714285268213963320;0.044841269841269841556208319844;0.023809523809523808202115446875;0.027777777777777776235801354687;0.019841269841269840168429539062
-0.044715447154471545110343555507;0.005691056910569106119801574550;0.039837398373983742838611021853;0.000000000000000000000000000000;0.011788617886178862428914193572;0.034552845528455285173397015797;0.003252032520325203249211831746;0.037398373983739838233297803072;0.008130081300813008990391317354;0.030081300813008131356252050637;0.023983739837398373312415955638;0.025203252032520325615072565029;0.015853658536585366056748114261;0.057317073170731709652603313998;0.008943089430894309369013406297;0.023577235772357724857828387144;0.011788617886178862428914193572;0.023983739837398373312415955638;0.028455284552845527129560920798;0.007317073170731707744407490424;0.031300813008130083658908660027;0.008130081300813008990391317354;0.011382113821138212239603149101;0.030487804878048779810839619131;0.047560975609756098170244342782;0.041869918699186992050442768232;0.039837398373983742838611021853;0.000813008130081300812302957937;0.000406504065040650406151478968;0.025609756097560974069660133523;0.011788617886178862428914193572;0.010975609756097560315568628653;0.010975609756097560315568628653;0.003658536585365853872203745212;0.020325203252032519873893079421;0.038617886178861790535954412462;0.015447154471544715867437069790;0.008536585365853659179702361826;0.000000000000000000000000000000;0.012195121951219512618225238043;0.008536585365853659179702361826;0.003658536585365853872203745212;0.000000000000000000000000000000;0.018292682926829267192614381088;0.009756097560975609747635495239;0.014634146341463415488814980847;0.041463414634146343595855199737;0.042276422764227640505030336726;0.032520325203252035961565269417;0.017073170731707318359404723651
-0.055833333333333332038073137937;0.011666666666666667198648532633;0.034166666666666664631257788187;0.001666666666666666773641281019;0.017916666666666667545593227828;0.044166666666666666574148081281;0.004166666666666666608842550801;0.015416666666666667059870654555;0.014999999999999999444888487687;0.029166666666666667129259593594;0.018749999999999999306110609609;0.028750000000000001249000902703;0.017083333333333332315628894094;0.044583333333333335923853724125;0.006666666666666667094565124074;0.035000000000000003330669073875;0.009583333333333332593184650250;0.016666666666666666435370203203;0.016250000000000000555111512313;0.003333333333333333547282562037;0.011249999999999999583666365766;0.008333333333333333217685101602;0.003749999999999999861222121922;0.040833333333333332593184650250;0.067083333333333328152292551749;0.047500000000000000555111512313;0.029999999999999998889776975375;0.016250000000000000555111512313;0.000833333333333333386820640509;0.042083333333333333703407674875;0.022916666666666665047591422422;0.013333333333333334189130248149;0.010833333333333333703407674875;0.007083333333333332974823814965;0.017083333333333332315628894094;0.029166666666666667129259593594;0.007916666666666667337426410711;0.018749999999999999306110609609;0.002083333333333333304421275400;0.010416666666666666088425508008;0.004166666666666666608842550801;0.011666666666666667198648532633;0.000000000000000000000000000000;0.024583333333333332038073137937;0.008333333333333333217685101602;0.011666666666666667198648532633;0.032500000000000001110223024625;0.035000000000000003330669073875;0.016666666666666666435370203203;0.022083333333333333287074040641
-0.030487804878048779810839619131;0.035772357723577237476053625187;0.021138211382113820252515168363;0.039837398373983742838611021853;0.053658536585365852744633485827;0.029674796747967479432217530189;0.010162601626016259936946539710;0.033739837398373981325327974901;0.022357723577235772555171777753;0.011788617886178862428914193572;0.017073170731707318359404723651;0.024796747967479673691038044581;0.013414634146341463186158371457;0.018699186991869919116648901536;0.043089430894308944353099377622;0.023577235772357724857828387144;0.013414634146341463186158371457;0.028048780487804878674973352304;0.030487804878048779810839619131;0.005691056910569106119801574550;0.019918699186991871419305510926;0.008943089430894309369013406297;0.004878048780487804873817747620;0.016260162601626017980782634709;0.032520325203252035961565269417;0.022764227642276424479206298201;0.026422764227642277917729174419;0.063414634146341464226992457043;0.002845528455284553059900787275;0.034552845528455285173397015797;0.019105691056910567571236470030;0.009349593495934959558324450768;0.010569105691056910126257584182;0.006097560975609756309112619022;0.012601626016260162807536282514;0.018699186991869919116648901536;0.009756097560975609747635495239;0.012601626016260162807536282514;0.002439024390243902436908873810;0.005691056910569106119801574550;0.012601626016260162807536282514;0.016666666666666666435370203203;0.000000000000000000000000000000;0.010975609756097560315568628653;0.036178861788617885930641193681;0.008536585365853659179702361826;0.019105691056910567571236470030;0.019512195121951219495270990478;0.015447154471544715867437069790;0.014634146341463415488814980847
-0.028260869565217391213840514297;0.010144927536231883313799784219;0.041666666666666664353702032031;0.011956521739130435144637942813;0.009782608695652174682355628477;0.026086956521739129016834723984;0.006159420289855072755402787266;0.023913043478260870289275885625;0.029710144927536232678511041172;0.041304347826086953987534400312;0.014855072463768116339255520586;0.015217391304347826705423152305;0.017391304347826087167705466641;0.036594202898550726166249091875;0.010869565217391304046135047656;0.013768115942028985240752625430;0.020289855072463766627599568437;0.029710144927536232678511041172;0.022101449275362318458437727031;0.005797101449275362389235155547;0.021739130434782608092270095312;0.025000000000000001387778780781;0.018115942028985507900040730078;0.055434782608695651329178133437;0.024637681159420291021611149063;0.037318840579710146898584355313;0.028260869565217391213840514297;0.004347826086956521791926366660;0.001811594202898550746635986108;0.027898550724637680847672882578;0.012681159420289855876973206250;0.029347826086956522312343409453;0.011231884057971014412302679375;0.007246376811594202986543944434;0.016304347826086956069202571484;0.049637681159420292409389929844;0.011956521739130435144637942813;0.011956521739130435144637942813;0.005797101449275362389235155547;0.017028985507246376801537834922;0.008695652173913043583852733320;0.012681159420289855876973206250;0.000000000000000000000000000000;0.025362318840579711753946412500;0.008695652173913043583852733320;0.019927536231884056261431936719;0.034057971014492753603075669844;0.019202898550724638998543625235;0.026811594202898549749169987422;0.011231884057971014412302679375
-0.028787878787878789371701415689;0.004166666666666666608842550801;0.056818181818181816289392571662;0.025378787878787879145336958686;0.000757575757575757575100483532;0.010606060606060606701928072937;0.001893939393939393991961317454;0.020075757575757576661734660206;0.011363636363636363951767904723;0.089772727272727267933127848210;0.010606060606060606701928072937;0.006818181818181817850643700041;0.006060606060606060600803868255;0.043181818181818182322828647557;0.004545454545454545233762466694;0.026515151515151515887458444354;0.010227272727272727209646419055;0.014015151515151515193569053963;0.004924242424242423858682382587;0.007196969696969697342925353922;0.011363636363636363951767904723;0.010606060606060606701928072937;0.006818181818181817850643700041;0.110984848484848491745324849944;0.025757575757575756902895136591;0.068939393939393939225723784148;0.020075757575757576661734660206;0.004545454545454545233762466694;0.001515151515151515150200967064;0.003787878787878787983922634908;0.004545454545454545233762466694;0.034848484848484850839867021932;0.001893939393939393991961317454;0.007196969696969697342925353922;0.012121212121212121201607736509;0.065151515151515154711248101194;0.006439393939393939225723784148;0.014015151515151515193569053963;0.000757575757575757575100483532;0.006439393939393939225723784148;0.007575757575757575967845269815;0.001893939393939393991961317454;0.000000000000000000000000000000;0.050757575757575758290673917372;0.002272727272727272616881233347;0.028409090909090908144696285831;0.054545454545454542805149600326;0.029166666666666667129259593594;0.010606060606060606701928072937;0.013257575757575757943729222177
-0.033918128654970756963304978626;0.009941520467836258145855055091;0.059356725146198829889954140526;0.000877192982456140367235331023;0.002339181286549707645960882729;0.013157894736842104532748010115;0.002339181286549707645960882729;0.026023391812865497019213734120;0.011988304093567251143448437745;0.053216374269005849162450516587;0.021052631578947367946286206575;0.004678362573099415291921765458;0.013742690058479532094759534289;0.044444444444444446140618509844;0.009649122807017544364849293004;0.017543859649122806043664013487;0.014327485380116959656771058462;0.032748538011695908778175834186;0.016666666666666666435370203203;0.004970760233918129072927527545;0.015204678362573099265064868746;0.011403508771929825316160389548;0.012865497076023392486465724005;0.071637426900584791344961388404;0.030409356725146198530129737492;0.063450292397660812415693953881;0.029532163742690058921835927208;0.005555555555555555767577313730;0.000877192982456140367235331023;0.010818713450292397754148865374;0.006140350877192982462227099916;0.028947368421052631359824403035;0.009941520467836258145855055091;0.003801169590643274816266217186;0.012573099415204678705459961918;0.051461988304093569945862896020;0.012865497076023392486465724005;0.010233918128654970192137341201;0.005555555555555555767577313730;0.012573099415204678705459961918;0.007017543859649122937882648188;0.005555555555555555767577313730;0.000000000000000000000000000000;0.042690058479532166924030889277;0.004678362573099415291921765458;0.022222222222222223070309254922;0.049707602339181283790381371546;0.029824561403508770968118213318;0.019298245614035088729698586008;0.020175438596491228337992396291
-0.031578947368421053654152785839;0.016228070175438594896499822084;0.020614035087719299876862777410;0.007894736842105263413538196460;0.032017543859649125193023166958;0.038596491228070177459397172015;0.006578947368421052266374005058;0.053070175438596489669862421579;0.009649122807017544364849293004;0.009210526315789472825978911885;0.026315789473684209065496020230;0.015350877192982455288206011801;0.021052631578947367946286206575;0.017982456140350877582534394605;0.035087719298245612087328026973;0.010087719298245614168996198146;0.012280701754385964924454199831;0.042982456140350878970313175387;0.066666666666666665741480812812;0.006140350877192982462227099916;0.032894736842105261331870025288;0.007456140350877192742029553330;0.019298245614035088729698586008;0.013596491228070176071618391234;0.028508771929824559820954021916;0.024122807017543858310038018544;0.045175438596491229725771177073;0.007456140350877192742029553330;0.002192982456140350755458001686;0.060526315789473685013977188873;0.010087719298245614168996198146;0.007894736842105263413538196460;0.033333333333333332870740406406;0.005701754385964912658080194774;0.018859649122807017190828204889;0.026315789473684209065496020230;0.016666666666666666435370203203;0.007456140350877192742029553330;0.002631578947368420993285775822;0.008771929824561403021832006743;0.008333333333333333217685101602;0.007456140350877192742029553330;0.000000000000000000000000000000;0.008771929824561403021832006743;0.030263157894736842506988594437;0.013596491228070176071618391234;0.015789473684210526827076392919;0.008333333333333333217685101602;0.039912280701754385137114411464;0.009210526315789472825978911885
-0.027333333333333334480563792113;0.024666666666666666601903656897;0.038333333333333330372738601000;0.008666666666666666268836749509;0.047666666666666669682772550232;0.051333333333333334980164153194;0.002333333333333333526465880325;0.035333333333333334647097245806;0.008999999999999999319988397417;0.015333333333333332496040135595;0.027333333333333334480563792113;0.014000000000000000291433543964;0.017999999999999998639976794834;0.025666666666666667490082076597;0.035999999999999997279953589668;0.015333333333333332496040135595;0.012666666666666666352103476356;0.031666666666666669349705642844;0.057666666666666664686768939418;0.006666666666666667094565124074;0.026333333333333333592385372413;0.012666666666666666352103476356;0.011333333333333334147496884725;0.014666666666666666393736839780;0.031666666666666669349705642844;0.025666666666666667490082076597;0.035999999999999997279953589668;0.021000000000000001304512053935;0.000333333333333333322202191029;0.047333333333333331427450474393;0.005333333333333333155235056466;0.009333333333333334105863521302;0.022666666666666668294993769450;0.007666666666666666248020067798;0.021000000000000001304512053935;0.021666666666666667406815349750;0.014000000000000000291433543964;0.003000000000000000062450045135;0.007666666666666666248020067798;0.007333333333333333196868419890;0.009333333333333334105863521302;0.008000000000000000166533453694;0.000000000000000000000000000000;0.007666666666666666248020067798;0.027666666666666665796991964044;0.006333333333333333176051738178;0.021999999999999998723243521681;0.016333333333333331649495079319;0.032333333333333331982561986706;0.018666666666666668211727042603
-0.040686274509803922738715442620;0.004411764705882352879950936142;0.060294117647058824427386269917;0.001960784313725490168867082730;0.000980392156862745084433541365;0.031372549019607842701873323676;0.000490196078431372542216770682;0.009313725490196078302118642966;0.018137254901960785796743991227;0.028921568627450981725512946241;0.029411764705882352533006240947;0.012254901960784313555419267061;0.014705882352941176266503120473;0.061764705882352943788760057942;0.008333333333333333217685101602;0.044607843137254903076449608079;0.010784313725490195928768955014;0.025490196078431372195272075487;0.010294117647058823386552184331;0.004901960784313725422167706824;0.009313725490196078302118642966;0.014705882352941176266503120473;0.004411764705882352879950936142;0.038725490196078432569848359890;0.055392156862745095535771611139;0.054411764705882353920785021728;0.034313725490196081424620899725;0.001470588235294117626650312047;0.000490196078431372542216770682;0.014215686274509803724286349791;0.007843137254901960675468330919;0.011764705882352941013202496379;0.004411764705882352879950936142;0.015196078431372548808719891156;0.027941176470588236641079404876;0.031862745098039213509366618382;0.011764705882352941013202496379;0.014705882352941176266503120473;0.006372549019607843048818018872;0.017647058823529411519803744568;0.002450980392156862711083853412;0.006862745098039215591034789554;0.000000000000000000000000000000;0.018627450980392156604237285933;0.004901960784313725422167706824;0.010294117647058823386552184331;0.055392156862745095535771611139;0.052450980392156863751917938998;0.019117647058823530881177532592;0.033823529411764703678233701112
-0.056666666666666663798590519718;0.011666666666666667198648532633;0.041111111111111112159655078813;0.001111111111111111110147375847;0.005000000000000000104083408559;0.016111111111111110771876298031;0.000555555555555555555073687923;0.016666666666666666435370203203;0.009444444444444444544672911945;0.032777777777777780676693453188;0.021666666666666667406815349750;0.006666666666666667094565124074;0.018333333333333333425851918719;0.063888888888888883954564334999;0.011666666666666667198648532633;0.034444444444444444197728216750;0.012777777777777778525636342977;0.023333333333333334397297065266;0.019444444444444444752839729063;0.006666666666666667094565124074;0.018333333333333333425851918719;0.011666666666666667198648532633;0.008333333333333333217685101602;0.038333333333333330372738601000;0.047222222222222220988641083750;0.051666666666666666296592325125;0.034444444444444444197728216750;0.006666666666666667094565124074;0.000555555555555555555073687923;0.016666666666666666435370203203;0.008333333333333333217685101602;0.014999999999999999444888487687;0.011666666666666667198648532633;0.007777777777777777554191196430;0.024444444444444445724284875610;0.036666666666666666851703837438;0.010000000000000000208166817117;0.013888888888888888117900677344;0.000000000000000000000000000000;0.011666666666666667198648532633;0.005000000000000000104083408559;0.005000000000000000104083408559;0.000000000000000000000000000000;0.025555555555555557051272685953;0.008333333333333333217685101602;0.016666666666666666435370203203;0.053333333333333336756520992594;0.046666666666666668794594130532;0.030555555555555554553270880547;0.025555555555555557051272685953
-0.056321839080459769333319997031;0.004022988505747126380951428359;0.045689655172413794204100412344;0.000574712643678160911564489766;0.006321839080459770027209387422;0.054310344827586204408120806875;0.001149425287356321823128979531;0.013505747126436781421765509492;0.015229885057471264156458978789;0.024425287356321840476214291016;0.018103448275862070449004903594;0.034195402298850575972810617031;0.021839080459770114639450611094;0.037068965517241377061186113906;0.006034482758620689571427142539;0.045402298850574715483041643438;0.012356321839080459598636529961;0.014367816091954022789112244141;0.018678160919540231360569393360;0.007471264367816091850338366953;0.016379310344827587714311434297;0.014080459770114942333329999258;0.010057471264367815952378570898;0.032183908045977011047611426875;0.065804597701149422639410602187;0.045977011494252872925159181250;0.023563218390804597374144080391;0.000862068965517241367346734648;0.002298850574712643646257959062;0.033045977011494254149681637500;0.029022988505747127768730209141;0.013218390804597700965983264609;0.012068965517241379142854285078;0.006321839080459770027209387422;0.017816091954022988258499182734;0.025287356321839080108837549687;0.012931034482758620510201019727;0.021264367816091953727886121328;0.001724137931034482734693469297;0.010632183908045976863943060664;0.002586206896551724102040203945;0.006034482758620689571427142539;0.000000000000000000000000000000;0.015804597701149426802746944531;0.006896551724137930938773877187;0.011494252873563218231289795312;0.038505747126436784544267766250;0.035057471264367819074880827657;0.027873563218390805945601229610;0.024137931034482758285708570156
-0.045698924731182796743489404889;0.005376344086021505805361719865;0.047311827956989245536068011688;0.000537634408602150537168085087;0.010215053763440860856714920146;0.043010752688172046442893758922;0.005913978494623655692008501461;0.013440860215053763646042561675;0.025806451612903225784068084181;0.021505376344086023221446879461;0.012365591397849462138025522506;0.035483870967741935886774484743;0.028494623655913979554110682102;0.040322580645161289203404209047;0.005376344086021505805361719865;0.025806451612903225784068084181;0.019354838709677420205412801124;0.014516129032258065154059600843;0.015053763440860215908068120427;0.006989247311827957200025540629;0.011290322580645160630008483338;0.019354838709677420205412801124;0.013440860215053763646042561675;0.029032258064516130308119201686;0.045161290322580642520033933351;0.037634408602150538902808563080;0.036021505376344083171336052374;0.003763440860215053977017030107;0.003225806451612903223008510523;0.039247311827956987695387169879;0.013978494623655914400051081259;0.020967741935483872467438359877;0.013978494623655914400051081259;0.009139784946236559348697880978;0.036021505376344083171336052374;0.027956989247311828800102162518;0.009139784946236559348697880978;0.016666666666666666435370203203;0.003763440860215053977017030107;0.022580645161290321260016966676;0.003225806451612903223008510523;0.012365591397849462138025522506;0.000000000000000000000000000000;0.019892473118279570959421320708;0.004838709677419355051353200281;0.016129032258064515681361683619;0.033333333333333332870740406406;0.031182795698924729854706328069;0.026344086021505376538076603765;0.017741935483870967943387242372
-0.054678362573099416332755851045;0.007602339181286549632532434373;0.029824561403508770968118213318;0.000000000000000000000000000000;0.007602339181286549632532434373;0.053801169590643273255015088807;0.004678362573099415291921765458;0.021929824561403507554580016858;0.013742690058479532094759534289;0.020467836257309940384274682401;0.021637426900584795508297730748;0.037134502923976610289091837558;0.037426900584795322335374123668;0.023391812865497074724885351316;0.011111111111111111535154627461;0.036257309941520467211351075321;0.013742690058479532094759534289;0.025730994152046784972931448010;0.021929824561403507554580016858;0.007309941520467835851526672286;0.016666666666666666435370203203;0.010233918128654970192137341201;0.017251461988304093997381727377;0.016666666666666666435370203203;0.055847953216374271456778899392;0.029239766081871343406106689145;0.019298245614035088729698586008;0.000877192982456140367235331023;0.003216374269005848121616431001;0.020467836257309940384274682401;0.030116959064327486483847451382;0.010526315789473683973143103287;0.017836257309941521559393251550;0.012573099415204678705459961918;0.042397660818713447938854699260;0.025730994152046784972931448010;0.012865497076023392486465724005;0.024269005847953217802626113553;0.002923976608187134340610668914;0.019883040935672516291710110181;0.004970760233918129072927527545;0.007602339181286549632532434373;0.000000000000000000000000000000;0.016081871345029238873358679029;0.009064327485380116802837768830;0.020175438596491228337992396291;0.019298245614035088729698586008;0.019005847953216373213969347944;0.042397660818713447938854699260;0.022514619883040935116591541032
-0.049290780141843973383153354462;0.007092198581560283515701215151;0.040425531914893619855888573511;0.000354609929078014208311125932;0.007801418439716312040743684264;0.045744680851063826421132318956;0.003900709219858156020371842132;0.016312056737588651739168099652;0.029787234042553192847613274807;0.017021276595744681131572306754;0.021985815602836879939507852555;0.031205673758865248162974737056;0.025531914893617019962634984154;0.023404255319148935254869314804;0.009219858156028368223466884501;0.033687943262411347566942509957;0.021276595744680850547103645454;0.025531914893617019962634984154;0.018085106382978721750731665452;0.007801418439716312040743684264;0.021985815602836879939507852555;0.016666666666666666435370203203;0.014539007092198581727604533853;0.030851063829787233466772633506;0.051773049645390069317674175409;0.032269503546099288782134095754;0.019148936170212765839337976104;0.003900709219858156020371842132;0.005319148936170212636775911363;0.028014184397163119366602757054;0.022340425531914894635709956106;0.019148936170212765839337976104;0.013120567375886524677519595627;0.007092198581560283515701215151;0.034751773049645391655548820609;0.027304964539007093443645501907;0.008156028368794325869584049826;0.015248226950354609385285264977;0.006382978723404254990658746038;0.021985815602836879939507852555;0.005673758865248227332978014914;0.015248226950354609385285264977;0.000000000000000000000000000000;0.014893617021276596423806637404;0.010638297872340425273551822727;0.019503546099290780535540079654;0.033333333333333332870740406406;0.020921985815602835850901541903;0.028723404255319148759006964156;0.015602836879432624081487368528
-0.043749999999999997224442438437;0.007916666666666667337426410711;0.039166666666666669072149886688;0.000000000000000000000000000000;0.008750000000000000832667268469;0.033750000000000002220446049250;0.005833333333333333599324266316;0.022916666666666665047591422422;0.012083333333333333078907223523;0.023333333333333334397297065266;0.019166666666666665186369300500;0.012916666666666666574148081281;0.028750000000000001249000902703;0.037916666666666667961926862063;0.011249999999999999583666365766;0.032083333333333331760517381781;0.014583333333333333564629796797;0.026249999999999999028554853453;0.022083333333333333287074040641;0.009166666666666666712925959359;0.020416666666666666296592325125;0.010833333333333333703407674875;0.014583333333333333564629796797;0.029166666666666667129259593594;0.049583333333333333425851918719;0.040833333333333332593184650250;0.037083333333333336201409480282;0.001666666666666666773641281019;0.003333333333333333547282562037;0.016666666666666666435370203203;0.017083333333333332315628894094;0.011666666666666667198648532633;0.020416666666666666296592325125;0.007916666666666667337426410711;0.031666666666666669349705642844;0.041666666666666664353702032031;0.009166666666666666712925959359;0.019583333333333334536074943344;0.002083333333333333304421275400;0.018333333333333333425851918719;0.005416666666666666851703837438;0.005416666666666666851703837438;0.000000000000000000000000000000;0.018749999999999999306110609609;0.008333333333333333217685101602;0.023750000000000000277555756156;0.027916666666666666019036568969;0.035000000000000003330669073875;0.037499999999999998612221219219;0.022499999999999999167332731531
-0.052830188679245285165997358945;0.010377358490566037166336066377;0.021698113207547168462818731882;0.016352201257861635058654670161;0.028616352201257862220007410770;0.043710691823899368302352996807;0.003459119496855346011232601455;0.023899371069182391569274415133;0.007861635220125786152611802038;0.014150943396226415421645938864;0.025786163522012579829567613388;0.024528301886792454322705481218;0.031132075471698113233731675109;0.036163522012578615261180203788;0.014150943396226415421645938864;0.031132075471698113233731675109;0.011006289308176099919767132462;0.019496855345911948825810000585;0.021383647798742137086103198840;0.008176100628930817529327335080;0.023270440251572325346396397094;0.005974842767295597892318603783;0.008176100628930817529327335080;0.025471698113207548452852080345;0.064465408805031446104472081515;0.038679245283018866274904468128;0.029559748427672956350154009897;0.006918238993710692022465202911;0.000314465408805031430925641667;0.029874213836477987726869542939;0.019811320754716980202525533628;0.009748427672955974412905000293;0.017610062893081760565516802330;0.011320754716981131296482665505;0.027358490566037736713145278600;0.021383647798742137086103198840;0.009119496855345911659473934208;0.019182389937106917449094467543;0.000628930817610062861851283333;0.009119496855345911659473934208;0.005345911949685534271525799710;0.003459119496855346011232601455;0.000000000000000000000000000000;0.016352201257861635058654670161;0.015408805031446540928508071033;0.013836477987421384044930405821;0.029559748427672956350154009897;0.035849056603773583884464670746;0.030817610062893081857016142067;0.025471698113207548452852080345
-0.028333333333333331899295259859;0.012500000000000000693889390391;0.030833333333333334119741309109;0.016666666666666666435370203203;0.046249999999999999444888487687;0.036666666666666666851703837438;0.002083333333333333304421275400;0.020833333333333332176851016015;0.022083333333333333287074040641;0.023750000000000000277555756156;0.016666666666666666435370203203;0.029999999999999998889776975375;0.013750000000000000069388939039;0.033750000000000002220446049250;0.020000000000000000416333634234;0.020833333333333332176851016015;0.020000000000000000416333634234;0.027083333333333334258519187188;0.025416666666666667268037471672;0.004583333333333333356462979680;0.018749999999999999306110609609;0.015833333333333334674852821422;0.008750000000000000832667268469;0.027916666666666666019036568969;0.045833333333333330095182844843;0.027916666666666666019036568969;0.037083333333333336201409480282;0.011666666666666667198648532633;0.001250000000000000026020852140;0.040000000000000000832667268469;0.024166666666666666157814447047;0.013750000000000000069388939039;0.012083333333333333078907223523;0.007499999999999999722444243844;0.027083333333333334258519187188;0.029166666666666667129259593594;0.008750000000000000832667268469;0.010416666666666666088425508008;0.002083333333333333304421275400;0.020000000000000000416333634234;0.002500000000000000052041704279;0.018333333333333333425851918719;0.000000000000000000000000000000;0.012500000000000000693889390391;0.017916666666666667545593227828;0.009583333333333332593184650250;0.028333333333333331899295259859;0.030833333333333334119741309109;0.024166666666666666157814447047;0.013750000000000000069388939039
-0.046747967479674794322175301886;0.005284552845528455063128792091;0.031300813008130083658908660027;0.004065040650406504495195658677;0.038617886178861790535954412462;0.033739837398373981325327974901;0.002032520325203252247597829339;0.015853658536585366056748114261;0.005691056910569106119801574550;0.027642276422764226750938831856;0.023170731707317072933793866696;0.045528455284552848958412596403;0.024796747967479673691038044581;0.053252032520325204290045917332;0.015853658536585366056748114261;0.029268292682926830977629961694;0.006504065040650406498423663493;0.015040650406504065678126025318;0.019105691056910567571236470030;0.003658536585365853872203745212;0.016666666666666666435370203203;0.007723577235772357933718534895;0.007723577235772357933718534895;0.032520325203252035961565269417;0.047154471544715449715656774288;0.047560975609756098170244342782;0.025609756097560974069660133523;0.008536585365853659179702361826;0.000406504065040650406151478968;0.031707317073170732113496228521;0.035365853658536582082572152785;0.011382113821138212239603149101;0.011382113821138212239603149101;0.010569105691056910126257584182;0.024390243902439025236450476086;0.018699186991869919116648901536;0.006910569105691056687734707964;0.012601626016260162807536282514;0.001219512195121951218454436905;0.011788617886178862428914193572;0.004878048780487804873817747620;0.002845528455284553059900787275;0.000000000000000000000000000000;0.018699186991869919116648901536;0.016260162601626017980782634709;0.013414634146341463186158371457;0.034146341463414636718809447302;0.048373983739837395079419479771;0.021951219512195120631137257305;0.022357723577235772555171777753
-0.034848484848484850839867021932;0.029924242424242422644375949403;0.037499999999999998612221219219;0.006060606060606060600803868255;0.016666666666666666435370203203;0.018560606060606062162054996634;0.008712121212121212709966755483;0.028787878787878789371701415689;0.012878787878787878451447568295;0.025757575757575756902895136591;0.015151515151515151935690539631;0.007196969696969697342925353922;0.018560606060606062162054996634;0.032196969696969696128618920739;0.028787878787878789371701415689;0.020454545454545454419292838111;0.018560606060606062162054996634;0.043181818181818182322828647557;0.035227272727272725127978247883;0.006818181818181817850643700041;0.020075757575757576661734660206;0.010984848484848484459486250842;0.018181818181818180935049866775;0.028030303030303030387138107926;0.027651515151515152629579930021;0.027651515151515152629579930021;0.043939393939393937837945003366;0.014772727272727272443408885749;0.008333333333333333217685101602;0.018939393939393939919613174538;0.004924242424242423858682382587;0.018939393939393939919613174538;0.020075757575757576661734660206;0.004545454545454545233762466694;0.029545454545454544886817771498;0.037121212121212124324109993267;0.011742424242424241709326082628;0.010227272727272727209646419055;0.004924242424242423858682382587;0.016287878787878788677812025298;0.013257575757575757943729222177;0.014393939393939394685850707845;0.000000000000000000000000000000;0.022348484848484850145977631541;0.019318181818181817677171352443;0.023484848484848483418652165255;0.023106060606060605661093987351;0.021212121212121213403856145874;0.027272727272727271402574800163;0.012878787878787878451447568295
-0.047666666666666669682772550232;0.009333333333333334105863521302;0.058999999999999996891375531050;0.005333333333333333155235056466;0.008333333333333333217685101602;0.019333333333333334314030338419;0.002000000000000000041633363423;0.026333333333333333592385372413;0.006000000000000000124900090270;0.032666666666666663298990158637;0.018999999999999999528155214534;0.009333333333333334105863521302;0.015666666666666665547191783503;0.061999999999999999555910790150;0.012333333333333333300951828448;0.021333333333333332620940225866;0.010666666666666666310470112933;0.029000000000000001471045507628;0.019666666666666665630458510350;0.014999999999999999444888487687;0.019333333333333334314030338419;0.011666666666666667198648532633;0.009333333333333334105863521302;0.039333333333333331260917020700;0.044333333333333335701809119200;0.050999999999999996724842077356;0.036666666666666666851703837438;0.008000000000000000166533453694;0.000000000000000000000000000000;0.012000000000000000249800180541;0.006000000000000000124900090270;0.010666666666666666310470112933;0.010999999999999999361621760841;0.008333333333333333217685101602;0.016000000000000000333066907388;0.039333333333333331260917020700;0.017333333333333332537673499019;0.006333333333333333176051738178;0.000333333333333333322202191029;0.008333333333333333217685101602;0.005333333333333333155235056466;0.003000000000000000062450045135;0.000000000000000000000000000000;0.014000000000000000291433543964;0.010333333333333333259318465025;0.012333333333333333300951828448;0.062333333333333330872338962081;0.043999999999999997446487043362;0.035666666666666665963525417737;0.027666666666666665796991964044
-0.010119047619047619526733150508;0.052678571428571428769682682969;0.014880952380952380126322154297;0.036607142857142858927144146719;0.056845238095238094511163495781;0.014880952380952380126322154297;0.010119047619047619526733150508;0.058630952380952380820211544687;0.018154761904761906182725894610;0.005654761904761904621474766230;0.017261904761904763028201870156;0.005357142857142857192420670742;0.008928571428571428075793292578;0.008035714285714284921269268125;0.072321428571428578169211220938;0.006547619047619047775998790684;0.007738095238095238359576910625;0.044047619047619050725028699844;0.071428571428571424606346340624;0.002380952380952381167156239883;0.037202380952380952050528861719;0.008333333333333333217685101602;0.015178571428571428422737987773;0.007440476190476190063161077148;0.009523809523809524668624959531;0.011607142857142857539365365938;0.042261904761904764415980650938;0.059523809523809520505288617187;0.000000000000000000000000000000;0.043452380952380950662750080937;0.000595238095238095291789059971;0.002976190476190476025264430859;0.037797619047619045173913576718;0.003869047619047619179788455313;0.011607142857142857539365365938;0.021726190476190475331375040469;0.008928571428571428075793292578;0.002380952380952381167156239883;0.001488095238095238012632215430;0.005952380952380952050528861719;0.020238095238095239053466301016;0.025000000000000001387778780781;0.000000000000000000000000000000;0.001785714285714285658526745415;0.052083333333333335646297967969;0.007142857142857142634106981660;0.005357142857142857192420670742;0.005059523809523809763366575254;0.025000000000000001387778780781;0.003869047619047619179788455313
-0.023976608187134502286896875489;0.026608187134502924581225258294;0.042690058479532166924030889277;0.004093567251461988597271979273;0.022222222222222223070309254922;0.018713450292397661167687061834;0.004970760233918129072927527545;0.030701754385964910576412023602;0.025438596491228069457202209946;0.018421052631578945651957823770;0.015497076023391813046070630833;0.007309941520467835851526672286;0.017836257309941521559393251550;0.019298245614035088729698586008;0.026023391812865497019213734120;0.011695906432748537362442675658;0.028070175438596491751530592751;0.052923976608187137116168230477;0.025146198830409357410919923836;0.009941520467836258145855055091;0.023976608187134502286896875489;0.023391812865497074724885351316;0.031578947368421053654152785839;0.023684210526315790240614589379;0.021637426900584795508297730748;0.019590643274853800775980872118;0.040058479532163744629702506472;0.015497076023391813046070630833;0.001169590643274853822980441365;0.023976608187134502286896875489;0.006725146198830409156876886101;0.014912280701754385484059106659;0.024269005847953217802626113553;0.005847953216374268681221337829;0.031286549707602341607870499729;0.030116959064327486483847451382;0.019590643274853800775980872118;0.009649122807017544364849293004;0.003801169590643274816266217186;0.033040935672514620824458120296;0.014327485380116959656771058462;0.021052631578947367946286206575;0.000000000000000000000000000000;0.011403508771929825316160389548;0.023391812865497074724885351316;0.020760233918128655900003920465;0.011695906432748537362442675658;0.013450292397660818313753772202;0.037719298245614034381656409778;0.010818713450292397754148865374
-0.010069444444444445099784424258;0.009374999999999999653055304805;0.028819444444444446140618509844;0.457291666666666651863693004998;0.001736111111111111014737584668;0.007986111111111110494320541875;0.001736111111111111014737584668;0.010416666666666666088425508008;0.019444444444444444752839729063;0.009027777777777776929690745078;0.007986111111111110494320541875;0.002430555555555555594104966133;0.006250000000000000346944695195;0.010069444444444445099784424258;0.004861111111111111188209932266;0.004861111111111111188209932266;0.017361111111111111882099322656;0.026388888888888888811790067734;0.004166666666666666608842550801;0.003819444444444444319158860068;0.004861111111111111188209932266;0.011805555555555555247160270937;0.016319444444444445446729119453;0.016319444444444445446729119453;0.009722222222222222376419864531;0.013888888888888888117900677344;0.015277777777777777276635440273;0.101388888888888889505679458125;0.001041666666666666652210637700;0.005208333333333333044212754004;0.002083333333333333304421275400;0.008680555555555555941049661328;0.007291666666666666782314898398;0.006597222222222222202947516934;0.013194444444444444405895033867;0.020486111111111111188209932266;0.005555555555555555767577313730;0.008680555555555555941049661328;0.004166666666666666608842550801;0.018055555555555553859381490156;0.004166666666666666608842550801;0.011805555555555555247160270937;0.000000000000000000000000000000;0.007638888888888888638317720137;0.001736111111111111014737584668;0.012152777777777777970524830664;0.005902777777777777623580135469;0.003125000000000000173472347598;0.013888888888888888117900677344;0.004861111111111111188209932266
-0.008914728682170542511942201713;0.028682170542635658516683605512;0.070930232558139530429919261678;0.322093023255813959426774317762;0.001550387596899224784685600298;0.005038759689922480550228200968;0.004263565891472868157885400819;0.016279069767441860239198803129;0.039147286821705429282758359477;0.009302325581395348708113601788;0.007751937984496123923428001490;0.001550387596899224784685600298;0.005426356589147286746399601043;0.021317829457364340789427004097;0.024031007751937984162626804618;0.004263565891472868157885400819;0.031782945736434108086054806108;0.053875968992248064737271562308;0.008914728682170542511942201713;0.008914728682170542511942201713;0.004651162790697674354056800894;0.032945736434108530144015958285;0.007751937984496123923428001490;0.009689922480620154904285001862;0.013565891472868216865999002607;0.013178294573643410669827602533;0.018992248062015503612398603650;0.022480620155038759377941204320;0.000775193798449612392342800149;0.005813953488372092942571001117;0.001550387596899224784685600298;0.009302325581395348708113601788;0.004263565891472868157885400819;0.006976744186046511531085201341;0.010465116279069767296627802011;0.030232558139534883301369205810;0.004651162790697674354056800894;0.003875968992248061961714000745;0.001550387596899224784685600298;0.028294573643410852320512205438;0.004651162790697674354056800894;0.021317829457364340789427004097;0.000000000000000000000000000000;0.003875968992248061961714000745;0.009302325581395348708113601788;0.005813953488372092942571001117;0.020155038759689922200912803874;0.007751937984496123923428001490;0.015503875968992247846856002980;0.006589147286821705334913801266
-0.025000000000000001387778780781;0.012083333333333333078907223523;0.096250000000000002220446049250;0.003333333333333333547282562037;0.004166666666666666608842550801;0.012083333333333333078907223523;0.002916666666666666799662133158;0.016666666666666666435370203203;0.040416666666666663243479007406;0.023333333333333334397297065266;0.014999999999999999444888487687;0.005833333333333333599324266316;0.014999999999999999444888487687;0.047500000000000000555111512313;0.012916666666666666574148081281;0.022499999999999999167332731531;0.033333333333333332870740406406;0.056250000000000001387778780781;0.016250000000000000555111512313;0.014999999999999999444888487687;0.013750000000000000069388939039;0.042916666666666665463925056656;0.020000000000000000416333634234;0.023750000000000000277555756156;0.032500000000000001110223024625;0.023333333333333334397297065266;0.024166666666666666157814447047;0.052083333333333335646297967969;0.000000000000000000000000000000;0.013333333333333334189130248149;0.006666666666666667094565124074;0.012916666666666666574148081281;0.008333333333333333217685101602;0.007499999999999999722444243844;0.023333333333333334397297065266;0.037499999999999998612221219219;0.011666666666666667198648532633;0.006666666666666667094565124074;0.003749999999999999861222121922;0.039583333333333331482961625625;0.004166666666666666608842550801;0.015833333333333334674852821422;0.000000000000000000000000000000;0.004166666666666666608842550801;0.007083333333333332974823814965;0.009583333333333332593184650250;0.026249999999999999028554853453;0.015833333333333334674852821422;0.024583333333333332038073137937;0.012916666666666666574148081281
-0.015925925925925926707193980292;0.019629629629629628817522046802;0.053333333333333336756520992594;0.006296296296296296363115274630;0.027037037037037036507625131776;0.025555555555555557051272685953;0.007407407407407407690103084974;0.034814814814814812327092852229;0.017777777777777777762358013547;0.016666666666666666435370203203;0.017777777777777777762358013547;0.011851851851851851263330850372;0.015555555555555555108382392859;0.029259259259259259161600752464;0.028518518518518519433424529552;0.013333333333333334189130248149;0.014814814814814815380206169948;0.041111111111111112159655078813;0.040370370370370368962031903948;0.007037037037037036958653235530;0.021851851851851851471497667490;0.015925925925925926707193980292;0.021851851851851851471497667490;0.022962962962962962798485477833;0.017037037037037038034181790636;0.022592592592592591199673890401;0.037037037037037034981068472916;0.022962962962962962798485477833;0.002222222222222222220294751693;0.040000000000000000832667268469;0.013703703703703704053218359604;0.014444444444444443781394582516;0.021481481481481479872686080057;0.012222222222222222862142437805;0.024444444444444445724284875610;0.035185185185185187395351391615;0.010370370370370370072254928573;0.006666666666666667094565124074;0.002962962962962962815832712593;0.028148148148148147834612942120;0.008888888888888888881179006773;0.018888888888888889089345823891;0.000000000000000000000000000000;0.009259259259259258745267118229;0.024814814814814813853649511088;0.012222222222222222862142437805;0.028888888888888887562789165031;0.015925925925925926707193980292;0.029629629629629630760412339896;0.013333333333333334189130248149
-0.020370370370370372015145221667;0.012222222222222222862142437805;0.051481481481481482231910007386;0.004814814814814815172039352831;0.033703703703703701000105041885;0.017407407407407406163546426114;0.011851851851851851263330850372;0.027037037037037036507625131776;0.029259259259259259161600752464;0.029999999999999998889776975375;0.007777777777777777554191196430;0.011481481481481481399242738917;0.018888888888888889089345823891;0.020000000000000000416333634234;0.019629629629629628817522046802;0.010000000000000000208166817117;0.028518518518518519433424529552;0.046296296296296293726335591145;0.017037037037037038034181790636;0.007407407407407407690103084974;0.015925925925925926707193980292;0.022962962962962962798485477833;0.037777777777777778178691647781;0.043333333333333334813630699500;0.015185185185185185244294281404;0.027777777777777776235801354687;0.023703703703703702526661700745;0.009629629629629630344078705662;0.003333333333333333547282562037;0.028888888888888887562789165031;0.005925925925925925631665425186;0.028888888888888887562789165031;0.018148148148148149361169600979;0.005925925925925925631665425186;0.029629629629629630760412339896;0.052592592592592593558897817729;0.014444444444444443781394582516;0.008888888888888888881179006773;0.009629629629629630344078705662;0.021481481481481479872686080057;0.010370370370370370072254928573;0.022962962962962962798485477833;0.000000000000000000000000000000;0.026296296296296296779448908865;0.010740740740740739936343040029;0.029999999999999998889776975375;0.014444444444444443781394582516;0.008888888888888888881179006773;0.020000000000000000416333634234;0.007037037037037036958653235530
-0.023717948717948716952363952259;0.009294871794871794809522747016;0.046474358974358975782337211058;0.189102564102564096870651155768;0.011217948717948717993198037846;0.011538461538461539102051744976;0.003525641025641025692177743522;0.017307692307692308653077617464;0.016987179487179485809500434357;0.028205128205128205537421948179;0.015705128205128204843532557788;0.008333333333333333217685101602;0.013782051282051281659857266959;0.030128205128205128721097239008;0.013461538461538462285727035805;0.016025641025641024217662788942;0.028846153846153847755129362440;0.021794871794871793768688661430;0.012179487179487179585035683260;0.005128205128205128200680196215;0.015064102564102564360548619504;0.010256410256410256401360392431;0.007051282051282051384355487045;0.040384615384615386857181107416;0.025961538461538462979616426196;0.027243589743589743945584302764;0.023397435897435897578233721106;0.016666666666666666435370203203;0.005448717948717948442172165358;0.012820512820512820068019621544;0.008974358974358973700669039886;0.030128205128205128721097239008;0.005128205128205128200680196215;0.008012820512820512108831394471;0.019871794871794870585013370601;0.047756410256410253278858135673;0.012179487179487179585035683260;0.006089743589743589792517841630;0.002243589743589743425167259971;0.010897435897435896884344330715;0.006730769230769231142863517903;0.015705128205128204843532557788;0.000000000000000000000000000000;0.018589743589743589619045494032;0.006730769230769231142863517903;0.013782051282051281659857266959;0.027884615384615386163291717025;0.020833333333333332176851016015;0.019230769230769231836752908293;0.012179487179487179585035683260
-0.012380952380952381375323057000;0.006666666666666667094565124074;0.065238095238095233918684812124;0.264285714285714290472384391251;0.015714285714285715356286488031;0.010952380952380953021974008266;0.001428571428571428570189483231;0.024285714285714285476380780437;0.018571428571428572062984585500;0.035238095238095235028907836750;0.008571428571428571854817768383;0.004761904761904762334312479766;0.003333333333333333547282562037;0.033809523809523810145005739969;0.009523809523809524668624959531;0.010000000000000000208166817117;0.019047619047619049337249919063;0.030952380952380953438307642500;0.006190476190476190687661528500;0.008095238095238094580552434820;0.005238095238095237873854337352;0.013809523809523809728672105734;0.005714285714285714280757932926;0.045238095238095236971798129844;0.016190476190476189161104869640;0.035238095238095235028907836750;0.020476190476190477690598967797;0.021428571428571428769682682969;0.004285714285714285927408884191;0.018095238095238094788719251937;0.001428571428571428570189483231;0.017619047619047617514453918375;0.004285714285714285927408884191;0.005714285714285714280757932926;0.004285714285714285927408884191;0.045714285714285714246063463406;0.009047619047619047394359625969;0.005238095238095237873854337352;0.000476190476190476190063161077;0.005714285714285714280757932926;0.003333333333333333547282562037;0.017142857142857143709635536766;0.000000000000000000000000000000;0.020952380952380951495417349406;0.003809523809523809520505288617;0.009523809523809524668624959531;0.035714285714285712303173170312;0.010476190476190475747708674703;0.015714285714285715356286488031;0.009047619047619047394359625969
-0.014465408805031446798361471906;0.021069182389937105709387665797;0.111006289308176103736158779611;0.008805031446540880282758401165;0.010691823899371068543051599420;0.017295597484276729188801269288;0.004088050314465408764663667540;0.018867924528301886072378934500;0.039937106918238991781766600297;0.019496855345911948825810000585;0.012578616352201258538068273651;0.005660377358490565648241332752;0.006603773584905660645749669868;0.041823899371069180042059798552;0.019182389937106917449094467543;0.027044025157232705336429745557;0.025157232704402517076136547303;0.051257861635220128282419693733;0.013207547169811321291499339736;0.008805031446540880282758401165;0.010691823899371068543051599420;0.036477987421383646637895736831;0.005345911949685534271525799710;0.023899371069182391569274415133;0.026415094339622642582998679472;0.038364779874213834898188935085;0.031761006289308175987162741194;0.012264150943396227161352740609;0.003773584905660377387948134498;0.011006289308176099919767132462;0.008805031446540880282758401165;0.018867924528301886072378934500;0.009433962264150943036189467250;0.012578616352201258538068273651;0.012578616352201258538068273651;0.044339622641509431055784062892;0.009119496855345911659473934208;0.009433962264150943036189467250;0.004402515723270440141379200583;0.015408805031446540928508071033;0.010377358490566037166336066377;0.019496855345911948825810000585;0.000000000000000000000000000000;0.007861635220125786152611802038;0.009433962264150943036189467250;0.008805031446540880282758401165;0.047169811320754720385117764181;0.027672955974842768089860811642;0.022012578616352199839534264925;0.025157232704402517076136547303
-0.023750000000000000277555756156;0.040416666666666663243479007406;0.019583333333333334536074943344;0.010833333333333333703407674875;0.027500000000000000138777878078;0.021666666666666667406815349750;0.009166666666666666712925959359;0.035416666666666665741480812812;0.027500000000000000138777878078;0.014999999999999999444888487687;0.012500000000000000693889390391;0.016250000000000000555111512313;0.020416666666666666296592325125;0.012916666666666666574148081281;0.033333333333333332870740406406;0.015416666666666667059870654555;0.018749999999999999306110609609;0.052916666666666667406815349750;0.028333333333333331899295259859;0.004166666666666666608842550801;0.020416666666666666296592325125;0.014999999999999999444888487687;0.021666666666666667406815349750;0.020833333333333332176851016015;0.014999999999999999444888487687;0.024166666666666666157814447047;0.028750000000000001249000902703;0.039166666666666669072149886688;0.002083333333333333304421275400;0.033333333333333332870740406406;0.012916666666666666574148081281;0.012500000000000000693889390391;0.021666666666666667406815349750;0.005416666666666666851703837438;0.021666666666666667406815349750;0.035833333333333335091186455656;0.013750000000000000069388939039;0.022499999999999999167332731531;0.012916666666666666574148081281;0.023333333333333334397297065266;0.011249999999999999583666365766;0.022499999999999999167332731531;0.000000000000000000000000000000;0.016250000000000000555111512313;0.024583333333333332038073137937;0.023750000000000000277555756156;0.007499999999999999722444243844;0.008333333333333333217685101602;0.028333333333333331899295259859;0.008750000000000000832667268469
-0.025730994152046784972931448010;0.009064327485380116802837768830;0.056140350877192983503061185502;0.034502923976608187994763454753;0.008771929824561403021832006743;0.025730994152046784972931448010;0.003801169590643274816266217186;0.018421052631578945651957823770;0.023099415204678362678603065206;0.021929824561403507554580016858;0.020175438596491228337992396291;0.013157894736842104532748010115;0.027777777777777776235801354687;0.048245614035087716620076037088;0.013742690058479532094759534289;0.022222222222222223070309254922;0.019590643274853800775980872118;0.030409356725146198530129737492;0.019883040935672516291710110181;0.011988304093567251143448437745;0.016081871345029238873358679029;0.019298245614035088729698586008;0.019005847953216373213969347944;0.026608187134502924581225258294;0.034210526315789475948481168643;0.033918128654970756963304978626;0.028070175438596491751530592751;0.004678362573099415291921765458;0.001169590643274853822980441365;0.027777777777777776235801354687;0.013450292397660818313753772202;0.013157894736842104532748010115;0.014327485380116959656771058462;0.008187134502923977194543958547;0.026900584795321636627507544404;0.030409356725146198530129737492;0.012573099415204678705459961918;0.014912280701754385484059106659;0.001169590643274853822980441365;0.028654970760233919313542116925;0.006725146198830409156876886101;0.013157894736842104532748010115;0.000000000000000000000000000000;0.013742690058479532094759534289;0.007309941520467835851526672286;0.016081871345029238873358679029;0.039473684210526313598244030345;0.028070175438596491751530592751;0.029824561403508770968118213318;0.016666666666666666435370203203
-0.025163398692810458323609879017;0.026470588235294117279705616852;0.029411764705882352533006240947;0.102941176470588230396074891360;0.052941176470588234559411233704;0.015359477124183005744550989391;0.008496732026143790153516199837;0.034313725490196081424620899725;0.012745098039215686097636037744;0.015032679738562091872888792921;0.010457516339869280322383282567;0.009803921568627450844335413649;0.008823529411764705759901872284;0.032352941176470591255753816995;0.042156862745098042100089230644;0.018300653594771242732575089462;0.007189542483660130330058724013;0.026143790849673203408043420382;0.045424836601307187755605099255;0.004248366013071895076758099918;0.031045751633986928830211127206;0.001633986928104575213002713774;0.007843137254901960675468330919;0.018627450980392156604237285933;0.026797385620915031151367813322;0.030065359477124183745777585841;0.024509803921568627110838534122;0.035620915032679736911269685606;0.001633986928104575213002713774;0.042156862745098042100089230644;0.005228758169934640161191641283;0.007189542483660130330058724013;0.025490196078431372195272075487;0.001307189542483660040297910321;0.010457516339869280322383282567;0.020588235294117646773104368663;0.010130718954248366450721086096;0.006862745098039215591034789554;0.002941176470588235253300624095;0.001633986928104575213002713774;0.013071895424836601704021710191;0.010457516339869280322383282567;0.000000000000000000000000000000;0.011111111111111111535154627461;0.027777777777777776235801354687;0.013725490196078431182069579108;0.030718954248366011489101978782;0.021241830065359477985875713557;0.022222222222222223070309254922;0.010130718954248366450721086096
-0.025157232704402517076136547303;0.036477987421383646637895736831;0.031132075471698113233731675109;0.016037735849056603681939137118;0.025157232704402517076136547303;0.023899371069182391569274415133;0.008176100628930817529327335080;0.047484276729559751761833297223;0.021069182389937105709387665797;0.009748427672955974412905000293;0.015408805031446540928508071033;0.011006289308176099919767132462;0.016981132075471697812085736246;0.017610062893081760565516802330;0.030817610062893081857016142067;0.010062893081761005789620533335;0.015094339622641509551792537991;0.064150943396226414727756548473;0.047798742138364783138548830266;0.009433962264150943036189467250;0.032704402515723270117309340321;0.012578616352201258538068273651;0.028930817610062893596722943812;0.015094339622641509551792537991;0.021069182389937105709387665797;0.016666666666666666435370203203;0.041509433962264148665344265510;0.020754716981132074332672132755;0.000943396226415094346987033624;0.043396226415094336925637463764;0.008176100628930817529327335080;0.012893081761006289914783806694;0.020440251572327042955956599712;0.005031446540880502894810266667;0.016666666666666666435370203203;0.034276729559748427000887005534;0.018238993710691823318947868415;0.010062893081761005789620533335;0.003773584905660377387948134498;0.018238993710691823318947868415;0.011320754716981131296482665505;0.018553459119496854695663401458;0.000000000000000000000000000000;0.010691823899371068543051599420;0.022327044025157231216249797967;0.012578616352201258538068273651;0.011006289308176099919767132462;0.005345911949685534271525799710;0.035849056603773583884464670746;0.008176100628930817529327335080
-0.022727272727272727903535809446;0.031818181818181814901613790880;0.017272727272727272929131459023;0.007878787878787879214725897725;0.046363636363636363812990026645;0.029393939393939392396015719555;0.012727272727272727695368992329;0.042121212121212121826108187861;0.014848484848484848688809911721;0.013333333333333334189130248149;0.015151515151515151935690539631;0.010606060606060606701928072937;0.015454545454545455182571167541;0.008787878787878787220644305478;0.040303030303030305814271372356;0.013333333333333334189130248149;0.018181818181818180935049866775;0.059393939393939394755239646884;0.041212121212121213820189780108;0.004545454545454545233762466694;0.026666666666666668378260496297;0.009696969696969696961286189207;0.025454545454545455390737984658;0.015757575757575758429451795450;0.014545454545454545441929283811;0.018787878787878787428811122595;0.032121212121212119883217894767;0.037878787878787879839226349077;0.001515151515151515150200967064;0.050909090909090910781475969316;0.015757575757575758429451795450;0.013030303030303030942249620239;0.030303030303030303871381079261;0.004545454545454545233762466694;0.013939393939393938948168027991;0.026060606060606061884499240477;0.010909090909090909948808700847;0.016060606060606059941608947383;0.002121212121212121427121788386;0.018484848484848485916653970662;0.013030303030303030942249620239;0.018787878787878787428811122595;0.000000000000000000000000000000;0.010909090909090909948808700847;0.025454545454545455390737984658;0.023030303030303029415692961379;0.005757575757575757353923240345;0.006969696969696969474084013996;0.035757575757575758845785429685;0.010303030303030303455047445027
-0.037499999999999998612221219219;0.016250000000000000555111512313;0.036666666666666666851703837438;0.005000000000000000104083408559;0.015833333333333334674852821422;0.035000000000000003330669073875;0.005000000000000000104083408559;0.030833333333333334119741309109;0.011666666666666667198648532633;0.015833333333333334674852821422;0.020000000000000000416333634234;0.025000000000000001387778780781;0.018749999999999999306110609609;0.036249999999999997501998194593;0.018333333333333333425851918719;0.040000000000000000832667268469;0.023333333333333334397297065266;0.029166666666666667129259593594;0.036249999999999997501998194593;0.004583333333333333356462979680;0.017083333333333332315628894094;0.008750000000000000832667268469;0.010000000000000000208166817117;0.020000000000000000416333634234;0.052083333333333335646297967969;0.038333333333333330372738601000;0.028333333333333331899295259859;0.025416666666666667268037471672;0.000833333333333333386820640509;0.031666666666666669349705642844;0.029583333333333333009518284484;0.012500000000000000693889390391;0.016666666666666666435370203203;0.007499999999999999722444243844;0.020833333333333332176851016015;0.025416666666666667268037471672;0.008750000000000000832667268469;0.018333333333333333425851918719;0.002083333333333333304421275400;0.008750000000000000832667268469;0.005833333333333333599324266316;0.012083333333333333078907223523;0.000000000000000000000000000000;0.011249999999999999583666365766;0.017083333333333332315628894094;0.012083333333333333078907223523;0.022499999999999999167332731531;0.026249999999999999028554853453;0.028333333333333331899295259859;0.020416666666666666296592325125
-0.032777777777777780676693453188;0.003333333333333333547282562037;0.033333333333333332870740406406;0.000000000000000000000000000000;0.001666666666666666773641281019;0.068333333333333329262515576374;0.000555555555555555555073687923;0.013333333333333334189130248149;0.011111111111111111535154627461;0.016111111111111110771876298031;0.021666666666666667406815349750;0.059999999999999997779553950750;0.022777777777777778733803160094;0.032777777777777780676693453188;0.006111111111111111431071218902;0.056111111111111111604543566500;0.013888888888888888117900677344;0.021111111111111111743321444578;0.014444444444444443781394582516;0.007222222222222221890697291258;0.012777777777777778525636342977;0.008888888888888888881179006773;0.005555555555555555767577313730;0.018333333333333333425851918719;0.071111111111111111049432054187;0.031111111111111110216764785719;0.018888888888888889089345823891;0.020000000000000000416333634234;0.001111111111111111110147375847;0.030555555555555554553270880547;0.052777777777777777623580135469;0.014444444444444443781394582516;0.007777777777777777554191196430;0.009444444444444444544672911945;0.033888888888888892003681263532;0.018888888888888889089345823891;0.013333333333333334189130248149;0.011111111111111111535154627461;0.000000000000000000000000000000;0.012222222222222222862142437805;0.004444444444444444440589503387;0.010000000000000000208166817117;0.000000000000000000000000000000;0.014999999999999999444888487687;0.001111111111111111110147375847;0.010000000000000000208166817117;0.042777777777777775680689842375;0.038888888888888889505679458125;0.022222222222222223070309254922;0.026666666666666668378260496297
-0.021383647798742137086103198840;0.021383647798742137086103198840;0.037421383647798740768042335958;0.031761006289308175987162741194;0.017610062893081760565516802330;0.036163522012578615261180203788;0.012578616352201258538068273651;0.022641509433962262592965331010;0.028301886792452830843291877727;0.015723270440251572305223604076;0.014150943396226415421645938864;0.026729559748427673959714212515;0.019496855345911948825810000585;0.020125786163522011579241066670;0.017610062893081760565516802330;0.018553459119496854695663401458;0.030503144654088050480300609024;0.031446540880503144610447208152;0.020440251572327042955956599712;0.006603773584905660645749669868;0.016352201257861635058654670161;0.023270440251572325346396397094;0.031446540880503144610447208152;0.024213836477987422945989948175;0.020754716981132074332672132755;0.020754716981132074332672132755;0.020125786163522011579241066670;0.042452830188679242795490864637;0.005031446540880502894810266667;0.028616352201257862220007410770;0.014779874213836478175077004948;0.023584905660377360192558882090;0.019811320754716980202525533628;0.008805031446540880282758401165;0.022641509433962262592965331010;0.027672955974842768089860811642;0.007547169811320754775896268995;0.011006289308176099919767132462;0.006289308176100629269034136826;0.026729559748427673959714212515;0.007547169811320754775896268995;0.024528301886792454322705481218;0.000000000000000000000000000000;0.016981132075471697812085736246;0.012893081761006289914783806694;0.024213836477987422945989948175;0.016981132075471697812085736246;0.010377358490566037166336066377;0.022012578616352199839534264925;0.011949685534591195784637207566
-0.032926829268292684416152837912;0.000406504065040650406151478968;0.103252032520325207065603478895;0.000000000000000000000000000000;0.005284552845528455063128792091;0.026829268292682926372316742913;0.002439024390243902436908873810;0.013008130081300812996847326986;0.036585365853658534385228762176;0.023170731707317072933793866696;0.014227642276422763564780460399;0.025203252032520325615072565029;0.009756097560975609747635495239;0.039430894308943087445129549451;0.002439024390243902436908873810;0.030487804878048779810839619131;0.054471544715447156592702526723;0.052032520325203251987389307942;0.006504065040650406498423663493;0.017073170731707318359404723651;0.010569105691056910126257584182;0.033333333333333332870740406406;0.005691056910569106119801574550;0.039024390243902438990541980957;0.034146341463414636718809447302;0.029268292682926830977629961694;0.016666666666666666435370203203;0.000406504065040650406151478968;0.000406504065040650406151478968;0.026422764227642277917729174419;0.019918699186991871419305510926;0.027642276422764226750938831856;0.006910569105691056687734707964;0.007723577235772357933718534895;0.010975609756097560315568628653;0.057723577235772358107190882492;0.008536585365853659179702361826;0.019105691056910567571236470030;0.001219512195121951218454436905;0.028048780487804878674973352304;0.003658536585365853872203745212;0.006504065040650406498423663493;0.000000000000000000000000000000;0.012601626016260162807536282514;0.003252032520325203249211831746;0.012601626016260162807536282514;0.030081300813008131356252050637;0.021544715447154472176549688811;0.019512195121951219495270990478;0.010975609756097560315568628653
-0.029629629629629630760412339896;0.018518518518518517490534236458;0.066666666666666665741480812812;0.000000000000000000000000000000;0.003395061728395061713403624282;0.023456790123456791596900927743;0.002469135802469135752140738660;0.026234567901234566444923501649;0.035493827160493825190190619878;0.021913580246913581806023074705;0.016049382716049383906797842769;0.008024691358024691953398921385;0.016049382716049383906797842769;0.038580246913580244771946325955;0.009567901234567901744276774423;0.025925925925925925180637321432;0.035493827160493825190190619878;0.058024691358024689524786055017;0.018518518518518517490534236458;0.008024691358024691953398921385;0.011728395061728395798450463872;0.029320987654320986026679207725;0.021913580246913581806023074705;0.027777777777777776235801354687;0.033950617283950615399312766840;0.033333333333333332870740406406;0.028395061728395062233820667075;0.011728395061728395798450463872;0.001851851851851851922525771243;0.011419753086419752799440807678;0.009876543209876543008562954640;0.015432098765432097908778530382;0.013271604938271605589328316910;0.008641975308641974481971281818;0.021913580246913581806023074705;0.037962962962962962243373965521;0.014506172839506172381196513754;0.011419753086419752799440807678;0.005246913580246913635929395525;0.024691358024691356654045648611;0.007407407407407407690103084974;0.020679012345679013279431401884;0.000000000000000000000000000000;0.014506172839506172381196513754;0.007407407407407407690103084974;0.012654320987654321326032480499;0.027469135802469134971515174470;0.026851851851851852442942814037;0.033024691358024688137007274236;0.013580246913580246853614497127
-0.042517006802721087066476712835;0.022108843537414966246013037221;0.040136054421768707634043948929;0.000340136054421768683955068502;0.005442176870748298943281096030;0.028231292517006803532986225491;0.004081632653061224857982125513;0.025850340136054420631106509632;0.020748299319727891293352328717;0.020408163265306120820463675614;0.023129251700680270725785092623;0.011224489795918366624727369185;0.025170068027210883154776155379;0.031972789115646257918079697902;0.012585034013605441577388077690;0.024829931972789116151334454230;0.019727891156462583344133321361;0.047959183673469386877119546853;0.025850340136054420631106509632;0.009523809523809524668624959531;0.020748299319727891293352328717;0.019047619047619049337249919063;0.021768707482993195773124384118;0.021428571428571428769682682969;0.046258503401360541451570185245;0.025850340136054420631106509632;0.029591836734693878485646933996;0.015986394557823128959039848951;0.002380952380952381167156239883;0.024829931972789116151334454230;0.009863945578231291672066660681;0.007823129251700680977799073901;0.016326530612244899431928502054;0.007482993197278911372272158786;0.030612244897959182965418989397;0.034353741496598637350512461808;0.016326530612244899431928502054;0.014285714285714285268213963320;0.002380952380952381167156239883;0.024489795918367345678445801127;0.008843537414965987192294605279;0.025170068027210883154776155379;0.000000000000000000000000000000;0.015986394557823128959039848951;0.008503401360544218454129428153;0.016326530612244899431928502054;0.024489795918367345678445801127;0.018027210884353741388030911708;0.035034013605442178296289768014;0.013945578231292516530048786194
-0.061382113821138208076266806756;0.003658536585365853872203745212;0.047154471544715449715656774288;0.000000000000000000000000000000;0.000813008130081300812302957937;0.041056910569105688202373727336;0.000813008130081300812302957937;0.011788617886178862428914193572;0.007317073170731707744407490424;0.021951219512195120631137257305;0.032113821138211380568083797016;0.017073170731707318359404723651;0.034146341463414636718809447302;0.051219512195121948139320267046;0.003658536585365853872203745212;0.031707317073170732113496228521;0.014227642276422763564780460399;0.021951219512195120631137257305;0.013414634146341463186158371457;0.010975609756097560315568628653;0.012195121951219512618225238043;0.008943089430894309369013406297;0.015040650406504065678126025318;0.033333333333333332870740406406;0.077642276422764222587602489511;0.050813008130081299684732698552;0.025609756097560974069660133523;0.000406504065040650406151478968;0.000813008130081300812302957937;0.011382113821138212239603149101;0.012195121951219512618225238043;0.007317073170731707744407490424;0.007317073170731707744407490424;0.010975609756097560315568628653;0.034552845528455285173397015797;0.025203252032520325615072565029;0.010975609756097560315568628653;0.017479674796747966813992292145;0.000406504065040650406151478968;0.019918699186991871419305510926;0.002032520325203252247597829339;0.005284552845528455063128792091;0.000000000000000000000000000000;0.019512195121951219495270990478;0.002439024390243902436908873810;0.014227642276422763564780460399;0.042276422764227640505030336726;0.039024390243902438990541980957;0.038211382113821135142472940061;0.028048780487804878674973352304
-0.054166666666666668517038374375;0.010416666666666666088425508008;0.034166666666666664631257788187;0.005000000000000000104083408559;0.024583333333333332038073137937;0.041250000000000001942890293094;0.002916666666666666799662133158;0.021250000000000001526556658860;0.008750000000000000832667268469;0.018749999999999999306110609609;0.022916666666666665047591422422;0.024166666666666666157814447047;0.023750000000000000277555756156;0.038333333333333330372738601000;0.010833333333333333703407674875;0.039166666666666669072149886688;0.017083333333333332315628894094;0.027083333333333334258519187188;0.029166666666666667129259593594;0.007499999999999999722444243844;0.017916666666666667545593227828;0.007499999999999999722444243844;0.010416666666666666088425508008;0.024166666666666666157814447047;0.068750000000000005551115123126;0.042916666666666665463925056656;0.030416666666666668239482618219;0.013750000000000000069388939039;0.000000000000000000000000000000;0.016250000000000000555111512313;0.016666666666666666435370203203;0.011249999999999999583666365766;0.012500000000000000693889390391;0.006250000000000000346944695195;0.030833333333333334119741309109;0.030833333333333334119741309109;0.014583333333333333564629796797;0.010416666666666666088425508008;0.001250000000000000026020852140;0.017500000000000001665334536938;0.003333333333333333547282562037;0.007916666666666667337426410711;0.000000000000000000000000000000;0.010833333333333333703407674875;0.008333333333333333217685101602;0.008750000000000000832667268469;0.031666666666666669349705642844;0.031250000000000000000000000000;0.029999999999999998889776975375;0.022499999999999999167332731531
-0.018390804597701149170063672500;0.025000000000000001387778780781;0.036781609195402298340127345000;0.024712643678160919197273059922;0.063218390804597707210987778126;0.013793103448275861877547754375;0.010632183908045976863943060664;0.028735632183908045578224488281;0.019540229885057470993192652031;0.013505747126436781421765509492;0.016954022988505748625875924063;0.006609195402298850482991632305;0.013505747126436781421765509492;0.020689655172413792816321631562;0.044252873563218393659912663907;0.010919540229885057319725305547;0.027298850574712645034036739844;0.045402298850574715483041643438;0.040517241379310342530573052500;0.007183908045977011394556122070;0.025000000000000001387778780781;0.015804597701149426802746944531;0.024712643678160919197273059922;0.018678160919540231360569393360;0.016666666666666666435370203203;0.019252873563218392272133883125;0.031034482758620689224482447344;0.028160919540229884666659998516;0.005172413793103448204080407891;0.025000000000000001387778780781;0.003448275862068965469386938594;0.019252873563218392272133883125;0.019827586206896553183698372891;0.006609195402298850482991632305;0.018390804597701149170063672500;0.036206896551724140898009807188;0.007183908045977011394556122070;0.005459770114942528659862652773;0.006034482758620689571427142539;0.027011494252873562843531018984;0.010919540229885057319725305547;0.019540229885057470993192652031;0.000000000000000000000000000000;0.012643678160919540054418774844;0.025862068965517241020402039453;0.016379310344827587714311434297;0.019252873563218392272133883125;0.015804597701149426802746944531;0.025000000000000001387778780781;0.008045977011494252761902856719
-0.016013071895424835222598858309;0.051960784313725492944424644293;0.021568627450980391857537910028;0.012745098039215686097636037744;0.037254901960784313208474571866;0.023856209150326795898067189228;0.009803921568627450844335413649;0.043137254901960783715075820055;0.012418300653594770491250365296;0.011111111111111111535154627461;0.017647058823529411519803744568;0.008496732026143790153516199837;0.015032679738562091872888792921;0.012091503267973856619588168826;0.054901960784313724728278316434;0.006535947712418300852010855095;0.017647058823529411519803744568;0.062091503267973857660422254412;0.051633986928104572133868543915;0.002941176470588235253300624095;0.027450980392156862364139158217;0.005555555555555555767577313730;0.041830065359477121289533130266;0.017647058823529411519803744568;0.017647058823529411519803744568;0.012091503267973856619588168826;0.037581699346405227080136768336;0.028431372549019607448572699582;0.001307189542483660040297910321;0.031372549019607842701873323676;0.005555555555555555767577313730;0.014705882352941176266503120473;0.036601307189542485465150178925;0.006209150326797385245625182648;0.019934640522875815560333023768;0.030718954248366011489101978782;0.013398692810457515575683906661;0.006209150326797385245625182648;0.000653594771241830020148955160;0.013725490196078431182069579108;0.016666666666666666435370203203;0.019934640522875815560333023768;0.000000000000000000000000000000;0.007843137254901960675468330919;0.033660130718954246742402602877;0.015032679738562091872888792921;0.009477124183006535237949741202;0.004575163398692810683143772366;0.026470588235294117279705616852;0.008823529411764705759901872284
-0.015454545454545455182571167541;0.049393939393939392812349353790;0.044545454545454547801153211140;0.000606060606060606060080386825;0.003030303030303030300401934127;0.010303030303030303455047445027;0.005151515151515151727523722514;0.044545454545454547801153211140;0.026060606060606061884499240477;0.016363636363636364923213051270;0.010000000000000000208166817117;0.003636363636363636360482320953;0.012727272727272727695368992329;0.018787878787878787428811122595;0.037878787878787879839226349077;0.008181818181818182461606525635;0.024545454545454543915372624951;0.107272727272727269598462385147;0.025454545454545455390737984658;0.006363636363636363847684496164;0.017272727272727272929131459023;0.015757575757575758429451795450;0.050606060606060605799871865429;0.015757575757575758429451795450;0.009090909090909090467524933388;0.017878787878787879422892714842;0.043333333333333334813630699500;0.024848484848484848896976728838;0.002121212121212121427121788386;0.011818181818181817954727108599;0.001818181818181818180241160476;0.016363636363636364923213051270;0.027272727272727271402574800163;0.005151515151515151727523722514;0.020303030303030301928490786167;0.036666666666666666851703837438;0.015454545454545455182571167541;0.003939393939393939607362948863;0.001515151515151515150200967064;0.027272727272727271402574800163;0.020303030303030301928490786167;0.033030303030303027889136302520;0.000000000000000000000000000000;0.009393939393939393714405561298;0.013939393939393938948168027991;0.014848484848484848688809911721;0.013030303030303030942249620239;0.010909090909090909948808700847;0.041515151515151511862899980088;0.008484848484848485708487153545
-0.032727272727272729846426102540;0.031515151515151516858903590901;0.042727272727272724850422491727;0.000606060606060606060080386825;0.001818181818181818180241160476;0.023636363636363635909454217199;0.003030303030303030300401934127;0.033333333333333332870740406406;0.021818181818181819897617401693;0.017575757575757574441288610956;0.019090909090909092410415226482;0.010606060606060606701928072937;0.016060606060606059941608947383;0.020606060606060606910094890054;0.016969696969696971416974307090;0.017878787878787879422892714842;0.020303030303030301928490786167;0.075454545454545454696848594267;0.032121212121212119883217894767;0.008787878787878787220644305478;0.028484848484848484390097311802;0.015454545454545455182571167541;0.030303030303030303871381079261;0.017575757575757574441288610956;0.025454545454545455390737984658;0.030909090909090910365142335081;0.041515151515151511862899980088;0.013939393939393938948168027991;0.000606060606060606060080386825;0.020606060606060606910094890054;0.007272727272727272720964641906;0.011212121212121211460965852780;0.021818181818181819897617401693;0.007272727272727272720964641906;0.021212121212121213403856145874;0.040303030303030305814271372356;0.027272727272727271402574800163;0.007272727272727272720964641906;0.002424242424242424240321547302;0.026363636363636363396656392410;0.010000000000000000208166817117;0.022121212121212121409774553626;0.000000000000000000000000000000;0.011212121212121211460965852780;0.007575757575757575967845269815;0.018181818181818180935049866775;0.018484848484848485916653970662;0.013636363636363635701287400082;0.043030303030303029832026595614;0.011818181818181817954727108599
-0.032222222222222221543752596062;0.033703703703703701000105041885;0.045185185185185182399347780802;0.001851851851851851922525771243;0.006296296296296296363115274630;0.025925925925925925180637321432;0.005555555555555555767577313730;0.039629629629629632703302632990;0.021851851851851851471497667490;0.018148148148148149361169600979;0.014444444444444443781394582516;0.013333333333333334189130248149;0.019259259259259260688157411323;0.025555555555555557051272685953;0.021481481481481479872686080057;0.017407407407407406163546426114;0.020370370370370372015145221667;0.057407407407407406996213694583;0.037407407407407410049327012302;0.007037037037037036958653235530;0.024074074074074074125473288177;0.018888888888888889089345823891;0.030740740740740742087400150240;0.028888888888888887562789165031;0.034444444444444444197728216750;0.022962962962962962798485477833;0.048148148148148148250946576354;0.012222222222222222862142437805;0.000740740740740740703958178148;0.022592592592592591199673890401;0.007407407407407407690103084974;0.014444444444444443781394582516;0.025185185185185185452461098521;0.007777777777777777554191196430;0.015925925925925926707193980292;0.034444444444444444197728216750;0.015555555555555555108382392859;0.007407407407407407690103084974;0.001481481481481481407916356297;0.018888888888888889089345823891;0.012222222222222222862142437805;0.017407407407407406163546426114;0.000000000000000000000000000000;0.010370370370370370072254928573;0.011851851851851851263330850372;0.013703703703703704053218359604;0.016296296296296294836558615771;0.014074074074074073917306471060;0.037037037037037034981068472916;0.010740740740740739936343040029
-0.034920634920634921471993550313;0.036507936507936510073246694219;0.026984126984126985404621734688;0.002380952380952381167156239883;0.005952380952380952050528861719;0.034920634920634921471993550313;0.005555555555555555767577313730;0.037301587301587300904426314219;0.015873015873015872134743631250;0.022222222222222223070309254922;0.011507936507936508685467913438;0.019047619047619049337249919063;0.020238095238095239053466301016;0.020634920634920634469056111016;0.022619047619047618485899064922;0.017460317460317460735996775156;0.021428571428571428769682682969;0.051984126984126986792400515469;0.035317460317460316887583360312;0.003571428571428571317053490830;0.024603174603174602502742018828;0.010714285714285714384841341484;0.025396825396825396803368590781;0.025000000000000001387778780781;0.034523809523809526056403740313;0.030555555555555554553270880547;0.030158730158730159137681070547;0.028571428571428570536427926640;0.002380952380952381167156239883;0.032539682539682542039560786407;0.019841269841269840168429539062;0.011904761904761904101057723437;0.023412698412698412786525636875;0.002777777777777777883788656865;0.020238095238095239053466301016;0.030555555555555554553270880547;0.013095238095238095551997581367;0.016269841269841271019780393203;0.001190476190476190583578119941;0.017857142857142856151586585156;0.013492063492063492702310867344;0.019444444444444444752839729063;0.000000000000000000000000000000;0.015476190476190476719153821250;0.011904761904761904101057723437;0.034126984126984123701920026406;0.014285714285714285268213963320;0.006746031746031746351155433672;0.026587301587301586519584972734;0.009920634920634920084214769531
-0.020056497175141241307017025974;0.029096045197740113413820139954;0.036440677966101696350076366571;0.185593220338983039274793895856;0.012711864406779661840207751311;0.018361581920903955605917090566;0.003389830508474576172689429754;0.015254237288135593861304606378;0.029661016949152543137335769075;0.017796610169491525882401461445;0.011581920903954802393176493069;0.004519774011299435186039819001;0.016384180790960451573612388643;0.019774011299435029914706163368;0.017514124293785311020643646884;0.011299435028248587531418678509;0.025706214689265535072726365229;0.047457627118644069019737230519;0.019774011299435029914706163368;0.005649717514124293765709339254;0.009887005649717514957353081684;0.019774011299435029914706163368;0.023163841807909604786352986139;0.023163841807909604786352986139;0.017514124293785311020643646884;0.019774011299435029914706163368;0.020338983050847456168774840535;0.022598870056497175062837357018;0.003954802259887005462524189880;0.012146892655367232116692122190;0.005649717514124293765709339254;0.017796610169491525882401461445;0.009039548022598870372079638003;0.004519774011299435186039819001;0.020903954802259885892290469656;0.026271186440677964796241994350;0.011864406779661017254934307630;0.007344632768361582068894488629;0.010734463276836157807903049388;0.032768361581920903147224777285;0.005084745762711864042193710134;0.031073446327683617446124841877;0.000000000000000000000000000000;0.016101694915254236711854574082;0.007909604519774010925048379761;0.016384180790960451573612388643;0.015819209039548021850096759522;0.008757062146892655510321823442;0.024011299435028249371626429820;0.007627118644067796930652303189
-0.029738562091503266404668437417;0.033006535947712418999078209936;0.027777777777777776235801354687;0.198692810457516327860005844741;0.033660130718954246742402602877;0.013071895424836601704021710191;0.009803921568627450844335413649;0.022549019607843136941971451392;0.014052287581699346788455251556;0.020588235294117646773104368663;0.010457516339869280322383282567;0.014052287581699346788455251556;0.006209150326797385245625182648;0.014052287581699346788455251556;0.037581699346405227080136768336;0.021241830065359477985875713557;0.021241830065359477985875713557;0.033986928104575160614064799347;0.019607843137254901688670827298;0.005228758169934640161191641283;0.011764705882352941013202496379;0.011437908496732025406816823931;0.008823529411764705759901872284;0.016339869281045752563708006733;0.021568627450980391857537910028;0.025490196078431372195272075487;0.019934640522875815560333023768;0.037581699346405227080136768336;0.003921568627450980337734165460;0.023856209150326795898067189228;0.015359477124183005744550989391;0.010457516339869280322383282567;0.005555555555555555767577313730;0.003921568627450980337734165460;0.008823529411764705759901872284;0.026797385620915031151367813322;0.006862745098039215591034789554;0.018300653594771242732575089462;0.004901960784313725422167706824;0.014052287581699346788455251556;0.009150326797385621366287544731;0.016339869281045752563708006733;0.000000000000000000000000000000;0.012418300653594770491250365296;0.020261437908496732901442172192;0.020588235294117646773104368663;0.013725490196078431182069579108;0.009150326797385621366287544731;0.009803921568627450844335413649;0.006209150326797385245625182648
-0.029914529914529915805010418239;0.055128205128205126639429067836;0.025641025641025640136039243089;0.064529914529914536580612605121;0.028632478632478631369595589717;0.017948717948717947401338079771;0.008547008547008547868495398347;0.035897435897435894802676159543;0.010256410256410256401360392431;0.017948717948717947401338079771;0.012820512820512820068019621544;0.015811965811965811301575968173;0.005555555555555555767577313730;0.015384615384615385469402326635;0.048290598290598292507969091503;0.020940170940170938634894426400;0.014957264957264957902505209120;0.026068376068376069437659836581;0.031623931623931622603151936346;0.005128205128205128200680196215;0.018803418803418802535132314802;0.005555555555555555767577313730;0.002564102564102564100340098108;0.020085470085470086970547143324;0.023504273504273504036277131490;0.017521367521367521569164438233;0.026495726495726495269833478119;0.107264957264957258575854837090;0.001709401709401709400226732072;0.027350427350427350403627713149;0.011965811965811966668948862491;0.014102564102564102768710974090;0.016239316239316240603196561665;0.001282051282051282050170049054;0.008974358974358973700669039886;0.025641025641025640136039243089;0.005982905982905983334474431246;0.008119658119658120301598280832;0.000427350427350427350056683018;0.005982905982905983334474431246;0.010256410256410256401360392431;0.021367521367521367936515019892;0.000000000000000000000000000000;0.019230769230769231836752908293;0.032051282051282048435325577884;0.016239316239316240603196561665;0.018376068376068376702958673263;0.014529914529914530335608091605;0.017948717948717947401338079771;0.009401709401709401267566157401
-0.018402777777777778317469525859;0.059027777777777776235801354687;0.020138888888888890199568848516;0.028819444444444446140618509844;0.031597222222222220988641083750;0.021527777777777777623580135469;0.007638888888888888638317720137;0.055902777777777780399137697032;0.021527777777777777623580135469;0.010416666666666666088425508008;0.012152777777777777970524830664;0.005902777777777777623580135469;0.018749999999999999306110609609;0.011111111111111111535154627461;0.062500000000000000000000000000;0.008680555555555555941049661328;0.014583333333333333564629796797;0.066319444444444444752839729063;0.047569444444444441977282167500;0.004513888888888888464845372539;0.023611111111111110494320541875;0.013888888888888888117900677344;0.016319444444444445446729119453;0.013194444444444444405895033867;0.016319444444444445446729119453;0.011805555555555555247160270937;0.036805555555555556634939051719;0.051041666666666665741480812812;0.001041666666666666652210637700;0.023611111111111110494320541875;0.008680555555555555941049661328;0.011805555555555555247160270937;0.024305555555555555941049661328;0.003472222222222222029475169336;0.014583333333333333564629796797;0.021874999999999998612221219219;0.009722222222222222376419864531;0.009027777777777776929690745078;0.003472222222222222029475169336;0.016666666666666666435370203203;0.015972222222222220988641083750;0.021527777777777777623580135469;0.000000000000000000000000000000;0.007291666666666666782314898398;0.042708333333333334258519187188;0.013541666666666667129259593594;0.008680555555555555941049661328;0.006250000000000000346944695195;0.019444444444444444752839729063;0.006250000000000000346944695195
-0.022569444444444444058950338672;0.034722222222222223764198645313;0.026736111111111109800431151484;0.040277777777777780399137697032;0.022569444444444444058950338672;0.026041666666666667823148983985;0.010763888888888888811790067734;0.034375000000000002775557561563;0.023958333333333334952408577578;0.011805555555555555247160270937;0.014236111111111110841265237070;0.015972222222222220988641083750;0.018055555555555553859381490156;0.012152777777777777970524830664;0.030208333333333333564629796797;0.012847222222222221682530474141;0.018749999999999999306110609609;0.059027777777777776235801354687;0.026041666666666667823148983985;0.004166666666666666608842550801;0.031250000000000000000000000000;0.012152777777777777970524830664;0.027777777777777776235801354687;0.019791666666666665741480812812;0.019097222222222223764198645313;0.019791666666666665741480812812;0.030208333333333333564629796797;0.030208333333333333564629796797;0.002777777777777777883788656865;0.042013888888888892281237019688;0.018402777777777778317469525859;0.012152777777777777970524830664;0.021874999999999998612221219219;0.004166666666666666608842550801;0.025000000000000001387778780781;0.027083333333333334258519187188;0.013541666666666667129259593594;0.011458333333333332523795711211;0.003819444444444444319158860068;0.023611111111111110494320541875;0.009027777777777776929690745078;0.025000000000000001387778780781;0.000000000000000000000000000000;0.010416666666666666088425508008;0.025347222222222222376419864531;0.013888888888888888117900677344;0.009722222222222222376419864531;0.010069444444444445099784424258;0.024652777777777776929690745078;0.010416666666666666088425508008
-0.023391812865497074724885351316;0.021345029239766083462015444638;0.044152046783625734094336223734;0.031286549707602341607870499729;0.038011695906432746427938695888;0.017836257309941521559393251550;0.007309941520467835851526672286;0.031871345029239765700435071949;0.020467836257309940384274682401;0.019298245614035088729698586008;0.013742690058479532094759534289;0.011695906432748537362442675658;0.016081871345029238873358679029;0.024853801169590641895190685773;0.032456140350877189792999644169;0.011988304093567251143448437745;0.019883040935672516291710110181;0.044152046783625734094336223734;0.032163742690058477746717358059;0.006140350877192982462227099916;0.027777777777777776235801354687;0.019883040935672516291710110181;0.016959064327485378481652489313;0.024561403508771929848908399663;0.022222222222222223070309254922;0.025730994152046784972931448010;0.037719298245614034381656409778;0.022514619883040935116591541032;0.000877192982456140367235331023;0.030116959064327486483847451382;0.008479532163742689240826244657;0.018421052631578945651957823770;0.021052631578947367946286206575;0.005263157894736841986571551644;0.012573099415204678705459961918;0.031286549707602341607870499729;0.014327485380116959656771058462;0.010818713450292397754148865374;0.005847953216374268681221337829;0.015497076023391813046070630833;0.010818713450292397754148865374;0.014619883040935671703053344572;0.000000000000000000000000000000;0.014327485380116959656771058462;0.029239766081871343406106689145;0.013450292397660818313753772202;0.022807017543859650632320779096;0.016081871345029238873358679029;0.027192982456140352143236782467;0.011403508771929825316160389548
-0.022463768115942028824605358750;0.017028985507246376801537834922;0.037681159420289857264751987032;0.020652173913043476993767200156;0.048188405797101450944719402969;0.039130434782608698729422513907;0.004710144927536232158093998379;0.032971014492753622504572774687;0.017391304347826087167705466641;0.007971014492753622851517469883;0.018478260869565218266208361797;0.025000000000000001387778780781;0.017028985507246376801537834922;0.021014492753623187359934831875;0.033695652173913043236908038125;0.023550724637681159923108253906;0.014855072463768116339255520586;0.029347826086956522312343409453;0.052898550724637678766004711406;0.005072463768115941656899892109;0.029710144927536232678511041172;0.018115942028985507900040730078;0.016666666666666666435370203203;0.016304347826086956069202571484;0.030797101449275363777013936328;0.013405797101449274874584993711;0.029710144927536232678511041172;0.017028985507246376801537834922;0.000362318840579710149327197222;0.053623188405797099498339974843;0.022101449275362318458437727031;0.008333333333333333217685101602;0.029347826086956522312343409453;0.005434782608695652023067523828;0.019565217391304349364711256953;0.020652173913043476993767200156;0.011594202898550724778470311094;0.010869565217391304046135047656;0.002536231884057970828449946055;0.017028985507246376801537834922;0.010144927536231883313799784219;0.013043478260869564508417361992;0.000000000000000000000000000000;0.004710144927536232158093998379;0.025362318840579711753946412500;0.010507246376811593679967415937;0.013405797101449274874584993711;0.009057971014492753950020365039;0.036594202898550726166249091875;0.014855072463768116339255520586
-0.021818181818181819897617401693;0.021212121212121213403856145874;0.041515151515151511862899980088;0.002727272727272727487202175212;0.013939393939393938948168027991;0.029999999999999998889776975375;0.004545454545454545233762466694;0.046666666666666668794594130532;0.014545454545454545441929283811;0.011818181818181817954727108599;0.026666666666666668378260496297;0.011515151515151514707846480690;0.023030303030303029415692961379;0.024242424242424242403215473018;0.031818181818181814901613790880;0.022424242424242422921931705559;0.014242424242424242195048655901;0.046363636363636363812990026645;0.045454545454545455807071618892;0.007878787878787879214725897725;0.022727272727272727903535809446;0.012727272727272727695368992329;0.022121212121212121409774553626;0.017878787878787879422892714842;0.035151515151515148882577221912;0.027575757575757576384178904050;0.041515151515151511862899980088;0.008484848484848485708487153545;0.000606060606060606060080386825;0.022727272727272727903535809446;0.020000000000000000416333634234;0.010606060606060606701928072937;0.025454545454545455390737984658;0.010303030303030303455047445027;0.024848484848484848896976728838;0.028484848484848484390097311802;0.013939393939393938948168027991;0.010909090909090909948808700847;0.005454545454545454974404350423;0.014545454545454545441929283811;0.010606060606060606701928072937;0.012727272727272727695368992329;0.000000000000000000000000000000;0.011212121212121211460965852780;0.019696969696969695434729530348;0.015454545454545455182571167541;0.018484848484848485916653970662;0.016363636363636364923213051270;0.042727272727272724850422491727;0.014242424242424242195048655901
-0.023976608187134502286896875489;0.023684210526315790240614589379;0.027777777777777776235801354687;0.006140350877192982462227099916;0.015789473684210526827076392919;0.018421052631578945651957823770;0.011403508771929825316160389548;0.043567251461988303062877747607;0.017543859649122806043664013487;0.016959064327485378481652489313;0.019005847953216373213969347944;0.007602339181286549632532434373;0.022807017543859650632320779096;0.018421052631578945651957823770;0.031871345029239765700435071949;0.008771929824561403021832006743;0.023976608187134502286896875489;0.046783625730994149449770702631;0.034502923976608187994763454753;0.006140350877192982462227099916;0.025730994152046784972931448010;0.013742690058479532094759534289;0.033040935672514620824458120296;0.020175438596491228337992396291;0.021637426900584795508297730748;0.017543859649122806043664013487;0.042105263157894735892572413150;0.019590643274853800775980872118;0.007602339181286549632532434373;0.028654970760233919313542116925;0.014619883040935671703053344572;0.020467836257309940384274682401;0.024853801169590641895190685773;0.004970760233918129072927527545;0.025146198830409357410919923836;0.035672514619883043118786503101;0.014912280701754385484059106659;0.012280701754385964924454199831;0.006725146198830409156876886101;0.025146198830409357410919923836;0.010526315789473683973143103287;0.019298245614035088729698586008;0.000000000000000000000000000000;0.012865497076023392486465724005;0.024853801169590641895190685773;0.021929824561403507554580016858;0.013450292397660818313753772202;0.009941520467836258145855055091;0.038596491228070177459397172015;0.008771929824561403021832006743
-0.029710144927536232678511041172;0.020289855072463766627599568437;0.029347826086956522312343409453;0.006884057971014492620376312715;0.023188405797101449556940622188;0.040217391304347822889031505156;0.007246376811594202986543944434;0.026811594202898549749169987422;0.032971014492753622504572774687;0.011594202898550724778470311094;0.015942028985507245703034939766;0.029710144927536232678511041172;0.020289855072463766627599568437;0.021376811594202897726102463594;0.023550724637681159923108253906;0.018840579710144928632375993516;0.012681159420289855876973206250;0.034782608695652174335410933281;0.027173913043478260115337619141;0.006884057971014492620376312715;0.021014492753623187359934831875;0.022463768115942028824605358750;0.023188405797101449556940622188;0.017391304347826087167705466641;0.024275362318840580655443517344;0.015942028985507245703034939766;0.029710144927536232678511041172;0.030434782608695653410846304610;0.001086956521739130447981591665;0.045289855072463768015378349219;0.027536231884057970481505250859;0.007971014492753622851517469883;0.026449275362318839383002355703;0.006884057971014492620376312715;0.026086956521739129016834723984;0.029710144927536232678511041172;0.011956521739130435144637942813;0.012318840579710145510805574531;0.014855072463768116339255520586;0.023188405797101449556940622188;0.006521739130434782254208680996;0.023913043478260870289275885625;0.000000000000000000000000000000;0.008695652173913043583852733320;0.020289855072463766627599568437;0.017391304347826087167705466641;0.013043478260869564508417361992;0.007608695652173913352711576152;0.036594202898550726166249091875;0.008695652173913043583852733320
-0.025617283950617283916351141215;0.013580246913580246853614497127;0.049074074074074075513252068959;0.006172839506172839163511412153;0.010185185185185186007572610833;0.037345679012345679714801605087;0.004629629629629629372633559115;0.021604938271604937072289942535;0.020061728395061727281412089496;0.019135802469135803488553548846;0.019753086419753086017125909279;0.040123456790123454562824178993;0.026234567901234566444923501649;0.021296296296296295808003762318;0.009259259259259258745267118229;0.018827160493827162224267368629;0.031172839506172840551290192934;0.041666666666666664353702032031;0.018827160493827162224267368629;0.008333333333333333217685101602;0.016666666666666666435370203203;0.018209876543209876226248056241;0.022222222222222223070309254922;0.023765432098765432861187107960;0.031172839506172840551290192934;0.024382716049382715389759468394;0.025617283950617283916351141215;0.015123456790123456644492350165;0.002160493827160493620492820455;0.038580246913580244771946325955;0.033024691358024688137007274236;0.020370370370370372015145221667;0.013580246913580246853614497127;0.008024691358024691953398921385;0.028703703703703703498106847292;0.041049382716049381825129671597;0.009259259259259258745267118229;0.016666666666666666435370203203;0.004629629629629629372633559115;0.023456790123456791596900927743;0.006790123456790123426807248563;0.014197530864197531116910333537;0.000000000000000000000000000000;0.012654320987654321326032480499;0.011111111111111111535154627461;0.019135802469135803488553548846;0.022839506172839505598881615356;0.010802469135802468536144971267;0.027777777777777776235801354687;0.015123456790123456644492350165
-0.025980392156862746472212322146;0.024509803921568627110838534122;0.057843137254901963451025892482;0.000980392156862745084433541365;0.006372549019607843048818018872;0.015686274509803921350936661838;0.002450980392156862711083853412;0.029901960784313726809946487606;0.058823529411764705066012481893;0.016176470588235295627876908497;0.022058823529411766134478156687;0.005392156862745097964384477507;0.015196078431372548808719891156;0.032843137254901962063247111701;0.010784313725490195928768955014;0.015196078431372548808719891156;0.033823529411764703678233701112;0.064705882352941182511507633990;0.022549019607843136941971451392;0.014705882352941176266503120473;0.016666666666666666435370203203;0.025980392156862746472212322146;0.022058823529411766134478156687;0.016666666666666666435370203203;0.024509803921568627110838534122;0.034803921568627452232114194430;0.040686274509803922738715442620;0.011764705882352941013202496379;0.000490196078431372542216770682;0.012254901960784313555419267061;0.004901960784313725422167706824;0.012745098039215686097636037744;0.019607843137254901688670827298;0.007843137254901960675468330919;0.025490196078431372195272075487;0.044607843137254903076449608079;0.016176470588235295627876908497;0.003921568627450980337734165460;0.008823529411764705759901872284;0.028921568627450981725512946241;0.010294117647058823386552184331;0.023039215686274511218911698052;0.000000000000000000000000000000;0.011274509803921568470985725696;0.005392156862745097964384477507;0.010294117647058823386552184331;0.021568627450980391857537910028;0.020588235294117646773104368663;0.031862745098039213509366618382;0.010784313725490195928768955014
-0.033703703703703701000105041885;0.013333333333333334189130248149;0.085185185185185183232015049271;0.021111111111111111743321444578;0.000370370370370370351979089074;0.022222222222222223070309254922;0.000370370370370370351979089074;0.012222222222222222862142437805;0.035555555555555555524716027094;0.018888888888888889089345823891;0.021851851851851851471497667490;0.008518518518518519017090895318;0.014814814814814815380206169948;0.050370370370370370904922197042;0.003703703703703703845051542487;0.045555555555555557467606320188;0.018148148148148149361169600979;0.036666666666666666851703837438;0.005185185185185185036127464286;0.007037037037037036958653235530;0.008148148148148147418279307885;0.025185185185185185452461098521;0.008148148148148147418279307885;0.027777777777777776235801354687;0.058518518518518518323201504927;0.042222222222222223486642889156;0.027777777777777776235801354687;0.007037037037037036958653235530;0.000000000000000000000000000000;0.004814814814814815172039352831;0.005555555555555555767577313730;0.014444444444444443781394582516;0.004074074074074073709139653943;0.017037037037037038034181790636;0.024074074074074074125473288177;0.036666666666666666851703837438;0.009259259259259258745267118229;0.009629629629629630344078705662;0.004814814814814815172039352831;0.015555555555555555108382392859;0.002222222222222222220294751693;0.028888888888888887562789165031;0.000000000000000000000000000000;0.008518518518518519017090895318;0.002592592592592592518063732143;0.004814814814814815172039352831;0.047777777777777780121581940875;0.040740740740740744030290443334;0.025185185185185185452461098521;0.033703703703703701000105041885
-0.017592592592592593697675695807;0.018827160493827162224267368629;0.044753086419753083935457738107;0.208950617283950618174870328403;0.004320987654320987240985640909;0.013271604938271605589328316910;0.012037037037037037062736644089;0.030246913580246913288984700330;0.033950617283950615399312766840;0.018518518518518517490534236458;0.011111111111111111535154627461;0.012345679012345678327022824305;0.007716049382716048954389265191;0.016358024691358025171084022986;0.033641975308641977604473538577;0.008333333333333333217685101602;0.040123456790123454562824178993;0.038888888888888889505679458125;0.016049382716049383906797842769;0.005555555555555555767577313730;0.016049382716049383906797842769;0.020987654320987654543717582101;0.008950617283950617480980938012;0.022530864197530864334595435139;0.010802469135802468536144971267;0.019753086419753086017125909279;0.024382716049382715389759468394;0.011111111111111111535154627461;0.005555555555555555767577313730;0.016049382716049383906797842769;0.008333333333333333217685101602;0.021296296296296295808003762318;0.005555555555555555767577313730;0.008024691358024691953398921385;0.009567901234567901744276774423;0.033333333333333332870740406406;0.010493827160493827271858791050;0.011111111111111111535154627461;0.003703703703703703845051542487;0.012654320987654321326032480499;0.009567901234567901744276774423;0.023456790123456791596900927743;0.000000000000000000000000000000;0.016049382716049383906797842769;0.015123456790123456644492350165;0.019135802469135803488553548846;0.016049382716049383906797842769;0.008641975308641974481971281818;0.012345679012345678327022824305;0.006790123456790123426807248563
-0.017241379310344827346934692969;0.014367816091954022789112244141;0.024712643678160919197273059922;0.408620689655172397714011367498;0.003448275862068965469386938594;0.013218390804597700965983264609;0.016091954022988505523805713437;0.030459770114942528312917957578;0.012643678160919540054418774844;0.015517241379310344612241223672;0.009770114942528735496596326016;0.011494252873563218231289795312;0.005172413793103448204080407891;0.011494252873563218231289795312;0.022413793103448275551015100859;0.008620689655172413673467346484;0.028735632183908045578224488281;0.023563218390804597374144080391;0.014942528735632183700676733906;0.004022988505747126380951428359;0.024137931034482758285708570156;0.008620689655172413673467346484;0.005747126436781609115644897656;0.018390804597701149170063672500;0.011494252873563218231289795312;0.016091954022988505523805713437;0.020689655172413792816321631562;0.006896551724137930938773877187;0.005747126436781609115644897656;0.011494252873563218231289795312;0.007471264367816091850338366953;0.012643678160919540054418774844;0.004597701149425287292515918125;0.008045977011494252761902856719;0.005172413793103448204080407891;0.022988505747126436462579590625;0.004022988505747126380951428359;0.012643678160919540054418774844;0.000574712643678160911564489766;0.001724137931034482734693469297;0.012643678160919540054418774844;0.021264367816091953727886121328;0.000000000000000000000000000000;0.009195402298850574585031836250;0.013793103448275861877547754375;0.016091954022988505523805713437;0.006321839080459770027209387422;0.003448275862068965469386938594;0.008620689655172413673467346484;0.002873563218390804557822448828
-0.023931623931623933337897724982;0.008119658119658120301598280832;0.064102564102564096870651155768;0.000000000000000000000000000000;0.002564102564102564100340098108;0.020940170940170938634894426400;0.003846153846153846367350581659;0.021794871794871793768688661430;0.042307692307692310040856398246;0.032051282051282048435325577884;0.011111111111111111535154627461;0.019230769230769231836752908293;0.009401709401709401267566157401;0.029487179487179486503389824748;0.005128205128205128200680196215;0.013675213675213675201813856575;0.035470085470085468970502518005;0.047008547008547008072554262981;0.005128205128205128200680196215;0.012820512820512820068019621544;0.011538461538461539102051744976;0.038034188034188030902438271141;0.010256410256410256401360392431;0.045299145299145297804965792920;0.029059829059829060671216183209;0.034615384615384617306155234928;0.028632478632478631369595589717;0.005128205128205128200680196215;0.003418803418803418800453464144;0.014957264957264957902505209120;0.022222222222222223070309254922;0.025641025641025640136039243089;0.002564102564102564100340098108;0.012820512820512820068019621544;0.022222222222222223070309254922;0.055982905982905985242670254820;0.012393162393162392501122504029;0.008547008547008547868495398347;0.009401709401709401267566157401;0.019658119658119657668926549832;0.005128205128205128200680196215;0.022222222222222223070309254922;0.000000000000000000000000000000;0.024358974358974359170071366520;0.001709401709401709400226732072;0.019230769230769231836752908293;0.041880341880341877269788852800;0.026495726495726495269833478119;0.026495726495726495269833478119;0.011965811965811966668948862491
-0.025277777777777777484802257391;0.003055555555555555715535609451;0.054166666666666668517038374375;0.000277777777777777777536843962;0.018611111111111109522875395328;0.024166666666666666157814447047;0.003888888888888888777095598215;0.019166666666666665186369300500;0.041388888888888891726125507375;0.024444444444444445724284875610;0.023611111111111110494320541875;0.031388888888888889783235214281;0.010833333333333333703407674875;0.036388888888888887285233408875;0.005833333333333333599324266316;0.023888888888888890060790970438;0.032500000000000001110223024625;0.024722222222222221821308352219;0.014444444444444443781394582516;0.007499999999999999722444243844;0.016944444444444446001840631766;0.033055555555555553304269977843;0.007777777777777777554191196430;0.044999999999999998334665463062;0.038055555555555557745162076344;0.032222222222222221543752596062;0.026388888888888888811790067734;0.003055555555555555715535609451;0.003888888888888888777095598215;0.019166666666666665186369300500;0.025000000000000001387778780781;0.021666666666666667406815349750;0.008888888888888888881179006773;0.010555555555555555871660722289;0.016666666666666666435370203203;0.041388888888888891726125507375;0.011388888888888889366901580047;0.011111111111111111535154627461;0.013333333333333334189130248149;0.011388888888888889366901580047;0.005833333333333333599324266316;0.017777777777777777762358013547;0.000000000000000000000000000000;0.028333333333333331899295259859;0.005277777777777777935830361145;0.020000000000000000416333634234;0.033055555555555553304269977843;0.023611111111111110494320541875;0.028611111111111111465765688422;0.014999999999999999444888487687
-0.013333333333333334189130248149;0.007407407407407407690103084974;0.039259259259259257635044093604;0.265555555555555544700041536998;0.017037037037037038034181790636;0.017037037037037038034181790636;0.005185185185185185036127464286;0.014074074074074073917306471060;0.054444444444444441144614899031;0.015555555555555555108382392859;0.014444444444444443781394582516;0.031851851851851853414387960584;0.004444444444444444440589503387;0.018888888888888889089345823891;0.020000000000000000416333634234;0.016666666666666666435370203203;0.012962962962962962590318660716;0.022592592592592591199673890401;0.007037037037037036958653235530;0.005555555555555555767577313730;0.009629629629629630344078705662;0.025555555555555557051272685953;0.003703703703703703845051542487;0.023333333333333334397297065266;0.019629629629629628817522046802;0.022962962962962962798485477833;0.024444444444444445724284875610;0.014814814814814815380206169948;0.003333333333333333547282562037;0.017777777777777777762358013547;0.010000000000000000208166817117;0.015555555555555555108382392859;0.002222222222222222220294751693;0.013333333333333334189130248149;0.004814814814814815172039352831;0.020740740740740740144509857146;0.003703703703703703845051542487;0.006296296296296296363115274630;0.006296296296296296363115274630;0.005185185185185185036127464286;0.007777777777777777554191196430;0.032962962962962964741375770927;0.000000000000000000000000000000;0.016296296296296294836558615771;0.013703703703703704053218359604;0.009629629629629630344078705662;0.024444444444444445724284875610;0.011111111111111111535154627461;0.009629629629629630344078705662;0.017777777777777777762358013547
-0.015094339622641509551792537991;0.008490566037735848906042868123;0.031761006289308175987162741194;0.374528301886792425179351084807;0.012893081761006289914783806694;0.012264150943396227161352740609;0.003773584905660377387948134498;0.015094339622641509551792537991;0.020440251572327042955956599712;0.017295597484276729188801269288;0.008176100628930817529327335080;0.011320754716981131296482665505;0.006918238993710692022465202911;0.018238993710691823318947868415;0.018553459119496854695663401458;0.013836477987421384044930405821;0.012893081761006289914783806694;0.019496855345911948825810000585;0.007861635220125786152611802038;0.005031446540880502894810266667;0.006918238993710692022465202911;0.014150943396226415421645938864;0.009433962264150943036189467250;0.024213836477987422945989948175;0.023584905660377360192558882090;0.023584905660377360192558882090;0.019182389937106917449094467543;0.007547169811320754775896268995;0.002830188679245282824120666376;0.011006289308176099919767132462;0.005974842767295597892318603783;0.017610062893081760565516802330;0.005974842767295597892318603783;0.009748427672955974412905000293;0.011949685534591195784637207566;0.026100628930817611206283146430;0.006603773584905660645749669868;0.007861635220125786152611802038;0.005031446540880502894810266667;0.011635220125786162673198198547;0.007547169811320754775896268995;0.011320754716981131296482665505;0.000000000000000000000000000000;0.014779874213836478175077004948;0.005974842767295597892318603783;0.014150943396226415421645938864;0.020440251572327042955956599712;0.013522012578616352668214872779;0.016037735849056603681939137118;0.011320754716981131296482665505
-0.028888888888888887562789165031;0.014166666666666665949647629930;0.056944444444444443365060948281;0.021111111111111111743321444578;0.020833333333333332176851016015;0.019166666666666665186369300500;0.007222222222222221890697291258;0.024166666666666666157814447047;0.028611111111111111465765688422;0.022777777777777778733803160094;0.016666666666666666435370203203;0.013055555555555556357383295563;0.013333333333333334189130248149;0.029444444444444443226283070203;0.022777777777777778733803160094;0.015277777777777777276635440273;0.026111111111111112714766591125;0.038055555555555557745162076344;0.022777777777777778733803160094;0.010277777777777778039913769703;0.016111111111111110771876298031;0.024444444444444445724284875610;0.016111111111111110771876298031;0.030833333333333334119741309109;0.028611111111111111465765688422;0.028888888888888887562789165031;0.034722222222222223764198645313;0.010833333333333333703407674875;0.000833333333333333386820640509;0.020000000000000000416333634234;0.011111111111111111535154627461;0.023333333333333334397297065266;0.012222222222222222862142437805;0.011388888888888889366901580047;0.023888888888888890060790970438;0.036111111111111107718762980312;0.016111111111111110771876298031;0.010000000000000000208166817117;0.003888888888888888777095598215;0.021388888888888887840344921187;0.008888888888888888881179006773;0.014166666666666665949647629930;0.000000000000000000000000000000;0.016388888888888890338346726594;0.020277777777777776513357110844;0.017500000000000001665334536938;0.029722222222222222792753498766;0.021944444444444443503838826359;0.023333333333333334397297065266;0.015277777777777777276635440273
-0.013559322033898304690757719015;0.017231638418079096158885832324;0.049717514124293787913799747002;0.218926553672316392962216013984;0.064406779661016946847418296329;0.011016949152542372669660863949;0.002824858757062146882854669627;0.022316384180790960201079542458;0.025423728813559323680415502622;0.019774011299435029914706163368;0.021468926553672315615806098776;0.012429378531073446978449936751;0.002824858757062146882854669627;0.028248587570621468828546696272;0.043502824858757060955127826674;0.022881355932203389924595171578;0.007627118644067796930652303189;0.014689265536723164137788977257;0.024858757062146893956899873501;0.002542372881355932021096855067;0.013559322033898304690757719015;0.013841807909604519552515533576;0.002259887005649717593019909501;0.020903954802259885892290469656;0.025988700564971749934484179789;0.028531073446327683690304510833;0.025423728813559323680415502622;0.024011299435028249371626429820;0.002259887005649717593019909501;0.018644067796610170467674905126;0.007062146892655367207136674068;0.010734463276836157807903049388;0.004802259887005650047797633562;0.012711864406779661840207751311;0.002542372881355932021096855067;0.018361581920903955605917090566;0.003954802259887005462524189880;0.005367231638418078903951524694;0.002259887005649717593019909501;0.001129943502824858796509954750;0.006779661016949152345378859508;0.011864406779661017254934307630;0.000000000000000000000000000000;0.009322033898305085233837452563;0.034180790960451977456013850087;0.007627118644067796930652303189;0.028813559322033898552062325393;0.009887005649717514957353081684;0.007062146892655367207136674068;0.013841807909604519552515533576
-0.010507246376811593679967415937;0.012318840579710145510805574531;0.029347826086956522312343409453;0.477536231884057971175394641250;0.021376811594202897726102463594;0.004710144927536232158093998379;0.002536231884057970828449946055;0.012681159420289855876973206250;0.013768115942028985240752625430;0.006884057971014492620376312715;0.005797101449275362389235155547;0.005072463768115941656899892109;0.001811594202898550746635986108;0.010869565217391304046135047656;0.011594202898550724778470311094;0.010507246376811593679967415937;0.008695652173913043583852733320;0.012681159420289855876973206250;0.009420289855072464316187996758;0.002173913043478260895963183330;0.008695652173913043583852733320;0.011594202898550724778470311094;0.001086956521739130447981591665;0.011956521739130435144637942813;0.007608695652173913352711576152;0.017753623188405797533873098359;0.011231884057971014412302679375;0.121376811594202896338323682812;0.001449275362318840597308788887;0.008333333333333333217685101602;0.006521739130434782254208680996;0.006884057971014492620376312715;0.002898550724637681194617577773;0.003260869565217391127104340498;0.002898550724637681194617577773;0.015579710144927537071590784024;0.006884057971014492620376312715;0.002898550724637681194617577773;0.003623188405797101493271972217;0.003623188405797101493271972217;0.007608695652173913352711576152;0.010144927536231883313799784219;0.000000000000000000000000000000;0.005797101449275362389235155547;0.006159420289855072755402787266;0.003985507246376811425758734941;0.017028985507246376801537834922;0.008695652173913043583852733320;0.007246376811594202986543944434;0.006884057971014492620376312715
-0.013178294573643410669827602533;0.001937984496124030980857000372;0.018217054263565891220055803501;0.702713178294573692639346518263;0.001550387596899224784685600298;0.010077519379844961100456401937;0.000775193798449612392342800149;0.002713178294573643373199800521;0.007364341085271317727256601415;0.006589147286821705334913801266;0.007364341085271317727256601415;0.008527131782945736315770801639;0.003875968992248061961714000745;0.014341085271317829258341802756;0.002325581395348837177028400447;0.010852713178294573492799202086;0.006201550387596899138742401192;0.006589147286821705334913801266;0.003488372093023255765542600670;0.002713178294573643373199800521;0.003100775193798449569371200596;0.005813953488372092942571001117;0.000775193798449612392342800149;0.012403100775193798277484802384;0.012790697674418604473656202458;0.017441860465116278827713003352;0.010077519379844961100456401937;0.001162790697674418588514200223;0.000000000000000000000000000000;0.004263565891472868157885400819;0.008139534883720930119599401564;0.004651162790697674354056800894;0.003100775193798449569371200596;0.003875968992248061961714000745;0.001937984496124030980857000372;0.013953488372093023062170402682;0.002325581395348837177028400447;0.005813953488372092942571001117;0.000000000000000000000000000000;0.004263565891472868157885400819;0.001550387596899224784685600298;0.002325581395348837177028400447;0.000000000000000000000000000000;0.006589147286821705334913801266;0.001937984496124030980857000372;0.007364341085271317727256601415;0.012403100775193798277484802384;0.007364341085271317727256601415;0.005426356589147286746399601043;0.007751937984496123923428001490
-0.030797101449275363777013936328;0.005434782608695652023067523828;0.049275362318840582043222298125;0.119927536231884054873653155937;0.023188405797101449556940622188;0.028260869565217391213840514297;0.004347826086956521791926366660;0.031521739130434781039902247812;0.018478260869565218266208361797;0.024275362318840580655443517344;0.021014492753623187359934831875;0.024275362318840580655443517344;0.012681159420289855876973206250;0.036594202898550726166249091875;0.012681159420289855876973206250;0.013405797101449274874584993711;0.017753623188405797533873098359;0.026086956521739129016834723984;0.019565217391304349364711256953;0.007608695652173913352711576152;0.020289855072463766627599568437;0.017028985507246376801537834922;0.006884057971014492620376312715;0.026086956521739129016834723984;0.038405797101449277997087250469;0.037318840579710146898584355313;0.032246376811594201772237511250;0.001086956521739130447981591665;0.001086956521739130447981591665;0.016666666666666666435370203203;0.011594202898550724778470311094;0.017753623188405797533873098359;0.011231884057971014412302679375;0.011231884057971014412302679375;0.013043478260869564508417361992;0.030797101449275363777013936328;0.013405797101449274874584993711;0.011956521739130435144637942813;0.002173913043478260895963183330;0.005797101449275362389235155547;0.007246376811594202986543944434;0.005797101449275362389235155547;0.000000000000000000000000000000;0.017753623188405797533873098359;0.010507246376811593679967415937;0.015217391304347826705423152305;0.026086956521739129016834723984;0.021014492753623187359934831875;0.031159420289855074143181568047;0.011956521739130435144637942813
-0.019883040935672516291710110181;0.014619883040935671703053344572;0.052631578947368418130992040460;0.095906432748538009147587501957;0.004678362573099415291921765458;0.014035087719298245875765296375;0.011403508771929825316160389548;0.035380116959064324133610313083;0.026608187134502924581225258294;0.027777777777777776235801354687;0.019590643274853800775980872118;0.014912280701754385484059106659;0.009941520467836258145855055091;0.022807017543859650632320779096;0.027485380116959064189519068577;0.012865497076023392486465724005;0.022807017543859650632320779096;0.037719298245614034381656409778;0.014035087719298245875765296375;0.007017543859649122937882648188;0.027485380116959064189519068577;0.021637426900584795508297730748;0.013157894736842104532748010115;0.027192982456140352143236782467;0.019590643274853800775980872118;0.023099415204678362678603065206;0.037134502923976610289091837558;0.006432748538011696243232862003;0.005847953216374268681221337829;0.015204678362573099265064868746;0.009941520467836258145855055091;0.019005847953216373213969347944;0.009064327485380116802837768830;0.015789473684210526827076392919;0.015497076023391813046070630833;0.038596491228070177459397172015;0.011111111111111111535154627461;0.005847953216374268681221337829;0.004678362573099415291921765458;0.015497076023391813046070630833;0.016374269005847954389087917093;0.014035087719298245875765296375;0.000000000000000000000000000000;0.022807017543859650632320779096;0.014035087719298245875765296375;0.026023391812865497019213734120;0.022807017543859650632320779096;0.008187134502923977194543958547;0.023099415204678362678603065206;0.018713450292397661167687061834
-0.020125786163522011579241066670;0.034276729559748427000887005534;0.048742138364779877268695429393;0.005660377358490565648241332752;0.013522012578616352668214872779;0.016666666666666666435370203203;0.007232704402515723399180735953;0.033962264150943395624171472491;0.026729559748427673959714212515;0.018553459119496854695663401458;0.011949685534591195784637207566;0.014465408805031446798361471906;0.014779874213836478175077004948;0.026100628930817611206283146430;0.026415094339622642582998679472;0.014779874213836478175077004948;0.028616352201257862220007410770;0.054402515723270442049575024157;0.023899371069182391569274415133;0.008490566037735848906042868123;0.018238993710691823318947868415;0.016352201257861635058654670161;0.016981132075471697812085736246;0.029874213836477987726869542939;0.021069182389937105709387665797;0.024213836477987422945989948175;0.039937106918238991781766600297;0.038050314465408803521473402043;0.002515723270440251447405133334;0.028930817610062893596722943812;0.014465408805031446798361471906;0.015408805031446540928508071033;0.014150943396226415421645938864;0.007547169811320754775896268995;0.016352201257861635058654670161;0.033333333333333332870740406406;0.019496855345911948825810000585;0.012893081761006289914783806694;0.004716981132075471518094733625;0.015408805031446540928508071033;0.011320754716981131296482665505;0.021383647798742137086103198840;0.000000000000000000000000000000;0.017610062893081760565516802330;0.013207547169811321291499339736;0.020125786163522011579241066670;0.022012578616352199839534264925;0.015408805031446540928508071033;0.031446540880503144610447208152;0.008176100628930817529327335080
-0.013675213675213675201813856575;0.040170940170940173941094286647;0.026068376068376069437659836581;0.101709401709401708879809689279;0.021367521367521367936515019892;0.014102564102564102768710974090;0.006410256410256410034009810772;0.028632478632478631369595589717;0.029487179487179486503389824748;0.013247863247863247634916739059;0.009401709401709401267566157401;0.011965811965811966668948862491;0.010683760683760683968257509946;0.011111111111111111535154627461;0.038034188034188030902438271141;0.011111111111111111535154627461;0.023931623931623933337897724982;0.042735042735042735873030039784;0.022649572649572648902482896460;0.003418803418803418800453464144;0.018803418803418802535132314802;0.032478632478632481206393123330;0.014957264957264957902505209120;0.019230769230769231836752908293;0.017521367521367521569164438233;0.016666666666666666435370203203;0.019230769230769231836752908293;0.046153846153846156408206979904;0.002136752136752136967123849587;0.023504273504273504036277131490;0.017094017094017095736990796695;0.015384615384615385469402326635;0.014957264957264957902505209120;0.005555555555555555767577313730;0.009401709401709401267566157401;0.021794871794871793768688661430;0.008119658119658120301598280832;0.011965811965811966668948862491;0.062393162393162393541956589615;0.017521367521367521569164438233;0.011538461538461539102051744976;0.025641025641025640136039243089;0.000000000000000000000000000000;0.014102564102564102768710974090;0.023504273504273504036277131490;0.018803418803418802535132314802;0.009829059829059828834463274916;0.007692307692307692734701163317;0.008547008547008547868495398347;0.005555555555555555767577313730
-0.015602836879432624081487368528;0.023758865248226949951071418354;0.016312056737588651739168099652;0.252482269503546075117839109225;0.024468085106382979343475625456;0.017375886524822695827774410304;0.009929078014184397615871091602;0.016312056737588651739168099652;0.023758865248226949951071418354;0.007801418439716312040743684264;0.009929078014184397615871091602;0.021276595744680850547103645454;0.005673758865248227332978014914;0.007801418439716312040743684264;0.026595744680851064051241294806;0.008865248226950355261988256927;0.012411347517730497019838864503;0.030851063829787233466772633506;0.021276595744680850547103645454;0.002482269503546099403967772901;0.012056737588652482323636760952;0.026595744680851064051241294806;0.009574468085106382919668988052;0.011702127659574467627434657402;0.013475177304964539373721699178;0.012056737588652482323636760952;0.014184397163120567031402430302;0.020212765957446809927944286756;0.001063829787234042570723269172;0.019148936170212765839337976104;0.079787234042553195623170836370;0.009574468085106382919668988052;0.004609929078014184111733442251;0.004964539007092198807935545801;0.007801418439716312040743684264;0.010992907801418439969753926277;0.003900709219858156020371842132;0.018439716312056736446933769002;0.064893617021276592260470295059;0.009929078014184397615871091602;0.008510638297872340565786153377;0.019858156028368795231742183205;0.000000000000000000000000000000;0.009219858156028368223466884501;0.016312056737588651739168099652;0.011702127659574467627434657402;0.004964539007092198807935545801;0.006737588652482269686860849589;0.006737588652482269686860849589;0.006028368794326241161818380476
-0.009401709401709401267566157401;0.021367521367521367936515019892;0.042735042735042735873030039784;0.264529914529914533805055043558;0.008974358974358973700669039886;0.008974358974358973700669039886;0.009829059829059828834463274916;0.029914529914529915805010418239;0.030769230769230770938804653269;0.030769230769230770938804653269;0.011111111111111111535154627461;0.011965811965811966668948862491;0.000854700854700854700113366036;0.015384615384615385469402326635;0.025641025641025640136039243089;0.008974358974358973700669039886;0.019658119658119657668926549832;0.023931623931623933337897724982;0.016666666666666666435370203203;0.002136752136752136967123849587;0.016666666666666666435370203203;0.026923076923076924571454071611;0.000854700854700854700113366036;0.026923076923076924571454071611;0.015384615384615385469402326635;0.026068376068376069437659836581;0.032478632478632481206393123330;0.022649572649572648902482896460;0.006837606837606837600906928287;0.007692307692307692734701163317;0.007264957264957265167804045802;0.017521367521367521569164438233;0.003846153846153846367350581659;0.014102564102564102768710974090;0.000854700854700854700113366036;0.028632478632478631369595589717;0.005555555555555555767577313730;0.008547008547008547868495398347;0.005128205128205128200680196215;0.001709401709401709400226732072;0.014529914529914530335608091605;0.017094017094017095736990796695;0.000000000000000000000000000000;0.015811965811965811301575968173;0.022222222222222223070309254922;0.014529914529914530335608091605;0.023504273504273504036277131490;0.004700854700854700633783078700;0.005555555555555555767577313730;0.012820512820512820068019621544
-0.013492063492063492702310867344;0.011111111111111111535154627461;0.055555555555555552471602709375;0.264682539682539685887974201250;0.006349206349206349200842147695;0.009523809523809524668624959531;0.004761904761904762334312479766;0.024603174603174602502742018828;0.013888888888888888117900677344;0.019047619047619049337249919063;0.003174603174603174600421073848;0.008333333333333333217685101602;0.006349206349206349200842147695;0.014285714285714285268213963320;0.028968253968253969421464688594;0.005555555555555555767577313730;0.049206349206349205005484037656;0.030952380952380953438307642500;0.007539682539682539784420267637;0.003968253968253968033685907812;0.015476190476190476719153821250;0.017063492063492061850960013203;0.001984126984126984016842953906;0.035317460317460316887583360312;0.009523809523809524668624959531;0.010317460317460317234528055508;0.027777777777777776235801354687;0.007936507936507936067371815625;0.001587301587301587300210536924;0.004365079365079365183999193789;0.004761904761904762334312479766;0.045238095238095236971798129844;0.003968253968253968033685907812;0.014285714285714285268213963320;0.003968253968253968033685907812;0.077777777777777779011358916250;0.004365079365079365183999193789;0.008730158730158730367998387578;0.001984126984126984016842953906;0.009126984126984127518311673555;0.007539682539682539784420267637;0.009523809523809524668624959531;0.000000000000000000000000000000;0.019841269841269840168429539062;0.007936507936507936067371815625;0.011111111111111111535154627461;0.028174603174603175120838116641;0.009523809523809524668624959531;0.006746031746031746351155433672;0.012698412698412698401684295391
-0.032575757575757577355624050597;0.013636363636363635701287400082;0.038257575757575754127337575028;0.201136363636363640905457828012;0.005303030303030303350964036468;0.022348484848484850145977631541;0.003787878787878787983922634908;0.026893939393939393645016622258;0.023106060606060605661093987351;0.018560606060606062162054996634;0.009848484848484847717364765174;0.015909090909090907450806895440;0.007954545454545453725403447720;0.020075757575757576661734660206;0.024621212121212120160773650923;0.016666666666666666435370203203;0.017045454545454544192928381108;0.040530303030303027611580546363;0.020075757575757576661734660206;0.003409090909090908925321850020;0.019318181818181817677171352443;0.015530303030303029693248717535;0.006439393939393939225723784148;0.025757575757575756902895136591;0.031439393939393940613502564929;0.028030303030303030387138107926;0.025000000000000001387778780781;0.005681818181818181975883952362;0.001893939393939393991961317454;0.014772727272727272443408885749;0.008712121212121212709966755483;0.019696969696969695434729530348;0.008712121212121212709966755483;0.006818181818181817850643700041;0.010606060606060606701928072937;0.031439393939393940613502564929;0.012878787878787878451447568295;0.012500000000000000693889390391;0.003030303030303030300401934127;0.014015151515151515193569053963;0.010984848484848484459486250842;0.014393939393939394685850707845;0.000000000000000000000000000000;0.020833333333333332176851016015;0.008712121212121212709966755483;0.014393939393939394685850707845;0.020075757575757576661734660206;0.014015151515151515193569053963;0.019318181818181817677171352443;0.013257575757575757943729222177
-0.031286549707602341607870499729;0.020760233918128655900003920465;0.043274853801169591016595461497;0.130116959064327492034962574508;0.006432748538011696243232862003;0.017251461988304093997381727377;0.004678362573099415291921765458;0.032456140350877189792999644169;0.028070175438596491751530592751;0.018128654970760233605675537660;0.018128654970760233605675537660;0.012865497076023392486465724005;0.010233918128654970192137341201;0.022807017543859650632320779096;0.023391812865497074724885351316;0.014327485380116959656771058462;0.022514619883040935116591541032;0.046491228070175437403488416521;0.019005847953216373213969347944;0.006140350877192982462227099916;0.019590643274853800775980872118;0.023099415204678362678603065206;0.010526315789473683973143103287;0.026900584795321636627507544404;0.025146198830409357410919923836;0.027777777777777776235801354687;0.037426900584795322335374123668;0.007309941520467835851526672286;0.002046783625730994298635989637;0.012573099415204678705459961918;0.010818713450292397754148865374;0.015497076023391813046070630833;0.010526315789473683973143103287;0.006725146198830409156876886101;0.009649122807017544364849293004;0.039181286549707601551961744235;0.014619883040935671703053344572;0.011403508771929825316160389548;0.002046783625730994298635989637;0.012865497076023392486465724005;0.009649122807017544364849293004;0.017251461988304093997381727377;0.000000000000000000000000000000;0.019005847953216373213969347944;0.017543859649122806043664013487;0.012280701754385964924454199831;0.024269005847953217802626113553;0.015204678362573099265064868746;0.021052631578947367946286206575;0.009649122807017544364849293004
-0.022222222222222223070309254922;0.011437908496732025406816823931;0.034967320261437909167945292666;0.297385620915032677924472181985;0.004248366013071895076758099918;0.012745098039215686097636037744;0.005228758169934640161191641283;0.018954248366013070475899482403;0.020261437908496732901442172192;0.022222222222222223070309254922;0.008496732026143790153516199837;0.007189542483660130330058724013;0.008169934640522876281854003366;0.019281045751633987817008630827;0.026470588235294117279705616852;0.012091503267973856619588168826;0.020915032679738560644766565133;0.021241830065359477985875713557;0.014052287581699346788455251556;0.004901960784313725422167706824;0.010784313725490195928768955014;0.014052287581699346788455251556;0.002941176470588235253300624095;0.030065359477124183745777585841;0.016666666666666666435370203203;0.024183006535947713239176337652;0.025490196078431372195272075487;0.008496732026143790153516199837;0.004901960784313725422167706824;0.009150326797385621366287544731;0.009477124183006535237949741202;0.022875816993464050813633647863;0.005882352941176470506601248189;0.018627450980392156604237285933;0.008823529411764705759901872284;0.029411764705882352533006240947;0.007843137254901960675468330919;0.011764705882352941013202496379;0.003267973856209150426005427548;0.013071895424836601704021710191;0.006862745098039215591034789554;0.010457516339869280322383282567;0.000000000000000000000000000000;0.025163398692810458323609879017;0.012418300653594770491250365296;0.020915032679738560644766565133;0.020588235294117646773104368663;0.011764705882352941013202496379;0.009803921568627450844335413649;0.011764705882352941013202496379
-0.014506172839506172381196513754;0.014506172839506172381196513754;0.038888888888888889505679458125;0.280246913580246892472302988608;0.033024691358024688137007274236;0.017283950617283948963942563637;0.007407407407407407690103084974;0.029938271604938272024698520113;0.017592592592592593697675695807;0.021604938271604937072289942535;0.018209876543209876226248056241;0.019444444444444444752839729063;0.007098765432098765558455166769;0.022839506172839505598881615356;0.037654320987654324448534737257;0.018827160493827162224267368629;0.011111111111111111535154627461;0.013580246913580246853614497127;0.018518518518518517490534236458;0.001234567901234567876070369330;0.018518518518518517490534236458;0.013888888888888888117900677344;0.001234567901234567876070369330;0.027469135802469134971515174470;0.017283950617283948963942563637;0.023148148148148146863167795573;0.033333333333333332870740406406;0.009259259259259258745267118229;0.003703703703703703845051542487;0.010802469135802468536144971267;0.007716049382716048954389265191;0.014197530864197531116910333537;0.001543209876543209790877853038;0.015432098765432097908778530382;0.002777777777777777883788656865;0.023148148148148146863167795573;0.004938271604938271504281477320;0.007407407407407407690103084974;0.002777777777777777883788656865;0.002160493827160493620492820455;0.010185185185185186007572610833;0.006481481481481481295159330358;0.000000000000000000000000000000;0.016049382716049383906797842769;0.016358024691358025171084022986;0.022530864197530864334595435139;0.019753086419753086017125909279;0.003703703703703703845051542487;0.006172839506172839163511412153;0.014506172839506172381196513754
-0.018361581920903955605917090566;0.012146892655367232116692122190;0.036158192090395481488318552010;0.341525423728813559698380686314;0.029096045197740113413820139954;0.012429378531073446978449936751;0.004802259887005650047797633562;0.025706214689265535072726365229;0.020338983050847456168774840535;0.019209039548022600191190534247;0.019491525423728815052948348807;0.021186440677966100754048284216;0.004237288135593220324282004441;0.022881355932203389924595171578;0.022033898305084745339321727897;0.022033898305084745339321727897;0.009039548022598870372079638003;0.019209039548022600191190534247;0.016101694915254236711854574082;0.002259887005649717593019909501;0.017514124293785311020643646884;0.011299435028248587531418678509;0.001412429378531073441427334814;0.021468926553672315615806098776;0.018644067796610170467674905126;0.027966101694915253966788881712;0.033050847457627118008982591846;0.014124293785310734414273348136;0.001694915254237288086344714877;0.011864406779661017254934307630;0.006214689265536723489224968375;0.010451977401129942946145234828;0.003107344632768361744612484188;0.016666666666666666435370203203;0.002259887005649717593019909501;0.017231638418079096158885832324;0.003389830508474576172689429754;0.004519774011299435186039819001;0.001129943502824858796509954750;0.001412429378531073441427334814;0.009039548022598870372079638003;0.007909604519774010925048379761;0.000000000000000000000000000000;0.011299435028248587531418678509;0.013841807909604519552515533576;0.012429378531073446978449936751;0.016949152542372881297128017763;0.003672316384180791034447244314;0.007909604519774010925048379761;0.013276836158192089828999904455
-0.010451977401129942946145234828;0.004802259887005650047797633562;0.043785310734463275816885641234;0.398022598870056476538792367137;0.007909604519774010925048379761;0.007344632768361582068894488629;0.001129943502824858796509954750;0.018644067796610170467674905126;0.022316384180790960201079542458;0.020903954802259885892290469656;0.013559322033898304690757719015;0.007062146892655367207136674068;0.002824858757062146882854669627;0.025988700564971749934484179789;0.020338983050847456168774840535;0.018644067796610170467674905126;0.014406779661016949276031162697;0.017796610169491525882401461445;0.008192090395480225786806194321;0.002259887005649717593019909501;0.010734463276836157807903049388;0.021751412429378530477563913337;0.001694915254237288086344714877;0.023163841807909604786352986139;0.016949152542372881297128017763;0.034463276836158192317771664648;0.025141242937853108818657688062;0.006497175141242937483621044947;0.001412429378531073441427334814;0.004519774011299435186039819001;0.006214689265536723489224968375;0.008474576271186440648564008882;0.003389830508474576172689429754;0.014406779661016949276031162697;0.003672316384180791034447244314;0.020903954802259885892290469656;0.005367231638418078903951524694;0.005367231638418078903951524694;0.001129943502824858796509954750;0.001977401129943502731262094940;0.004519774011299435186039819001;0.006497175141242937483621044947;0.000000000000000000000000000000;0.010734463276836157807903049388;0.013276836158192089828999904455;0.010169491525423728084387420267;0.025706214689265535072726365229;0.014124293785310734414273348136;0.008192090395480225786806194321;0.023163841807909604786352986139
-0.010169491525423728084387420267;0.007062146892655367207136674068;0.052542372881355929592483988699;0.377966101694915235231775341163;0.003954802259887005462524189880;0.006214689265536723489224968375;0.001694915254237288086344714877;0.019209039548022600191190534247;0.019491525423728815052948348807;0.017796610169491525882401461445;0.016949152542372881297128017763;0.005367231638418078903951524694;0.003107344632768361744612484188;0.029661016949152543137335769075;0.017514124293785311020643646884;0.020338983050847456168774840535;0.012146892655367232116692122190;0.020903954802259885892290469656;0.008757062146892655510321823442;0.004237288135593220324282004441;0.012146892655367232116692122190;0.020056497175141241307017025974;0.001977401129943502731262094940;0.020903954802259885892290469656;0.023446327683615819648110800699;0.034745762711864407179529479208;0.032768361581920903147224777285;0.004237288135593220324282004441;0.001129943502824858796509954750;0.002259887005649717593019909501;0.005932203389830508627467153815;0.010169491525423728084387420267;0.003954802259887005462524189880;0.011299435028248587531418678509;0.003107344632768361744612484188;0.025141242937853108818657688062;0.008192090395480225786806194321;0.006779661016949152345378859508;0.001129943502824858796509954750;0.001977401129943502731262094940;0.007627118644067796930652303189;0.006779661016949152345378859508;0.000000000000000000000000000000;0.010169491525423728084387420267;0.009604519774011300095595267123;0.011299435028248587531418678509;0.027683615819209039105031067152;0.016101694915254236711854574082;0.008474576271186440648564008882;0.015819209039548021850096759522
-0.010465116279069767296627802011;0.005038759689922480550228200968;0.043798449612403103636815160371;0.448062015503875976651926293925;0.001162790697674418588514200223;0.009689922480620154904285001862;0.001550387596899224784685600298;0.017054263565891472631541603278;0.023255813953488371770284004469;0.015503875968992247846856002980;0.012790697674418604473656202458;0.005426356589147286746399601043;0.003875968992248061961714000745;0.029457364341085270909026405661;0.022868217054263565574112604395;0.018604651162790697416227203576;0.007364341085271317727256601415;0.017054263565891472631541603278;0.008914728682170542511942201713;0.002713178294573643373199800521;0.006589147286821705334913801266;0.014728682170542635454513202831;0.001162790697674418588514200223;0.017441860465116278827713003352;0.018217054263565891220055803501;0.029069767441860464712855005587;0.028294573643410852320512205438;0.003488372093023255765542600670;0.000775193798449612392342800149;0.001550387596899224784685600298;0.009689922480620154904285001862;0.011627906976744185885142002235;0.005038759689922480550228200968;0.010852713178294573492799202086;0.002713178294573643373199800521;0.017441860465116278827713003352;0.005426356589147286746399601043;0.005426356589147286746399601043;0.001937984496124030980857000372;0.001937984496124030980857000372;0.006201550387596899138742401192;0.005038759689922480550228200968;0.000000000000000000000000000000;0.009689922480620154904285001862;0.006976744186046511531085201341;0.006201550387596899138742401192;0.024806201550387596554969604767;0.011240310077519379688970602160;0.009689922480620154904285001862;0.022093023255813953181769804246
-0.014971751412429378999546791817;0.014689265536723164137788977257;0.035028248587570622041287293769;0.369774011299435045874162142354;0.010451977401129942946145234828;0.007062146892655367207136674068;0.005367231638418078903951524694;0.025141242937853108818657688062;0.018361581920903955605917090566;0.019209039548022600191190534247;0.010734463276836157807903049388;0.007344632768361582068894488629;0.000847457627118644043172357438;0.017231638418079096158885832324;0.028248587570621468828546696272;0.015254237288135593861304606378;0.015254237288135593861304606378;0.017796610169491525882401461445;0.009039548022598870372079638003;0.003672316384180791034447244314;0.014406779661016949276031162697;0.015819209039548021850096759522;0.003672316384180791034447244314;0.025423728813559323680415502622;0.011581920903954802393176493069;0.023728813559322034509868615260;0.029096045197740113413820139954;0.013841807909604519552515533576;0.003107344632768361744612484188;0.010169491525423728084387420267;0.004802259887005650047797633562;0.017514124293785311020643646884;0.005367231638418078903951524694;0.011016949152542372669660863949;0.003107344632768361744612484188;0.028531073446327683690304510833;0.006779661016949152345378859508;0.003672316384180791034447244314;0.002824858757062146882854669627;0.001977401129943502731262094940;0.010451977401129942946145234828;0.006214689265536723489224968375;0.000000000000000000000000000000;0.018926553672316385329432719686;0.016101694915254236711854574082;0.015819209039548021850096759522;0.020056497175141241307017025974;0.011299435028248587531418678509;0.007344632768361582068894488629;0.011864406779661017254934307630
-0.012962962962962962590318660716;0.030555555555555554553270880547;0.020833333333333332176851016015;0.345833333333333325931846502499;0.031018518518518518184423626849;0.004166666666666666608842550801;0.005555555555555555767577313730;0.026851851851851852442942814037;0.016203703703703702804217456901;0.010185185185185186007572610833;0.013425925925925926221471407018;0.011111111111111111535154627461;0.003240740740740740647579665179;0.019444444444444444752839729063;0.045833333333333330095182844843;0.012500000000000000693889390391;0.010185185185185186007572610833;0.028703703703703703498106847292;0.014814814814814815380206169948;0.001388888888888888941894328433;0.018518518518518517490534236458;0.012037037037037037062736644089;0.000462962962962962980631442811;0.012037037037037037062736644089;0.015277777777777777276635440273;0.025000000000000001387778780781;0.029166666666666667129259593594;0.036111111111111107718762980312;0.002314814814814814686316779557;0.006944444444444444058950338672;0.008333333333333333217685101602;0.013425925925925926221471407018;0.002777777777777777883788656865;0.008796296296296296848837847904;0.001851851851851851922525771243;0.018981481481481481121686982760;0.005555555555555555767577313730;0.004166666666666666608842550801;0.002777777777777777883788656865;0.001388888888888888941894328433;0.013888888888888888117900677344;0.010648148148148147904001881159;0.000000000000000000000000000000;0.011574074074074073431583897786;0.023148148148148146863167795573;0.011111111111111111535154627461;0.015277777777777777276635440273;0.005555555555555555767577313730;0.006481481481481481295159330358;0.011574074074074073431583897786
-0.009863945578231291672066660681;0.019387755102040816340691620212;0.041836734693877553059593310536;0.333333333333333314829616256247;0.008503401360544218454129428153;0.011564625850340135362892546311;0.005102040816326530205115918903;0.029591836734693878485646933996;0.028911564625850341009316579743;0.017006802721088436908258856306;0.012244897959183672839222900564;0.010884353741496597886562192059;0.003061224489795918209805725141;0.017687074829931974384589210558;0.033673469387755103343629059509;0.015306122448979591482709494699;0.010544217687074829148397014933;0.019727891156462583344133321361;0.016666666666666666435370203203;0.001700680272108843473985451134;0.016666666666666666435370203203;0.021088435374149658296794029866;0.003061224489795918209805725141;0.021768707482993195773124384118;0.018027210884353741388030911708;0.018707482993197278864361265960;0.029931972789115645489088635145;0.017006802721088436908258856306;0.001360544217687074735820274007;0.012244897959183672839222900564;0.010204081632653060410231837807;0.017006802721088436908258856306;0.004081632653061224857982125513;0.013605442176870747791883609068;0.002380952380952381167156239883;0.018027210884353741388030911708;0.003061224489795918209805725141;0.007823129251700680977799073901;0.001360544217687074735820274007;0.002040816326530612428991062757;0.009183673469387755930459782405;0.013265306122448979053718431942;0.000000000000000000000000000000;0.006802721088435373895941804534;0.020748299319727891293352328717;0.010884353741496597886562192059;0.024149659863945578675004099978;0.007482993197278911372272158786;0.006122448979591836419611450282;0.015306122448979591482709494699
-0.022058823529411766134478156687;0.007352941176470588133251560237;0.040686274509803922738715442620;0.308823529411764718943800289708;0.001470588235294117626650312047;0.011764705882352941013202496379;0.009313725490196078302118642966;0.020588235294117646773104368663;0.028431372549019607448572699582;0.036274509803921571593487982454;0.011764705882352941013202496379;0.010294117647058823386552184331;0.003431372549019607795517394777;0.019117647058823530881177532592;0.017156862745098040712310449862;0.016666666666666666435370203203;0.018627450980392156604237285933;0.014215686274509803724286349791;0.010784313725490195928768955014;0.002450980392156862711083853412;0.018627450980392156604237285933;0.013725490196078431182069579108;0.001960784313725490168867082730;0.056372549019607844089652104458;0.024019607843137256303345239417;0.020098039215686275965611073957;0.020098039215686275965611073957;0.001470588235294117626650312047;0.006372549019607843048818018872;0.003921568627450980337734165460;0.004901960784313725422167706824;0.035294117647058823039607489136;0.000490196078431372542216770682;0.005392156862745097964384477507;0.002450980392156862711083853412;0.026470588235294117279705616852;0.002450980392156862711083853412;0.004411764705882352879950936142;0.001960784313725490168867082730;0.004411764705882352879950936142;0.007843137254901960675468330919;0.003921568627450980337734165460;0.000000000000000000000000000000;0.040196078431372551931222147914;0.007352941176470588133251560237;0.031372549019607842701873323676;0.018627450980392156604237285933;0.012254901960784313555419267061;0.002450980392156862711083853412;0.009803921568627450844335413649
-0.011437908496732025406816823931;0.013725490196078431182069579108;0.032026143790849670445197716617;0.342483660130718958747308988677;0.007189542483660130330058724013;0.010457516339869280322383282567;0.005882352941176470506601248189;0.017320261437908497648141548098;0.028431372549019607448572699582;0.022222222222222223070309254922;0.012745098039215686097636037744;0.014705882352941176266503120473;0.003921568627450980337734165460;0.014379084967320260660117448026;0.021241830065359477985875713557;0.014705882352941176266503120473;0.023529411764705882026404992757;0.017320261437908497648141548098;0.007516339869281045936444396460;0.004575163398692810683143772366;0.011437908496732025406816823931;0.020588235294117646773104368663;0.001960784313725490168867082730;0.034967320261437909167945292666;0.014052287581699346788455251556;0.017973856209150325391465941038;0.023529411764705882026404992757;0.030065359477124183745777585841;0.002941176470588235253300624095;0.008823529411764705759901872284;0.016666666666666666435370203203;0.023856209150326795898067189228;0.005228758169934640161191641283;0.008169934640522876281854003366;0.002287581699346405341571886183;0.023856209150326795898067189228;0.003921568627450980337734165460;0.010457516339869280322383282567;0.003594771241830065165029362007;0.007189542483660130330058724013;0.008496732026143790153516199837;0.014705882352941176266503120473;0.000000000000000000000000000000;0.013071895424836601704021710191;0.013725490196078431182069579108;0.011764705882352941013202496379;0.015032679738562091872888792921;0.007843137254901960675468330919;0.008823529411764705759901872284;0.009150326797385621366287544731
-0.018361581920903955605917090566;0.014406779661016949276031162697;0.032485875706214688285466962725;0.318079096045197740050269885614;0.055649717514124293071819948864;0.011581920903954802393176493069;0.003954802259887005462524189880;0.019491525423728815052948348807;0.017231638418079096158885832324;0.019491525423728815052948348807;0.008757062146892655510321823442;0.011299435028248587531418678509;0.002542372881355932021096855067;0.017231638418079096158885832324;0.020903954802259885892290469656;0.012994350282485874967242089895;0.012429378531073446978449936751;0.022033898305084745339321727897;0.015536723163841808723062420938;0.002542372881355932021096855067;0.017231638418079096158885832324;0.012711864406779661840207751311;0.002824858757062146882854669627;0.025988700564971749934484179789;0.014124293785310734414273348136;0.024293785310734464233384244380;0.019774011299435029914706163368;0.033050847457627118008982591846;0.001129943502824858796509954750;0.011299435028248587531418678509;0.008757062146892655510321823442;0.018644067796610170467674905126;0.005367231638418078903951524694;0.009887005649717514957353081684;0.004802259887005650047797633562;0.024293785310734464233384244380;0.004802259887005650047797633562;0.009322033898305085233837452563;0.004237288135593220324282004441;0.004237288135593220324282004441;0.005932203389830508627467153815;0.012711864406779661840207751311;0.000000000000000000000000000000;0.012994350282485874967242089895;0.013276836158192089828999904455;0.012146892655367232116692122190;0.020621468926553671030532655095;0.011016949152542372669660863949;0.007344632768361582068894488629;0.010169491525423728084387420267
-0.013559322033898304690757719015;0.020903954802259885892290469656;0.043502824858757060955127826674;0.224858757062146891181342311938;0.019209039548022600191190534247;0.010451977401129942946145234828;0.006214689265536723489224968375;0.022881355932203389924595171578;0.034745762711864407179529479208;0.014971751412429378999546791817;0.016101694915254236711854574082;0.013559322033898304690757719015;0.001694915254237288086344714877;0.022316384180790960201079542458;0.029661016949152543137335769075;0.018361581920903955605917090566;0.016384180790960451573612388643;0.026836158192090394519757623470;0.018926553672316385329432719686;0.001977401129943502731262094940;0.013841807909604519552515533576;0.021468926553672315615806098776;0.001694915254237288086344714877;0.020621468926553671030532655095;0.022881355932203389924595171578;0.023163841807909604786352986139;0.037288135593220340935349810252;0.032485875706214688285466962725;0.001129943502824858796509954750;0.017514124293785311020643646884;0.008757062146892655510321823442;0.017514124293785311020643646884;0.005932203389830508627467153815;0.015819209039548021850096759522;0.003389830508474576172689429754;0.022033898305084745339321727897;0.005367231638418078903951524694;0.006497175141242937483621044947;0.003107344632768361744612484188;0.003672316384180791034447244314;0.007627118644067796930652303189;0.021468926553672315615806098776;0.000000000000000000000000000000;0.011864406779661017254934307630;0.019774011299435029914706163368;0.012429378531073446978449936751;0.028531073446327683690304510833;0.008757062146892655510321823442;0.012146892655367232116692122190;0.016101694915254236711854574082
-0.011299435028248587531418678509;0.016949152542372881297128017763;0.041807909604519771784580939311;0.328813559322033877041491223281;0.012994350282485874967242089895;0.011581920903954802393176493069;0.006214689265536723489224968375;0.023728813559322034509868615260;0.027118644067796609381515438031;0.011864406779661017254934307630;0.013841807909604519552515533576;0.013276836158192089828999904455;0.001412429378531073441427334814;0.016384180790960451573612388643;0.029096045197740113413820139954;0.019491525423728815052948348807;0.010734463276836157807903049388;0.021751412429378530477563913337;0.018926553672316385329432719686;0.002259887005649717593019909501;0.019209039548022600191190534247;0.019774011299435029914706163368;0.001977401129943502731262094940;0.018079096045197740744159276005;0.021751412429378530477563913337;0.023446327683615819648110800699;0.034745762711864407179529479208;0.013841807909604519552515533576;0.000847457627118644043172357438;0.011299435028248587531418678509;0.011016949152542372669660863949;0.015819209039548021850096759522;0.005649717514124293765709339254;0.012711864406779661840207751311;0.002259887005649717593019909501;0.018079096045197740744159276005;0.004802259887005650047797633562;0.005649717514124293765709339254;0.002824858757062146882854669627;0.002542372881355932021096855067;0.007344632768361582068894488629;0.014971751412429378999546791817;0.000000000000000000000000000000;0.007344632768361582068894488629;0.019774011299435029914706163368;0.008192090395480225786806194321;0.020903954802259885892290469656;0.006779661016949152345378859508;0.011016949152542372669660863949;0.017796610169491525882401461445
-0.012429378531073446978449936751;0.017231638418079096158885832324;0.042655367231638416369854382992;0.329378531073446334520582468031;0.012994350282485874967242089895;0.012146892655367232116692122190;0.006497175141242937483621044947;0.025706214689265535072726365229;0.026271186440677964796241994350;0.013276836158192089828999904455;0.013841807909604519552515533576;0.012994350282485874967242089895;0.001129943502824858796509954750;0.018926553672316385329432719686;0.030225988700564972860851398195;0.017796610169491525882401461445;0.012429378531073446978449936751;0.021751412429378530477563913337;0.021468926553672315615806098776;0.001694915254237288086344714877;0.018361581920903955605917090566;0.018361581920903955605917090566;0.001129943502824858796509954750;0.016949152542372881297128017763;0.018079096045197740744159276005;0.022316384180790960201079542458;0.036158192090395481488318552010;0.014971751412429378999546791817;0.000847457627118644043172357438;0.012146892655367232116692122190;0.009604519774011300095595267123;0.013559322033898304690757719015;0.004802259887005650047797633562;0.012429378531073446978449936751;0.001977401129943502731262094940;0.019209039548022600191190534247;0.005084745762711864042193710134;0.004519774011299435186039819001;0.003107344632768361744612484188;0.001977401129943502731262094940;0.006214689265536723489224968375;0.013559322033898304690757719015;0.000000000000000000000000000000;0.007909604519774010925048379761;0.018926553672316385329432719686;0.008474576271186440648564008882;0.022316384180790960201079542458;0.008474576271186440648564008882;0.011864406779661017254934307630;0.015819209039548021850096759522
-0.021111111111111111743321444578;0.010833333333333333703407674875;0.061944444444444447805953046782;0.184722222222222232090871330001;0.003333333333333333547282562037;0.007222222222222221890697291258;0.002500000000000000052041704279;0.012222222222222222862142437805;0.028055555555555555802271783250;0.021388888888888887840344921187;0.012222222222222222862142437805;0.005000000000000000104083408559;0.013611111111111110286153724758;0.029999999999999998889776975375;0.007499999999999999722444243844;0.014444444444444443781394582516;0.024444444444444445724284875610;0.025555555555555557051272685953;0.009444444444444444544672911945;0.011111111111111111535154627461;0.010000000000000000208166817117;0.036944444444444446418174266000;0.017777777777777777762358013547;0.021944444444444443503838826359;0.029444444444444443226283070203;0.026111111111111112714766591125;0.016388888888888890338346726594;0.005000000000000000104083408559;0.001388888888888888941894328433;0.005000000000000000104083408559;0.006111111111111111431071218902;0.018055555555555553859381490156;0.004444444444444444440589503387;0.010833333333333333703407674875;0.030555555555555554553270880547;0.027500000000000000138777878078;0.008611111111111111049432054187;0.008055555555555555385938149016;0.008888888888888888881179006773;0.047777777777777780121581940875;0.003055555555555555715535609451;0.011944444444444445030395485219;0.000000000000000000000000000000;0.015555555555555555108382392859;0.007499999999999999722444243844;0.010555555555555555871660722289;0.032500000000000001110223024625;0.029444444444444443226283070203;0.023333333333333334397297065266;0.018611111111111109522875395328
-0.029696969696969697377619823442;0.003636363636363636360482320953;0.071212121212121212709966755483;0.000000000000000000000000000000;0.008787878787878787220644305478;0.025454545454545455390737984658;0.001212121212121212120160773651;0.016060606060606059941608947383;0.018484848484848485916653970662;0.030303030303030303871381079261;0.018484848484848485916653970662;0.023030303030303029415692961379;0.017575757575757574441288610956;0.052727272727272726793312784821;0.004242424242424242854243576772;0.028181818181818182877940159869;0.023030303030303029415692961379;0.027575757575757576384178904050;0.011818181818181817954727108599;0.011818181818181817954727108599;0.013939393939393938948168027991;0.022121212121212121409774553626;0.011515151515151514707846480690;0.036969696969696971833307941324;0.037575757575757574857622245190;0.041818181818181816844504083974;0.023030303030303029415692961379;0.018484848484848485916653970662;0.000606060606060606060080386825;0.017878787878787879422892714842;0.021515151515151514916013297807;0.021515151515151514916013297807;0.009696969696969696961286189207;0.011212121212121211460965852780;0.020606060606060606910094890054;0.039090909090909092826748860716;0.013030303030303030942249620239;0.012424242424242424448488364419;0.001818181818181818180241160476;0.023636363636363635909454217199;0.004545454545454545233762466694;0.014242424242424242195048655901;0.000000000000000000000000000000;0.016666666666666666435370203203;0.002424242424242424240321547302;0.013030303030303030942249620239;0.045151515151515150825467515006;0.035454545454545453864181325798;0.024545454545454543915372624951;0.022121212121212121409774553626
-0.022012578616352199839534264925;0.005345911949685534271525799710;0.111320754716981135112874312654;0.000000000000000000000000000000;0.008490566037735848906042868123;0.012578616352201258538068273651;0.000314465408805031430925641667;0.015094339622641509551792537991;0.042767295597484274172206397679;0.025786163522012579829567613388;0.017610062893081760565516802330;0.010377358490566037166336066377;0.011006289308176099919767132462;0.058805031446540881323592486751;0.006918238993710692022465202911;0.015094339622641509551792537991;0.034276729559748427000887005534;0.049371069182389940022126495478;0.003144654088050314634517068413;0.012893081761006289914783806694;0.007232704402515723399180735953;0.041509433962264148665344265510;0.010691823899371068543051599420;0.037735849056603772144757869000;0.027987421383647799466576344685;0.034905660377358489754318071618;0.027672955974842768089860811642;0.001257861635220125723702566667;0.000000000000000000000000000000;0.006289308176100629269034136826;0.008490566037735848906042868123;0.021383647798742137086103198840;0.004402515723270440141379200583;0.011006289308176099919767132462;0.016037735849056603681939137118;0.047169811320754720385117764181;0.005974842767295597892318603783;0.009433962264150943036189467250;0.005660377358490565648241332752;0.030503144654088050480300609024;0.003144654088050314634517068413;0.017610062893081760565516802330;0.000000000000000000000000000000;0.012578616352201258538068273651;0.001572327044025157317258534206;0.007547169811320754775896268995;0.050314465408805034152273094605;0.033333333333333332870740406406;0.027672955974842768089860811642;0.027672955974842768089860811642
-0.025320512820512820761909011935;0.007371794871794871625847456187;0.087499999999999994448884876874;0.005769230769230769551025872488;0.000961538461538461591837645415;0.008974358974358973700669039886;0.000320512820512820512542512263;0.015384615384615385469402326635;0.040064102564102567483050876262;0.044551282051282052598661920229;0.014743589743589743251694912374;0.004166666666666666608842550801;0.009294871794871794809522747016;0.063461538461538458122390693461;0.006730769230769231142863517903;0.016987179487179485809500434357;0.027884615384615386163291717025;0.031410256410256409687065115577;0.007371794871794871625847456187;0.014423076923076923877564681220;0.009294871794871794809522747016;0.030128205128205128721097239008;0.008653846153846154326538808732;0.048397435897435898966012501887;0.021794871794871793768688661430;0.045512820512820510721052613690;0.022115384615384616612265844537;0.003205128205128205017004905386;0.000320512820512820512542512263;0.003205128205128205017004905386;0.009294871794871794809522747016;0.016025641025641024217662788942;0.001602564102564102508502452693;0.014423076923076923877564681220;0.017628205128205128027207848618;0.053525641025641022829884008161;0.016987179487179485809500434357;0.005769230769230769551025872488;0.010576923076923077510214099561;0.027564102564102563319714533918;0.002243589743589743425167259971;0.024679487179487178544201597674;0.000000000000000000000000000000;0.020192307692307693428590553708;0.001282051282051282050170049054;0.011217948717948717993198037846;0.060576923076923076816324709171;0.036858974358974359863960756911;0.027243589743589743945584302764;0.016987179487179485809500434357
-0.030503144654088050480300609024;0.004088050314465408764663667540;0.077358490566037732549808936255;0.000000000000000000000000000000;0.000943396226415094346987033624;0.006918238993710692022465202911;0.000628930817610062861851283333;0.024213836477987422945989948175;0.013522012578616352668214872779;0.054088050314465410672859491115;0.012893081761006289914783806694;0.003144654088050314634517068413;0.006289308176100629269034136826;0.076415094339622638419662337128;0.002830188679245282824120666376;0.009433962264150943036189467250;0.025157232704402517076136547303;0.036477987421383646637895736831;0.005660377358490565648241332752;0.015723270440251572305223604076;0.008805031446540880282758401165;0.011006289308176099919767132462;0.013522012578616352668214872779;0.069496855345911948131920610194;0.019496855345911948825810000585;0.053144654088050316542712891987;0.028301886792452830843291877727;0.000314465408805031430925641667;0.000628930817610062861851283333;0.001572327044025157317258534206;0.000943396226415094346987033624;0.027044025157232705336429745557;0.005974842767295597892318603783;0.008176100628930817529327335080;0.021383647798742137086103198840;0.074528301886792450159369138873;0.016981132075471697812085736246;0.005660377358490565648241332752;0.000000000000000000000000000000;0.021069182389937105709387665797;0.005345911949685534271525799710;0.002830188679245282824120666376;0.000000000000000000000000000000;0.028301886792452830843291877727;0.001257861635220125723702566667;0.015408805031446540928508071033;0.059748427672955975453739085879;0.042452830188679242795490864637;0.030817610062893081857016142067;0.019496855345911948825810000585
-0.025462962962962961549484575130;0.004629629629629629372633559115;0.087037037037037037756626034479;0.000000000000000000000000000000;0.000000000000000000000000000000;0.010185185185185186007572610833;0.000462962962962962980631442811;0.015277777777777777276635440273;0.016203703703703702804217456901;0.043055555555555555247160270937;0.016666666666666666435370203203;0.000925925925925925961262885622;0.008796296296296296848837847904;0.065740740740740738479175320208;0.003240740740740740647579665179;0.009259259259259258745267118229;0.035648148148148151026504137917;0.039814814814814816767984950729;0.011574074074074073431583897786;0.019444444444444444752839729063;0.011111111111111111535154627461;0.016666666666666666435370203203;0.011574074074074073431583897786;0.061574074074074072737694507396;0.014814814814814815380206169948;0.036111111111111107718762980312;0.036574074074074071349915726614;0.000462962962962962980631442811;0.000925925925925925961262885622;0.013425925925925926221471407018;0.000462962962962962980631442811;0.023148148148148146863167795573;0.005092592592592593003786305417;0.009259259259259258745267118229;0.024074074074074074125473288177;0.082407407407407401445098571457;0.017129629629629630066522949505;0.006018518518518518531368322044;0.000462962962962962980631442811;0.024074074074074074125473288177;0.002314814814814814686316779557;0.004166666666666666608842550801;0.000000000000000000000000000000;0.026388888888888888811790067734;0.004166666666666666608842550801;0.012962962962962962590318660716;0.060185185185185181844236268489;0.030092592592592590922118134245;0.038425925925925925874526711823;0.012500000000000000693889390391
-0.015925925925925926707193980292;0.004074074074074073709139653943;0.109629629629629632425746876834;0.000000000000000000000000000000;0.022222222222222223070309254922;0.003703703703703703845051542487;0.000000000000000000000000000000;0.020740740740740740144509857146;0.015925925925925926707193980292;0.068148148148148152136727162542;0.007777777777777777554191196430;0.002592592592592592518063732143;0.005555555555555555767577313730;0.057037037037037038866849059104;0.003333333333333333547282562037;0.010000000000000000208166817117;0.051851851851851850361274642864;0.036666666666666666851703837438;0.001851851851851851922525771243;0.018518518518518517490534236458;0.005555555555555555767577313730;0.021481481481481479872686080057;0.008148148148148147418279307885;0.077407407407407410881994280771;0.008518518518518519017090895318;0.039259259259259257635044093604;0.019259259259259260688157411323;0.002222222222222222220294751693;0.000000000000000000000000000000;0.001481481481481481407916356297;0.002962962962962962815832712593;0.047777777777777780121581940875;0.001851851851851851922525771243;0.003703703703703703845051542487;0.010740740740740739936343040029;0.103333333333333332593184650250;0.014814814814814815380206169948;0.002592592592592592518063732143;0.000370370370370370351979089074;0.015555555555555555108382392859;0.005925925925925925631665425186;0.004074074074074073709139653943;0.000000000000000000000000000000;0.030370370370370370488588562807;0.000740740740740740703958178148;0.010370370370370370072254928573;0.062962962962962956692258842395;0.018518518518518517490534236458;0.015925925925925926707193980292;0.008518518518518519017090895318
-0.022685185185185186701462001224;0.000925925925925925961262885622;0.103240740740740744030290443334;0.000000000000000000000000000000;0.000462962962962962980631442811;0.012037037037037037062736644089;0.000925925925925925961262885622;0.015277777777777777276635440273;0.014351851851851851749053423646;0.051388888888888886730121896562;0.012962962962962962590318660716;0.016203703703703702804217456901;0.007870370370370369586532355299;0.060185185185185181844236268489;0.002777777777777777883788656865;0.018518518518518517490534236458;0.036111111111111107718762980312;0.029629629629629630760412339896;0.003703703703703703845051542487;0.016203703703703702804217456901;0.006018518518518518531368322044;0.020370370370370372015145221667;0.006481481481481481295159330358;0.075462962962962967794489088647;0.020833333333333332176851016015;0.042129629629629627984854778333;0.017592592592592593697675695807;0.000000000000000000000000000000;0.000462962962962962980631442811;0.006944444444444444058950338672;0.008333333333333333217685101602;0.041666666666666664353702032031;0.000462962962962962980631442811;0.008796296296296296848837847904;0.015740740740740739173064710599;0.080092592592592590228228743854;0.017129629629629630066522949505;0.010185185185185186007572610833;0.002777777777777777883788656865;0.013425925925925926221471407018;0.003703703703703703845051542487;0.005092592592592593003786305417;0.000000000000000000000000000000;0.027314814814814816074095560339;0.000462962962962962980631442811;0.012500000000000000693889390391;0.068981481481481476958350640416;0.031018518518518518184423626849;0.019907407407407408383992475365;0.010648148148148147904001881159
-0.028787878787878789371701415689;0.013636363636363635701287400082;0.074747474747474743073105685198;0.165656565656565668565036730797;0.005555555555555555767577313730;0.017171717171717171268596757727;0.003030303030303030300401934127;0.024747474747474747236442027543;0.017171717171717171268596757727;0.026262626262626261736121691115;0.018181818181818180935049866775;0.008080808080808080801071824339;0.008585858585858585634298378864;0.042929292929292928171491894318;0.014646464646464647102463985107;0.019191919191919190601502975824;0.014141414141414142269237430583;0.032323232323232323204287297358;0.007070707070707071134618715291;0.010101010101010101868701518413;0.013131313131313130868060845557;0.015656565656565656768917094155;0.007575757575757575967845269815;0.030808080808080808704607633786;0.027777777777777776235801354687;0.034343434343434342537193515454;0.021212121212121213403856145874;0.004545454545454545233762466694;0.000000000000000000000000000000;0.004545454545454545233762466694;0.007575757575757575967845269815;0.014646464646464647102463985107;0.006565656565656565434030422779;0.006565656565656565434030422779;0.009090909090909090467524933388;0.038888888888888889505679458125;0.012121212121212121201607736509;0.006060606060606060600803868255;0.000000000000000000000000000000;0.012626262626262626034834291033;0.007575757575757575967845269815;0.014646464646464647102463985107;0.000000000000000000000000000000;0.013636363636363635701287400082;0.010101010101010101868701518413;0.008585858585858585634298378864;0.044949494949494947504398112414;0.035353535353535352203646624503;0.022222222222222223070309254922;0.017171717171717171268596757727
-0.020125786163522011579241066670;0.012578616352201258538068273651;0.098742138364779880044252990956;0.030817610062893081857016142067;0.000314465408805031430925641667;0.012264150943396227161352740609;0.002201257861635220070689600291;0.022641509433962262592965331010;0.026729559748427673959714212515;0.042767295597484274172206397679;0.012264150943396227161352740609;0.003144654088050314634517068413;0.009748427672955974412905000293;0.061635220125786163714032284133;0.012264150943396227161352740609;0.016666666666666666435370203203;0.026100628930817611206283146430;0.035220125786163521131033604661;0.007861635220125786152611802038;0.015723270440251572305223604076;0.010377358490566037166336066377;0.023270440251572325346396397094;0.006603773584905660645749669868;0.048113207547169814515264363308;0.018553459119496854695663401458;0.038679245283018866274904468128;0.024528301886792454322705481218;0.039937106918238991781766600297;0.000000000000000000000000000000;0.002515723270440251447405133334;0.003773584905660377387948134498;0.026415094339622642582998679472;0.005031446540880502894810266667;0.006918238993710692022465202911;0.015408805031446540928508071033;0.057547169811320755816730354582;0.012578616352201258538068273651;0.006603773584905660645749669868;0.001257861635220125723702566667;0.014150943396226415421645938864;0.005031446540880502894810266667;0.011006289308176099919767132462;0.000000000000000000000000000000;0.016981132075471697812085736246;0.001886792452830188693974067249;0.008490566037735848906042868123;0.062893081761006289220894416303;0.025471698113207548452852080345;0.020125786163522011579241066670;0.016037735849056603681939137118
-0.026950354609929078747443398356;0.026595744680851064051241294806;0.026595744680851064051241294806;0.004609929078014184111733442251;0.026950354609929078747443398356;0.032269503546099288782134095754;0.005673758865248227332978014914;0.049290780141843973383153354462;0.012411347517730497019838864503;0.015957446808510637042965996102;0.021985815602836879939507852555;0.012056737588652482323636760952;0.020212765957446809927944286756;0.022340425531914894635709956106;0.041134751773049642309398876705;0.020921985815602835850901541903;0.019503546099290780535540079654;0.042907801418439715790409394458;0.045744680851063826421132318956;0.005319148936170212636775911363;0.024113475177304964647273521905;0.008510638297872340565786153377;0.012056737588652482323636760952;0.019858156028368795231742183205;0.032624113475177303478336199305;0.023049645390070920558667211253;0.043971631205673759879015705110;0.037943262411347516982473848657;0.002127659574468085141446538344;0.035460992907801421047953027710;0.014184397163120567031402430302;0.014184397163120567031402430302;0.026595744680851064051241294806;0.005673758865248227332978014914;0.017375886524822695827774410304;0.031914893617021274085931992204;0.013475177304964539373721699178;0.007092198581560283515701215151;0.001418439716312056833244503729;0.008865248226950355261988256927;0.010992907801418439969753926277;0.012765957446808509981317492077;0.000000000000000000000000000000;0.009219858156028368223466884501;0.025177304964539008735879832557;0.010992907801418439969753926277;0.017375886524822695827774410304;0.015248226950354609385285264977;0.026950354609929078747443398356;0.011347517730496454665956029828
-0.026881720430107527292085123349;0.011290322580645160630008483338;0.039247311827956987695387169879;0.005376344086021505805361719865;0.045161290322580642520033933351;0.030645161290322579100697808485;0.003763440860215053977017030107;0.033333333333333332870740406406;0.027956989247311828800102162518;0.018279569892473118697395761956;0.023118279569892472014025486260;0.036021505376344083171336052374;0.015591397849462364927353164035;0.029569892473118281062127721270;0.031182795698924729854706328069;0.015053763440860215908068120427;0.018279569892473118697395761956;0.039247311827956987695387169879;0.045698924731182796743489404889;0.008064516129032257840680841809;0.016129032258064515681361683619;0.013978494623655914400051081259;0.012365591397849462138025522506;0.022043010752688170506008447092;0.032258064516129031362723367238;0.018279569892473118697395761956;0.036559139784946237394791523911;0.010215053763440860856714920146;0.000537634408602150537168085087;0.051612903225806451568136168362;0.022043010752688170506008447092;0.009139784946236559348697880978;0.017204301075268817189378722787;0.005376344086021505805361719865;0.017204301075268817189378722787;0.034946236559139781663319013205;0.008602150537634408594689361394;0.005913978494623655692008501461;0.003225806451612903223008510523;0.015591397849462364927353164035;0.010752688172043011610723439730;0.012903225806451612892034042090;0.000000000000000000000000000000;0.011827956989247311384017002922;0.023118279569892472014025486260;0.010752688172043011610723439730;0.020430107526881721713429840293;0.017741935483870967943387242372;0.022043010752688170506008447092;0.013440860215053763646042561675
-0.030434782608695653410846304610;0.006159420289855072755402787266;0.096376811594202901889438805938;0.000000000000000000000000000000;0.000362318840579710149327197222;0.017391304347826087167705466641;0.001086956521739130447981591665;0.010507246376811593679967415937;0.014855072463768116339255520586;0.026086956521739129016834723984;0.015579710144927537071590784024;0.009782608695652174682355628477;0.015942028985507245703034939766;0.070289855072463769403157130000;0.001449275362318840597308788887;0.024637681159420291021611149063;0.022826086956521739190772990469;0.028623188405797101580008146016;0.006159420289855072755402787266;0.015217391304347826705423152305;0.008695652173913043583852733320;0.024275362318840580655443517344;0.015579710144927537071590784024;0.031521739130434781039902247812;0.046739130434782609480048876094;0.040217391304347822889031505156;0.026811594202898549749169987422;0.005797101449275362389235155547;0.000362318840579710149327197222;0.007246376811594202986543944434;0.008333333333333333217685101602;0.013405797101449274874584993711;0.006884057971014492620376312715;0.011231884057971014412302679375;0.035144927536231884701578565000;0.039855072463768112522863873437;0.013768115942028985240752625430;0.007971014492753622851517469883;0.001449275362318840597308788887;0.033333333333333332870740406406;0.002898550724637681194617577773;0.013768115942028985240752625430;0.000000000000000000000000000000;0.011231884057971014412302679375;0.004347826086956521791926366660;0.003985507246376811425758734941;0.061956521739130437920195504375;0.046376811594202899113881244375;0.031159420289855074143181568047;0.031884057971014491406069879531
-0.025555555555555557051272685953;0.004444444444444444440589503387;0.070740740740740742920067418709;0.004814814814814815172039352831;0.005185185185185185036127464286;0.002962962962962962815832712593;0.001111111111111111110147375847;0.017037037037037038034181790636;0.007037037037037036958653235530;0.073703703703703701832772310354;0.012222222222222222862142437805;0.001851851851851851922525771243;0.002222222222222222220294751693;0.066296296296296297612116177334;0.002962962962962962815832712593;0.024444444444444445724284875610;0.012592592592592592726230549260;0.022962962962962962798485477833;0.005925925925925925631665425186;0.008148148148148147418279307885;0.009259259259259258745267118229;0.006296296296296296363115274630;0.001111111111111111110147375847;0.092222222222222219323306546812;0.026296296296296296779448908865;0.076296296296296292616112566520;0.017407407407407406163546426114;0.001481481481481481407916356297;0.001111111111111111110147375847;0.000740740740740740703958178148;0.001481481481481481407916356297;0.037777777777777778178691647781;0.001481481481481481407916356297;0.006296296296296296363115274630;0.007407407407407407690103084974;0.070740740740740742920067418709;0.015555555555555555108382392859;0.010740740740740739936343040029;0.001851851851851851922525771243;0.010740740740740739936343040029;0.007037037037037036958653235530;0.004444444444444444440589503387;0.000000000000000000000000000000;0.042962962962962959745372160114;0.001111111111111111110147375847;0.018148148148148149361169600979;0.086666666666666669627261399000;0.044814814814814814269983145323;0.012592592592592592726230549260;0.013703703703703704053218359604
-0.038518518518518521376314822646;0.000370370370370370351979089074;0.052222222222222225429533182250;0.000000000000000000000000000000;0.000000000000000000000000000000;0.001851851851851851922525771243;0.000370370370370370351979089074;0.016296296296296294836558615771;0.005185185185185185036127464286;0.075925925925925924486747931041;0.010740740740740739936343040029;0.000370370370370370351979089074;0.002962962962962962815832712593;0.059999999999999997779553950750;0.002962962962962962815832712593;0.018148148148148149361169600979;0.014074074074074073917306471060;0.015925925925925926707193980292;0.002962962962962962815832712593;0.007407407407407407690103084974;0.018888888888888889089345823891;0.007777777777777777554191196430;0.002592592592592592518063732143;0.108888888888888882289229798062;0.032222222222222221543752596062;0.098518518518518519155868773396;0.019629629629629628817522046802;0.006296296296296296363115274630;0.000370370370370370351979089074;0.000000000000000000000000000000;0.001111111111111111110147375847;0.027407407407407408106436719208;0.000000000000000000000000000000;0.002962962962962962815832712593;0.004814814814814815172039352831;0.062592592592592588562894206916;0.012592592592592592726230549260;0.008518518518518519017090895318;0.000000000000000000000000000000;0.005185185185185185036127464286;0.001481481481481481407916356297;0.000370370370370370351979089074;0.000000000000000000000000000000;0.047407407407407405053323401489;0.000740740740740740703958178148;0.026296296296296296779448908865;0.088888888888888892281237019688;0.055555555555555552471602709375;0.015925925925925926707193980292;0.016666666666666666435370203203
-0.022101449275362318458437727031;0.002536231884057970828449946055;0.116666666666666668517038374375;0.000000000000000000000000000000;0.000362318840579710149327197222;0.008333333333333333217685101602;0.000000000000000000000000000000;0.011231884057971014412302679375;0.017391304347826087167705466641;0.044565217391304347283043085781;0.011594202898550724778470311094;0.005434782608695652023067523828;0.013405797101449274874584993711;0.064130434782608700117201294688;0.001811594202898550746635986108;0.007971014492753622851517469883;0.043478260869565216184540190625;0.030434782608695653410846304610;0.002536231884057970828449946055;0.022826086956521739190772990469;0.008695652173913043583852733320;0.018115942028985507900040730078;0.009057971014492753950020365039;0.057971014492753623892351555469;0.022826086956521739190772990469;0.036594202898550726166249091875;0.022101449275362318458437727031;0.015579710144927537071590784024;0.000724637681159420298654394443;0.003260869565217391127104340498;0.004710144927536232158093998379;0.032608695652173912138405142969;0.002898550724637681194617577773;0.007246376811594202986543944434;0.021376811594202897726102463594;0.063043478260869562079804495625;0.018478260869565218266208361797;0.009057971014492753950020365039;0.000362318840579710149327197222;0.026086956521739129016834723984;0.003985507246376811425758734941;0.005797101449275362389235155547;0.000000000000000000000000000000;0.022463768115942028824605358750;0.000724637681159420298654394443;0.010869565217391304046135047656;0.071014492753623190135492393438;0.036231884057971015800081460156;0.026449275362318839383002355703;0.014855072463768116339255520586
-0.017441860465116278827713003352;0.003488372093023255765542600670;0.124806201550387602106084727893;0.000000000000000000000000000000;0.000387596899224806196171400074;0.004651162790697674354056800894;0.001550387596899224784685600298;0.015891472868217054043027403054;0.027519379844961239928169405289;0.039534883720930232009482807598;0.007364341085271317727256601415;0.004651162790697674354056800894;0.007364341085271317727256601415;0.061627906976744188660699563798;0.001162790697674418588514200223;0.008914728682170542511942201713;0.052713178294573642679310410131;0.049612403100775193109939209535;0.001162790697674418588514200223;0.025581395348837208947312404916;0.006201550387596899138742401192;0.035658914728682170047768806853;0.008139534883720930119599401564;0.049612403100775193109939209535;0.015116279069767441650684602905;0.032558139534883720478397606257;0.019379844961240309808570003725;0.006976744186046511531085201341;0.000000000000000000000000000000;0.003875968992248061961714000745;0.005038759689922480550228200968;0.031007751937984495693712005959;0.001162790697674418588514200223;0.008527131782945736315770801639;0.015891472868217054043027403054;0.084496124031007757704259120146;0.013565891472868216865999002607;0.003100775193798449569371200596;0.000000000000000000000000000000;0.038759689922480619617140007449;0.003875968992248061961714000745;0.009689922480620154904285001862;0.000000000000000000000000000000;0.016279069767441860239198803129;0.000775193798449612392342800149;0.006976744186046511531085201341;0.064728682170542631291176860486;0.031395348837209305359330357987;0.018992248062015503612398603650;0.012790697674418604473656202458
-0.044350282485875705540401270355;0.001977401129943502731262094940;0.071751412429378533253121474900;0.000000000000000000000000000000;0.000000000000000000000000000000;0.018644067796610170467674905126;0.000000000000000000000000000000;0.013559322033898304690757719015;0.012146892655367232116692122190;0.037570621468926555797107624812;0.016384180790960451573612388643;0.010169491525423728084387420267;0.013559322033898304690757719015;0.061864406779661020030491869193;0.000847457627118644043172357438;0.035310734463276836903045108329;0.017796610169491525882401461445;0.022316384180790960201079542458;0.003672316384180791034447244314;0.014124293785310734414273348136;0.009887005649717514957353081684;0.021751412429378530477563913337;0.010169491525423728084387420267;0.046327683615819209572705972278;0.044632768361581920402159084915;0.052542372881355929592483988699;0.016384180790960451573612388643;0.022881355932203389924595171578;0.000000000000000000000000000000;0.003672316384180791034447244314;0.008192090395480225786806194321;0.016949152542372881297128017763;0.004519774011299435186039819001;0.010451977401129942946145234828;0.025141242937853108818657688062;0.048305084745762713605010674200;0.011016949152542372669660863949;0.010451977401129942946145234828;0.001412429378531073441427334814;0.027401129943502824243273252591;0.001129943502824858796509954750;0.005367231638418078903951524694;0.000000000000000000000000000000;0.024858757062146893956899873501;0.000847457627118644043172357438;0.013559322033898304690757719015;0.062711864406779657676871408967;0.056779661016949152518851207105;0.020056497175141241307017025974;0.026553672316384179657999808910
-0.032121212121212119883217894767;0.004242424242424242854243576772;0.079090909090909086720522225278;0.000000000000000000000000000000;0.000303030303030303030040193413;0.015454545454545455182571167541;0.001212121212121212120160773651;0.013939393939393938948168027991;0.031212121212121211877299487014;0.029999999999999998889776975375;0.019696969696969695434729530348;0.006060606060606060600803868255;0.015454545454545455182571167541;0.048484848484848484806430946037;0.001818181818181818180241160476;0.026060606060606061884499240477;0.028787878787878789371701415689;0.035151515151515148882577221912;0.005454545454545454974404350423;0.014242424242424242195048655901;0.007575757575757575967845269815;0.038484848484848482863540652943;0.017575757575757574441288610956;0.045151515151515150825467515006;0.037878787878787879839226349077;0.037575757575757574857622245190;0.022727272727272727903535809446;0.007878787878787879214725897725;0.000909090909090909090120580238;0.003939393939393939607362948863;0.007878787878787879214725897725;0.028484848484848484390097311802;0.004848484848484848480643094604;0.011818181818181817954727108599;0.025151515151515150409133880771;0.042727272727272724850422491727;0.012727272727272727695368992329;0.008484848484848485708487153545;0.006666666666666667094565124074;0.042424242424242426807712291748;0.002424242424242424240321547302;0.009090909090909090467524933388;0.000000000000000000000000000000;0.022727272727272727903535809446;0.001818181818181818180241160476;0.010303030303030303455047445027;0.046363636363636363812990026645;0.039393939393939390869459060696;0.029696969696969697377619823442;0.018484848484848485916653970662
-0.028518518518518519433424529552;0.001851851851851851922525771243;0.102962962962962964463820014771;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005925925925925925631665425186;0.000370370370370370351979089074;0.016296296296296294836558615771;0.020370370370370372015145221667;0.053703703703703704885885628073;0.017777777777777777762358013547;0.001481481481481481407916356297;0.005555555555555555767577313730;0.075555555555555556357383295563;0.002962962962962962815832712593;0.030740740740740742087400150240;0.026296296296296296779448908865;0.021111111111111111743321444578;0.002962962962962962815832712593;0.006666666666666667094565124074;0.008518518518518519017090895318;0.020370370370370372015145221667;0.002592592592592592518063732143;0.059629629629629629650189315271;0.031111111111111110216764785719;0.072222222222222215437525960624;0.028518518518518519433424529552;0.000000000000000000000000000000;0.001481481481481481407916356297;0.000740740740740740703958178148;0.000740740740740740703958178148;0.027037037037037036507625131776;0.001111111111111111110147375847;0.009259259259259258745267118229;0.011481481481481481399242738917;0.057037037037037038866849059104;0.010740740740740739936343040029;0.007777777777777777554191196430;0.002222222222222222220294751693;0.014444444444444443781394582516;0.005925925925925925631665425186;0.002962962962962962815832712593;0.000000000000000000000000000000;0.028888888888888887562789165031;0.000370370370370370351979089074;0.012592592592592592726230549260;0.083703703703703696836768699541;0.037037037037037034981068472916;0.012962962962962962590318660716;0.027407407407407408106436719208
-0.035000000000000003330669073875;0.002500000000000000052041704279;0.082500000000000003885780586188;0.082500000000000003885780586188;0.000833333333333333386820640509;0.011249999999999999583666365766;0.000833333333333333386820640509;0.020833333333333332176851016015;0.012083333333333333078907223523;0.042916666666666665463925056656;0.023750000000000000277555756156;0.004166666666666666608842550801;0.004583333333333333356462979680;0.071666666666666670182372911313;0.004583333333333333356462979680;0.047083333333333331205405869468;0.010833333333333333703407674875;0.012500000000000000693889390391;0.006250000000000000346944695195;0.005000000000000000104083408559;0.014166666666666665949647629930;0.018749999999999999306110609609;0.003749999999999999861222121922;0.041666666666666664353702032031;0.047500000000000000555111512313;0.071249999999999993893773364562;0.023750000000000000277555756156;0.002500000000000000052041704279;0.000416666666666666693410320255;0.002500000000000000052041704279;0.002083333333333333304421275400;0.011249999999999999583666365766;0.004583333333333333356462979680;0.012083333333333333078907223523;0.009166666666666666712925959359;0.032916666666666663521034763562;0.006666666666666667094565124074;0.006666666666666667094565124074;0.001666666666666666773641281019;0.006250000000000000346944695195;0.002916666666666666799662133158;0.001250000000000000026020852140;0.000000000000000000000000000000;0.019583333333333334536074943344;0.005416666666666666851703837438;0.016250000000000000555111512313;0.070000000000000006661338147751;0.040000000000000000832667268469;0.012500000000000000693889390391;0.030833333333333334119741309109
-0.028273809523809523974735569141;0.002678571428571428596210335371;0.055357142857142854763807804375;0.124702380952380953438307642500;0.002678571428571428596210335371;0.013095238095238095551997581367;0.005357142857142857192420670742;0.016964285714285712997062560703;0.013095238095238095551997581367;0.032142857142857139685077072500;0.012202380952380952397473556914;0.008333333333333333217685101602;0.018154761904761906182725894610;0.050297619047619049337249919063;0.004761904761904762334312479766;0.020535714285714285615158658516;0.020535714285714285615158658516;0.025000000000000001387778780781;0.013095238095238095551997581367;0.011904761904761904101057723437;0.012797619047619047255581747891;0.008035714285714284921269268125;0.010119047619047619526733150508;0.042261904761904764415980650938;0.025000000000000001387778780781;0.039880952380952378044653983125;0.018452380952380952744418252109;0.001488095238095238012632215430;0.002678571428571428596210335371;0.017857142857142856151586585156;0.009226190476190476372209126055;0.027083333333333334258519187188;0.008928571428571428075793292578;0.008630952380952381514100935078;0.020535714285714285615158658516;0.042857142857142857539365365938;0.013095238095238095551997581367;0.013988095238095238706521605820;0.000595238095238095291789059971;0.011904761904761904101057723437;0.004761904761904762334312479766;0.003273809523809523887999395342;0.000000000000000000000000000000;0.026488095238095237665687520234;0.002976190476190476025264430859;0.016071428571428569842538536250;0.052976190476190475331375040469;0.032440476190476193185663333907;0.026785714285714284227379877734;0.019642857142857142460634634062
-0.027124183006535948492476961746;0.001633986928104575213002713774;0.084640522875816998071840657758;0.000000000000000000000000000000;0.000000000000000000000000000000;0.009477124183006535237949741202;0.000980392156862745084433541365;0.016993464052287580307032399674;0.009803921568627450844335413649;0.056535947712418301025483202693;0.016013071895424835222598858309;0.000653594771241830020148955160;0.007189542483660130330058724013;0.073856209150326798673624750791;0.001960784313725490168867082730;0.017973856209150325391465941038;0.025816993464052286066934271958;0.023202614379084968154742796287;0.003921568627450980337734165460;0.011437908496732025406816823931;0.013725490196078431182069579108;0.012745098039215686097636037744;0.004901960784313725422167706824;0.085620915032679739686827247169;0.023529411764705882026404992757;0.054901960784313724728278316434;0.031045751633986928830211127206;0.000326797385620915010074477580;0.000000000000000000000000000000;0.000980392156862745084433541365;0.000980392156862745084433541365;0.034313725490196081424620899725;0.001633986928104575213002713774;0.009477124183006535237949741202;0.012418300653594770491250365296;0.069281045751633990592566192390;0.011764705882352941013202496379;0.007516339869281045936444396460;0.000980392156862745084433541365;0.011764705882352941013202496379;0.004248366013071895076758099918;0.003267973856209150426005427548;0.000000000000000000000000000000;0.036274509803921571593487982454;0.002287581699346405341571886183;0.016666666666666666435370203203;0.082026143790849673220755278180;0.039542483660130717249003851066;0.018627450980392156604237285933;0.019934640522875815560333023768
-0.031761006289308175987162741194;0.001257861635220125723702566667;0.072012578616352199145644874534;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005031446540880502894810266667;0.000943396226415094346987033624;0.019182389937106917449094467543;0.009119496855345911659473934208;0.062893081761006289220894416303;0.011949685534591195784637207566;0.003144654088050314634517068413;0.007861635220125786152611802038;0.067295597484276728494911878897;0.002201257861635220070689600291;0.016981132075471697812085736246;0.018238993710691823318947868415;0.022955974842767293969680864052;0.004088050314465408764663667540;0.010062893081761005789620533335;0.015094339622641509551792537991;0.011635220125786162673198198547;0.008176100628930817529327335080;0.081761006289308171823826398850;0.023899371069182391569274415133;0.071069182389937105015498275407;0.025786163522012579829567613388;0.000000000000000000000000000000;0.001572327044025157317258534206;0.001886792452830188693974067249;0.003144654088050314634517068413;0.027987421383647799466576344685;0.003773584905660377387948134498;0.006603773584905660645749669868;0.022012578616352199839534264925;0.071069182389937105015498275407;0.016981132075471697812085736246;0.009433962264150943036189467250;0.000000000000000000000000000000;0.013207547169811321291499339736;0.003773584905660377387948134498;0.002201257861635220070689600291;0.000000000000000000000000000000;0.040880503144654085911913199425;0.000000000000000000000000000000;0.021383647798742137086103198840;0.068553459119496854001774011067;0.044968553459119493809215128977;0.023584905660377360192558882090;0.012578616352201258538068273651
-0.031481481481481478346129421197;0.002962962962962962815832712593;0.072592592592592597444678403917;0.006296296296296296363115274630;0.000740740740740740703958178148;0.011851851851851851263330850372;0.000000000000000000000000000000;0.012962962962962962590318660716;0.010740740740740739936343040029;0.051851851851851850361274642864;0.018518518518518517490534236458;0.001111111111111111110147375847;0.012222222222222222862142437805;0.068148148148148152136727162542;0.004814814814814815172039352831;0.022222222222222223070309254922;0.014814814814814815380206169948;0.022222222222222223070309254922;0.005925925925925925631665425186;0.018148148148148149361169600979;0.011111111111111111535154627461;0.015185185185185185244294281404;0.014814814814814815380206169948;0.057037037037037038866849059104;0.027777777777777776235801354687;0.056666666666666663798590519718;0.027407407407407408106436719208;0.000000000000000000000000000000;0.002222222222222222220294751693;0.007407407407407407690103084974;0.004814814814814815172039352831;0.021111111111111111743321444578;0.003333333333333333547282562037;0.008148148148148147418279307885;0.024074074074074074125473288177;0.046666666666666668794594130532;0.014074074074074073917306471060;0.004074074074074073709139653943;0.000000000000000000000000000000;0.028518518518518519433424529552;0.001851851851851851922525771243;0.001481481481481481407916356297;0.000000000000000000000000000000;0.028518518518518519433424529552;0.002222222222222222220294751693;0.016666666666666666435370203203;0.072962962962962965574043039396;0.055925925925925927539861248761;0.034074074074074076068363581271;0.022222222222222223070309254922
-0.033750000000000002220446049250;0.000000000000000000000000000000;0.076249999999999998334665463062;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006250000000000000346944695195;0.000416666666666666693410320255;0.014583333333333333564629796797;0.007083333333333332974823814965;0.049166666666666664076146275875;0.010833333333333333703407674875;0.003749999999999999861222121922;0.006250000000000000346944695195;0.077499999999999999444888487687;0.001666666666666666773641281019;0.018333333333333333425851918719;0.017500000000000001665334536938;0.018749999999999999306110609609;0.001666666666666666773641281019;0.014166666666666665949647629930;0.007499999999999999722444243844;0.013750000000000000069388939039;0.007083333333333332974823814965;0.083333333333333328707404064062;0.028750000000000001249000902703;0.055416666666666669627261399000;0.022083333333333333287074040641;0.000000000000000000000000000000;0.000416666666666666693410320255;0.000416666666666666693410320255;0.001666666666666666773641281019;0.033750000000000002220446049250;0.001666666666666666773641281019;0.010833333333333333703407674875;0.026666666666666668378260496297;0.067500000000000004440892098501;0.015416666666666667059870654555;0.002500000000000000052041704279;0.000000000000000000000000000000;0.028333333333333331899295259859;0.004166666666666666608842550801;0.001250000000000000026020852140;0.000000000000000000000000000000;0.029999999999999998889776975375;0.000000000000000000000000000000;0.021250000000000001526556658860;0.080416666666666664076146275875;0.048333333333333332315628894094;0.029583333333333333009518284484;0.020000000000000000416333634234
-0.017676767676767676101823312251;0.002020202020202020200267956085;0.069696969696969701679734043864;0.000000000000000000000000000000;0.000000000000000000000000000000;0.004040404040404040400535912170;0.001010101010101010100133978042;0.025252525252525252069668582067;0.008585858585858585634298378864;0.097474747474747477915535398552;0.005555555555555555767577313730;0.002525252525252525467175379603;0.003030303030303030300401934127;0.063636363636363629803227581760;0.000000000000000000000000000000;0.010606060606060606701928072937;0.031818181818181814901613790880;0.019191919191919190601502975824;0.001010101010101010100133978042;0.008080808080808080801071824339;0.005555555555555555767577313730;0.009090909090909090467524933388;0.002020202020202020200267956085;0.139393939393939403359468087729;0.013131313131313130868060845557;0.046969696969696966837304330511;0.013131313131313130868060845557;0.000000000000000000000000000000;0.000505050505050505050066989021;0.001515151515151515150200967064;0.002020202020202020200267956085;0.053535353535353533138696491278;0.000505050505050505050066989021;0.006060606060606060600803868255;0.003030303030303030300401934127;0.090404040404040403311469731307;0.012626262626262626034834291033;0.006060606060606060600803868255;0.000505050505050505050066989021;0.009595959595959595300751487912;0.010101010101010101868701518413;0.000505050505050505050066989021;0.000000000000000000000000000000;0.048484848484848484806430946037;0.000000000000000000000000000000;0.021212121212121213403856145874;0.074242424242424248648219986535;0.033838383838383841173413912884;0.014141414141414142269237430583;0.010606060606060606701928072937
-0.049659863945578232302668908460;0.000000000000000000000000000000;0.060544217687074831923954576496;0.000000000000000000000000000000;0.000340136054421768683955068502;0.010884353741496597886562192059;0.001020408163265306214495531378;0.018027210884353741388030911708;0.005442176870748298943281096030;0.059183673469387756971293867991;0.017006802721088436908258856306;0.006462585034013605157776627408;0.008163265306122449715964251027;0.069387755102040815646802229821;0.002380952380952381167156239883;0.031972789115646257918079697902;0.013265306122448979053718431942;0.011904761904761904101057723437;0.004421768707482993596147302640;0.007142857142857142634106981660;0.014625850340136054006379140446;0.007142857142857142634106981660;0.003061224489795918209805725141;0.083673469387755106119186621072;0.048639455782312927822896853058;0.079591836734693874322310591651;0.024829931972789116151334454230;0.002721088435374149471640548015;0.000000000000000000000000000000;0.001700680272108843473985451134;0.006462585034013605157776627408;0.028571428571428570536427926640;0.003401360544217686947970902267;0.004081632653061224857982125513;0.012925170068027210315553254816;0.049659863945578232302668908460;0.013605442176870747791883609068;0.012925170068027210315553254816;0.000340136054421768683955068502;0.005442176870748298943281096030;0.004081632653061224857982125513;0.001360544217687074735820274007;0.000000000000000000000000000000;0.035374149659863948769178421117;0.000340136054421768683955068502;0.015986394557823128959039848951;0.074149659863945574511667757633;0.049319727891156461829780255357;0.017687074829931974384589210558;0.021088435374149658296794029866
-0.031045751633986928830211127206;0.005882352941176470506601248189;0.076797385620915037396372326839;0.005882352941176470506601248189;0.000326797385620915010074477580;0.018627450980392156604237285933;0.002287581699346405341571886183;0.021895424836601305729200106498;0.010784313725490195928768955014;0.039869281045751631120666047536;0.014379084967320260660117448026;0.008169934640522876281854003366;0.011111111111111111535154627461;0.058823529411764705066012481893;0.005555555555555555767577313730;0.019934640522875815560333023768;0.022875816993464050813633647863;0.025490196078431372195272075487;0.005882352941176470506601248189;0.017647058823529411519803744568;0.015032679738562091872888792921;0.014705882352941176266503120473;0.008823529411764705759901872284;0.063071895424836599275408843823;0.027124183006535948492476961746;0.054575163398692810856616119963;0.021241830065359477985875713557;0.023529411764705882026404992757;0.000653594771241830020148955160;0.008496732026143790153516199837;0.006862745098039215591034789554;0.024509803921568627110838534122;0.006209150326797385245625182648;0.010784313725490195928768955014;0.024509803921568627110838534122;0.056535947712418301025483202693;0.013725490196078431182069579108;0.008823529411764705759901872284;0.000000000000000000000000000000;0.018300653594771242732575089462;0.004248366013071895076758099918;0.004575163398692810683143772366;0.000000000000000000000000000000;0.023529411764705882026404992757;0.002287581699346405341571886183;0.016339869281045752563708006733;0.064379084967320254762057629705;0.032352941176470591255753816995;0.025163398692810458323609879017;0.016339869281045752563708006733
-0.046666666666666668794594130532;0.005555555555555555767577313730;0.058148148148148150193836869448;0.000000000000000000000000000000;0.000740740740740740703958178148;0.017407407407407406163546426114;0.001111111111111111110147375847;0.011851851851851851263330850372;0.013333333333333334189130248149;0.037037037037037034981068472916;0.014814814814814815380206169948;0.007407407407407407690103084974;0.024074074074074074125473288177;0.047777777777777780121581940875;0.002592592592592592518063732143;0.029999999999999998889776975375;0.021851851851851851471497667490;0.028518518518518519433424529552;0.008148148148148147418279307885;0.014074074074074073917306471060;0.013703703703703704053218359604;0.025925925925925925180637321432;0.017037037037037038034181790636;0.048148148148148148250946576354;0.038888888888888889505679458125;0.045555555555555557467606320188;0.025925925925925925180637321432;0.003703703703703703845051542487;0.000370370370370370351979089074;0.005185185185185185036127464286;0.007407407407407407690103084974;0.020370370370370372015145221667;0.005555555555555555767577313730;0.011481481481481481399242738917;0.030370370370370370488588562807;0.043703703703703702942995334979;0.011851851851851851263330850372;0.013703703703703704053218359604;0.004074074074074073709139653943;0.045555555555555557467606320188;0.004444444444444444440589503387;0.011481481481481481399242738917;0.000000000000000000000000000000;0.023333333333333334397297065266;0.001111111111111111110147375847;0.019629629629629628817522046802;0.045555555555555557467606320188;0.040000000000000000832667268469;0.028148148148148147834612942120;0.016666666666666666435370203203
-0.035087719298245612087328026973;0.006140350877192982462227099916;0.072807017543859653407878340658;0.000000000000000000000000000000;0.005701754385964912658080194774;0.014912280701754385484059106659;0.000438596491228070183617665512;0.018421052631578945651957823770;0.025877192982456140996072591065;0.032456140350877189792999644169;0.023245614035087718701744208261;0.005263157894736841986571551644;0.015789473684210526827076392919;0.045614035087719301264641558191;0.005701754385964912658080194774;0.024561403508771929848908399663;0.034210526315789475948481168643;0.034210526315789475948481168643;0.007017543859649122937882648188;0.014912280701754385484059106659;0.014035087719298245875765296375;0.035964912280701755165068789211;0.006578947368421052266374005058;0.042543859649122807431442794268;0.033771929824561404409610787525;0.035526315789473683626198408092;0.028070175438596491751530592751;0.001754385964912280734470662047;0.001315789473684210496642887911;0.008771929824561403021832006743;0.008333333333333333217685101602;0.020175438596491228337992396291;0.006578947368421052266374005058;0.010526315789473683973143103287;0.025877192982456140996072591065;0.052192982456140353531015563249;0.009649122807017544364849293004;0.013157894736842104532748010115;0.001754385964912280734470662047;0.033771929824561404409610787525;0.001315789473684210496642887911;0.010964912280701753777290008429;0.000000000000000000000000000000;0.022807017543859650632320779096;0.003508771929824561468941324094;0.013596491228070176071618391234;0.050877192982456138914404419893;0.033333333333333332870740406406;0.029385964912280702898694784153;0.021491228070175439485156587693
-0.011274509803921568470985725696;0.011274509803921568470985725696;0.146568627450980398796431813935;0.000000000000000000000000000000;0.000000000000000000000000000000;0.001470588235294117626650312047;0.000000000000000000000000000000;0.016666666666666666435370203203;0.052450980392156863751917938998;0.031372549019607842701873323676;0.003431372549019607795517394777;0.000000000000000000000000000000;0.004901960784313725422167706824;0.058823529411764705066012481893;0.003921568627450980337734165460;0.008333333333333333217685101602;0.068627450980392162849241799449;0.067647058823529407356467402224;0.000980392156862745084433541365;0.023529411764705882026404992757;0.001960784313725490168867082730;0.049509803921568625029170362950;0.010784313725490195928768955014;0.035294117647058823039607489136;0.010294117647058823386552184331;0.023039215686274511218911698052;0.014705882352941176266503120473;0.005392156862745097964384477507;0.000490196078431372542216770682;0.001470588235294117626650312047;0.000490196078431372542216770682;0.024509803921568627110838534122;0.000980392156862745084433541365;0.013725490196078431182069579108;0.011274509803921568470985725696;0.066666666666666665741480812812;0.010294117647058823386552184331;0.003921568627450980337734165460;0.003431372549019607795517394777;0.040196078431372551931222147914;0.004411764705882352879950936142;0.024509803921568627110838534122;0.000000000000000000000000000000;0.008333333333333333217685101602;0.000000000000000000000000000000;0.008823529411764705759901872284;0.048529411764705883414183773539;0.033823529411764703678233701112;0.022058823529411766134478156687;0.009803921568627450844335413649
-0.031666666666666669349705642844;0.008888888888888888881179006773;0.060555555555555556912494807875;0.000000000000000000000000000000;0.032222222222222221543752596062;0.019444444444444444752839729063;0.003055555555555555715535609451;0.016388888888888890338346726594;0.013611111111111110286153724758;0.031944444444444441977282167500;0.014722222222222221613141535101;0.025277777777777777484802257391;0.013888888888888888117900677344;0.043611111111111114380101128063;0.008611111111111111049432054187;0.018888888888888889089345823891;0.028055555555555555802271783250;0.031388888888888889783235214281;0.020277777777777776513357110844;0.011666666666666667198648532633;0.014166666666666665949647629930;0.020555555555555556079827539406;0.005833333333333333599324266316;0.046666666666666668794594130532;0.027222222222222220572307449515;0.035277777777777775958245598531;0.026111111111111112714766591125;0.002500000000000000052041704279;0.001388888888888888941894328433;0.024166666666666666157814447047;0.014722222222222221613141535101;0.027777777777777776235801354687;0.010277777777777778039913769703;0.010277777777777778039913769703;0.023055555555555554830826636703;0.042500000000000003053113317719;0.011944444444444445030395485219;0.009444444444444444544672911945;0.001666666666666666773641281019;0.018888888888888889089345823891;0.005555555555555555767577313730;0.011111111111111111535154627461;0.000000000000000000000000000000;0.023611111111111110494320541875;0.015833333333333334674852821422;0.014999999999999999444888487687;0.044444444444444446140618509844;0.031111111111111110216764785719;0.028055555555555555802271783250;0.016666666666666666435370203203
-0.025757575757575756902895136591;0.006060606060606060600803868255;0.086060606060606059664053191227;0.002121212121212121427121788386;0.001818181818181818180241160476;0.007272727272727272720964641906;0.000303030303030303030040193413;0.018484848484848485916653970662;0.027878787878787877896336055983;0.041212121212121213820189780108;0.014545454545454545441929283811;0.004545454545454545233762466694;0.013333333333333334189130248149;0.073333333333333333703407674875;0.004848484848484848480643094604;0.016666666666666666435370203203;0.026666666666666668378260496297;0.033030303030303027889136302520;0.009090909090909090467524933388;0.017575757575757574441288610956;0.007878787878787879214725897725;0.021515151515151514916013297807;0.011515151515151514707846480690;0.050303030303030300818267761542;0.026969696969696969890417648230;0.048181818181818179824826842150;0.025454545454545455390737984658;0.004242424242424242854243576772;0.000909090909090909090120580238;0.004545454545454545233762466694;0.004848484848484848480643094604;0.019696969696969695434729530348;0.003939393939393939607362948863;0.008787878787878787220644305478;0.028181818181818182877940159869;0.060606060606060607742762158523;0.010909090909090909948808700847;0.006666666666666667094565124074;0.001515151515151515150200967064;0.022121212121212121409774553626;0.005757575757575757353923240345;0.012727272727272727695368992329;0.000000000000000000000000000000;0.018787878787878787428811122595;0.001212121212121212120160773651;0.009090909090909090467524933388;0.059999999999999997779553950750;0.043333333333333334813630699500;0.029090909090909090883858567622;0.020606060606060606910094890054
-0.026234567901234566444923501649;0.015740740740740739173064710599;0.046913580246913583193801855487;0.021604938271604937072289942535;0.014814814814814815380206169948;0.037037037037037034981068472916;0.004320987654320987240985640909;0.033333333333333332870740406406;0.012654320987654321326032480499;0.020987654320987654543717582101;0.018518518518518517490534236458;0.022839506172839505598881615356;0.014814814814814815380206169948;0.038888888888888889505679458125;0.030864197530864195817557060764;0.019135802469135803488553548846;0.016666666666666666435370203203;0.034876543209876542661618259444;0.030246913580246913288984700330;0.006481481481481481295159330358;0.012654320987654321326032480499;0.008641975308641974481971281818;0.013271604938271605589328316910;0.030246913580246913288984700330;0.032098765432098767813595685539;0.030246913580246913288984700330;0.039814814814814816767984950729;0.011419753086419752799440807678;0.000617283950617283938035184665;0.039506172839506172034251818559;0.016358024691358025171084022986;0.017901234567901234961961876024;0.024691358024691356654045648611;0.006481481481481481295159330358;0.014197530864197531116910333537;0.042901234567901236349740656806;0.011728395061728395798450463872;0.003703703703703703845051542487;0.000925925925925925961262885622;0.008641975308641974481971281818;0.009567901234567901744276774423;0.007407407407407407690103084974;0.000000000000000000000000000000;0.015432098765432097908778530382;0.022222222222222223070309254922;0.008333333333333333217685101602;0.036728395061728397186229244653;0.023765432098765432861187107960;0.029320987654320986026679207725;0.014197530864197531116910333537
-0.024666666666666666601903656897;0.014666666666666666393736839780;0.024333333333333331816028533012;0.278666666666666673624064287651;0.021666666666666667406815349750;0.016333333333333331649495079319;0.006666666666666667094565124074;0.021666666666666667406815349750;0.018333333333333333425851918719;0.017333333333333332537673499019;0.012333333333333333300951828448;0.013666666666666667240281896056;0.011333333333333334147496884725;0.014333333333333333342585191872;0.028666666666666666685170383744;0.017666666666666667323548622903;0.019333333333333334314030338419;0.029999999999999998889776975375;0.019666666666666665630458510350;0.002666666666666666577617528233;0.016333333333333331649495079319;0.008666666666666666268836749509;0.008000000000000000166533453694;0.021333333333333332620940225866;0.016333333333333331649495079319;0.021666666666666667406815349750;0.029333333333333332787473679559;0.006666666666666667094565124074;0.001666666666666666773641281019;0.032333333333333331982561986706;0.010333333333333333259318465025;0.016000000000000000333066907388;0.008333333333333333217685101602;0.007000000000000000145716771982;0.008666666666666666268836749509;0.023333333333333334397297065266;0.003333333333333333547282562037;0.014000000000000000291433543964;0.002333333333333333526465880325;0.006333333333333333176051738178;0.007333333333333333196868419890;0.012666666666666666352103476356;0.000000000000000000000000000000;0.016666666666666666435370203203;0.016000000000000000333066907388;0.020000000000000000416333634234;0.019333333333333334314030338419;0.009666666666666667157015169209;0.012666666666666666352103476356;0.009666666666666667157015169209
-0.022012578616352199839534264925;0.011635220125786162673198198547;0.020754716981132074332672132755;0.405031446540880524231909021182;0.009119496855345911659473934208;0.015094339622641509551792537991;0.004716981132075471518094733625;0.021383647798742137086103198840;0.015408805031446540928508071033;0.022955974842767293969680864052;0.010377358490566037166336066377;0.011635220125786162673198198547;0.003459119496855346011232601455;0.015094339622641509551792537991;0.022955974842767293969680864052;0.015408805031446540928508071033;0.011006289308176099919767132462;0.011006289308176099919767132462;0.014779874213836478175077004948;0.002201257861635220070689600291;0.017295597484276729188801269288;0.011635220125786162673198198547;0.002515723270440251447405133334;0.029874213836477987726869542939;0.016352201257861635058654670161;0.023584905660377360192558882090;0.021069182389937105709387665797;0.008805031446540880282758401165;0.002515723270440251447405133334;0.011320754716981131296482665505;0.011320754716981131296482665505;0.012578616352201258538068273651;0.006289308176100629269034136826;0.007547169811320754775896268995;0.005660377358490565648241332752;0.016037735849056603681939137118;0.004716981132075471518094733625;0.007861635220125786152611802038;0.002201257861635220070689600291;0.009433962264150943036189467250;0.009748427672955974412905000293;0.007861635220125786152611802038;0.000000000000000000000000000000;0.022327044025157231216249797967;0.010691823899371068543051599420;0.015094339622641509551792537991;0.014779874213836478175077004948;0.007861635220125786152611802038;0.006918238993710692022465202911;0.010062893081761005789620533335
-0.041843971631205671701803083806;0.007092198581560283515701215151;0.040780141843971634552090677062;0.184751773049645379165539793576;0.006028368794326241161818380476;0.012411347517730497019838864503;0.007092198581560283515701215151;0.025177304964539008735879832557;0.014893617021276596423806637404;0.033687943262411347566942509957;0.013120567375886524677519595627;0.009219858156028368223466884501;0.009219858156028368223466884501;0.041843971631205671701803083806;0.013829787234042552335200326752;0.022695035460992909331912059656;0.015248226950354609385285264977;0.022340425531914894635709956106;0.012765957446808509981317492077;0.007092198581560283515701215151;0.022340425531914894635709956106;0.013475177304964539373721699178;0.004609929078014184111733442251;0.041843971631205671701803083806;0.029432624113475178151411171257;0.041843971631205671701803083806;0.027304964539007093443645501907;0.008510638297872340565786153377;0.003546099290780141757850607576;0.003900709219858156020371842132;0.004964539007092198807935545801;0.019858156028368795231742183205;0.006028368794326241161818380476;0.006028368794326241161818380476;0.013120567375886524677519595627;0.029787234042553192847613274807;0.010992907801418439969753926277;0.007092198581560283515701215151;0.002482269503546099403967772901;0.010638297872340425273551822727;0.006737588652482269686860849589;0.009219858156028368223466884501;0.000000000000000000000000000000;0.021631205673758865243305749004;0.010638297872340425273551822727;0.016312056737588651739168099652;0.029078014184397163455209067706;0.021631205673758865243305749004;0.017730496453900710523976513855;0.018085106382978721750731665452
-0.044339622641509431055784062892;0.035534591194968552507749137703;0.030503144654088050480300609024;0.005031446540880502894810266667;0.033018867924528301494024873364;0.025157232704402517076136547303;0.006289308176100629269034136826;0.016981132075471697812085736246;0.013522012578616352668214872779;0.024213836477987422945989948175;0.020440251572327042955956599712;0.024842767295597485699421014260;0.015408805031446540928508071033;0.025471698113207548452852080345;0.027044025157232705336429745557;0.022012578616352199839534264925;0.014465408805031446798361471906;0.026100628930817611206283146430;0.016981132075471697812085736246;0.007232704402515723399180735953;0.019811320754716980202525533628;0.010062893081761005789620533335;0.009119496855345911659473934208;0.030503144654088050480300609024;0.031446540880503144610447208152;0.038993710691823897651620001170;0.026100628930817611206283146430;0.047798742138364783138548830266;0.000943396226415094346987033624;0.022327044025157231216249797967;0.025471698113207548452852080345;0.011635220125786162673198198547;0.011006289308176099919767132462;0.004402515723270440141379200583;0.023270440251572325346396397094;0.028930817610062893596722943812;0.011006289308176099919767132462;0.020125786163522011579241066670;0.001886792452830188693974067249;0.010377358490566037166336066377;0.007232704402515723399180735953;0.020440251572327042955956599712;0.000000000000000000000000000000;0.022327044025157231216249797967;0.019496855345911948825810000585;0.027358490566037736713145278600;0.026100628930817611206283146430;0.022955974842767293969680864052;0.022641509433962262592965331010;0.011635220125786162673198198547
-0.024011299435028249371626429820;0.022316384180790960201079542458;0.020903954802259885892290469656;0.270621468926553698786108270724;0.033615819209039547732498220967;0.021468926553672315615806098776;0.012711864406779661840207751311;0.022033898305084745339321727897;0.013841807909604519552515533576;0.012994350282485874967242089895;0.012429378531073446978449936751;0.026271186440677964796241994350;0.011299435028248587531418678509;0.014689265536723164137788977257;0.033050847457627118008982591846;0.012429378531073446978449936751;0.011581920903954802393176493069;0.022316384180790960201079542458;0.020338983050847456168774840535;0.003107344632768361744612484188;0.016666666666666666435370203203;0.011016949152542372669660863949;0.006779661016949152345378859508;0.015254237288135593861304606378;0.020056497175141241307017025974;0.020056497175141241307017025974;0.023728813559322034509868615260;0.023446327683615819648110800699;0.002542372881355932021096855067;0.030225988700564972860851398195;0.015254237288135593861304606378;0.010451977401129942946145234828;0.009887005649717514957353081684;0.008192090395480225786806194321;0.009322033898305085233837452563;0.017514124293785311020643646884;0.005367231638418078903951524694;0.008474576271186440648564008882;0.004519774011299435186039819001;0.008757062146892655510321823442;0.008192090395480225786806194321;0.005084745762711864042193710134;0.000000000000000000000000000000;0.014689265536723164137788977257;0.020338983050847456168774840535;0.017796610169491525882401461445;0.012711864406779661840207751311;0.011864406779661017254934307630;0.013276836158192089828999904455;0.006497175141242937483621044947
-0.025000000000000001387778780781;0.008695652173913043583852733320;0.073550724637681155759771911562;0.182246376811594196221122388124;0.003623188405797101493271972217;0.011231884057971014412302679375;0.003623188405797101493271972217;0.026086956521739129016834723984;0.009057971014492753950020365039;0.040217391304347822889031505156;0.012318840579710145510805574531;0.005434782608695652023067523828;0.004710144927536232158093998379;0.046014492753623188747713612656;0.014855072463768116339255520586;0.021739130434782608092270095312;0.012318840579710145510805574531;0.017028985507246376801537834922;0.007971014492753622851517469883;0.001811594202898550746635986108;0.010507246376811593679967415937;0.014492753623188405973087888867;0.002898550724637681194617577773;0.037318840579710146898584355313;0.027536231884057970481505250859;0.064130434782608700117201294688;0.030797101449275363777013936328;0.002898550724637681194617577773;0.000724637681159420298654394443;0.002536231884057970828449946055;0.004347826086956521791926366660;0.013768115942028985240752625430;0.003623188405797101493271972217;0.010507246376811593679967415937;0.006159420289855072755402787266;0.039855072463768112522863873437;0.007246376811594202986543944434;0.010507246376811593679967415937;0.003260869565217391127104340498;0.009057971014492753950020365039;0.005434782608695652023067523828;0.003623188405797101493271972217;0.000000000000000000000000000000;0.017753623188405797533873098359;0.004347826086956521791926366660;0.009420289855072464316187996758;0.064855072463768120849536558126;0.029710144927536232678511041172;0.008333333333333333217685101602;0.026811594202898549749169987422
-0.021544715447154472176549688811;0.013414634146341463186158371457;0.088211382113821137918030501623;0.004878048780487804873817747620;0.001626016260162601624605915873;0.017479674796747966813992292145;0.000813008130081300812302957937;0.034146341463414636718809447302;0.019105691056910567571236470030;0.044715447154471545110343555507;0.019105691056910567571236470030;0.007723577235772357933718534895;0.007723577235772357933718534895;0.060975609756097559621679238262;0.013821138211382113375469415928;0.031707317073170732113496228521;0.013414634146341463186158371457;0.030081300813008131356252050637;0.010569105691056910126257584182;0.005284552845528455063128792091;0.013008130081300812996847326986;0.013008130081300812996847326986;0.003252032520325203249211831746;0.047154471544715449715656774288;0.036178861788617885930641193681;0.074796747967479676466595606144;0.041056910569105688202373727336;0.009756097560975609747635495239;0.000406504065040650406151478968;0.012195121951219512618225238043;0.007723577235772357933718534895;0.012601626016260162807536282514;0.007317073170731707744407490424;0.011788617886178862428914193572;0.006504065040650406498423663493;0.042682926829268295898511809128;0.008536585365853659179702361826;0.006910569105691056687734707964;0.002845528455284553059900787275;0.003658536585365853872203745212;0.009756097560975609747635495239;0.013414634146341463186158371457;0.000000000000000000000000000000;0.020731707317073171797927599869;0.006504065040650406498423663493;0.012195121951219512618225238043;0.066260162601626010347999340411;0.029674796747967479432217530189;0.010569105691056910126257584182;0.023170731707317072933793866696
-0.059444444444444445585506997531;0.021111111111111111743321444578;0.041944444444444443920172460594;0.005555555555555555767577313730;0.010833333333333333703407674875;0.043611111111111114380101128063;0.009166666666666666712925959359;0.021666666666666667406815349750;0.029166666666666667129259593594;0.021944444444444443503838826359;0.015555555555555555108382392859;0.025277777777777777484802257391;0.015833333333333334674852821422;0.026388888888888888811790067734;0.014722222222222221613141535101;0.028333333333333331899295259859;0.018333333333333333425851918719;0.030555555555555554553270880547;0.035833333333333335091186455656;0.005000000000000000104083408559;0.028333333333333331899295259859;0.016388888888888890338346726594;0.008055555555555555385938149016;0.036944444444444446418174266000;0.041111111111111112159655078813;0.034444444444444444197728216750;0.022777777777777778733803160094;0.019166666666666665186369300500;0.001944444444444444388547799107;0.018333333333333333425851918719;0.018333333333333333425851918719;0.017500000000000001665334536938;0.005555555555555555767577313730;0.006111111111111111431071218902;0.011944444444444445030395485219;0.031666666666666669349705642844;0.009722222222222222376419864531;0.023888888888888890060790970438;0.002500000000000000052041704279;0.010555555555555555871660722289;0.005000000000000000104083408559;0.019722222222222220849863205672;0.000000000000000000000000000000;0.022499999999999999167332731531;0.006666666666666667094565124074;0.028611111111111111465765688422;0.029999999999999998889776975375;0.017777777777777777762358013547;0.012500000000000000693889390391;0.011666666666666667198648532633
-0.029393939393939392396015719555;0.016060606060606059941608947383;0.039090909090909092826748860716;0.002121212121212121427121788386;0.026363636363636363396656392410;0.024242424242424242403215473018;0.007272727272727272720964641906;0.023030303030303029415692961379;0.032424242424242424864821998653;0.021818181818181819897617401693;0.018181818181818180935049866775;0.032727272727272729846426102540;0.011212121212121211460965852780;0.024242424242424242403215473018;0.023333333333333334397297065266;0.023939393939393940891058321085;0.024545454545454543915372624951;0.030909090909090910365142335081;0.028181818181818182877940159869;0.004545454545454545233762466694;0.026060606060606061884499240477;0.014545454545454545441929283811;0.006666666666666667094565124074;0.033939393939393942833948614179;0.030303030303030303871381079261;0.030606060606060605383538231195;0.027575757575757576384178904050;0.019393939393939393922572378415;0.003636363636363636360482320953;0.045454545454545455807071618892;0.027575757575757576384178904050;0.027272727272727271402574800163;0.014545454545454545441929283811;0.010909090909090909948808700847;0.008484848484848485708487153545;0.029090909090909090883858567622;0.010000000000000000208166817117;0.019090909090909092410415226482;0.004545454545454545233762466694;0.008181818181818182461606525635;0.009090909090909090467524933388;0.022424242424242422921931705559;0.000000000000000000000000000000;0.026363636363636363396656392410;0.020606060606060606910094890054;0.020303030303030301928490786167;0.016969696969696971416974307090;0.013636363636363635701287400082;0.014848484848484848688809911721;0.014242424242424242195048655901
-0.032196969696969696128618920739;0.014772727272727272443408885749;0.034848484848484850839867021932;0.003787878787878787983922634908;0.040530303030303027611580546363;0.028787878787878789371701415689;0.006818181818181817850643700041;0.037499999999999998612221219219;0.032954545454545451643735276548;0.013636363636363635701287400082;0.018181818181818180935049866775;0.018560606060606062162054996634;0.019318181818181817677171352443;0.021212121212121213403856145874;0.031439393939393940613502564929;0.015151515151515151935690539631;0.017424242424242425419933510966;0.033333333333333332870740406406;0.043560606060606063549833777415;0.005681818181818181975883952362;0.020454545454545454419292838111;0.021969696969696968918972501683;0.020075757575757576661734660206;0.022348484848484850145977631541;0.027272727272727271402574800163;0.023106060606060605661093987351;0.030303030303030303871381079261;0.016666666666666666435370203203;0.002651515151515151675482018234;0.041287878787878790065590806080;0.008712121212121212709966755483;0.012500000000000000693889390391;0.032575757575757577355624050597;0.009090909090909090467524933388;0.012500000000000000693889390391;0.023863636363636364645657295114;0.007196969696969697342925353922;0.009469696969696969959806587269;0.007954545454545453725403447720;0.010227272727272727209646419055;0.008712121212121212709966755483;0.027651515151515152629579930021;0.000000000000000000000000000000;0.013636363636363635701287400082;0.040530303030303027611580546363;0.014015151515151515193569053963;0.019318181818181817677171352443;0.014015151515151515193569053963;0.017045454545454544192928381108;0.015151515151515151935690539631
-0.035454545454545453864181325798;0.010000000000000000208166817117;0.036969696969696971833307941324;0.188787878787878782294029633704;0.023030303030303029415692961379;0.029393939393939392396015719555;0.003636363636363636360482320953;0.014848484848484848688809911721;0.013030303030303030942249620239;0.017575757575757574441288610956;0.013333333333333334189130248149;0.024242424242424242403215473018;0.014545454545454545441929283811;0.030303030303030303871381079261;0.015454545454545455182571167541;0.028787878787878789371701415689;0.016666666666666666435370203203;0.023636363636363635909454217199;0.017575757575757574441288610956;0.003636363636363636360482320953;0.010909090909090909948808700847;0.010606060606060606701928072937;0.004545454545454545233762466694;0.028787878787878789371701415689;0.033333333333333332870740406406;0.030606060606060605383538231195;0.020000000000000000416333634234;0.005454545454545454974404350423;0.001212121212121212120160773651;0.039696969696969695851063164582;0.020303030303030301928490786167;0.011515151515151514707846480690;0.006666666666666667094565124074;0.008484848484848485708487153545;0.012424242424242424448488364419;0.023030303030303029415692961379;0.007878787878787879214725897725;0.012424242424242424448488364419;0.000909090909090909090120580238;0.010606060606060606701928072937;0.003939393939393939607362948863;0.008181818181818182461606525635;0.000000000000000000000000000000;0.018181818181818180935049866775;0.010303030303030303455047445027;0.015454545454545455182571167541;0.025757575757575756902895136591;0.023030303030303029415692961379;0.020303030303030301928490786167;0.014545454545454545441929283811
-0.025706214689265535072726365229;0.023163841807909604786352986139;0.025423728813559323680415502622;0.175141242937853103267542564936;0.024293785310734464233384244380;0.031920903954802258561951333604;0.009322033898305085233837452563;0.024858757062146893956899873501;0.011299435028248587531418678509;0.008474576271186440648564008882;0.016666666666666666435370203203;0.020338983050847456168774840535;0.016949152542372881297128017763;0.016384180790960451573612388643;0.029096045197740113413820139954;0.019491525423728815052948348807;0.012994350282485874967242089895;0.027683615819209039105031067152;0.038418079096045200382381068493;0.007344632768361582068894488629;0.024293785310734464233384244380;0.009604519774011300095595267123;0.012711864406779661840207751311;0.014689265536723164137788977257;0.030225988700564972860851398195;0.017514124293785311020643646884;0.029661016949152543137335769075;0.012146892655367232116692122190;0.001412429378531073441427334814;0.050847457627118647360831005244;0.019491525423728815052948348807;0.009887005649717514957353081684;0.018361581920903955605917090566;0.007344632768361582068894488629;0.011864406779661017254934307630;0.016949152542372881297128017763;0.007062146892655367207136674068;0.014406779661016949276031162697;0.001129943502824858796509954750;0.009604519774011300095595267123;0.012994350282485874967242089895;0.007627118644067796930652303189;0.000000000000000000000000000000;0.009887005649717514957353081684;0.019774011299435029914706163368;0.010169491525423728084387420267;0.012994350282485874967242089895;0.010451977401129942946145234828;0.020621468926553671030532655095;0.011299435028248587531418678509
-0.029885057471264367401353467812;0.038793103448275863265326535156;0.018103448275862070449004903594;0.096551724137931033142834280625;0.052011494252873560761862847812;0.033620689655172411591799175312;0.009770114942528735496596326016;0.033333333333333332870740406406;0.015229885057471264156458978789;0.006609195402298850482991632305;0.015517241379310344612241223672;0.025287356321839080108837549687;0.012643678160919540054418774844;0.012643678160919540054418774844;0.056321839080459769333319997031;0.018678160919540231360569393360;0.010344827586206896408160815781;0.022988505747126436462579590625;0.033045977011494254149681637500;0.003448275862068965469386938594;0.014367816091954022789112244141;0.010632183908045976863943060664;0.005747126436781609115644897656;0.010057471264367815952378570898;0.029310344827586206489788978047;0.018678160919540231360569393360;0.029022988505747127768730209141;0.068103448275862066285668561250;0.001149425287356321823128979531;0.055747126436781611891202459219;0.022701149425287357741520821719;0.006321839080459770027209387422;0.016091954022988505523805713437;0.005172413793103448204080407891;0.008045977011494252761902856719;0.010632183908045976863943060664;0.004597701149425287292515918125;0.018390804597701149170063672500;0.003448275862068965469386938594;0.008908045977011494129249591367;0.010057471264367815952378570898;0.006896551724137930938773877187;0.000000000000000000000000000000;0.006321839080459770027209387422;0.026436781609195401931966529219;0.009195402298850574585031836250;0.014367816091954022789112244141;0.010344827586206896408160815781;0.014942528735632183700676733906;0.009482758620689655040814081133
-0.031560283687943259389729888653;0.028723404255319148759006964156;0.045744680851063826421132318956;0.016666666666666666435370203203;0.012056737588652482323636760952;0.026950354609929078747443398356;0.007801418439716312040743684264;0.021985815602836879939507852555;0.015248226950354609385285264977;0.021631205673758865243305749004;0.014893617021276596423806637404;0.018085106382978721750731665452;0.018085106382978721750731665452;0.033687943262411347566942509957;0.025531914893617019962634984154;0.021631205673758865243305749004;0.022340425531914894635709956106;0.042198581560283686398005187357;0.019503546099290780535540079654;0.011347517730496454665956029828;0.014893617021276596423806637404;0.013475177304964539373721699178;0.010638297872340425273551822727;0.030496453900709218770570529955;0.034751773049645391655548820609;0.029078014184397163455209067706;0.029787234042553192847613274807;0.037588652482269502286271745106;0.002127659574468085141446538344;0.016666666666666666435370203203;0.010638297872340425273551822727;0.021985815602836879939507852555;0.010283687943262410577349719176;0.004255319148936170282893076688;0.018439716312056736446933769002;0.038652482269503546374878055758;0.015602836879432624081487368528;0.011702127659574467627434657402;0.000709219858156028416622251864;0.018439716312056736446933769002;0.009219858156028368223466884501;0.014539007092198581727604533853;0.000000000000000000000000000000;0.023758865248226949951071418354;0.013475177304964539373721699178;0.019503546099290780535540079654;0.030141843971631204074368426404;0.021985815602836879939507852555;0.028014184397163119366602757054;0.013475177304964539373721699178
-0.043495934959349592807686946117;0.012601626016260162807536282514;0.047967479674796746624831911276;0.100813008130081302460290260115;0.002032520325203252247597829339;0.018699186991869919116648901536;0.008536585365853659179702361826;0.024796747967479673691038044581;0.013821138211382113375469415928;0.019918699186991871419305510926;0.017479674796747966813992292145;0.021138211382113820252515168363;0.010569105691056910126257584182;0.037398373983739838233297803072;0.014634146341463415488814980847;0.020325203252032519873893079421;0.012195121951219512618225238043;0.024390243902439025236450476086;0.021138211382113820252515168363;0.013821138211382113375469415928;0.019512195121951219495270990478;0.015447154471544715867437069790;0.006910569105691056687734707964;0.031707317073170732113496228521;0.036178861788617885930641193681;0.034146341463414636718809447302;0.034146341463414636718809447302;0.012195121951219512618225238043;0.001219512195121951218454436905;0.013414634146341463186158371457;0.021138211382113820252515168363;0.010569105691056910126257584182;0.008130081300813008990391317354;0.004878048780487804873817747620;0.019512195121951219495270990478;0.031707317073170732113496228521;0.015853658536585366056748114261;0.020325203252032519873893079421;0.000813008130081300812302957937;0.011788617886178862428914193572;0.009349593495934959558324450768;0.007317073170731707744407490424;0.000000000000000000000000000000;0.016666666666666666435370203203;0.006504065040650406498423663493;0.023577235772357724857828387144;0.032113821138211380568083797016;0.023170731707317072933793866696;0.033333333333333332870740406406;0.012601626016260162807536282514
-0.017222222222222222098864108375;0.016944444444444446001840631766;0.031111111111111110216764785719;0.310555555555555529156919192246;0.019444444444444444752839729063;0.016388888888888890338346726594;0.008333333333333333217685101602;0.020833333333333332176851016015;0.019444444444444444752839729063;0.020000000000000000416333634234;0.010000000000000000208166817117;0.013888888888888888117900677344;0.008888888888888888881179006773;0.019166666666666665186369300500;0.027222222222222220572307449515;0.015555555555555555108382392859;0.011944444444444445030395485219;0.016111111111111110771876298031;0.021111111111111111743321444578;0.004444444444444444440589503387;0.016111111111111110771876298031;0.015555555555555555108382392859;0.005833333333333333599324266316;0.031388888888888889783235214281;0.022222222222222223070309254922;0.024722222222222221821308352219;0.020277777777777776513357110844;0.008611111111111111049432054187;0.001666666666666666773641281019;0.016111111111111110771876298031;0.012500000000000000693889390391;0.007222222222222221890697291258;0.008055555555555555385938149016;0.004444444444444444440589503387;0.006388888888888889262818171488;0.021111111111111111743321444578;0.009166666666666666712925959359;0.008888888888888888881179006773;0.000555555555555555555073687923;0.006666666666666667094565124074;0.009166666666666666712925959359;0.008611111111111111049432054187;0.000000000000000000000000000000;0.018333333333333333425851918719;0.014999999999999999444888487687;0.020555555555555556079827539406;0.020833333333333332176851016015;0.012777777777777778525636342977;0.010000000000000000208166817117;0.008611111111111111049432054187
-0.019918699186991871419305510926;0.031707317073170732113496228521;0.026422764227642277917729174419;0.172357723577235777412397510489;0.028861788617886179053595441246;0.023577235772357724857828387144;0.002845528455284553059900787275;0.020731707317073171797927599869;0.015040650406504065678126025318;0.012195121951219512618225238043;0.013008130081300812996847326986;0.041463414634146343595855199737;0.004471544715447154684506703148;0.018292682926829267192614381088;0.057723577235772358107190882492;0.025609756097560974069660133523;0.017886178861788618738026812593;0.028048780487804878674973352304;0.022764227642276424479206298201;0.003658536585365853872203745212;0.019105691056910567571236470030;0.015853658536585366056748114261;0.003252032520325203249211831746;0.013414634146341463186158371457;0.027642276422764226750938831856;0.015447154471544715867437069790;0.027235772357723578296351263361;0.032113821138211380568083797016;0.002845528455284553059900787275;0.022764227642276424479206298201;0.037804878048780486687885371566;0.015040650406504065678126025318;0.008943089430894309369013406297;0.004065040650406504495195658677;0.009756097560975609747635495239;0.023983739837398373312415955638;0.006097560975609756309112619022;0.007317073170731707744407490424;0.003658536585365853872203745212;0.006504065040650406498423663493;0.008536585365853659179702361826;0.006910569105691056687734707964;0.000000000000000000000000000000;0.015040650406504065678126025318;0.027642276422764226750938831856;0.011382113821138212239603149101;0.011788617886178862428914193572;0.010975609756097560315568628653;0.010162601626016259936946539710;0.008130081300813008990391317354
-0.026241134751773049355039191255;0.017375886524822695827774410304;0.036879432624113472893867538005;0.124468085106382977955696844674;0.033333333333333332870740406406;0.028723404255319148759006964156;0.003900709219858156020371842132;0.029078014184397163455209067706;0.014184397163120567031402430302;0.017375886524822695827774410304;0.010638297872340425273551822727;0.025177304964539008735879832557;0.014184397163120567031402430302;0.025177304964539008735879832557;0.024468085106382979343475625456;0.018439716312056736446933769002;0.019858156028368795231742183205;0.035460992907801421047953027710;0.026595744680851064051241294806;0.006737588652482269686860849589;0.017021276595744681131572306754;0.008865248226950355261988256927;0.012765957446808509981317492077;0.023049645390070920558667211253;0.035815602836879435744155131260;0.024822695035460994039677729006;0.024468085106382979343475625456;0.042907801418439715790409394458;0.001418439716312056833244503729;0.017730496453900710523976513855;0.025531914893617019962634984154;0.012411347517730497019838864503;0.010283687943262410577349719176;0.003900709219858156020371842132;0.017730496453900710523976513855;0.025531914893617019962634984154;0.014184397163120567031402430302;0.015248226950354609385285264977;0.001418439716312056833244503729;0.012411347517730497019838864503;0.003900709219858156020371842132;0.004609929078014184111733442251;0.000000000000000000000000000000;0.013829787234042552335200326752;0.008510638297872340565786153377;0.012411347517730497019838864503;0.017021276595744681131572306754;0.013475177304964539373721699178;0.029787234042553192847613274807;0.010638297872340425273551822727
-0.032407407407407405608434913802;0.009259259259259258745267118229;0.024074074074074074125473288177;0.335493827160493807149066469719;0.004012345679012345976699460692;0.020987654320987654543717582101;0.005555555555555555767577313730;0.014814814814814815380206169948;0.016049382716049383906797842769;0.011419753086419752799440807678;0.009567901234567901744276774423;0.009876543209876543008562954640;0.008024691358024691953398921385;0.014197530864197531116910333537;0.021913580246913581806023074705;0.022222222222222223070309254922;0.010802469135802468536144971267;0.020370370370370372015145221667;0.012962962962962962590318660716;0.003395061728395061713403624282;0.012037037037037037062736644089;0.010493827160493827271858791050;0.008024691358024691953398921385;0.020987654320987654543717582101;0.029012345679012344762393027509;0.020987654320987654543717582101;0.015432098765432097908778530382;0.041358024691358026558862803768;0.002160493827160493620492820455;0.013888888888888888117900677344;0.018827160493827162224267368629;0.007098765432098765558455166769;0.005864197530864197899225231936;0.005555555555555555767577313730;0.010493827160493827271858791050;0.016666666666666666435370203203;0.007716049382716048954389265191;0.018827160493827162224267368629;0.004012345679012345976699460692;0.012345679012345678327022824305;0.005555555555555555767577313730;0.010185185185185186007572610833;0.000000000000000000000000000000;0.016358024691358025171084022986;0.009259259259259258745267118229;0.021913580246913581806023074705;0.014814814814814815380206169948;0.014197530864197531116910333537;0.010493827160493827271858791050;0.008024691358024691953398921385
-0.023188405797101449556940622188;0.005434782608695652023067523828;0.030072463768115943044678672891;0.538043478260869512119768387493;0.002898550724637681194617577773;0.007971014492753622851517469883;0.001449275362318840597308788887;0.013768115942028985240752625430;0.016666666666666666435370203203;0.012681159420289855876973206250;0.007971014492753622851517469883;0.008333333333333333217685101602;0.005797101449275362389235155547;0.025724637681159418650667092265;0.008333333333333333217685101602;0.014130434782608695606920257148;0.008333333333333333217685101602;0.012318840579710145510805574531;0.006159420289855072755402787266;0.003985507246376811425758734941;0.006521739130434782254208680996;0.010144927536231883313799784219;0.003260869565217391127104340498;0.018478260869565218266208361797;0.011594202898550724778470311094;0.018840579710144928632375993516;0.011594202898550724778470311094;0.006159420289855072755402787266;0.001811594202898550746635986108;0.004347826086956521791926366660;0.010869565217391304046135047656;0.009057971014492753950020365039;0.002536231884057970828449946055;0.003985507246376811425758734941;0.004347826086956521791926366660;0.016304347826086956069202571484;0.003260869565217391127104340498;0.005072463768115941656899892109;0.002173913043478260895963183330;0.004710144927536232158093998379;0.003623188405797101493271972217;0.008333333333333333217685101602;0.000000000000000000000000000000;0.009420289855072464316187996758;0.007608695652173913352711576152;0.006884057971014492620376312715;0.024637681159420291021611149063;0.012681159420289855876973206250;0.008333333333333333217685101602;0.010144927536231883313799784219
-0.030999999999999999777955395075;0.005666666666666667073748442363;0.022999999999999999611421941381;0.440333333333333354353555932903;0.002333333333333333526465880325;0.016333333333333331649495079319;0.005333333333333333155235056466;0.014666666666666666393736839780;0.008999999999999999319988397417;0.018999999999999999528155214534;0.009666666666666667157015169209;0.010999999999999999361621760841;0.006333333333333333176051738178;0.014666666666666666393736839780;0.014000000000000000291433543964;0.029999999999999998889776975375;0.010999999999999999361621760841;0.007666666666666666248020067798;0.008000000000000000166533453694;0.001333333333333333288808764117;0.010333333333333333259318465025;0.007000000000000000145716771982;0.000333333333333333322202191029;0.031333333333333331094383567006;0.028333333333333331899295259859;0.028000000000000000582867087928;0.014000000000000000291433543964;0.002000000000000000041633363423;0.002333333333333333526465880325;0.007333333333333333196868419890;0.014999999999999999444888487687;0.018333333333333333425851918719;0.002333333333333333526465880325;0.004000000000000000083266726847;0.003666666666666666598434209945;0.024333333333333331816028533012;0.003000000000000000062450045135;0.010666666666666666310470112933;0.001000000000000000020816681712;0.003666666666666666598434209945;0.005000000000000000104083408559;0.003333333333333333547282562037;0.000000000000000000000000000000;0.020000000000000000416333634234;0.007333333333333333196868419890;0.013666666666666667240281896056;0.021000000000000001304512053935;0.012666666666666666352103476356;0.004666666666666667052931760651;0.014999999999999999444888487687
-0.028030303030303030387138107926;0.004924242424242423858682382587;0.026136363636363634660453314495;0.482575757575757602335642104663;0.007196969696969697342925353922;0.010984848484848484459486250842;0.009090909090909090467524933388;0.010984848484848484459486250842;0.012500000000000000693889390391;0.009848484848484847717364765174;0.008712121212121212709966755483;0.014015151515151515193569053963;0.006818181818181817850643700041;0.012121212121212121201607736509;0.013636363636363635701287400082;0.015909090909090907450806895440;0.010984848484848484459486250842;0.011363636363636363951767904723;0.013257575757575757943729222177;0.002651515151515151675482018234;0.011363636363636363951767904723;0.007196969696969697342925353922;0.004166666666666666608842550801;0.016666666666666666435370203203;0.019318181818181817677171352443;0.016666666666666666435370203203;0.011742424242424241709326082628;0.004924242424242423858682382587;0.001893939393939393991961317454;0.014772727272727272443408885749;0.013257575757575757943729222177;0.009469696969696969959806587269;0.002651515151515151675482018234;0.007575757575757575967845269815;0.011363636363636363951767904723;0.012878787878787878451447568295;0.011363636363636363951767904723;0.019696969696969695434729530348;0.001515151515151515150200967064;0.008712121212121212709966755483;0.006439393939393939225723784148;0.004545454545454545233762466694;0.000000000000000000000000000000;0.010227272727272727209646419055;0.011363636363636363951767904723;0.013257575757575757943729222177;0.010984848484848484459486250842;0.007196969696969697342925353922;0.009469696969696969959806587269;0.007575757575757575967845269815
-0.030246913580246913288984700330;0.012037037037037037062736644089;0.035802469135802469923923752049;0.197222222222222215437525960624;0.009259259259259258745267118229;0.028703703703703703498106847292;0.005555555555555555767577313730;0.021913580246913581806023074705;0.023765432098765432861187107960;0.013271604938271605589328316910;0.012654320987654321326032480499;0.021604938271604937072289942535;0.016666666666666666435370203203;0.027469135802469134971515174470;0.016975308641975307699656383420;0.019753086419753086017125909279;0.016666666666666666435370203203;0.028086419753086420969534486858;0.013271604938271605589328316910;0.007716049382716048954389265191;0.016049382716049383906797842769;0.018209876543209876226248056241;0.012962962962962962590318660716;0.016975308641975307699656383420;0.026543209876543211178656633820;0.021604938271604937072289942535;0.021604938271604937072289942535;0.018209876543209876226248056241;0.001851851851851851922525771243;0.023765432098765432861187107960;0.018518518518518517490534236458;0.011419753086419752799440807678;0.008950617283950617480980938012;0.010185185185185186007572610833;0.020679012345679013279431401884;0.025000000000000001387778780781;0.012962962962962962590318660716;0.014814814814814815380206169948;0.001543209876543209790877853038;0.010493827160493827271858791050;0.004629629629629629372633559115;0.013888888888888888117900677344;0.000000000000000000000000000000;0.013888888888888888117900677344;0.010185185185185186007572610833;0.011111111111111111535154627461;0.019444444444444444752839729063;0.020370370370370372015145221667;0.019444444444444444752839729063;0.016049382716049383906797842769
-0.039682539682539680336859078125;0.009920634920634920084214769531;0.058730158730158729674108997187;0.004365079365079365183999193789;0.000396825396825396825052634231;0.023015873015873017370935826875;0.003174603174603174600421073848;0.020634920634920634469056111016;0.025396825396825396803368590781;0.029365079365079364837054498594;0.024603174603174602502742018828;0.009126984126984127518311673555;0.021428571428571428769682682969;0.038095238095238098674499838125;0.011507936507936508685467913438;0.023412698412698412786525636875;0.020634920634920634469056111016;0.043650793650793648370544985937;0.018253968253968255036623347110;0.011111111111111111535154627461;0.012698412698412698401684295391;0.020634920634920634469056111016;0.023412698412698412786525636875;0.039682539682539680336859078125;0.034920634920634921471993550313;0.034523809523809526056403740313;0.035714285714285712303173170312;0.022619047619047618485899064922;0.000793650793650793650105268462;0.012698412698412698401684295391;0.007539682539682539784420267637;0.017857142857142856151586585156;0.011507936507936508685467913438;0.007936507936507936067371815625;0.025793650793650792218958400781;0.038492063492063494090089648125;0.013888888888888888117900677344;0.009523809523809524668624959531;0.006746031746031746351155433672;0.024603174603174602502742018828;0.003968253968253968033685907812;0.012698412698412698401684295391;0.000000000000000000000000000000;0.016666666666666666435370203203;0.006746031746031746351155433672;0.013095238095238095551997581367;0.034920634920634921471993550313;0.026190476190476191103995162734;0.029365079365079364837054498594;0.018253968253968255036623347110
-0.033333333333333332870740406406;0.008888888888888888881179006773;0.064814814814814811216869827604;0.003333333333333333547282562037;0.004444444444444444440589503387;0.024074074074074074125473288177;0.000370370370370370351979089074;0.020370370370370372015145221667;0.008518518518518519017090895318;0.049259259259259259577934386698;0.022962962962962962798485477833;0.010740740740740739936343040029;0.008518518518518519017090895318;0.053333333333333336756520992594;0.007777777777777777554191196430;0.034444444444444444197728216750;0.021851851851851851471497667490;0.026666666666666668378260496297;0.011481481481481481399242738917;0.006296296296296296363115274630;0.012962962962962962590318660716;0.010000000000000000208166817117;0.003703703703703703845051542487;0.047407407407407405053323401489;0.035925925925925923654080662573;0.070370370370370374790702783230;0.037037037037037034981068472916;0.011851851851851851263330850372;0.000000000000000000000000000000;0.011111111111111111535154627461;0.010000000000000000208166817117;0.019259259259259260688157411323;0.007777777777777777554191196430;0.005185185185185185036127464286;0.012222222222222222862142437805;0.051851851851851850361274642864;0.013333333333333334189130248149;0.011851851851851851263330850372;0.000370370370370370351979089074;0.003333333333333333547282562037;0.004444444444444444440589503387;0.008518518518518519017090895318;0.000000000000000000000000000000;0.022962962962962962798485477833;0.006296296296296296363115274630;0.013703703703703704053218359604;0.061111111111111109106541761093;0.031481481481481478346129421197;0.022962962962962962798485477833;0.031481481481481478346129421197
-0.041111111111111112159655078813;0.005833333333333333599324266316;0.015277777777777777276635440273;0.013611111111111110286153724758;0.037222222222222219045750790656;0.061111111111111109106541761093;0.014722222222222221613141535101;0.028333333333333331899295259859;0.008611111111111111049432054187;0.013888888888888888117900677344;0.024722222222222221821308352219;0.047500000000000000555111512313;0.016944444444444446001840631766;0.019166666666666665186369300500;0.015277777777777777276635440273;0.031944444444444441977282167500;0.005555555555555555767577313730;0.022222222222222223070309254922;0.053611111111111109384097517250;0.003611111111111110945348645629;0.030277777777777778456247403938;0.003611111111111110945348645629;0.007499999999999999722444243844;0.017777777777777777762358013547;0.048055555555555552749158465531;0.027500000000000000138777878078;0.026666666666666668378260496297;0.008611111111111111049432054187;0.001666666666666666773641281019;0.080000000000000001665334536938;0.036388888888888887285233408875;0.008611111111111111049432054187;0.018333333333333333425851918719;0.001944444444444444388547799107;0.009166666666666666712925959359;0.021111111111111111743321444578;0.011111111111111111535154627461;0.027500000000000000138777878078;0.001111111111111111110147375847;0.002500000000000000052041704279;0.008333333333333333217685101602;0.005000000000000000104083408559;0.000000000000000000000000000000;0.018055555555555553859381490156;0.020277777777777776513357110844;0.018055555555555553859381490156;0.018888888888888889089345823891;0.011944444444444445030395485219;0.017777777777777777762358013547;0.011944444444444445030395485219
-0.023913043478260870289275885625;0.006159420289855072755402787266;0.023913043478260870289275885625;0.332971014492753625280130336250;0.015217391304347826705423152305;0.029347826086956522312343409453;0.009420289855072464316187996758;0.010869565217391304046135047656;0.010507246376811593679967415937;0.018478260869565218266208361797;0.012681159420289855876973206250;0.032246376811594201772237511250;0.011231884057971014412302679375;0.016304347826086956069202571484;0.014855072463768116339255520586;0.015579710144927537071590784024;0.008695652173913043583852733320;0.015217391304347826705423152305;0.021376811594202897726102463594;0.002898550724637681194617577773;0.013768115942028985240752625430;0.008695652173913043583852733320;0.007971014492753622851517469883;0.029347826086956522312343409453;0.023913043478260870289275885625;0.022101449275362318458437727031;0.018115942028985507900040730078;0.001086956521739130447981591665;0.004347826086956521791926366660;0.035869565217391305433913828438;0.016304347826086956069202571484;0.014855072463768116339255520586;0.009057971014492753950020365039;0.003623188405797101493271972217;0.011956521739130435144637942813;0.019565217391304349364711256953;0.006884057971014492620376312715;0.005797101449275362389235155547;0.001449275362318840597308788887;0.007971014492753622851517469883;0.006521739130434782254208680996;0.005434782608695652023067523828;0.000000000000000000000000000000;0.018840579710144928632375993516;0.010869565217391304046135047656;0.018478260869565218266208361797;0.015942028985507245703034939766;0.008333333333333333217685101602;0.009782608695652174682355628477;0.011231884057971014412302679375
-0.007037037037037036958653235530;0.007777777777777777554191196430;0.025185185185185185452461098521;0.635555555555555540259149438498;0.001111111111111111110147375847;0.005925925925925925631665425186;0.005555555555555555767577313730;0.010000000000000000208166817117;0.005555555555555555767577313730;0.020000000000000000416333634234;0.004074074074074073709139653943;0.007407407407407407690103084974;0.002592592592592592518063732143;0.011111111111111111535154627461;0.015925925925925926707193980292;0.004814814814814815172039352831;0.005185185185185185036127464286;0.011851851851851851263330850372;0.005555555555555555767577313730;0.004074074074074073709139653943;0.007407407407407407690103084974;0.004444444444444444440589503387;0.001851851851851851922525771243;0.021481481481481479872686080057;0.009629629629629630344078705662;0.014074074074074073917306471060;0.010000000000000000208166817117;0.004444444444444444440589503387;0.004444444444444444440589503387;0.004074074074074073709139653943;0.007037037037037036958653235530;0.017777777777777777762358013547;0.001851851851851851922525771243;0.002222222222222222220294751693;0.002222222222222222220294751693;0.015555555555555555108382392859;0.003703703703703703845051542487;0.008148148148148147418279307885;0.000370370370370370351979089074;0.002962962962962962815832712593;0.003333333333333333547282562037;0.001111111111111111110147375847;0.000000000000000000000000000000;0.014074074074074073917306471060;0.002962962962962962815832712593;0.010000000000000000208166817117;0.013703703703703704053218359604;0.006666666666666667094565124074;0.004074074074074073709139653943;0.004074074074074073709139653943
-0.018333333333333333425851918719;0.014000000000000000291433543964;0.021333333333333332620940225866;0.296999999999999986233234494648;0.028000000000000000582867087928;0.016000000000000000333066907388;0.006000000000000000124900090270;0.026666666666666668378260496297;0.014333333333333333342585191872;0.022666666666666668294993769450;0.012333333333333333300951828448;0.013666666666666667240281896056;0.006333333333333333176051738178;0.012333333333333333300951828448;0.043999999999999997446487043362;0.014000000000000000291433543964;0.010000000000000000208166817117;0.012666666666666666352103476356;0.015666666666666665547191783503;0.002000000000000000041633363423;0.016666666666666666435370203203;0.010000000000000000208166817117;0.003333333333333333547282562037;0.029999999999999998889776975375;0.023333333333333334397297065266;0.020000000000000000416333634234;0.022999999999999999611421941381;0.024333333333333331816028533012;0.005333333333333333155235056466;0.012333333333333333300951828448;0.014333333333333333342585191872;0.020666666666666666518636930050;0.005000000000000000104083408559;0.007333333333333333196868419890;0.003666666666666666598434209945;0.025333333333333332704206952712;0.006333333333333333176051738178;0.010000000000000000208166817117;0.004333333333333333134418374755;0.002666666666666666577617528233;0.008999999999999999319988397417;0.008000000000000000166533453694;0.000000000000000000000000000000;0.029666666666666667573348803444;0.020000000000000000416333634234;0.017333333333333332537673499019;0.018999999999999999528155214534;0.007666666666666666248020067798;0.004666666666666667052931760651;0.009333333333333334105863521302
-0.036231884057971015800081460156;0.013405797101449274874584993711;0.055434782608695651329178133437;0.018840579710144928632375993516;0.012318840579710145510805574531;0.024637681159420291021611149063;0.002536231884057970828449946055;0.020652173913043476993767200156;0.030797101449275363777013936328;0.024637681159420291021611149063;0.012681159420289855876973206250;0.026449275362318839383002355703;0.009782608695652174682355628477;0.031521739130434781039902247812;0.026449275362318839383002355703;0.035869565217391305433913828438;0.021014492753623187359934831875;0.030434782608695653410846304610;0.017753623188405797533873098359;0.008695652173913043583852733320;0.011956521739130435144637942813;0.028260869565217391213840514297;0.005434782608695652023067523828;0.034782608695652174335410933281;0.039855072463768112522863873437;0.035869565217391305433913828438;0.027536231884057970481505250859;0.017753623188405797533873098359;0.000724637681159420298654394443;0.012318840579710145510805574531;0.036231884057971015800081460156;0.017028985507246376801537834922;0.005072463768115941656899892109;0.005434782608695652023067523828;0.012681159420289855876973206250;0.031521739130434781039902247812;0.009057971014492753950020365039;0.016304347826086956069202571484;0.005072463768115941656899892109;0.012318840579710145510805574531;0.007608695652173913352711576152;0.014130434782608695606920257148;0.000000000000000000000000000000;0.021376811594202897726102463594;0.018840579710144928632375993516;0.014492753623188405973087888867;0.039130434782608698729422513907;0.025362318840579711753946412500;0.018115942028985507900040730078;0.015579710144927537071590784024
-0.036036036036036035723473247572;0.003153153153153153039067735364;0.096396396396396397121542065634;0.000000000000000000000000000000;0.000000000000000000000000000000;0.013063063063063063209967573641;0.001801801801801801829541749278;0.021171171171171170033442621161;0.036936936936936934361419559991;0.035585585585585582935053139408;0.019819819819819818607076200578;0.006756756756756757131832102914;0.004504504504504504465434155946;0.055405405405405408481023243894;0.007657657657657657504501891310;0.026576576576576575738908303492;0.024324324324324325674595570490;0.038288288288288285787785980574;0.008558558558558557877171679706;0.010360360360360360357234732476;0.015765765765765764327976938830;0.021171171171171170033442621161;0.006306306306306306078135470727;0.057657657657657658545335976896;0.042792792792792792855305350486;0.052252252252252252839870294565;0.028828828828828829272667988448;0.000900900900900900914770874639;0.001351351351351351426366420583;0.003603603603603603659083498556;0.009909909909909909303538100289;0.026126126126126126419935147283;0.002702702702702702852732841166;0.009009009009009008930868311893;0.007657657657657657504501891310;0.053153153153153151477816606985;0.011711711711711711783601153058;0.007657657657657657504501891310;0.000900900900900900914770874639;0.010360360360360360357234732476;0.005405405405405405705465682331;0.009909909909909909303538100289;0.000000000000000000000000000000;0.026576576576576575738908303492;0.003153153153153153039067735364;0.014414414414414414636333994224;0.052702702702702705628290402728;0.033783783783783785659160514570;0.017117117117117115754343359413;0.020720720720720720714469464951
-0.031515151515151516858903590901;0.016060606060606059941608947383;0.060303030303030302761158054636;0.000303030303030303030040193413;0.019696969696969695434729530348;0.021212121212121213403856145874;0.004242424242424242854243576772;0.026969696969696969890417648230;0.032727272727272729846426102540;0.020909090909090908422252041987;0.020303030303030301928490786167;0.007575757575757575967845269815;0.019393939393939393922572378415;0.038787878787878787845144756830;0.011212121212121211460965852780;0.015454545454545455182571167541;0.028484848484848484390097311802;0.058181818181818181767717135244;0.011515151515151514707846480690;0.010000000000000000208166817117;0.018787878787878787428811122595;0.026666666666666668378260496297;0.019090909090909092410415226482;0.029393939393939392396015719555;0.032121212121212119883217894767;0.036363636363636361870099733551;0.036060606060606063827389533571;0.003939393939393939607362948863;0.002727272727272727487202175212;0.009696969696969696961286189207;0.009393939393939393714405561298;0.018181818181818180935049866775;0.010606060606060606701928072937;0.010000000000000000208166817117;0.022424242424242422921931705559;0.044242424242424242819549107253;0.018181818181818180935049866775;0.008484848484848485708487153545;0.007272727272727272720964641906;0.018181818181818180935049866775;0.005757575757575757353923240345;0.014848484848484848688809911721;0.000000000000000000000000000000;0.017878787878787879422892714842;0.002727272727272727487202175212;0.018787878787878787428811122595;0.027272727272727271402574800163;0.021515151515151514916013297807;0.038181818181818184820830452963;0.016363636363636364923213051270
-0.033620689655172411591799175312;0.014367816091954022789112244141;0.050862068965517238938733868281;0.001436781609195402278911224414;0.006321839080459770027209387422;0.034195402298850575972810617031;0.003735632183908045925169183477;0.022701149425287357741520821719;0.031321839080459767945541216250;0.029885057471264367401353467812;0.018965517241379310081628162266;0.035919540229885055238057134375;0.017816091954022988258499182734;0.030459770114942528312917957578;0.006896551724137930938773877187;0.024712643678160919197273059922;0.024712643678160919197273059922;0.033620689655172411591799175312;0.012931034482758620510201019727;0.009195402298850574585031836250;0.016666666666666666435370203203;0.022701149425287357741520821719;0.009195402298850574585031836250;0.039655172413793106367396745782;0.041091954022988506911584494219;0.030172413793103449591859188672;0.023850574712643679564649801250;0.004022988505747126380951428359;0.004310344827586206836733673242;0.026436781609195401931966529219;0.030172413793103449591859188672;0.022126436781609196829956331953;0.007471264367816091850338366953;0.008620689655172413673467346484;0.024425287356321840476214291016;0.033333333333333332870740406406;0.010344827586206896408160815781;0.014655172413793103244894489023;0.007758620689655172306120611836;0.013793103448275861877547754375;0.006321839080459770027209387422;0.016379310344827587714311434297;0.000000000000000000000000000000;0.026724137931034484122472250078;0.005172413793103448204080407891;0.020977011494252875006827352422;0.029310344827586206489788978047;0.022413793103448275551015100859;0.024712643678160919197273059922;0.013505747126436781421765509492
-0.044696969696969700291955263083;0.008712121212121212709966755483;0.049621212121212121548552431705;0.000378787878787878787550241766;0.005303030303030303350964036468;0.030681818181818181628939257166;0.002272727272727272616881233347;0.025000000000000001387778780781;0.040530303030303027611580546363;0.026515151515151515887458444354;0.022348484848484850145977631541;0.025378787878787879145336958686;0.008333333333333333217685101602;0.029545454545454544886817771498;0.009469696969696969959806587269;0.036742424242424243097104863409;0.021969696969696968918972501683;0.027272727272727271402574800163;0.018181818181818180935049866775;0.006818181818181817850643700041;0.016666666666666666435370203203;0.027272727272727271402574800163;0.006060606060606060600803868255;0.037878787878787879839226349077;0.045454545454545455807071618892;0.045075757575757574580066489034;0.024621212121212120160773650923;0.004166666666666666608842550801;0.000757575757575757575100483532;0.016666666666666666435370203203;0.027272727272727271402574800163;0.013636363636363635701287400082;0.009469696969696969959806587269;0.008712121212121212709966755483;0.011742424242424241709326082628;0.033712121212121214097745536264;0.009848484848484847717364765174;0.023106060606060605661093987351;0.007196969696969697342925353922;0.013257575757575757943729222177;0.003030303030303030300401934127;0.025000000000000001387778780781;0.000000000000000000000000000000;0.030303030303030303871381079261;0.005303030303030303350964036468;0.015530303030303029693248717535;0.036363636363636361870099733551;0.031060606060606059386497435071;0.015909090909090907450806895440;0.015151515151515151935690539631
-0.028735632183908045578224488281;0.022988505747126436462579590625;0.041379310344827585632643263125;0.047413793103448273469346929687;0.030459770114942528312917957578;0.023850574712643679564649801250;0.006321839080459770027209387422;0.022701149425287357741520821719;0.024425287356321840476214291016;0.023275862068965518653085311485;0.017816091954022988258499182734;0.019540229885057470993192652031;0.015804597701149426802746944531;0.027011494252873562843531018984;0.019540229885057470993192652031;0.025862068965517241020402039453;0.015804597701149426802746944531;0.033045977011494254149681637500;0.028160919540229884666659998516;0.007183908045977011394556122070;0.020114942528735631904757141797;0.020689655172413792816321631562;0.013505747126436781421765509492;0.028160919540229884666659998516;0.032471264367816089768670195781;0.030172413793103449591859188672;0.025574712643678162299343270547;0.017241379310344827346934692969;0.000000000000000000000000000000;0.021551724137931035918391842188;0.024137931034482758285708570156;0.013793103448275861877547754375;0.015517241379310344612241223672;0.006609195402298850482991632305;0.017241379310344827346934692969;0.029310344827586206489788978047;0.014367816091954022789112244141;0.016954022988505748625875924063;0.006896551724137930938773877187;0.018965517241379310081628162266;0.011206896551724137775507550430;0.014655172413793103244894489023;0.000000000000000000000000000000;0.017241379310344827346934692969;0.015517241379310344612241223672;0.010632183908045976863943060664;0.025287356321839080108837549687;0.016379310344827587714311434297;0.023275862068965518653085311485;0.011206896551724137775507550430
-0.022222222222222223070309254922;0.037037037037037034981068472916;0.021111111111111111743321444578;0.034074074074074076068363581271;0.031111111111111110216764785719;0.024074074074074074125473288177;0.008148148148148147418279307885;0.040370370370370368962031903948;0.022592592592592591199673890401;0.014444444444444443781394582516;0.008888888888888888881179006773;0.031851851851851853414387960584;0.017037037037037038034181790636;0.013703703703703704053218359604;0.054444444444444441144614899031;0.017407407407407406163546426114;0.018888888888888889089345823891;0.042592592592592591616007524635;0.031481481481481478346129421197;0.005555555555555555767577313730;0.022222222222222223070309254922;0.008888888888888888881179006773;0.027037037037037036507625131776;0.018148148148148149361169600979;0.020740740740740740144509857146;0.015185185185185185244294281404;0.034444444444444444197728216750;0.040740740740740744030290443334;0.000000000000000000000000000000;0.033703703703703701000105041885;0.027407407407407408106436719208;0.009629629629629630344078705662;0.033333333333333332870740406406;0.005925925925925925631665425186;0.015925925925925926707193980292;0.024444444444444445724284875610;0.010370370370370370072254928573;0.015185185185185185244294281404;0.004074074074074073709139653943;0.005185185185185185036127464286;0.014074074074074073917306471060;0.015925925925925926707193980292;0.000000000000000000000000000000;0.010000000000000000208166817117;0.025925925925925925180637321432;0.012962962962962962590318660716;0.012962962962962962590318660716;0.009259259259259258745267118229;0.020000000000000000416333634234;0.009259259259259258745267118229
-0.029597701149425288680294698906;0.011206896551724137775507550430;0.029597701149425288680294698906;0.199425287356321839782324900625;0.021551724137931035918391842188;0.025862068965517241020402039453;0.005747126436781609115644897656;0.025287356321839080108837549687;0.012068965517241379142854285078;0.013505747126436781421765509492;0.017816091954022988258499182734;0.011781609195402298687072040195;0.016091954022988505523805713437;0.016091954022988505523805713437;0.022988505747126436462579590625;0.016666666666666666435370203203;0.008620689655172413673467346484;0.035344827586206897795939596563;0.026436781609195401931966529219;0.004597701149425287292515918125;0.023275862068965518653085311485;0.015517241379310344612241223672;0.018390804597701149170063672500;0.017816091954022988258499182734;0.029022988505747127768730209141;0.025287356321839080108837549687;0.029310344827586206489788978047;0.012068965517241379142854285078;0.000574712643678160911564489766;0.016954022988505748625875924063;0.022701149425287357741520821719;0.008045977011494252761902856719;0.014942528735632183700676733906;0.004597701149425287292515918125;0.014080459770114942333329999258;0.023563218390804597374144080391;0.010344827586206896408160815781;0.013793103448275861877547754375;0.005459770114942528659862652773;0.021551724137931035918391842188;0.009482758620689655040814081133;0.011206896551724137775507550430;0.000000000000000000000000000000;0.011206896551724137775507550430;0.014367816091954022789112244141;0.017528735632183909537440413828;0.009770114942528735496596326016;0.012931034482758620510201019727;0.026436781609195401931966529219;0.009482758620689655040814081133
-0.020535714285714285615158658516;0.027678571428571427381903902187;0.046428571428571430157461463750;0.135416666666666657414808128124;0.011904761904761904101057723437;0.017261904761904763028201870156;0.004761904761904762334312479766;0.018749999999999999306110609609;0.040773809523809524668624959531;0.010714285714285714384841341484;0.009821428571428571230317317031;0.012500000000000000693889390391;0.011607142857142857539365365938;0.022321428571428571924206707422;0.053869047619047621955346016875;0.016964285714285712997062560703;0.022023809523809525362514349922;0.051785714285714289084605610469;0.017857142857142856151586585156;0.008630952380952381514100935078;0.011904761904761904101057723437;0.033035714285714286309048048906;0.015178571428571428422737987773;0.015773809523809523280846178750;0.014583333333333333564629796797;0.020535714285714285615158658516;0.021130952380952382207990325469;0.029166666666666667129259593594;0.000297619047619047645894529985;0.012797619047619047255581747891;0.015178571428571428422737987773;0.007142857142857142634106981660;0.013392857142857142113689938867;0.006250000000000000346944695195;0.014583333333333333564629796797;0.023214285714285715078730731875;0.007440476190476190063161077148;0.008928571428571428075793292578;0.004761904761904762334312479766;0.023809523809523808202115446875;0.009821428571428571230317317031;0.022023809523809525362514349922;0.000000000000000000000000000000;0.007440476190476190063161077148;0.027678571428571427381903902187;0.009523809523809524668624959531;0.017857142857142856151586585156;0.012797619047619047255581747891;0.019940476190476189022326991562;0.012202380952380952397473556914
-0.022413793103448275551015100859;0.047413793103448273469346929687;0.024712643678160919197273059922;0.026724137931034484122472250078;0.029310344827586206489788978047;0.021264367816091953727886121328;0.007471264367816091850338366953;0.047988505747126437850358371406;0.012356321839080459598636529961;0.010919540229885057319725305547;0.020114942528735631904757141797;0.010057471264367815952378570898;0.006896551724137930938773877187;0.013793103448275861877547754375;0.074425287356321839782324900625;0.020114942528735631904757141797;0.008620689655172413673467346484;0.041954022988505750013654704844;0.050000000000000002775557561563;0.002586206896551724102040203945;0.022988505747126436462579590625;0.005459770114942528659862652773;0.010632183908045976863943060664;0.016379310344827587714311434297;0.021264367816091953727886121328;0.018103448275862070449004903594;0.035632183908045976516998365469;0.058333333333333334258519187188;0.002011494252873563190475714180;0.036206896551724140898009807188;0.015804597701149426802746944531;0.009770114942528735496596326016;0.022988505747126436462579590625;0.005459770114942528659862652773;0.008908045977011494129249591367;0.024137931034482758285708570156;0.010632183908045976863943060664;0.006321839080459770027209387422;0.004885057471264367748298163008;0.007183908045977011394556122070;0.020689655172413792816321631562;0.010057471264367815952378570898;0.000000000000000000000000000000;0.010057471264367815952378570898;0.049712643678160917115604888750;0.012356321839080459598636529961;0.016666666666666666435370203203;0.009482758620689655040814081133;0.018103448275862070449004903594;0.010632183908045976863943060664
-0.020068027210884353817021974464;0.039455782312925166688266642723;0.030272108843537415961977288248;0.017687074829931974384589210558;0.036734693877551023721839129621;0.027891156462585033060097572388;0.005442176870748298943281096030;0.043877551020408162019137421339;0.013605442176870747791883609068;0.011564625850340135362892546311;0.022108843537414966246013037221;0.020068027210884353817021974464;0.009523809523809524668624959531;0.016326530612244899431928502054;0.052040816326530611735101672366;0.018707482993197278864361265960;0.016666666666666666435370203203;0.042176870748299316593588059732;0.043877551020408162019137421339;0.004081632653061224857982125513;0.022448979591836733249454738370;0.011224489795918366624727369185;0.009183673469387755930459782405;0.022789115646258503722343391473;0.030272108843537415961977288248;0.019387755102040816340691620212;0.043537414965986391546248768236;0.035034013605442178296289768014;0.004421768707482993596147302640;0.041836734693877553059593310536;0.012925170068027210315553254816;0.018027210884353741388030911708;0.020748299319727891293352328717;0.007142857142857142634106981660;0.011224489795918366624727369185;0.025510204081632653627664808482;0.009523809523809524668624959531;0.006462585034013605157776627408;0.004421768707482993596147302640;0.005442176870748298943281096030;0.012244897959183672839222900564;0.011904761904761904101057723437;0.000000000000000000000000000000;0.008843537414965987192294605279;0.038775510204081632681383240424;0.010544217687074829148397014933;0.017687074829931974384589210558;0.014965986394557822744544317572;0.017687074829931974384589210558;0.013605442176870747791883609068
-0.019871794871794870585013370601;0.018910256410256408993175725186;0.034615384615384617306155234928;0.165064102564102560544156972355;0.041666666666666664353702032031;0.029166666666666667129259593594;0.006410256410256410034009810772;0.034615384615384617306155234928;0.016346153846153847061239972049;0.014102564102564102768710974090;0.014743589743589743251694912374;0.026602564102564101727876888503;0.011538461538461539102051744976;0.015384615384615385469402326635;0.034294871794871797932025003774;0.016666666666666666435370203203;0.013141025641025641176873328675;0.028846153846153847755129362440;0.027564102564102563319714533918;0.005448717948717948442172165358;0.022756410256410255360526306845;0.010576923076923077510214099561;0.006410256410256410034009810772;0.020833333333333332176851016015;0.028205128205128205537421948179;0.019871794871794870585013370601;0.028525641025641024911552179333;0.010256410256410256401360392431;0.002243589743589743425167259971;0.031410256410256409687065115577;0.013141025641025641176873328675;0.018910256410256408993175725186;0.008333333333333333217685101602;0.007692307692307692734701163317;0.008333333333333333217685101602;0.021153846153846155020428199123;0.007692307692307692734701163317;0.013461538461538462285727035805;0.003525641025641025692177743522;0.011217948717948717993198037846;0.010256410256410256401360392431;0.009294871794871794809522747016;0.000000000000000000000000000000;0.014102564102564102768710974090;0.019871794871794870585013370601;0.013141025641025641176873328675;0.022435897435897435986396075691;0.008333333333333333217685101602;0.015384615384615385469402326635;0.017628205128205128027207848618
-0.010784313725490195928768955014;0.018627450980392156604237285933;0.039705882352941174184834949301;0.300980392156862730512756343160;0.006372549019607843048818018872;0.013235294117647058639852808426;0.008823529411764705759901872284;0.026470588235294117279705616852;0.017647058823529411519803744568;0.013235294117647058639852808426;0.007843137254901960675468330919;0.005882352941176470506601248189;0.006862745098039215591034789554;0.021568627450980391857537910028;0.035784313725490193847100783842;0.007352941176470588133251560237;0.020098039215686275965611073957;0.028431372549019607448572699582;0.026960784313725491556645863511;0.002941176470588235253300624095;0.016666666666666666435370203203;0.017156862745098040712310449862;0.004901960784313725422167706824;0.028431372549019607448572699582;0.013235294117647058639852808426;0.019607843137254901688670827298;0.030882352941176471894380028971;0.022549019607843136941971451392;0.000980392156862745084433541365;0.014705882352941176266503120473;0.003431372549019607795517394777;0.012745098039215686097636037744;0.009803921568627450844335413649;0.012745098039215686097636037744;0.004901960784313725422167706824;0.031372549019607842701873323676;0.007352941176470588133251560237;0.007352941176470588133251560237;0.006862745098039215591034789554;0.006862745098039215591034789554;0.009803921568627450844335413649;0.008823529411764705759901872284;0.000000000000000000000000000000;0.013235294117647058639852808426;0.013725490196078431182069579108;0.011274509803921568470985725696;0.018137254901960785796743991227;0.010294117647058823386552184331;0.015686274509803921350936661838;0.006862745098039215591034789554
-0.028070175438596491751530592751;0.016228070175438594896499822084;0.039035087719298248998267553134;0.001754385964912280734470662047;0.005263157894736841986571551644;0.037719298245614034381656409778;0.005263157894736841986571551644;0.039912280701754385137114411464;0.010526315789473683973143103287;0.022807017543859650632320779096;0.026315789473684209065496020230;0.010526315789473683973143103287;0.022368421052631579093450397977;0.025438596491228069457202209946;0.027631578947368420212660211632;0.023245614035087718701744208261;0.014473684210526315679912201517;0.040350877192982456675984792582;0.044736842105263158186900795954;0.005263157894736841986571551644;0.034210526315789475948481168643;0.009210526315789472825978911885;0.016666666666666666435370203203;0.027631578947368420212660211632;0.042543859649122807431442794268;0.028947368421052631359824403035;0.049122807017543859697816799326;0.021929824561403507554580016858;0.000877192982456140367235331023;0.019736842105263156799122015173;0.008771929824561403021832006743;0.016666666666666666435370203203;0.026315789473684209065496020230;0.006578947368421052266374005058;0.011403508771929825316160389548;0.033771929824561404409610787525;0.021491228070175439485156587693;0.007456140350877192742029553330;0.000438596491228070183617665512;0.004385964912280701510916003372;0.010087719298245614168996198146;0.006578947368421052266374005058;0.000000000000000000000000000000;0.014912280701754385484059106659;0.016666666666666666435370203203;0.012719298245614034728601104973;0.025000000000000001387778780781;0.021491228070175439485156587693;0.041666666666666664353702032031;0.015789473684210526827076392919
-0.024444444444444445724284875610;0.013333333333333334189130248149;0.058148148148148150193836869448;0.021851851851851851471497667490;0.003333333333333333547282562037;0.023333333333333334397297065266;0.005925925925925925631665425186;0.024444444444444445724284875610;0.036296296296296298722339201959;0.021481481481481479872686080057;0.017777777777777777762358013547;0.017037037037037038034181790636;0.018148148148148149361169600979;0.032592592592592589673117231541;0.015185185185185185244294281404;0.015555555555555555108382392859;0.019259259259259260688157411323;0.054444444444444441144614899031;0.021851851851851851471497667490;0.012222222222222222862142437805;0.020740740740740740144509857146;0.023703703703703702526661700745;0.021481481481481479872686080057;0.024444444444444445724284875610;0.026296296296296296779448908865;0.024814814814814813853649511088;0.028148148148148147834612942120;0.012222222222222222862142437805;0.004074074074074073709139653943;0.020740740740740740144509857146;0.018888888888888889089345823891;0.017407407407407406163546426114;0.011851851851851851263330850372;0.011111111111111111535154627461;0.020740740740740740144509857146;0.037037037037037034981068472916;0.015185185185185185244294281404;0.013333333333333334189130248149;0.003333333333333333547282562037;0.027037037037037036507625131776;0.005185185185185185036127464286;0.020370370370370372015145221667;0.000000000000000000000000000000;0.021851851851851851471497667490;0.007037037037037036958653235530;0.016666666666666666435370203203;0.019259259259259260688157411323;0.018518518518518517490534236458;0.040000000000000000832667268469;0.011851851851851851263330850372
-0.030303030303030303871381079261;0.015757575757575758429451795450;0.037272727272727269876018141304;0.031515151515151516858903590901;0.010000000000000000208166817117;0.037878787878787879839226349077;0.004242424242424242854243576772;0.033333333333333332870740406406;0.016666666666666666435370203203;0.018787878787878787428811122595;0.016363636363636364923213051270;0.024242424242424242403215473018;0.016666666666666666435370203203;0.023939393939393940891058321085;0.021212121212121213403856145874;0.019090909090909092410415226482;0.015454545454545455182571167541;0.048787878787878789788035049924;0.030606060606060605383538231195;0.010606060606060606701928072937;0.024242424242424242403215473018;0.011212121212121211460965852780;0.019696969696969695434729530348;0.026363636363636363396656392410;0.030606060606060605383538231195;0.026969696969696969890417648230;0.033636363636363637852344510293;0.010606060606060606701928072937;0.000909090909090909090120580238;0.036060606060606063827389533571;0.022727272727272727903535809446;0.012121212121212121201607736509;0.016969696969696971416974307090;0.010303030303030303455047445027;0.020000000000000000416333634234;0.030909090909090910365142335081;0.015454545454545455182571167541;0.017575757575757574441288610956;0.001515151515151515150200967064;0.011515151515151514707846480690;0.010000000000000000208166817117;0.014545454545454545441929283811;0.000000000000000000000000000000;0.012121212121212121201607736509;0.012121212121212121201607736509;0.015757575757575758429451795450;0.022727272727272727903535809446;0.019090909090909092410415226482;0.041212121212121213820189780108;0.010303030303030303455047445027
-0.022222222222222223070309254922;0.025925925925925925180637321432;0.043703703703703702942995334979;0.083703703703703696836768699541;0.007407407407407407690103084974;0.023333333333333334397297065266;0.003703703703703703845051542487;0.031111111111111110216764785719;0.022592592592592591199673890401;0.012222222222222222862142437805;0.021481481481481479872686080057;0.020740740740740740144509857146;0.016666666666666666435370203203;0.018888888888888889089345823891;0.024074074074074074125473288177;0.016296296296296294836558615771;0.018888888888888889089345823891;0.047777777777777780121581940875;0.022962962962962962798485477833;0.006296296296296296363115274630;0.017407407407407406163546426114;0.017777777777777777762358013547;0.017037037037037038034181790636;0.018518518518518517490534236458;0.028888888888888887562789165031;0.020740740740740740144509857146;0.036296296296296298722339201959;0.017407407407407406163546426114;0.001481481481481481407916356297;0.022962962962962962798485477833;0.020000000000000000416333634234;0.011111111111111111535154627461;0.017777777777777777762358013547;0.007037037037037036958653235530;0.015925925925925926707193980292;0.029259259259259259161600752464;0.020000000000000000416333634234;0.014444444444444443781394582516;0.007037037037037036958653235530;0.018148148148148149361169600979;0.012592592592592592726230549260;0.019259259259259260688157411323;0.000000000000000000000000000000;0.009259259259259258745267118229;0.015925925925925926707193980292;0.012222222222222222862142437805;0.017407407407407406163546426114;0.015185185185185185244294281404;0.032962962962962964741375770927;0.015925925925925926707193980292
-0.017251461988304093997381727377;0.022807017543859650632320779096;0.037426900584795322335374123668;0.349415204678362567580762743091;0.019883040935672516291710110181;0.015204678362573099265064868746;0.001754385964912280734470662047;0.017251461988304093997381727377;0.027485380116959064189519068577;0.012573099415204678705459961918;0.009941520467836258145855055091;0.027192982456140352143236782467;0.007017543859649122937882648188;0.014619883040935671703053344572;0.026608187134502924581225258294;0.013742690058479532094759534289;0.013450292397660818313753772202;0.024853801169590641895190685773;0.011695906432748537362442675658;0.004970760233918129072927527545;0.008771929824561403021832006743;0.016081871345029238873358679029;0.004093567251461988597271979273;0.014619883040935671703053344572;0.016666666666666666435370203203;0.012280701754385964924454199831;0.016081871345029238873358679029;0.030116959064327486483847451382;0.000877192982456140367235331023;0.013742690058479532094759534289;0.014619883040935671703053344572;0.010818713450292397754148865374;0.002923976608187134340610668914;0.004678362573099415291921765458;0.008479532163742689240826244657;0.022222222222222223070309254922;0.006140350877192982462227099916;0.004970760233918129072927527545;0.004970760233918129072927527545;0.013450292397660818313753772202;0.007894736842105263413538196460;0.013157894736842104532748010115;0.000000000000000000000000000000;0.007894736842105263413538196460;0.014912280701754385484059106659;0.007602339181286549632532434373;0.018421052631578945651957823770;0.009064327485380116802837768830;0.011111111111111111535154627461;0.008187134502923977194543958547
-0.020238095238095239053466301016;0.035714285714285712303173170312;0.036507936507936510073246694219;0.115476190476190482270268944376;0.038095238095238098674499838125;0.015873015873015872134743631250;0.007539682539682539784420267637;0.032142857142857139685077072500;0.032539682539682542039560786407;0.018650793650793650452213157109;0.015079365079365079568840535273;0.017063492063492061850960013203;0.005952380952380952050528861719;0.017460317460317460735996775156;0.053968253968253970809243469375;0.019047619047619049337249919063;0.013888888888888888117900677344;0.032539682539682542039560786407;0.021825396825396824185272492969;0.006349206349206349200842147695;0.009126984126984127518311673555;0.019444444444444444752839729063;0.007936507936507936067371815625;0.016666666666666666435370203203;0.021825396825396824185272492969;0.020238095238095239053466301016;0.026190476190476191103995162734;0.042857142857142857539365365938;0.001587301587301587300210536924;0.015873015873015872134743631250;0.018253968253968255036623347110;0.016269841269841271019780393203;0.006746031746031746351155433672;0.002777777777777777883788656865;0.006349206349206349200842147695;0.023015873015873017370935826875;0.012698412698412698401684295391;0.007142857142857142634106981660;0.011111111111111111535154627461;0.007936507936507936067371815625;0.011507936507936508685467913438;0.012301587301587301251371009414;0.000000000000000000000000000000;0.016269841269841271019780393203;0.034126984126984123701920026406;0.015873015873015872134743631250;0.017063492063492061850960013203;0.012698412698412698401684295391;0.019444444444444444752839729063;0.010714285714285714384841341484
-0.017063492063492061850960013203;0.053174603174603173039169945469;0.029761904761904760252644308594;0.134920634920634913145320865624;0.060317460317460318275362141094;0.011904761904761904101057723437;0.005555555555555555767577313730;0.041666666666666664353702032031;0.009126984126984127518311673555;0.014285714285714285268213963320;0.007539682539682539784420267637;0.005158730158730158617264027754;0.008333333333333333217685101602;0.019047619047619049337249919063;0.050396825396825398191147371563;0.009920634920634920084214769531;0.011904761904761904101057723437;0.028571428571428570536427926640;0.023809523809523808202115446875;0.002777777777777777883788656865;0.013095238095238095551997581367;0.009920634920634920084214769531;0.006746031746031746351155433672;0.018650793650793650452213157109;0.015873015873015872134743631250;0.018253968253968255036623347110;0.023809523809523808202115446875;0.107142857142857136909519510937;0.000793650793650793650105268462;0.016666666666666666435370203203;0.003968253968253968033685907812;0.009126984126984127518311673555;0.009126984126984127518311673555;0.003571428571428571317053490830;0.007142857142857142634106981660;0.017460317460317460735996775156;0.011111111111111111535154627461;0.006349206349206349200842147695;0.000793650793650793650105268462;0.007936507936507936067371815625;0.012698412698412698401684295391;0.017063492063492061850960013203;0.000000000000000000000000000000;0.007539682539682539784420267637;0.035317460317460316887583360312;0.015873015873015872134743631250;0.017460317460317460735996775156;0.016269841269841271019780393203;0.014285714285714285268213963320;0.010714285714285714384841341484
-0.020909090909090908422252041987;0.030606060606060605383538231195;0.028787878787878789371701415689;0.099696969696969700569511019239;0.035757575757575758845785429685;0.028181818181818182877940159869;0.004242424242424242854243576772;0.026060606060606061884499240477;0.014242424242424242195048655901;0.011515151515151514707846480690;0.013636363636363635701287400082;0.033333333333333332870740406406;0.017575757575757574441288610956;0.017575757575757574441288610956;0.026666666666666668378260496297;0.019090909090909092410415226482;0.014242424242424242195048655901;0.038484848484848482863540652943;0.026969696969696969890417648230;0.005454545454545454974404350423;0.016363636363636364923213051270;0.013939393939393938948168027991;0.012424242424242424448488364419;0.013333333333333334189130248149;0.026969696969696969890417648230;0.018484848484848485916653970662;0.028484848484848484390097311802;0.026060606060606061884499240477;0.000606060606060606060080386825;0.046969696969696966837304330511;0.049696969696969697793953457676;0.007878787878787879214725897725;0.019393939393939393922572378415;0.004545454545454545233762466694;0.015151515151515151935690539631;0.022424242424242422921931705559;0.014545454545454545441929283811;0.014242424242424242195048655901;0.001212121212121212120160773651;0.008787878787878787220644305478;0.010303030303030303455047445027;0.013636363636363635701287400082;0.000000000000000000000000000000;0.010000000000000000208166817117;0.022121212121212121409774553626;0.009696969696969696961286189207;0.015151515151515151935690539631;0.010606060606060606701928072937;0.023636363636363635909454217199;0.010303030303030303455047445027
-0.019148936170212765839337976104;0.052127659574468084013876278959;0.026241134751773049355039191255;0.034751773049645391655548820609;0.041134751773049642309398876705;0.031205673758865248162974737056;0.004964539007092198807935545801;0.034397163120567376959346717058;0.024113475177304964647273521905;0.011702127659574467627434657402;0.008865248226950355261988256927;0.031914893617021274085931992204;0.011702127659574467627434657402;0.013475177304964539373721699178;0.035106382978723406351750924159;0.020212765957446809927944286756;0.016312056737588651739168099652;0.046099290780141841117334422506;0.029787234042553192847613274807;0.007092198581560283515701215151;0.025177304964539008735879832557;0.006028368794326241161818380476;0.006028368794326241161818380476;0.010992907801418439969753926277;0.025886524822695034658837087704;0.014893617021276596423806637404;0.023404255319148935254869314804;0.104609929078014182723954661469;0.001063829787234042570723269172;0.043617021276595745182813601559;0.018794326241134751143135872553;0.008156028368794325869584049826;0.009574468085106382919668988052;0.004255319148936170282893076688;0.007092198581560283515701215151;0.020921985815602835850901541903;0.012056737588652482323636760952;0.011347517730496454665956029828;0.003191489361702127495329373019;0.007801418439716312040743684264;0.016312056737588651739168099652;0.040070921985815605159686469960;0.000000000000000000000000000000;0.009219858156028368223466884501;0.018794326241134751143135872553;0.009574468085106382919668988052;0.010283687943262410577349719176;0.008865248226950355261988256927;0.014184397163120567031402430302;0.007446808510638298211903318702
-0.021111111111111111743321444578;0.023611111111111110494320541875;0.019722222222222220849863205672;0.178055555555555550251156660124;0.050277777777777775403134086218;0.028888888888888887562789165031;0.008888888888888888881179006773;0.026388888888888888811790067734;0.014444444444444443781394582516;0.008055555555555555385938149016;0.014444444444444443781394582516;0.030555555555555554553270880547;0.011944444444444445030395485219;0.011944444444444445030395485219;0.029444444444444443226283070203;0.015555555555555555108382392859;0.012777777777777778525636342977;0.023888888888888890060790970438;0.023333333333333334397297065266;0.002500000000000000052041704279;0.022499999999999999167332731531;0.008888888888888888881179006773;0.004444444444444444440589503387;0.017222222222222222098864108375;0.021666666666666667406815349750;0.016666666666666666435370203203;0.022777777777777778733803160094;0.045833333333333330095182844843;0.004444444444444444440589503387;0.048055555555555552749158465531;0.029166666666666667129259593594;0.011388888888888889366901580047;0.012222222222222222862142437805;0.005833333333333333599324266316;0.010277777777777778039913769703;0.020000000000000000416333634234;0.005833333333333333599324266316;0.012500000000000000693889390391;0.006111111111111111431071218902;0.005000000000000000104083408559;0.011388888888888889366901580047;0.016111111111111110771876298031;0.000000000000000000000000000000;0.013055555555555556357383295563;0.015277777777777777276635440273;0.015277777777777777276635440273;0.012500000000000000693889390391;0.008888888888888888881179006773;0.012500000000000000693889390391;0.008333333333333333217685101602
-0.011851851851851851263330850372;0.008148148148148147418279307885;0.018518518518518517490534236458;0.557037037037036997233485635661;0.005925925925925925631665425186;0.010740740740740739936343040029;0.005925925925925925631665425186;0.010740740740740739936343040029;0.023703703703703702526661700745;0.013703703703703704053218359604;0.006296296296296296363115274630;0.011111111111111111535154627461;0.003703703703703703845051542487;0.009259259259259258745267118229;0.013703703703703704053218359604;0.009629629629629630344078705662;0.008518518518518519017090895318;0.011851851851851851263330850372;0.009629629629629630344078705662;0.002222222222222222220294751693;0.011111111111111111535154627461;0.008148148148148147418279307885;0.002962962962962962815832712593;0.015555555555555555108382392859;0.011481481481481481399242738917;0.012592592592592592726230549260;0.017407407407407406163546426114;0.009629629629629630344078705662;0.002592592592592592518063732143;0.010000000000000000208166817117;0.013703703703703704053218359604;0.007777777777777777554191196430;0.004074074074074073709139653943;0.003333333333333333547282562037;0.002222222222222222220294751693;0.017777777777777777762358013547;0.004074074074074073709139653943;0.007037037037037036958653235530;0.005185185185185185036127464286;0.002222222222222222220294751693;0.006666666666666667094565124074;0.013333333333333334189130248149;0.000000000000000000000000000000;0.015185185185185185244294281404;0.010370370370370370072254928573;0.008148148148148147418279307885;0.010000000000000000208166817117;0.003333333333333333547282562037;0.005555555555555555767577313730;0.006296296296296296363115274630
-0.019827586206896553183698372891;0.005459770114942528659862652773;0.018965517241379310081628162266;0.472126436781609204462739626251;0.001724137931034482734693469297;0.014942528735632183700676733906;0.008620689655172413673467346484;0.015517241379310344612241223672;0.017528735632183909537440413828;0.019540229885057470993192652031;0.009770114942528735496596326016;0.013218390804597700965983264609;0.006034482758620689571427142539;0.015229885057471264156458978789;0.015804597701149426802746944531;0.015229885057471264156458978789;0.011494252873563218231289795312;0.012931034482758620510201019727;0.012068965517241379142854285078;0.001149425287356321823128979531;0.008333333333333333217685101602;0.006896551724137930938773877187;0.001724137931034482734693469297;0.029597701149425288680294698906;0.018965517241379310081628162266;0.016379310344827587714311434297;0.016954022988505748625875924063;0.002298850574712643646257959062;0.003448275862068965469386938594;0.006609195402298850482991632305;0.009195402298850574585031836250;0.020402298850574714095262862656;0.001724137931034482734693469297;0.005459770114942528659862652773;0.003448275862068965469386938594;0.024712643678160919197273059922;0.003160919540229885013604693711;0.006896551724137930938773877187;0.002586206896551724102040203945;0.002011494252873563190475714180;0.010632183908045976863943060664;0.008045977011494252761902856719;0.000000000000000000000000000000;0.023563218390804597374144080391;0.004885057471264367748298163008;0.017816091954022988258499182734;0.014942528735632183700676733906;0.008333333333333333217685101602;0.006034482758620689571427142539;0.007758620689655172306120611836
-0.013120567375886524677519595627;0.019148936170212765839337976104;0.013120567375886524677519595627;0.454609929078014174397281976781;0.031560283687943259389729888653;0.017730496453900710523976513855;0.007446808510638298211903318702;0.016312056737588651739168099652;0.014539007092198581727604533853;0.006382978723404254990658746038;0.010283687943262410577349719176;0.011347517730496454665956029828;0.008510638297872340565786153377;0.007092198581560283515701215151;0.028368794326241134062804860605;0.007801418439716312040743684264;0.009929078014184397615871091602;0.019503546099290780535540079654;0.020567375886524821154699438353;0.002127659574468085141446538344;0.013829787234042552335200326752;0.009574468085106382919668988052;0.002482269503546099403967772901;0.009929078014184397615871091602;0.013829787234042552335200326752;0.012056737588652482323636760952;0.017021276595744681131572306754;0.031560283687943259389729888653;0.000709219858156028416622251864;0.020567375886524821154699438353;0.010283687943262410577349719176;0.006737588652482269686860849589;0.006382978723404254990658746038;0.002127659574468085141446538344;0.007092198581560283515701215151;0.009574468085106382919668988052;0.002836879432624113666489007457;0.004609929078014184111733442251;0.009219858156028368223466884501;0.001418439716312056833244503729;0.007801418439716312040743684264;0.014184397163120567031402430302;0.000000000000000000000000000000;0.006382978723404254990658746038;0.023049645390070920558667211253;0.009219858156028368223466884501;0.008510638297872340565786153377;0.006737588652482269686860849589;0.008156028368794325869584049826;0.004609929078014184111733442251
-0.016312056737588651739168099652;0.019858156028368795231742183205;0.023758865248226949951071418354;0.347872340425531889618326886193;0.030496453900709218770570529955;0.020567375886524821154699438353;0.002836879432624113666489007457;0.016666666666666666435370203203;0.024113475177304964647273521905;0.011702127659574467627434657402;0.008156028368794325869584049826;0.014893617021276596423806637404;0.012765957446808509981317492077;0.014184397163120567031402430302;0.025531914893617019962634984154;0.013829787234042552335200326752;0.009219858156028368223466884501;0.015602836879432624081487368528;0.020567375886524821154699438353;0.002482269503546099403967772901;0.010283687943262410577349719176;0.013475177304964539373721699178;0.004609929078014184111733442251;0.019503546099290780535540079654;0.020567375886524821154699438353;0.012411347517730497019838864503;0.019148936170212765839337976104;0.029078014184397163455209067706;0.006028368794326241161818380476;0.026241134751773049355039191255;0.016666666666666666435370203203;0.014184397163120567031402430302;0.007446808510638298211903318702;0.003191489361702127495329373019;0.009219858156028368223466884501;0.014184397163120567031402430302;0.004255319148936170282893076688;0.007446808510638298211903318702;0.008865248226950355261988256927;0.004964539007092198807935545801;0.006028368794326241161818380476;0.014893617021276596423806637404;0.000000000000000000000000000000;0.012411347517730497019838864503;0.014893617021276596423806637404;0.009929078014184397615871091602;0.012765957446808509981317492077;0.007801418439716312040743684264;0.010992907801418439969753926277;0.007092198581560283515701215151
-0.026333333333333333592385372413;0.017666666666666667323548622903;0.025000000000000001387778780781;0.237999999999999989341858963598;0.009666666666666667157015169209;0.017333333333333332537673499019;0.020666666666666666518636930050;0.020333333333333331732761806165;0.015666666666666665547191783503;0.014000000000000000291433543964;0.012999999999999999403255124264;0.012333333333333333300951828448;0.014333333333333333342585191872;0.014000000000000000291433543964;0.018666666666666668211727042603;0.017666666666666667323548622903;0.017666666666666667323548622903;0.016666666666666666435370203203;0.017333333333333332537673499019;0.003333333333333333547282562037;0.020333333333333331732761806165;0.012333333333333333300951828448;0.006000000000000000124900090270;0.031333333333333331094383567006;0.022666666666666668294993769450;0.021666666666666667406815349750;0.015666666666666665547191783503;0.025666666666666667490082076597;0.003333333333333333547282562037;0.024000000000000000499600361081;0.020666666666666666518636930050;0.013666666666666667240281896056;0.009666666666666667157015169209;0.005333333333333333155235056466;0.010000000000000000208166817117;0.018999999999999999528155214534;0.005000000000000000104083408559;0.019666666666666665630458510350;0.003666666666666666598434209945;0.007333333333333333196868419890;0.007000000000000000145716771982;0.024000000000000000499600361081;0.000000000000000000000000000000;0.023666666666666665713725237197;0.012666666666666666352103476356;0.040333333333333332149095440400;0.014999999999999999444888487687;0.010999999999999999361621760841;0.010666666666666666310470112933;0.008999999999999999319988397417
-0.015277777777777777276635440273;0.010833333333333333703407674875;0.011111111111111111535154627461;0.439166666666666649643246955748;0.017777777777777777762358013547;0.010277777777777778039913769703;0.012500000000000000693889390391;0.015555555555555555108382392859;0.008055555555555555385938149016;0.029166666666666667129259593594;0.005833333333333333599324266316;0.013888888888888888117900677344;0.007499999999999999722444243844;0.007777777777777777554191196430;0.013888888888888888117900677344;0.012500000000000000693889390391;0.015833333333333334674852821422;0.018055555555555553859381490156;0.015277777777777777276635440273;0.001388888888888888941894328433;0.012500000000000000693889390391;0.006111111111111111431071218902;0.005000000000000000104083408559;0.028055555555555555802271783250;0.010833333333333333703407674875;0.013888888888888888117900677344;0.011111111111111111535154627461;0.011111111111111111535154627461;0.002500000000000000052041704279;0.019166666666666665186369300500;0.024722222222222221821308352219;0.012222222222222222862142437805;0.003611111111111110945348645629;0.001111111111111111110147375847;0.006111111111111111431071218902;0.020000000000000000416333634234;0.004166666666666666608842550801;0.013333333333333334189130248149;0.001944444444444444388547799107;0.005555555555555555767577313730;0.011388888888888889366901580047;0.013333333333333334189130248149;0.000000000000000000000000000000;0.021944444444444443503838826359;0.010277777777777778039913769703;0.025000000000000001387778780781;0.009444444444444444544672911945;0.005277777777777777935830361145;0.004166666666666666608842550801;0.004444444444444444440589503387
-0.011988304093567251143448437745;0.003508771929824561468941324094;0.010526315789473683973143103287;0.624561403508771983972280850139;0.000584795321637426911490220682;0.017543859649122806043664013487;0.003508771929824561468941324094;0.005555555555555555767577313730;0.014035087719298245875765296375;0.010818713450292397754148865374;0.008479532163742689240826244657;0.010818713450292397754148865374;0.007894736842105263413538196460;0.008771929824561403021832006743;0.009356725146198830583843530917;0.010818713450292397754148865374;0.007894736842105263413538196460;0.007602339181286549632532434373;0.006725146198830409156876886101;0.001169590643274853822980441365;0.003508771929824561468941324094;0.009649122807017544364849293004;0.001169590643274853822980441365;0.019298245614035088729698586008;0.021637426900584795508297730748;0.013157894736842104532748010115;0.010526315789473683973143103287;0.004385964912280701510916003372;0.002046783625730994298635989637;0.007894736842105263413538196460;0.010526315789473683973143103287;0.009064327485380116802837768830;0.001754385964912280734470662047;0.002923976608187134340610668914;0.006432748538011696243232862003;0.009356725146198830583843530917;0.002923976608187134340610668914;0.003508771929824561468941324094;0.005263157894736841986571551644;0.001461988304093567170305334457;0.002339181286549707645960882729;0.012280701754385964924454199831;0.000000000000000000000000000000;0.011988304093567251143448437745;0.006725146198830409156876886101;0.008771929824561403021832006743;0.009064327485380116802837768830;0.005847953216374268681221337829;0.005847953216374268681221337829;0.008479532163742689240826244657
-0.020634920634920634469056111016;0.005555555555555555767577313730;0.025000000000000001387778780781;0.338888888888888906159024827502;0.003571428571428571317053490830;0.040476190476190478106932602032;0.002380952380952381167156239883;0.010317460317460317234528055508;0.037698412698412696320016124218;0.008730158730158730367998387578;0.013095238095238095551997581367;0.039682539682539680336859078125;0.010317460317460317234528055508;0.022222222222222223070309254922;0.011111111111111111535154627461;0.033333333333333332870740406406;0.008730158730158730367998387578;0.013888888888888888117900677344;0.009523809523809524668624959531;0.005158730158730158617264027754;0.005158730158730158617264027754;0.017857142857142856151586585156;0.002380952380952381167156239883;0.010714285714285714384841341484;0.034920634920634921471993550313;0.021428571428571428769682682969;0.017063492063492061850960013203;0.002380952380952381167156239883;0.003571428571428571317053490830;0.018650793650793650452213157109;0.035714285714285712303173170312;0.008730158730158730367998387578;0.003571428571428571317053490830;0.003968253968253968033685907812;0.009126984126984127518311673555;0.011507936507936508685467913438;0.008730158730158730367998387578;0.008333333333333333217685101602;0.003174603174603174600421073848;0.004365079365079365183999193789;0.004365079365079365183999193789;0.014285714285714285268213963320;0.000000000000000000000000000000;0.010714285714285714384841341484;0.009523809523809524668624959531;0.006746031746031746351155433672;0.011904761904761904101057723437;0.017857142857142856151586585156;0.013492063492063492702310867344;0.019444444444444444752839729063
-0.030797101449275363777013936328;0.010144927536231883313799784219;0.031884057971014491406069879531;0.188768115942028996689927566877;0.022826086956521739190772990469;0.040942028985507243621366768593;0.001449275362318840597308788887;0.019565217391304349364711256953;0.028260869565217391213840514297;0.008695652173913043583852733320;0.019927536231884056261431936719;0.052898550724637678766004711406;0.012318840579710145510805574531;0.018840579710144928632375993516;0.018840579710144928632375993516;0.032971014492753622504572774687;0.007246376811594202986543944434;0.023913043478260870289275885625;0.024637681159420291021611149063;0.004347826086956521791926366660;0.016666666666666666435370203203;0.008695652173913043583852733320;0.004710144927536232158093998379;0.017391304347826087167705466641;0.039492753623188409095590145625;0.026449275362318839383002355703;0.022101449275362318458437727031;0.007608695652173913352711576152;0.000724637681159420298654394443;0.035507246376811595067746196719;0.035869565217391305433913828438;0.009057971014492753950020365039;0.008695652173913043583852733320;0.004710144927536232158093998379;0.009057971014492753950020365039;0.017028985507246376801537834922;0.007246376811594202986543944434;0.015579710144927537071590784024;0.003260869565217391127104340498;0.003623188405797101493271972217;0.005434782608695652023067523828;0.013768115942028985240752625430;0.000000000000000000000000000000;0.010507246376811593679967415937;0.013768115942028985240752625430;0.007608695652173913352711576152;0.014130434782608695606920257148;0.014130434782608695606920257148;0.013043478260869564508417361992;0.014855072463768116339255520586
-0.016379310344827587714311434297;0.014655172413793103244894489023;0.035919540229885055238057134375;0.209770114942528729251591812499;0.032758620689655175428622868594;0.024137931034482758285708570156;0.002586206896551724102040203945;0.021551724137931035918391842188;0.049137931034482759673487350938;0.022701149425287357741520821719;0.009195402298850574585031836250;0.009770114942528735496596326016;0.010344827586206896408160815781;0.019252873563218392272133883125;0.020689655172413792816321631562;0.011781609195402298687072040195;0.026436781609195401931966529219;0.029022988505747127768730209141;0.014942528735632183700676733906;0.005172413793103448204080407891;0.012356321839080459598636529961;0.029597701149425288680294698906;0.003160919540229885013604693711;0.028735632183908045578224488281;0.019827586206896553183698372891;0.017816091954022988258499182734;0.020689655172413792816321631562;0.012068965517241379142854285078;0.002586206896551724102040203945;0.018390804597701149170063672500;0.008045977011494252761902856719;0.018678160919540231360569393360;0.006034482758620689571427142539;0.006896551724137930938773877187;0.008908045977011494129249591367;0.025287356321839080108837549687;0.008045977011494252761902856719;0.004885057471264367748298163008;0.010344827586206896408160815781;0.006896551724137930938773877187;0.008333333333333333217685101602;0.041091954022988506911584494219;0.000000000000000000000000000000;0.016954022988505748625875924063;0.015229885057471264156458978789;0.011206896551724137775507550430;0.015229885057471264156458978789;0.008620689655172413673467346484;0.012931034482758620510201019727;0.014942528735632183700676733906
-0.014539007092198581727604533853;0.026950354609929078747443398356;0.023404255319148935254869314804;0.290425531914893619855888573511;0.043262411347517730486611498009;0.034042553191489362263144613507;0.003900709219858156020371842132;0.023404255319148935254869314804;0.028368794326241134062804860605;0.007092198581560283515701215151;0.012056737588652482323636760952;0.019503546099290780535540079654;0.008510638297872340565786153377;0.010638297872340425273551822727;0.027659574468085104670400653504;0.012765957446808509981317492077;0.016666666666666666435370203203;0.018439716312056736446933769002;0.031205673758865248162974737056;0.002127659574468085141446538344;0.013475177304964539373721699178;0.008865248226950355261988256927;0.003546099290780141757850607576;0.017375886524822695827774410304;0.021985815602836879939507852555;0.013829787234042552335200326752;0.026595744680851064051241294806;0.031205673758865248162974737056;0.001063829787234042570723269172;0.028368794326241134062804860605;0.011347517730496454665956029828;0.011347517730496454665956029828;0.006737588652482269686860849589;0.007446808510638298211903318702;0.005319148936170212636775911363;0.012411347517730497019838864503;0.004609929078014184111733442251;0.006028368794326241161818380476;0.009929078014184397615871091602;0.003191489361702127495329373019;0.008156028368794325869584049826;0.022695035460992909331912059656;0.000000000000000000000000000000;0.006028368794326241161818380476;0.022695035460992909331912059656;0.006382978723404254990658746038;0.009574468085106382919668988052;0.007446808510638298211903318702;0.009219858156028368223466884501;0.008156028368794325869584049826
-0.022641509433962262592965331010;0.015408805031446540928508071033;0.015723270440251572305223604076;0.440251572327044038424048721936;0.015094339622641509551792537991;0.017610062893081760565516802330;0.005031446540880502894810266667;0.012893081761006289914783806694;0.016037735849056603681939137118;0.009119496855345911659473934208;0.012264150943396227161352740609;0.014150943396226415421645938864;0.016981132075471697812085736246;0.011635220125786162673198198547;0.019811320754716980202525533628;0.014465408805031446798361471906;0.006918238993710692022465202911;0.012578616352201258538068273651;0.015723270440251572305223604076;0.002830188679245282824120666376;0.011320754716981131296482665505;0.010377358490566037166336066377;0.000314465408805031430925641667;0.013207547169811321291499339736;0.019182389937106917449094467543;0.016037735849056603681939137118;0.015094339622641509551792537991;0.022641509433962262592965331010;0.001886792452830188693974067249;0.020125786163522011579241066670;0.018238993710691823318947868415;0.008805031446540880282758401165;0.006289308176100629269034136826;0.005345911949685534271525799710;0.006918238993710692022465202911;0.008805031446540880282758401165;0.002515723270440251447405133334;0.011006289308176099919767132462;0.006289308176100629269034136826;0.001572327044025157317258534206;0.005974842767295597892318603783;0.015723270440251572305223604076;0.000000000000000000000000000000;0.008805031446540880282758401165;0.016352201257861635058654670161;0.011949685534591195784637207566;0.010062893081761005789620533335;0.009433962264150943036189467250;0.009119496855345911659473934208;0.009433962264150943036189467250
-0.020212765957446809927944286756;0.011702127659574467627434657402;0.013475177304964539373721699178;0.392198581560283698888014214390;0.010283687943262410577349719176;0.012765957446808509981317492077;0.012411347517730497019838864503;0.024822695035460994039677729006;0.016312056737588651739168099652;0.013120567375886524677519595627;0.014539007092198581727604533853;0.009574468085106382919668988052;0.009574468085106382919668988052;0.011702127659574467627434657402;0.019148936170212765839337976104;0.019148936170212765839337976104;0.010992907801418439969753926277;0.017730496453900710523976513855;0.013475177304964539373721699178;0.001773049645390070878925303788;0.015602836879432624081487368528;0.004609929078014184111733442251;0.003546099290780141757850607576;0.019858156028368795231742183205;0.020212765957446809927944286756;0.020567375886524821154699438353;0.019148936170212765839337976104;0.018085106382978721750731665452;0.004964539007092198807935545801;0.017021276595744681131572306754;0.013120567375886524677519595627;0.013475177304964539373721699178;0.005319148936170212636775911363;0.006382978723404254990658746038;0.006737588652482269686860849589;0.014539007092198581727604533853;0.002836879432624113666489007457;0.014184397163120567031402430302;0.003191489361702127495329373019;0.002836879432624113666489007457;0.007801418439716312040743684264;0.019148936170212765839337976104;0.000000000000000000000000000000;0.019503546099290780535540079654;0.015602836879432624081487368528;0.023758865248226949951071418354;0.010283687943262410577349719176;0.006737588652482269686860849589;0.005673758865248227332978014914;0.010283687943262410577349719176
-0.014545454545454545441929283811;0.020000000000000000416333634234;0.022121212121212121409774553626;0.286666666666666680729491645252;0.049090909090909087830745249903;0.016969696969696971416974307090;0.009696969696969696961286189207;0.026060606060606061884499240477;0.021212121212121213403856145874;0.009090909090909090467524933388;0.012121212121212121201607736509;0.011515151515151514707846480690;0.008181818181818182461606525635;0.005757575757575757353923240345;0.027272727272727271402574800163;0.014848484848484848688809911721;0.017272727272727272929131459023;0.019090909090909092410415226482;0.014848484848484848688809911721;0.002424242424242424240321547302;0.014545454545454545441929283811;0.013333333333333334189130248149;0.002121212121212121427121788386;0.020303030303030301928490786167;0.019090909090909092410415226482;0.018484848484848485916653970662;0.016060606060606059941608947383;0.085454545454545449700844983454;0.004242424242424242854243576772;0.016060606060606059941608947383;0.005454545454545454974404350423;0.011515151515151514707846480690;0.008181818181818182461606525635;0.006969696969696969474084013996;0.006060606060606060600803868255;0.017878787878787879422892714842;0.004545454545454545233762466694;0.005151515151515151727523722514;0.003030303030303030300401934127;0.003636363636363636360482320953;0.013636363636363635701287400082;0.020303030303030301928490786167;0.000000000000000000000000000000;0.014242424242424242195048655901;0.016666666666666666435370203203;0.013333333333333334189130248149;0.008787878787878787220644305478;0.006969696969696969474084013996;0.008181818181818182461606525635;0.006969696969696969474084013996
-0.012654320987654321326032480499;0.016049382716049383906797842769;0.017901234567901234961961876024;0.326851851851851837871265615831;0.050617283950617285304129921997;0.022839506172839505598881615356;0.002777777777777777883788656865;0.016049382716049383906797842769;0.022530864197530864334595435139;0.007098765432098765558455166769;0.007407407407407407690103084974;0.032407407407407405608434913802;0.005246913580246913635929395525;0.007098765432098765558455166769;0.022839506172839505598881615356;0.010185185185185186007572610833;0.010493827160493827271858791050;0.020987654320987654543717582101;0.016358024691358025171084022986;0.002160493827160493620492820455;0.008024691358024691953398921385;0.013271604938271605589328316910;0.002469135802469135752140738660;0.009876543209876543008562954640;0.016975308641975307699656383420;0.010493827160493827271858791050;0.016975308641975307699656383420;0.086419753086419748289159770138;0.003395061728395061713403624282;0.027777777777777776235801354687;0.016975308641975307699656383420;0.010802469135802468536144971267;0.008024691358024691953398921385;0.003703703703703703845051542487;0.002160493827160493620492820455;0.014506172839506172381196513754;0.004320987654320987240985640909;0.005246913580246913635929395525;0.006790123456790123426807248563;0.005864197530864197899225231936;0.008333333333333333217685101602;0.021296296296296295808003762318;0.000000000000000000000000000000;0.015432098765432097908778530382;0.014506172839506172381196513754;0.006790123456790123426807248563;0.010802469135802468536144971267;0.008333333333333333217685101602;0.005555555555555555767577313730;0.004320987654320987240985640909
-0.020903954802259885892290469656;0.014124293785310734414273348136;0.032203389830508473423709148165;0.402824858757062143066463022478;0.011299435028248587531418678509;0.015819209039548021850096759522;0.005649717514124293765709339254;0.012146892655367232116692122190;0.017796610169491525882401461445;0.015536723163841808723062420938;0.010169491525423728084387420267;0.014406779661016949276031162697;0.005932203389830508627467153815;0.019491525423728815052948348807;0.016666666666666666435370203203;0.024011299435028249371626429820;0.013559322033898304690757719015;0.016666666666666666435370203203;0.012429378531073446978449936751;0.003389830508474576172689429754;0.009322033898305085233837452563;0.012429378531073446978449936751;0.001412429378531073441427334814;0.013841807909604519552515533576;0.024576271186440679095142058941;0.017231638418079096158885832324;0.018926553672316385329432719686;0.010169491525423728084387420267;0.001694915254237288086344714877;0.011016949152542372669660863949;0.014124293785310734414273348136;0.007627118644067796930652303189;0.003107344632768361744612484188;0.005932203389830508627467153815;0.007062146892655367207136674068;0.017514124293785311020643646884;0.006497175141242937483621044947;0.005932203389830508627467153815;0.003107344632768361744612484188;0.005932203389830508627467153815;0.009604519774011300095595267123;0.012146892655367232116692122190;0.000000000000000000000000000000;0.011299435028248587531418678509;0.015254237288135593861304606378;0.010169491525423728084387420267;0.020338983050847456168774840535;0.014689265536723164137788977257;0.009322033898305085233837452563;0.014689265536723164137788977257
-0.022598870056497175062837357018;0.014406779661016949276031162697;0.016384180790960451573612388643;0.424293785310734472560056929069;0.017514124293785311020643646884;0.032203389830508473423709148165;0.004802259887005650047797633562;0.011581920903954802393176493069;0.016949152542372881297128017763;0.007627118644067796930652303189;0.012146892655367232116692122190;0.012994350282485874967242089895;0.014406779661016949276031162697;0.013559322033898304690757719015;0.015819209039548021850096759522;0.022033898305084745339321727897;0.007344632768361582068894488629;0.017231638418079096158885832324;0.016384180790960451573612388643;0.003672316384180791034447244314;0.007344632768361582068894488629;0.003672316384180791034447244314;0.001412429378531073441427334814;0.009887005649717514957353081684;0.026553672316384179657999808910;0.019774011299435029914706163368;0.014689265536723164137788977257;0.018644067796610170467674905126;0.000564971751412429398254977375;0.035875706214689266626560737450;0.010734463276836157807903049388;0.005367231638418078903951524694;0.007909604519774010925048379761;0.003672316384180791034447244314;0.005084745762711864042193710134;0.010451977401129942946145234828;0.004802259887005650047797633562;0.007062146892655367207136674068;0.004237288135593220324282004441;0.001412429378531073441427334814;0.006214689265536723489224968375;0.019774011299435029914706163368;0.000000000000000000000000000000;0.005367231638418078903951524694;0.015819209039548021850096759522;0.005649717514124293765709339254;0.012994350282485874967242089895;0.011299435028248587531418678509;0.007062146892655367207136674068;0.012711864406779661840207751311
-0.020175438596491228337992396291;0.017251461988304093997381727377;0.013742690058479532094759534289;0.405555555555555558022717832500;0.009649122807017544364849293004;0.029239766081871343406106689145;0.002923976608187134340610668914;0.014912280701754385484059106659;0.022807017543859650632320779096;0.007894736842105263413538196460;0.017251461988304093997381727377;0.018421052631578945651957823770;0.012280701754385964924454199831;0.007602339181286549632532434373;0.018128654970760233605675537660;0.021052631578947367946286206575;0.009064327485380116802837768830;0.013742690058479532094759534289;0.012865497076023392486465724005;0.000877192982456140367235331023;0.013742690058479532094759534289;0.004093567251461988597271979273;0.001461988304093567170305334457;0.009649122807017544364849293004;0.030994152046783626092141261665;0.019005847953216373213969347944;0.014912280701754385484059106659;0.028070175438596491751530592751;0.002046783625730994298635989637;0.030994152046783626092141261665;0.007309941520467835851526672286;0.005263157894736841986571551644;0.012573099415204678705459961918;0.004678362573099415291921765458;0.006140350877192982462227099916;0.010526315789473683973143103287;0.003216374269005848121616431001;0.009356725146198830583843530917;0.006725146198830409156876886101;0.002631578947368420993285775822;0.006725146198830409156876886101;0.025438596491228069457202209946;0.000000000000000000000000000000;0.006432748538011696243232862003;0.012573099415204678705459961918;0.006432748538011696243232862003;0.011403508771929825316160389548;0.010233918128654970192137341201;0.007309941520467835851526672286;0.014619883040935671703053344572
-0.015819209039548021850096759522;0.018079096045197740744159276005;0.016666666666666666435370203203;0.416949152542372858398778134870;0.017796610169491525882401461445;0.016666666666666666435370203203;0.006779661016949152345378859508;0.015254237288135593861304606378;0.022881355932203389924595171578;0.008757062146892655510321823442;0.008757062146892655510321823442;0.017231638418079096158885832324;0.003672316384180791034447244314;0.008474576271186440648564008882;0.023728813559322034509868615260;0.012711864406779661840207751311;0.012994350282485874967242089895;0.018079096045197740744159276005;0.016101694915254236711854574082;0.002259887005649717593019909501;0.014689265536723164137788977257;0.005367231638418078903951524694;0.001977401129943502731262094940;0.014689265536723164137788977257;0.018926553672316385329432719686;0.014406779661016949276031162697;0.023728813559322034509868615260;0.025141242937853108818657688062;0.002824858757062146882854669627;0.020056497175141241307017025974;0.015536723163841808723062420938;0.009887005649717514957353081684;0.004519774011299435186039819001;0.002259887005649717593019909501;0.002824858757062146882854669627;0.016666666666666666435370203203;0.003954802259887005462524189880;0.009039548022598870372079638003;0.005084745762711864042193710134;0.001412429378531073441427334814;0.008474576271186440648564008882;0.023728813559322034509868615260;0.000000000000000000000000000000;0.011581920903954802393176493069;0.014689265536723164137788977257;0.012429378531073446978449936751;0.009322033898305085233837452563;0.010169491525423728084387420267;0.007062146892655367207136674068;0.009887005649717514957353081684
-0.020748299319727891293352328717;0.017346938775510203911700557455;0.031292517006802723911196295603;0.187414965986394566055395216608;0.021088435374149658296794029866;0.026870748299319728580325516987;0.008163265306122449715964251027;0.022448979591836733249454738370;0.066666666666666665741480812812;0.012244897959183672839222900564;0.017006802721088436908258856306;0.018707482993197278864361265960;0.007823129251700680977799073901;0.014965986394557822744544317572;0.016666666666666666435370203203;0.010884353741496597886562192059;0.019387755102040816340691620212;0.034693877551020407823401114911;0.018367346938775511860919564811;0.006122448979591836419611450282;0.015646258503401361955598147802;0.024149659863945578675004099978;0.008163265306122449715964251027;0.011564625850340135362892546311;0.025510204081632653627664808482;0.013605442176870747791883609068;0.021428571428571428769682682969;0.011904761904761904101057723437;0.003741496598639455686136079393;0.038435374149659862208494587321;0.014625850340136054006379140446;0.012925170068027210315553254816;0.013265306122448979053718431942;0.005442176870748298943281096030;0.010884353741496597886562192059;0.025170068027210883154776155379;0.009863945578231291672066660681;0.010204081632653060410231837807;0.013605442176870747791883609068;0.008163265306122449715964251027;0.009183673469387755930459782405;0.039455782312925166688266642723;0.000000000000000000000000000000;0.011224489795918366624727369185;0.011904761904761904101057723437;0.009183673469387755930459782405;0.013265306122448979053718431942;0.006462585034013605157776627408;0.018027210884353741388030911708;0.004081632653061224857982125513
-0.029885057471264367401353467812;0.029885057471264367401353467812;0.016666666666666666435370203203;0.137068965517241375673407333124;0.032471264367816089768670195781;0.037643678160919541442197555625;0.003735632183908045925169183477;0.026724137931034484122472250078;0.019827586206896553183698372891;0.008333333333333333217685101602;0.016091954022988505523805713437;0.022701149425287357741520821719;0.030172413793103449591859188672;0.013505747126436781421765509492;0.030459770114942528312917957578;0.022988505747126436462579590625;0.009482758620689655040814081133;0.029310344827586206489788978047;0.034770114942528733414928154843;0.004597701149425287292515918125;0.020114942528735631904757141797;0.010057471264367815952378570898;0.004022988505747126380951428359;0.015804597701149426802746944531;0.030747126436781610503423678438;0.019827586206896553183698372891;0.026436781609195401931966529219;0.057471264367816091156448976562;0.001436781609195402278911224414;0.033908045977011497251751848125;0.013793103448275861877547754375;0.005172413793103448204080407891;0.023563218390804597374144080391;0.006609195402298850482991632305;0.014655172413793103244894489023;0.012643678160919540054418774844;0.005172413793103448204080407891;0.009482758620689655040814081133;0.005459770114942528659862652773;0.008045977011494252761902856719;0.008908045977011494129249591367;0.007471264367816091850338366953;0.000000000000000000000000000000;0.012931034482758620510201019727;0.024712643678160919197273059922;0.011494252873563218231289795312;0.011781609195402298687072040195;0.011781609195402298687072040195;0.016379310344827587714311434297;0.013793103448275861877547754375
-0.029444444444444443226283070203;0.031388888888888889783235214281;0.025555555555555557051272685953;0.023055555555555554830826636703;0.018888888888888889089345823891;0.036388888888888887285233408875;0.008055555555555555385938149016;0.027777777777777776235801354687;0.041111111111111112159655078813;0.016388888888888890338346726594;0.016111111111111110771876298031;0.018333333333333333425851918719;0.026111111111111112714766591125;0.019166666666666665186369300500;0.021666666666666667406815349750;0.020833333333333332176851016015;0.013888888888888888117900677344;0.030833333333333334119741309109;0.027777777777777776235801354687;0.003611111111111110945348645629;0.020277777777777776513357110844;0.016944444444444446001840631766;0.007777777777777777554191196430;0.018055555555555553859381490156;0.038333333333333330372738601000;0.023055555555555554830826636703;0.026944444444444444475283972906;0.067777777777777784007362527063;0.000555555555555555555073687923;0.039444444444444441699726411343;0.015277777777777777276635440273;0.011944444444444445030395485219;0.020277777777777776513357110844;0.008888888888888888881179006773;0.010277777777777778039913769703;0.021388888888888887840344921187;0.006666666666666667094565124074;0.010277777777777778039913769703;0.016111111111111110771876298031;0.005833333333333333599324266316;0.011111111111111111535154627461;0.044166666666666666574148081281;0.000000000000000000000000000000;0.018611111111111109522875395328;0.015833333333333334674852821422;0.020277777777777776513357110844;0.013611111111111110286153724758;0.009166666666666666712925959359;0.010833333333333333703407674875;0.013888888888888888117900677344
-0.033888888888888892003681263532;0.022777777777777778733803160094;0.011388888888888889366901580047;0.016111111111111110771876298031;0.056111111111111111604543566500;0.037777777777777778178691647781;0.011666666666666667198648532633;0.017222222222222222098864108375;0.038333333333333330372738601000;0.009722222222222222376419864531;0.015277777777777777276635440273;0.018055555555555553859381490156;0.021666666666666667406815349750;0.009166666666666666712925959359;0.020833333333333332176851016015;0.023611111111111110494320541875;0.010555555555555555871660722289;0.029999999999999998889776975375;0.044722222222222218768195034500;0.004444444444444444440589503387;0.026944444444444444475283972906;0.018055555555555553859381490156;0.011111111111111111535154627461;0.016666666666666666435370203203;0.040555555555555553026714221687;0.020277777777777776513357110844;0.018055555555555553859381490156;0.056944444444444443365060948281;0.000277777777777777777536843962;0.053333333333333336756520992594;0.015277777777777777276635440273;0.008055555555555555385938149016;0.023055555555555554830826636703;0.002222222222222222220294751693;0.008333333333333333217685101602;0.016666666666666666435370203203;0.005277777777777777935830361145;0.016111111111111110771876298031;0.010277777777777778039913769703;0.001944444444444444388547799107;0.011666666666666667198648532633;0.072499999999999995003996389187;0.000000000000000000000000000000;0.014444444444444443781394582516;0.021111111111111111743321444578;0.020000000000000000416333634234;0.008055555555555555385938149016;0.010000000000000000208166817117;0.008888888888888888881179006773;0.010555555555555555871660722289
-0.026282051282051282353746657350;0.023717948717948716952363952259;0.019551282051282051210883139447;0.030448717948717948095227470162;0.050000000000000002775557561563;0.030448717948717948095227470162;0.012179487179487179585035683260;0.020512820512820512802720784862;0.046153846153846156408206979904;0.013141025641025641176873328675;0.016666666666666666435370203203;0.017948717948717947401338079771;0.018589743589743589619045494032;0.012179487179487179585035683260;0.013141025641025641176873328675;0.024358974358974359170071366520;0.009294871794871794809522747016;0.029487179487179486503389824748;0.044551282051282052598661920229;0.001923076923076923183675290829;0.027564102564102563319714533918;0.017628205128205128027207848618;0.014743589743589743251694912374;0.016025641025641024217662788942;0.031089743589743590312934884423;0.020512820512820512802720784862;0.023397435897435897578233721106;0.056410256410256411074843896358;0.001282051282051282050170049054;0.056089743589743591700713665205;0.010576923076923077510214099561;0.006730769230769231142863517903;0.023717948717948716952363952259;0.004166666666666666608842550801;0.008333333333333333217685101602;0.016025641025641024217662788942;0.010256410256410256401360392431;0.016025641025641024217662788942;0.015384615384615385469402326635;0.005448717948717948442172165358;0.015384615384615385469402326635;0.054487179487179487891168605529;0.000000000000000000000000000000;0.010897435897435896884344330715;0.015384615384615385469402326635;0.018910256410256408993175725186;0.010256410256410256401360392431;0.005448717948717948442172165358;0.017948717948717947401338079771;0.009294871794871794809522747016
-0.028086419753086420969534486858;0.024074074074074074125473288177;0.013580246913580246853614497127;0.203086419753086416806198144513;0.032407407407407405608434913802;0.029938271604938272024698520113;0.006790123456790123426807248563;0.020679012345679013279431401884;0.034259259259259260133045899011;0.009876543209876543008562954640;0.017592592592592593697675695807;0.012962962962962962590318660716;0.021913580246913581806023074705;0.008950617283950617480980938012;0.016975308641975307699656383420;0.011728395061728395798450463872;0.015740740740740739173064710599;0.025925925925925925180637321432;0.026543209876543211178656633820;0.004012345679012345976699460692;0.020987654320987654543717582101;0.012037037037037037062736644089;0.013580246913580246853614497127;0.013580246913580246853614497127;0.029938271604938272024698520113;0.014814814814814815380206169948;0.019444444444444444752839729063;0.033333333333333332870740406406;0.004012345679012345976699460692;0.030864197530864195817557060764;0.014506172839506172381196513754;0.006790123456790123426807248563;0.021296296296296295808003762318;0.006481481481481481295159330358;0.008950617283950617480980938012;0.012654320987654321326032480499;0.003703703703703703845051542487;0.011728395061728395798450463872;0.014506172839506172381196513754;0.004938271604938271504281477320;0.010185185185185186007572610833;0.043827160493827163612046149410;0.000000000000000000000000000000;0.009876543209876543008562954640;0.019135802469135803488553548846;0.012037037037037037062736644089;0.008333333333333333217685101602;0.007098765432098765558455166769;0.015740740740740739173064710599;0.010493827160493827271858791050
-0.019934640522875815560333023768;0.023202614379084968154742796287;0.022549019607843136941971451392;0.121241830065359476598096932776;0.050000000000000002775557561563;0.020261437908496732901442172192;0.012091503267973856619588168826;0.017320261437908497648141548098;0.025163398692810458323609879017;0.007189542483660130330058724013;0.016993464052287580307032399674;0.016993464052287580307032399674;0.019607843137254901688670827298;0.011111111111111111535154627461;0.026797385620915031151367813322;0.014705882352941176266503120473;0.014052287581699346788455251556;0.031045751633986928830211127206;0.022549019607843136941971451392;0.003594771241830065165029362007;0.016993464052287580307032399674;0.020915032679738560644766565133;0.045751633986928101627267295726;0.014052287581699346788455251556;0.019281045751633987817008630827;0.016993464052287580307032399674;0.026470588235294117279705616852;0.048692810457516340350014871774;0.002614379084967320080595820642;0.031045751633986928830211127206;0.014379084967320260660117448026;0.014052287581699346788455251556;0.037581699346405227080136768336;0.005228758169934640161191641283;0.010457516339869280322383282567;0.013398692810457515575683906661;0.005228758169934640161191641283;0.010130718954248366450721086096;0.008823529411764705759901872284;0.005228758169934640161191641283;0.005882352941176470506601248189;0.035947712418300650782931882077;0.000000000000000000000000000000;0.008169934640522876281854003366;0.020261437908496732901442172192;0.012745098039215686097636037744;0.009803921568627450844335413649;0.010457516339869280322383282567;0.026470588235294117279705616852;0.006535947712418300852010855095
-0.019318181818181817677171352443;0.025378787878787879145336958686;0.029545454545454544886817771498;0.082954545454545461358186742018;0.031439393939393940613502564929;0.022348484848484850145977631541;0.004924242424242423858682382587;0.025378787878787879145336958686;0.030303030303030303871381079261;0.013636363636363635701287400082;0.016287878787878788677812025298;0.016666666666666666435370203203;0.012500000000000000693889390391;0.018181818181818180935049866775;0.032196969696969696128618920739;0.018560606060606062162054996634;0.022727272727272727903535809446;0.051136363636363639517679047231;0.024242424242424242403215473018;0.003030303030303030300401934127;0.010984848484848484459486250842;0.023863636363636364645657295114;0.020075757575757576661734660206;0.024621212121212120160773650923;0.028030303030303030387138107926;0.020833333333333332176851016015;0.026136363636363634660453314495;0.023106060606060605661093987351;0.006818181818181817850643700041;0.016666666666666666435370203203;0.021969696969696968918972501683;0.018181818181818180935049866775;0.022348484848484850145977631541;0.006439393939393939225723784148;0.012121212121212121201607736509;0.025378787878787879145336958686;0.011363636363636363951767904723;0.009848484848484847717364765174;0.009469696969696969959806587269;0.007196969696969697342925353922;0.007954545454545453725403447720;0.028409090909090908144696285831;0.000000000000000000000000000000;0.021590909090909091161414323778;0.022348484848484850145977631541;0.007196969696969697342925353922;0.017045454545454544192928381108;0.012500000000000000693889390391;0.025378787878787879145336958686;0.011363636363636363951767904723
-0.016666666666666666435370203203;0.027272727272727271402574800163;0.030303030303030303871381079261;0.120833333333333334258519187188;0.034469696969696969612861892074;0.014772727272727272443408885749;0.003409090909090908925321850020;0.022727272727272727903535809446;0.032954545454545451643735276548;0.013257575757575757943729222177;0.010984848484848484459486250842;0.014772727272727272443408885749;0.014393939393939394685850707845;0.010984848484848484459486250842;0.042803030303030301095823517699;0.015151515151515151935690539631;0.017045454545454544192928381108;0.054166666666666668517038374375;0.012121212121212121201607736509;0.004924242424242423858682382587;0.008712121212121212709966755483;0.015151515151515151935690539631;0.034848484848484850839867021932;0.019318181818181817677171352443;0.020833333333333332176851016015;0.015530303030303029693248717535;0.029545454545454544886817771498;0.034090909090909088385856762216;0.003030303030303030300401934127;0.015909090909090907450806895440;0.012500000000000000693889390391;0.017424242424242425419933510966;0.026136363636363634660453314495;0.006060606060606060600803868255;0.014015151515151515193569053963;0.020833333333333332176851016015;0.010606060606060606701928072937;0.010606060606060606701928072937;0.009848484848484847717364765174;0.008333333333333333217685101602;0.006818181818181817850643700041;0.029545454545454544886817771498;0.000000000000000000000000000000;0.014393939393939394685850707845;0.028409090909090908144696285831;0.008712121212121212709966755483;0.015530303030303029693248717535;0.011363636363636363951767904723;0.029545454545454544886817771498;0.008333333333333333217685101602
-0.016666666666666666435370203203;0.019629629629629628817522046802;0.030740740740740742087400150240;0.196296296296296302053008275834;0.008518518518518519017090895318;0.021111111111111111743321444578;0.005925925925925925631665425186;0.021111111111111111743321444578;0.019259259259259260688157411323;0.015925925925925926707193980292;0.014074074074074073917306471060;0.018518518518518517490534236458;0.014074074074074073917306471060;0.014074074074074073917306471060;0.029259259259259259161600752464;0.014444444444444443781394582516;0.015185185185185185244294281404;0.029259259259259259161600752464;0.021481481481481479872686080057;0.004444444444444444440589503387;0.015555555555555555108382392859;0.012592592592592592726230549260;0.053703703703703704885885628073;0.017777777777777777762358013547;0.014814814814814815380206169948;0.015925925925925926707193980292;0.028148148148148147834612942120;0.016666666666666666435370203203;0.003703703703703703845051542487;0.022962962962962962798485477833;0.012962962962962962590318660716;0.015555555555555555108382392859;0.023333333333333334397297065266;0.007777777777777777554191196430;0.027407407407407408106436719208;0.020740740740740740144509857146;0.005185185185185185036127464286;0.005185185185185185036127464286;0.005185185185185185036127464286;0.016296296296296294836558615771;0.008888888888888888881179006773;0.021111111111111111743321444578;0.000000000000000000000000000000;0.015925925925925926707193980292;0.014814814814814815380206169948;0.012222222222222222862142437805;0.014814814814814815380206169948;0.007407407407407407690103084974;0.024444444444444445724284875610;0.008888888888888888881179006773
-0.021428571428571428769682682969;0.033730158730158728286330216406;0.037698412698412696320016124218;0.054365079365079366224833279375;0.020238095238095239053466301016;0.021428571428571428769682682969;0.001587301587301587300210536924;0.033730158730158728286330216406;0.031349206349206348853897452500;0.011111111111111111535154627461;0.011904761904761904101057723437;0.017460317460317460735996775156;0.010317460317460317234528055508;0.019047619047619049337249919063;0.062698412698412697707794905000;0.011507936507936508685467913438;0.020238095238095239053466301016;0.067857142857142851988250242812;0.038888888888888889505679458125;0.004365079365079365183999193789;0.017063492063492061850960013203;0.021031746031746033354092872969;0.017460317460317460735996775156;0.018650793650793650452213157109;0.022222222222222223070309254922;0.015476190476190476719153821250;0.036904761904761905488836504219;0.022619047619047618485899064922;0.001587301587301587300210536924;0.029365079365079364837054498594;0.011507936507936508685467913438;0.015079365079365079568840535273;0.018650793650793650452213157109;0.003174603174603174600421073848;0.010317460317460317234528055508;0.026587301587301586519584972734;0.011904761904761904101057723437;0.007142857142857142634106981660;0.005555555555555555767577313730;0.011507936507936508685467913438;0.009126984126984127518311673555;0.032539682539682542039560786407;0.000000000000000000000000000000;0.009523809523809524668624959531;0.022619047619047618485899064922;0.010714285714285714384841341484;0.020238095238095239053466301016;0.010714285714285714384841341484;0.023015873015873017370935826875;0.006746031746031746351155433672
-0.021999999999999998723243521681;0.025333333333333332704206952712;0.051999999999999997613020497056;0.011666666666666667198648532633;0.013666666666666667240281896056;0.024666666666666666601903656897;0.002333333333333333526465880325;0.030666666666666664992080271190;0.043999999999999997446487043362;0.026999999999999999694688668228;0.017333333333333332537673499019;0.012666666666666666352103476356;0.014999999999999999444888487687;0.030333333333333333675652099259;0.035000000000000003330669073875;0.017999999999999998639976794834;0.022333333333333333509118645566;0.052999999999999998501198916756;0.020333333333333331732761806165;0.009333333333333334105863521302;0.016666666666666666435370203203;0.018999999999999999528155214534;0.011666666666666667198648532633;0.032000000000000000666133814775;0.026333333333333333592385372413;0.025333333333333332704206952712;0.037333333333333336423454085207;0.023666666666666665713725237197;0.003333333333333333547282562037;0.015333333333333332496040135595;0.012666666666666666352103476356;0.025666666666666667490082076597;0.012000000000000000249800180541;0.004666666666666667052931760651;0.007333333333333333196868419890;0.042666666666666665241880451731;0.013333333333333334189130248149;0.010666666666666666310470112933;0.007333333333333333196868419890;0.008333333333333333217685101602;0.008000000000000000166533453694;0.030666666666666664992080271190;0.000000000000000000000000000000;0.014666666666666666393736839780;0.017999999999999998639976794834;0.010666666666666666310470112933;0.027333333333333334480563792113;0.014666666666666666393736839780;0.021333333333333332620940225866;0.012666666666666666352103476356
-0.019047619047619049337249919063;0.008928571428571428075793292578;0.050892857142857142460634634062;0.166666666666666657414808128124;0.009821428571428571230317317031;0.018452380952380952744418252109;0.005059523809523809763366575254;0.025595238095238094511163495781;0.018749999999999999306110609609;0.032440476190476193185663333907;0.013095238095238095551997581367;0.025595238095238094511163495781;0.010119047619047619526733150508;0.038988095238095238359576910625;0.022916666666666665047591422422;0.016666666666666666435370203203;0.017559523809523809589894227656;0.022619047619047618485899064922;0.008630952380952381514100935078;0.006547619047619047775998790684;0.011607142857142857539365365938;0.012500000000000000693889390391;0.005654761904761904621474766230;0.036011904761904758864865527812;0.026785714285714284227379877734;0.035416666666666665741480812812;0.032142857142857139685077072500;0.004166666666666666608842550801;0.002083333333333333304421275400;0.012202380952380952397473556914;0.016666666666666666435370203203;0.018452380952380952744418252109;0.006250000000000000346944695195;0.006250000000000000346944695195;0.011011904761904762681257174961;0.038690476190476191797884553125;0.011309523809523809242949532461;0.004464285714285714037896646289;0.003869047619047619179788455313;0.009821428571428571230317317031;0.005654761904761904621474766230;0.008035714285714284921269268125;0.000000000000000000000000000000;0.019345238095238095898942276563;0.011607142857142857539365365938;0.013095238095238095551997581367;0.041666666666666664353702032031;0.018452380952380952744418252109;0.022321428571428571924206707422;0.016071428571428569842538536250
-0.018209876543209876226248056241;0.020987654320987654543717582101;0.017283950617283948963942563637;0.410802469135802483801711559863;0.012654320987654321326032480499;0.025000000000000001387778780781;0.009259259259259258745267118229;0.022839506172839505598881615356;0.012962962962962962590318660716;0.004629629629629629372633559115;0.012037037037037037062736644089;0.011728395061728395798450463872;0.012037037037037037062736644089;0.007098765432098765558455166769;0.041358024691358026558862803768;0.014197530864197531116910333537;0.012037037037037037062736644089;0.019135802469135803488553548846;0.018518518518518517490534236458;0.001543209876543209790877853038;0.018827160493827162224267368629;0.010185185185185186007572610833;0.002777777777777777883788656865;0.009876543209876543008562954640;0.019753086419753086017125909279;0.014197530864197531116910333537;0.013888888888888888117900677344;0.014197530864197531116910333537;0.002160493827160493620492820455;0.017901234567901234961961876024;0.015432098765432097908778530382;0.008641975308641974481971281818;0.007098765432098765558455166769;0.004629629629629629372633559115;0.005246913580246913635929395525;0.010493827160493827271858791050;0.007098765432098765558455166769;0.008024691358024691953398921385;0.008950617283950617480980938012;0.004629629629629629372633559115;0.006790123456790123426807248563;0.013580246913580246853614497127;0.000000000000000000000000000000;0.012037037037037037062736644089;0.020061728395061727281412089496;0.006172839506172839163511412153;0.008641975308641974481971281818;0.007716049382716048954389265191;0.005555555555555555767577313730;0.011111111111111111535154627461
-0.029761904761904760252644308594;0.010714285714285714384841341484;0.037499999999999998612221219219;0.151488095238095227257346664373;0.009523809523809524668624959531;0.023214285714285715078730731875;0.008035714285714284921269268125;0.022023809523809525362514349922;0.030952380952380953438307642500;0.015773809523809523280846178750;0.012202380952380952397473556914;0.016964285714285712997062560703;0.018452380952380952744418252109;0.027678571428571427381903902187;0.014583333333333333564629796797;0.027083333333333334258519187188;0.018749999999999999306110609609;0.027976190476190477413043211641;0.019642857142857142460634634062;0.006547619047619047775998790684;0.016666666666666666435370203203;0.018749999999999999306110609609;0.005059523809523809763366575254;0.024107142857142858233254756328;0.039285714285714284921269268125;0.030952380952380953438307642500;0.025892857142857144542302805235;0.008928571428571428075793292578;0.002083333333333333304421275400;0.013988095238095238706521605820;0.019940476190476189022326991562;0.015178571428571428422737987773;0.009523809523809524668624959531;0.006547619047619047775998790684;0.022321428571428571924206707422;0.021130952380952382207990325469;0.011607142857142857539365365938;0.017857142857142856151586585156;0.003571428571428571317053490830;0.008928571428571428075793292578;0.007142857142857142634106981660;0.016666666666666666435370203203;0.000000000000000000000000000000;0.022023809523809525362514349922;0.009523809523809524668624959531;0.015178571428571428422737987773;0.019642857142857142460634634062;0.021130952380952382207990325469;0.022023809523809525362514349922;0.015476190476190476719153821250
-0.033620689655172411591799175312;0.012356321839080459598636529961;0.025287356321839080108837549687;0.258045977011494231945221144997;0.003735632183908045925169183477;0.016379310344827587714311434297;0.003448275862068965469386938594;0.027873563218390805945601229610;0.022701149425287357741520821719;0.024137931034482758285708570156;0.010057471264367815952378570898;0.016379310344827587714311434297;0.008333333333333333217685101602;0.018103448275862070449004903594;0.020977011494252875006827352422;0.024712643678160919197273059922;0.014367816091954022789112244141;0.022701149425287357741520821719;0.013505747126436781421765509492;0.003160919540229885013604693711;0.015804597701149426802746944531;0.009195402298850574585031836250;0.003735632183908045925169183477;0.032183908045977011047611426875;0.032471264367816089768670195781;0.036206896551724140898009807188;0.022988505747126436462579590625;0.013505747126436781421765509492;0.002873563218390804557822448828;0.011781609195402298687072040195;0.016666666666666666435370203203;0.014367816091954022789112244141;0.004885057471264367748298163008;0.005459770114942528659862652773;0.008620689655172413673467346484;0.027011494252873562843531018984;0.005747126436781609115644897656;0.014080459770114942333329999258;0.006034482758620689571427142539;0.004022988505747126380951428359;0.008045977011494252761902856719;0.014367816091954022789112244141;0.000000000000000000000000000000;0.023563218390804597374144080391;0.009770114942528735496596326016;0.019252873563218392272133883125;0.021264367816091953727886121328;0.013793103448275861877547754375;0.010632183908045976863943060664;0.011781609195402298687072040195
-0.028758169934640521320234896052;0.009150326797385621366287544731;0.022222222222222223070309254922;0.187581699346405228467915549118;0.009803921568627450844335413649;0.032026143790849670445197716617;0.005555555555555555767577313730;0.023529411764705882026404992757;0.021568627450980391857537910028;0.015686274509803921350936661838;0.019281045751633987817008630827;0.016993464052287580307032399674;0.025816993464052286066934271958;0.020588235294117646773104368663;0.015032679738562091872888792921;0.016666666666666666435370203203;0.012418300653594770491250365296;0.026143790849673203408043420382;0.024183006535947713239176337652;0.002287581699346405341571886183;0.021895424836601305729200106498;0.006535947712418300852010855095;0.012418300653594770491250365296;0.023202614379084968154742796287;0.029738562091503266404668437417;0.026797385620915031151367813322;0.027450980392156862364139158217;0.022222222222222223070309254922;0.001960784313725490168867082730;0.032352941176470591255753816995;0.008169934640522876281854003366;0.012418300653594770491250365296;0.016339869281045752563708006733;0.006209150326797385245625182648;0.016666666666666666435370203203;0.021568627450980391857537910028;0.008823529411764705759901872284;0.010130718954248366450721086096;0.007189542483660130330058724013;0.005882352941176470506601248189;0.009150326797385621366287544731;0.022549019607843136941971451392;0.000000000000000000000000000000;0.015032679738562091872888792921;0.009477124183006535237949741202;0.016013071895424835222598858309;0.020915032679738560644766565133;0.015032679738562091872888792921;0.021241830065359477985875713557;0.017320261437908497648141548098
-0.031632653061224487445191044799;0.017006802721088436908258856306;0.026530612244897958107436863884;0.246598639455782309148901276785;0.013605442176870747791883609068;0.032653061224489798863857004108;0.004421768707482993596147302640;0.019387755102040816340691620212;0.021088435374149658296794029866;0.016326530612244899431928502054;0.017006802721088436908258856306;0.019387755102040816340691620212;0.021088435374149658296794029866;0.016666666666666666435370203203;0.020068027210884353817021974464;0.017346938775510203911700557455;0.011564625850340135362892546311;0.021428571428571428769682682969;0.022789115646258503722343391473;0.005442176870748298943281096030;0.017006802721088436908258856306;0.009523809523809524668624959531;0.006462585034013605157776627408;0.016326530612244899431928502054;0.028911564625850341009316579743;0.024149659863945578675004099978;0.020068027210884353817021974464;0.019727891156462583344133321361;0.002380952380952381167156239883;0.030612244897959182965418989397;0.012585034013605441577388077690;0.009863945578231291672066660681;0.015306122448979591482709494699;0.006802721088435373895941804534;0.014285714285714285268213963320;0.021768707482993195773124384118;0.007482993197278911372272158786;0.005442176870748298943281096030;0.007482993197278911372272158786;0.003061224489795918209805725141;0.005782312925170067681446273156;0.021428571428571428769682682969;0.000000000000000000000000000000;0.010544217687074829148397014933;0.012585034013605441577388077690;0.012925170068027210315553254816;0.014285714285714285268213963320;0.012585034013605441577388077690;0.015646258503401361955598147802;0.012925170068027210315553254816
-0.019827586206896553183698372891;0.020402298850574714095262862656;0.025862068965517241020402039453;0.352298850574712663075160890003;0.006321839080459770027209387422;0.014367816091954022789112244141;0.007471264367816091850338366953;0.025000000000000001387778780781;0.018390804597701149170063672500;0.017528735632183909537440413828;0.013793103448275861877547754375;0.013505747126436781421765509492;0.006609195402298850482991632305;0.014942528735632183700676733906;0.022126436781609196829956331953;0.021264367816091953727886121328;0.016091954022988505523805713437;0.015517241379310344612241223672;0.014080459770114942333329999258;0.003160919540229885013604693711;0.014367816091954022789112244141;0.008908045977011494129249591367;0.001149425287356321823128979531;0.030459770114942528312917957578;0.026724137931034484122472250078;0.024425287356321840476214291016;0.017816091954022988258499182734;0.022126436781609196829956331953;0.002873563218390804557822448828;0.008620689655172413673467346484;0.007183908045977011394556122070;0.021264367816091953727886121328;0.002873563218390804557822448828;0.006896551724137930938773877187;0.003160919540229885013604693711;0.023563218390804597374144080391;0.003160919540229885013604693711;0.007471264367816091850338366953;0.002873563218390804557822448828;0.001724137931034482734693469297;0.008908045977011494129249591367;0.016379310344827587714311434297;0.000000000000000000000000000000;0.016379310344827587714311434297;0.014367816091954022789112244141;0.011206896551724137775507550430;0.018390804597701149170063672500;0.013505747126436781421765509492;0.006896551724137930938773877187;0.007758620689655172306120611836
-0.019590643274853800775980872118;0.026900584795321636627507544404;0.018713450292397661167687061834;0.130409356725146197142350956710;0.084502923976608190770321016316;0.020467836257309940384274682401;0.010233918128654970192137341201;0.020175438596491228337992396291;0.034502923976608187994763454753;0.008187134502923977194543958547;0.010526315789473683973143103287;0.014035087719298245875765296375;0.016081871345029238873358679029;0.011111111111111111535154627461;0.035964912280701755165068789211;0.015789473684210526827076392919;0.015497076023391813046070630833;0.021929824561403507554580016858;0.040350877192982456675984792582;0.003216374269005848121616431001;0.018421052631578945651957823770;0.012280701754385964924454199831;0.003801169590643274816266217186;0.011695906432748537362442675658;0.018421052631578945651957823770;0.012865497076023392486465724005;0.018421052631578945651957823770;0.050000000000000002775557561563;0.001461988304093567170305334457;0.048538011695906435605252227106;0.014327485380116959656771058462;0.007602339181286549632532434373;0.021345029239766083462015444638;0.004970760233918129072927527545;0.005847953216374268681221337829;0.012865497076023392486465724005;0.007017543859649122937882648188;0.015204678362573099265064868746;0.014327485380116959656771058462;0.002046783625730994298635989637;0.008771929824561403021832006743;0.047660818713450292527511464868;0.000000000000000000000000000000;0.009064327485380116802837768830;0.030116959064327486483847451382;0.009649122807017544364849293004;0.009941520467836258145855055091;0.008187134502923977194543958547;0.008771929824561403021832006743;0.008187134502923977194543958547
-0.018148148148148149361169600979;0.035185185185185187395351391615;0.010000000000000000208166817117;0.046296296296296293726335591145;0.098148148148148151026504137917;0.023333333333333334397297065266;0.016296296296296294836558615771;0.028148148148148147834612942120;0.018888888888888889089345823891;0.003333333333333333547282562037;0.012592592592592592726230549260;0.005555555555555555767577313730;0.025185185185185185452461098521;0.005925925925925925631665425186;0.035925925925925923654080662573;0.012592592592592592726230549260;0.007777777777777777554191196430;0.020000000000000000416333634234;0.085185185185185183232015049271;0.001481481481481481407916356297;0.040740740740740744030290443334;0.010000000000000000208166817117;0.022592592592592591199673890401;0.005925925925925925631665425186;0.012592592592592592726230549260;0.008888888888888888881179006773;0.012592592592592592726230549260;0.050000000000000002775557561563;0.000370370370370370351979089074;0.070000000000000006661338147751;0.009259259259259258745267118229;0.003703703703703703845051542487;0.050000000000000002775557561563;0.002222222222222222220294751693;0.009629629629629630344078705662;0.005185185185185185036127464286;0.005185185185185185036127464286;0.013333333333333334189130248149;0.007037037037037036958653235530;0.002222222222222222220294751693;0.019259259259259260688157411323;0.037777777777777778178691647781;0.000000000000000000000000000000;0.003703703703703703845051542487;0.048888888888888891448569751219;0.015555555555555555108382392859;0.004444444444444444440589503387;0.003703703703703703845051542487;0.008518518518518519017090895318;0.006666666666666667094565124074
-0.022727272727272727903535809446;0.026969696969696969890417648230;0.023333333333333334397297065266;0.036060606060606063827389533571;0.085454545454545449700844983454;0.031515151515151516858903590901;0.009696969696969696961286189207;0.024242424242424242403215473018;0.016060606060606059941608947383;0.008181818181818182461606525635;0.016060606060606059941608947383;0.008787878787878787220644305478;0.026666666666666668378260496297;0.011818181818181817954727108599;0.027272727272727271402574800163;0.017272727272727272929131459023;0.006666666666666667094565124074;0.029696969696969697377619823442;0.057575757575757578743402831378;0.004242424242424242854243576772;0.023030303030303029415692961379;0.007575757575757575967845269815;0.016969696969696971416974307090;0.014545454545454545441929283811;0.025757575757575756902895136591;0.015757575757575758429451795450;0.021212121212121213403856145874;0.032424242424242424864821998653;0.000000000000000000000000000000;0.056969696969696968780194623605;0.019393939393939393922572378415;0.005757575757575757353923240345;0.035757575757575758845785429685;0.004848484848484848480643094604;0.016363636363636364923213051270;0.016060606060606059941608947383;0.006363636363636363847684496164;0.017878787878787879422892714842;0.012424242424242424448488364419;0.008787878787878787220644305478;0.010909090909090909948808700847;0.028484848484848484390097311802;0.000000000000000000000000000000;0.009090909090909090467524933388;0.037272727272727269876018141304;0.008787878787878787220644305478;0.013030303030303030942249620239;0.013030303030303030942249620239;0.018787878787878787428811122595;0.012424242424242424448488364419
-0.025000000000000001387778780781;0.018910256410256408993175725186;0.033653846153846152244870637560;0.172435897435897433904727904519;0.006730769230769231142863517903;0.026923076923076924571454071611;0.005769230769230769551025872488;0.016666666666666666435370203203;0.016025641025641024217662788942;0.021794871794871793768688661430;0.010576923076923077510214099561;0.013141025641025641176873328675;0.022756410256410255360526306845;0.027564102564102563319714533918;0.017307692307692308653077617464;0.016987179487179485809500434357;0.011217948717948717993198037846;0.034294871794871797932025003774;0.013782051282051281659857266959;0.005128205128205128200680196215;0.010897435897435896884344330715;0.013141025641025641176873328675;0.016987179487179485809500434357;0.029166666666666667129259593594;0.030769230769230770938804653269;0.024679487179487178544201597674;0.025961538461538462979616426196;0.020833333333333332176851016015;0.001282051282051282050170049054;0.016987179487179485809500434357;0.012500000000000000693889390391;0.010576923076923077510214099561;0.008012820512820512108831394471;0.013461538461538462285727035805;0.022115384615384616612265844537;0.030128205128205128721097239008;0.011858974358974358476181976130;0.006410256410256410034009810772;0.005448717948717948442172165358;0.013141025641025641176873328675;0.008012820512820512108831394471;0.016346153846153847061239972049;0.000000000000000000000000000000;0.018910256410256408993175725186;0.014743589743589743251694912374;0.019230769230769231836752908293;0.027243589743589743945584302764;0.020512820512820512802720784862;0.017948717948717947401338079771;0.016025641025641024217662788942
-0.026944444444444444475283972906;0.009722222222222222376419864531;0.015555555555555555108382392859;0.433888888888888879513672236499;0.004166666666666666608842550801;0.019444444444444444752839729063;0.002500000000000000052041704279;0.015555555555555555108382392859;0.016388888888888890338346726594;0.012777777777777778525636342977;0.008055555555555555385938149016;0.024166666666666666157814447047;0.008611111111111111049432054187;0.021388888888888887840344921187;0.011388888888888889366901580047;0.024166666666666666157814447047;0.009166666666666666712925959359;0.011388888888888889366901580047;0.010000000000000000208166817117;0.003055555555555555715535609451;0.012777777777777778525636342977;0.009166666666666666712925959359;0.000555555555555555555073687923;0.021944444444444443503838826359;0.028055555555555555802271783250;0.014722222222222221613141535101;0.014444444444444443781394582516;0.010000000000000000208166817117;0.003333333333333333547282562037;0.011944444444444445030395485219;0.029722222222222222792753498766;0.014722222222222221613141535101;0.002500000000000000052041704279;0.006666666666666667094565124074;0.005000000000000000104083408559;0.015833333333333334674852821422;0.004444444444444444440589503387;0.008888888888888888881179006773;0.002500000000000000052041704279;0.002500000000000000052041704279;0.005277777777777777935830361145;0.009166666666666666712925959359;0.000000000000000000000000000000;0.009722222222222222376419864531;0.009722222222222222376419864531;0.005000000000000000104083408559;0.016111111111111110771876298031;0.019166666666666665186369300500;0.008333333333333333217685101602;0.009444444444444444544672911945
-0.019934640522875815560333023768;0.012091503267973856619588168826;0.012091503267973856619588168826;0.472549019607843123758073033969;0.022222222222222223070309254922;0.023529411764705882026404992757;0.004248366013071895076758099918;0.012418300653594770491250365296;0.013071895424836601704021710191;0.010784313725490195928768955014;0.010784313725490195928768955014;0.015359477124183005744550989391;0.005882352941176470506601248189;0.008823529411764705759901872284;0.020588235294117646773104368663;0.018300653594771242732575089462;0.011437908496732025406816823931;0.009803921568627450844335413649;0.015686274509803921350936661838;0.000980392156862745084433541365;0.008823529411764705759901872284;0.006535947712418300852010855095;0.001960784313725490168867082730;0.015032679738562091872888792921;0.021241830065359477985875713557;0.010784313725490195928768955014;0.014379084967320260660117448026;0.030392156862745097617439782312;0.002941176470588235253300624095;0.017647058823529411519803744568;0.017973856209150325391465941038;0.005555555555555555767577313730;0.002614379084967320080595820642;0.004575163398692810683143772366;0.001960784313725490168867082730;0.011111111111111111535154627461;0.002941176470588235253300624095;0.008496732026143790153516199837;0.011437908496732025406816823931;0.002287581699346405341571886183;0.007516339869281045936444396460;0.015686274509803921350936661838;0.000000000000000000000000000000;0.006862745098039215591034789554;0.022222222222222223070309254922;0.003594771241830065165029362007;0.007189542483660130330058724013;0.005555555555555555767577313730;0.005228758169934640161191641283;0.006862745098039215591034789554
-0.033333333333333332870740406406;0.017283950617283948963942563637;0.022839506172839505598881615356;0.234567901234567888213433661804;0.036419753086419752452496112483;0.028395061728395062233820667075;0.009567901234567901744276774423;0.024382716049382715389759468394;0.022222222222222223070309254922;0.012037037037037037062736644089;0.012345679012345678327022824305;0.026234567901234566444923501649;0.007407407407407407690103084974;0.011111111111111111535154627461;0.035493827160493825190190619878;0.022839506172839505598881615356;0.015740740740740739173064710599;0.016975308641975307699656383420;0.027777777777777776235801354687;0.000925925925925925961262885622;0.012654320987654321326032480499;0.009876543209876543008562954640;0.004320987654320987240985640909;0.017283950617283948963942563637;0.025925925925925925180637321432;0.019444444444444444752839729063;0.019444444444444444752839729063;0.022222222222222223070309254922;0.004320987654320987240985640909;0.029629629629629630760412339896;0.029938271604938272024698520113;0.011419753086419752799440807678;0.006481481481481481295159330358;0.005864197530864197899225231936;0.004938271604938271504281477320;0.017283950617283948963942563637;0.004012345679012345976699460692;0.016049382716049383906797842769;0.004629629629629629372633559115;0.001543209876543209790877853038;0.009876543209876543008562954640;0.016975308641975307699656383420;0.000000000000000000000000000000;0.015432098765432097908778530382;0.022222222222222223070309254922;0.012962962962962962590318660716;0.011728395061728395798450463872;0.007716049382716048954389265191;0.009259259259259258745267118229;0.008641975308641974481971281818
-0.035460992907801421047953027710;0.020567375886524821154699438353;0.020921985815602835850901541903;0.263829787234042545396306422845;0.033687943262411347566942509957;0.030141843971631204074368426404;0.004255319148936170282893076688;0.018085106382978721750731665452;0.015602836879432624081487368528;0.008156028368794325869584049826;0.017375886524822695827774410304;0.020921985815602835850901541903;0.012765957446808509981317492077;0.012056737588652482323636760952;0.029432624113475178151411171257;0.026950354609929078747443398356;0.009219858156028368223466884501;0.021276595744680850547103645454;0.029787234042553192847613274807;0.001418439716312056833244503729;0.017730496453900710523976513855;0.009929078014184397615871091602;0.004255319148936170282893076688;0.012056737588652482323636760952;0.036170212765957443501463330904;0.013829787234042552335200326752;0.019148936170212765839337976104;0.017730496453900710523976513855;0.000709219858156028416622251864;0.032624113475177303478336199305;0.031205673758865248162974737056;0.007801418439716312040743684264;0.007092198581560283515701215151;0.007092198581560283515701215151;0.003900709219858156020371842132;0.009929078014184397615871091602;0.004964539007092198807935545801;0.020212765957446809927944286756;0.005673758865248227332978014914;0.003546099290780141757850607576;0.009574468085106382919668988052;0.012411347517730497019838864503;0.000000000000000000000000000000;0.005319148936170212636775911363;0.023404255319148935254869314804;0.009929078014184397615871091602;0.012056737588652482323636760952;0.008156028368794325869584049826;0.007801418439716312040743684264;0.013829787234042552335200326752
-0.018181818181818180935049866775;0.045454545454545455807071618892;0.018787878787878787428811122595;0.311818181818181827669178574070;0.029696969696969697377619823442;0.014242424242424242195048655901;0.005454545454545454974404350423;0.012727272727272727695368992329;0.023636363636363635909454217199;0.007272727272727272720964641906;0.007272727272727272720964641906;0.017272727272727272929131459023;0.009696969696969696961286189207;0.014848484848484848688809911721;0.023030303030303029415692961379;0.022121212121212121409774553626;0.016363636363636364923213051270;0.023636363636363635909454217199;0.012727272727272727695368992329;0.002727272727272727487202175212;0.010000000000000000208166817117;0.017878787878787879422892714842;0.006363636363636363847684496164;0.010000000000000000208166817117;0.019393939393939393922572378415;0.014848484848484848688809911721;0.010909090909090909948808700847;0.074242424242424248648219986535;0.002121212121212121427121788386;0.018181818181818180935049866775;0.024545454545454543915372624951;0.004242424242424242854243576772;0.002121212121212121427121788386;0.004848484848484848480643094604;0.007878787878787879214725897725;0.012121212121212121201607736509;0.004242424242424242854243576772;0.010000000000000000208166817117;0.008787878787878787220644305478;0.009090909090909090467524933388;0.013333333333333334189130248149;0.018484848484848485916653970662;0.000000000000000000000000000000;0.005151515151515151727523722514;0.011515151515151514707846480690;0.004848484848484848480643094604;0.011212121212121211460965852780;0.008181818181818182461606525635;0.009090909090909090467524933388;0.009393939393939393714405561298
-0.016091954022988505523805713437;0.044252873563218393659912663907;0.006896551724137930938773877187;0.267528735632183933823569077504;0.050000000000000002775557561563;0.027586206896551723755095508750;0.006034482758620689571427142539;0.019827586206896553183698372891;0.010057471264367815952378570898;0.003160919540229885013604693711;0.010632183908045976863943060664;0.027586206896551723755095508750;0.009482758620689655040814081133;0.004885057471264367748298163008;0.039655172413793106367396745782;0.014655172413793103244894489023;0.008908045977011494129249591367;0.024712643678160919197273059922;0.032758620689655175428622868594;0.002298850574712643646257959062;0.016091954022988505523805713437;0.007183908045977011394556122070;0.003735632183908045925169183477;0.005459770114942528659862652773;0.017816091954022988258499182734;0.009482758620689655040814081133;0.017241379310344827346934692969;0.052298850574712646421815520625;0.001724137931034482734693469297;0.052298850574712646421815520625;0.025862068965517241020402039453;0.004885057471264367748298163008;0.014367816091954022789112244141;0.003160919540229885013604693711;0.006034482758620689571427142539;0.011206896551724137775507550430;0.005747126436781609115644897656;0.015804597701149426802746944531;0.004310344827586206836733673242;0.003160919540229885013604693711;0.012068965517241379142854285078;0.022413793103448275551015100859;0.000000000000000000000000000000;0.005459770114942528659862652773;0.024425287356321840476214291016;0.006609195402298850482991632305;0.005172413793103448204080407891;0.004885057471264367748298163008;0.005747126436781609115644897656;0.008333333333333333217685101602
-0.021999999999999998723243521681;0.016000000000000000333066907388;0.013666666666666667240281896056;0.154333333333333322379132823698;0.057000000000000002053912595557;0.032000000000000000666133814775;0.010333333333333333259318465025;0.022666666666666668294993769450;0.032666666666666663298990158637;0.005000000000000000104083408559;0.012999999999999999403255124264;0.022999999999999999611421941381;0.016333333333333331649495079319;0.008333333333333333217685101602;0.025000000000000001387778780781;0.015666666666666665547191783503;0.010000000000000000208166817117;0.017999999999999998639976794834;0.049333333333333333203807313794;0.002333333333333333526465880325;0.020000000000000000416333634234;0.010999999999999999361621760841;0.007666666666666666248020067798;0.008000000000000000166533453694;0.025666666666666667490082076597;0.015333333333333332496040135595;0.020333333333333331732761806165;0.034333333333333333758918826106;0.001333333333333333288808764117;0.063000000000000000444089209850;0.029000000000000001471045507628;0.002666666666666666577617528233;0.020333333333333331732761806165;0.005000000000000000104083408559;0.008999999999999999319988397417;0.011666666666666667198648532633;0.006666666666666667094565124074;0.016333333333333331649495079319;0.019666666666666665630458510350;0.002666666666666666577617528233;0.007333333333333333196868419890;0.036666666666666666851703837438;0.000000000000000000000000000000;0.005000000000000000104083408559;0.035000000000000003330669073875;0.008999999999999999319988397417;0.004666666666666667052931760651;0.008666666666666666268836749509;0.010000000000000000208166817117;0.007333333333333333196868419890
-0.021264367816091953727886121328;0.026724137931034484122472250078;0.013793103448275861877547754375;0.187068965517241392326752702502;0.058908045977011491700636725000;0.027011494252873562843531018984;0.010632183908045976863943060664;0.026724137931034484122472250078;0.018678160919540231360569393360;0.006034482758620689571427142539;0.009770114942528735496596326016;0.015517241379310344612241223672;0.019540229885057470993192652031;0.009195402298850574585031836250;0.035344827586206897795939596563;0.013793103448275861877547754375;0.014080459770114942333329999258;0.028160919540229884666659998516;0.042241379310344828734713473750;0.002586206896551724102040203945;0.025287356321839080108837549687;0.008045977011494252761902856719;0.015229885057471264156458978789;0.008045977011494252761902856719;0.016379310344827587714311434297;0.013218390804597700965983264609;0.016666666666666666435370203203;0.035057471264367819074880827657;0.002011494252873563190475714180;0.038218390804597698884315093437;0.012356321839080459598636529961;0.008045977011494252761902856719;0.030747126436781610503423678438;0.003735632183908045925169183477;0.007183908045977011394556122070;0.013218390804597700965983264609;0.006609195402298850482991632305;0.015804597701149426802746944531;0.014367816091954022789112244141;0.002298850574712643646257959062;0.013218390804597700965983264609;0.021551724137931035918391842188;0.000000000000000000000000000000;0.007183908045977011394556122070;0.035057471264367819074880827657;0.012931034482758620510201019727;0.005747126436781609115644897656;0.007471264367816091850338366953;0.010057471264367815952378570898;0.007183908045977011394556122070
-0.021839080459770114639450611094;0.011206896551724137775507550430;0.058045977011494255537460418282;0.155459770114942524843471005624;0.008908045977011494129249591367;0.018103448275862070449004903594;0.005172413793103448204080407891;0.020977011494252875006827352422;0.043678160919540229278901222187;0.033333333333333332870740406406;0.012643678160919540054418774844;0.011494252873563218231289795312;0.010919540229885057319725305547;0.034195402298850575972810617031;0.015229885057471264156458978789;0.020689655172413792816321631562;0.012356321839080459598636529961;0.027586206896551723755095508750;0.013505747126436781421765509492;0.006034482758620689571427142539;0.015517241379310344612241223672;0.018965517241379310081628162266;0.004022988505747126380951428359;0.037356321839080462721138786719;0.030459770114942528312917957578;0.038218390804597698884315093437;0.027586206896551723755095508750;0.010919540229885057319725305547;0.002011494252873563190475714180;0.008333333333333333217685101602;0.012068965517241379142854285078;0.016666666666666666435370203203;0.003448275862068965469386938594;0.004022988505747126380951428359;0.009482758620689655040814081133;0.036781609195402298340127345000;0.012643678160919540054418774844;0.008333333333333333217685101602;0.005172413793103448204080407891;0.006034482758620689571427142539;0.008333333333333333217685101602;0.017528735632183909537440413828;0.000000000000000000000000000000;0.014655172413793103244894489023;0.008908045977011494129249591367;0.011206896551724137775507550430;0.037356321839080462721138786719;0.020402298850574714095262862656;0.016954022988505748625875924063;0.015229885057471264156458978789
-0.018926553672316385329432719686;0.033898305084745762594256035527;0.029378531073446328275577954514;0.061581920903954805168734054632;0.038700564971751415244138883054;0.018644067796610170467674905126;0.009039548022598870372079638003;0.042090395480225986646338753872;0.020621468926553671030532655095;0.021468926553672315615806098776;0.017231638418079096158885832324;0.006214689265536723489224968375;0.003954802259887005462524189880;0.024293785310734464233384244380;0.038700564971751415244138883054;0.009887005649717514957353081684;0.011864406779661017254934307630;0.053672316384180789039515246941;0.045480225988700564987432528596;0.003389830508474576172689429754;0.026271186440677964796241994350;0.011864406779661017254934307630;0.013841807909604519552515533576;0.029943502824858757999093583635;0.021468926553672315615806098776;0.025141242937853108818657688062;0.033050847457627118008982591846;0.024011299435028249371626429820;0.004237288135593220324282004441;0.027118644067796609381515438031;0.009604519774011300095595267123;0.013559322033898304690757719015;0.025423728813559323680415502622;0.005084745762711864042193710134;0.007627118644067796930652303189;0.036440677966101696350076366571;0.013276836158192089828999904455;0.013276836158192089828999904455;0.005932203389830508627467153815;0.004237288135593220324282004441;0.015819209039548021850096759522;0.011016949152542372669660863949;0.000000000000000000000000000000;0.014406779661016949276031162697;0.026553672316384179657999808910;0.013841807909604519552515533576;0.023728813559322034509868615260;0.009322033898305085233837452563;0.017796610169491525882401461445;0.007062146892655367207136674068
-0.035919540229885055238057134375;0.027873563218390805945601229610;0.043390804597701150557842453281;0.010919540229885057319725305547;0.009770114942528735496596326016;0.033620689655172411591799175312;0.004597701149425287292515918125;0.033045977011494254149681637500;0.031896551724137932326552657969;0.026724137931034484122472250078;0.023563218390804597374144080391;0.011781609195402298687072040195;0.014942528735632183700676733906;0.026724137931034484122472250078;0.024425287356321840476214291016;0.029022988505747127768730209141;0.016379310344827587714311434297;0.042241379310344828734713473750;0.030172413793103449591859188672;0.006609195402298850482991632305;0.021839080459770114639450611094;0.015804597701149426802746944531;0.010057471264367815952378570898;0.027011494252873562843531018984;0.041379310344827585632643263125;0.031034482758620689224482447344;0.034482758620689654693869385937;0.014080459770114942333329999258;0.001724137931034482734693469297;0.018965517241379310081628162266;0.013505747126436781421765509492;0.016091954022988505523805713437;0.018390804597701149170063672500;0.005459770114942528659862652773;0.012068965517241379142854285078;0.031896551724137932326552657969;0.009482758620689655040814081133;0.013218390804597700965983264609;0.004310344827586206836733673242;0.008620689655172413673467346484;0.010057471264367815952378570898;0.015517241379310344612241223672;0.000000000000000000000000000000;0.016379310344827587714311434297;0.017241379310344827346934692969;0.012931034482758620510201019727;0.025862068965517241020402039453;0.019540229885057470993192652031;0.030172413793103449591859188672;0.019252873563218392272133883125
-0.044135802469135801406885377673;0.010802469135802468536144971267;0.053395061728395060152152495903;0.002777777777777777883788656865;0.009876543209876543008562954640;0.045987654320987655931496362882;0.001851851851851851922525771243;0.017592592592592593697675695807;0.041358024691358026558862803768;0.023148148148148146863167795573;0.023148148148148146863167795573;0.022839506172839505598881615356;0.024691358024691356654045648611;0.037654320987654324448534737257;0.013271604938271605589328316910;0.030555555555555554553270880547;0.015432098765432097908778530382;0.031172839506172840551290192934;0.019753086419753086017125909279;0.009567901234567901744276774423;0.016358024691358025171084022986;0.012037037037037037062736644089;0.009259259259259258745267118229;0.028703703703703703498106847292;0.050617283950617285304129921997;0.045679012345679011197763230712;0.028703703703703703498106847292;0.014506172839506172381196513754;0.000000000000000000000000000000;0.020370370370370372015145221667;0.018518518518518517490534236458;0.014197530864197531116910333537;0.010493827160493827271858791050;0.009876543209876543008562954640;0.017283950617283948963942563637;0.033950617283950615399312766840;0.012345679012345678327022824305;0.008024691358024691953398921385;0.009567901234567901744276774423;0.005555555555555555767577313730;0.006790123456790123426807248563;0.017592592592592593697675695807;0.000000000000000000000000000000;0.013271604938271605589328316910;0.006172839506172839163511412153;0.011111111111111111535154627461;0.033024691358024688137007274236;0.020679012345679013279431401884;0.022530864197530864334595435139;0.023765432098765432861187107960
-0.027160493827160493707228994253;0.010493827160493827271858791050;0.036728395061728397186229244653;0.218518518518518528592764482710;0.006481481481481481295159330358;0.033333333333333332870740406406;0.004012345679012345976699460692;0.020987654320987654543717582101;0.022839506172839505598881615356;0.013888888888888888117900677344;0.017901234567901234961961876024;0.016049382716049383906797842769;0.019444444444444444752839729063;0.016975308641975307699656383420;0.023148148148148146863167795573;0.020987654320987654543717582101;0.015123456790123456644492350165;0.029629629629629630760412339896;0.017283950617283948963942563637;0.005246913580246913635929395525;0.011111111111111111535154627461;0.013580246913580246853614497127;0.005864197530864197899225231936;0.024382716049382715389759468394;0.033333333333333332870740406406;0.021296296296296295808003762318;0.029012345679012344762393027509;0.013271604938271605589328316910;0.002160493827160493620492820455;0.016358024691358025171084022986;0.024074074074074074125473288177;0.013271604938271605589328316910;0.010802469135802468536144971267;0.006790123456790123426807248563;0.010802469135802468536144971267;0.020679012345679013279431401884;0.007716049382716048954389265191;0.012345679012345678327022824305;0.005246913580246913635929395525;0.007098765432098765558455166769;0.006172839506172839163511412153;0.018827160493827162224267368629;0.000000000000000000000000000000;0.016666666666666666435370203203;0.013580246913580246853614497127;0.010802469135802468536144971267;0.020679012345679013279431401884;0.013580246913580246853614497127;0.020061728395061727281412089496;0.014197530864197531116910333537
-0.015555555555555555108382392859;0.013703703703703704053218359604;0.018518518518518517490534236458;0.379629629629629650189315270836;0.016666666666666666435370203203;0.017777777777777777762358013547;0.005185185185185185036127464286;0.017407407407407406163546426114;0.021111111111111111743321444578;0.008518518518518519017090895318;0.011481481481481481399242738917;0.014074074074074073917306471060;0.007407407407407407690103084974;0.011851851851851851263330850372;0.021851851851851851471497667490;0.015185185185185185244294281404;0.012592592592592592726230549260;0.020370370370370372015145221667;0.015185185185185185244294281404;0.004074074074074073709139653943;0.014444444444444443781394582516;0.009629629629629630344078705662;0.002962962962962962815832712593;0.016296296296296294836558615771;0.022222222222222223070309254922;0.018518518518518517490534236458;0.018888888888888889089345823891;0.023703703703703702526661700745;0.002962962962962962815832712593;0.020000000000000000416333634234;0.025185185185185185452461098521;0.006666666666666667094565124074;0.005185185185185185036127464286;0.004814814814814815172039352831;0.004814814814814815172039352831;0.015185185185185185244294281404;0.004444444444444444440589503387;0.008888888888888888881179006773;0.012962962962962962590318660716;0.004444444444444444440589503387;0.010370370370370370072254928573;0.022962962962962962798485477833;0.000000000000000000000000000000;0.009629629629629630344078705662;0.017407407407407406163546426114;0.010000000000000000208166817117;0.011481481481481481399242738917;0.009629629629629630344078705662;0.008148148148148147418279307885;0.010000000000000000208166817117
-0.021944444444444443503838826359;0.014444444444444443781394582516;0.030277777777777778456247403938;0.323055555555555540259149438498;0.016666666666666666435370203203;0.022499999999999999167332731531;0.004444444444444444440589503387;0.018333333333333333425851918719;0.017500000000000001665334536938;0.011388888888888889366901580047;0.011111111111111111535154627461;0.018055555555555553859381490156;0.012500000000000000693889390391;0.015833333333333334674852821422;0.026388888888888888811790067734;0.016388888888888890338346726594;0.019722222222222220849863205672;0.031111111111111110216764785719;0.017777777777777777762358013547;0.003888888888888888777095598215;0.008888888888888888881179006773;0.013055555555555556357383295563;0.003333333333333333547282562037;0.018055555555555553859381490156;0.023611111111111110494320541875;0.015833333333333334674852821422;0.024166666666666666157814447047;0.012777777777777778525636342977;0.002500000000000000052041704279;0.015277777777777777276635440273;0.017500000000000001665334536938;0.013333333333333334189130248149;0.006388888888888889262818171488;0.004722222222222222272336455973;0.009444444444444444544672911945;0.020000000000000000416333634234;0.007222222222222221890697291258;0.008055555555555555385938149016;0.008333333333333333217685101602;0.005000000000000000104083408559;0.008611111111111111049432054187;0.016666666666666666435370203203;0.000000000000000000000000000000;0.012222222222222222862142437805;0.014166666666666665949647629930;0.008055555555555555385938149016;0.014444444444444443781394582516;0.009444444444444444544672911945;0.015277777777777777276635440273;0.010277777777777778039913769703
-0.017628205128205128027207848618;0.012820512820512820068019621544;0.028846153846153847755129362440;0.223717948717948728054594198511;0.032051282051282048435325577884;0.018589743589743589619045494032;0.005128205128205128200680196215;0.024358974358974359170071366520;0.017307692307692308653077617464;0.013141025641025641176873328675;0.011217948717948717993198037846;0.010576923076923077510214099561;0.010897435897435896884344330715;0.018589743589743589619045494032;0.027243589743589743945584302764;0.020512820512820512802720784862;0.013461538461538462285727035805;0.033653846153846152244870637560;0.024038461538461539795941135367;0.006089743589743589792517841630;0.016666666666666666435370203203;0.007692307692307692734701163317;0.014102564102564102768710974090;0.022756410256410255360526306845;0.020833333333333332176851016015;0.024358974358974359170071366520;0.025961538461538462979616426196;0.031410256410256409687065115577;0.004166666666666666608842550801;0.013782051282051281659857266959;0.009615384615384615918376454147;0.014102564102564102768710974090;0.019871794871794870585013370601;0.012179487179487179585035683260;0.012179487179487179585035683260;0.018910256410256408993175725186;0.006410256410256410034009810772;0.011217948717948717993198037846;0.002884615384615384775512936244;0.004807692307692307959188227073;0.010256410256410256401360392431;0.016987179487179485809500434357;0.000000000000000000000000000000;0.010576923076923077510214099561;0.016346153846153847061239972049;0.009935897435897435292506685300;0.016025641025641024217662788942;0.017948717948717947401338079771;0.024679487179487178544201597674;0.013461538461538462285727035805
-0.016369047619047619873677845703;0.010714285714285714384841341484;0.016666666666666666435370203203;0.459523809523809501076385686247;0.036309523809523812365451789219;0.021428571428571428769682682969;0.006547619047619047775998790684;0.012500000000000000693889390391;0.011309523809523809242949532461;0.009226190476190476372209126055;0.009226190476190476372209126055;0.012797619047619047255581747891;0.007738095238095238359576910625;0.011607142857142857539365365938;0.019642857142857142460634634062;0.015773809523809523280846178750;0.013392857142857142113689938867;0.017559523809523809589894227656;0.014285714285714285268213963320;0.002380952380952381167156239883;0.012500000000000000693889390391;0.006250000000000000346944695195;0.003273809523809523887999395342;0.014583333333333333564629796797;0.022321428571428571924206707422;0.012797619047619047255581747891;0.012797619047619047255581747891;0.022916666666666665047591422422;0.001190476190476190583578119941;0.018749999999999999306110609609;0.011309523809523809242949532461;0.011309523809523809242949532461;0.005357142857142857192420670742;0.005059523809523809763366575254;0.005952380952380952050528861719;0.012500000000000000693889390391;0.003273809523809523887999395342;0.011011904761904762681257174961;0.001785714285714285658526745415;0.002976190476190476025264430859;0.007440476190476190063161077148;0.006845238095238095205052886172;0.000000000000000000000000000000;0.010119047619047619526733150508;0.012500000000000000693889390391;0.011011904761904762681257174961;0.010416666666666666088425508008;0.007142857142857142634106981660;0.006845238095238095205052886172;0.004761904761904762334312479766
-0.017610062893081760565516802330;0.016352201257861635058654670161;0.021069182389937105709387665797;0.236792452830188682177947612217;0.066037735849056602988049746727;0.027358490566037736713145278600;0.007232704402515723399180735953;0.016981132075471697812085736246;0.022327044025157231216249797967;0.007232704402515723399180735953;0.009119496855345911659473934208;0.028301886792452830843291877727;0.013836477987421384044930405821;0.009433962264150943036189467250;0.030817610062893081857016142067;0.016666666666666666435370203203;0.013836477987421384044930405821;0.024842767295597485699421014260;0.026415094339622642582998679472;0.003773584905660377387948134498;0.019182389937106917449094467543;0.015094339622641509551792537991;0.004716981132075471518094733625;0.014779874213836478175077004948;0.017610062893081760565516802330;0.012893081761006289914783806694;0.016981132075471697812085736246;0.018238993710691823318947868415;0.002201257861635220070689600291;0.055345911949685536179721623284;0.015094339622641509551792537991;0.011949685534591195784637207566;0.010062893081761005789620533335;0.005974842767295597892318603783;0.007232704402515723399180735953;0.019811320754716980202525533628;0.005345911949685534271525799710;0.013522012578616352668214872779;0.005974842767295597892318603783;0.004716981132075471518094733625;0.012578616352201258538068273651;0.013522012578616352668214872779;0.000000000000000000000000000000;0.008176100628930817529327335080;0.021383647798742137086103198840;0.007861635220125786152611802038;0.013836477987421384044930405821;0.011320754716981131296482665505;0.011006289308176099919767132462;0.007547169811320754775896268995
-0.037878787878787879839226349077;0.020909090909090908422252041987;0.014242424242424242195048655901;0.086969696969696974608865502887;0.055757575757575755792672111966;0.040606060606060603856981572335;0.016666666666666666435370203203;0.038181818181818184820830452963;0.015757575757575758429451795450;0.008787878787878787220644305478;0.017575757575757574441288610956;0.020000000000000000416333634234;0.018484848484848485916653970662;0.011515151515151514707846480690;0.045151515151515150825467515006;0.030606060606060605383538231195;0.006363636363636363847684496164;0.020606060606060606910094890054;0.038181818181818184820830452963;0.002121212121212121427121788386;0.022121212121212121409774553626;0.007878787878787879214725897725;0.005151515151515151727523722514;0.015757575757575758429451795450;0.037575757575757574857622245190;0.020909090909090908422252041987;0.029393939393939392396015719555;0.022424242424242422921931705559;0.004848484848484848480643094604;0.038484848484848482863540652943;0.014545454545454545441929283811;0.008181818181818182461606525635;0.013939393939393938948168027991;0.005454545454545454974404350423;0.011515151515151514707846480690;0.015757575757575758429451795450;0.008181818181818182461606525635;0.020000000000000000416333634234;0.009090909090909090467524933388;0.008181818181818182461606525635;0.013030303030303030942249620239;0.009090909090909090467524933388;0.000000000000000000000000000000;0.011212121212121211460965852780;0.030606060606060605383538231195;0.021212121212121213403856145874;0.011818181818181817954727108599;0.010303030303030303455047445027;0.015454545454545455182571167541;0.011515151515151514707846480690
-0.033333333333333332870740406406;0.012264150943396227161352740609;0.029559748427672956350154009897;0.315408805031446526356830872828;0.031761006289308175987162741194;0.022012578616352199839534264925;0.004716981132075471518094733625;0.014779874213836478175077004948;0.025157232704402517076136547303;0.016981132075471697812085736246;0.015094339622641509551792537991;0.010062893081761005789620533335;0.009433962264150943036189467250;0.025157232704402517076136547303;0.014150943396226415421645938864;0.022012578616352199839534264925;0.010062893081761005789620533335;0.019811320754716980202525533628;0.011320754716981131296482665505;0.004716981132075471518094733625;0.009748427672955974412905000293;0.008176100628930817529327335080;0.001572327044025157317258534206;0.013522012578616352668214872779;0.032389937106918238740593807279;0.027987421383647799466576344685;0.020754716981132074332672132755;0.006289308176100629269034136826;0.000943396226415094346987033624;0.010377358490566037166336066377;0.005974842767295597892318603783;0.009433962264150943036189467250;0.008490566037735848906042868123;0.006918238993710692022465202911;0.008490566037735848906042868123;0.021698113207547168462818731882;0.005974842767295597892318603783;0.013207547169811321291499339736;0.006918238993710692022465202911;0.010062893081761005789620533335;0.006289308176100629269034136826;0.016037735849056603681939137118;0.000000000000000000000000000000;0.015094339622641509551792537991;0.005660377358490565648241332752;0.016981132075471697812085736246;0.017924528301886791942232335373;0.015408805031446540928508071033;0.014465408805031446798361471906;0.015408805031446540928508071033
-0.024444444444444445724284875610;0.013611111111111110286153724758;0.034166666666666664631257788187;0.146666666666666667406815349750;0.024722222222222221821308352219;0.026944444444444444475283972906;0.003888888888888888777095598215;0.017500000000000001665334536938;0.036111111111111107718762980312;0.018611111111111109522875395328;0.016944444444444446001840631766;0.013055555555555556357383295563;0.020000000000000000416333634234;0.022499999999999999167332731531;0.018055555555555553859381490156;0.015277777777777777276635440273;0.013055555555555556357383295563;0.028333333333333331899295259859;0.020555555555555556079827539406;0.005277777777777777935830361145;0.011944444444444445030395485219;0.016388888888888890338346726594;0.010000000000000000208166817117;0.021111111111111111743321444578;0.029722222222222222792753498766;0.027222222222222220572307449515;0.024444444444444445724284875610;0.031388888888888889783235214281;0.002222222222222222220294751693;0.025277777777777777484802257391;0.011944444444444445030395485219;0.009444444444444444544672911945;0.016944444444444446001840631766;0.007222222222222221890697291258;0.012222222222222222862142437805;0.026111111111111112714766591125;0.011944444444444445030395485219;0.011666666666666667198648532633;0.015833333333333334674852821422;0.009722222222222222376419864531;0.007499999999999999722444243844;0.026944444444444444475283972906;0.000000000000000000000000000000;0.011388888888888889366901580047;0.015555555555555555108382392859;0.011111111111111111535154627461;0.023611111111111110494320541875;0.014999999999999999444888487687;0.022222222222222223070309254922;0.014166666666666665949647629930
-0.026944444444444444475283972906;0.017222222222222222098864108375;0.024166666666666666157814447047;0.324722222222222245413547625503;0.006944444444444444058950338672;0.028611111111111111465765688422;0.003611111111111110945348645629;0.021111111111111111743321444578;0.020833333333333332176851016015;0.010833333333333333703407674875;0.017222222222222222098864108375;0.010000000000000000208166817117;0.009166666666666666712925959359;0.021388888888888887840344921187;0.024722222222222221821308352219;0.013333333333333334189130248149;0.012222222222222222862142437805;0.023333333333333334397297065266;0.016388888888888890338346726594;0.003333333333333333547282562037;0.013333333333333334189130248149;0.010555555555555555871660722289;0.003611111111111110945348645629;0.017500000000000001665334536938;0.027777777777777776235801354687;0.020000000000000000416333634234;0.023611111111111110494320541875;0.021111111111111111743321444578;0.001944444444444444388547799107;0.018611111111111109522875395328;0.009722222222222222376419864531;0.007222222222222221890697291258;0.010833333333333333703407674875;0.005833333333333333599324266316;0.007499999999999999722444243844;0.018888888888888889089345823891;0.004722222222222222272336455973;0.008888888888888888881179006773;0.010555555555555555871660722289;0.003888888888888888777095598215;0.011111111111111111535154627461;0.016111111111111110771876298031;0.000000000000000000000000000000;0.011111111111111111535154627461;0.015833333333333334674852821422;0.013055555555555556357383295563;0.013333333333333334189130248149;0.012500000000000000693889390391;0.012222222222222222862142437805;0.012500000000000000693889390391
-0.011904761904761904101057723437;0.015476190476190476719153821250;0.010416666666666666088425508008;0.575892857142857095276156087493;0.003869047619047619179788455313;0.013392857142857142113689938867;0.005654761904761904621474766230;0.017559523809523809589894227656;0.012202380952380952397473556914;0.007440476190476190063161077148;0.006845238095238095205052886172;0.008630952380952381514100935078;0.008333333333333333217685101602;0.007142857142857142634106981660;0.023511904761904761640423089375;0.010416666666666666088425508008;0.010416666666666666088425508008;0.012500000000000000693889390391;0.011011904761904762681257174961;0.001190476190476190583578119941;0.012202380952380952397473556914;0.007440476190476190063161077148;0.000595238095238095291789059971;0.014583333333333333564629796797;0.012797619047619047255581747891;0.013095238095238095551997581367;0.013095238095238095551997581367;0.017559523809523809589894227656;0.001488095238095238012632215430;0.011309523809523809242949532461;0.012500000000000000693889390391;0.005357142857142857192420670742;0.002380952380952381167156239883;0.005654761904761904621474766230;0.003273809523809523887999395342;0.008630952380952381514100935078;0.002678571428571428596210335371;0.004761904761904762334312479766;0.006250000000000000346944695195;0.001190476190476190583578119941;0.006845238095238095205052886172;0.010714285714285714384841341484;0.000000000000000000000000000000;0.009226190476190476372209126055;0.011607142857142857539365365938;0.007440476190476190063161077148;0.007738095238095238359576910625;0.004166666666666666608842550801;0.003273809523809523887999395342;0.008333333333333333217685101602
-0.012994350282485874967242089895;0.015254237288135593861304606378;0.013841807909604519552515533576;0.455649717514124308337386537460;0.010734463276836157807903049388;0.016949152542372881297128017763;0.011016949152542372669660863949;0.017514124293785311020643646884;0.024576271186440679095142058941;0.006214689265536723489224968375;0.008192090395480225786806194321;0.010451977401129942946145234828;0.011299435028248587531418678509;0.011299435028248587531418678509;0.022316384180790960201079542458;0.011299435028248587531418678509;0.011864406779661017254934307630;0.017231638418079096158885832324;0.016384180790960451573612388643;0.001694915254237288086344714877;0.012994350282485874967242089895;0.009039548022598870372079638003;0.001412429378531073441427334814;0.012146892655367232116692122190;0.012994350282485874967242089895;0.011581920903954802393176493069;0.016101694915254236711854574082;0.014689265536723164137788977257;0.003107344632768361744612484188;0.018361581920903955605917090566;0.016666666666666666435370203203;0.009039548022598870372079638003;0.005367231638418078903951524694;0.005084745762711864042193710134;0.007909604519774010925048379761;0.010451977401129942946145234828;0.004802259887005650047797633562;0.007344632768361582068894488629;0.015819209039548021850096759522;0.003672316384180791034447244314;0.006497175141242937483621044947;0.020621468926553671030532655095;0.000000000000000000000000000000;0.011016949152542372669660863949;0.012711864406779661840207751311;0.010734463276836157807903049388;0.008474576271186440648564008882;0.006779661016949152345378859508;0.009039548022598870372079638003;0.008757062146892655510321823442
-0.017500000000000001665334536938;0.023333333333333334397297065266;0.020000000000000000416333634234;0.147222222222222226539756206876;0.046666666666666668794594130532;0.030277777777777778456247403938;0.008611111111111111049432054187;0.017777777777777777762358013547;0.032500000000000001110223024625;0.013611111111111110286153724758;0.013888888888888888117900677344;0.028055555555555555802271783250;0.013333333333333334189130248149;0.012222222222222222862142437805;0.019722222222222220849863205672;0.018888888888888889089345823891;0.011944444444444445030395485219;0.030833333333333334119741309109;0.023611111111111110494320541875;0.006944444444444444058950338672;0.026388888888888888811790067734;0.014999999999999999444888487687;0.005833333333333333599324266316;0.013888888888888888117900677344;0.028055555555555555802271783250;0.013333333333333334189130248149;0.020833333333333332176851016015;0.044166666666666666574148081281;0.000277777777777777777536843962;0.048333333333333332315628894094;0.032500000000000001110223024625;0.009722222222222222376419864531;0.009166666666666666712925959359;0.005833333333333333599324266316;0.010833333333333333703407674875;0.021111111111111111743321444578;0.008333333333333333217685101602;0.008888888888888888881179006773;0.007777777777777777554191196430;0.005833333333333333599324266316;0.012777777777777778525636342977;0.032777777777777780676693453188;0.000000000000000000000000000000;0.008611111111111111049432054187;0.011944444444444445030395485219;0.014444444444444443781394582516;0.013055555555555556357383295563;0.008888888888888888881179006773;0.014166666666666665949647629930;0.010277777777777778039913769703
-0.016666666666666666435370203203;0.014545454545454545441929283811;0.017575757575757574441288610956;0.327575757575757575690289513659;0.026060606060606061884499240477;0.034242424242424240876658814159;0.003333333333333333547282562037;0.013333333333333334189130248149;0.026666666666666668378260496297;0.005151515151515151727523722514;0.013636363636363635701287400082;0.019090909090909092410415226482;0.016060606060606059941608947383;0.009090909090909090467524933388;0.013333333333333334189130248149;0.018787878787878787428811122595;0.006363636363636363847684496164;0.022121212121212121409774553626;0.022121212121212121409774553626;0.001515151515151515150200967064;0.014848484848484848688809911721;0.010000000000000000208166817117;0.005757575757575757353923240345;0.009090909090909090467524933388;0.030909090909090910365142335081;0.010000000000000000208166817117;0.016969696969696971416974307090;0.031515151515151516858903590901;0.001212121212121212120160773651;0.041212121212121213820189780108;0.018181818181818180935049866775;0.003333333333333333547282562037;0.012424242424242424448488364419;0.006060606060606060600803868255;0.004242424242424242854243576772;0.010303030303030303455047445027;0.006363636363636363847684496164;0.011515151515151514707846480690;0.010909090909090909948808700847;0.003939393939393939607362948863;0.006060606060606060600803868255;0.040000000000000000832667268469;0.000000000000000000000000000000;0.005151515151515151727523722514;0.010606060606060606701928072937;0.008484848484848485708487153545;0.011212121212121211460965852780;0.010303030303030303455047445027;0.008787878787878787220644305478;0.013333333333333334189130248149
-0.028333333333333331899295259859;0.013055555555555556357383295563;0.038611111111111109939209029562;0.182499999999999995559107901499;0.005555555555555555767577313730;0.029999999999999998889776975375;0.004444444444444444440589503387;0.020277777777777776513357110844;0.040277777777777780399137697032;0.017777777777777777762358013547;0.013055555555555556357383295563;0.018055555555555553859381490156;0.011388888888888889366901580047;0.029999999999999998889776975375;0.011666666666666667198648532633;0.018611111111111109522875395328;0.017500000000000001665334536938;0.029999999999999998889776975375;0.016666666666666666435370203203;0.007777777777777777554191196430;0.012777777777777778525636342977;0.020555555555555556079827539406;0.008333333333333333217685101602;0.025000000000000001387778780781;0.039722222222222221266196839906;0.025277777777777777484802257391;0.026944444444444444475283972906;0.011666666666666667198648532633;0.003055555555555555715535609451;0.010000000000000000208166817117;0.010000000000000000208166817117;0.016666666666666666435370203203;0.006111111111111111431071218902;0.005277777777777777935830361145;0.009722222222222222376419864531;0.037222222222222219045750790656;0.012777777777777778525636342977;0.007499999999999999722444243844;0.008611111111111111049432054187;0.007222222222222221890697291258;0.006666666666666667094565124074;0.027500000000000000138777878078;0.000000000000000000000000000000;0.012222222222222222862142437805;0.010833333333333333703407674875;0.008333333333333333217685101602;0.024722222222222221821308352219;0.020555555555555556079827539406;0.016666666666666666435370203203;0.012500000000000000693889390391
-0.021241830065359477985875713557;0.009477124183006535237949741202;0.033986928104575160614064799347;0.356862745098039224611596864634;0.020915032679738560644766565133;0.025163398692810458323609879017;0.002941176470588235253300624095;0.010784313725490195928768955014;0.027124183006535948492476961746;0.014705882352941176266503120473;0.011111111111111111535154627461;0.010457516339869280322383282567;0.013725490196078431182069579108;0.021895424836601305729200106498;0.015032679738562091872888792921;0.015032679738562091872888792921;0.014705882352941176266503120473;0.022549019607843136941971451392;0.006862745098039215591034789554;0.003921568627450980337734165460;0.010130718954248366450721086096;0.012745098039215686097636037744;0.004248366013071895076758099918;0.024183006535947713239176337652;0.031699346405228756573535520147;0.019607843137254901688670827298;0.018627450980392156604237285933;0.008169934640522876281854003366;0.000326797385620915010074477580;0.012745098039215686097636037744;0.008169934640522876281854003366;0.013725490196078431182069579108;0.005555555555555555767577313730;0.007843137254901960675468330919;0.009150326797385621366287544731;0.021895424836601305729200106498;0.006535947712418300852010855095;0.005882352941176470506601248189;0.007516339869281045936444396460;0.007189542483660130330058724013;0.003594771241830065165029362007;0.019281045751633987817008630827;0.000000000000000000000000000000;0.010457516339869280322383282567;0.009150326797385621366287544731;0.007189542483660130330058724013;0.018954248366013070475899482403;0.013725490196078431182069579108;0.012418300653594770491250365296;0.010784313725490195928768955014
-0.019097222222222223764198645313;0.014583333333333333564629796797;0.013194444444444444405895033867;0.489930555555555535818257339997;0.010763888888888888811790067734;0.021180555555555556634939051719;0.008680555555555555941049661328;0.010763888888888888811790067734;0.016666666666666666435370203203;0.008333333333333333217685101602;0.005555555555555555767577313730;0.022916666666666665047591422422;0.009027777777777776929690745078;0.010416666666666666088425508008;0.019097222222222223764198645313;0.017708333333333332870740406406;0.009722222222222222376419864531;0.014236111111111110841265237070;0.009027777777777776929690745078;0.002083333333333333304421275400;0.008333333333333333217685101602;0.009374999999999999653055304805;0.001041666666666666652210637700;0.014583333333333333564629796797;0.021180555555555556634939051719;0.012847222222222221682530474141;0.014583333333333333564629796797;0.011458333333333332523795711211;0.004513888888888888464845372539;0.010763888888888888811790067734;0.018749999999999999306110609609;0.010763888888888888811790067734;0.005208333333333333044212754004;0.005208333333333333044212754004;0.003125000000000000173472347598;0.008680555555555555941049661328;0.004513888888888888464845372539;0.006944444444444444058950338672;0.005208333333333333044212754004;0.003125000000000000173472347598;0.003819444444444444319158860068;0.014930555555555556287994356524;0.000000000000000000000000000000;0.010416666666666666088425508008;0.010763888888888888811790067734;0.012152777777777777970524830664;0.010069444444444445099784424258;0.009374999999999999653055304805;0.004513888888888888464845372539;0.010763888888888888811790067734
-0.015384615384615385469402326635;0.012500000000000000693889390391;0.013782051282051281659857266959;0.254166666666666651863693004998;0.042948717948717948789116860553;0.022756410256410255360526306845;0.004166666666666666608842550801;0.009935897435897435292506685300;0.058974358974358973006779649495;0.007371794871794871625847456187;0.009615384615384615918376454147;0.034294871794871797932025003774;0.008974358974358973700669039886;0.009935897435897435292506685300;0.015705128205128204843532557788;0.015384615384615385469402326635;0.010256410256410256401360392431;0.010576923076923077510214099561;0.018910256410256408993175725186;0.004166666666666666608842550801;0.009294871794871794809522747016;0.011858974358974358476181976130;0.003525641025641025692177743522;0.010256410256410256401360392431;0.020833333333333332176851016015;0.009935897435897435292506685300;0.008012820512820512108831394471;0.048717948717948718340142733041;0.001602564102564102508502452693;0.040705128205128206231311338570;0.044871794871794871972792151382;0.008012820512820512108831394471;0.006089743589743589792517841630;0.001602564102564102508502452693;0.007371794871794871625847456187;0.008974358974358973700669039886;0.004807692307692307959188227073;0.009294871794871794809522747016;0.012500000000000000693889390391;0.003205128205128205017004905386;0.004487179487179486850334519943;0.081410256410256412462622677140;0.000000000000000000000000000000;0.011217948717948717993198037846;0.011217948717948717993198037846;0.008974358974358973700669039886;0.008974358974358973700669039886;0.007371794871794871625847456187;0.007051282051282051384355487045;0.008012820512820512108831394471
-0.026944444444444444475283972906;0.014722222222222221613141535101;0.022222222222222223070309254922;0.017777777777777777762358013547;0.065555555555555561353386906376;0.046666666666666668794594130532;0.007222222222222221890697291258;0.026388888888888888811790067734;0.030555555555555554553270880547;0.009444444444444444544672911945;0.016666666666666666435370203203;0.049444444444444443642616704437;0.018611111111111109522875395328;0.007777777777777777554191196430;0.029722222222222222792753498766;0.016944444444444446001840631766;0.012777777777777778525636342977;0.019166666666666665186369300500;0.042777777777777775680689842375;0.004722222222222222272336455973;0.024444444444444445724284875610;0.013611111111111110286153724758;0.008055555555555555385938149016;0.012777777777777778525636342977;0.031111111111111110216764785719;0.015277777777777777276635440273;0.021111111111111111743321444578;0.037777777777777778178691647781;0.001666666666666666773641281019;0.075833333333333335923853724125;0.041944444444444443920172460594;0.011666666666666667198648532633;0.022499999999999999167332731531;0.002777777777777777883788656865;0.010555555555555555871660722289;0.014999999999999999444888487687;0.007499999999999999722444243844;0.010555555555555555871660722289;0.007777777777777777554191196430;0.008611111111111111049432054187;0.011666666666666667198648532633;0.038055555555555557745162076344;0.000000000000000000000000000000;0.006666666666666667094565124074;0.021111111111111111743321444578;0.009722222222222222376419864531;0.013888888888888888117900677344;0.011666666666666667198648532633;0.011388888888888889366901580047;0.009166666666666666712925959359
-0.020212765957446809927944286756;0.020921985815602835850901541903;0.021631205673758865243305749004;0.247872340425531911822787378696;0.021276595744680850547103645454;0.026595744680851064051241294806;0.003191489361702127495329373019;0.028368794326241134062804860605;0.020212765957446809927944286756;0.007092198581560283515701215151;0.019148936170212765839337976104;0.015957446808510637042965996102;0.014893617021276596423806637404;0.018085106382978721750731665452;0.023404255319148935254869314804;0.019148936170212765839337976104;0.008865248226950355261988256927;0.022340425531914894635709956106;0.035106382978723406351750924159;0.002482269503546099403967772901;0.026595744680851064051241294806;0.010638297872340425273551822727;0.008156028368794325869584049826;0.013120567375886524677519595627;0.026950354609929078747443398356;0.022340425531914894635709956106;0.033333333333333332870740406406;0.019148936170212765839337976104;0.001063829787234042570723269172;0.027304964539007093443645501907;0.022340425531914894635709956106;0.004964539007092198807935545801;0.015602836879432624081487368528;0.006382978723404254990658746038;0.007801418439716312040743684264;0.013829787234042552335200326752;0.008156028368794325869584049826;0.009219858156028368223466884501;0.004964539007092198807935545801;0.001418439716312056833244503729;0.013475177304964539373721699178;0.010638297872340425273551822727;0.000000000000000000000000000000;0.006737588652482269686860849589;0.020567375886524821154699438353;0.008156028368794325869584049826;0.012411347517730497019838864503;0.013475177304964539373721699178;0.021631205673758865243305749004;0.012765957446808509981317492077
-0.023563218390804597374144080391;0.012068965517241379142854285078;0.024137931034482758285708570156;0.311781609195402320544587837503;0.013218390804597700965983264609;0.028448275862068966857165719375;0.009482758620689655040814081133;0.020114942528735631904757141797;0.027873563218390805945601229610;0.016379310344827587714311434297;0.011494252873563218231289795312;0.021551724137931035918391842188;0.011494252873563218231289795312;0.016091954022988505523805713437;0.021264367816091953727886121328;0.019540229885057470993192652031;0.008333333333333333217685101602;0.018678160919540231360569393360;0.019252873563218392272133883125;0.002298850574712643646257959062;0.012931034482758620510201019727;0.014367816091954022789112244141;0.002586206896551724102040203945;0.018103448275862070449004903594;0.027011494252873562843531018984;0.018678160919540231360569393360;0.017528735632183909537440413828;0.014942528735632183700676733906;0.003448275862068965469386938594;0.021839080459770114639450611094;0.031321839080459767945541216250;0.012356321839080459598636529961;0.008333333333333333217685101602;0.007758620689655172306120611836;0.005747126436781609115644897656;0.013793103448275861877547754375;0.004597701149425287292515918125;0.009482758620689655040814081133;0.006896551724137930938773877187;0.004310344827586206836733673242;0.009482758620689655040814081133;0.019252873563218392272133883125;0.000000000000000000000000000000;0.008908045977011494129249591367;0.012643678160919540054418774844;0.012931034482758620510201019727;0.012931034482758620510201019727;0.010632183908045976863943060664;0.011781609195402298687072040195;0.008333333333333333217685101602
-0.029084967320261438661344044476;0.014052287581699346788455251556;0.028104575163398693576910503111;0.183660130718954262007969191473;0.012418300653594770491250365296;0.021241830065359477985875713557;0.007189542483660130330058724013;0.023529411764705882026404992757;0.014379084967320260660117448026;0.016339869281045752563708006733;0.022549019607843136941971451392;0.019281045751633987817008630827;0.023202614379084968154742796287;0.023529411764705882026404992757;0.012745098039215686097636037744;0.019934640522875815560333023768;0.012745098039215686097636037744;0.031045751633986928830211127206;0.022549019607843136941971451392;0.004901960784313725422167706824;0.019934640522875815560333023768;0.012745098039215686097636037744;0.011764705882352941013202496379;0.022549019607843136941971451392;0.038562091503267975634017261655;0.028431372549019607448572699582;0.024509803921568627110838534122;0.015359477124183005744550989391;0.001307189542483660040297910321;0.018954248366013070475899482403;0.019607843137254901688670827298;0.012418300653594770491250365296;0.016013071895424835222598858309;0.003267973856209150426005427548;0.023856209150326795898067189228;0.021568627450980391857537910028;0.013071895424836601704021710191;0.010784313725490195928768955014;0.006862745098039215591034789554;0.010457516339869280322383282567;0.008496732026143790153516199837;0.009150326797385621366287544731;0.000000000000000000000000000000;0.017320261437908497648141548098;0.006862745098039215591034789554;0.016339869281045752563708006733;0.016339869281045752563708006733;0.012745098039215686097636037744;0.024836601307189540982500730593;0.013398692810457515575683906661
-0.042372881355932201508096568432;0.005932203389830508627467153815;0.042090395480225986646338753872;0.001412429378531073441427334814;0.006497175141242937483621044947;0.030790960451977402584367027316;0.005084745762711864042193710134;0.024293785310734464233384244380;0.014971751412429378999546791817;0.037288135593220340935349810252;0.020056497175141241307017025974;0.019491525423728815052948348807;0.027683615819209039105031067152;0.040960451977401127199307495630;0.012429378531073446978449936751;0.024858757062146893956899873501;0.013559322033898304690757719015;0.025423728813559323680415502622;0.014689265536723164137788977257;0.008474576271186440648564008882;0.020621468926553671030532655095;0.013559322033898304690757719015;0.007627118644067796930652303189;0.049435028248587573052041932442;0.043785310734463275816885641234;0.048587570621468928466768488761;0.024576271186440679095142058941;0.005367231638418078903951524694;0.001694915254237288086344714877;0.022598870056497175062837357018;0.015254237288135593861304606378;0.026271186440677964796241994350;0.012146892655367232116692122190;0.004237288135593220324282004441;0.017796610169491525882401461445;0.047175141242937854157979415959;0.011016949152542372669660863949;0.013276836158192089828999904455;0.002259887005649717593019909501;0.009322033898305085233837452563;0.005649717514124293765709339254;0.007344632768361582068894488629;0.000000000000000000000000000000;0.029378531073446328275577954514;0.007062146892655367207136674068;0.020338983050847456168774840535;0.042655367231638416369854382992;0.030508474576271187722609212756;0.022316384180790960201079542458;0.019774011299435029914706163368
-0.024489795918367345678445801127;0.022108843537414966246013037221;0.040816326530612241640927351227;0.015986394557823128959039848951;0.031292517006802723911196295603;0.022789115646258503722343391473;0.004761904761904762334312479766;0.015646258503401361955598147802;0.031292517006802723911196295603;0.029591836734693878485646933996;0.005442176870748298943281096030;0.025170068027210883154776155379;0.012244897959183672839222900564;0.026870748299319728580325516987;0.014625850340136054006379140446;0.023129251700680270725785092623;0.022448979591836733249454738370;0.022108843537414966246013037221;0.013945578231292516530048786194;0.008503401360544218454129428153;0.013605442176870747791883609068;0.017006802721088436908258856306;0.003741496598639455686136079393;0.039795918367346937161155295826;0.025510204081632653627664808482;0.030272108843537415961977288248;0.014625850340136054006379140446;0.093877551020408164794694982902;0.000680272108843537367910137004;0.041496598639455782586704657433;0.025850340136054420631106509632;0.022789115646258503722343391473;0.007482993197278911372272158786;0.005442176870748298943281096030;0.010884353741496597886562192059;0.036054421768707482776061823415;0.009863945578231291672066660681;0.009183673469387755930459782405;0.009523809523809524668624959531;0.006462585034013605157776627408;0.007823129251700680977799073901;0.025510204081632653627664808482;0.000000000000000000000000000000;0.022108843537414966246013037221;0.013605442176870747791883609068;0.015306122448979591482709494699;0.029591836734693878485646933996;0.023469387755102041198673745726;0.013265306122448979053718431942;0.011904761904761904101057723437
-0.011320754716981131296482665505;0.026415094339622642582998679472;0.022012578616352199839534264925;0.194968553459119509074781717572;0.088993710691823893488283658826;0.022955974842767293969680864052;0.006603773584905660645749669868;0.023584905660377360192558882090;0.031761006289308175987162741194;0.010062893081761005789620533335;0.011949685534591195784637207566;0.021383647798742137086103198840;0.007232704402515723399180735953;0.011949685534591195784637207566;0.038364779874213834898188935085;0.012578616352201258538068273651;0.010377358490566037166336066377;0.023584905660377360192558882090;0.021383647798742137086103198840;0.002830188679245282824120666376;0.011635220125786162673198198547;0.011320754716981131296482665505;0.001886792452830188693974067249;0.017610062893081760565516802330;0.020754716981132074332672132755;0.011320754716981131296482665505;0.015723270440251572305223604076;0.063522012578616351974325482388;0.001886792452830188693974067249;0.036792452830188678014611269873;0.024842767295597485699421014260;0.007547169811320754775896268995;0.009433962264150943036189467250;0.002201257861635220070689600291;0.002830188679245282824120666376;0.018553459119496854695663401458;0.004402515723270440141379200583;0.003459119496855346011232601455;0.005974842767295597892318603783;0.004402515723270440141379200583;0.006603773584905660645749669868;0.040251572327044023158482133340;0.000000000000000000000000000000;0.006603773584905660645749669868;0.025786163522012579829567613388;0.007547169811320754775896268995;0.015408805031446540928508071033;0.007861635220125786152611802038;0.004716981132075471518094733625;0.008805031446540880282758401165
-0.028484848484848484390097311802;0.009696969696969696961286189207;0.049090909090909087830745249903;0.066969696969696970723084916699;0.012121212121212121201607736509;0.035454545454545453864181325798;0.004242424242424242854243576772;0.021818181818181819897617401693;0.047878787878787881782116642171;0.018787878787878787428811122595;0.018181818181818180935049866775;0.027575757575757576384178904050;0.013939393939393938948168027991;0.027575757575757576384178904050;0.016060606060606059941608947383;0.023030303030303029415692961379;0.023636363636363635909454217199;0.036666666666666666851703837438;0.019090909090909092410415226482;0.006969696969696969474084013996;0.016060606060606059941608947383;0.021818181818181819897617401693;0.007272727272727272720964641906;0.022424242424242422921931705559;0.030606060606060605383538231195;0.033333333333333332870740406406;0.025151515151515150409133880771;0.007272727272727272720964641906;0.006666666666666667094565124074;0.030303030303030303871381079261;0.024848484848484848896976728838;0.011818181818181817954727108599;0.010303030303030303455047445027;0.005151515151515151727523722514;0.009696969696969696961286189207;0.036363636363636361870099733551;0.012121212121212121201607736509;0.008787878787878787220644305478;0.011515151515151514707846480690;0.005757575757575757353923240345;0.011212121212121211460965852780;0.021515151515151514916013297807;0.000000000000000000000000000000;0.016060606060606059941608947383;0.009393939393939393714405561298;0.010303030303030303455047445027;0.029393939393939392396015719555;0.016363636363636364923213051270;0.025151515151515150409133880771;0.016060606060606059941608947383
-0.025146198830409357410919923836;0.009356725146198830583843530917;0.035964912280701755165068789211;0.208771929824561414124062252995;0.007309941520467835851526672286;0.027777777777777776235801354687;0.004093567251461988597271979273;0.021052631578947367946286206575;0.026315789473684209065496020230;0.019005847953216373213969347944;0.017543859649122806043664013487;0.019590643274853800775980872118;0.015789473684210526827076392919;0.027192982456140352143236782467;0.014327485380116959656771058462;0.014619883040935671703053344572;0.012280701754385964924454199831;0.019298245614035088729698586008;0.013157894736842104532748010115;0.006725146198830409156876886101;0.016666666666666666435370203203;0.013742690058479532094759534289;0.008771929824561403021832006743;0.021052631578947367946286206575;0.024853801169590641895190685773;0.023976608187134502286896875489;0.029532163742690058921835927208;0.008771929824561403021832006743;0.001461988304093567170305334457;0.020175438596491228337992396291;0.022514619883040935116591541032;0.007017543859649122937882648188;0.009649122807017544364849293004;0.008771929824561403021832006743;0.026315789473684209065496020230;0.021637426900584795508297730748;0.012573099415204678705459961918;0.011111111111111111535154627461;0.007602339181286549632532434373;0.009356725146198830583843530917;0.006432748538011696243232862003;0.018128654970760233605675537660;0.000000000000000000000000000000;0.014035087719298245875765296375;0.009649122807017544364849293004;0.011988304093567251143448437745;0.024853801169590641895190685773;0.022222222222222223070309254922;0.024561403508771929848908399663;0.017251461988304093997381727377
-0.026315789473684209065496020230;0.012865497076023392486465724005;0.026608187134502924581225258294;0.198830409356725135161525486183;0.018128654970760233605675537660;0.034210526315789475948481168643;0.011695906432748537362442675658;0.031871345029239765700435071949;0.014035087719298245875765296375;0.010818713450292397754148865374;0.015497076023391813046070630833;0.019883040935672516291710110181;0.013450292397660818313753772202;0.019005847953216373213969347944;0.025146198830409357410919923836;0.017251461988304093997381727377;0.005847953216374268681221337829;0.021052631578947367946286206575;0.032163742690058477746717358059;0.003216374269005848121616431001;0.022514619883040935116591541032;0.009941520467836258145855055091;0.008771929824561403021832006743;0.018421052631578945651957823770;0.033333333333333332870740406406;0.018421052631578945651957823770;0.032163742690058477746717358059;0.018128654970760233605675537660;0.001461988304093567170305334457;0.034795321637426900041045740863;0.021345029239766083462015444638;0.008771929824561403021832006743;0.015204678362573099265064868746;0.009356725146198830583843530917;0.008771929824561403021832006743;0.019298245614035088729698586008;0.007309941520467835851526672286;0.010233918128654970192137341201;0.004970760233918129072927527545;0.006725146198830409156876886101;0.012280701754385964924454199831;0.009064327485380116802837768830;0.000000000000000000000000000000;0.016081871345029238873358679029;0.020760233918128655900003920465;0.018421052631578945651957823770;0.016666666666666666435370203203;0.009941520467836258145855055091;0.018713450292397661167687061834;0.010233918128654970192137341201
-0.026666666666666668378260496297;0.012121212121212121201607736509;0.029999999999999998889776975375;0.080909090909090902732359040783;0.029999999999999998889776975375;0.040909090909090908838585676222;0.003939393939393939607362948863;0.033636363636363637852344510293;0.011515151515151514707846480690;0.017272727272727272929131459023;0.019393939393939393922572378415;0.010000000000000000208166817117;0.026969696969696969890417648230;0.023333333333333334397297065266;0.017878787878787879422892714842;0.015757575757575758429451795450;0.010303030303030303455047445027;0.039090909090909092826748860716;0.033939393939393942833948614179;0.003939393939393939607362948863;0.026363636363636363396656392410;0.009696969696969696961286189207;0.016666666666666666435370203203;0.027272727272727271402574800163;0.033636363636363637852344510293;0.025151515151515150409133880771;0.044242424242424242819549107253;0.007575757575757575967845269815;0.000303030303030303030040193413;0.039696969696969695851063164582;0.008787878787878787220644305478;0.011818181818181817954727108599;0.026060606060606061884499240477;0.006363636363636363847684496164;0.015757575757575758429451795450;0.031515151515151516858903590901;0.015151515151515151935690539631;0.005757575757575757353923240345;0.003636363636363636360482320953;0.016969696969696971416974307090;0.012727272727272727695368992329;0.008181818181818182461606525635;0.000000000000000000000000000000;0.012727272727272727695368992329;0.013030303030303030942249620239;0.018787878787878787428811122595;0.015757575757575758429451795450;0.014545454545454545441929283811;0.032424242424242424864821998653;0.011818181818181817954727108599
-0.035555555555555555524716027094;0.010740740740740739936343040029;0.038148148148148146308056283260;0.019259259259259260688157411323;0.015555555555555555108382392859;0.027777777777777776235801354687;0.006296296296296296363115274630;0.031481481481481478346129421197;0.024444444444444445724284875610;0.018518518518518517490534236458;0.023333333333333334397297065266;0.008888888888888888881179006773;0.028518518518518519433424529552;0.027407407407407408106436719208;0.015925925925925926707193980292;0.012222222222222222862142437805;0.014444444444444443781394582516;0.040000000000000000832667268469;0.031481481481481478346129421197;0.008148148148148147418279307885;0.018148148148148149361169600979;0.014814814814814815380206169948;0.020000000000000000416333634234;0.021111111111111111743321444578;0.036296296296296298722339201959;0.037037037037037034981068472916;0.041851851851851848418384349770;0.005925925925925925631665425186;0.000740740740740740703958178148;0.025555555555555557051272685953;0.005555555555555555767577313730;0.014444444444444443781394582516;0.022222222222222223070309254922;0.007777777777777777554191196430;0.022222222222222223070309254922;0.033333333333333332870740406406;0.017407407407407406163546426114;0.010000000000000000208166817117;0.004074074074074073709139653943;0.016296296296296294836558615771;0.005925925925925925631665425186;0.019259259259259260688157411323;0.000000000000000000000000000000;0.012592592592592592726230549260;0.013703703703703704053218359604;0.025555555555555557051272685953;0.027037037037037036507625131776;0.022592592592592591199673890401;0.039629629629629632703302632990;0.020740740740740740144509857146
-0.047368421052631580481229178758;0.009356725146198830583843530917;0.047953216374269004573793750978;0.005555555555555555767577313730;0.001754385964912280734470662047;0.030701754385964910576412023602;0.001754385964912280734470662047;0.015789473684210526827076392919;0.046198830409356725357206130411;0.019298245614035088729698586008;0.019298245614035088729698586008;0.025146198830409357410919923836;0.033040935672514620824458120296;0.035672514619883043118786503101;0.008479532163742689240826244657;0.032163742690058477746717358059;0.014035087719298245875765296375;0.033333333333333332870740406406;0.010233918128654970192137341201;0.006725146198830409156876886101;0.012280701754385964924454199831;0.029239766081871343406106689145;0.010818713450292397754148865374;0.024561403508771929848908399663;0.051754385964912281992145182130;0.034210526315789475948481168643;0.023976608187134502286896875489;0.011988304093567251143448437745;0.002339181286549707645960882729;0.010233918128654970192137341201;0.018421052631578945651957823770;0.011403508771929825316160389548;0.012573099415204678705459961918;0.010233918128654970192137341201;0.029239766081871343406106689145;0.026315789473684209065496020230;0.010526315789473683973143103287;0.019298245614035088729698586008;0.009649122807017544364849293004;0.014035087719298245875765296375;0.003508771929824561468941324094;0.027485380116959064189519068577;0.000000000000000000000000000000;0.015789473684210526827076392919;0.004385964912280701510916003372;0.019883040935672516291710110181;0.032163742690058477746717358059;0.033333333333333332870740406406;0.024561403508771929848908399663;0.021929824561403507554580016858
-0.025163398692810458323609879017;0.018300653594771242732575089462;0.061111111111111109106541761093;0.001960784313725490168867082730;0.008496732026143790153516199837;0.032352941176470591255753816995;0.002941176470588235253300624095;0.016993464052287580307032399674;0.061437908496732022978203957564;0.019934640522875815560333023768;0.015686274509803921350936661838;0.033333333333333332870740406406;0.016013071895424835222598858309;0.035947712418300650782931882077;0.014052287581699346788455251556;0.021568627450980391857537910028;0.027450980392156862364139158217;0.040522875816993465802884344384;0.010130718954248366450721086096;0.011111111111111111535154627461;0.007843137254901960675468330919;0.030718954248366011489101978782;0.005555555555555555767577313730;0.021241830065359477985875713557;0.042156862745098042100089230644;0.026797385620915031151367813322;0.028104575163398693576910503111;0.023856209150326795898067189228;0.001307189542483660040297910321;0.031045751633986928830211127206;0.025163398692810458323609879017;0.013398692810457515575683906661;0.007189542483660130330058724013;0.009477124183006535237949741202;0.011437908496732025406816823931;0.033006535947712418999078209936;0.007189542483660130330058724013;0.008169934640522876281854003366;0.013398692810457515575683906661;0.011111111111111111535154627461;0.006862745098039215591034789554;0.046732026143790850181147789044;0.000000000000000000000000000000;0.009477124183006535237949741202;0.003594771241830065165029362007;0.009150326797385621366287544731;0.030718954248366011489101978782;0.021895424836601305729200106498;0.018300653594771242732575089462;0.020588235294117646773104368663
-0.033695652173913043236908038125;0.008695652173913043583852733320;0.052173913043478258033669447968;0.000724637681159420298654394443;0.029347826086956522312343409453;0.051449275362318837301334184531;0.002898550724637681194617577773;0.020289855072463766627599568437;0.052173913043478258033669447968;0.014492753623188405973087888867;0.021014492753623187359934831875;0.027173913043478260115337619141;0.020652173913043476993767200156;0.034057971014492753603075669844;0.006884057971014492620376312715;0.027173913043478260115337619141;0.013043478260869564508417361992;0.036231884057971015800081460156;0.025362318840579711753946412500;0.009057971014492753950020365039;0.024637681159420291021611149063;0.025000000000000001387778780781;0.005072463768115941656899892109;0.019927536231884056261431936719;0.051449275362318837301334184531;0.037318840579710146898584355313;0.028985507246376811946175777734;0.011594202898550724778470311094;0.000000000000000000000000000000;0.037681159420289857264751987032;0.015217391304347826705423152305;0.009057971014492753950020365039;0.014492753623188405973087888867;0.005434782608695652023067523828;0.019565217391304349364711256953;0.026811594202898549749169987422;0.014855072463768116339255520586;0.011231884057971014412302679375;0.006159420289855072755402787266;0.006159420289855072755402787266;0.003985507246376811425758734941;0.032246376811594201772237511250;0.000000000000000000000000000000;0.008695652173913043583852733320;0.005434782608695652023067523828;0.007246376811594202986543944434;0.022101449275362318458437727031;0.017753623188405797533873098359;0.026449275362318839383002355703;0.018840579710144928632375993516
-0.036170212765957443501463330904;0.023404255319148935254869314804;0.035460992907801421047953027710;0.013120567375886524677519595627;0.031914893617021274085931992204;0.046453900709219855813536526057;0.002482269503546099403967772901;0.017730496453900710523976513855;0.016312056737588651739168099652;0.019148936170212765839337976104;0.016666666666666666435370203203;0.033333333333333332870740406406;0.023758865248226949951071418354;0.020212765957446809927944286756;0.018439716312056736446933769002;0.039716312056737590463484366410;0.014893617021276596423806637404;0.035460992907801421047953027710;0.023758865248226949951071418354;0.003900709219858156020371842132;0.021985815602836879939507852555;0.011347517730496454665956029828;0.015957446808510637042965996102;0.018439716312056736446933769002;0.042198581560283686398005187357;0.026950354609929078747443398356;0.024822695035460994039677729006;0.028014184397163119366602757054;0.000354609929078014208311125932;0.040070921985815605159686469960;0.053900709219858157494886796712;0.010283687943262410577349719176;0.016666666666666666435370203203;0.007801418439716312040743684264;0.009929078014184397615871091602;0.024468085106382979343475625456;0.006737588652482269686860849589;0.016666666666666666435370203203;0.003546099290780141757850607576;0.007092198581560283515701215151;0.010992907801418439969753926277;0.019148936170212765839337976104;0.000000000000000000000000000000;0.011347517730496454665956029828;0.013475177304964539373721699178;0.008156028368794325869584049826;0.025531914893617019962634984154;0.016312056737588651739168099652;0.014893617021276596423806637404;0.020567375886524821154699438353
-0.021111111111111111743321444578;0.020370370370370372015145221667;0.011851851851851851263330850372;0.193333333333333329262515576374;0.044444444444444446140618509844;0.030740740740740742087400150240;0.008518518518518519017090895318;0.018888888888888889089345823891;0.018518518518518517490534236458;0.010370370370370370072254928573;0.013703703703703704053218359604;0.017777777777777777762358013547;0.028148148148148147834612942120;0.010370370370370370072254928573;0.015185185185185185244294281404;0.024814814814814813853649511088;0.008148148148148147418279307885;0.026296296296296296779448908865;0.025185185185185185452461098521;0.003333333333333333547282562037;0.018148148148148149361169600979;0.007777777777777777554191196430;0.008518518518518519017090895318;0.012222222222222222862142437805;0.028888888888888887562789165031;0.016296296296296294836558615771;0.018148148148148149361169600979;0.027777777777777776235801354687;0.001481481481481481407916356297;0.048888888888888891448569751219;0.037777777777777778178691647781;0.005925925925925925631665425186;0.017777777777777777762358013547;0.005555555555555555767577313730;0.010740740740740739936343040029;0.011851851851851851263330850372;0.008148148148148147418279307885;0.025185185185185185452461098521;0.009629629629629630344078705662;0.004444444444444444440589503387;0.012962962962962962590318660716;0.022222222222222223070309254922;0.000000000000000000000000000000;0.010000000000000000208166817117;0.014814814814814815380206169948;0.015185185185185185244294281404;0.009629629629629630344078705662;0.009629629629629630344078705662;0.013333333333333334189130248149;0.015925925925925926707193980292
-0.025000000000000001387778780781;0.010416666666666666088425508008;0.025000000000000001387778780781;0.184722222222222232090871330001;0.004166666666666666608842550801;0.010069444444444445099784424258;0.012152777777777777970524830664;0.023958333333333334952408577578;0.012152777777777777970524830664;0.043402777777777776235801354687;0.015277777777777777276635440273;0.008333333333333333217685101602;0.010069444444444445099784424258;0.026041666666666667823148983985;0.010416666666666666088425508008;0.022222222222222223070309254922;0.016666666666666666435370203203;0.019444444444444444752839729063;0.012847222222222221682530474141;0.003472222222222222029475169336;0.017708333333333332870740406406;0.007291666666666666782314898398;0.001041666666666666652210637700;0.073958333333333334258519187188;0.023958333333333334952408577578;0.039583333333333331482961625625;0.022222222222222223070309254922;0.012152777777777777970524830664;0.004861111111111111188209932266;0.011458333333333332523795711211;0.011805555555555555247160270937;0.028819444444444446140618509844;0.005902777777777777623580135469;0.007986111111111110494320541875;0.005555555555555555767577313730;0.036805555555555556634939051719;0.005902777777777777623580135469;0.019444444444444444752839729063;0.002430555555555555594104966133;0.001388888888888888941894328433;0.011111111111111111535154627461;0.008680555555555555941049661328;0.000000000000000000000000000000;0.034027777777777774848022573906;0.010069444444444445099784424258;0.031250000000000000000000000000;0.031597222222222220988641083750;0.012847222222222221682530474141;0.007638888888888888638317720137;0.016666666666666666435370203203
-0.021768707482993195773124384118;0.003401360544217686947970902267;0.041156462585034012113816004330;0.216326530612244910534158748305;0.002380952380952381167156239883;0.011224489795918366624727369185;0.005782312925170067681446273156;0.020068027210884353817021974464;0.013605442176870747791883609068;0.056802721088435377538861104085;0.009523809523809524668624959531;0.010204081632653060410231837807;0.010204081632653060410231837807;0.030952380952380953438307642500;0.008163265306122449715964251027;0.019727891156462583344133321361;0.009183673469387755930459782405;0.016326530612244899431928502054;0.006462585034013605157776627408;0.004081632653061224857982125513;0.015306122448979591482709494699;0.007482993197278911372272158786;0.000680272108843537367910137004;0.085714285714285715078730731875;0.024149659863945578675004099978;0.037414965986394557728722531920;0.014625850340136054006379140446;0.007142857142857142634106981660;0.001700680272108843473985451134;0.006122448979591836419611450282;0.012925170068027210315553254816;0.027891156462585033060097572388;0.002380952380952381167156239883;0.004761904761904762334312479766;0.006122448979591836419611450282;0.050340136054421766309552310759;0.005782312925170067681446273156;0.007482993197278911372272158786;0.006122448979591836419611450282;0.004081632653061224857982125513;0.009183673469387755930459782405;0.005102040816326530205115918903;0.000000000000000000000000000000;0.040476190476190478106932602032;0.006802721088435373895941804534;0.027551020408163266056655871239;0.031972789115646257918079697902;0.017687074829931974384589210558;0.003741496598639455686136079393;0.011904761904761904101057723437
-0.016111111111111110771876298031;0.025000000000000001387778780781;0.019722222222222220849863205672;0.188333333333333324821623477874;0.055555555555555552471602709375;0.026111111111111112714766591125;0.010833333333333333703407674875;0.024722222222222221821308352219;0.026666666666666668378260496297;0.013888888888888888117900677344;0.014166666666666665949647629930;0.010833333333333333703407674875;0.016666666666666666435370203203;0.011944444444444445030395485219;0.041944444444444443920172460594;0.014444444444444443781394582516;0.011388888888888889366901580047;0.018333333333333333425851918719;0.023055555555555554830826636703;0.004444444444444444440589503387;0.016666666666666666435370203203;0.011111111111111111535154627461;0.004722222222222222272336455973;0.021666666666666667406815349750;0.027500000000000000138777878078;0.015833333333333334674852821422;0.021666666666666667406815349750;0.032500000000000001110223024625;0.003055555555555555715535609451;0.025555555555555557051272685953;0.008611111111111111049432054187;0.012500000000000000693889390391;0.019166666666666665186369300500;0.007222222222222221890697291258;0.008888888888888888881179006773;0.019166666666666665186369300500;0.003333333333333333547282562037;0.012500000000000000693889390391;0.010277777777777778039913769703;0.005000000000000000104083408559;0.009166666666666666712925959359;0.020277777777777776513357110844;0.000000000000000000000000000000;0.016944444444444446001840631766;0.033333333333333332870740406406;0.012500000000000000693889390391;0.014722222222222221613141535101;0.010000000000000000208166817117;0.011111111111111111535154627461;0.010833333333333333703407674875
-0.026666666666666668378260496297;0.025277777777777777484802257391;0.022222222222222223070309254922;0.062777777777777779566470428563;0.091111111111111114935212640376;0.025833333333333333148296162562;0.013055555555555556357383295563;0.033611111111111112437210834969;0.018055555555555553859381490156;0.012500000000000000693889390391;0.016666666666666666435370203203;0.014444444444444443781394582516;0.010000000000000000208166817117;0.013055555555555556357383295563;0.052222222222222225429533182250;0.024444444444444445724284875610;0.012777777777777778525636342977;0.025277777777777777484802257391;0.048055555555555552749158465531;0.003055555555555555715535609451;0.026111111111111112714766591125;0.005000000000000000104083408559;0.005277777777777777935830361145;0.020555555555555556079827539406;0.024444444444444445724284875610;0.019444444444444444752839729063;0.028333333333333331899295259859;0.028055555555555555802271783250;0.004444444444444444440589503387;0.029999999999999998889776975375;0.018333333333333333425851918719;0.016111111111111110771876298031;0.017222222222222222098864108375;0.005000000000000000104083408559;0.007499999999999999722444243844;0.018611111111111109522875395328;0.006388888888888889262818171488;0.013333333333333334189130248149;0.005277777777777777935830361145;0.001111111111111111110147375847;0.013333333333333334189130248149;0.016388888888888890338346726594;0.000000000000000000000000000000;0.017500000000000001665334536938;0.041944444444444443920172460594;0.017222222222222222098864108375;0.011666666666666667198648532633;0.007777777777777777554191196430;0.010000000000000000208166817117;0.012500000000000000693889390391
-0.012000000000000000249800180541;0.029000000000000001471045507628;0.012333333333333333300951828448;0.348666666666666680285402435402;0.050999999999999996724842077356;0.020666666666666666518636930050;0.006000000000000000124900090270;0.017000000000000001221245327088;0.015333333333333332496040135595;0.007666666666666666248020067798;0.015666666666666665547191783503;0.008333333333333333217685101602;0.007333333333333333196868419890;0.006666666666666667094565124074;0.041000000000000001720845688169;0.010999999999999999361621760841;0.008999999999999999319988397417;0.015333333333333332496040135595;0.028666666666666666685170383744;0.002666666666666666577617528233;0.012000000000000000249800180541;0.005333333333333333155235056466;0.002333333333333333526465880325;0.009333333333333334105863521302;0.022999999999999999611421941381;0.012000000000000000249800180541;0.022999999999999999611421941381;0.033666666666666664187168578337;0.002333333333333333526465880325;0.030333333333333333675652099259;0.011333333333333334147496884725;0.006000000000000000124900090270;0.017666666666666667323548622903;0.004000000000000000083266726847;0.004000000000000000083266726847;0.008666666666666666268836749509;0.003000000000000000062450045135;0.010000000000000000208166817117;0.006000000000000000124900090270;0.002333333333333333526465880325;0.010000000000000000208166817117;0.016666666666666666435370203203;0.000000000000000000000000000000;0.008000000000000000166533453694;0.032000000000000000666133814775;0.007666666666666666248020067798;0.005666666666666667073748442363;0.006333333333333333176051738178;0.010333333333333333259318465025;0.011666666666666667198648532633
-0.013071895424836601704021710191;0.013725490196078431182069579108;0.019934640522875815560333023768;0.458823529411764685637109550953;0.008169934640522876281854003366;0.012418300653594770491250365296;0.002614379084967320080595820642;0.016666666666666666435370203203;0.023856209150326795898067189228;0.013398692810457515575683906661;0.009150326797385621366287544731;0.009477124183006535237949741202;0.011764705882352941013202496379;0.013398692810457515575683906661;0.021568627450980391857537910028;0.013398692810457515575683906661;0.009150326797385621366287544731;0.020915032679738560644766565133;0.018627450980392156604237285933;0.003594771241830065165029362007;0.012091503267973856619588168826;0.008496732026143790153516199837;0.002614379084967320080595820642;0.018954248366013070475899482403;0.016013071895424835222598858309;0.012418300653594770491250365296;0.019607843137254901688670827298;0.020915032679738560644766565133;0.001633986928104575213002713774;0.016013071895424835222598858309;0.005882352941176470506601248189;0.013725490196078431182069579108;0.004248366013071895076758099918;0.005555555555555555767577313730;0.006535947712418300852010855095;0.017320261437908497648141548098;0.002614379084967320080595820642;0.004248366013071895076758099918;0.006535947712418300852010855095;0.001960784313725490168867082730;0.003921568627450980337734165460;0.014705882352941176266503120473;0.000000000000000000000000000000;0.009477124183006535237949741202;0.012091503267973856619588168826;0.008169934640522876281854003366;0.016666666666666666435370203203;0.006209150326797385245625182648;0.009477124183006535237949741202;0.008169934640522876281854003366
-0.017407407407407406163546426114;0.018148148148148149361169600979;0.017407407407407406163546426114;0.373333333333333350356753044252;0.016296296296296294836558615771;0.022222222222222223070309254922;0.010740740740740739936343040029;0.021111111111111111743321444578;0.021481481481481479872686080057;0.012592592592592592726230549260;0.010370370370370370072254928573;0.022962962962962962798485477833;0.012962962962962962590318660716;0.010370370370370370072254928573;0.022222222222222223070309254922;0.008888888888888888881179006773;0.010000000000000000208166817117;0.017777777777777777762358013547;0.018888888888888889089345823891;0.000740740740740740703958178148;0.012222222222222222862142437805;0.010000000000000000208166817117;0.002222222222222222220294751693;0.021111111111111111743321444578;0.019629629629629628817522046802;0.014074074074074073917306471060;0.015925925925925926707193980292;0.021111111111111111743321444578;0.006666666666666667094565124074;0.023333333333333334397297065266;0.020370370370370372015145221667;0.011481481481481481399242738917;0.004814814814814815172039352831;0.004814814814814815172039352831;0.004814814814814815172039352831;0.017777777777777777762358013547;0.004444444444444444440589503387;0.008518518518518519017090895318;0.008518518518518519017090895318;0.001111111111111111110147375847;0.008148148148148147418279307885;0.024074074074074074125473288177;0.000000000000000000000000000000;0.010740740740740739936343040029;0.013703703703703704053218359604;0.010740740740740739936343040029;0.012962962962962962590318660716;0.007037037037037036958653235530;0.004814814814814815172039352831;0.008888888888888888881179006773
-0.021111111111111111743321444578;0.026666666666666668378260496297;0.014814814814814815380206169948;0.369999999999999995559107901499;0.007777777777777777554191196430;0.024814814814814813853649511088;0.002962962962962962815832712593;0.018518518518518517490534236458;0.031481481481481478346129421197;0.011851851851851851263330850372;0.006666666666666667094565124074;0.015185185185185185244294281404;0.008148148148148147418279307885;0.008888888888888888881179006773;0.028518518518518519433424529552;0.018148148148148149361169600979;0.010740740740740739936343040029;0.020000000000000000416333634234;0.019629629629629628817522046802;0.000740740740740740703958178148;0.015555555555555555108382392859;0.011111111111111111535154627461;0.002592592592592592518063732143;0.016666666666666666435370203203;0.018518518518518517490534236458;0.011481481481481481399242738917;0.015925925925925926707193980292;0.025925925925925925180637321432;0.000740740740740740703958178148;0.022222222222222223070309254922;0.020000000000000000416333634234;0.007037037037037036958653235530;0.006666666666666667094565124074;0.005925925925925925631665425186;0.003333333333333333547282562037;0.015925925925925926707193980292;0.003333333333333333547282562037;0.011111111111111111535154627461;0.012962962962962962590318660716;0.003333333333333333547282562037;0.010000000000000000208166817117;0.021851851851851851471497667490;0.000000000000000000000000000000;0.010370370370370370072254928573;0.015185185185185185244294281404;0.008148148148148147418279307885;0.009259259259259258745267118229;0.007407407407407407690103084974;0.009259259259259258745267118229;0.011481481481481481399242738917
-0.022463768115942028824605358750;0.013768115942028985240752625430;0.017753623188405797533873098359;0.306521739130434789366574932501;0.024637681159420291021611149063;0.008695652173913043583852733320;0.008695652173913043583852733320;0.029710144927536232678511041172;0.018115942028985507900040730078;0.017753623188405797533873098359;0.013043478260869564508417361992;0.001811594202898550746635986108;0.009420289855072464316187996758;0.014130434782608695606920257148;0.032246376811594201772237511250;0.019565217391304349364711256953;0.009057971014492753950020365039;0.021739130434782608092270095312;0.021739130434782608092270095312;0.004710144927536232158093998379;0.020289855072463766627599568437;0.005434782608695652023067523828;0.005072463768115941656899892109;0.024637681159420291021611149063;0.022101449275362318458437727031;0.022101449275362318458437727031;0.029710144927536232678511041172;0.008695652173913043583852733320;0.002536231884057970828449946055;0.011956521739130435144637942813;0.008333333333333333217685101602;0.009782608695652174682355628477;0.009782608695652174682355628477;0.005434782608695652023067523828;0.011956521739130435144637942813;0.020289855072463766627599568437;0.004710144927536232158093998379;0.018840579710144928632375993516;0.002898550724637681194617577773;0.007971014492753622851517469883;0.011594202898550724778470311094;0.009782608695652174682355628477;0.000000000000000000000000000000;0.018115942028985507900040730078;0.021739130434782608092270095312;0.015942028985507245703034939766;0.013043478260869564508417361992;0.016666666666666666435370203203;0.012681159420289855876973206250;0.012318840579710145510805574531
-0.031666666666666669349705642844;0.022499999999999999167332731531;0.029583333333333333009518284484;0.010416666666666666088425508008;0.056250000000000001387778780781;0.018333333333333333425851918719;0.005416666666666666851703837438;0.036249999999999997501998194593;0.005416666666666666851703837438;0.021250000000000001526556658860;0.019583333333333334536074943344;0.005833333333333333599324266316;0.013750000000000000069388939039;0.032500000000000001110223024625;0.034166666666666664631257788187;0.016666666666666666435370203203;0.013750000000000000069388939039;0.028750000000000001249000902703;0.035416666666666665741480812812;0.007083333333333332974823814965;0.025416666666666667268037471672;0.009166666666666666712925959359;0.013750000000000000069388939039;0.034166666666666664631257788187;0.032083333333333331760517381781;0.033333333333333332870740406406;0.037499999999999998612221219219;0.008333333333333333217685101602;0.000833333333333333386820640509;0.029999999999999998889776975375;0.014166666666666665949647629930;0.010833333333333333703407674875;0.018333333333333333425851918719;0.008333333333333333217685101602;0.022083333333333333287074040641;0.033333333333333332870740406406;0.015416666666666667059870654555;0.009166666666666666712925959359;0.001666666666666666773641281019;0.015416666666666667059870654555;0.012916666666666666574148081281;0.004583333333333333356462979680;0.000000000000000000000000000000;0.018333333333333333425851918719;0.027500000000000000138777878078;0.017083333333333332315628894094;0.029999999999999998889776975375;0.022499999999999999167332731531;0.034166666666666664631257788187;0.014999999999999999444888487687
-0.056730769230769230448974127512;0.004166666666666666608842550801;0.043589743589743587537377322860;0.000000000000000000000000000000;0.000961538461538461591837645415;0.016987179487179485809500434357;0.000641025641025641025085024527;0.022115384615384616612265844537;0.003846153846153846367350581659;0.068589743589743595864050007549;0.017948717948717947401338079771;0.005448717948717948442172165358;0.008974358974358973700669039886;0.054807692307692307265298836683;0.006089743589743589792517841630;0.035256410256410256054415697236;0.006410256410256410034009810772;0.017628205128205128027207848618;0.013461538461538462285727035805;0.005769230769230769551025872488;0.019871794871794870585013370601;0.004166666666666666608842550801;0.003846153846153846367350581659;0.088461538461538466449063378150;0.043589743589743587537377322860;0.072435897435897442231400589208;0.031410256410256409687065115577;0.000320512820512820512542512263;0.000641025641025641025085024527;0.004807692307692307959188227073;0.006089743589743589792517841630;0.021794871794871793768688661430;0.004487179487179486850334519943;0.003205128205128205017004905386;0.009935897435897435292506685300;0.045192307692307691346922382536;0.017307692307692308653077617464;0.011538461538461539102051744976;0.000000000000000000000000000000;0.001602564102564102508502452693;0.004487179487179486850334519943;0.001282051282051282050170049054;0.000000000000000000000000000000;0.038782051282051283047636047741;0.003846153846153846367350581659;0.030128205128205128721097239008;0.069230769230769234612310469856;0.034615384615384617306155234928;0.019230769230769231836752908293;0.018269230769230770244915262879
-0.038043478260869567630919618750;0.017391304347826087167705466641;0.027898550724637680847672882578;0.017753623188405797533873098359;0.014855072463768116339255520586;0.026086956521739129016834723984;0.004710144927536232158093998379;0.035869565217391305433913828438;0.005434782608695652023067523828;0.030072463768115943044678672891;0.023550724637681159923108253906;0.005797101449275362389235155547;0.018478260869565218266208361797;0.039855072463768112522863873437;0.037318840579710146898584355313;0.022826086956521739190772990469;0.005434782608695652023067523828;0.026086956521739129016834723984;0.034420289855072463969243301563;0.009057971014492753950020365039;0.025000000000000001387778780781;0.000724637681159420298654394443;0.011956521739130435144637942813;0.040217391304347822889031505156;0.050724637681159423507892825000;0.042391304347826085086037295468;0.045289855072463768015378349219;0.025000000000000001387778780781;0.000724637681159420298654394443;0.024637681159420291021611149063;0.004710144927536232158093998379;0.012681159420289855876973206250;0.017753623188405797533873098359;0.004710144927536232158093998379;0.015579710144927537071590784024;0.036231884057971015800081460156;0.016666666666666666435370203203;0.004710144927536232158093998379;0.000362318840579710149327197222;0.005434782608695652023067523828;0.009420289855072464316187996758;0.002536231884057970828449946055;0.000000000000000000000000000000;0.018840579710144928632375993516;0.028623188405797101580008146016;0.012681159420289855876973206250;0.027536231884057970481505250859;0.023188405797101449556940622188;0.032971014492753622504572774687;0.017753623188405797533873098359
-0.025581395348837208947312404916;0.010852713178294573492799202086;0.057751937984496126698985563053;0.029069767441860464712855005587;0.064341085271317835503346316273;0.005426356589147286746399601043;0.003100775193798449569371200596;0.030232558139534883301369205810;0.007364341085271317727256601415;0.043410852713178293971196808343;0.009689922480620154904285001862;0.005426356589147286746399601043;0.008527131782945736315770801639;0.042248062015503878852129560073;0.028682170542635658516683605512;0.008914728682170542511942201713;0.015891472868217054043027403054;0.024031007751937984162626804618;0.029069767441860464712855005587;0.009302325581395348708113601788;0.015503875968992247846856002980;0.008139534883720930119599401564;0.005426356589147286746399601043;0.053488372093023255071653210280;0.017441860465116278827713003352;0.042248062015503878852129560073;0.029457364341085270909026405661;0.024418604651162790358798204693;0.002325581395348837177028400447;0.024806201550387596554969604767;0.001937984496124030980857000372;0.023255813953488371770284004469;0.015116279069767441650684602905;0.006201550387596899138742401192;0.013178294573643410669827602533;0.053488372093023255071653210280;0.012403100775193798277484802384;0.006589147286821705334913801266;0.000000000000000000000000000000;0.006976744186046511531085201341;0.007751937984496123923428001490;0.001937984496124030980857000372;0.000000000000000000000000000000;0.020930232558139534593255604022;0.025968992248062015143483804991;0.017829457364341085023884403427;0.049612403100775193109939209535;0.022093023255813953181769804246;0.018604651162790697416227203576;0.013953488372093023062170402682
-0.027659574468085104670400653504;0.021276595744680850547103645454;0.044326241134751774575217808660;0.032624113475177303478336199305;0.029432624113475178151411171257;0.022695035460992909331912059656;0.006028368794326241161818380476;0.028014184397163119366602757054;0.017375886524822695827774410304;0.018085106382978721750731665452;0.010992907801418439969753926277;0.006028368794326241161818380476;0.018439716312056736446933769002;0.033687943262411347566942509957;0.029432624113475178151411171257;0.018085106382978721750731665452;0.021631205673758865243305749004;0.034397163120567376959346717058;0.029787234042553192847613274807;0.006737588652482269686860849589;0.021276595744680850547103645454;0.014893617021276596423806637404;0.012765957446808509981317492077;0.029432624113475178151411171257;0.027659574468085104670400653504;0.027659574468085104670400653504;0.034751773049645391655548820609;0.024468085106382979343475625456;0.000000000000000000000000000000;0.025886524822695034658837087704;0.011702127659574467627434657402;0.020567375886524821154699438353;0.010992907801418439969753926277;0.006028368794326241161818380476;0.019858156028368795231742183205;0.039716312056737590463484366410;0.012411347517730497019838864503;0.010638297872340425273551822727;0.000709219858156028416622251864;0.014539007092198581727604533853;0.011347517730496454665956029828;0.007801418439716312040743684264;0.000000000000000000000000000000;0.015602836879432624081487368528;0.023404255319148935254869314804;0.015248226950354609385285264977;0.034042553191489362263144613507;0.023758865248226949951071418354;0.028368794326241134062804860605;0.017730496453900710523976513855
-0.038679245283018866274904468128;0.007232704402515723399180735953;0.048427672955974845891979896351;0.044339622641509431055784062892;0.002515723270440251447405133334;0.010691823899371068543051599420;0.005974842767295597892318603783;0.027044025157232705336429745557;0.005974842767295597892318603783;0.031132075471698113233731675109;0.015408805031446540928508071033;0.005974842767295597892318603783;0.018553459119496854695663401458;0.045911949685534587939361728104;0.011635220125786162673198198547;0.018238993710691823318947868415;0.019182389937106917449094467543;0.030188679245283019103585075982;0.017610062893081760565516802330;0.010377358490566037166336066377;0.023584905660377360192558882090;0.007232704402515723399180735953;0.015408805031446540928508071033;0.043396226415094336925637463764;0.026729559748427673959714212515;0.036477987421383646637895736831;0.034276729559748427000887005534;0.004716981132075471518094733625;0.002201257861635220070689600291;0.009119496855345911659473934208;0.014465408805031446798361471906;0.023899371069182391569274415133;0.015094339622641509551792537991;0.011949685534591195784637207566;0.028930817610062893596722943812;0.038993710691823897651620001170;0.013207547169811321291499339736;0.020125786163522011579241066670;0.000000000000000000000000000000;0.013522012578616352668214872779;0.006918238993710692022465202911;0.001257861635220125723702566667;0.000000000000000000000000000000;0.023899371069182391569274415133;0.008490566037735848906042868123;0.035534591194968552507749137703;0.040251572327044023158482133340;0.032075471698113207363878274236;0.035220125786163521131033604661;0.017924528301886791942232335373
-0.031300813008130083658908660027;0.015040650406504065678126025318;0.050406504065040651230145130057;0.083333333333333328707404064062;0.018292682926829267192614381088;0.020325203252032519873893079421;0.001626016260162601624605915873;0.022357723577235772555171777753;0.011788617886178862428914193572;0.030487804878048779810839619131;0.015040650406504065678126025318;0.008130081300813008990391317354;0.023577235772357724857828387144;0.046747967479674794322175301886;0.017073170731707318359404723651;0.028455284552845527129560920798;0.017886178861788618738026812593;0.021544715447154472176549688811;0.018699186991869919116648901536;0.006910569105691056687734707964;0.013414634146341463186158371457;0.008536585365853659179702361826;0.011788617886178862428914193572;0.033333333333333332870740406406;0.034146341463414636718809447302;0.036178861788617885930641193681;0.031707317073170732113496228521;0.009349593495934959558324450768;0.001219512195121951218454436905;0.024796747967479673691038044581;0.007723577235772357933718534895;0.018292682926829267192614381088;0.007723577235772357933718534895;0.013821138211382113375469415928;0.028048780487804878674973352304;0.034146341463414636718809447302;0.008130081300813008990391317354;0.010162601626016259936946539710;0.001219512195121951218454436905;0.016666666666666666435370203203;0.007723577235772357933718534895;0.005691056910569106119801574550;0.000000000000000000000000000000;0.020325203252032519873893079421;0.013821138211382113375469415928;0.014634146341463415488814980847;0.034146341463414636718809447302;0.024796747967479673691038044581;0.016666666666666666435370203203;0.022764227642276424479206298201
-0.026881720430107527292085123349;0.014516129032258065154059600843;0.039784946236559141918842641417;0.167204301075268818577157503569;0.030645161290322579100697808485;0.026881720430107527292085123349;0.003763440860215053977017030107;0.010215053763440860856714920146;0.010215053763440860856714920146;0.013440860215053763646042561675;0.019892473118279570959421320708;0.011827956989247311384017002922;0.025806451612903225784068084181;0.026881720430107527292085123349;0.020430107526881721713429840293;0.024193548387096773522042525428;0.016129032258064515681361683619;0.019892473118279570959421320708;0.013440860215053763646042561675;0.007526881720430107954034060214;0.012903225806451612892034042090;0.010215053763440860856714920146;0.024193548387096773522042525428;0.011827956989247311384017002922;0.029032258064516130308119201686;0.016666666666666666435370203203;0.017204301075268817189378722787;0.015591397849462364927353164035;0.000000000000000000000000000000;0.019892473118279570959421320708;0.017204301075268817189378722787;0.004301075268817204297344680697;0.013978494623655914400051081259;0.009677419354838710102706400562;0.043548387096774193727455326552;0.017741935483870967943387242372;0.011290322580645160630008483338;0.018817204301075269451404281540;0.001075268817204301074336170174;0.037634408602150538902808563080;0.005376344086021505805361719865;0.005913978494623655692008501461;0.000000000000000000000000000000;0.011290322580645160630008483338;0.017204301075268817189378722787;0.013440860215053763646042561675;0.020967741935483872467438359877;0.020430107526881721713429840293;0.025806451612903225784068084181;0.017204301075268817189378722787
-0.037301587301587300904426314219;0.013095238095238095551997581367;0.052777777777777777623580135469;0.050396825396825398191147371563;0.013492063492063492702310867344;0.017857142857142856151586585156;0.003174603174603174600421073848;0.024603174603174602502742018828;0.009920634920634920084214769531;0.020634920634920634469056111016;0.015476190476190476719153821250;0.003968253968253968033685907812;0.019444444444444444752839729063;0.049206349206349205005484037656;0.014285714285714285268213963320;0.017063492063492061850960013203;0.015476190476190476719153821250;0.031746031746031744269487262500;0.024206349206349207087152208828;0.007539682539682539784420267637;0.015079365079365079568840535273;0.009920634920634920084214769531;0.014682539682539682418527249297;0.032142857142857139685077072500;0.039285714285714284921269268125;0.038492063492063494090089648125;0.035317460317460316887583360312;0.022222222222222223070309254922;0.000793650793650793650105268462;0.013492063492063492702310867344;0.006349206349206349200842147695;0.015476190476190476719153821250;0.016269841269841271019780393203;0.010714285714285714384841341484;0.024603174603174602502742018828;0.047222222222222220988641083750;0.013888888888888888117900677344;0.009523809523809524668624959531;0.000793650793650793650105268462;0.012698412698412698401684295391;0.007539682539682539784420267637;0.002777777777777777883788656865;0.000000000000000000000000000000;0.016269841269841271019780393203;0.017857142857142856151586585156;0.016269841269841271019780393203;0.034126984126984123701920026406;0.028174603174603175120838116641;0.037301587301587300904426314219;0.019047619047619049337249919063
-0.027485380116959064189519068577;0.015789473684210526827076392919;0.057894736842105262719648806069;0.004678362573099415291921765458;0.002923976608187134340610668914;0.005555555555555555767577313730;0.002631578947368420993285775822;0.026608187134502924581225258294;0.005263157894736841986571551644;0.075438596491228068763312819556;0.014912280701754385484059106659;0.000584795321637426911490220682;0.005847953216374268681221337829;0.057602339181286550673366519959;0.008479532163742689240826244657;0.012865497076023392486465724005;0.009356725146198830583843530917;0.019005847953216373213969347944;0.012573099415204678705459961918;0.007017543859649122937882648188;0.018421052631578945651957823770;0.005263157894736841986571551644;0.002631578947368420993285775822;0.096198830409356728132763691974;0.020467836257309940384274682401;0.070760233918128648267220626167;0.026608187134502924581225258294;0.004970760233918129072927527545;0.000877192982456140367235331023;0.003801169590643274816266217186;0.000877192982456140367235331023;0.038011695906432746427938695888;0.004970760233918129072927527545;0.004970760233918129072927527545;0.008187134502923977194543958547;0.063450292397660812415693953881;0.015789473684210526827076392919;0.005555555555555555767577313730;0.000292397660818713455745110341;0.005555555555555555767577313730;0.006140350877192982462227099916;0.006725146198830409156876886101;0.000000000000000000000000000000;0.053508771929824561208732802697;0.005847953216374268681221337829;0.029824561403508770968118213318;0.069298245614035081096915291710;0.025438596491228069457202209946;0.016959064327485378481652489313;0.016081871345029238873358679029
-0.038034188034188030902438271141;0.011111111111111111535154627461;0.064529914529914536580612605121;0.001282051282051282050170049054;0.001282051282051282050170049054;0.011965811965811966668948862491;0.001282051282051282050170049054;0.023504273504273504036277131490;0.014102564102564102768710974090;0.041452991452991451437615211262;0.020085470085470086970547143324;0.005982905982905983334474431246;0.010256410256410256401360392431;0.059829059829059831610020836479;0.012820512820512820068019621544;0.023076923076923078204103489952;0.019658119658119657668926549832;0.028632478632478631369595589717;0.011965811965811966668948862491;0.008974358974358973700669039886;0.019658119658119657668926549832;0.013247863247863247634916739059;0.007692307692307692734701163317;0.049145299145299144172316374579;0.031196581196581196770978294808;0.051282051282051280272078486178;0.032905982905982907038566764868;0.004700854700854700633783078700;0.000427350427350427350056683018;0.005128205128205128200680196215;0.004700854700854700633783078700;0.022649572649572648902482896460;0.010683760683760683968257509946;0.012820512820512820068019621544;0.024786324786324785002245008059;0.041880341880341877269788852800;0.011111111111111111535154627461;0.009401709401709401267566157401;0.000854700854700854700113366036;0.017094017094017095736990796695;0.007264957264957265167804045802;0.005128205128205128200680196215;0.000000000000000000000000000000;0.026068376068376069437659836581;0.005555555555555555767577313730;0.016666666666666666435370203203;0.059401709401709398838953291033;0.038461538461538463673505816587;0.027350427350427350403627713149;0.032905982905982907038566764868
-0.046045197740112994710948157717;0.002259887005649717593019909501;0.070056497175141244082574587537;0.000000000000000000000000000000;0.000000000000000000000000000000;0.020056497175141241307017025974;0.000847457627118644043172357438;0.012994350282485874967242089895;0.013841807909604519552515533576;0.036158192090395481488318552010;0.020056497175141241307017025974;0.010451977401129942946145234828;0.016101694915254236711854574082;0.061299435028248590306976240072;0.003389830508474576172689429754;0.044632768361581920402159084915;0.018644067796610170467674905126;0.018926553672316385329432719686;0.003954802259887005462524189880;0.008192090395480225786806194321;0.012994350282485874967242089895;0.011299435028248587531418678509;0.007909604519774010925048379761;0.048870056497175143328526303321;0.053954802259887003901273061501;0.057909604519774011965882465347;0.020056497175141241307017025974;0.000282485875706214699127488688;0.000564971751412429398254977375;0.004519774011299435186039819001;0.011581920903954802393176493069;0.017514124293785311020643646884;0.005649717514124293765709339254;0.015819209039548021850096759522;0.026553672316384179657999808910;0.036440677966101696350076366571;0.009887005649717514957353081684;0.012429378531073446978449936751;0.000000000000000000000000000000;0.023163841807909604786352986139;0.004519774011299435186039819001;0.003389830508474576172689429754;0.000000000000000000000000000000;0.025706214689265535072726365229;0.001412429378531073441427334814;0.016949152542372881297128017763;0.057344632768361582242366836226;0.054237288135593218763030876062;0.025706214689265535072726365229;0.025423728813559323680415502622
-0.052592592592592593558897817729;0.005925925925925925631665425186;0.035185185185185187395351391615;0.000370370370370370351979089074;0.000370370370370370351979089074;0.018148148148148149361169600979;0.000740740740740740703958178148;0.030370370370370370488588562807;0.005555555555555555767577313730;0.038518518518518521376314822646;0.018888888888888889089345823891;0.008518518518518519017090895318;0.012962962962962962590318660716;0.043703703703703702942995334979;0.010370370370370370072254928573;0.035185185185185187395351391615;0.012592592592592592726230549260;0.030740740740740742087400150240;0.013703703703703704053218359604;0.008518518518518519017090895318;0.020740740740740740144509857146;0.005555555555555555767577313730;0.011851851851851851263330850372;0.058888888888888886452566140406;0.051481481481481482231910007386;0.067777777777777784007362527063;0.031851851851851853414387960584;0.002592592592592592518063732143;0.001481481481481481407916356297;0.006296296296296296363115274630;0.005925925925925925631665425186;0.020000000000000000416333634234;0.013703703703703704053218359604;0.006666666666666667094565124074;0.020370370370370372015145221667;0.038888888888888889505679458125;0.012962962962962962590318660716;0.018518518518518517490534236458;0.000000000000000000000000000000;0.012222222222222222862142437805;0.005185185185185185036127464286;0.004074074074074073709139653943;0.000000000000000000000000000000;0.037037037037037034981068472916;0.003333333333333333547282562037;0.021481481481481479872686080057;0.047407407407407405053323401489;0.038888888888888889505679458125;0.026666666666666668378260496297;0.025185185185185185452461098521
-0.020833333333333332176851016015;0.019583333333333334536074943344;0.066666666666666665741480812812;0.017500000000000001665334536938;0.006666666666666667094565124074;0.010416666666666666088425508008;0.003749999999999999861222121922;0.033750000000000002220446049250;0.010000000000000000208166817117;0.030416666666666668239482618219;0.013750000000000000069388939039;0.001250000000000000026020852140;0.014166666666666665949647629930;0.040416666666666663243479007406;0.027083333333333334258519187188;0.011666666666666667198648532633;0.023750000000000000277555756156;0.050833333333333334536074943344;0.017916666666666667545593227828;0.014999999999999999444888487687;0.017916666666666667545593227828;0.011666666666666667198648532633;0.024583333333333332038073137937;0.042083333333333333703407674875;0.021250000000000001526556658860;0.036249999999999997501998194593;0.044583333333333335923853724125;0.012916666666666666574148081281;0.001666666666666666773641281019;0.007499999999999999722444243844;0.000833333333333333386820640509;0.020833333333333332176851016015;0.017083333333333332315628894094;0.014583333333333333564629796797;0.025416666666666667268037471672;0.041666666666666664353702032031;0.017916666666666667545593227828;0.006250000000000000346944695195;0.000416666666666666693410320255;0.026249999999999999028554853453;0.009583333333333332593184650250;0.002500000000000000052041704279;0.000000000000000000000000000000;0.019166666666666665186369300500;0.010833333333333333703407674875;0.015833333333333334674852821422;0.027500000000000000138777878078;0.027916666666666666019036568969;0.044583333333333335923853724125;0.014999999999999999444888487687
-0.023577235772357724857828387144;0.017886178861788618738026812593;0.053658536585365852744633485827;0.087398373983739841008855364635;0.034959349593495933627984584291;0.014227642276422763564780460399;0.003252032520325203249211831746;0.019105691056910567571236470030;0.017886178861788618738026812593;0.023577235772357724857828387144;0.014227642276422763564780460399;0.004878048780487804873817747620;0.013414634146341463186158371457;0.039024390243902438990541980957;0.027235772357723578296351263361;0.015447154471544715867437069790;0.017073170731707318359404723651;0.036585365853658534385228762176;0.017479674796747966813992292145;0.009756097560975609747635495239;0.012195121951219512618225238043;0.016666666666666666435370203203;0.019105691056910567571236470030;0.025203252032520325615072565029;0.026422764227642277917729174419;0.031300813008130083658908660027;0.025609756097560974069660133523;0.029674796747967479432217530189;0.001219512195121951218454436905;0.012601626016260162807536282514;0.003658536585365853872203745212;0.014634146341463415488814980847;0.012601626016260162807536282514;0.009349593495934959558324450768;0.023983739837398373312415955638;0.035772357723577237476053625187;0.014227642276422763564780460399;0.005284552845528455063128792091;0.001219512195121951218454436905;0.043089430894308944353099377622;0.006504065040650406498423663493;0.007317073170731707744407490424;0.000000000000000000000000000000;0.013008130081300812996847326986;0.019105691056910567571236470030;0.009756097560975609747635495239;0.026422764227642277917729174419;0.021951219512195120631137257305;0.030487804878048779810839619131;0.010975609756097560315568628653
-0.039922480620155041675101159626;0.014341085271317829258341802756;0.043410852713178293971196808343;0.003100775193798449569371200596;0.002325581395348837177028400447;0.017441860465116278827713003352;0.001550387596899224784685600298;0.038759689922480619617140007449;0.003488372093023255765542600670;0.040310077519379844401825607747;0.022868217054263565574112604395;0.004263565891472868157885400819;0.013953488372093023062170402682;0.042248062015503878852129560073;0.011627906976744185885142002235;0.025581395348837208947312404916;0.010077519379844961100456401937;0.037209302325581394832454407151;0.022868217054263565574112604395;0.008139534883720930119599401564;0.027131782945736433731998005214;0.002713178294573643373199800521;0.020542635658914728397084203948;0.043798449612403103636815160371;0.043410852713178293971196808343;0.059302325581395351483671163351;0.042635658914728681578854008194;0.032945736434108530144015958285;0.000387596899224806196171400074;0.007751937984496123923428001490;0.005426356589147286746399601043;0.018604651162790697416227203576;0.017441860465116278827713003352;0.007364341085271317727256601415;0.016666666666666666435370203203;0.037596899224806204498072759179;0.015116279069767441650684602905;0.008527131782945736315770801639;0.000000000000000000000000000000;0.007364341085271317727256601415;0.007364341085271317727256601415;0.003488372093023255765542600670;0.000000000000000000000000000000;0.030232558139534883301369205810;0.010465116279069767296627802011;0.018992248062015503612398603650;0.035658914728682170047768806853;0.027131782945736433731998005214;0.031782945736434108086054806108;0.016666666666666666435370203203
-0.035042735042735043138328876466;0.029487179487179486503389824748;0.045726495726495723637139434459;0.002136752136752136967123849587;0.007264957264957265167804045802;0.007264957264957265167804045802;0.005982905982905983334474431246;0.026923076923076924571454071611;0.009829059829059828834463274916;0.028632478632478631369595589717;0.024786324786324785002245008059;0.003846153846153846367350581659;0.012393162393162392501122504029;0.051282051282051280272078486178;0.034615384615384617306155234928;0.021794871794871793768688661430;0.009401709401709401267566157401;0.046581196581196582240380621442;0.021367521367521367936515019892;0.004273504273504273934247699174;0.021794871794871793768688661430;0.005128205128205128200680196215;0.020512820512820512802720784862;0.041452991452991451437615211262;0.035897435897435894802676159543;0.046153846153846156408206979904;0.040170940170940173941094286647;0.026495726495726495269833478119;0.001282051282051282050170049054;0.007692307692307692734701163317;0.002564102564102564100340098108;0.017948717948717947401338079771;0.013247863247863247634916739059;0.007264957264957265167804045802;0.014529914529914530335608091605;0.039743589743589741170026741202;0.012820512820512820068019621544;0.012393162393162392501122504029;0.000427350427350427350056683018;0.006410256410256410034009810772;0.011111111111111111535154627461;0.009829059829059828834463274916;0.000000000000000000000000000000;0.025213675213675214303865601551;0.012393162393162392501122504029;0.012820512820512820068019621544;0.043162393162393161705203681322;0.027350427350427350403627713149;0.030769230769230770938804653269;0.024786324786324785002245008059
-0.032962962962962964741375770927;0.005555555555555555767577313730;0.085925925925925919490744320228;0.000000000000000000000000000000;0.000000000000000000000000000000;0.009259259259259258745267118229;0.000740740740740740703958178148;0.015555555555555555108382392859;0.008148148148148147418279307885;0.032962962962962964741375770927;0.016296296296296294836558615771;0.001481481481481481407916356297;0.013333333333333334189130248149;0.072222222222222215437525960624;0.001481481481481481407916356297;0.021111111111111111743321444578;0.015555555555555555108382392859;0.029259259259259259161600752464;0.002222222222222222220294751693;0.016666666666666666435370203203;0.011851851851851851263330850372;0.014074074074074073917306471060;0.010740740740740739936343040029;0.052222222222222225429533182250;0.030740740740740742087400150240;0.044444444444444446140618509844;0.025185185185185185452461098521;0.002222222222222222220294751693;0.000370370370370370351979089074;0.001111111111111111110147375847;0.005185185185185185036127464286;0.023333333333333334397297065266;0.005555555555555555767577313730;0.016666666666666666435370203203;0.035555555555555555524716027094;0.052592592592592593558897817729;0.016296296296296294836558615771;0.008888888888888888881179006773;0.000370370370370370351979089074;0.032962962962962964741375770927;0.002592592592592592518063732143;0.005555555555555555767577313730;0.000000000000000000000000000000;0.023703703703703702526661700745;0.000000000000000000000000000000;0.017037037037037038034181790636;0.062222222222222220433529571437;0.051481481481481482231910007386;0.040000000000000000832667268469;0.026296296296296296779448908865
-0.037037037037037034981068472916;0.004074074074074073709139653943;0.054814814814814816212873438417;0.136296296296296304273454325084;0.000370370370370370351979089074;0.006296296296296296363115274630;0.001481481481481481407916356297;0.018518518518518517490534236458;0.005185185185185185036127464286;0.046296296296296293726335591145;0.014444444444444443781394582516;0.003333333333333333547282562037;0.005185185185185185036127464286;0.055555555555555552471602709375;0.009259259259259258745267118229;0.018148148148148149361169600979;0.012962962962962962590318660716;0.011481481481481481399242738917;0.005555555555555555767577313730;0.009629629629629630344078705662;0.012962962962962962590318660716;0.010740740740740739936343040029;0.004814814814814815172039352831;0.052222222222222225429533182250;0.026296296296296296779448908865;0.055925925925925927539861248761;0.025925925925925925180637321432;0.001481481481481481407916356297;0.001111111111111111110147375847;0.002592592592592592518063732143;0.002222222222222222220294751693;0.021481481481481479872686080057;0.005555555555555555767577313730;0.006296296296296296363115274630;0.016296296296296294836558615771;0.051851851851851850361274642864;0.014444444444444443781394582516;0.016296296296296294836558615771;0.000370370370370370351979089074;0.008888888888888888881179006773;0.005925925925925925631665425186;0.001851851851851851922525771243;0.000000000000000000000000000000;0.033333333333333332870740406406;0.002592592592592592518063732143;0.017777777777777777762358013547;0.064444444444444443087505192125;0.043703703703703702942995334979;0.017037037037037038034181790636;0.019629629629629628817522046802
-0.023333333333333334397297065266;0.010416666666666666088425508008;0.031250000000000000000000000000;0.374583333333333323711400453249;0.008750000000000000832667268469;0.013333333333333334189130248149;0.006666666666666667094565124074;0.013750000000000000069388939039;0.005000000000000000104083408559;0.018749999999999999306110609609;0.009166666666666666712925959359;0.007916666666666667337426410711;0.016666666666666666435370203203;0.024166666666666666157814447047;0.010833333333333333703407674875;0.019166666666666665186369300500;0.012500000000000000693889390391;0.010833333333333333703407674875;0.014583333333333333564629796797;0.004583333333333333356462979680;0.018749999999999999306110609609;0.005833333333333333599324266316;0.005833333333333333599324266316;0.025833333333333333148296162562;0.027083333333333334258519187188;0.020416666666666666296592325125;0.014166666666666665949647629930;0.006250000000000000346944695195;0.000833333333333333386820640509;0.017916666666666667545593227828;0.012500000000000000693889390391;0.012500000000000000693889390391;0.005416666666666666851703837438;0.002916666666666666799662133158;0.017500000000000001665334536938;0.029583333333333333009518284484;0.004583333333333333356462979680;0.007083333333333332974823814965;0.000000000000000000000000000000;0.010000000000000000208166817117;0.003333333333333333547282562037;0.004166666666666666608842550801;0.000000000000000000000000000000;0.012916666666666666574148081281;0.010833333333333333703407674875;0.014166666666666665949647629930;0.022916666666666665047591422422;0.022083333333333333287074040641;0.013333333333333334189130248149;0.014999999999999999444888487687
-0.049583333333333333425851918719;0.007499999999999999722444243844;0.066250000000000003330669073875;0.000000000000000000000000000000;0.001250000000000000026020852140;0.037499999999999998612221219219;0.001666666666666666773641281019;0.017500000000000001665334536938;0.006250000000000000346944695195;0.028333333333333331899295259859;0.020000000000000000416333634234;0.022083333333333333287074040641;0.024583333333333332038073137937;0.050000000000000002775557561563;0.001250000000000000026020852140;0.039166666666666669072149886688;0.015416666666666667059870654555;0.017083333333333332315628894094;0.010416666666666666088425508008;0.007499999999999999722444243844;0.015833333333333334674852821422;0.010000000000000000208166817117;0.011249999999999999583666365766;0.032083333333333331760517381781;0.057083333333333333148296162562;0.048333333333333332315628894094;0.025000000000000001387778780781;0.005000000000000000104083408559;0.000416666666666666693410320255;0.014166666666666665949647629930;0.021666666666666667406815349750;0.015833333333333334674852821422;0.007499999999999999722444243844;0.009166666666666666712925959359;0.028333333333333331899295259859;0.036249999999999997501998194593;0.010000000000000000208166817117;0.015833333333333334674852821422;0.000416666666666666693410320255;0.022499999999999999167332731531;0.001666666666666666773641281019;0.008750000000000000832667268469;0.000000000000000000000000000000;0.020833333333333332176851016015;0.003333333333333333547282562037;0.012916666666666666574148081281;0.042916666666666665463925056656;0.043749999999999997224442438437;0.034583333333333333980963431031;0.021250000000000001526556658860
-0.054878048780487805047290095217;0.002439024390243902436908873810;0.041056910569105688202373727336;0.007317073170731707744407490424;0.002845528455284553059900787275;0.025203252032520325615072565029;0.001626016260162601624605915873;0.026829268292682926372316742913;0.002845528455284553059900787275;0.048780487804878050472900952172;0.016260162601626017980782634709;0.007317073170731707744407490424;0.014227642276422763564780460399;0.052845528455284555835458348838;0.009756097560975609747635495239;0.024796747967479673691038044581;0.011382113821138212239603149101;0.019105691056910567571236470030;0.018699186991869919116648901536;0.005284552845528455063128792091;0.023170731707317072933793866696;0.004471544715447154684506703148;0.006097560975609756309112619022;0.059349593495934958864435060377;0.043495934959349592807686946117;0.068699186991869914953312559192;0.031707317073170732113496228521;0.001626016260162601624605915873;0.000406504065040650406151478968;0.010569105691056910126257584182;0.003658536585365853872203745212;0.011788617886178862428914193572;0.007317073170731707744407490424;0.007723577235772357933718534895;0.012601626016260162807536282514;0.050406504065040651230145130057;0.017479674796747966813992292145;0.011382113821138212239603149101;0.000406504065040650406151478968;0.006910569105691056687734707964;0.004065040650406504495195658677;0.002439024390243902436908873810;0.000000000000000000000000000000;0.035772357723577237476053625187;0.004878048780487804873817747620;0.020731707317073171797927599869;0.053658536585365852744633485827;0.048373983739837395079419479771;0.032113821138211380568083797016;0.025203252032520325615072565029
-0.023015873015873017370935826875;0.009523809523809524668624959531;0.040079365079365082691342792032;0.309523809523809534383076425001;0.013888888888888888117900677344;0.015873015873015872134743631250;0.006349206349206349200842147695;0.013492063492063492702310867344;0.013492063492063492702310867344;0.018253968253968255036623347110;0.012698412698412698401684295391;0.013095238095238095551997581367;0.005555555555555555767577313730;0.021825396825396824185272492969;0.020238095238095239053466301016;0.024206349206349207087152208828;0.013888888888888888117900677344;0.019047619047619049337249919063;0.018650793650793650452213157109;0.005952380952380952050528861719;0.017460317460317460735996775156;0.010714285714285714384841341484;0.001587301587301587300210536924;0.024603174603174602502742018828;0.021825396825396824185272492969;0.029761904761904760252644308594;0.022222222222222223070309254922;0.013492063492063492702310867344;0.000793650793650793650105268462;0.011111111111111111535154627461;0.008730158730158730367998387578;0.015476190476190476719153821250;0.006746031746031746351155433672;0.006746031746031746351155433672;0.008333333333333333217685101602;0.019047619047619049337249919063;0.003571428571428571317053490830;0.010317460317460317234528055508;0.000396825396825396825052634231;0.004761904761904762334312479766;0.007142857142857142634106981660;0.008333333333333333217685101602;0.000000000000000000000000000000;0.012301587301587301251371009414;0.015079365079365079568840535273;0.017460317460317460735996775156;0.030158730158730159137681070547;0.023809523809523808202115446875;0.010317460317460317234528055508;0.019047619047619049337249919063
-0.028750000000000001249000902703;0.018749999999999999306110609609;0.055416666666666669627261399000;0.144583333333333341474968847251;0.011666666666666667198648532633;0.022083333333333333287074040641;0.004583333333333333356462979680;0.019583333333333334536074943344;0.020416666666666666296592325125;0.014583333333333333564629796797;0.019583333333333334536074943344;0.014166666666666665949647629930;0.012500000000000000693889390391;0.036249999999999997501998194593;0.027083333333333334258519187188;0.037916666666666667961926862063;0.014583333333333333564629796797;0.022083333333333333287074040641;0.015833333333333334674852821422;0.002916666666666666799662133158;0.010000000000000000208166817117;0.019583333333333334536074943344;0.002083333333333333304421275400;0.017500000000000001665334536938;0.042500000000000003053113317719;0.031666666666666669349705642844;0.023750000000000000277555756156;0.023333333333333334397297065266;0.000416666666666666693410320255;0.014166666666666665949647629930;0.018749999999999999306110609609;0.009583333333333332593184650250;0.007083333333333332974823814965;0.012916666666666666574148081281;0.009166666666666666712925959359;0.019166666666666665186369300500;0.005833333333333333599324266316;0.012500000000000000693889390391;0.002083333333333333304421275400;0.008750000000000000832667268469;0.007499999999999999722444243844;0.011249999999999999583666365766;0.000000000000000000000000000000;0.006666666666666667094565124074;0.014999999999999999444888487687;0.007499999999999999722444243844;0.042916666666666665463925056656;0.025416666666666667268037471672;0.017500000000000001665334536938;0.032083333333333331760517381781
-0.036805555555555556634939051719;0.034722222222222223764198645313;0.049652777777777774848022573906;0.015277777777777777276635440273;0.014583333333333333564629796797;0.016666666666666666435370203203;0.007291666666666666782314898398;0.038194444444444447528397290625;0.009374999999999999653055304805;0.023611111111111110494320541875;0.014583333333333333564629796797;0.005208333333333333044212754004;0.011458333333333332523795711211;0.040972222222222222376419864531;0.047916666666666669904817155157;0.017361111111111111882099322656;0.010763888888888888811790067734;0.024305555555555555941049661328;0.029513888888888888117900677344;0.005555555555555555767577313730;0.020833333333333332176851016015;0.009027777777777776929690745078;0.012500000000000000693889390391;0.032638888888888890893458238907;0.028125000000000000693889390391;0.034375000000000002775557561563;0.044444444444444446140618509844;0.027083333333333334258519187188;0.001388888888888888941894328433;0.014930555555555556287994356524;0.006250000000000000346944695195;0.013888888888888888117900677344;0.011111111111111111535154627461;0.010069444444444445099784424258;0.022569444444444444058950338672;0.035416666666666665741480812812;0.011458333333333332523795711211;0.010069444444444445099784424258;0.000000000000000000000000000000;0.012847222222222221682530474141;0.009374999999999999653055304805;0.009027777777777776929690745078;0.000000000000000000000000000000;0.021874999999999998612221219219;0.025347222222222222376419864531;0.014583333333333333564629796797;0.036805555555555556634939051719;0.023263888888888889505679458125;0.030555555555555554553270880547;0.016319444444444445446729119453
-0.047083333333333331205405869468;0.023333333333333334397297065266;0.041250000000000001942890293094;0.010833333333333333703407674875;0.018749999999999999306110609609;0.021250000000000001526556658860;0.006250000000000000346944695195;0.031250000000000000000000000000;0.003333333333333333547282562037;0.026666666666666668378260496297;0.022499999999999999167332731531;0.010416666666666666088425508008;0.017916666666666667545593227828;0.037499999999999998612221219219;0.035416666666666665741480812812;0.017500000000000001665334536938;0.009166666666666666712925959359;0.022916666666666665047591422422;0.027500000000000000138777878078;0.008750000000000000832667268469;0.027916666666666666019036568969;0.003749999999999999861222121922;0.007499999999999999722444243844;0.033333333333333332870740406406;0.033750000000000002220446049250;0.048750000000000001665334536938;0.034583333333333333980963431031;0.022499999999999999167332731531;0.000000000000000000000000000000;0.017916666666666667545593227828;0.009166666666666666712925959359;0.014166666666666665949647629930;0.019583333333333334536074943344;0.005000000000000000104083408559;0.021666666666666667406815349750;0.027500000000000000138777878078;0.013333333333333334189130248149;0.014583333333333333564629796797;0.000000000000000000000000000000;0.006666666666666667094565124074;0.009583333333333332593184650250;0.004583333333333333356462979680;0.000000000000000000000000000000;0.025000000000000001387778780781;0.023750000000000000277555756156;0.013750000000000000069388939039;0.042083333333333333703407674875;0.025833333333333333148296162562;0.033333333333333332870740406406;0.020833333333333332176851016015
-0.028282828282828284538474861165;0.001515151515151515150200967064;0.077272727272727270708685409772;0.000000000000000000000000000000;0.000000000000000000000000000000;0.004040404040404040400535912170;0.000000000000000000000000000000;0.021717171717171718237082700398;0.003535353535353535567309357646;0.057575757575757578743402831378;0.013636363636363635701287400082;0.012626262626262626034834291033;0.006565656565656565434030422779;0.064141414141414138105901088238;0.004040404040404040400535912170;0.019191919191919190601502975824;0.016161616161616161602143648679;0.015151515151515151935690539631;0.002525252525252525467175379603;0.015151515151515151935690539631;0.010606060606060606701928072937;0.007575757575757575967845269815;0.003535353535353535567309357646;0.094444444444444441977282167500;0.027777777777777776235801354687;0.064646464646464646408574594716;0.029292929292929294204927970213;0.002525252525252525467175379603;0.000000000000000000000000000000;0.002020202020202020200267956085;0.007070707070707071134618715291;0.033838383838383841173413912884;0.004040404040404040400535912170;0.010606060606060606701928072937;0.011111111111111111535154627461;0.065151515151515154711248101194;0.011111111111111111535154627461;0.005555555555555555767577313730;0.000000000000000000000000000000;0.012626262626262626034834291033;0.004545454545454545233762466694;0.005050505050505050934350759206;0.000000000000000000000000000000;0.035858585858585860506320130980;0.001010101010101010100133978042;0.016666666666666666435370203203;0.075252525252525251375779191676;0.043434343434343436474165400796;0.024747474747474747236442027543;0.026767676767676766569348245639
-0.047083333333333331205405869468;0.005416666666666666851703837438;0.048333333333333332315628894094;0.000416666666666666693410320255;0.000000000000000000000000000000;0.028750000000000001249000902703;0.004166666666666666608842550801;0.019166666666666665186369300500;0.006250000000000000346944695195;0.030416666666666668239482618219;0.018333333333333333425851918719;0.010000000000000000208166817117;0.027500000000000000138777878078;0.052916666666666667406815349750;0.005000000000000000104083408559;0.032500000000000001110223024625;0.010833333333333333703407674875;0.018749999999999999306110609609;0.013750000000000000069388939039;0.010416666666666666088425508008;0.017083333333333332315628894094;0.007916666666666667337426410711;0.016250000000000000555111512313;0.035416666666666665741480812812;0.047083333333333331205405869468;0.037499999999999998612221219219;0.033333333333333332870740406406;0.021666666666666667406815349750;0.000000000000000000000000000000;0.011249999999999999583666365766;0.011249999999999999583666365766;0.013333333333333334189130248149;0.015416666666666667059870654555;0.013333333333333334189130248149;0.042083333333333333703407674875;0.032916666666666663521034763562;0.018333333333333333425851918719;0.012500000000000000693889390391;0.000416666666666666693410320255;0.020833333333333332176851016015;0.006250000000000000346944695195;0.003749999999999999861222121922;0.000000000000000000000000000000;0.021666666666666667406815349750;0.005416666666666666851703837438;0.012083333333333333078907223523;0.049166666666666664076146275875;0.031250000000000000000000000000;0.043749999999999997224442438437;0.028750000000000001249000902703
-0.035897435897435894802676159543;0.002136752136752136967123849587;0.029914529914529915805010418239;0.252564102564102554993041849229;0.008547008547008547868495398347;0.017948717948717947401338079771;0.005128205128205128200680196215;0.014102564102564102768710974090;0.007264957264957265167804045802;0.034615384615384617306155234928;0.015384615384615385469402326635;0.012393162393162392501122504029;0.011965811965811966668948862491;0.036752136752136753405917346527;0.011538461538461539102051744976;0.026068376068376069437659836581;0.010683760683760683968257509946;0.009829059829059828834463274916;0.013675213675213675201813856575;0.003846153846153846367350581659;0.020512820512820512802720784862;0.008547008547008547868495398347;0.002136752136752136967123849587;0.034188034188034191473981593390;0.032478632478632481206393123330;0.031196581196581196770978294808;0.018376068376068376702958673263;0.009401709401709401267566157401;0.001709401709401709400226732072;0.008547008547008547868495398347;0.011538461538461539102051744976;0.014529914529914530335608091605;0.003418803418803418800453464144;0.004700854700854700633783078700;0.017948717948717947401338079771;0.032051282051282048435325577884;0.006410256410256410034009810772;0.017948717948717947401338079771;0.000000000000000000000000000000;0.005982905982905983334474431246;0.005128205128205128200680196215;0.002136752136752136967123849587;0.000000000000000000000000000000;0.028205128205128205537421948179;0.009829059829059828834463274916;0.019230769230769231836752908293;0.036324786324786327573743704988;0.023504273504273504036277131490;0.014102564102564102768710974090;0.019658119658119657668926549832
-0.020930232558139534593255604022;0.019379844961240309808570003725;0.037209302325581394832454407151;0.129069767441860466794523176759;0.083720930232558138373022416090;0.010852713178294573492799202086;0.004651162790697674354056800894;0.021705426356589146985598404171;0.009302325581395348708113601788;0.043023255813953491244472360222;0.011240310077519379688970602160;0.012015503875968992081313402309;0.005038759689922480550228200968;0.023255813953488371770284004469;0.027519379844961239928169405289;0.013953488372093023062170402682;0.014341085271317829258341802756;0.014341085271317829258341802756;0.022480620155038759377941204320;0.004651162790697674354056800894;0.031782945736434108086054806108;0.006589147286821705334913801266;0.001937984496124030980857000372;0.051550387596899227560243161861;0.020542635658914728397084203948;0.036434108527131782440111607002;0.022868217054263565574112604395;0.034108527131782945263083206555;0.001937984496124030980857000372;0.018604651162790697416227203576;0.005813953488372092942571001117;0.017829457364341085023884403427;0.003875968992248061961714000745;0.003875968992248061961714000745;0.005426356589147286746399601043;0.037596899224806204498072759179;0.010465116279069767296627802011;0.008527131782945736315770801639;0.000000000000000000000000000000;0.002713178294573643373199800521;0.009302325581395348708113601788;0.006589147286821705334913801266;0.000000000000000000000000000000;0.025581395348837208947312404916;0.020542635658914728397084203948;0.013565891472868216865999002607;0.034496124031007754928701558583;0.014341085271317829258341802756;0.011240310077519379688970602160;0.013178294573643410669827602533
-0.043229166666666665741480812812;0.008333333333333333217685101602;0.072916666666666671292595935938;0.000000000000000000000000000000;0.001041666666666666652210637700;0.015104166666666666782314898398;0.001562500000000000086736173799;0.017187500000000001387778780781;0.008333333333333333217685101602;0.040104166666666669904817155157;0.022395833333333333564629796797;0.004687499999999999826527652402;0.018749999999999999306110609609;0.063541666666666662965923251249;0.003645833333333333391157449199;0.025520833333333332870740406406;0.014062500000000000346944695195;0.024479166666666666435370203203;0.006770833333333333564629796797;0.014062500000000000346944695195;0.014062500000000000346944695195;0.006250000000000000346944695195;0.009895833333333332870740406406;0.050000000000000002775557561563;0.047916666666666669904817155157;0.061979166666666668517038374375;0.036458333333333335646297967969;0.000000000000000000000000000000;0.000520833333333333326105318850;0.002604166666666666522106377002;0.004687499999999999826527652402;0.013020833333333333911574491992;0.010937499999999999306110609609;0.012500000000000000693889390391;0.028645833333333332176851016015;0.044270833333333335646297967969;0.011979166666666667476204288789;0.014062500000000000346944695195;0.000000000000000000000000000000;0.016145833333333334952408577578;0.002083333333333333304421275400;0.002083333333333333304421275400;0.000000000000000000000000000000;0.023958333333333334952408577578;0.002083333333333333304421275400;0.016145833333333334952408577578;0.055729166666666669904817155157;0.052604166666666667129259593594;0.026041666666666667823148983985;0.027604166666666665741480812812
-0.048809523809523809589894227656;0.001984126984126984016842953906;0.041269841269841268938112222031;0.000396825396825396825052634231;0.002777777777777777883788656865;0.019841269841269840168429539062;0.005952380952380952050528861719;0.024206349206349207087152208828;0.009920634920634920084214769531;0.039285714285714284921269268125;0.023809523809523808202115446875;0.007936507936507936067371815625;0.018253968253968255036623347110;0.043253968253968252954955175937;0.005952380952380952050528861719;0.025793650793650792218958400781;0.019841269841269840168429539062;0.021825396825396824185272492969;0.021031746031746033354092872969;0.007539682539682539784420267637;0.017460317460317460735996775156;0.012301587301587301251371009414;0.010714285714285714384841341484;0.047619047619047616404230893750;0.045634920634920632387387939843;0.048809523809523809589894227656;0.034523809523809526056403740313;0.001587301587301587300210536924;0.001587301587301587300210536924;0.017460317460317460735996775156;0.013888888888888888117900677344;0.023412698412698412786525636875;0.014285714285714285268213963320;0.011904761904761904101057723437;0.031349206349206348853897452500;0.036904761904761905488836504219;0.011904761904761904101057723437;0.014682539682539682418527249297;0.000793650793650793650105268462;0.019047619047619049337249919063;0.003571428571428571317053490830;0.003174603174603174600421073848;0.000000000000000000000000000000;0.028174603174603175120838116641;0.010317460317460317234528055508;0.024603174603174602502742018828;0.045238095238095236971798129844;0.032142857142857139685077072500;0.028571428571428570536427926640;0.018650793650793650452213157109
-0.049319727891156461829780255357;0.016666666666666666435370203203;0.035714285714285712303173170312;0.004421768707482993596147302640;0.004761904761904762334312479766;0.031292517006802723911196295603;0.002721088435374149471640548015;0.030272108843537415961977288248;0.008503401360544218454129428153;0.043537414965986391546248768236;0.020748299319727891293352328717;0.022789115646258503722343391473;0.015306122448979591482709494699;0.042857142857142857539365365938;0.012585034013605441577388077690;0.027210884353741495583767218136;0.009863945578231291672066660681;0.019727891156462583344133321361;0.020408163265306120820463675614;0.004421768707482993596147302640;0.023129251700680270725785092623;0.003401360544217686947970902267;0.007823129251700680977799073901;0.061904761904761906876615285000;0.055442176870748302586200395581;0.041836734693877553059593310536;0.030952380952380953438307642500;0.028231292517006803532986225491;0.000000000000000000000000000000;0.017006802721088436908258856306;0.011564625850340135362892546311;0.020068027210884353817021974464;0.011904761904761904101057723437;0.004081632653061224857982125513;0.010544217687074829148397014933;0.033333333333333332870740406406;0.014625850340136054006379140446;0.012244897959183672839222900564;0.000000000000000000000000000000;0.006462585034013605157776627408;0.004761904761904762334312479766;0.005782312925170067681446273156;0.000000000000000000000000000000;0.030272108843537415961977288248;0.010544217687074829148397014933;0.017346938775510203911700557455;0.043877551020408162019137421339;0.030952380952380953438307642500;0.020748299319727891293352328717;0.018027210884353741388030911708
-0.027407407407407408106436719208;0.021481481481481479872686080057;0.045555555555555557467606320188;0.045185185185185182399347780802;0.016666666666666666435370203203;0.018518518518518517490534236458;0.004074074074074073709139653943;0.036296296296296298722339201959;0.007037037037037036958653235530;0.031851851851851853414387960584;0.020740740740740740144509857146;0.002962962962962962815832712593;0.012962962962962962590318660716;0.035185185185185187395351391615;0.028148148148148147834612942120;0.019259259259259260688157411323;0.016296296296296294836558615771;0.033703703703703701000105041885;0.032592592592592589673117231541;0.008148148148148147418279307885;0.026666666666666668378260496297;0.005925925925925925631665425186;0.015185185185185185244294281404;0.039259259259259257635044093604;0.029259259259259259161600752464;0.035555555555555555524716027094;0.042222222222222223486642889156;0.018518518518518517490534236458;0.001111111111111111110147375847;0.024074074074074074125473288177;0.004814814814814815172039352831;0.014074074074074073917306471060;0.015185185185185185244294281404;0.009259259259259258745267118229;0.014074074074074073917306471060;0.031851851851851853414387960584;0.017037037037037038034181790636;0.007407407407407407690103084974;0.000000000000000000000000000000;0.008148148148148147418279307885;0.008888888888888888881179006773;0.001851851851851851922525771243;0.000000000000000000000000000000;0.017037037037037038034181790636;0.024444444444444445724284875610;0.013333333333333334189130248149;0.041481481481481480289019714291;0.022592592592592591199673890401;0.031851851851851853414387960584;0.014814814814814815380206169948
-0.028758169934640521320234896052;0.018627450980392156604237285933;0.050653594771241830518881954504;0.073529411764705884801962554320;0.013398692810457515575683906661;0.008823529411764705759901872284;0.002614379084967320080595820642;0.026797385620915031151367813322;0.014379084967320260660117448026;0.032679738562091505127416013465;0.016339869281045752563708006733;0.004901960784313725422167706824;0.009150326797385621366287544731;0.036928104575163399336812375395;0.031699346405228756573535520147;0.025816993464052286066934271958;0.018300653594771242732575089462;0.031045751633986928830211127206;0.016013071895424835222598858309;0.010130718954248366450721086096;0.013071895424836601704021710191;0.012745098039215686097636037744;0.010784313725490195928768955014;0.038235294117647061762355065184;0.025490196078431372195272075487;0.043464052287581697586738016525;0.027124183006535948492476961746;0.039542483660130717249003851066;0.001960784313725490168867082730;0.007843137254901960675468330919;0.004248366013071895076758099918;0.020261437908496732901442172192;0.010130718954248366450721086096;0.009150326797385621366287544731;0.018300653594771242732575089462;0.038888888888888889505679458125;0.011437908496732025406816823931;0.014052287581699346788455251556;0.000326797385620915010074477580;0.016013071895424835222598858309;0.009477124183006535237949741202;0.005882352941176470506601248189;0.000000000000000000000000000000;0.022222222222222223070309254922;0.014705882352941176266503120473;0.017320261437908497648141548098;0.038888888888888889505679458125;0.025490196078431372195272075487;0.017973856209150325391465941038;0.014379084967320260660117448026
-0.022764227642276424479206298201;0.019512195121951219495270990478;0.027642276422764226750938831856;0.123983739837398368455190222903;0.011788617886178862428914193572;0.015447154471544715867437069790;0.010569105691056910126257584182;0.036585365853658534385228762176;0.015040650406504065678126025318;0.020731707317073171797927599869;0.015447154471544715867437069790;0.005691056910569106119801574550;0.019105691056910567571236470030;0.021138211382113820252515168363;0.031707317073170732113496228521;0.009349593495934959558324450768;0.023577235772357724857828387144;0.045121951219512193564931124001;0.023577235772357724857828387144;0.006910569105691056687734707964;0.021951219512195120631137257305;0.014227642276422763564780460399;0.024796747967479673691038044581;0.024796747967479673691038044581;0.023170731707317072933793866696;0.020731707317073171797927599869;0.038617886178861790535954412462;0.023983739837398373312415955638;0.001626016260162601624605915873;0.012195121951219512618225238043;0.006097560975609756309112619022;0.021138211382113820252515168363;0.016666666666666666435370203203;0.007317073170731707744407490424;0.023983739837398373312415955638;0.036585365853658534385228762176;0.009756097560975609747635495239;0.008536585365853659179702361826;0.001626016260162601624605915873;0.020325203252032519873893079421;0.014227642276422763564780460399;0.012601626016260162807536282514;0.000000000000000000000000000000;0.015040650406504065678126025318;0.013414634146341463186158371457;0.020731707317073171797927599869;0.010975609756097560315568628653;0.010569105691056910126257584182;0.030487804878048779810839619131;0.008130081300813008990391317354
-0.048106060606060603579425816179;0.010606060606060606701928072937;0.035227272727272725127978247883;0.009090909090909090467524933388;0.008712121212121212709966755483;0.018939393939393939919613174538;0.005303030303030303350964036468;0.037499999999999998612221219219;0.011363636363636363951767904723;0.031818181818181814901613790880;0.023863636363636364645657295114;0.002651515151515151675482018234;0.015909090909090907450806895440;0.042424242424242426807712291748;0.021212121212121213403856145874;0.016287878787878788677812025298;0.015909090909090907450806895440;0.036742424242424243097104863409;0.037499999999999998612221219219;0.007954545454545453725403447720;0.021212121212121213403856145874;0.007575757575757575967845269815;0.015909090909090907450806895440;0.037121212121212124324109993267;0.035984848484848487581988507600;0.039772727272727272096464190554;0.044318181818181819064950133225;0.006439393939393939225723784148;0.003787878787878787983922634908;0.014015151515151515193569053963;0.004545454545454545233762466694;0.016666666666666666435370203203;0.013257575757575757943729222177;0.005681818181818181975883952362;0.028409090909090908144696285831;0.040909090909090908838585676222;0.015530303030303029693248717535;0.006818181818181817850643700041;0.001515151515151515150200967064;0.018560606060606062162054996634;0.006439393939393939225723784148;0.006439393939393939225723784148;0.000000000000000000000000000000;0.024242424242424242403215473018;0.017803030303030303177491688871;0.020454545454545454419292838111;0.039015151515151516581347834745;0.025378787878787879145336958686;0.029545454545454544886817771498;0.015530303030303029693248717535
-0.025850340136054420631106509632;0.015646258503401361955598147802;0.054081632653061227633539687076;0.026870748299319728580325516987;0.019727891156462583344133321361;0.015986394557823128959039848951;0.004081632653061224857982125513;0.024149659863945578675004099978;0.023469387755102041198673745726;0.023129251700680270725785092623;0.015646258503401361955598147802;0.002040816326530612428991062757;0.011224489795918366624727369185;0.039115646258503403154271893527;0.015646258503401361955598147802;0.015306122448979591482709494699;0.035034013605442178296289768014;0.039115646258503403154271893527;0.021428571428571428769682682969;0.012244897959183672839222900564;0.015306122448979591482709494699;0.017006802721088436908258856306;0.011224489795918366624727369185;0.044557823129251702964914727545;0.028571428571428570536427926640;0.034693877551020407823401114911;0.034013605442176873816517712612;0.017687074829931974384589210558;0.004761904761904762334312479766;0.014965986394557822744544317572;0.003401360544217686947970902267;0.029931972789115645489088635145;0.011224489795918366624727369185;0.006462585034013605157776627408;0.017006802721088436908258856306;0.044557823129251702964914727545;0.008163265306122449715964251027;0.013265306122448979053718431942;0.001020408163265306214495531378;0.020068027210884353817021974464;0.005102040816326530205115918903;0.021428571428571428769682682969;0.000000000000000000000000000000;0.019047619047619049337249919063;0.013265306122448979053718431942;0.017006802721088436908258856306;0.036734693877551023721839129621;0.027210884353741495583767218136;0.024149659863945578675004099978;0.018367346938775511860919564811
-0.029268292682926830977629961694;0.019105691056910567571236470030;0.058130081300813006561778450987;0.037804878048780486687885371566;0.009756097560975609747635495239;0.015853658536585366056748114261;0.004471544715447154684506703148;0.035772357723577237476053625187;0.013821138211382113375469415928;0.033739837398373981325327974901;0.021951219512195120631137257305;0.004065040650406504495195658677;0.013821138211382113375469415928;0.041869918699186992050442768232;0.028455284552845527129560920798;0.017886178861788618738026812593;0.014634146341463415488814980847;0.026016260162601625993694653971;0.017886178861788618738026812593;0.010975609756097560315568628653;0.019918699186991871419305510926;0.014227642276422763564780460399;0.011788617886178862428914193572;0.042682926829268295898511809128;0.035772357723577237476053625187;0.042682926829268295898511809128;0.028048780487804878674973352304;0.014227642276422763564780460399;0.002845528455284553059900787275;0.005691056910569106119801574550;0.008130081300813008990391317354;0.019918699186991871419305510926;0.007317073170731707744407490424;0.006097560975609756309112619022;0.020731707317073171797927599869;0.047560975609756098170244342782;0.015447154471544715867437069790;0.008130081300813008990391317354;0.000406504065040650406151478968;0.006910569105691056687734707964;0.008943089430894309369013406297;0.005284552845528455063128792091;0.000000000000000000000000000000;0.023577235772357724857828387144;0.014227642276422763564780460399;0.017479674796747966813992292145;0.040243902439024391293198590347;0.029674796747967479432217530189;0.026422764227642277917729174419;0.020325203252032519873893079421
-0.044632768361581920402159084915;0.007627118644067796930652303189;0.041242937853107342061065310190;0.096327683615819212348263533841;0.017231638418079096158885832324;0.018079096045197740744159276005;0.001129943502824858796509954750;0.017514124293785311020643646884;0.005932203389830508627467153815;0.022598870056497175062837357018;0.025706214689265535072726365229;0.008192090395480225786806194321;0.021468926553672315615806098776;0.050000000000000002775557561563;0.016666666666666666435370203203;0.026836158192090394519757623470;0.007344632768361582068894488629;0.020056497175141241307017025974;0.018361581920903955605917090566;0.012429378531073446978449936751;0.013841807909604519552515533576;0.005932203389830508627467153815;0.011581920903954802393176493069;0.038983050847457630105896697614;0.043502824858757060955127826674;0.036158192090395481488318552010;0.027401129943502824243273252591;0.025988700564971749934484179789;0.000282485875706214699127488688;0.005932203389830508627467153815;0.005649717514124293765709339254;0.007627118644067796930652303189;0.011864406779661017254934307630;0.011864406779661017254934307630;0.026836158192090394519757623470;0.033050847457627118008982591846;0.012429378531073446978449936751;0.012994350282485874967242089895;0.000000000000000000000000000000;0.013559322033898304690757719015;0.004237288135593220324282004441;0.004237288135593220324282004441;0.000000000000000000000000000000;0.015819209039548021850096759522;0.006214689265536723489224968375;0.015254237288135593861304606378;0.042090395480225986646338753872;0.037288135593220340935349810252;0.032768361581920903147224777285;0.017231638418079096158885832324
-0.035964912280701755165068789211;0.004824561403508772182424646502;0.052192982456140353531015563249;0.048684210526315788158946418207;0.019736842105263156799122015173;0.005701754385964912658080194774;0.001315789473684210496642887911;0.021491228070175439485156587693;0.007456140350877192742029553330;0.046929824561403508942358797640;0.016666666666666666435370203203;0.004385964912280701510916003372;0.009210526315789472825978911885;0.068859649122807023435832718405;0.009210526315789472825978911885;0.019298245614035088729698586008;0.012719298245614034728601104973;0.021929824561403507554580016858;0.006140350877192982462227099916;0.015350877192982455288206011801;0.012280701754385964924454199831;0.005263157894736841986571551644;0.009210526315789472825978911885;0.051315789473684210453274801012;0.025438596491228069457202209946;0.064035087719298250386046333915;0.025877192982456140996072591065;0.008771929824561403021832006743;0.000877192982456140367235331023;0.003947368421052631706769098230;0.003508771929824561468941324094;0.023684210526315790240614589379;0.001754385964912280734470662047;0.005701754385964912658080194774;0.031140350877192982115282404720;0.048245614035087716620076037088;0.013157894736842104532748010115;0.009649122807017544364849293004;0.000000000000000000000000000000;0.012719298245614034728601104973;0.003070175438596491231113549958;0.003070175438596491231113549958;0.000000000000000000000000000000;0.028508771929824559820954021916;0.004385964912280701510916003372;0.017543859649122806043664013487;0.062280701754385964230564809441;0.046491228070175437403488416521;0.025877192982456140996072591065;0.024122807017543858310038018544
-0.035606060606060606354983377742;0.001893939393939393991961317454;0.081060606060606055223161092727;0.000000000000000000000000000000;0.000757575757575757575100483532;0.006060606060606060600803868255;0.000757575757575757575100483532;0.011742424242424241709326082628;0.010606060606060606701928072937;0.040530303030303027611580546363;0.015909090909090907450806895440;0.002272727272727272616881233347;0.012500000000000000693889390391;0.077272727272727270708685409772;0.003030303030303030300401934127;0.020454545454545454419292838111;0.023863636363636364645657295114;0.017045454545454544192928381108;0.003787878787878787983922634908;0.017803030303030303177491688871;0.010606060606060606701928072937;0.014015151515151515193569053963;0.010227272727272727209646419055;0.046969696969696966837304330511;0.029924242424242422644375949403;0.046590909090909092549193104560;0.024242424242424242403215473018;0.025757575757575756902895136591;0.000000000000000000000000000000;0.000000000000000000000000000000;0.003030303030303030300401934127;0.023106060606060605661093987351;0.002272727272727272616881233347;0.015151515151515151935690539631;0.028787878787878789371701415689;0.056818181818181816289392571662;0.014772727272727272443408885749;0.010606060606060606701928072937;0.001893939393939393991961317454;0.020833333333333332176851016015;0.003409090909090908925321850020;0.005681818181818181975883952362;0.000000000000000000000000000000;0.029545454545454544886817771498;0.000378787878787878787550241766;0.014393939393939394685850707845;0.074999999999999997224442438437;0.047348484848484848064309460369;0.033333333333333332870740406406;0.022348484848484850145977631541
-0.019753086419753086017125909279;0.020679012345679013279431401884;0.028703703703703703498106847292;0.059259259259259261520824679792;0.106172839506172844714626535279;0.015123456790123456644492350165;0.002777777777777777883788656865;0.020987654320987654543717582101;0.013888888888888888117900677344;0.021913580246913581806023074705;0.018827160493827162224267368629;0.020061728395061727281412089496;0.010493827160493827271858791050;0.024691358024691356654045648611;0.049691358024691358041824429392;0.016049382716049383906797842769;0.012654320987654321326032480499;0.021296296296296295808003762318;0.031172839506172840551290192934;0.003703703703703703845051542487;0.014814814814814815380206169948;0.007407407407407407690103084974;0.006481481481481481295159330358;0.026234567901234566444923501649;0.027160493827160493707228994253;0.033950617283950615399312766840;0.024691358024691356654045648611;0.027777777777777776235801354687;0.000617283950617283938035184665;0.042901234567901236349740656806;0.012345679012345678327022824305;0.012037037037037037062736644089;0.013580246913580246853614497127;0.001851851851851851922525771243;0.007716049382716048954389265191;0.026543209876543211178656633820;0.008024691358024691953398921385;0.010802469135802468536144971267;0.002777777777777777883788656865;0.005864197530864197899225231936;0.008024691358024691953398921385;0.016358024691358025171084022986;0.000000000000000000000000000000;0.019135802469135803488553548846;0.037654320987654324448534737257;0.011419753086419752799440807678;0.022839506172839505598881615356;0.018518518518518517490534236458;0.020987654320987654543717582101;0.013580246913580246853614497127
-0.032083333333333331760517381781;0.008333333333333333217685101602;0.044166666666666666574148081281;0.024166666666666666157814447047;0.065416666666666664631257788187;0.012500000000000000693889390391;0.008750000000000000832667268469;0.024583333333333332038073137937;0.006666666666666667094565124074;0.036249999999999997501998194593;0.011249999999999999583666365766;0.015833333333333334674852821422;0.005833333333333333599324266316;0.036666666666666666851703837438;0.021250000000000001526556658860;0.022083333333333333287074040641;0.020416666666666666296592325125;0.020416666666666666296592325125;0.017916666666666667545593227828;0.010416666666666666088425508008;0.019166666666666665186369300500;0.006666666666666667094565124074;0.008333333333333333217685101602;0.055833333333333332038073137937;0.030416666666666668239482618219;0.044999999999999998334665463062;0.025416666666666667268037471672;0.015416666666666667059870654555;0.002083333333333333304421275400;0.022083333333333333287074040641;0.006666666666666667094565124074;0.024166666666666666157814447047;0.007499999999999999722444243844;0.003749999999999999861222121922;0.017083333333333332315628894094;0.046666666666666668794594130532;0.013750000000000000069388939039;0.011666666666666667198648532633;0.000000000000000000000000000000;0.015833333333333334674852821422;0.008750000000000000832667268469;0.005833333333333333599324266316;0.000000000000000000000000000000;0.030833333333333334119741309109;0.011666666666666667198648532633;0.029583333333333333009518284484;0.037083333333333336201409480282;0.025416666666666667268037471672;0.014999999999999999444888487687;0.013333333333333334189130248149
-0.037499999999999998612221219219;0.009166666666666666712925959359;0.056666666666666663798590519718;0.000000000000000000000000000000;0.000000000000000000000000000000;0.010416666666666666088425508008;0.010416666666666666088425508008;0.014583333333333333564629796797;0.013750000000000000069388939039;0.057083333333333333148296162562;0.007916666666666667337426410711;0.007916666666666667337426410711;0.012083333333333333078907223523;0.037499999999999998612221219219;0.003333333333333333547282562037;0.021666666666666667406815349750;0.029999999999999998889776975375;0.024583333333333332038073137937;0.007083333333333332974823814965;0.011666666666666667198648532633;0.014999999999999999444888487687;0.013333333333333334189130248149;0.012916666666666666574148081281;0.074166666666666672402818960563;0.026249999999999999028554853453;0.042916666666666665463925056656;0.020000000000000000416333634234;0.005000000000000000104083408559;0.005000000000000000104083408559;0.003333333333333333547282562037;0.005833333333333333599324266316;0.049166666666666664076146275875;0.006666666666666667094565124074;0.008333333333333333217685101602;0.023333333333333334397297065266;0.057083333333333333148296162562;0.009166666666666666712925959359;0.015416666666666667059870654555;0.001250000000000000026020852140;0.024583333333333332038073137937;0.006250000000000000346944695195;0.011249999999999999583666365766;0.000000000000000000000000000000;0.048333333333333332315628894094;0.001250000000000000026020852140;0.041666666666666664353702032031;0.036249999999999997501998194593;0.026249999999999999028554853453;0.018749999999999999306110609609;0.017916666666666667545593227828
-0.059523809523809520505288617187;0.009920634920634920084214769531;0.024206349206349207087152208828;0.000000000000000000000000000000;0.010317460317460317234528055508;0.035317460317460316887583360312;0.003968253968253968033685907812;0.032539682539682542039560786407;0.007142857142857142634106981660;0.039285714285714284921269268125;0.026190476190476191103995162734;0.019841269841269840168429539062;0.019444444444444444752839729063;0.032539682539682542039560786407;0.007936507936507936067371815625;0.025396825396825396803368590781;0.005952380952380952050528861719;0.013095238095238095551997581367;0.030952380952380953438307642500;0.007142857142857142634106981660;0.030555555555555554553270880547;0.003571428571428571317053490830;0.007539682539682539784420267637;0.051587301587301584437916801562;0.046031746031746034741871653750;0.051190476190476189022326991562;0.038492063492063494090089648125;0.015476190476190476719153821250;0.002380952380952381167156239883;0.030555555555555554553270880547;0.010714285714285714384841341484;0.012301587301587301251371009414;0.017857142857142856151586585156;0.003968253968253968033685907812;0.014682539682539682418527249297;0.030555555555555554553270880547;0.018253968253968255036623347110;0.013095238095238095551997581367;0.001587301587301587300210536924;0.003968253968253968033685907812;0.006746031746031746351155433672;0.012698412698412698401684295391;0.000000000000000000000000000000;0.031349206349206348853897452500;0.007142857142857142634106981660;0.028571428571428570536427926640;0.028174603174603175120838116641;0.022222222222222223070309254922;0.030555555555555554553270880547;0.017460317460317460735996775156
-0.014444444444444443781394582516;0.050740740740740739034286832521;0.010000000000000000208166817117;0.043703703703703702942995334979;0.097777777777777782897139502438;0.015925925925925926707193980292;0.008148148148148147418279307885;0.050370370370370370904922197042;0.008518518518518519017090895318;0.015925925925925926707193980292;0.018888888888888889089345823891;0.008518518518518519017090895318;0.005185185185185185036127464286;0.011481481481481481399242738917;0.074814814814814820098654024605;0.004074074074074073709139653943;0.002962962962962962815832712593;0.033333333333333332870740406406;0.062222222222222220433529571437;0.001481481481481481407916356297;0.025925925925925925180637321432;0.001111111111111111110147375847;0.001481481481481481407916356297;0.022592592592592591199673890401;0.010000000000000000208166817117;0.015185185185185185244294281404;0.045555555555555557467606320188;0.078518518518518515270088187208;0.001481481481481481407916356297;0.057407407407407406996213694583;0.002592592592592592518063732143;0.011111111111111111535154627461;0.018888888888888889089345823891;0.003333333333333333547282562037;0.003703703703703703845051542487;0.016296296296296294836558615771;0.010370370370370370072254928573;0.002222222222222222220294751693;0.001111111111111111110147375847;0.000370370370370370351979089074;0.018148148148148149361169600979;0.017037037037037038034181790636;0.000000000000000000000000000000;0.012962962962962962590318660716;0.046296296296296293726335591145;0.005925925925925925631665425186;0.008888888888888888881179006773;0.002962962962962962815832712593;0.012592592592592592726230549260;0.007407407407407407690103084974
-0.018333333333333333425851918719;0.034166666666666664631257788187;0.020000000000000000416333634234;0.029166666666666667129259593594;0.091666666666666660190365689687;0.015416666666666667059870654555;0.026249999999999999028554853453;0.050416666666666665186369300500;0.003333333333333333547282562037;0.017083333333333332315628894094;0.010833333333333333703407674875;0.015833333333333334674852821422;0.003749999999999999861222121922;0.018333333333333333425851918719;0.039583333333333331482961625625;0.007499999999999999722444243844;0.008333333333333333217685101602;0.021250000000000001526556658860;0.061666666666666668239482618219;0.002083333333333333304421275400;0.044999999999999998334665463062;0.005416666666666666851703837438;0.003333333333333333547282562037;0.027500000000000000138777878078;0.016666666666666666435370203203;0.021250000000000001526556658860;0.022083333333333333287074040641;0.087083333333333332038073137937;0.002083333333333333304421275400;0.053749999999999999167332731531;0.010000000000000000208166817117;0.010416666666666666088425508008;0.004583333333333333356462979680;0.004166666666666666608842550801;0.005000000000000000104083408559;0.025416666666666667268037471672;0.008333333333333333217685101602;0.007499999999999999722444243844;0.000000000000000000000000000000;0.004166666666666666608842550801;0.028750000000000001249000902703;0.007499999999999999722444243844;0.000000000000000000000000000000;0.018333333333333333425851918719;0.023750000000000000277555756156;0.020833333333333332176851016015;0.014166666666666665949647629930;0.010416666666666666088425508008;0.010833333333333333703407674875;0.006666666666666667094565124074
-0.018376068376068376702958673263;0.000427350427350427350056683018;0.048717948717948718340142733041;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000427350427350427350056683018;0.000000000000000000000000000000;0.025641025641025640136039243089;0.000000000000000000000000000000;0.129059829059829073161225210242;0.001282051282051282050170049054;0.000000000000000000000000000000;0.000427350427350427350056683018;0.051709401709401706104252127716;0.000854700854700854700113366036;0.005982905982905983334474431246;0.009401709401709401267566157401;0.006837606837606837600906928287;0.000427350427350427350056683018;0.001282051282051282050170049054;0.007264957264957265167804045802;0.000854700854700854700113366036;0.001282051282051282050170049054;0.184615384615384625632827919617;0.008119658119658120301598280832;0.070940170940170937941005036009;0.014957264957264957902505209120;0.000000000000000000000000000000;0.000854700854700854700113366036;0.000000000000000000000000000000;0.000000000000000000000000000000;0.055128205128205126639429067836;0.000427350427350427350056683018;0.001709401709401709400226732072;0.002991452991452991667237215623;0.104273504273504277750639346323;0.014957264957264957902505209120;0.002991452991452991667237215623;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008119658119658120301598280832;0.000000000000000000000000000000;0.000000000000000000000000000000;0.081623931623931625378709497909;0.000000000000000000000000000000;0.032905982905982907038566764868;0.070085470085470086276657752933;0.021367521367521367936515019892;0.006410256410256410034009810772;0.007264957264957265167804045802
-0.045634920634920632387387939843;0.010317460317460317234528055508;0.038888888888888889505679458125;0.008730158730158730367998387578;0.009523809523809524668624959531;0.027380952380952380820211544687;0.002777777777777777883788656865;0.034126984126984123701920026406;0.005952380952380952050528861719;0.033333333333333332870740406406;0.025793650793650792218958400781;0.009523809523809524668624959531;0.019047619047619049337249919063;0.040476190476190478106932602032;0.027380952380952380820211544687;0.030158730158730159137681070547;0.008730158730158730367998387578;0.023412698412698412786525636875;0.025000000000000001387778780781;0.006349206349206349200842147695;0.022619047619047618485899064922;0.006349206349206349200842147695;0.009523809523809524668624959531;0.042460317460317462123775555938;0.044841269841269841556208319844;0.046825396825396825573051273750;0.032142857142857139685077072500;0.009523809523809524668624959531;0.000793650793650793650105268462;0.011111111111111111535154627461;0.008333333333333333217685101602;0.012301587301587301251371009414;0.017460317460317460735996775156;0.010714285714285714384841341484;0.030952380952380953438307642500;0.030158730158730159137681070547;0.012301587301587301251371009414;0.012698412698412698401684295391;0.000396825396825396825052634231;0.008730158730158730367998387578;0.005952380952380952050528861719;0.004365079365079365183999193789;0.000000000000000000000000000000;0.023015873015873017370935826875;0.015476190476190476719153821250;0.022619047619047618485899064922;0.042857142857142857539365365938;0.032539682539682542039560786407;0.027777777777777776235801354687;0.022619047619047618485899064922
-0.041134751773049642309398876705;0.014893617021276596423806637404;0.033333333333333332870740406406;0.030851063829787233466772633506;0.010992907801418439969753926277;0.021985815602836879939507852555;0.001773049645390070878925303788;0.039361702127659575767282262859;0.002127659574468085141446538344;0.028723404255319148759006964156;0.024468085106382979343475625456;0.008156028368794325869584049826;0.019503546099290780535540079654;0.041489361702127657005600980256;0.033333333333333332870740406406;0.024113475177304964647273521905;0.006028368794326241161818380476;0.025177304964539008735879832557;0.030496453900709218770570529955;0.004964539007092198807935545801;0.025177304964539008735879832557;0.004255319148936170282893076688;0.008510638297872340565786153377;0.037234042553191487590069641556;0.039361702127659575767282262859;0.042198581560283686398005187357;0.039007092198581561071080159309;0.031914893617021274085931992204;0.000354609929078014208311125932;0.013829787234042552335200326752;0.004964539007092198807935545801;0.013120567375886524677519595627;0.015602836879432624081487368528;0.007801418439716312040743684264;0.021985815602836879939507852555;0.030141843971631204074368426404;0.011702127659574467627434657402;0.013829787234042552335200326752;0.000354609929078014208311125932;0.007446808510638298211903318702;0.008156028368794325869584049826;0.004964539007092198807935545801;0.000000000000000000000000000000;0.018439716312056736446933769002;0.019503546099290780535540079654;0.014539007092198581727604533853;0.045035460992907803967622015762;0.033687943262411347566942509957;0.025531914893617019962634984154;0.018439716312056736446933769002
-0.035858585858585860506320130980;0.001515151515151515150200967064;0.067171717171717174044154319290;0.007070707070707071134618715291;0.000505050505050505050066989021;0.004040404040404040400535912170;0.000505050505050505050066989021;0.020707070707070708570629591350;0.004545454545454545233762466694;0.072727272727272723740199467102;0.021212121212121213403856145874;0.001010101010101010100133978042;0.003535353535353535567309357646;0.085858585858585856342983788636;0.005050505050505050934350759206;0.022727272727272727903535809446;0.015656565656565656768917094155;0.014141414141414142269237430583;0.004545454545454545233762466694;0.011616161616161616368381181985;0.012626262626262626034834291033;0.005555555555555555767577313730;0.003535353535353535567309357646;0.081818181818181817677171352443;0.033333333333333332870740406406;0.067676767676767682346827825768;0.026262626262626261736121691115;0.000000000000000000000000000000;0.001515151515151515150200967064;0.000000000000000000000000000000;0.003030303030303030300401934127;0.025757575757575756902895136591;0.000505050505050505050066989021;0.009595959595959595300751487912;0.016666666666666666435370203203;0.058585858585858588409855940426;0.013636363636363635701287400082;0.006060606060606060600803868255;0.000000000000000000000000000000;0.008585858585858585634298378864;0.006565656565656565434030422779;0.000505050505050505050066989021;0.000000000000000000000000000000;0.030808080808080808704607633786;0.000505050505050505050066989021;0.014646464646464647102463985107;0.074747474747474743073105685198;0.052525252525252523472243382230;0.015151515151515151935690539631;0.029797979797979799038154524737
-0.043981481481481482509465763542;0.019444444444444444752839729063;0.050462962962962966406710307865;0.012962962962962962590318660716;0.004166666666666666608842550801;0.012500000000000000693889390391;0.002314814814814814686316779557;0.033796296296296296501893152708;0.008333333333333333217685101602;0.043055555555555555247160270937;0.023611111111111110494320541875;0.006944444444444444058950338672;0.007870370370370369586532355299;0.047685185185185184619793830052;0.016666666666666666435370203203;0.024537037037037037756626034479;0.015277777777777777276635440273;0.037962962962962962243373965521;0.021759259259259259439156508620;0.006481481481481481295159330358;0.012962962962962962590318660716;0.004629629629629629372633559115;0.003240740740740740647579665179;0.049074074074074075513252068959;0.038888888888888889505679458125;0.054629629629629632148191120677;0.031944444444444441977282167500;0.012962962962962962590318660716;0.000925925925925925961262885622;0.006944444444444444058950338672;0.006481481481481481295159330358;0.021759259259259259439156508620;0.005555555555555555767577313730;0.008333333333333333217685101602;0.017129629629629630066522949505;0.055092592592592595779343866980;0.013888888888888888117900677344;0.006481481481481481295159330358;0.000000000000000000000000000000;0.004629629629629629372633559115;0.009259259259259258745267118229;0.005092592592592593003786305417;0.000000000000000000000000000000;0.030092592592592590922118134245;0.009259259259259258745267118229;0.018055555555555553859381490156;0.051388888888888886730121896562;0.040740740740740744030290443334;0.018055555555555553859381490156;0.022685185185185186701462001224
-0.044583333333333335923853724125;0.007499999999999999722444243844;0.042916666666666665463925056656;0.027916666666666666019036568969;0.010000000000000000208166817117;0.024583333333333332038073137937;0.002500000000000000052041704279;0.023333333333333334397297065266;0.012500000000000000693889390391;0.035833333333333335091186455656;0.021250000000000001526556658860;0.017500000000000001665334536938;0.012500000000000000693889390391;0.042916666666666665463925056656;0.011666666666666667198648532633;0.027500000000000000138777878078;0.016666666666666666435370203203;0.023333333333333334397297065266;0.011249999999999999583666365766;0.010000000000000000208166817117;0.018333333333333333425851918719;0.010833333333333333703407674875;0.005416666666666666851703837438;0.054166666666666668517038374375;0.044999999999999998334665463062;0.052499999999999998057109706906;0.032916666666666663521034763562;0.019166666666666665186369300500;0.000833333333333333386820640509;0.007916666666666667337426410711;0.011666666666666667198648532633;0.022499999999999999167332731531;0.005000000000000000104083408559;0.007499999999999999722444243844;0.013333333333333334189130248149;0.035416666666666665741480812812;0.012500000000000000693889390391;0.012083333333333333078907223523;0.000416666666666666693410320255;0.005833333333333333599324266316;0.006250000000000000346944695195;0.003333333333333333547282562037;0.000000000000000000000000000000;0.029583333333333333009518284484;0.010000000000000000208166817117;0.021250000000000001526556658860;0.053749999999999999167332731531;0.030833333333333334119741309109;0.024166666666666666157814447047;0.021250000000000001526556658860
-0.011616161616161616368381181985;0.021717171717171718237082700398;0.022727272727272727903535809446;0.310606060606060607742762158523;0.051010101010101012442010670611;0.007070707070707071134618715291;0.005050505050505050934350759206;0.022727272727272727903535809446;0.001515151515151515150200967064;0.015151515151515151935690539631;0.011111111111111111535154627461;0.006565656565656565434030422779;0.006565656565656565434030422779;0.020202020202020203737403036826;0.054545454545454542805149600326;0.009595959595959595300751487912;0.005555555555555555767577313730;0.008585858585858585634298378864;0.020707070707070708570629591350;0.005050505050505050934350759206;0.008080808080808080801071824339;0.003535353535353535567309357646;0.007070707070707071134618715291;0.020707070707070708570629591350;0.023232323232323232736762363970;0.020202020202020203737403036826;0.023232323232323232736762363970;0.048484848484848484806430946037;0.001010101010101010100133978042;0.014646464646464647102463985107;0.003535353535353535567309357646;0.008585858585858585634298378864;0.010101010101010101868701518413;0.010101010101010101868701518413;0.010606060606060606701928072937;0.021717171717171718237082700398;0.007070707070707071134618715291;0.008080808080808080801071824339;0.000000000000000000000000000000;0.010606060606060606701928072937;0.004545454545454545233762466694;0.002020202020202020200267956085;0.000000000000000000000000000000;0.013636363636363635701287400082;0.039898989898989899172132567173;0.009090909090909090467524933388;0.012626262626262626034834291033;0.012121212121212121201607736509;0.015656565656565656768917094155;0.012121212121212121201607736509
-0.024031007751937984162626804618;0.012403100775193798277484802384;0.041472868217054266459786759924;0.268217054263565901628396659362;0.018992248062015503612398603650;0.016279069767441860239198803129;0.001937984496124030980857000372;0.024806201550387596554969604767;0.005813953488372092942571001117;0.028682170542635658516683605512;0.009689922480620154904285001862;0.008139534883720930119599401564;0.005426356589147286746399601043;0.032558139534883720478397606257;0.025193798449612402751141004842;0.012790697674418604473656202458;0.016279069767441860239198803129;0.017829457364341085023884403427;0.012403100775193798277484802384;0.004263565891472868157885400819;0.013565891472868216865999002607;0.003488372093023255765542600670;0.006589147286821705334913801266;0.044573643410852716029157960520;0.021705426356589146985598404171;0.033333333333333332870740406406;0.027519379844961239928169405289;0.007364341085271317727256601415;0.000000000000000000000000000000;0.008139534883720930119599401564;0.009302325581395348708113601788;0.015891472868217054043027403054;0.006201550387596899138742401192;0.003488372093023255765542600670;0.011627906976744185885142002235;0.041472868217054266459786759924;0.010077519379844961100456401937;0.012403100775193798277484802384;0.000387596899224806196171400074;0.004651162790697674354056800894;0.006976744186046511531085201341;0.002713178294573643373199800521;0.000000000000000000000000000000;0.017441860465116278827713003352;0.011627906976744185885142002235;0.011627906976744185885142002235;0.032945736434108530144015958285;0.018992248062015503612398603650;0.015503875968992247846856002980;0.013178294573643410669827602533
-0.056250000000000001387778780781;0.005000000000000000104083408559;0.025833333333333333148296162562;0.036249999999999997501998194593;0.007083333333333332974823814965;0.032500000000000001110223024625;0.003749999999999999861222121922;0.021250000000000001526556658860;0.005416666666666666851703837438;0.025416666666666667268037471672;0.017500000000000001665334536938;0.012500000000000000693889390391;0.034583333333333333980963431031;0.039583333333333331482961625625;0.009583333333333332593184650250;0.035416666666666665741480812812;0.009583333333333332593184650250;0.017916666666666667545593227828;0.015416666666666667059870654555;0.006250000000000000346944695195;0.016250000000000000555111512313;0.006250000000000000346944695195;0.012083333333333333078907223523;0.029583333333333333009518284484;0.052083333333333335646297967969;0.042916666666666665463925056656;0.034583333333333333980963431031;0.005416666666666666851703837438;0.000833333333333333386820640509;0.015833333333333334674852821422;0.012500000000000000693889390391;0.010833333333333333703407674875;0.017500000000000001665334536938;0.006666666666666667094565124074;0.040833333333333332593184650250;0.032916666666666663521034763562;0.018749999999999999306110609609;0.019583333333333334536074943344;0.000416666666666666693410320255;0.013750000000000000069388939039;0.002500000000000000052041704279;0.001250000000000000026020852140;0.000000000000000000000000000000;0.017916666666666667545593227828;0.012083333333333333078907223523;0.018333333333333333425851918719;0.046666666666666668794594130532;0.040000000000000000832667268469;0.033333333333333332870740406406;0.021250000000000001526556658860
-0.033333333333333332870740406406;0.011299435028248587531418678509;0.072316384180790962976637104020;0.000000000000000000000000000000;0.000000000000000000000000000000;0.011299435028248587531418678509;0.001412429378531073441427334814;0.014124293785310734414273348136;0.009039548022598870372079638003;0.042090395480225986646338753872;0.019491525423728815052948348807;0.003389830508474576172689429754;0.012429378531073446978449936751;0.066384180790960450879722998252;0.002824858757062146882854669627;0.024011299435028249371626429820;0.019209039548022600191190534247;0.022881355932203389924595171578;0.008192090395480225786806194321;0.012711864406779661840207751311;0.014124293785310734414273348136;0.008192090395480225786806194321;0.011864406779661017254934307630;0.059322033898305086274671538149;0.036158192090395481488318552010;0.058474576271186441689398094468;0.027966101694915253966788881712;0.001977401129943502731262094940;0.000282485875706214699127488688;0.002259887005649717593019909501;0.004802259887005650047797633562;0.023446327683615819648110800699;0.005084745762711864042193710134;0.007627118644067796930652303189;0.025706214689265535072726365229;0.057627118644067797104124650787;0.015254237288135593861304606378;0.009322033898305085233837452563;0.000000000000000000000000000000;0.014406779661016949276031162697;0.003672316384180791034447244314;0.008474576271186440648564008882;0.000000000000000000000000000000;0.029096045197740113413820139954;0.000847457627118644043172357438;0.021468926553672315615806098776;0.066384180790960450879722998252;0.045197740112994350125674714036;0.029378531073446328275577954514;0.025141242937853108818657688062
-0.027407407407407408106436719208;0.024074074074074074125473288177;0.059629629629629629650189315271;0.028518518518518519433424529552;0.023333333333333334397297065266;0.013703703703703704053218359604;0.004444444444444444440589503387;0.028518518518518519433424529552;0.008148148148148147418279307885;0.034814814814814812327092852229;0.013333333333333334189130248149;0.007407407407407407690103084974;0.007777777777777777554191196430;0.042222222222222223486642889156;0.026296296296296296779448908865;0.020370370370370372015145221667;0.024444444444444445724284875610;0.034074074074074076068363581271;0.023333333333333334397297065266;0.011111111111111111535154627461;0.014074074074074073917306471060;0.013703703703703704053218359604;0.006296296296296296363115274630;0.050000000000000002775557561563;0.024814814814814813853649511088;0.032962962962962964741375770927;0.033333333333333332870740406406;0.046666666666666668794594130532;0.001111111111111111110147375847;0.010370370370370370072254928573;0.005555555555555555767577313730;0.022962962962962962798485477833;0.008888888888888888881179006773;0.009259259259259258745267118229;0.015925925925925926707193980292;0.047037037037037036923958766010;0.011851851851851851263330850372;0.008518518518518519017090895318;0.001111111111111111110147375847;0.010000000000000000208166817117;0.010740740740740739936343040029;0.011851851851851851263330850372;0.000000000000000000000000000000;0.021481481481481479872686080057;0.014444444444444443781394582516;0.011481481481481481399242738917;0.038888888888888889505679458125;0.022592592592592591199673890401;0.017037037037037038034181790636;0.014074074074074073917306471060
-0.036752136752136753405917346527;0.014957264957264957902505209120;0.056410256410256411074843896358;0.009401709401709401267566157401;0.027777777777777776235801354687;0.025641025641025640136039243089;0.000854700854700854700113366036;0.026068376068376069437659836581;0.011538461538461539102051744976;0.019230769230769231836752908293;0.017948717948717947401338079771;0.011538461538461539102051744976;0.018803418803418802535132314802;0.041452991452991451437615211262;0.023076923076923078204103489952;0.035897435897435894802676159543;0.016666666666666666435370203203;0.029059829059829060671216183209;0.017948717948717947401338079771;0.005555555555555555767577313730;0.018376068376068376702958673263;0.014957264957264957902505209120;0.006410256410256410034009810772;0.017521367521367521569164438233;0.058974358974358973006779649495;0.048717948717948718340142733041;0.029487179487179486503389824748;0.057692307692307695510258724880;0.000427350427350427350056683018;0.007692307692307692734701163317;0.011111111111111111535154627461;0.006837606837606837600906928287;0.006837606837606837600906928287;0.008974358974358973700669039886;0.017948717948717947401338079771;0.023504273504273504036277131490;0.010256410256410256401360392431;0.009401709401709401267566157401;0.000000000000000000000000000000;0.017094017094017095736990796695;0.009401709401709401267566157401;0.002564102564102564100340098108;0.000000000000000000000000000000;0.007692307692307692734701163317;0.011111111111111111535154627461;0.012393162393162392501122504029;0.039316239316239315337853099663;0.036324786324786327573743704988;0.032051282051282048435325577884;0.030341880341880341637184059778
-0.086363636363636364645657295114;0.003787878787878787983922634908;0.035227272727272725127978247883;0.001893939393939393991961317454;0.005681818181818181975883952362;0.037878787878787879839226349077;0.000757575757575757575100483532;0.026515151515151515887458444354;0.004166666666666666608842550801;0.025378787878787879145336958686;0.029166666666666667129259593594;0.019696969696969695434729530348;0.017803030303030303177491688871;0.042045454545454545580707161889;0.007575757575757575967845269815;0.033712121212121214097745536264;0.008333333333333333217685101602;0.022348484848484850145977631541;0.030681818181818181628939257166;0.007196969696969697342925353922;0.028409090909090908144696285831;0.001893939393939393991961317454;0.007196969696969697342925353922;0.026893939393939393645016622258;0.085984848484848483418652165255;0.050000000000000002775557561563;0.038636363636363635354342704886;0.001136363636363636308440616673;0.000000000000000000000000000000;0.013257575757575757943729222177;0.010606060606060606701928072937;0.007196969696969697342925353922;0.012121212121212121201607736509;0.002651515151515151675482018234;0.016287878787878788677812025298;0.026136363636363634660453314495;0.020454545454545454419292838111;0.011742424242424241709326082628;0.000000000000000000000000000000;0.004545454545454545233762466694;0.006439393939393939225723784148;0.002272727272727272616881233347;0.000000000000000000000000000000;0.013257575757575757943729222177;0.006439393939393939225723784148;0.010227272727272727209646419055;0.038636363636363635354342704886;0.038636363636363635354342704886;0.050378787878787877063668787514;0.022348484848484850145977631541
-0.040243902439024391293198590347;0.016260162601626017980782634709;0.030081300813008131356252050637;0.011382113821138212239603149101;0.086991869918699185615373892233;0.021138211382113820252515168363;0.008536585365853659179702361826;0.035772357723577237476053625187;0.002439024390243902436908873810;0.017479674796747966813992292145;0.021951219512195120631137257305;0.004471544715447154684506703148;0.013414634146341463186158371457;0.032926829268292684416152837912;0.029674796747967479432217530189;0.018699186991869919116648901536;0.006097560975609756309112619022;0.017073170731707318359404723651;0.048780487804878050472900952172;0.001626016260162601624605915873;0.030894308943089431734874139579;0.004065040650406504495195658677;0.008536585365853659179702361826;0.026422764227642277917729174419;0.040243902439024391293198590347;0.040650406504065039747786158841;0.036178861788617885930641193681;0.010569105691056910126257584182;0.000000000000000000000000000000;0.044715447154471545110343555507;0.003658536585365853872203745212;0.005284552845528455063128792091;0.014634146341463415488814980847;0.005691056910569106119801574550;0.018292682926829267192614381088;0.022357723577235772555171777753;0.010569105691056910126257584182;0.006910569105691056687734707964;0.000000000000000000000000000000;0.004878048780487804873817747620;0.008943089430894309369013406297;0.007317073170731707744407490424;0.000000000000000000000000000000;0.017886178861788618738026812593;0.040650406504065039747786158841;0.016260162601626017980782634709;0.034959349593495933627984584291;0.025609756097560974069660133523;0.028861788617886179053595441246;0.019918699186991871419305510926
-0.034583333333333333980963431031;0.004166666666666666608842550801;0.058749999999999996669330926125;0.001250000000000000026020852140;0.002916666666666666799662133158;0.020000000000000000416333634234;0.002083333333333333304421275400;0.019166666666666665186369300500;0.008750000000000000832667268469;0.041250000000000001942890293094;0.017083333333333332315628894094;0.004583333333333333356462979680;0.012083333333333333078907223523;0.060833333333333336478965236438;0.010416666666666666088425508008;0.022499999999999999167332731531;0.014166666666666665949647629930;0.026249999999999999028554853453;0.012500000000000000693889390391;0.014166666666666665949647629930;0.020000000000000000416333634234;0.011666666666666667198648532633;0.012916666666666666574148081281;0.049166666666666664076146275875;0.036249999999999997501998194593;0.052916666666666667406815349750;0.031666666666666669349705642844;0.003333333333333333547282562037;0.001666666666666666773641281019;0.006250000000000000346944695195;0.004583333333333333356462979680;0.024166666666666666157814447047;0.011666666666666667198648532633;0.011666666666666667198648532633;0.024583333333333332038073137937;0.048333333333333332315628894094;0.014166666666666665949647629930;0.010000000000000000208166817117;0.000000000000000000000000000000;0.018749999999999999306110609609;0.007083333333333332974823814965;0.002083333333333333304421275400;0.000000000000000000000000000000;0.031666666666666669349705642844;0.006666666666666667094565124074;0.018749999999999999306110609609;0.061249999999999998889776975375;0.039166666666666669072149886688;0.032500000000000001110223024625;0.019583333333333334536074943344
-0.021031746031746033354092872969;0.057142857142857141072855853281;0.030555555555555554553270880547;0.030158730158730159137681070547;0.023412698412698412786525636875;0.016666666666666666435370203203;0.003174603174603174600421073848;0.034126984126984123701920026406;0.004365079365079365183999193789;0.018650793650793650452213157109;0.023015873015873017370935826875;0.007539682539682539784420267637;0.009920634920634920084214769531;0.028571428571428570536427926640;0.060714285714285713690951951094;0.016269841269841271019780393203;0.010714285714285714384841341484;0.041269841269841268938112222031;0.029761904761904760252644308594;0.006349206349206349200842147695;0.018650793650793650452213157109;0.007936507936507936067371815625;0.009126984126984127518311673555;0.022619047619047618485899064922;0.026190476190476191103995162734;0.026587301587301586519584972734;0.039285714285714284921269268125;0.062301587301587302292205095000;0.000396825396825396825052634231;0.030555555555555554553270880547;0.003968253968253968033685907812;0.008333333333333333217685101602;0.015476190476190476719153821250;0.008730158730158730367998387578;0.016269841269841271019780393203;0.024206349206349207087152208828;0.011507936507936508685467913438;0.005158730158730158617264027754;0.000000000000000000000000000000;0.007936507936507936067371815625;0.010714285714285714384841341484;0.010714285714285714384841341484;0.000000000000000000000000000000;0.012301587301587301251371009414;0.037698412698412696320016124218;0.008333333333333333217685101602;0.032142857142857139685077072500;0.024206349206349207087152208828;0.025000000000000001387778780781;0.020238095238095239053466301016
-0.050000000000000002775557561563;0.010507246376811593679967415937;0.032608695652173912138405142969;0.000724637681159420298654394443;0.000362318840579710149327197222;0.008333333333333333217685101602;0.000362318840579710149327197222;0.024275362318840580655443517344;0.002173913043478260895963183330;0.088768115942028991138812443751;0.016304347826086956069202571484;0.005072463768115941656899892109;0.007971014492753622851517469883;0.054710144927536230596842870000;0.001449275362318840597308788887;0.030434782608695653410846304610;0.005072463768115941656899892109;0.010507246376811593679967415937;0.005434782608695652023067523828;0.005072463768115941656899892109;0.014130434782608695606920257148;0.000362318840579710149327197222;0.002173913043478260895963183330;0.109420289855072461193685740000;0.029347826086956522312343409453;0.075724637681159417956777701875;0.024275362318840580655443517344;0.001086956521739130447981591665;0.000724637681159420298654394443;0.001811594202898550746635986108;0.003985507246376811425758734941;0.023188405797101449556940622188;0.002173913043478260895963183330;0.005072463768115941656899892109;0.007608695652173913352711576152;0.046739130434782609480048876094;0.017028985507246376801537834922;0.015217391304347826705423152305;0.000000000000000000000000000000;0.001449275362318840597308788887;0.005434782608695652023067523828;0.008333333333333333217685101602;0.000000000000000000000000000000;0.058695652173913044624686818906;0.001811594202898550746635986108;0.032608695652173912138405142969;0.069202898550724631365760330937;0.044202898550724636916875454062;0.019202898550724638998543625235;0.018840579710144928632375993516
-0.036309523809523812365451789219;0.019642857142857142460634634062;0.049107142857142856151586585156;0.029761904761904760252644308594;0.006547619047619047775998790684;0.014285714285714285268213963320;0.002380952380952381167156239883;0.033928571428571425994125121406;0.005654761904761904621474766230;0.033630952380952379432432763906;0.019940476190476189022326991562;0.006845238095238095205052886172;0.008035714285714284921269268125;0.054761904761904761640423089375;0.027083333333333334258519187188;0.010714285714285714384841341484;0.016666666666666666435370203203;0.036904761904761905488836504219;0.017559523809523809589894227656;0.010119047619047619526733150508;0.019047619047619049337249919063;0.006250000000000000346944695195;0.009821428571428571230317317031;0.044642857142857143848413414844;0.031250000000000000000000000000;0.047619047619047616404230893750;0.043452380952380950662750080937;0.011904761904761904101057723437;0.000297619047619047645894529985;0.011607142857142857539365365938;0.006845238095238095205052886172;0.019345238095238095898942276563;0.009226190476190476372209126055;0.003273809523809523887999395342;0.017261904761904763028201870156;0.052083333333333335646297967969;0.015476190476190476719153821250;0.007440476190476190063161077148;0.000000000000000000000000000000;0.008333333333333333217685101602;0.008333333333333333217685101602;0.004464285714285714037896646289;0.000000000000000000000000000000;0.026488095238095237665687520234;0.010416666666666666088425508008;0.017857142857142856151586585156;0.047916666666666669904817155157;0.025892857142857144542302805235;0.034523809523809526056403740313;0.019047619047619049337249919063
-0.029924242424242422644375949403;0.002651515151515151675482018234;0.072727272727272723740199467102;0.000000000000000000000000000000;0.003787878787878787983922634908;0.006818181818181817850643700041;0.001893939393939393991961317454;0.025757575757575756902895136591;0.008333333333333333217685101602;0.059848484848484845288751898806;0.009469696969696969959806587269;0.009090909090909090467524933388;0.004924242424242423858682382587;0.067045454545454546968485942671;0.006818181818181817850643700041;0.011742424242424241709326082628;0.017045454545454544192928381108;0.030681818181818181628939257166;0.010227272727272727209646419055;0.012121212121212121201607736509;0.016287878787878788677812025298;0.006060606060606060600803868255;0.003787878787878787983922634908;0.074999999999999997224442438437;0.027272727272727271402574800163;0.053409090909090906063028114659;0.029924242424242422644375949403;0.000378787878787878787550241766;0.000000000000000000000000000000;0.008712121212121212709966755483;0.005681818181818181975883952362;0.029166666666666667129259593594;0.006818181818181817850643700041;0.009848484848484847717364765174;0.014015151515151515193569053963;0.074999999999999997224442438437;0.015530303030303029693248717535;0.006060606060606060600803868255;0.000000000000000000000000000000;0.009848484848484847717364765174;0.004545454545454545233762466694;0.001893939393939393991961317454;0.000000000000000000000000000000;0.041287878787878790065590806080;0.001893939393939393991961317454;0.025378787878787879145336958686;0.062121212121212118772994870142;0.039015151515151516581347834745;0.024242424242424242403215473018;0.015909090909090907450806895440
-0.027916666666666666019036568969;0.005833333333333333599324266316;0.062083333333333330650294357156;0.014999999999999999444888487687;0.005416666666666666851703837438;0.005833333333333333599324266316;0.003333333333333333547282562037;0.025000000000000001387778780781;0.008333333333333333217685101602;0.074999999999999997224442438437;0.012500000000000000693889390391;0.001250000000000000026020852140;0.003333333333333333547282562037;0.049583333333333333425851918719;0.011666666666666667198648532633;0.013333333333333334189130248149;0.025000000000000001387778780781;0.030833333333333334119741309109;0.007916666666666667337426410711;0.007499999999999999722444243844;0.012916666666666666574148081281;0.005000000000000000104083408559;0.004583333333333333356462979680;0.083333333333333328707404064062;0.020833333333333332176851016015;0.053333333333333336756520992594;0.028750000000000001249000902703;0.007083333333333332974823814965;0.002083333333333333304421275400;0.001666666666666666773641281019;0.002083333333333333304421275400;0.044166666666666666574148081281;0.004583333333333333356462979680;0.006250000000000000346944695195;0.008333333333333333217685101602;0.087499999999999994448884876874;0.007916666666666667337426410711;0.010000000000000000208166817117;0.000000000000000000000000000000;0.006250000000000000346944695195;0.005833333333333333599324266316;0.003749999999999999861222121922;0.000000000000000000000000000000;0.050000000000000002775557561563;0.003749999999999999861222121922;0.027916666666666666019036568969;0.057083333333333333148296162562;0.029166666666666667129259593594;0.018749999999999999306110609609;0.010416666666666666088425508008
-0.025000000000000001387778780781;0.032083333333333331760517381781;0.028333333333333331899295259859;0.075833333333333335923853724125;0.074166666666666672402818960563;0.008750000000000000832667268469;0.004166666666666666608842550801;0.035000000000000003330669073875;0.006666666666666667094565124074;0.028750000000000001249000902703;0.010833333333333333703407674875;0.009583333333333332593184650250;0.004583333333333333356462979680;0.022083333333333333287074040641;0.054583333333333330927850113312;0.014999999999999999444888487687;0.006666666666666667094565124074;0.032083333333333331760517381781;0.025416666666666667268037471672;0.004583333333333333356462979680;0.022499999999999999167332731531;0.001666666666666666773641281019;0.008750000000000000832667268469;0.034166666666666664631257788187;0.020000000000000000416333634234;0.034166666666666664631257788187;0.028750000000000001249000902703;0.063750000000000001110223024625;0.002083333333333333304421275400;0.014166666666666665949647629930;0.006250000000000000346944695195;0.016666666666666666435370203203;0.013750000000000000069388939039;0.003749999999999999861222121922;0.005000000000000000104083408559;0.036666666666666666851703837438;0.014166666666666665949647629930;0.005833333333333333599324266316;0.001250000000000000026020852140;0.001666666666666666773641281019;0.012916666666666666574148081281;0.006666666666666667094565124074;0.000000000000000000000000000000;0.019166666666666665186369300500;0.025416666666666667268037471672;0.012500000000000000693889390391;0.032083333333333331760517381781;0.019583333333333334536074943344;0.019166666666666665186369300500;0.013333333333333334189130248149
-0.030081300813008131356252050637;0.005284552845528455063128792091;0.056504065040650405804534273102;0.000000000000000000000000000000;0.000000000000000000000000000000;0.017479674796747966813992292145;0.001219512195121951218454436905;0.024796747967479673691038044581;0.025609756097560974069660133523;0.025203252032520325615072565029;0.021544715447154472176549688811;0.005691056910569106119801574550;0.017073170731707318359404723651;0.054065040650406501199221054321;0.006097560975609756309112619022;0.017479674796747966813992292145;0.022764227642276424479206298201;0.050813008130081299684732698552;0.011382113821138212239603149101;0.013821138211382113375469415928;0.021138211382113820252515168363;0.020731707317073171797927599869;0.021138211382113820252515168363;0.034146341463414636718809447302;0.035772357723577237476053625187;0.045528455284552848958412596403;0.028861788617886179053595441246;0.023983739837398373312415955638;0.000813008130081300812302957937;0.004065040650406504495195658677;0.002845528455284553059900787275;0.013008130081300812996847326986;0.009349593495934959558324450768;0.008943089430894309369013406297;0.036585365853658534385228762176;0.045121951219512193564931124001;0.017886178861788618738026812593;0.008536585365853659179702361826;0.006504065040650406498423663493;0.030487804878048779810839619131;0.005691056910569106119801574550;0.013414634146341463186158371457;0.000000000000000000000000000000;0.023170731707317072933793866696;0.002439024390243902436908873810;0.017073170731707318359404723651;0.036585365853658534385228762176;0.024796747967479673691038044581;0.040243902439024391293198590347;0.014227642276422763564780460399
-0.047747747747747745772350924653;0.001351351351351351426366420583;0.045945945945945948496458299815;0.024774774774774774993568726700;0.000900900900900900914770874639;0.017567567567567568542763467576;0.002252252252252252232717077973;0.018018018018018017861736623786;0.008558558558558557877171679706;0.054954954954954955692603135731;0.019819819819819818607076200578;0.015315315315315315009003782620;0.008108108108108108558198523497;0.064414414414414408738274175903;0.004054054054054054279099261748;0.032882882882882880082320298243;0.010810810810810811410931364662;0.012612612612612612156270941455;0.008108108108108108558198523497;0.007657657657657657504501891310;0.013963963963963963582637362038;0.007657657657657657504501891310;0.003153153153153153039067735364;0.066216216216216219891954608556;0.042342342342342340066885242322;0.062612612612612611462381551064;0.029279279279279278591641144658;0.000450450450450450457385437320;0.000450450450450450457385437320;0.007657657657657657504501891310;0.011261261261261260729904520872;0.024324324324324325674595570490;0.004054054054054054279099261748;0.009009009009009008930868311893;0.012162162162162162837297785245;0.045495495495495495708038191651;0.011711711711711711783601153058;0.011261261261261260729904520872;0.000000000000000000000000000000;0.006306306306306306078135470727;0.003153153153153153039067735364;0.003603603603603603659083498556;0.000000000000000000000000000000;0.032882882882882880082320298243;0.001351351351351351426366420583;0.014864864864864865690030626411;0.062162162162162165612855346808;0.049549549549549549987137453400;0.031531531531531528655953877660;0.025675675675675677100961991073
-0.034166666666666664631257788187;0.011249999999999999583666365766;0.055833333333333332038073137937;0.002500000000000000052041704279;0.002916666666666666799662133158;0.019583333333333334536074943344;0.003749999999999999861222121922;0.027500000000000000138777878078;0.011666666666666667198648532633;0.021250000000000001526556658860;0.018749999999999999306110609609;0.009583333333333332593184650250;0.022499999999999999167332731531;0.029999999999999998889776975375;0.012916666666666666574148081281;0.028333333333333331899295259859;0.020833333333333332176851016015;0.034166666666666664631257788187;0.015416666666666667059870654555;0.011249999999999999583666365766;0.018333333333333333425851918719;0.009583333333333332593184650250;0.020416666666666666296592325125;0.032500000000000001110223024625;0.034583333333333333980963431031;0.035000000000000003330669073875;0.035416666666666665741480812812;0.020416666666666666296592325125;0.002083333333333333304421275400;0.012500000000000000693889390391;0.010833333333333333703407674875;0.021250000000000001526556658860;0.013333333333333334189130248149;0.015416666666666667059870654555;0.039166666666666669072149886688;0.038333333333333330372738601000;0.012500000000000000693889390391;0.013333333333333334189130248149;0.001250000000000000026020852140;0.026666666666666668378260496297;0.010416666666666666088425508008;0.012916666666666666574148081281;0.000000000000000000000000000000;0.024583333333333332038073137937;0.007916666666666667337426410711;0.024166666666666666157814447047;0.030833333333333334119741309109;0.028333333333333331899295259859;0.034583333333333333980963431031;0.019166666666666665186369300500
-0.037387387387387387149839668155;0.012162162162162162837297785245;0.064864864864864868465588187973;0.000000000000000000000000000000;0.000450450450450450457385437320;0.012612612612612612156270941455;0.000450450450450450457385437320;0.024774774774774774993568726700;0.003603603603603603659083498556;0.053603603603603604266236715148;0.018918918918918919969129888159;0.004954954954954954651769050145;0.006306306306306306078135470727;0.076576576576576571575571961148;0.004054054054054054279099261748;0.029729729729729731380061252821;0.013513513513513514263664205828;0.020270270270270271395496308742;0.008108108108108108558198523497;0.004954954954954954651769050145;0.009009009009009008930868311893;0.004504504504504504465434155946;0.004054054054054054279099261748;0.074324324324324328450153132053;0.036486486486486488511893355735;0.064864864864864868465588187973;0.023873873873873872886175462327;0.004504504504504504465434155946;0.000900900900900900914770874639;0.001351351351351351426366420583;0.004954954954954954651769050145;0.020270270270270271395496308742;0.002252252252252252232717077973;0.009909909909909909303538100289;0.017567567567567568542763467576;0.045495495495495495708038191651;0.012612612612612612156270941455;0.014414414414414414636333994224;0.000450450450450450457385437320;0.007207207207207207318166997112;0.004504504504504504465434155946;0.010360360360360360357234732476;0.000000000000000000000000000000;0.029279279279279278591641144658;0.001351351351351351426366420583;0.015765765765765764327976938830;0.075675675675675679876519552636;0.062612612612612611462381551064;0.017117117117117115754343359413;0.027027027027027028527328411656
-0.018333333333333333425851918719;0.035833333333333335091186455656;0.025833333333333333148296162562;0.041250000000000001942890293094;0.033333333333333332870740406406;0.007083333333333332974823814965;0.016250000000000000555111512313;0.054583333333333330927850113312;0.003749999999999999861222121922;0.027500000000000000138777878078;0.017500000000000001665334536938;0.006250000000000000346944695195;0.004166666666666666608842550801;0.032083333333333331760517381781;0.056250000000000001387778780781;0.015833333333333334674852821422;0.010000000000000000208166817117;0.035000000000000003330669073875;0.031250000000000000000000000000;0.003749999999999999861222121922;0.031666666666666669349705642844;0.002916666666666666799662133158;0.006250000000000000346944695195;0.041666666666666664353702032031;0.020416666666666666296592325125;0.035416666666666665741480812812;0.032916666666666663521034763562;0.047916666666666669904817155157;0.000416666666666666693410320255;0.020416666666666666296592325125;0.002500000000000000052041704279;0.012916666666666666574148081281;0.009166666666666666712925959359;0.006250000000000000346944695195;0.008333333333333333217685101602;0.027916666666666666019036568969;0.012916666666666666574148081281;0.005000000000000000104083408559;0.000416666666666666693410320255;0.003749999999999999861222121922;0.023333333333333334397297065266;0.004166666666666666608842550801;0.000000000000000000000000000000;0.017916666666666667545593227828;0.038333333333333330372738601000;0.018333333333333333425851918719;0.032083333333333331760517381781;0.022916666666666665047591422422;0.020416666666666666296592325125;0.017500000000000001665334536938
-0.018794326241134751143135872553;0.018085106382978721750731665452;0.074468085106382975180139283111;0.016312056737588651739168099652;0.010992907801418439969753926277;0.012056737588652482323636760952;0.003900709219858156020371842132;0.025531914893617019962634984154;0.024113475177304964647273521905;0.047163120567375885205940733158;0.010992907801418439969753926277;0.005319148936170212636775911363;0.005673758865248227332978014914;0.040780141843971634552090677062;0.015248226950354609385285264977;0.014184397163120567031402430302;0.033333333333333332870740406406;0.041134751773049642309398876705;0.013120567375886524677519595627;0.006737588652482269686860849589;0.011702127659574467627434657402;0.024822695035460994039677729006;0.004609929078014184111733442251;0.051418439716312054621472071858;0.022340425531914894635709956106;0.039716312056737590463484366410;0.033687943262411347566942509957;0.016666666666666666435370203203;0.001773049645390070878925303788;0.009219858156028368223466884501;0.003900709219858156020371842132;0.028723404255319148759006964156;0.005673758865248227332978014914;0.006737588652482269686860849589;0.010283687943262410577349719176;0.063120567375886518779459777306;0.018085106382978721750731665452;0.007446808510638298211903318702;0.001063829787234042570723269172;0.011347517730496454665956029828;0.008865248226950355261988256927;0.019503546099290780535540079654;0.000000000000000000000000000000;0.024822695035460994039677729006;0.011347517730496454665956029828;0.015248226950354609385285264977;0.051063829787234039925269968307;0.024822695035460994039677729006;0.020921985815602835850901541903;0.013120567375886524677519595627
-0.034074074074074076068363581271;0.023703703703703702526661700745;0.045925925925925925596970955667;0.056296296296296295669225884239;0.025925925925925925180637321432;0.026296296296296296779448908865;0.002962962962962962815832712593;0.032962962962962964741375770927;0.016666666666666666435370203203;0.016666666666666666435370203203;0.016666666666666666435370203203;0.008148148148148147418279307885;0.014074074074074073917306471060;0.036296296296296298722339201959;0.033703703703703701000105041885;0.015925925925925926707193980292;0.011851851851851851263330850372;0.043333333333333334813630699500;0.022962962962962962798485477833;0.005555555555555555767577313730;0.020740740740740740144509857146;0.013703703703703704053218359604;0.017777777777777777762358013547;0.023333333333333334397297065266;0.022962962962962962798485477833;0.025555555555555557051272685953;0.039259259259259257635044093604;0.016296296296296294836558615771;0.000370370370370370351979089074;0.018148148148148149361169600979;0.009259259259259258745267118229;0.013703703703703704053218359604;0.017407407407407406163546426114;0.005555555555555555767577313730;0.018518518518518517490534236458;0.032962962962962964741375770927;0.022222222222222223070309254922;0.008148148148148147418279307885;0.001481481481481481407916356297;0.014074074074074073917306471060;0.010000000000000000208166817117;0.011481481481481481399242738917;0.000000000000000000000000000000;0.017407407407407406163546426114;0.018518518518518517490534236458;0.010000000000000000208166817117;0.030370370370370370488588562807;0.022222222222222223070309254922;0.031481481481481478346129421197;0.017037037037037038034181790636
-0.023873873873873872886175462327;0.035135135135135137085526935152;0.026126126126126126419935147283;0.058108108108108111333756085060;0.063963963963963962888747971647;0.022072072072072072140835885534;0.011261261261261260729904520872;0.043243243243243245643725458649;0.005405405405405405705465682331;0.014864864864864865690030626411;0.010360360360360360357234732476;0.013963963963963963582637362038;0.013513513513513514263664205828;0.020270270270270271395496308742;0.050450450450450448625083765819;0.018468468468468467180709779996;0.009459459459459459984564944079;0.032882882882882880082320298243;0.049549549549549549987137453400;0.004504504504504504465434155946;0.024324324324324325674595570490;0.004054054054054054279099261748;0.011711711711711711783601153058;0.012612612612612612156270941455;0.032882882882882880082320298243;0.030630630630630630018007565241;0.035135135135135137085526935152;0.040540540540540542790992617483;0.000900900900900900914770874639;0.032882882882882880082320298243;0.007207207207207207318166997112;0.005405405405405405705465682331;0.012162162162162162837297785245;0.006306306306306306078135470727;0.014414414414414414636333994224;0.015315315315315315009003782620;0.010360360360360360357234732476;0.006306306306306306078135470727;0.000450450450450450457385437320;0.006756756756756757131832102914;0.022522522522522521459809041744;0.003603603603603603659083498556;0.000000000000000000000000000000;0.005855855855855855891800576529;0.038288288288288285787785980574;0.012612612612612612156270941455;0.022972972972972974248229149907;0.016216216216216217116397046993;0.022522522522522521459809041744;0.017567567567567568542763467576
-0.039912280701754385137114411464;0.004385964912280701510916003372;0.054824561403508768886450042146;0.000000000000000000000000000000;0.000438596491228070183617665512;0.006578947368421052266374005058;0.002192982456140350755458001686;0.018859649122807017190828204889;0.003070175438596491231113549958;0.061842105263157892691694428322;0.015350877192982455288206011801;0.005263157894736841986571551644;0.005263157894736841986571551644;0.076315789473684211841053581793;0.002631578947368420993285775822;0.027192982456140352143236782467;0.010526315789473683973143103287;0.019736842105263156799122015173;0.003947368421052631706769098230;0.010087719298245614168996198146;0.021929824561403507554580016858;0.003947368421052631706769098230;0.003070175438596491231113549958;0.076315789473684211841053581793;0.039035087719298248998267553134;0.082017543859649127968580728520;0.027631578947368420212660211632;0.000000000000000000000000000000;0.001754385964912280734470662047;0.001754385964912280734470662047;0.004824561403508772182424646502;0.021491228070175439485156587693;0.004824561403508772182424646502;0.007456140350877192742029553330;0.012719298245614034728601104973;0.063596491228070178847175952797;0.009210526315789472825978911885;0.013596491228070176071618391234;0.000000000000000000000000000000;0.007017543859649122937882648188;0.003947368421052631706769098230;0.003070175438596491231113549958;0.000000000000000000000000000000;0.034649122807017540548457645855;0.001315789473684210496642887911;0.025438596491228069457202209946;0.076315789473684211841053581793;0.042543859649122807431442794268;0.020614035087719299876862777410;0.021491228070175439485156587693
-0.027037037037037036507625131776;0.029629629629629630760412339896;0.029259259259259259161600752464;0.047777777777777780121581940875;0.050370370370370370904922197042;0.016666666666666666435370203203;0.006296296296296296363115274630;0.047037037037037036923958766010;0.003703703703703703845051542487;0.014814814814814815380206169948;0.023333333333333334397297065266;0.009259259259259258745267118229;0.007777777777777777554191196430;0.029259259259259259161600752464;0.056666666666666663798590519718;0.012222222222222222862142437805;0.011851851851851851263330850372;0.033333333333333332870740406406;0.043703703703703702942995334979;0.005925925925925925631665425186;0.028518518518518519433424529552;0.003333333333333333547282562037;0.007407407407407407690103084974;0.018518518518518517490534236458;0.024444444444444445724284875610;0.022962962962962962798485477833;0.046666666666666668794594130532;0.023703703703703702526661700745;0.000740740740740740703958178148;0.031481481481481478346129421197;0.002962962962962962815832712593;0.012222222222222222862142437805;0.022222222222222223070309254922;0.004444444444444444440589503387;0.012222222222222222862142437805;0.023703703703703702526661700745;0.011111111111111111535154627461;0.009259259259259258745267118229;0.000000000000000000000000000000;0.005555555555555555767577313730;0.010000000000000000208166817117;0.011111111111111111535154627461;0.000000000000000000000000000000;0.015555555555555555108382392859;0.044814814814814814269983145323;0.012962962962962962590318660716;0.032222222222222221543752596062;0.017407407407407406163546426114;0.026296296296296296779448908865;0.012222222222222222862142437805
-0.037499999999999998612221219219;0.021250000000000001526556658860;0.048333333333333332315628894094;0.009583333333333332593184650250;0.014583333333333333564629796797;0.012083333333333333078907223523;0.003333333333333333547282562037;0.031666666666666669349705642844;0.020000000000000000416333634234;0.023333333333333334397297065266;0.021666666666666667406815349750;0.007083333333333332974823814965;0.013750000000000000069388939039;0.040416666666666663243479007406;0.025416666666666667268037471672;0.013333333333333334189130248149;0.015416666666666667059870654555;0.047916666666666669904817155157;0.021250000000000001526556658860;0.010416666666666666088425508008;0.017083333333333332315628894094;0.012500000000000000693889390391;0.018749999999999999306110609609;0.034166666666666664631257788187;0.029166666666666667129259593594;0.050416666666666665186369300500;0.044166666666666666574148081281;0.011249999999999999583666365766;0.000833333333333333386820640509;0.016250000000000000555111512313;0.007083333333333332974823814965;0.008333333333333333217685101602;0.020833333333333332176851016015;0.011249999999999999583666365766;0.022499999999999999167332731531;0.040416666666666663243479007406;0.017916666666666667545593227828;0.010416666666666666088425508008;0.001250000000000000026020852140;0.018749999999999999306110609609;0.009166666666666666712925959359;0.011249999999999999583666365766;0.000000000000000000000000000000;0.017083333333333332315628894094;0.013750000000000000069388939039;0.013333333333333334189130248149;0.027500000000000000138777878078;0.020416666666666666296592325125;0.036249999999999997501998194593;0.019583333333333334536074943344
-0.020370370370370372015145221667;0.025925925925925925180637321432;0.049259259259259259577934386698;0.019629629629629628817522046802;0.033703703703703701000105041885;0.017407407407407406163546426114;0.007037037037037036958653235530;0.057407407407407406996213694583;0.004444444444444444440589503387;0.018518518518518517490534236458;0.024074074074074074125473288177;0.003703703703703703845051542487;0.015555555555555555108382392859;0.034074074074074076068363581271;0.041111111111111112159655078813;0.018888888888888889089345823891;0.014814814814814815380206169948;0.037407407407407410049327012302;0.038888888888888889505679458125;0.010740740740740739936343040029;0.026666666666666668378260496297;0.008888888888888888881179006773;0.008518518518518519017090895318;0.022962962962962962798485477833;0.021851851851851851471497667490;0.029629629629629630760412339896;0.041481481481481480289019714291;0.020370370370370372015145221667;0.000000000000000000000000000000;0.027777777777777776235801354687;0.004814814814814815172039352831;0.010000000000000000208166817117;0.017037037037037038034181790636;0.008888888888888888881179006773;0.019629629629629628817522046802;0.030370370370370370488588562807;0.013703703703703704053218359604;0.006666666666666667094565124074;0.000000000000000000000000000000;0.014444444444444443781394582516;0.012592592592592592726230549260;0.004074074074074073709139653943;0.000000000000000000000000000000;0.010370370370370370072254928573;0.035185185185185187395351391615;0.011111111111111111535154627461;0.030740740740740742087400150240;0.020370370370370372015145221667;0.031481481481481478346129421197;0.017407407407407406163546426114
-0.036666666666666666851703837438;0.001851851851851851922525771243;0.072592592592592597444678403917;0.000370370370370370351979089074;0.000000000000000000000000000000;0.012222222222222222862142437805;0.001111111111111111110147375847;0.020000000000000000416333634234;0.006666666666666667094565124074;0.041481481481481480289019714291;0.016666666666666666435370203203;0.003703703703703703845051542487;0.018888888888888889089345823891;0.058888888888888886452566140406;0.008148148148148147418279307885;0.025185185185185185452461098521;0.014814814814814815380206169948;0.019629629629629628817522046802;0.012592592592592592726230549260;0.009259259259259258745267118229;0.013703703703703704053218359604;0.010370370370370370072254928573;0.008148148148148147418279307885;0.044814814814814814269983145323;0.036666666666666666851703837438;0.052592592592592593558897817729;0.034814814814814812327092852229;0.020370370370370372015145221667;0.000370370370370370351979089074;0.005185185185185185036127464286;0.007037037037037036958653235530;0.014444444444444443781394582516;0.011111111111111111535154627461;0.020740740740740740144509857146;0.035185185185185187395351391615;0.040000000000000000832667268469;0.011111111111111111535154627461;0.010370370370370370072254928573;0.000370370370370370351979089074;0.024814814814814813853649511088;0.002592592592592592518063732143;0.001111111111111111110147375847;0.000000000000000000000000000000;0.024814814814814813853649511088;0.003333333333333333547282562037;0.010740740740740739936343040029;0.056666666666666663798590519718;0.049259259259259259577934386698;0.038148148148148146308056283260;0.030370370370370370488588562807
-0.036666666666666666851703837438;0.007083333333333332974823814965;0.068750000000000005551115123126;0.005416666666666666851703837438;0.002083333333333333304421275400;0.012500000000000000693889390391;0.000833333333333333386820640509;0.029583333333333333009518284484;0.006250000000000000346944695195;0.046666666666666668794594130532;0.017500000000000001665334536938;0.003749999999999999861222121922;0.012083333333333333078907223523;0.065416666666666664631257788187;0.009583333333333332593184650250;0.027083333333333334258519187188;0.018749999999999999306110609609;0.026666666666666668378260496297;0.016250000000000000555111512313;0.015833333333333334674852821422;0.015416666666666667059870654555;0.008750000000000000832667268469;0.008333333333333333217685101602;0.042083333333333333703407674875;0.040833333333333332593184650250;0.047083333333333331205405869468;0.036666666666666666851703837438;0.001250000000000000026020852140;0.000000000000000000000000000000;0.002916666666666666799662133158;0.004583333333333333356462979680;0.016250000000000000555111512313;0.010000000000000000208166817117;0.008750000000000000832667268469;0.025000000000000001387778780781;0.051249999999999996946886682281;0.011249999999999999583666365766;0.010000000000000000208166817117;0.000000000000000000000000000000;0.017083333333333332315628894094;0.007499999999999999722444243844;0.002916666666666666799662133158;0.000000000000000000000000000000;0.019583333333333334536074943344;0.007083333333333332974823814965;0.012916666666666666574148081281;0.056250000000000001387778780781;0.043333333333333334813630699500;0.033333333333333332870740406406;0.030833333333333334119741309109
-0.047517730496453899902142836709;0.011702127659574467627434657402;0.045390070921985818663824119312;0.004609929078014184111733442251;0.005319148936170212636775911363;0.027304964539007093443645501907;0.001773049645390070878925303788;0.025531914893617019962634984154;0.004255319148936170282893076688;0.029787234042553192847613274807;0.022340425531914894635709956106;0.011702127659574467627434657402;0.012765957446808509981317492077;0.043262411347517730486611498009;0.013475177304964539373721699178;0.034397163120567376959346717058;0.012765957446808509981317492077;0.023049645390070920558667211253;0.024468085106382979343475625456;0.003546099290780141757850607576;0.021631205673758865243305749004;0.002836879432624113666489007457;0.004609929078014184111733442251;0.054255319148936172191088900263;0.057092198581560282821811824761;0.055319148936170209340801307007;0.034751773049645391655548820609;0.006382978723404254990658746038;0.000709219858156028416622251864;0.006382978723404254990658746038;0.007446808510638298211903318702;0.017375886524822695827774410304;0.011347517730496454665956029828;0.010638297872340425273551822727;0.019148936170212765839337976104;0.042907801418439715790409394458;0.018085106382978721750731665452;0.011347517730496454665956029828;0.000000000000000000000000000000;0.003191489361702127495329373019;0.008510638297872340565786153377;0.003191489361702127495329373019;0.000000000000000000000000000000;0.029787234042553192847613274807;0.007092198581560283515701215151;0.020567375886524821154699438353;0.052127659574468084013876278959;0.033687943262411347566942509957;0.031914893617021274085931992204;0.022695035460992909331912059656
-0.026811594202898549749169987422;0.017391304347826087167705466641;0.045289855072463768015378349219;0.018115942028985507900040730078;0.031159420289855074143181568047;0.008695652173913043583852733320;0.002173913043478260895963183330;0.036594202898550726166249091875;0.011594202898550724778470311094;0.037318840579710146898584355313;0.014130434782608695606920257148;0.006159420289855072755402787266;0.008695652173913043583852733320;0.048188405797101450944719402969;0.036594202898550726166249091875;0.014130434782608695606920257148;0.009057971014492753950020365039;0.025362318840579711753946412500;0.018840579710144928632375993516;0.006521739130434782254208680996;0.018478260869565218266208361797;0.005434782608695652023067523828;0.006884057971014492620376312715;0.061231884057971017187860240938;0.026449275362318839383002355703;0.042753623188405795452204927187;0.033695652173913043236908038125;0.022101449275362318458437727031;0.001086956521739130447981591665;0.016304347826086956069202571484;0.003985507246376811425758734941;0.021739130434782608092270095312;0.011231884057971014412302679375;0.007246376811594202986543944434;0.011956521739130435144637942813;0.043478260869565216184540190625;0.011594202898550724778470311094;0.012318840579710145510805574531;0.000362318840579710149327197222;0.006884057971014492620376312715;0.007971014492753622851517469883;0.006521739130434782254208680996;0.000000000000000000000000000000;0.027173913043478260115337619141;0.021376811594202897726102463594;0.016666666666666666435370203203;0.055434782608695651329178133437;0.039492753623188409095590145625;0.024637681159420291021611149063;0.012681159420289855876973206250
-0.030141843971631204074368426404;0.001773049645390070878925303788;0.071276595744680856792108158970;0.001418439716312056833244503729;0.002127659574468085141446538344;0.008865248226950355261988256927;0.000709219858156028416622251864;0.017730496453900710523976513855;0.010283687943262410577349719176;0.060283687943262408148736852809;0.014184397163120567031402430302;0.012765957446808509981317492077;0.008865248226950355261988256927;0.044326241134751774575217808660;0.003546099290780141757850607576;0.014539007092198581727604533853;0.025177304964539008735879832557;0.020567375886524821154699438353;0.005673758865248227332978014914;0.009929078014184397615871091602;0.016312056737588651739168099652;0.010283687943262410577349719176;0.006028368794326241161818380476;0.085106382978723402188414581815;0.022340425531914894635709956106;0.053191489361702128102482589611;0.026950354609929078747443398356;0.015248226950354609385285264977;0.002482269503546099403967772901;0.008865248226950355261988256927;0.007446808510638298211903318702;0.044680851063829789271419912211;0.005673758865248227332978014914;0.006737588652482269686860849589;0.018085106382978721750731665452;0.069148936170212768614895537667;0.013475177304964539373721699178;0.008156028368794325869584049826;0.000000000000000000000000000000;0.012056737588652482323636760952;0.005319148936170212636775911363;0.004609929078014184111733442251;0.000000000000000000000000000000;0.042907801418439715790409394458;0.001418439716312056833244503729;0.023758865248226949951071418354;0.058156028368794326910418135412;0.027659574468085104670400653504;0.020567375886524821154699438353;0.019148936170212765839337976104
-0.044166666666666666574148081281;0.004166666666666666608842550801;0.052083333333333335646297967969;0.012083333333333333078907223523;0.002916666666666666799662133158;0.032916666666666663521034763562;0.004166666666666666608842550801;0.025416666666666667268037471672;0.015416666666666667059870654555;0.022499999999999999167332731531;0.022083333333333333287074040641;0.017083333333333332315628894094;0.024166666666666666157814447047;0.043749999999999997224442438437;0.007499999999999999722444243844;0.029999999999999998889776975375;0.010833333333333333703407674875;0.025416666666666667268037471672;0.014166666666666665949647629930;0.009583333333333332593184650250;0.017916666666666667545593227828;0.005833333333333333599324266316;0.014583333333333333564629796797;0.026249999999999999028554853453;0.048750000000000001665334536938;0.037916666666666667961926862063;0.031666666666666669349705642844;0.005833333333333333599324266316;0.000416666666666666693410320255;0.017500000000000001665334536938;0.014583333333333333564629796797;0.015416666666666667059870654555;0.014166666666666665949647629930;0.010416666666666666088425508008;0.038333333333333330372738601000;0.034166666666666664631257788187;0.012916666666666666574148081281;0.020833333333333332176851016015;0.000833333333333333386820640509;0.018749999999999999306110609609;0.008333333333333333217685101602;0.015833333333333334674852821422;0.000000000000000000000000000000;0.017500000000000001665334536938;0.006666666666666667094565124074;0.016666666666666666435370203203;0.029999999999999998889776975375;0.032916666666666663521034763562;0.039166666666666669072149886688;0.025416666666666667268037471672
-0.036585365853658534385228762176;0.000813008130081300812302957937;0.059349593495934958864435060377;0.055691056910569108895359136113;0.021951219512195120631137257305;0.015853658536585366056748114261;0.002439024390243902436908873810;0.017886178861788618738026812593;0.020325203252032519873893079421;0.029674796747967479432217530189;0.012195121951219512618225238043;0.028048780487804878674973352304;0.010975609756097560315568628653;0.050000000000000002775557561563;0.005284552845528455063128792091;0.023983739837398373312415955638;0.020325203252032519873893079421;0.028048780487804878674973352304;0.004471544715447154684506703148;0.012195121951219512618225238043;0.009756097560975609747635495239;0.010975609756097560315568628653;0.009349593495934959558324450768;0.040650406504065039747786158841;0.031707317073170732113496228521;0.037804878048780486687885371566;0.021951219512195120631137257305;0.018699186991869919116648901536;0.002032520325203252247597829339;0.019918699186991871419305510926;0.008943089430894309369013406297;0.015853658536585366056748114261;0.004065040650406504495195658677;0.011382113821138212239603149101;0.023577235772357724857828387144;0.040650406504065039747786158841;0.010975609756097560315568628653;0.010162601626016259936946539710;0.003658536585365853872203745212;0.018292682926829267192614381088;0.003658536585365853872203745212;0.010162601626016259936946539710;0.000000000000000000000000000000;0.029268292682926830977629961694;0.002845528455284553059900787275;0.020731707317073171797927599869;0.047154471544715449715656774288;0.030894308943089431734874139579;0.030894308943089431734874139579;0.017886178861788618738026812593
-0.018859649122807017190828204889;0.017982456140350877582534394605;0.073245614035087724946748721777;0.007456140350877192742029553330;0.002192982456140350755458001686;0.005701754385964912658080194774;0.002192982456140350755458001686;0.033771929824561404409610787525;0.013596491228070176071618391234;0.050438596491228067375534038774;0.012719298245614034728601104973;0.001315789473684210496642887911;0.003508771929824561468941324094;0.053947368421052632747603183816;0.016228070175438594896499822084;0.015789473684210526827076392919;0.023684210526315790240614589379;0.037719298245614034381656409778;0.014473684210526315679912201517;0.008333333333333333217685101602;0.010964912280701753777290008429;0.016666666666666666435370203203;0.007456140350877192742029553330;0.064035087719298250386046333915;0.028508771929824559820954021916;0.065350877192982451124869669457;0.030701754385964910576412023602;0.022807017543859650632320779096;0.000438596491228070183617665512;0.007894736842105263413538196460;0.002192982456140350755458001686;0.026754385964912280604366401349;0.007017543859649122937882648188;0.005263157894736841986571551644;0.007456140350877192742029553330;0.059210526315789470397366045518;0.013596491228070176071618391234;0.005263157894736841986571551644;0.000438596491228070183617665512;0.014035087719298245875765296375;0.010087719298245614168996198146;0.016228070175438594896499822084;0.000000000000000000000000000000;0.024561403508771929848908399663;0.004385964912280701510916003372;0.010964912280701753777290008429;0.063157894736842107308305571678;0.028508771929824559820954021916;0.020614035087719299876862777410;0.012280701754385964924454199831
-0.032500000000000001110223024625;0.020833333333333332176851016015;0.049583333333333333425851918719;0.028333333333333331899295259859;0.023333333333333334397297065266;0.014583333333333333564629796797;0.004583333333333333356462979680;0.025416666666666667268037471672;0.014583333333333333564629796797;0.032083333333333331760517381781;0.022499999999999999167332731531;0.007083333333333332974823814965;0.010416666666666666088425508008;0.042916666666666665463925056656;0.027500000000000000138777878078;0.029583333333333333009518284484;0.017083333333333332315628894094;0.023750000000000000277555756156;0.014166666666666665949647629930;0.008750000000000000832667268469;0.016666666666666666435370203203;0.017083333333333332315628894094;0.007083333333333332974823814965;0.031250000000000000000000000000;0.034166666666666664631257788187;0.041666666666666664353702032031;0.031250000000000000000000000000;0.042500000000000003053113317719;0.001250000000000000026020852140;0.009583333333333332593184650250;0.010416666666666666088425508008;0.016250000000000000555111512313;0.008333333333333333217685101602;0.003749999999999999861222121922;0.016666666666666666435370203203;0.035000000000000003330669073875;0.010833333333333333703407674875;0.016250000000000000555111512313;0.000833333333333333386820640509;0.012083333333333333078907223523;0.007499999999999999722444243844;0.002916666666666666799662133158;0.000000000000000000000000000000;0.023333333333333334397297065266;0.021666666666666667406815349750;0.017916666666666667545593227828;0.044583333333333335923853724125;0.032500000000000001110223024625;0.018749999999999999306110609609;0.018333333333333333425851918719
-0.034146341463414636718809447302;0.011382113821138212239603149101;0.053658536585365852744633485827;0.008943089430894309369013406297;0.020325203252032519873893079421;0.015040650406504065678126025318;0.006504065040650406498423663493;0.029674796747967479432217530189;0.010569105691056910126257584182;0.027642276422764226750938831856;0.016666666666666666435370203203;0.004471544715447154684506703148;0.011788617886178862428914193572;0.054471544715447156592702526723;0.019105691056910567571236470030;0.014634146341463415488814980847;0.015853658536585366056748114261;0.025609756097560974069660133523;0.030894308943089431734874139579;0.017886178861788618738026812593;0.021951219512195120631137257305;0.010569105691056910126257584182;0.016260162601626017980782634709;0.024390243902439025236450476086;0.036991869918699189778710234577;0.039430894308943087445129549451;0.037804878048780486687885371566;0.009349593495934959558324450768;0.001626016260162601624605915873;0.015040650406504065678126025318;0.004471544715447154684506703148;0.012195121951219512618225238043;0.013008130081300812996847326986;0.007723577235772357933718534895;0.035365853658536582082572152785;0.039024390243902438990541980957;0.017073170731707318359404723651;0.007317073170731707744407490424;0.000406504065040650406151478968;0.029268292682926830977629961694;0.005284552845528455063128792091;0.006097560975609756309112619022;0.000000000000000000000000000000;0.018292682926829267192614381088;0.016260162601626017980782634709;0.013821138211382113375469415928;0.043495934959349592807686946117;0.032520325203252035961565269417;0.036585365853658534385228762176;0.019105691056910567571236470030
-0.045416666666666667684371105906;0.007083333333333332974823814965;0.041250000000000001942890293094;0.004166666666666666608842550801;0.011666666666666667198648532633;0.027083333333333334258519187188;0.008333333333333333217685101602;0.025000000000000001387778780781;0.007499999999999999722444243844;0.030416666666666668239482618219;0.020833333333333332176851016015;0.007083333333333332974823814965;0.013333333333333334189130248149;0.054166666666666668517038374375;0.010833333333333333703407674875;0.040416666666666663243479007406;0.007916666666666667337426410711;0.023333333333333334397297065266;0.015833333333333334674852821422;0.006666666666666667094565124074;0.025000000000000001387778780781;0.007499999999999999722444243844;0.008333333333333333217685101602;0.052083333333333335646297967969;0.047083333333333331205405869468;0.051249999999999996946886682281;0.031666666666666669349705642844;0.007916666666666667337426410711;0.002500000000000000052041704279;0.013750000000000000069388939039;0.013750000000000000069388939039;0.015833333333333334674852821422;0.012083333333333333078907223523;0.009166666666666666712925959359;0.021250000000000001526556658860;0.030833333333333334119741309109;0.009166666666666666712925959359;0.015833333333333334674852821422;0.000833333333333333386820640509;0.010000000000000000208166817117;0.005416666666666666851703837438;0.001666666666666666773641281019;0.000000000000000000000000000000;0.023750000000000000277555756156;0.012916666666666666574148081281;0.021666666666666667406815349750;0.040000000000000000832667268469;0.042500000000000003053113317719;0.031250000000000000000000000000;0.026666666666666668378260496297
-0.018888888888888889089345823891;0.040370370370370368962031903948;0.022592592592592591199673890401;0.094074074074074073847917532021;0.078148148148148147140723551729;0.009259259259259258745267118229;0.012592592592592592726230549260;0.045185185185185182399347780802;0.003703703703703703845051542487;0.018148148148148149361169600979;0.015555555555555555108382392859;0.004444444444444444440589503387;0.007037037037037036958653235530;0.027407407407407408106436719208;0.055925925925925927539861248761;0.011111111111111111535154627461;0.002962962962962962815832712593;0.023703703703703702526661700745;0.040370370370370368962031903948;0.003333333333333333547282562037;0.019259259259259260688157411323;0.002592592592592592518063732143;0.003703703703703703845051542487;0.028148148148148147834612942120;0.019259259259259260688157411323;0.028518518518518519433424529552;0.028148148148148147834612942120;0.059999999999999997779553950750;0.001481481481481481407916356297;0.021111111111111111743321444578;0.002222222222222222220294751693;0.008148148148148147418279307885;0.011111111111111111535154627461;0.005555555555555555767577313730;0.009259259259259258745267118229;0.026296296296296296779448908865;0.011481481481481481399242738917;0.002592592592592592518063732143;0.000000000000000000000000000000;0.004074074074074073709139653943;0.027037037037037036507625131776;0.006666666666666667094565124074;0.000000000000000000000000000000;0.011111111111111111535154627461;0.037407407407407410049327012302;0.011481481481481481399242738917;0.027407407407407408106436719208;0.021481481481481479872686080057;0.016296296296296294836558615771;0.013333333333333334189130248149
-0.025185185185185185452461098521;0.011851851851851851263330850372;0.065555555555555561353386906376;0.022222222222222223070309254922;0.010000000000000000208166817117;0.009629629629629630344078705662;0.004074074074074073709139653943;0.034074074074074076068363581271;0.008518518518518519017090895318;0.033703703703703701000105041885;0.017407407407407406163546426114;0.002592592592592592518063732143;0.013703703703703704053218359604;0.054814814814814816212873438417;0.022592592592592591199673890401;0.016296296296296294836558615771;0.012222222222222222862142437805;0.033703703703703701000105041885;0.024074074074074074125473288177;0.012592592592592592726230549260;0.019629629629629628817522046802;0.008518518518518519017090895318;0.011481481481481481399242738917;0.040740740740740744030290443334;0.025555555555555557051272685953;0.042222222222222223486642889156;0.045185185185185182399347780802;0.009259259259259258745267118229;0.000740740740740740703958178148;0.010000000000000000208166817117;0.001481481481481481407916356297;0.016666666666666666435370203203;0.011111111111111111535154627461;0.009629629629629630344078705662;0.028518518518518519433424529552;0.047407407407407405053323401489;0.018518518518518517490534236458;0.009259259259259258745267118229;0.000000000000000000000000000000;0.022592592592592591199673890401;0.007407407407407407690103084974;0.002592592592592592518063732143;0.000000000000000000000000000000;0.018148148148148149361169600979;0.015925925925925926707193980292;0.012592592592592592726230549260;0.039629629629629632703302632990;0.032962962962962964741375770927;0.035925925925925923654080662573;0.021481481481481479872686080057
-0.016666666666666666435370203203;0.003801169590643274816266217186;0.116374269005847949531862184358;0.000000000000000000000000000000;0.000292397660818713455745110341;0.005263157894736841986571551644;0.000584795321637426911490220682;0.015497076023391813046070630833;0.013157894736842104532748010115;0.042105263157894735892572413150;0.013742690058479532094759534289;0.002046783625730994298635989637;0.005847953216374268681221337829;0.070175438596491224174656053947;0.002339181286549707645960882729;0.014035087719298245875765296375;0.030994152046783626092141261665;0.046198830409356725357206130411;0.005263157894736841986571551644;0.027192982456140352143236782467;0.009064327485380116802837768830;0.019298245614035088729698586008;0.014912280701754385484059106659;0.057602339181286550673366519959;0.022222222222222223070309254922;0.041520467836257311800007840930;0.029824561403508770968118213318;0.000584795321637426911490220682;0.000292397660818713455745110341;0.001169590643274853822980441365;0.003508771929824561468941324094;0.037719298245614034381656409778;0.003801169590643274816266217186;0.006140350877192982462227099916;0.012865497076023392486465724005;0.087426900584795325110931685231;0.011988304093567251143448437745;0.005847953216374268681221337829;0.000292397660818713455745110341;0.021052631578947367946286206575;0.003801169590643274816266217186;0.004093567251461988597271979273;0.000000000000000000000000000000;0.025438596491228069457202209946;0.000000000000000000000000000000;0.013450292397660818313753772202;0.067543859649122808819221575050;0.024561403508771929848908399663;0.026900584795321636627507544404;0.015497076023391813046070630833
-0.032269503546099288782134095754;0.002482269503546099403967772901;0.081914893617021269922595649859;0.000000000000000000000000000000;0.007801418439716312040743684264;0.012411347517730497019838864503;0.000709219858156028416622251864;0.017730496453900710523976513855;0.015248226950354609385285264977;0.039716312056737590463484366410;0.015957446808510637042965996102;0.008156028368794325869584049826;0.015248226950354609385285264977;0.070921985815602842095906055420;0.002836879432624113666489007457;0.022695035460992909331912059656;0.017730496453900710523976513855;0.020921985815602835850901541903;0.010638297872340425273551822727;0.013120567375886524677519595627;0.014539007092198581727604533853;0.014539007092198581727604533853;0.012765957446808509981317492077;0.062411347517730496325949474112;0.036524822695035458197665434454;0.043617021276595745182813601559;0.032624113475177303478336199305;0.000000000000000000000000000000;0.001063829787234042570723269172;0.006028368794326241161818380476;0.003900709219858156020371842132;0.027659574468085104670400653504;0.005673758865248227332978014914;0.010992907801418439969753926277;0.021631205673758865243305749004;0.054255319148936172191088900263;0.014184397163120567031402430302;0.003900709219858156020371842132;0.000000000000000000000000000000;0.022695035460992909331912059656;0.003900709219858156020371842132;0.002836879432624113666489007457;0.000000000000000000000000000000;0.019858156028368795231742183205;0.001418439716312056833244503729;0.012765957446808509981317492077;0.066312056737588651045278709262;0.034751773049645391655548820609;0.036170212765957443501463330904;0.024468085106382979343475625456
-0.031111111111111110216764785719;0.005925925925925925631665425186;0.065925925925925929482751541855;0.001851851851851851922525771243;0.015925925925925926707193980292;0.020740740740740740144509857146;0.000740740740740740703958178148;0.018888888888888889089345823891;0.014074074074074073917306471060;0.023333333333333334397297065266;0.016666666666666666435370203203;0.012962962962962962590318660716;0.021111111111111111743321444578;0.050370370370370370904922197042;0.009259259259259258745267118229;0.021111111111111111743321444578;0.012962962962962962590318660716;0.024814814814814813853649511088;0.019259259259259260688157411323;0.016666666666666666435370203203;0.014814814814814815380206169948;0.010740740740740739936343040029;0.019629629629629628817522046802;0.032962962962962964741375770927;0.046296296296296293726335591145;0.040740740740740744030290443334;0.034814814814814812327092852229;0.019259259259259260688157411323;0.000000000000000000000000000000;0.011111111111111111535154627461;0.005555555555555555767577313730;0.007037037037037036958653235530;0.021111111111111111743321444578;0.005925925925925925631665425186;0.040000000000000000832667268469;0.041851851851851848418384349770;0.012222222222222222862142437805;0.004814814814814815172039352831;0.000370370370370370351979089074;0.021111111111111111743321444578;0.005925925925925925631665425186;0.017407407407407406163546426114;0.000000000000000000000000000000;0.015555555555555555108382392859;0.009629629629629630344078705662;0.008888888888888888881179006773;0.045555555555555557467606320188;0.034074074074074076068363581271;0.042962962962962959745372160114;0.025925925925925925180637321432
-0.023188405797101449556940622188;0.024637681159420291021611149063;0.031159420289855074143181568047;0.042753623188405795452204927187;0.040579710144927533255199136875;0.019565217391304349364711256953;0.002173913043478260895963183330;0.028985507246376811946175777734;0.007246376811594202986543944434;0.021014492753623187359934831875;0.016666666666666666435370203203;0.004347826086956521791926366660;0.027536231884057970481505250859;0.044202898550724636916875454062;0.024637681159420291021611149063;0.014492753623188405973087888867;0.007971014492753622851517469883;0.014492753623188405973087888867;0.031159420289855074143181568047;0.005797101449275362389235155547;0.024637681159420291021611149063;0.002898550724637681194617577773;0.013768115942028985240752625430;0.034782608695652174335410933281;0.036956521739130436532416723594;0.034057971014492753603075669844;0.039130434782608698729422513907;0.025362318840579711753946412500;0.000724637681159420298654394443;0.023913043478260870289275885625;0.003623188405797101493271972217;0.009420289855072464316187996758;0.026811594202898549749169987422;0.007971014492753622851517469883;0.030434782608695653410846304610;0.030434782608695653410846304610;0.013768115942028985240752625430;0.003623188405797101493271972217;0.000000000000000000000000000000;0.013043478260869564508417361992;0.007971014492753622851517469883;0.009420289855072464316187996758;0.000000000000000000000000000000;0.016666666666666666435370203203;0.032608695652173912138405142969;0.015942028985507245703034939766;0.029710144927536232678511041172;0.028260869565217391213840514297;0.028260869565217391213840514297;0.023188405797101449556940622188
-0.018611111111111109522875395328;0.008333333333333333217685101602;0.053055555555555557190050564031;0.038333333333333330372738601000;0.004166666666666666608842550801;0.003888888888888888777095598215;0.000833333333333333386820640509;0.019722222222222220849863205672;0.007777777777777777554191196430;0.092222222222222219323306546812;0.007777777777777777554191196430;0.001944444444444444388547799107;0.005555555555555555767577313730;0.062222222222222220433529571437;0.007222222222222221890697291258;0.012222222222222222862142437805;0.015555555555555555108382392859;0.013888888888888888117900677344;0.005277777777777777935830361145;0.005000000000000000104083408559;0.014166666666666665949647629930;0.005833333333333333599324266316;0.003888888888888888777095598215;0.119166666666666670737484423626;0.012777777777777778525636342977;0.054722222222222220711085327594;0.017777777777777777762358013547;0.003055555555555555715535609451;0.000277777777777777777536843962;0.003611111111111110945348645629;0.001111111111111111110147375847;0.036944444444444446418174266000;0.001944444444444444388547799107;0.003611111111111110945348645629;0.011111111111111111535154627461;0.069166666666666667961926862063;0.013888888888888888117900677344;0.006666666666666667094565124074;0.001388888888888888941894328433;0.009166666666666666712925959359;0.006666666666666667094565124074;0.012222222222222222862142437805;0.000000000000000000000000000000;0.050833333333333334536074943344;0.006388888888888889262818171488;0.024166666666666666157814447047;0.067222222222222224874421669938;0.029722222222222222792753498766;0.014722222222222221613141535101;0.014166666666666665949647629930
-0.029666666666666667573348803444;0.009333333333333334105863521302;0.016000000000000000333066907388;0.406999999999999972910558199146;0.010000000000000000208166817117;0.013333333333333334189130248149;0.009333333333333334105863521302;0.017333333333333332537673499019;0.008000000000000000166533453694;0.014999999999999999444888487687;0.011666666666666667198648532633;0.010000000000000000208166817117;0.005333333333333333155235056466;0.021333333333333332620940225866;0.014999999999999999444888487687;0.017333333333333332537673499019;0.013333333333333334189130248149;0.014666666666666666393736839780;0.013333333333333334189130248149;0.002000000000000000041633363423;0.013333333333333334189130248149;0.004000000000000000083266726847;0.003000000000000000062450045135;0.016000000000000000333066907388;0.035999999999999997279953589668;0.020333333333333331732761806165;0.017999999999999998639976794834;0.005333333333333333155235056466;0.006000000000000000124900090270;0.010333333333333333259318465025;0.010999999999999999361621760841;0.014999999999999999444888487687;0.009666666666666667157015169209;0.004666666666666667052931760651;0.010999999999999999361621760841;0.022333333333333333509118645566;0.005666666666666667073748442363;0.010000000000000000208166817117;0.001666666666666666773641281019;0.005000000000000000104083408559;0.006000000000000000124900090270;0.005333333333333333155235056466;0.000000000000000000000000000000;0.011666666666666667198648532633;0.010666666666666666310470112933;0.010666666666666666310470112933;0.019333333333333334314030338419;0.016666666666666666435370203203;0.017333333333333332537673499019;0.014999999999999999444888487687
-0.009259259259259258745267118229;0.018148148148148149361169600979;0.010740740740740739936343040029;0.607407407407407395893983448332;0.003703703703703703845051542487;0.007407407407407407690103084974;0.010000000000000000208166817117;0.017777777777777777762358013547;0.008518518518518519017090895318;0.012962962962962962590318660716;0.003333333333333333547282562037;0.001111111111111111110147375847;0.005925925925925925631665425186;0.008148148148148147418279307885;0.020000000000000000416333634234;0.002962962962962962815832712593;0.017037037037037038034181790636;0.016666666666666666435370203203;0.005925925925925925631665425186;0.002222222222222222220294751693;0.010370370370370370072254928573;0.004814814814814815172039352831;0.002592592592592592518063732143;0.012592592592592592726230549260;0.007407407407407407690103084974;0.010370370370370370072254928573;0.012222222222222222862142437805;0.008518518518518519017090895318;0.002592592592592592518063732143;0.008518518518518519017090895318;0.003703703703703703845051542487;0.010370370370370370072254928573;0.002962962962962962815832712593;0.001481481481481481407916356297;0.005555555555555555767577313730;0.017777777777777777762358013547;0.002962962962962962815832712593;0.006666666666666667094565124074;0.001851851851851851922525771243;0.004444444444444444440589503387;0.008148148148148147418279307885;0.011851851851851851263330850372;0.000000000000000000000000000000;0.010740740740740739936343040029;0.009629629629629630344078705662;0.011111111111111111535154627461;0.007407407407407407690103084974;0.003333333333333333547282562037;0.004444444444444444440589503387;0.006296296296296296363115274630
-0.017500000000000001665334536938;0.026111111111111112714766591125;0.017222222222222222098864108375;0.266666666666666662965923251249;0.054444444444444441144614899031;0.006388888888888889262818171488;0.011666666666666667198648532633;0.023888888888888890060790970438;0.023888888888888890060790970438;0.014444444444444443781394582516;0.010277777777777778039913769703;0.007499999999999999722444243844;0.003333333333333333547282562037;0.008055555555555555385938149016;0.055000000000000000277555756156;0.009722222222222222376419864531;0.019444444444444444752839729063;0.026666666666666668378260496297;0.018611111111111109522875395328;0.001944444444444444388547799107;0.014999999999999999444888487687;0.015833333333333334674852821422;0.008055555555555555385938149016;0.021388888888888887840344921187;0.010833333333333333703407674875;0.013611111111111110286153724758;0.024444444444444445724284875610;0.025000000000000001387778780781;0.006666666666666667094565124074;0.015555555555555555108382392859;0.010833333333333333703407674875;0.020000000000000000416333634234;0.007499999999999999722444243844;0.008055555555555555385938149016;0.003888888888888888777095598215;0.020277777777777776513357110844;0.004722222222222222272336455973;0.007499999999999999722444243844;0.005000000000000000104083408559;0.008333333333333333217685101602;0.014444444444444443781394582516;0.012500000000000000693889390391;0.000000000000000000000000000000;0.022777777777777778733803160094;0.026944444444444444475283972906;0.021111111111111111743321444578;0.009722222222222222376419864531;0.003888888888888888777095598215;0.006388888888888889262818171488;0.006944444444444444058950338672
-0.016071428571428569842538536250;0.015773809523809523280846178750;0.022916666666666665047591422422;0.333333333333333314829616256247;0.055952380952380954826086423282;0.009821428571428571230317317031;0.008333333333333333217685101602;0.021726190476190475331375040469;0.016666666666666666435370203203;0.010714285714285714384841341484;0.008928571428571428075793292578;0.008630952380952381514100935078;0.005952380952380952050528861719;0.012500000000000000693889390391;0.036607142857142858927144146719;0.011309523809523809242949532461;0.011309523809523809242949532461;0.021130952380952382207990325469;0.021428571428571428769682682969;0.001190476190476190583578119941;0.016666666666666666435370203203;0.012797619047619047255581747891;0.006845238095238095205052886172;0.016964285714285712997062560703;0.011011904761904762681257174961;0.016666666666666666435370203203;0.021130952380952382207990325469;0.013690476190476190410105772344;0.002678571428571428596210335371;0.028869047619047620567567236094;0.010119047619047619526733150508;0.013690476190476190410105772344;0.011309523809523809242949532461;0.005059523809523809763366575254;0.005357142857142857192420670742;0.017559523809523809589894227656;0.005059523809523809763366575254;0.009821428571428571230317317031;0.004464285714285714037896646289;0.006845238095238095205052886172;0.008630952380952381514100935078;0.011607142857142857539365365938;0.000000000000000000000000000000;0.013690476190476190410105772344;0.035119047619047619179788455313;0.010714285714285714384841341484;0.013988095238095238706521605820;0.006547619047619047775998790684;0.006845238095238095205052886172;0.005952380952380952050528861719
-0.008653846153846154326538808732;0.016666666666666666435370203203;0.010576923076923077510214099561;0.529807692307692312816413959808;0.013782051282051281659857266959;0.009935897435897435292506685300;0.008333333333333333217685101602;0.010576923076923077510214099561;0.008333333333333333217685101602;0.005128205128205128200680196215;0.007051282051282051384355487045;0.010897435897435896884344330715;0.010897435897435896884344330715;0.004487179487179486850334519943;0.024358974358974359170071366520;0.006730769230769231142863517903;0.011858974358974358476181976130;0.018269230769230770244915262879;0.011217948717948717993198037846;0.000961538461538461591837645415;0.009615384615384615918376454147;0.010256410256410256401360392431;0.020833333333333332176851016015;0.008333333333333333217685101602;0.008333333333333333217685101602;0.005128205128205128200680196215;0.012500000000000000693889390391;0.016346153846153847061239972049;0.004807692307692307959188227073;0.014423076923076923877564681220;0.011858974358974358476181976130;0.009615384615384615918376454147;0.010576923076923077510214099561;0.002243589743589743425167259971;0.008974358974358973700669039886;0.008974358974358973700669039886;0.003525641025641025692177743522;0.008333333333333333217685101602;0.006730769230769231142863517903;0.014102564102564102768710974090;0.005769230769230769551025872488;0.015705128205128204843532557788;0.000000000000000000000000000000;0.005128205128205128200680196215;0.012179487179487179585035683260;0.008974358974358973700669039886;0.006730769230769231142863517903;0.003846153846153846367350581659;0.011858974358974358476181976130;0.005769230769230769551025872488
-0.008928571428571428075793292578;0.011011904761904762681257174961;0.027380952380952380820211544687;0.474702380952380931233847149997;0.002083333333333333304421275400;0.006250000000000000346944695195;0.016071428571428569842538536250;0.013392857142857142113689938867;0.012202380952380952397473556914;0.009821428571428571230317317031;0.005952380952380952050528861719;0.001785714285714285658526745415;0.002083333333333333304421275400;0.018452380952380952744418252109;0.017559523809523809589894227656;0.007738095238095238359576910625;0.021130952380952382207990325469;0.019047619047619049337249919063;0.008035714285714284921269268125;0.003869047619047619179788455313;0.007738095238095238359576910625;0.016666666666666666435370203203;0.003273809523809523887999395342;0.014583333333333333564629796797;0.010416666666666666088425508008;0.014583333333333333564629796797;0.011309523809523809242949532461;0.023511904761904761640423089375;0.007440476190476190063161077148;0.004464285714285714037896646289;0.005952380952380952050528861719;0.017261904761904763028201870156;0.004464285714285714037896646289;0.005059523809523809763366575254;0.006547619047619047775998790684;0.020238095238095239053466301016;0.005654761904761904621474766230;0.008035714285714284921269268125;0.006845238095238095205052886172;0.013690476190476190410105772344;0.007738095238095238359576910625;0.016964285714285712997062560703;0.000000000000000000000000000000;0.013690476190476190410105772344;0.008630952380952381514100935078;0.013392857142857142113689938867;0.016666666666666666435370203203;0.011607142857142857539365365938;0.006845238095238095205052886172;0.009226190476190476372209126055
-0.007539682539682539784420267637;0.013492063492063492702310867344;0.034920634920634921471993550313;0.476587301587301614969049978754;0.005158730158730158617264027754;0.005158730158730158617264027754;0.003571428571428571317053490830;0.013095238095238095551997581367;0.008333333333333333217685101602;0.015873015873015872134743631250;0.009126984126984127518311673555;0.003571428571428571317053490830;0.005555555555555555767577313730;0.017063492063492061850960013203;0.018650793650793650452213157109;0.005158730158730158617264027754;0.015873015873015872134743631250;0.018650793650793650452213157109;0.007142857142857142634106981660;0.005555555555555555767577313730;0.007936507936507936067371815625;0.012301587301587301251371009414;0.002380952380952381167156239883;0.023809523809523808202115446875;0.013492063492063492702310867344;0.019047619047619049337249919063;0.017063492063492061850960013203;0.039285714285714284921269268125;0.003174603174603174600421073848;0.002777777777777777883788656865;0.005158730158730158617264027754;0.014682539682539682418527249297;0.001190476190476190583578119941;0.005158730158730158617264027754;0.006349206349206349200842147695;0.030158730158730159137681070547;0.003571428571428571317053490830;0.002380952380952381167156239883;0.001984126984126984016842953906;0.005952380952380952050528861719;0.010714285714285714384841341484;0.012301587301587301251371009414;0.000000000000000000000000000000;0.009126984126984127518311673555;0.005952380952380952050528861719;0.007142857142857142634106981660;0.018650793650793650452213157109;0.012698412698412698401684295391;0.005158730158730158617264027754;0.010317460317460317234528055508
-0.007627118644067796930652303189;0.025141242937853108818657688062;0.021186440677966100754048284216;0.411864406779661018642713088411;0.030790960451977402584367027316;0.007344632768361582068894488629;0.019209039548022600191190534247;0.032203389830508473423709148165;0.012711864406779661840207751311;0.008192090395480225786806194321;0.009322033898305085233837452563;0.008192090395480225786806194321;0.003389830508474576172689429754;0.007909604519774010925048379761;0.025988700564971749934484179789;0.003672316384180791034447244314;0.012429378531073446978449936751;0.023163841807909604786352986139;0.016384180790960451573612388643;0.003389830508474576172689429754;0.020056497175141241307017025974;0.013559322033898304690757719015;0.003389830508474576172689429754;0.013841807909604519552515533576;0.010451977401129942946145234828;0.006779661016949152345378859508;0.012146892655367232116692122190;0.041807909604519771784580939311;0.002259887005649717593019909501;0.016949152542372881297128017763;0.005084745762711864042193710134;0.007344632768361582068894488629;0.003954802259887005462524189880;0.006214689265536723489224968375;0.005367231638418078903951524694;0.014124293785310734414273348136;0.005932203389830508627467153815;0.004237288135593220324282004441;0.004237288135593220324282004441;0.010734463276836157807903049388;0.029661016949152543137335769075;0.026553672316384179657999808910;0.000000000000000000000000000000;0.005367231638418078903951524694;0.005367231638418078903951524694;0.007344632768361582068894488629;0.008757062146892655510321823442;0.005932203389830508627467153815;0.008192090395480225786806194321;0.004237288135593220324282004441
-0.012578616352201258538068273651;0.032704402515723270117309340321;0.022641509433962262592965331010;0.262578616352201255068621321698;0.009748427672955974412905000293;0.008176100628930817529327335080;0.029559748427672956350154009897;0.039937106918238991781766600297;0.020754716981132074332672132755;0.011320754716981131296482665505;0.006289308176100629269034136826;0.004088050314465408764663667540;0.004716981132075471518094733625;0.012264150943396227161352740609;0.034276729559748427000887005534;0.004716981132075471518094733625;0.013522012578616352668214872779;0.033333333333333332870740406406;0.027987421383647799466576344685;0.004402515723270440141379200583;0.025786163522012579829567613388;0.022955974842767293969680864052;0.008176100628930817529327335080;0.013522012578616352668214872779;0.006918238993710692022465202911;0.015094339622641509551792537991;0.022641509433962262592965331010;0.032704402515723270117309340321;0.004716981132075471518094733625;0.015094339622641509551792537991;0.006289308176100629269034136826;0.008490566037735848906042868123;0.007547169811320754775896268995;0.008490566037735848906042868123;0.011320754716981131296482665505;0.021069182389937105709387665797;0.008490566037735848906042868123;0.007547169811320754775896268995;0.005345911949685534271525799710;0.023899371069182391569274415133;0.033647798742138364247455939449;0.020754716981132074332672132755;0.000000000000000000000000000000;0.004088050314465408764663667540;0.016666666666666666435370203203;0.014465408805031446798361471906;0.009433962264150943036189467250;0.005660377358490565648241332752;0.016352201257861635058654670161;0.007232704402515723399180735953
-0.009863945578231291672066660681;0.019387755102040816340691620212;0.033333333333333332870740406406;0.253061224489795899561528358390;0.028231292517006803532986225491;0.011904761904761904101057723437;0.009183673469387755930459782405;0.022789115646258503722343391473;0.017687074829931974384589210558;0.010884353741496597886562192059;0.009183673469387755930459782405;0.008163265306122449715964251027;0.011224489795918366624727369185;0.014625850340136054006379140446;0.026870748299319728580325516987;0.007142857142857142634106981660;0.019047619047619049337249919063;0.029931972789115645489088635145;0.022448979591836733249454738370;0.005442176870748298943281096030;0.010884353741496597886562192059;0.028571428571428570536427926640;0.015306122448979591482709494699;0.018027210884353741388030911708;0.010544217687074829148397014933;0.011904761904761904101057723437;0.019387755102040816340691620212;0.030272108843537415961977288248;0.008503401360544218454129428153;0.029931972789115645489088635145;0.006462585034013605157776627408;0.016666666666666666435370203203;0.010204081632653060410231837807;0.007823129251700680977799073901;0.015986394557823128959039848951;0.019387755102040816340691620212;0.004761904761904762334312479766;0.008163265306122449715964251027;0.012925170068027210315553254816;0.023129251700680270725785092623;0.010884353741496597886562192059;0.024829931972789116151334454230;0.000000000000000000000000000000;0.010204081632653060410231837807;0.019047619047619049337249919063;0.010204081632653060410231837807;0.012925170068027210315553254816;0.005782312925170067681446273156;0.018367346938775511860919564811;0.008503401360544218454129428153
-0.010416666666666666088425508008;0.040000000000000000832667268469;0.035000000000000003330669073875;0.095416666666666663521034763562;0.052499999999999998057109706906;0.016250000000000000555111512313;0.004583333333333333356462979680;0.029999999999999998889776975375;0.016250000000000000555111512313;0.012083333333333333078907223523;0.007499999999999999722444243844;0.012083333333333333078907223523;0.014166666666666665949647629930;0.012083333333333333078907223523;0.048333333333333332315628894094;0.006666666666666667094565124074;0.020416666666666666296592325125;0.039583333333333331482961625625;0.017500000000000001665334536938;0.005416666666666666851703837438;0.010833333333333333703407674875;0.022499999999999999167332731531;0.018749999999999999306110609609;0.014166666666666665949647629930;0.013333333333333334189130248149;0.012500000000000000693889390391;0.028333333333333331899295259859;0.055000000000000000277555756156;0.001250000000000000026020852140;0.044583333333333335923853724125;0.012916666666666666574148081281;0.016250000000000000555111512313;0.012500000000000000693889390391;0.009583333333333332593184650250;0.015833333333333334674852821422;0.022499999999999999167332731531;0.008333333333333333217685101602;0.006666666666666667094565124074;0.010000000000000000208166817117;0.024166666666666666157814447047;0.012916666666666666574148081281;0.023750000000000000277555756156;0.000000000000000000000000000000;0.010833333333333333703407674875;0.034583333333333333980963431031;0.012083333333333333078907223523;0.017083333333333332315628894094;0.009583333333333332593184650250;0.016666666666666666435370203203;0.006250000000000000346944695195
-0.014285714285714285268213963320;0.018452380952380952744418252109;0.049404761904761902713278942656;0.235119047619047616404230893750;0.013392857142857142113689938867;0.009523809523809524668624959531;0.006250000000000000346944695195;0.023809523809523808202115446875;0.019642857142857142460634634062;0.024404761904761904794947113828;0.013095238095238095551997581367;0.005059523809523809763366575254;0.010714285714285714384841341484;0.020238095238095239053466301016;0.019345238095238095898942276563;0.007738095238095238359576910625;0.025892857142857144542302805235;0.041369047619047617792009674531;0.012202380952380952397473556914;0.006845238095238095205052886172;0.010119047619047619526733150508;0.020535714285714285615158658516;0.008630952380952381514100935078;0.034821428571428572618096097813;0.011011904761904762681257174961;0.018452380952380952744418252109;0.024404761904761904794947113828;0.009226190476190476372209126055;0.006250000000000000346944695195;0.008630952380952381514100935078;0.005357142857142857192420670742;0.025297619047619047949471138281;0.006250000000000000346944695195;0.006845238095238095205052886172;0.012202380952380952397473556914;0.034821428571428572618096097813;0.006547619047619047775998790684;0.006547619047619047775998790684;0.010416666666666666088425508008;0.017857142857142856151586585156;0.012500000000000000693889390391;0.016666666666666666435370203203;0.000000000000000000000000000000;0.022916666666666665047591422422;0.013095238095238095551997581367;0.014285714285714285268213963320;0.020238095238095239053466301016;0.011607142857142857539365365938;0.015178571428571428422737987773;0.012500000000000000693889390391
-0.016666666666666666435370203203;0.029259259259259259161600752464;0.034074074074074076068363581271;0.112222222222222223209087133000;0.008518518518518519017090895318;0.012222222222222222862142437805;0.009629629629629630344078705662;0.027407407407407408106436719208;0.023703703703703702526661700745;0.032962962962962964741375770927;0.014074074074074073917306471060;0.004074074074074073709139653943;0.006666666666666667094565124074;0.013333333333333334189130248149;0.031481481481481478346129421197;0.008888888888888888881179006773;0.019629629629629628817522046802;0.042222222222222223486642889156;0.017407407407407406163546426114;0.005555555555555555767577313730;0.016666666666666666435370203203;0.015185185185185185244294281404;0.011481481481481481399242738917;0.059259259259259261520824679792;0.012592592592592592726230549260;0.018888888888888889089345823891;0.027037037037037036507625131776;0.021111111111111111743321444578;0.020000000000000000416333634234;0.013333333333333334189130248149;0.007037037037037036958653235530;0.034444444444444444197728216750;0.008148148148148147418279307885;0.006666666666666667094565124074;0.010740740740740739936343040029;0.041851851851851848418384349770;0.008888888888888888881179006773;0.004814814814814815172039352831;0.003703703703703703845051542487;0.010370370370370370072254928573;0.018518518518518517490534236458;0.018888888888888889089345823891;0.000000000000000000000000000000;0.050000000000000002775557561563;0.011851851851851851263330850372;0.034074074074074076068363581271;0.013703703703703704053218359604;0.007407407407407407690103084974;0.016666666666666666435370203203;0.006666666666666667094565124074
-0.013611111111111110286153724758;0.028333333333333331899295259859;0.031666666666666669349705642844;0.308611111111111113824989615750;0.008611111111111111049432054187;0.010833333333333333703407674875;0.008055555555555555385938149016;0.026388888888888888811790067734;0.021388888888888887840344921187;0.015555555555555555108382392859;0.009166666666666666712925959359;0.006388888888888889262818171488;0.007499999999999999722444243844;0.013611111111111110286153724758;0.029444444444444443226283070203;0.011388888888888889366901580047;0.014999999999999999444888487687;0.030555555555555554553270880547;0.010833333333333333703407674875;0.004166666666666666608842550801;0.010833333333333333703407674875;0.021388888888888887840344921187;0.013333333333333334189130248149;0.020833333333333332176851016015;0.014444444444444443781394582516;0.014166666666666665949647629930;0.023611111111111110494320541875;0.032500000000000001110223024625;0.005833333333333333599324266316;0.011388888888888889366901580047;0.010833333333333333703407674875;0.011944444444444445030395485219;0.010000000000000000208166817117;0.005277777777777777935830361145;0.010833333333333333703407674875;0.022222222222222223070309254922;0.005000000000000000104083408559;0.011944444444444445030395485219;0.009444444444444444544672911945;0.010277777777777778039913769703;0.011388888888888889366901580047;0.016666666666666666435370203203;0.000000000000000000000000000000;0.014444444444444443781394582516;0.011388888888888889366901580047;0.010555555555555555871660722289;0.012777777777777778525636342977;0.008888888888888888881179006773;0.016666666666666666435370203203;0.010000000000000000208166817117
-0.011006289308176099919767132462;0.007232704402515723399180735953;0.029559748427672956350154009897;0.472641509433962270225748625307;0.002830188679245282824120666376;0.005974842767295597892318603783;0.013207547169811321291499339736;0.015094339622641509551792537991;0.015723270440251572305223604076;0.010377358490566037166336066377;0.008490566037735848906042868123;0.006603773584905660645749669868;0.006603773584905660645749669868;0.012893081761006289914783806694;0.015723270440251572305223604076;0.008176100628930817529327335080;0.018867924528301886072378934500;0.018553459119496854695663401458;0.007232704402515723399180735953;0.006918238993710692022465202911;0.009748427672955974412905000293;0.021698113207547168462818731882;0.005031446540880502894810266667;0.015094339622641509551792537991;0.013522012578616352668214872779;0.011320754716981131296482665505;0.012578616352201258538068273651;0.003773584905660377387948134498;0.005660377358490565648241332752;0.011320754716981131296482665505;0.010062893081761005789620533335;0.016666666666666666435370203203;0.007547169811320754775896268995;0.006289308176100629269034136826;0.011949685534591195784637207566;0.024213836477987422945989948175;0.005345911949685534271525799710;0.010062893081761005789620533335;0.007232704402515723399180735953;0.013207547169811321291499339736;0.005974842767295597892318603783;0.011320754716981131296482665505;0.000000000000000000000000000000;0.013836477987421384044930405821;0.009748427672955974412905000293;0.011320754716981131296482665505;0.010377358490566037166336066377;0.006289308176100629269034136826;0.008805031446540880282758401165;0.006289308176100629269034136826
-0.004824561403508772182424646502;0.013596491228070176071618391234;0.022807017543859650632320779096;0.522807017543859608998957355652;0.006140350877192982462227099916;0.007017543859649122937882648188;0.005263157894736841986571551644;0.014035087719298245875765296375;0.016228070175438594896499822084;0.010964912280701753777290008429;0.007894736842105263413538196460;0.003947368421052631706769098230;0.005263157894736841986571551644;0.013596491228070176071618391234;0.019736842105263156799122015173;0.004385964912280701510916003372;0.019298245614035088729698586008;0.023684210526315790240614589379;0.008771929824561403021832006743;0.004385964912280701510916003372;0.007017543859649122937882648188;0.017105263157894737974240584322;0.001754385964912280734470662047;0.019298245614035088729698586008;0.005263157894736841986571551644;0.007017543859649122937882648188;0.014912280701754385484059106659;0.012719298245614034728601104973;0.005701754385964912658080194774;0.005263157894736841986571551644;0.003070175438596491231113549958;0.024561403508771929848908399663;0.003508771929824561468941324094;0.006140350877192982462227099916;0.008771929824561403021832006743;0.020614035087719299876862777410;0.003947368421052631706769098230;0.003947368421052631706769098230;0.005263157894736841986571551644;0.005701754385964912658080194774;0.009210526315789472825978911885;0.015789473684210526827076392919;0.000000000000000000000000000000;0.008771929824561403021832006743;0.008771929824561403021832006743;0.008771929824561403021832006743;0.013157894736842104532748010115;0.007017543859649122937882648188;0.008771929824561403021832006743;0.003508771929824561468941324094
-0.009166666666666666712925959359;0.020555555555555556079827539406;0.022499999999999999167332731531;0.265833333333333310388724157747;0.005277777777777777935830361145;0.009166666666666666712925959359;0.011666666666666667198648532633;0.028611111111111111465765688422;0.007777777777777777554191196430;0.018333333333333333425851918719;0.010000000000000000208166817117;0.003055555555555555715535609451;0.023055555555555554830826636703;0.013611111111111110286153724758;0.018611111111111109522875395328;0.007499999999999999722444243844;0.029999999999999998889776975375;0.023611111111111110494320541875;0.013888888888888888117900677344;0.002222222222222222220294751693;0.017777777777777777762358013547;0.009444444444444444544672911945;0.015555555555555555108382392859;0.031388888888888889783235214281;0.010555555555555555871660722289;0.014444444444444443781394582516;0.018611111111111109522875395328;0.014999999999999999444888487687;0.017500000000000001665334536938;0.008888888888888888881179006773;0.001944444444444444388547799107;0.040277777777777780399137697032;0.006666666666666667094565124074;0.008055555555555555385938149016;0.035555555555555555524716027094;0.030555555555555554553270880547;0.008888888888888888881179006773;0.008888888888888888881179006773;0.003055555555555555715535609451;0.021388888888888887840344921187;0.014166666666666665949647629930;0.012222222222222222862142437805;0.000000000000000000000000000000;0.025000000000000001387778780781;0.013055555555555556357383295563;0.020277777777777776513357110844;0.011944444444444445030395485219;0.011944444444444445030395485219;0.013055555555555556357383295563;0.009444444444444444544672911945
-0.005277777777777777935830361145;0.017222222222222222098864108375;0.013055555555555556357383295563;0.615833333333333343695414896501;0.008055555555555555385938149016;0.007222222222222221890697291258;0.005277777777777777935830361145;0.012500000000000000693889390391;0.019444444444444444752839729063;0.004722222222222222272336455973;0.005000000000000000104083408559;0.003333333333333333547282562037;0.003611111111111110945348645629;0.005277777777777777935830361145;0.018888888888888889089345823891;0.002777777777777777883788656865;0.010555555555555555871660722289;0.012500000000000000693889390391;0.007499999999999999722444243844;0.001111111111111111110147375847;0.007222222222222221890697291258;0.016111111111111110771876298031;0.001666666666666666773641281019;0.008888888888888888881179006773;0.006111111111111111431071218902;0.009166666666666666712925959359;0.010555555555555555871660722289;0.020000000000000000416333634234;0.001666666666666666773641281019;0.011111111111111111535154627461;0.007499999999999999722444243844;0.005833333333333333599324266316;0.003055555555555555715535609451;0.006666666666666667094565124074;0.004722222222222222272336455973;0.010000000000000000208166817117;0.002222222222222222220294751693;0.006388888888888889262818171488;0.019166666666666665186369300500;0.008611111111111111049432054187;0.006111111111111111431071218902;0.013611111111111110286153724758;0.000000000000000000000000000000;0.006388888888888889262818171488;0.008611111111111111049432054187;0.005277777777777777935830361145;0.003888888888888888777095598215;0.004166666666666666608842550801;0.004166666666666666608842550801;0.001944444444444444388547799107
-0.007575757575757575967845269815;0.009696969696969696961286189207;0.022727272727272727903535809446;0.612424242424242426530156535591;0.005151515151515151727523722514;0.003636363636363636360482320953;0.004545454545454545233762466694;0.014242424242424242195048655901;0.007575757575757575967845269815;0.013030303030303030942249620239;0.003939393939393939607362948863;0.000909090909090909090120580238;0.001515151515151515150200967064;0.013030303030303030942249620239;0.016666666666666666435370203203;0.002727272727272727487202175212;0.013939393939393938948168027991;0.015757575757575758429451795450;0.004242424242424242854243576772;0.002727272727272727487202175212;0.006060606060606060600803868255;0.005454545454545454974404350423;0.002121212121212121427121788386;0.027575757575757576384178904050;0.006363636363636363847684496164;0.013939393939393938948168027991;0.012424242424242424448488364419;0.005757575757575757353923240345;0.004848484848484848480643094604;0.002727272727272727487202175212;0.001818181818181818180241160476;0.015757575757575758429451795450;0.000606060606060606060080386825;0.004242424242424242854243576772;0.002727272727272727487202175212;0.024242424242424242403215473018;0.003333333333333333547282562037;0.003636363636363636360482320953;0.003636363636363636360482320953;0.004242424242424242854243576772;0.004545454545454545233762466694;0.008484848484848485708487153545;0.000000000000000000000000000000;0.012424242424242424448488364419;0.006363636363636363847684496164;0.007272727272727272720964641906;0.014242424242424242195048655901;0.008181818181818182461606525635;0.005151515151515151727523722514;0.005757575757575757353923240345
-0.005303030303030303350964036468;0.030303030303030303871381079261;0.023484848484848483418652165255;0.375000000000000000000000000000;0.021212121212121213403856145874;0.005681818181818181975883952362;0.011363636363636363951767904723;0.029545454545454544886817771498;0.004924242424242423858682382587;0.015151515151515151935690539631;0.006060606060606060600803868255;0.003409090909090908925321850020;0.001515151515151515150200967064;0.014772727272727272443408885749;0.037878787878787879839226349077;0.001893939393939393991961317454;0.018560606060606062162054996634;0.023863636363636364645657295114;0.018560606060606062162054996634;0.000757575757575757575100483532;0.018939393939393939919613174538;0.008333333333333333217685101602;0.007196969696969697342925353922;0.026136363636363634660453314495;0.005303030303030303350964036468;0.013636363636363635701287400082;0.018939393939393939919613174538;0.030681818181818181628939257166;0.004545454545454545233762466694;0.016287878787878788677812025298;0.003030303030303030300401934127;0.023106060606060605661093987351;0.004924242424242423858682382587;0.007575757575757575967845269815;0.002272727272727272616881233347;0.029924242424242422644375949403;0.009090909090909090467524933388;0.006439393939393939225723784148;0.001136363636363636308440616673;0.005681818181818181975883952362;0.015151515151515151935690539631;0.006439393939393939225723784148;0.000000000000000000000000000000;0.019696969696969695434729530348;0.012878787878787878451447568295;0.011742424242424241709326082628;0.021212121212121213403856145874;0.006060606060606060600803868255;0.009090909090909090467524933388;0.005303030303030303350964036468
-0.017559523809523809589894227656;0.054166666666666668517038374375;0.026488095238095237665687520234;0.057142857142857141072855853281;0.013690476190476190410105772344;0.014285714285714285268213963320;0.007738095238095238359576910625;0.029464285714285713690951951094;0.015476190476190476719153821250;0.010714285714285714384841341484;0.010119047619047619526733150508;0.009226190476190476372209126055;0.010416666666666666088425508008;0.013690476190476190410105772344;0.076785714285714290472384391251;0.010714285714285714384841341484;0.024107142857142858233254756328;0.042559523809523810977673008438;0.026785714285714284227379877734;0.003273809523809523887999395342;0.019940476190476189022326991562;0.011904761904761904101057723437;0.013095238095238095551997581367;0.020535714285714285615158658516;0.015476190476190476719153821250;0.015178571428571428422737987773;0.034226190476190479494711382813;0.100297619047619052112807480626;0.002678571428571428596210335371;0.018452380952380952744418252109;0.013095238095238095551997581367;0.018452380952380952744418252109;0.012202380952380952397473556914;0.008035714285714284921269268125;0.013095238095238095551997581367;0.022321428571428571924206707422;0.007440476190476190063161077148;0.012797619047619047255581747891;0.002380952380952381167156239883;0.018749999999999999306110609609;0.018154761904761906182725894610;0.016964285714285712997062560703;0.000000000000000000000000000000;0.011309523809523809242949532461;0.033333333333333332870740406406;0.014583333333333333564629796797;0.013095238095238095551997581367;0.010714285714285714384841341484;0.019642857142857142460634634062;0.007440476190476190063161077148
-0.011949685534591195784637207566;0.033962264150943395624171472491;0.018867924528301886072378934500;0.197798742138364791465221514954;0.027044025157232705336429745557;0.009433962264150943036189467250;0.022955974842767293969680864052;0.032704402515723270117309340321;0.031761006289308175987162741194;0.007547169811320754775896268995;0.007232704402515723399180735953;0.011949685534591195784637207566;0.004402515723270440141379200583;0.009119496855345911659473934208;0.051257861635220128282419693733;0.009748427672955974412905000293;0.017295597484276729188801269288;0.045911949685534587939361728104;0.027672955974842768089860811642;0.005031446540880502894810266667;0.021698113207547168462818731882;0.015408805031446540928508071033;0.005660377358490565648241332752;0.020125786163522011579241066670;0.011320754716981131296482665505;0.015094339622641509551792537991;0.026729559748427673959714212515;0.042767295597484274172206397679;0.003144654088050314634517068413;0.014465408805031446798361471906;0.012578616352201258538068273651;0.014150943396226415421645938864;0.011320754716981131296482665505;0.004402515723270440141379200583;0.007861635220125786152611802038;0.021383647798742137086103198840;0.006918238993710692022465202911;0.008176100628930817529327335080;0.007547169811320754775896268995;0.008805031446540880282758401165;0.022327044025157231216249797967;0.032389937106918238740593807279;0.000000000000000000000000000000;0.009119496855345911659473934208;0.034905660377358489754318071618;0.011635220125786162673198198547;0.008490566037735848906042868123;0.003773584905660377387948134498;0.010377358490566037166336066377;0.003773584905660377387948134498
-0.009126984126984127518311673555;0.041666666666666664353702032031;0.025396825396825396803368590781;0.317063492063492047279282814998;0.015476190476190476719153821250;0.014682539682539682418527249297;0.003571428571428571317053490830;0.018253968253968255036623347110;0.036111111111111107718762980312;0.009920634920634920084214769531;0.005952380952380952050528861719;0.005555555555555555767577313730;0.007539682539682539784420267637;0.012698412698412698401684295391;0.022619047619047618485899064922;0.004761904761904762334312479766;0.035714285714285712303173170312;0.045634920634920632387387939843;0.011904761904761904101057723437;0.004761904761904762334312479766;0.008333333333333333217685101602;0.025793650793650792218958400781;0.007142857142857142634106981660;0.014285714285714285268213963320;0.007936507936507936067371815625;0.007142857142857142634106981660;0.018650793650793650452213157109;0.037698412698412696320016124218;0.002380952380952381167156239883;0.017063492063492061850960013203;0.003571428571428571317053490830;0.017063492063492061850960013203;0.005555555555555555767577313730;0.005952380952380952050528861719;0.005555555555555555767577313730;0.023412698412698412786525636875;0.005555555555555555767577313730;0.001587301587301587300210536924;0.011507936507936508685467913438;0.011904761904761904101057723437;0.013492063492063492702310867344;0.042460317460317462123775555938;0.000000000000000000000000000000;0.005952380952380952050528861719;0.016666666666666666435370203203;0.005555555555555555767577313730;0.009126984126984127518311673555;0.005555555555555555767577313730;0.009523809523809524668624959531;0.005158730158730158617264027754
-0.023270440251572325346396397094;0.021698113207547168462818731882;0.049056603773584908645410962436;0.011635220125786162673198198547;0.016352201257861635058654670161;0.026415094339622642582998679472;0.003144654088050314634517068413;0.019182389937106917449094467543;0.041194968553459117288628732467;0.015408805031446540928508071033;0.011320754716981131296482665505;0.036792452830188678014611269873;0.012578616352201258538068273651;0.024528301886792454322705481218;0.018238993710691823318947868415;0.030817610062893081857016142067;0.029245283018867924973438476854;0.048113207547169814515264363308;0.017295597484276729188801269288;0.007232704402515723399180735953;0.012264150943396227161352740609;0.024213836477987422945989948175;0.011635220125786162673198198547;0.021698113207547168462818731882;0.025786163522012579829567613388;0.026415094339622642582998679472;0.027358490566037736713145278600;0.021383647798742137086103198840;0.002515723270440251447405133334;0.017295597484276729188801269288;0.060062893081761006830454618921;0.020125786163522011579241066670;0.008176100628930817529327335080;0.011320754716981131296482665505;0.016981132075471697812085736246;0.026100628930817611206283146430;0.009433962264150943036189467250;0.010377358490566037166336066377;0.007232704402515723399180735953;0.018553459119496854695663401458;0.012264150943396227161352740609;0.034591194968553458377602538576;0.000000000000000000000000000000;0.009433962264150943036189467250;0.011006289308176099919767132462;0.011006289308176099919767132462;0.025157232704402517076136547303;0.016981132075471697812085736246;0.017295597484276729188801269288;0.019811320754716980202525533628
-0.017592592592592593697675695807;0.031172839506172840551290192934;0.023765432098765432861187107960;0.147530864197530864334595435139;0.023148148148148146863167795573;0.031790123456790123079862553368;0.003395061728395061713403624282;0.024074074074074074125473288177;0.018209876543209876226248056241;0.014197530864197531116910333537;0.015123456790123456644492350165;0.020679012345679013279431401884;0.011111111111111111535154627461;0.013580246913580246853614497127;0.034876543209876542661618259444;0.010493827160493827271858791050;0.018209876543209876226248056241;0.033333333333333332870740406406;0.035802469135802469923923752049;0.004938271604938271504281477320;0.015740740740740739173064710599;0.019444444444444444752839729063;0.022530864197530864334595435139;0.020987654320987654543717582101;0.020061728395061727281412089496;0.020370370370370372015145221667;0.025925925925925925180637321432;0.013580246913580246853614497127;0.003086419753086419581755706076;0.048765432098765430779518936788;0.015432098765432097908778530382;0.014814814814814815380206169948;0.016975308641975307699656383420;0.008024691358024691953398921385;0.011419753086419752799440807678;0.023148148148148146863167795573;0.006172839506172839163511412153;0.007098765432098765558455166769;0.004629629629629629372633559115;0.020370370370370372015145221667;0.009259259259259258745267118229;0.014197530864197531116910333537;0.000000000000000000000000000000;0.012037037037037037062736644089;0.024691358024691356654045648611;0.011728395061728395798450463872;0.015432098765432097908778530382;0.011419753086419752799440807678;0.018518518518518517490534236458;0.011111111111111111535154627461
-0.016949152542372881297128017763;0.018079096045197740744159276005;0.017231638418079096158885832324;0.266101694915254260997983237758;0.040960451977401127199307495630;0.024011299435028249371626429820;0.009604519774011300095595267123;0.023728813559322034509868615260;0.014124293785310734414273348136;0.012146892655367232116692122190;0.011864406779661017254934307630;0.010734463276836157807903049388;0.010169491525423728084387420267;0.009887005649717514957353081684;0.035310734463276836903045108329;0.009887005649717514957353081684;0.021751412429378530477563913337;0.017514124293785311020643646884;0.032485875706214688285466962725;0.003672316384180791034447244314;0.016666666666666666435370203203;0.009322033898305085233837452563;0.005084745762711864042193710134;0.018926553672316385329432719686;0.018079096045197740744159276005;0.021468926553672315615806098776;0.021186440677966100754048284216;0.024293785310734464233384244380;0.007062146892655367207136674068;0.041525423728813556922823124751;0.006497175141242937483621044947;0.020056497175141241307017025974;0.010169491525423728084387420267;0.004802259887005650047797633562;0.007344632768361582068894488629;0.023163841807909604786352986139;0.007062146892655367207136674068;0.009322033898305085233837452563;0.005084745762711864042193710134;0.008474576271186440648564008882;0.006779661016949152345378859508;0.013841807909604519552515533576;0.000000000000000000000000000000;0.009887005649717514957353081684;0.028813559322033898552062325393;0.013559322033898304690757719015;0.009322033898305085233837452563;0.009887005649717514957353081684;0.007062146892655367207136674068;0.009039548022598870372079638003
-0.013450292397660818313753772202;0.020467836257309940384274682401;0.023391812865497074724885351316;0.267251461988304073180700015655;0.016081871345029238873358679029;0.012865497076023392486465724005;0.008479532163742689240826244657;0.021637426900584795508297730748;0.015789473684210526827076392919;0.009649122807017544364849293004;0.011988304093567251143448437745;0.008187134502923977194543958547;0.014619883040935671703053344572;0.015789473684210526827076392919;0.025146198830409357410919923836;0.011111111111111111535154627461;0.021052631578947367946286206575;0.026023391812865497019213734120;0.016666666666666666435370203203;0.004678362573099415291921765458;0.011988304093567251143448437745;0.018128654970760233605675537660;0.010526315789473683973143103287;0.016959064327485378481652489313;0.014619883040935671703053344572;0.017251461988304093997381727377;0.023976608187134502286896875489;0.067543859649122808819221575050;0.002631578947368420993285775822;0.014619883040935671703053344572;0.009356725146198830583843530917;0.016666666666666666435370203203;0.013450292397660818313753772202;0.011988304093567251143448437745;0.016374269005847954389087917093;0.015789473684210526827076392919;0.003508771929824561468941324094;0.007017543859649122937882648188;0.011988304093567251143448437745;0.016959064327485378481652489313;0.009941520467836258145855055091;0.011988304093567251143448437745;0.000000000000000000000000000000;0.011695906432748537362442675658;0.012865497076023392486465724005;0.015204678362573099265064868746;0.014327485380116959656771058462;0.010526315789473683973143103287;0.016666666666666666435370203203;0.011111111111111111535154627461
-0.015277777777777777276635440273;0.016388888888888890338346726594;0.026666666666666668378260496297;0.310277777777777763468236571498;0.014722222222222221613141535101;0.019444444444444444752839729063;0.004166666666666666608842550801;0.024722222222222221821308352219;0.017777777777777777762358013547;0.014722222222222221613141535101;0.015833333333333334674852821422;0.007499999999999999722444243844;0.013888888888888888117900677344;0.019166666666666665186369300500;0.020555555555555556079827539406;0.012500000000000000693889390391;0.016666666666666666435370203203;0.027777777777777776235801354687;0.011666666666666667198648532633;0.002777777777777777883788656865;0.014722222222222221613141535101;0.006666666666666667094565124074;0.006388888888888889262818171488;0.015833333333333334674852821422;0.026388888888888888811790067734;0.021111111111111111743321444578;0.025555555555555557051272685953;0.026944444444444444475283972906;0.001944444444444444388547799107;0.015833333333333334674852821422;0.008611111111111111049432054187;0.017500000000000001665334536938;0.010000000000000000208166817117;0.007222222222222221890697291258;0.013055555555555556357383295563;0.026388888888888888811790067734;0.006666666666666667094565124074;0.005000000000000000104083408559;0.009722222222222222376419864531;0.007777777777777777554191196430;0.005833333333333333599324266316;0.017500000000000001665334536938;0.000000000000000000000000000000;0.013611111111111110286153724758;0.014722222222222221613141535101;0.008611111111111111049432054187;0.016666666666666666435370203203;0.010833333333333333703407674875;0.016666666666666666435370203203;0.009722222222222222376419864531
-0.018888888888888889089345823891;0.013703703703703704053218359604;0.049629629629629627707299022177;0.352222222222222214327302935999;0.003703703703703703845051542487;0.005555555555555555767577313730;0.005185185185185185036127464286;0.021481481481481479872686080057;0.018888888888888889089345823891;0.018888888888888889089345823891;0.008148148148148147418279307885;0.004444444444444444440589503387;0.002962962962962962815832712593;0.017777777777777777762358013547;0.015555555555555555108382392859;0.011851851851851851263330850372;0.031481481481481478346129421197;0.037777777777777778178691647781;0.012222222222222222862142437805;0.004814814814814815172039352831;0.007037037037037036958653235530;0.016296296296296294836558615771;0.003703703703703703845051542487;0.036666666666666666851703837438;0.011111111111111111535154627461;0.017777777777777777762358013547;0.021481481481481479872686080057;0.006296296296296296363115274630;0.002962962962962962815832712593;0.005925925925925925631665425186;0.005185185185185185036127464286;0.018518518518518517490534236458;0.004444444444444444440589503387;0.007037037037037036958653235530;0.008518518518518519017090895318;0.027407407407407408106436719208;0.006666666666666667094565124074;0.010000000000000000208166817117;0.003333333333333333547282562037;0.008148148148148147418279307885;0.012592592592592592726230549260;0.018518518518518517490534236458;0.000000000000000000000000000000;0.014444444444444443781394582516;0.007777777777777777554191196430;0.007777777777777777554191196430;0.020370370370370372015145221667;0.013333333333333334189130248149;0.008888888888888888881179006773;0.012592592592592592726230549260
-0.015773809523809523280846178750;0.008928571428571428075793292578;0.041071428571428571230317317031;0.418750000000000011102230246252;0.003571428571428571317053490830;0.012797619047619047255581747891;0.001190476190476190583578119941;0.011607142857142857539365365938;0.018749999999999999306110609609;0.021130952380952382207990325469;0.009821428571428571230317317031;0.009523809523809524668624959531;0.008333333333333333217685101602;0.017559523809523809589894227656;0.014583333333333333564629796797;0.013690476190476190410105772344;0.022321428571428571924206707422;0.025892857142857144542302805235;0.005654761904761904621474766230;0.006250000000000000346944695195;0.005059523809523809763366575254;0.016964285714285712997062560703;0.005357142857142857192420670742;0.022916666666666665047591422422;0.019047619047619049337249919063;0.021726190476190475331375040469;0.018154761904761906182725894610;0.005952380952380952050528861719;0.002678571428571428596210335371;0.011904761904761904101057723437;0.005952380952380952050528861719;0.016369047619047619873677845703;0.002976190476190476025264430859;0.007440476190476190063161077148;0.005654761904761904621474766230;0.019345238095238095898942276563;0.005059523809523809763366575254;0.004464285714285714037896646289;0.002380952380952381167156239883;0.008333333333333333217685101602;0.004464285714285714037896646289;0.014583333333333333564629796797;0.000000000000000000000000000000;0.011011904761904762681257174961;0.007738095238095238359576910625;0.006845238095238095205052886172;0.022321428571428571924206707422;0.013690476190476190410105772344;0.011607142857142857539365365938;0.012797619047619047255581747891
-0.015277777777777777276635440273;0.025555555555555557051272685953;0.013055555555555556357383295563;0.196944444444444449748843339876;0.160277777777777769019351694624;0.016944444444444446001840631766;0.015833333333333334674852821422;0.014444444444444443781394582516;0.010000000000000000208166817117;0.006388888888888889262818171488;0.006944444444444444058950338672;0.009166666666666666712925959359;0.013888888888888888117900677344;0.006944444444444444058950338672;0.037222222222222219045750790656;0.005833333333333333599324266316;0.011388888888888889366901580047;0.020555555555555556079827539406;0.031944444444444441977282167500;0.002500000000000000052041704279;0.014999999999999999444888487687;0.008055555555555555385938149016;0.029999999999999998889776975375;0.010277777777777778039913769703;0.010277777777777778039913769703;0.006111111111111111431071218902;0.012222222222222222862142437805;0.024722222222222221821308352219;0.005277777777777777935830361145;0.042222222222222223486642889156;0.008611111111111111049432054187;0.011666666666666667198648532633;0.015277777777777777276635440273;0.006111111111111111431071218902;0.012500000000000000693889390391;0.013055555555555556357383295563;0.003055555555555555715535609451;0.010833333333333333703407674875;0.009166666666666666712925959359;0.016944444444444446001840631766;0.010833333333333333703407674875;0.020277777777777776513357110844;0.000000000000000000000000000000;0.008333333333333333217685101602;0.029722222222222222792753498766;0.013333333333333334189130248149;0.006666666666666667094565124074;0.003333333333333333547282562037;0.008333333333333333217685101602;0.006666666666666667094565124074
-0.012091503267973856619588168826;0.028431372549019607448572699582;0.025490196078431372195272075487;0.308169934640522891200475896767;0.052287581699346406816086840763;0.008496732026143790153516199837;0.010784313725490195928768955014;0.018954248366013070475899482403;0.007843137254901960675468330919;0.012091503267973856619588168826;0.007189542483660130330058724013;0.008496732026143790153516199837;0.008823529411764705759901872284;0.013725490196078431182069579108;0.032679738562091505127416013465;0.006209150326797385245625182648;0.020261437908496732901442172192;0.025816993464052286066934271958;0.016013071895424835222598858309;0.002941176470588235253300624095;0.014379084967320260660117448026;0.009477124183006535237949741202;0.015359477124183005744550989391;0.020261437908496732901442172192;0.011764705882352941013202496379;0.013071895424836601704021710191;0.016339869281045752563708006733;0.032352941176470591255753816995;0.002614379084967320080595820642;0.020261437908496732901442172192;0.007843137254901960675468330919;0.016666666666666666435370203203;0.007843137254901960675468330919;0.005882352941176470506601248189;0.009477124183006535237949741202;0.021568627450980391857537910028;0.004575163398692810683143772366;0.008496732026143790153516199837;0.001633986928104575213002713774;0.013398692810457515575683906661;0.016339869281045752563708006733;0.015359477124183005744550989391;0.000000000000000000000000000000;0.009150326797385621366287544731;0.022875816993464050813633647863;0.019607843137254901688670827298;0.010457516339869280322383282567;0.009150326797385621366287544731;0.010784313725490195928768955014;0.006209150326797385245625182648
-0.016216216216216217116397046993;0.010360360360360360357234732476;0.027927927927927927165274724075;0.480630630630630606425768291956;0.004504504504504504465434155946;0.007207207207207207318166997112;0.007657657657657657504501891310;0.022522522522522521459809041744;0.016666666666666666435370203203;0.010810810810810811410931364662;0.006306306306306306078135470727;0.006756756756756757131832102914;0.004054054054054054279099261748;0.016666666666666666435370203203;0.013063063063063063209967573641;0.008558558558558557877171679706;0.014864864864864865690030626411;0.023873873873873872886175462327;0.011711711711711711783601153058;0.001351351351351351426366420583;0.013063063063063063209967573641;0.018918918918918919969129888159;0.002702702702702702852732841166;0.017567567567567568542763467576;0.014864864864864865690030626411;0.017117117117117115754343359413;0.014414414414414414636333994224;0.005855855855855855891800576529;0.001801801801801801829541749278;0.008558558558558557877171679706;0.007207207207207207318166997112;0.014414414414414414636333994224;0.002702702702702702852732841166;0.007207207207207207318166997112;0.006756756756756757131832102914;0.022072072072072072140835885534;0.006306306306306306078135470727;0.004504504504504504465434155946;0.004054054054054054279099261748;0.009459459459459459984564944079;0.006306306306306306078135470727;0.012162162162162162837297785245;0.000000000000000000000000000000;0.007207207207207207318166997112;0.006756756756756757131832102914;0.009459459459459459984564944079;0.016216216216216217116397046993;0.013963963963963963582637362038;0.011261261261261260729904520872;0.005405405405405405705465682331
-0.010833333333333333703407674875;0.018055555555555553859381490156;0.024444444444444445724284875610;0.367222222222222227649979231501;0.004166666666666666608842550801;0.011666666666666667198648532633;0.013055555555555556357383295563;0.013888888888888888117900677344;0.024166666666666666157814447047;0.011666666666666667198648532633;0.006388888888888889262818171488;0.010277777777777778039913769703;0.010000000000000000208166817117;0.015833333333333334674852821422;0.024166666666666666157814447047;0.007499999999999999722444243844;0.023055555555555554830826636703;0.029722222222222222792753498766;0.005833333333333333599324266316;0.003333333333333333547282562037;0.007777777777777777554191196430;0.023333333333333334397297065266;0.005555555555555555767577313730;0.024722222222222221821308352219;0.011111111111111111535154627461;0.015555555555555555108382392859;0.021388888888888887840344921187;0.019166666666666665186369300500;0.004722222222222222272336455973;0.012500000000000000693889390391;0.014999999999999999444888487687;0.018333333333333333425851918719;0.004166666666666666608842550801;0.011111111111111111535154627461;0.010555555555555555871660722289;0.018888888888888889089345823891;0.006111111111111111431071218902;0.005000000000000000104083408559;0.014166666666666665949647629930;0.016944444444444446001840631766;0.003055555555555555715535609451;0.015555555555555555108382392859;0.000000000000000000000000000000;0.014444444444444443781394582516;0.009444444444444444544672911945;0.011944444444444445030395485219;0.016666666666666666435370203203;0.008888888888888888881179006773;0.011388888888888889366901580047;0.007222222222222221890697291258
-0.008630952380952381514100935078;0.022619047619047618485899064922;0.034226190476190479494711382813;0.450892857142857150787307318751;0.007738095238095238359576910625;0.005357142857142857192420670742;0.004464285714285714037896646289;0.015476190476190476719153821250;0.024702380952380951356639471328;0.016071428571428569842538536250;0.007440476190476190063161077148;0.005952380952380952050528861719;0.003571428571428571317053490830;0.013690476190476190410105772344;0.020833333333333332176851016015;0.011011904761904762681257174961;0.017857142857142856151586585156;0.028869047619047620567567236094;0.006845238095238095205052886172;0.003273809523809523887999395342;0.006250000000000000346944695195;0.017559523809523809589894227656;0.002380952380952381167156239883;0.013690476190476190410105772344;0.005654761904761904621474766230;0.011904761904761904101057723437;0.016369047619047619873677845703;0.030952380952380953438307642500;0.000892857142857142829263372708;0.006547619047619047775998790684;0.011607142857142857539365365938;0.013392857142857142113689938867;0.003571428571428571317053490830;0.005952380952380952050528861719;0.003571428571428571317053490830;0.023511904761904761640423089375;0.002976190476190476025264430859;0.006547619047619047775998790684;0.017559523809523809589894227656;0.004761904761904762334312479766;0.006250000000000000346944695195;0.020238095238095239053466301016;0.000000000000000000000000000000;0.008333333333333333217685101602;0.006547619047619047775998790684;0.008035714285714284921269268125;0.013988095238095238706521605820;0.008333333333333333217685101602;0.006547619047619047775998790684;0.006547619047619047775998790684
-0.008518518518518519017090895318;0.005925925925925925631665425186;0.012962962962962962590318660716;0.675925925925925930037863054167;0.004814814814814815172039352831;0.004814814814814815172039352831;0.001481481481481481407916356297;0.010370370370370370072254928573;0.012962962962962962590318660716;0.005555555555555555767577313730;0.004814814814814815172039352831;0.003703703703703703845051542487;0.001851851851851851922525771243;0.011111111111111111535154627461;0.013703703703703704053218359604;0.005185185185185185036127464286;0.009259259259259258745267118229;0.020740740740740740144509857146;0.009629629629629630344078705662;0.002222222222222222220294751693;0.007777777777777777554191196430;0.009259259259259258745267118229;0.004814814814814815172039352831;0.005555555555555555767577313730;0.007777777777777777554191196430;0.005925925925925925631665425186;0.013703703703703704053218359604;0.009259259259259258745267118229;0.000370370370370370351979089074;0.006666666666666667094565124074;0.004444444444444444440589503387;0.005185185185185185036127464286;0.003333333333333333547282562037;0.004814814814814815172039352831;0.002592592592592592518063732143;0.011851851851851851263330850372;0.005925925925925925631665425186;0.002222222222222222220294751693;0.004444444444444444440589503387;0.005925925925925925631665425186;0.003703703703703703845051542487;0.006666666666666667094565124074;0.000000000000000000000000000000;0.004814814814814815172039352831;0.008148148148148147418279307885;0.008888888888888888881179006773;0.007407407407407407690103084974;0.004074074074074073709139653943;0.003703703703703703845051542487;0.005185185185185185036127464286
-0.008888888888888888881179006773;0.031388888888888889783235214281;0.016944444444444446001840631766;0.454166666666666662965923251249;0.011388888888888889366901580047;0.007499999999999999722444243844;0.008055555555555555385938149016;0.023888888888888890060790970438;0.013611111111111110286153724758;0.005555555555555555767577313730;0.008611111111111111049432054187;0.004166666666666666608842550801;0.004444444444444444440589503387;0.006666666666666667094565124074;0.035555555555555555524716027094;0.003611111111111110945348645629;0.018888888888888889089345823891;0.040000000000000000832667268469;0.014999999999999999444888487687;0.002222222222222222220294751693;0.014444444444444443781394582516;0.010000000000000000208166817117;0.006944444444444444058950338672;0.011666666666666667198648532633;0.005555555555555555767577313730;0.009444444444444444544672911945;0.022499999999999999167332731531;0.024166666666666666157814447047;0.003611111111111110945348645629;0.012777777777777778525636342977;0.003333333333333333547282562037;0.011944444444444445030395485219;0.006388888888888889262818171488;0.004166666666666666608842550801;0.005000000000000000104083408559;0.016666666666666666435370203203;0.005833333333333333599324266316;0.003888888888888888777095598215;0.002777777777777777883788656865;0.005000000000000000104083408559;0.009444444444444444544672911945;0.019444444444444444752839729063;0.000000000000000000000000000000;0.008333333333333333217685101602;0.018888888888888889089345823891;0.010000000000000000208166817117;0.006388888888888889262818171488;0.005000000000000000104083408559;0.011111111111111111535154627461;0.004722222222222222272336455973
-0.015666666666666665547191783503;0.026999999999999999694688668228;0.030999999999999999777955395075;0.229000000000000009103828801926;0.008999999999999999319988397417;0.012666666666666666352103476356;0.008000000000000000166533453694;0.022666666666666668294993769450;0.017999999999999998639976794834;0.010666666666666666310470112933;0.009666666666666667157015169209;0.006000000000000000124900090270;0.009333333333333334105863521302;0.016333333333333331649495079319;0.032666666666666663298990158637;0.012000000000000000249800180541;0.017666666666666667323548622903;0.048666666666666663632057066025;0.017333333333333332537673499019;0.003000000000000000062450045135;0.012666666666666666352103476356;0.022333333333333333509118645566;0.011333333333333334147496884725;0.019333333333333334314030338419;0.019666666666666665630458510350;0.022999999999999999611421941381;0.029666666666666667573348803444;0.021000000000000001304512053935;0.002000000000000000041633363423;0.012999999999999999403255124264;0.015333333333333332496040135595;0.012333333333333333300951828448;0.010333333333333333259318465025;0.006000000000000000124900090270;0.011333333333333334147496884725;0.023666666666666665713725237197;0.011333333333333334147496884725;0.011333333333333334147496884725;0.013666666666666667240281896056;0.023333333333333334397297065266;0.008333333333333333217685101602;0.025333333333333332704206952712;0.000000000000000000000000000000;0.013333333333333334189130248149;0.014333333333333333342585191872;0.012666666666666666352103476356;0.014999999999999999444888487687;0.012000000000000000249800180541;0.021333333333333332620940225866;0.008666666666666666268836749509
-0.012356321839080459598636529961;0.014655172413793103244894489023;0.012931034482758620510201019727;0.448275862068965524898089825001;0.018390804597701149170063672500;0.012643678160919540054418774844;0.008620689655172413673467346484;0.016379310344827587714311434297;0.014655172413793103244894489023;0.008620689655172413673467346484;0.007758620689655172306120611836;0.007471264367816091850338366953;0.011781609195402298687072040195;0.012068965517241379142854285078;0.018390804597701149170063672500;0.007183908045977011394556122070;0.018390804597701149170063672500;0.022413793103448275551015100859;0.012643678160919540054418774844;0.003160919540229885013604693711;0.007758620689655172306120611836;0.010632183908045976863943060664;0.010344827586206896408160815781;0.011781609195402298687072040195;0.010632183908045976863943060664;0.013218390804597700965983264609;0.015804597701149426802746944531;0.016666666666666666435370203203;0.003448275862068965469386938594;0.020402298850574714095262862656;0.010057471264367815952378570898;0.009195402298850574585031836250;0.007183908045977011394556122070;0.008620689655172413673467346484;0.012931034482758620510201019727;0.017241379310344827346934692969;0.002873563218390804557822448828;0.007183908045977011394556122070;0.006321839080459770027209387422;0.015804597701149426802746944531;0.006034482758620689571427142539;0.020689655172413792816321631562;0.000000000000000000000000000000;0.010057471264367815952378570898;0.010919540229885057319725305547;0.008333333333333333217685101602;0.010057471264367815952378570898;0.006321839080459770027209387422;0.012931034482758620510201019727;0.007758620689655172306120611836
-0.012333333333333333300951828448;0.032666666666666663298990158637;0.019666666666666665630458510350;0.316000000000000003108624468950;0.020333333333333331732761806165;0.017666666666666667323548622903;0.007000000000000000145716771982;0.017333333333333332537673499019;0.032666666666666663298990158637;0.009666666666666667157015169209;0.009666666666666667157015169209;0.016666666666666666435370203203;0.010333333333333333259318465025;0.008333333333333333217685101602;0.028333333333333331899295259859;0.009333333333333334105863521302;0.020666666666666666518636930050;0.022999999999999999611421941381;0.014666666666666666393736839780;0.004666666666666667052931760651;0.012333333333333333300951828448;0.019666666666666665630458510350;0.006666666666666667094565124074;0.011333333333333334147496884725;0.017000000000000001221245327088;0.009333333333333334105863521302;0.015333333333333332496040135595;0.044666666666666667018237291131;0.005000000000000000104083408559;0.025000000000000001387778780781;0.007666666666666666248020067798;0.012666666666666666352103476356;0.008999999999999999319988397417;0.006000000000000000124900090270;0.011333333333333334147496884725;0.017999999999999998639976794834;0.004333333333333333134418374755;0.006333333333333333176051738178;0.008666666666666666268836749509;0.013333333333333334189130248149;0.007666666666666666248020067798;0.035000000000000003330669073875;0.000000000000000000000000000000;0.004666666666666667052931760651;0.019666666666666665630458510350;0.008000000000000000166533453694;0.006000000000000000124900090270;0.004000000000000000083266726847;0.012666666666666666352103476356;0.007666666666666666248020067798
-0.015646258503401361955598147802;0.035714285714285712303173170312;0.024149659863945578675004099978;0.191496598639455783974483438215;0.034013605442176873816517712612;0.017687074829931974384589210558;0.004081632653061224857982125513;0.024489795918367345678445801127;0.037755102040816328201611185023;0.019727891156462583344133321361;0.008843537414965987192294605279;0.023809523809523808202115446875;0.009183673469387755930459782405;0.011904761904761904101057723437;0.041836734693877553059593310536;0.012925170068027210315553254816;0.013265306122448979053718431942;0.027210884353741495583767218136;0.020408163265306120820463675614;0.005102040816326530205115918903;0.011904761904761904101057723437;0.016326530612244899431928502054;0.008503401360544218454129428153;0.017346938775510203911700557455;0.019387755102040816340691620212;0.015306122448979591482709494699;0.019047619047619049337249919063;0.049319727891156461829780255357;0.001020408163265306214495531378;0.022448979591836733249454738370;0.027551020408163266056655871239;0.017687074829931974384589210558;0.007482993197278911372272158786;0.003741496598639455686136079393;0.009183673469387755930459782405;0.021428571428571428769682682969;0.006802721088435373895941804534;0.010204081632653060410231837807;0.010544217687074829148397014933;0.007823129251700680977799073901;0.010544217687074829148397014933;0.028911564625850341009316579743;0.000000000000000000000000000000;0.014965986394557822744544317572;0.020748299319727891293352328717;0.008843537414965987192294605279;0.010544217687074829148397014933;0.005782312925170067681446273156;0.009523809523809524668624959531;0.007823129251700680977799073901
-0.014074074074074073917306471060;0.014074074074074073917306471060;0.019259259259259260688157411323;0.420740740740740748471182541834;0.008518518518518519017090895318;0.010370370370370370072254928573;0.008888888888888888881179006773;0.025185185185185185452461098521;0.011111111111111111535154627461;0.020740740740740740144509857146;0.008518518518518519017090895318;0.007777777777777777554191196430;0.006666666666666667094565124074;0.012592592592592592726230549260;0.020000000000000000416333634234;0.013703703703703704053218359604;0.017407407407407406163546426114;0.022592592592592591199673890401;0.009259259259259258745267118229;0.001481481481481481407916356297;0.012222222222222222862142437805;0.008148148148148147418279307885;0.001851851851851851922525771243;0.034074074074074076068363581271;0.012592592592592592726230549260;0.014814814814814815380206169948;0.021481481481481479872686080057;0.012962962962962962590318660716;0.006296296296296296363115274630;0.010370370370370370072254928573;0.008888888888888888881179006773;0.027037037037037036507625131776;0.002962962962962962815832712593;0.001851851851851851922525771243;0.005555555555555555767577313730;0.023333333333333334397297065266;0.004814814814814815172039352831;0.006666666666666667094565124074;0.002592592592592592518063732143;0.003703703703703703845051542487;0.011481481481481481399242738917;0.007407407407407407690103084974;0.000000000000000000000000000000;0.024074074074074074125473288177;0.008888888888888888881179006773;0.020370370370370372015145221667;0.011111111111111111535154627461;0.007037037037037036958653235530;0.008888888888888888881179006773;0.005555555555555555767577313730
-0.015032679738562091872888792921;0.011437908496732025406816823931;0.019281045751633987817008630827;0.383660130718954273110199437724;0.012091503267973856619588168826;0.016339869281045752563708006733;0.010784313725490195928768955014;0.015359477124183005744550989391;0.013398692810457515575683906661;0.017320261437908497648141548098;0.009477124183006535237949741202;0.007516339869281045936444396460;0.007516339869281045936444396460;0.015359477124183005744550989391;0.017973856209150325391465941038;0.012745098039215686097636037744;0.018954248366013070475899482403;0.022549019607843136941971451392;0.016013071895424835222598858309;0.005228758169934640161191641283;0.011764705882352941013202496379;0.014052287581699346788455251556;0.005228758169934640161191641283;0.028431372549019607448572699582;0.020588235294117646773104368663;0.016013071895424835222598858309;0.017320261437908497648141548098;0.006535947712418300852010855095;0.010130718954248366450721086096;0.013071895424836601704021710191;0.013398692810457515575683906661;0.019281045751633987817008630827;0.004901960784313725422167706824;0.004575163398692810683143772366;0.010784313725490195928768955014;0.018954248366013070475899482403;0.003267973856209150426005427548;0.010784313725490195928768955014;0.013725490196078431182069579108;0.011111111111111111535154627461;0.007843137254901960675468330919;0.014379084967320260660117448026;0.000000000000000000000000000000;0.016013071895424835222598858309;0.007516339869281045936444396460;0.012418300653594770491250365296;0.010457516339869280322383282567;0.009803921568627450844335413649;0.011437908496732025406816823931;0.008169934640522876281854003366
-0.035757575757575758845785429685;0.000606060606060606060080386825;0.071818181818181822673174963256;0.000000000000000000000000000000;0.001515151515151515150200967064;0.007878787878787879214725897725;0.001515151515151515150200967064;0.020000000000000000416333634234;0.007575757575757575967845269815;0.070303030303030297765154443823;0.010303030303030303455047445027;0.002727272727272727487202175212;0.007272727272727272720964641906;0.058787878787878784792031439110;0.001212121212121212120160773651;0.023636363636363635909454217199;0.020303030303030301928490786167;0.016666666666666666435370203203;0.004242424242424242854243576772;0.010606060606060606701928072937;0.012121212121212121201607736509;0.009090909090909090467524933388;0.004545454545454545233762466694;0.092121212121212117662771845517;0.026060606060606061884499240477;0.071212121212121212709966755483;0.021212121212121213403856145874;0.000303030303030303030040193413;0.000606060606060606060080386825;0.004848484848484848480643094604;0.003030303030303030300401934127;0.038484848484848482863540652943;0.002424242424242424240321547302;0.006060606060606060600803868255;0.013030303030303030942249620239;0.070000000000000006661338147751;0.011515151515151514707846480690;0.010909090909090909948808700847;0.000000000000000000000000000000;0.009696969696969696961286189207;0.006666666666666667094565124074;0.000303030303030303030040193413;0.000000000000000000000000000000;0.042424242424242426807712291748;0.001212121212121212120160773651;0.023333333333333334397297065266;0.071212121212121212709966755483;0.043939393939393937837945003366;0.012424242424242424448488364419;0.018484848484848485916653970662
-0.044339622641509431055784062892;0.002830188679245282824120666376;0.041823899371069180042059798552;0.143081761006289304161143149940;0.000000000000000000000000000000;0.014779874213836478175077004948;0.000943396226415094346987033624;0.019182389937106917449094467543;0.006918238993710692022465202911;0.051572327044025159659135226775;0.013836477987421384044930405821;0.004716981132075471518094733625;0.009119496855345911659473934208;0.052201257861635222412566292860;0.007232704402515723399180735953;0.031446540880503144610447208152;0.012264150943396227161352740609;0.014150943396226415421645938864;0.005660377358490565648241332752;0.005031446540880502894810266667;0.012893081761006289914783806694;0.004716981132075471518094733625;0.003459119496855346011232601455;0.053144654088050316542712891987;0.038050314465408803521473402043;0.057232704402515724440014821539;0.022327044025157231216249797967;0.000314465408805031430925641667;0.001257861635220125723702566667;0.003144654088050314634517068413;0.005660377358490565648241332752;0.026100628930817611206283146430;0.003144654088050314634517068413;0.006918238993710692022465202911;0.011949685534591195784637207566;0.042767295597484274172206397679;0.006918238993710692022465202911;0.009433962264150943036189467250;0.000314465408805031430925641667;0.007861635220125786152611802038;0.005974842767295597892318603783;0.001886792452830188693974067249;0.000000000000000000000000000000;0.031446540880503144610447208152;0.005031446540880502894810266667;0.017924528301886791942232335373;0.054716981132075473426290557200;0.040251572327044023158482133340;0.022955974842767293969680864052;0.021069182389937105709387665797
-0.029999999999999998889776975375;0.005185185185185185036127464286;0.029629629629629630760412339896;0.375555555555555531377365241497;0.011851851851851851263330850372;0.012962962962962962590318660716;0.008148148148148147418279307885;0.011111111111111111535154627461;0.007407407407407407690103084974;0.020000000000000000416333634234;0.015925925925925926707193980292;0.004074074074074073709139653943;0.009259259259259258745267118229;0.024814814814814813853649511088;0.015185185185185185244294281404;0.019629629629629628817522046802;0.009629629629629630344078705662;0.005925925925925925631665425186;0.013333333333333334189130248149;0.003333333333333333547282562037;0.011111111111111111535154627461;0.004074074074074073709139653943;0.001481481481481481407916356297;0.034814814814814812327092852229;0.037037037037037034981068472916;0.032592592592592589673117231541;0.016296296296296294836558615771;0.001111111111111111110147375847;0.001111111111111111110147375847;0.012592592592592592726230549260;0.005925925925925925631665425186;0.017777777777777777762358013547;0.004444444444444444440589503387;0.004814814814814815172039352831;0.010740740740740739936343040029;0.018888888888888889089345823891;0.004814814814814815172039352831;0.010740740740740739936343040029;0.000370370370370370351979089074;0.006666666666666667094565124074;0.003703703703703703845051542487;0.003333333333333333547282562037;0.000000000000000000000000000000;0.022962962962962962798485477833;0.008148148148148147418279307885;0.013703703703703704053218359604;0.023703703703703702526661700745;0.023333333333333334397297065266;0.014814814814814815380206169948;0.015925925925925926707193980292
-0.024390243902439025236450476086;0.008536585365853659179702361826;0.018292682926829267192614381088;0.405284552845528445175204979023;0.029674796747967479432217530189;0.006910569105691056687734707964;0.004471544715447154684506703148;0.013414634146341463186158371457;0.004065040650406504495195658677;0.030894308943089431734874139579;0.014227642276422763564780460399;0.003658536585365853872203745212;0.004878048780487804873817747620;0.021138211382113820252515168363;0.024390243902439025236450476086;0.019512195121951219495270990478;0.002845528455284553059900787275;0.005691056910569106119801574550;0.021951219512195120631137257305;0.001219512195121951218454436905;0.013821138211382113375469415928;0.004471544715447154684506703148;0.000406504065040650406151478968;0.049593495934959347382076089161;0.016260162601626017980782634709;0.038617886178861790535954412462;0.014634146341463415488814980847;0.004471544715447154684506703148;0.001626016260162601624605915873;0.023577235772357724857828387144;0.001626016260162601624605915873;0.013414634146341463186158371457;0.000813008130081300812302957937;0.002032520325203252247597829339;0.005284552845528455063128792091;0.020731707317073171797927599869;0.003252032520325203249211831746;0.005691056910569106119801574550;0.000000000000000000000000000000;0.004065040650406504495195658677;0.006097560975609756309112619022;0.002439024390243902436908873810;0.000000000000000000000000000000;0.026016260162601625993694653971;0.007317073170731707744407490424;0.016666666666666666435370203203;0.026829268292682926372316742913;0.009756097560975609747635495239;0.005284552845528455063128792091;0.009756097560975609747635495239
-0.033333333333333332870740406406;0.005392156862745097964384477507;0.068137254901960778163960696929;0.000490196078431372542216770682;0.001470588235294117626650312047;0.012745098039215686097636037744;0.000980392156862745084433541365;0.026960784313725491556645863511;0.008333333333333333217685101602;0.054901960784313724728278316434;0.022549019607843136941971451392;0.006862745098039215591034789554;0.016176470588235295627876908497;0.053431372549019605366904528410;0.007843137254901960675468330919;0.025490196078431372195272075487;0.012254901960784313555419267061;0.032352941176470591255753816995;0.007843137254901960675468330919;0.011764705882352941013202496379;0.016176470588235295627876908497;0.013235294117647058639852808426;0.010784313725490195928768955014;0.062745098039215685403746647353;0.027941176470588236641079404876;0.059803921568627453619892975212;0.029901960784313726809946487606;0.000490196078431372542216770682;0.000000000000000000000000000000;0.005882352941176470506601248189;0.007843137254901960675468330919;0.027450980392156862364139158217;0.005392156862745097964384477507;0.006372549019607843048818018872;0.018627450980392156604237285933;0.058333333333333334258519187188;0.015686274509803921350936661838;0.011274509803921568470985725696;0.000000000000000000000000000000;0.011764705882352941013202496379;0.003921568627450980337734165460;0.003431372549019607795517394777;0.000000000000000000000000000000;0.030882352941176471894380028971;0.004901960784313725422167706824;0.017156862745098040712310449862;0.055882352941176473282158809752;0.034803921568627452232114194430;0.031862745098039213509366618382;0.018137254901960785796743991227
-0.037421383647798740768042335958;0.005345911949685534271525799710;0.061949685534591195090747817176;0.009748427672955974412905000293;0.001886792452830188693974067249;0.016981132075471697812085736246;0.002830188679245282824120666376;0.012893081761006289914783806694;0.019811320754716980202525533628;0.040566037735849054535197666382;0.015408805031446540928508071033;0.018867924528301886072378934500;0.012578616352201258538068273651;0.063522012578616351974325482388;0.004716981132075471518094733625;0.028301886792452830843291877727;0.021069182389937105709387665797;0.017924528301886791942232335373;0.005031446540880502894810266667;0.012893081761006289914783806694;0.014150943396226415421645938864;0.015408805031446540928508071033;0.008490566037735848906042868123;0.043710691823899368302352996807;0.038679245283018866274904468128;0.046540880503144650692792794189;0.021383647798742137086103198840;0.014465408805031446798361471906;0.000314465408805031430925641667;0.009119496855345911659473934208;0.015094339622641509551792537991;0.018553459119496854695663401458;0.005031446540880502894810266667;0.008805031446540880282758401165;0.024213836477987422945989948175;0.039308176100628929028335534213;0.014150943396226415421645938864;0.014465408805031446798361471906;0.000314465408805031430925641667;0.021069182389937105709387665797;0.006289308176100629269034136826;0.012264150943396227161352740609;0.000000000000000000000000000000;0.027044025157232705336429745557;0.001572327044025157317258534206;0.015094339622641509551792537991;0.055031446540880504803006090242;0.045597484276729556562646195061;0.031761006289308175987162741194;0.022327044025157231216249797967
-0.051602564102564099646208717331;0.018589743589743589619045494032;0.042307692307692310040856398246;0.003525641025641025692177743522;0.011858974358974358476181976130;0.025000000000000001387778780781;0.007692307692307692734701163317;0.020512820512820512802720784862;0.012500000000000000693889390391;0.037820512820512817986351450372;0.019230769230769231836752908293;0.013141025641025641176873328675;0.014743589743589743251694912374;0.033653846153846152244870637560;0.015384615384615385469402326635;0.024038461538461539795941135367;0.014743589743589743251694912374;0.030448717948717948095227470162;0.020192307692307693428590553708;0.009615384615384615918376454147;0.022435897435897435986396075691;0.008333333333333333217685101602;0.011538461538461539102051744976;0.035576923076923075428545928389;0.040064102564102567483050876262;0.045833333333333330095182844843;0.025961538461538462979616426196;0.015384615384615385469402326635;0.001602564102564102508502452693;0.017307692307692308653077617464;0.006410256410256410034009810772;0.015705128205128204843532557788;0.013782051282051281659857266959;0.006730769230769231142863517903;0.022115384615384616612265844537;0.034615384615384617306155234928;0.012500000000000000693889390391;0.020192307692307693428590553708;0.000000000000000000000000000000;0.010897435897435896884344330715;0.010576923076923077510214099561;0.016346153846153847061239972049;0.000000000000000000000000000000;0.024679487179487178544201597674;0.013782051282051281659857266959;0.030128205128205128721097239008;0.030128205128205128721097239008;0.029487179487179486503389824748;0.026282051282051282353746657350;0.025000000000000001387778780781
-0.030370370370370370488588562807;0.004814814814814815172039352831;0.054074074074074073015250263552;0.174074074074074075513252068959;0.003333333333333333547282562037;0.013333333333333334189130248149;0.002592592592592592518063732143;0.020740740740740740144509857146;0.011481481481481481399242738917;0.028888888888888887562789165031;0.015555555555555555108382392859;0.005925925925925925631665425186;0.008518518518518519017090895318;0.048888888888888891448569751219;0.011481481481481481399242738917;0.022962962962962962798485477833;0.020740740740740740144509857146;0.018518518518518517490534236458;0.011111111111111111535154627461;0.009259259259259258745267118229;0.010000000000000000208166817117;0.016296296296296294836558615771;0.005555555555555555767577313730;0.033333333333333332870740406406;0.030370370370370370488588562807;0.037407407407407410049327012302;0.023333333333333334397297065266;0.001851851851851851922525771243;0.000000000000000000000000000000;0.005185185185185185036127464286;0.009259259259259258745267118229;0.019259259259259260688157411323;0.005555555555555555767577313730;0.012222222222222222862142437805;0.011851851851851851263330850372;0.042962962962962959745372160114;0.012222222222222222862142437805;0.014444444444444443781394582516;0.000740740740740740703958178148;0.020000000000000000416333634234;0.002962962962962962815832712593;0.004444444444444444440589503387;0.000000000000000000000000000000;0.022592592592592591199673890401;0.006296296296296296363115274630;0.019259259259259260688157411323;0.044814814814814814269983145323;0.030740740740740742087400150240;0.021481481481481479872686080057;0.018888888888888889089345823891
-0.058333333333333334258519187188;0.017424242424242425419933510966;0.022727272727272727903535809446;0.193181818181818176771713524431;0.007575757575757575967845269815;0.015151515151515151935690539631;0.004924242424242423858682382587;0.016666666666666666435370203203;0.001515151515151515150200967064;0.032954545454545451643735276548;0.018939393939393939919613174538;0.007196969696969697342925353922;0.011363636363636363951767904723;0.032196969696969696128618920739;0.010606060606060606701928072937;0.043939393939393937837945003366;0.012500000000000000693889390391;0.010984848484848484459486250842;0.015530303030303029693248717535;0.006439393939393939225723784148;0.017803030303030303177491688871;0.002651515151515151675482018234;0.003787878787878787983922634908;0.045833333333333330095182844843;0.042045454545454545580707161889;0.037121212121212124324109993267;0.021590909090909091161414323778;0.013636363636363635701287400082;0.000000000000000000000000000000;0.006060606060606060600803868255;0.010227272727272727209646419055;0.017045454545454544192928381108;0.003787878787878787983922634908;0.005303030303030303350964036468;0.009090909090909090467524933388;0.029924242424242422644375949403;0.008333333333333333217685101602;0.021212121212121213403856145874;0.000000000000000000000000000000;0.002651515151515151675482018234;0.007196969696969697342925353922;0.001515151515151515150200967064;0.000000000000000000000000000000;0.028030303030303030387138107926;0.009090909090909090467524933388;0.018939393939393939919613174538;0.034848484848484850839867021932;0.029545454545454544886817771498;0.015151515151515151935690539631;0.017424242424242425419933510966
-0.035277777777777775958245598531;0.008055555555555555385938149016;0.055555555555555552471602709375;0.005000000000000000104083408559;0.005555555555555555767577313730;0.014722222222222221613141535101;0.000833333333333333386820640509;0.021111111111111111743321444578;0.007777777777777777554191196430;0.049166666666666664076146275875;0.014444444444444443781394582516;0.010277777777777778039913769703;0.012500000000000000693889390391;0.050833333333333334536074943344;0.008611111111111111049432054187;0.018055555555555553859381490156;0.024722222222222221821308352219;0.021944444444444443503838826359;0.015555555555555555108382392859;0.008333333333333333217685101602;0.013333333333333334189130248149;0.011666666666666667198648532633;0.009444444444444444544672911945;0.077222222222222219878418059125;0.027777777777777776235801354687;0.052222222222222225429533182250;0.025000000000000001387778780781;0.012777777777777778525636342977;0.000833333333333333386820640509;0.015277777777777777276635440273;0.008611111111111111049432054187;0.034444444444444444197728216750;0.010000000000000000208166817117;0.008055555555555555385938149016;0.015833333333333334674852821422;0.058055555555555554692048758625;0.010555555555555555871660722289;0.011388888888888889366901580047;0.000000000000000000000000000000;0.015277777777777777276635440273;0.008611111111111111049432054187;0.003611111111111110945348645629;0.000000000000000000000000000000;0.038611111111111109939209029562;0.008055555555555555385938149016;0.022222222222222223070309254922;0.051666666666666666296592325125;0.023333333333333334397297065266;0.022222222222222223070309254922;0.015555555555555555108382392859
-0.037301587301587300904426314219;0.005952380952380952050528861719;0.062698412698412697707794905000;0.000000000000000000000000000000;0.002380952380952381167156239883;0.019047619047619049337249919063;0.003571428571428571317053490830;0.016269841269841271019780393203;0.012698412698412698401684295391;0.019841269841269840168429539062;0.017460317460317460735996775156;0.010714285714285714384841341484;0.022222222222222223070309254922;0.051984126984126986792400515469;0.008333333333333333217685101602;0.026984126984126985404621734688;0.018253968253968255036623347110;0.033333333333333332870740406406;0.010317460317460317234528055508;0.014285714285714285268213963320;0.015476190476190476719153821250;0.011904761904761904101057723437;0.027380952380952380820211544687;0.021825396825396824185272492969;0.041666666666666664353702032031;0.038095238095238098674499838125;0.023809523809523808202115446875;0.008730158730158730367998387578;0.000396825396825396825052634231;0.006349206349206349200842147695;0.008730158730158730367998387578;0.012301587301587301251371009414;0.013095238095238095551997581367;0.015873015873015872134743631250;0.049603174603174600421073847656;0.031349206349206348853897452500;0.014285714285714285268213963320;0.010317460317460317234528055508;0.001587301587301587300210536924;0.044047619047619050725028699844;0.005555555555555555767577313730;0.007142857142857142634106981660;0.000000000000000000000000000000;0.018650793650793650452213157109;0.003968253968253968033685907812;0.013492063492063492702310867344;0.044047619047619050725028699844;0.048015873015873018758714607657;0.046031746031746034741871653750;0.022619047619047618485899064922
-0.021296296296296295808003762318;0.029938271604938272024698520113;0.057716049382716051729946826754;0.004938271604938271504281477320;0.005246913580246913635929395525;0.011419753086419752799440807678;0.002777777777777777883788656865;0.037345679012345679714801605087;0.040432098765432099296557311163;0.021604938271604937072289942535;0.010493827160493827271858791050;0.001543209876543209790877853038;0.018209876543209876226248056241;0.027777777777777776235801354687;0.020061728395061727281412089496;0.006790123456790123426807248563;0.025308641975308642652064960998;0.070061728395061723118075747152;0.017283950617283948963942563637;0.010185185185185186007572610833;0.019444444444444444752839729063;0.031481481481481478346129421197;0.029012345679012344762393027509;0.022530864197530864334595435139;0.019135802469135803488553548846;0.023148148148148146863167795573;0.037037037037037034981068472916;0.030246913580246913288984700330;0.000617283950617283938035184665;0.004320987654320987240985640909;0.001851851851851851922525771243;0.017283950617283948963942563637;0.013888888888888888117900677344;0.011419753086419752799440807678;0.027160493827160493707228994253;0.044135802469135801406885377673;0.017283950617283948963942563637;0.005246913580246913635929395525;0.005555555555555555767577313730;0.032716049382716050342168045972;0.012037037037037037062736644089;0.030555555555555554553270880547;0.000000000000000000000000000000;0.012345679012345678327022824305;0.008024691358024691953398921385;0.011111111111111111535154627461;0.020679012345679013279431401884;0.014506172839506172381196513754;0.045679012345679011197763230712;0.011111111111111111535154627461
-0.039722222222222221266196839906;0.012500000000000000693889390391;0.051111111111111114102545371907;0.016388888888888890338346726594;0.027777777777777776235801354687;0.019722222222222220849863205672;0.005555555555555555767577313730;0.024722222222222221821308352219;0.016944444444444446001840631766;0.031944444444444441977282167500;0.010833333333333333703407674875;0.013333333333333334189130248149;0.017500000000000001665334536938;0.041944444444444443920172460594;0.019166666666666665186369300500;0.019166666666666665186369300500;0.020277777777777776513357110844;0.028333333333333331899295259859;0.016944444444444446001840631766;0.008888888888888888881179006773;0.019444444444444444752839729063;0.013055555555555556357383295563;0.017777777777777777762358013547;0.039444444444444441699726411343;0.027777777777777776235801354687;0.032777777777777780676693453188;0.027777777777777776235801354687;0.009722222222222222376419864531;0.001388888888888888941894328433;0.016944444444444446001840631766;0.017500000000000001665334536938;0.024722222222222221821308352219;0.010277777777777778039913769703;0.005833333333333333599324266316;0.028333333333333331899295259859;0.039444444444444441699726411343;0.011944444444444445030395485219;0.015277777777777777276635440273;0.003888888888888888777095598215;0.024166666666666666157814447047;0.007222222222222221890697291258;0.008333333333333333217685101602;0.000000000000000000000000000000;0.022222222222222223070309254922;0.008888888888888888881179006773;0.024166666666666666157814447047;0.031944444444444441977282167500;0.020000000000000000416333634234;0.029999999999999998889776975375;0.016944444444444446001840631766
-0.034420289855072463969243301563;0.014855072463768116339255520586;0.042391304347826085086037295468;0.012681159420289855876973206250;0.037318840579710146898584355313;0.034782608695652174335410933281;0.000724637681159420298654394443;0.018840579710144928632375993516;0.022826086956521739190772990469;0.010507246376811593679967415937;0.012318840579710145510805574531;0.023188405797101449556940622188;0.035869565217391305433913828438;0.026086956521739129016834723984;0.015579710144927537071590784024;0.016304347826086956069202571484;0.010869565217391304046135047656;0.037681159420289857264751987032;0.015579710144927537071590784024;0.007246376811594202986543944434;0.013405797101449274874584993711;0.020652173913043476993767200156;0.023913043478260870289275885625;0.013768115942028985240752625430;0.030072463768115943044678672891;0.020652173913043476993767200156;0.024275362318840580655443517344;0.071014492753623190135492393438;0.000362318840579710149327197222;0.036594202898550726166249091875;0.019927536231884056261431936719;0.004710144927536232158093998379;0.020652173913043476993767200156;0.007971014492753622851517469883;0.034420289855072463969243301563;0.017028985507246376801537834922;0.007608695652173913352711576152;0.017028985507246376801537834922;0.004710144927536232158093998379;0.027536231884057970481505250859;0.006521739130434782254208680996;0.031159420289855074143181568047;0.000000000000000000000000000000;0.009782608695652174682355628477;0.007971014492753622851517469883;0.008695652173913043583852733320;0.020652173913043476993767200156;0.025000000000000001387778780781;0.028260869565217391213840514297;0.015579710144927537071590784024
-0.031439393939393940613502564929;0.006060606060606060600803868255;0.069696969696969701679734043864;0.000757575757575757575100483532;0.020075757575757576661734660206;0.035606060606060606354983377742;0.001136363636363636308440616673;0.016666666666666666435370203203;0.012121212121212121201607736509;0.025000000000000001387778780781;0.017045454545454544192928381108;0.028787878787878789371701415689;0.013257575757575757943729222177;0.053030303030303031774916888708;0.005681818181818181975883952362;0.041287878787878790065590806080;0.018181818181818180935049866775;0.031818181818181814901613790880;0.015151515151515151935690539631;0.010227272727272727209646419055;0.011363636363636363951767904723;0.018939393939393939919613174538;0.010606060606060606701928072937;0.032575757575757577355624050597;0.048106060606060603579425816179;0.042803030303030301095823517699;0.024242424242424242403215473018;0.017045454545454544192928381108;0.000378787878787878787550241766;0.031439393939393940613502564929;0.017803030303030303177491688871;0.012500000000000000693889390391;0.012121212121212121201607736509;0.006060606060606060600803868255;0.017045454545454544192928381108;0.037499999999999998612221219219;0.008712121212121212709966755483;0.012121212121212121201607736509;0.000757575757575757575100483532;0.007575757575757575967845269815;0.004166666666666666608842550801;0.011363636363636363951767904723;0.000000000000000000000000000000;0.012121212121212121201607736509;0.006439393939393939225723784148;0.008712121212121212709966755483;0.045454545454545455807071618892;0.038257575757575754127337575028;0.025757575757575756902895136591;0.025000000000000001387778780781
-0.038888888888888889505679458125;0.001709401709401709400226732072;0.067521367521367517405828095889;0.000000000000000000000000000000;0.000427350427350427350056683018;0.017521367521367521569164438233;0.001282051282051282050170049054;0.013675213675213675201813856575;0.002136752136752136967123849587;0.055128205128205126639429067836;0.012393162393162392501122504029;0.004273504273504273934247699174;0.015384615384615385469402326635;0.057264957264957262739191179435;0.003418803418803418800453464144;0.024786324786324785002245008059;0.017521367521367521569164438233;0.026495726495726495269833478119;0.007264957264957265167804045802;0.013247863247863247634916739059;0.013675213675213675201813856575;0.006837606837606837600906928287;0.005982905982905983334474431246;0.079487179487179482340053482403;0.038034188034188030902438271141;0.064102564102564096870651155768;0.023504273504273504036277131490;0.000427350427350427350056683018;0.001709401709401709400226732072;0.007264957264957265167804045802;0.004700854700854700633783078700;0.026923076923076924571454071611;0.007264957264957265167804045802;0.008547008547008547868495398347;0.020940170940170938634894426400;0.066666666666666665741480812812;0.013675213675213675201813856575;0.011111111111111111535154627461;0.000000000000000000000000000000;0.008119658119658120301598280832;0.006837606837606837600906928287;0.000427350427350427350056683018;0.000000000000000000000000000000;0.030769230769230770938804653269;0.000427350427350427350056683018;0.022222222222222223070309254922;0.064529914529914536580612605121;0.046153846153846156408206979904;0.018376068376068376702958673263;0.020940170940170938634894426400
-0.029464285714285713690951951094;0.003273809523809523887999395342;0.056845238095238094511163495781;0.006845238095238095205052886172;0.004761904761904762334312479766;0.019345238095238095898942276563;0.008630952380952381514100935078;0.014880952380952380126322154297;0.009226190476190476372209126055;0.046130952380952383595769106250;0.012797619047619047255581747891;0.011904761904761904101057723437;0.015178571428571428422737987773;0.058928571428571427381903902187;0.002678571428571428596210335371;0.025000000000000001387778780781;0.027380952380952380820211544687;0.022321428571428571924206707422;0.006250000000000000346944695195;0.009821428571428571230317317031;0.013392857142857142113689938867;0.012202380952380952397473556914;0.007440476190476190063161077148;0.055952380952380954826086423282;0.028571428571428570536427926640;0.053273809523809521893067397968;0.017559523809523809589894227656;0.019642857142857142460634634062;0.005059523809523809763366575254;0.010119047619047619526733150508;0.009226190476190476372209126055;0.038392857142857145236192195625;0.004166666666666666608842550801;0.007738095238095238359576910625;0.019940476190476189022326991562;0.044642857142857143848413414844;0.011309523809523809242949532461;0.009226190476190476372209126055;0.001190476190476190583578119941;0.017559523809523809589894227656;0.004761904761904762334312479766;0.008928571428571428075793292578;0.000000000000000000000000000000;0.031845238095238093123384715000;0.004166666666666666608842550801;0.023214285714285715078730731875;0.062500000000000000000000000000;0.048809523809523809589894227656;0.017261904761904763028201870156;0.020238095238095239053466301016
-0.042283950617283953821168296372;0.005864197530864197899225231936;0.044135802469135801406885377673;0.000000000000000000000000000000;0.003703703703703703845051542487;0.026543209876543211178656633820;0.004629629629629629372633559115;0.020370370370370372015145221667;0.008950617283950617480980938012;0.032098765432098767813595685539;0.019135802469135803488553548846;0.016358024691358025171084022986;0.024382716049382715389759468394;0.041666666666666664353702032031;0.007716049382716048954389265191;0.025617283950617283916351141215;0.025000000000000001387778780781;0.028086419753086420969534486858;0.012345679012345678327022824305;0.011728395061728395798450463872;0.017592592592592593697675695807;0.006481481481481481295159330358;0.017901234567901234961961876024;0.042283950617283953821168296372;0.045370370370370373402924002448;0.043209876543209874144579885069;0.029012345679012344762393027509;0.003703703703703703845051542487;0.002777777777777777883788656865;0.012962962962962962590318660716;0.016049382716049383906797842769;0.020679012345679013279431401884;0.012962962962962962590318660716;0.009259259259259258745267118229;0.035802469135802469923923752049;0.042901234567901236349740656806;0.012962962962962962590318660716;0.015123456790123456644492350165;0.000000000000000000000000000000;0.020061728395061727281412089496;0.006172839506172839163511412153;0.007098765432098765558455166769;0.000000000000000000000000000000;0.021604938271604937072289942535;0.002469135802469135752140738660;0.025308641975308642652064960998;0.040432098765432099296557311163;0.033333333333333332870740406406;0.035185185185185187395351391615;0.020679012345679013279431401884
-0.046428571428571430157461463750;0.000793650793650793650105268462;0.050793650793650793606737181562;0.000396825396825396825052634231;0.023809523809523808202115446875;0.020634920634920634469056111016;0.002777777777777777883788656865;0.009523809523809524668624959531;0.005952380952380952050528861719;0.032936507936507937455150596406;0.019841269841269840168429539062;0.012301587301587301251371009414;0.019444444444444444752839729063;0.056349206349206350241676233281;0.001984126984126984016842953906;0.036904761904761905488836504219;0.017063492063492061850960013203;0.019444444444444444752839729063;0.006349206349206349200842147695;0.010317460317460317234528055508;0.008333333333333333217685101602;0.013095238095238095551997581367;0.015476190476190476719153821250;0.044841269841269841556208319844;0.051984126984126986792400515469;0.047222222222222220988641083750;0.017460317460317460735996775156;0.000396825396825396825052634231;0.000396825396825396825052634231;0.009126984126984127518311673555;0.012698412698412698401684295391;0.016666666666666666435370203203;0.009523809523809524668624959531;0.017063492063492061850960013203;0.040873015873015873522522412031;0.032936507936507937455150596406;0.011507936507936508685467913438;0.012301587301587301251371009414;0.000793650793650793650105268462;0.026190476190476191103995162734;0.004365079365079365183999193789;0.006349206349206349200842147695;0.000000000000000000000000000000;0.019047619047619049337249919063;0.000396825396825396825052634231;0.018650793650793650452213157109;0.058333333333333334258519187188;0.051190476190476189022326991562;0.030555555555555554553270880547;0.028174603174603175120838116641
-0.033012820512820513496610175252;0.003205128205128205017004905386;0.085256410256410258829973258798;0.000641025641025641025085024527;0.000320512820512820512542512263;0.012820512820512820068019621544;0.001282051282051282050170049054;0.014743589743589743251694912374;0.021474358974358974394558430276;0.033333333333333332870740406406;0.019230769230769231836752908293;0.005448717948717948442172165358;0.016025641025641024217662788942;0.057051282051282049823104358666;0.006089743589743589792517841630;0.027243589743589743945584302764;0.028205128205128205537421948179;0.030128205128205128721097239008;0.009935897435897435292506685300;0.014102564102564102768710974090;0.014102564102564102768710974090;0.022435897435897435986396075691;0.012500000000000000693889390391;0.040384615384615386857181107416;0.038461538461538463673505816587;0.044871794871794871972792151382;0.024679487179487178544201597674;0.000000000000000000000000000000;0.000961538461538461591837645415;0.003525641025641025692177743522;0.004166666666666666608842550801;0.019871794871794870585013370601;0.006410256410256410034009810772;0.010576923076923077510214099561;0.035576923076923075428545928389;0.053525641025641022829884008161;0.014743589743589743251694912374;0.011217948717948717993198037846;0.000641025641025641025085024527;0.024358974358974359170071366520;0.002564102564102564100340098108;0.004166666666666666608842550801;0.000000000000000000000000000000;0.018910256410256408993175725186;0.001602564102564102508502452693;0.014743589743589743251694912374;0.050000000000000002775557561563;0.044230769230769233224531689075;0.040064102564102567483050876262;0.021153846153846155020428199123
-0.029722222222222222792753498766;0.016388888888888890338346726594;0.049166666666666664076146275875;0.138055555555555542479595487748;0.009722222222222222376419864531;0.013333333333333334189130248149;0.004166666666666666608842550801;0.025555555555555557051272685953;0.020277777777777776513357110844;0.032777777777777780676693453188;0.014444444444444443781394582516;0.010000000000000000208166817117;0.010277777777777778039913769703;0.031666666666666669349705642844;0.016388888888888890338346726594;0.025000000000000001387778780781;0.017500000000000001665334536938;0.035000000000000003330669073875;0.014999999999999999444888487687;0.007777777777777777554191196430;0.014444444444444443781394582516;0.013055555555555556357383295563;0.010000000000000000208166817117;0.036111111111111107718762980312;0.031388888888888889783235214281;0.049444444444444443642616704437;0.021666666666666667406815349750;0.007777777777777777554191196430;0.000555555555555555555073687923;0.010833333333333333703407674875;0.003611111111111110945348645629;0.020833333333333332176851016015;0.007777777777777777554191196430;0.003333333333333333547282562037;0.012777777777777778525636342977;0.038055555555555557745162076344;0.008333333333333333217685101602;0.013611111111111110286153724758;0.005833333333333333599324266316;0.012777777777777778525636342977;0.003888888888888888777095598215;0.011666666666666667198648532633;0.000000000000000000000000000000;0.018888888888888889089345823891;0.009444444444444444544672911945;0.016944444444444446001840631766;0.036666666666666666851703837438;0.025277777777777777484802257391;0.021388888888888887840344921187;0.011388888888888889366901580047
-0.029710144927536232678511041172;0.009420289855072464316187996758;0.049637681159420292409389929844;0.176086956521739140812954360626;0.006159420289855072755402787266;0.015579710144927537071590784024;0.005434782608695652023067523828;0.017391304347826087167705466641;0.008695652173913043583852733320;0.022826086956521739190772990469;0.014130434782608695606920257148;0.009057971014492753950020365039;0.009782608695652174682355628477;0.043115942028985505818372558906;0.013405797101449274874584993711;0.037318840579710146898584355313;0.020652173913043476993767200156;0.017391304347826087167705466641;0.008695652173913043583852733320;0.009420289855072464316187996758;0.012681159420289855876973206250;0.018478260869565218266208361797;0.014492753623188405973087888867;0.031884057971014491406069879531;0.034782608695652174335410933281;0.034782608695652174335410933281;0.028623188405797101580008146016;0.005797101449275362389235155547;0.001449275362318840597308788887;0.005072463768115941656899892109;0.008695652173913043583852733320;0.016304347826086956069202571484;0.005797101449275362389235155547;0.006159420289855072755402787266;0.024275362318840580655443517344;0.032971014492753622504572774687;0.011956521739130435144637942813;0.014855072463768116339255520586;0.000724637681159420298654394443;0.015942028985507245703034939766;0.006159420289855072755402787266;0.002536231884057970828449946055;0.000000000000000000000000000000;0.018840579710144928632375993516;0.007246376811594202986543944434;0.014855072463768116339255520586;0.036956521739130436532416723594;0.025362318840579711753946412500;0.018115942028985507900040730078;0.020289855072463766627599568437
-0.049259259259259259577934386698;0.008148148148148147418279307885;0.067407407407407402000210083770;0.008888888888888888881179006773;0.005555555555555555767577313730;0.017037037037037038034181790636;0.004814814814814815172039352831;0.011851851851851851263330850372;0.029999999999999998889776975375;0.023333333333333334397297065266;0.015925925925925926707193980292;0.010370370370370370072254928573;0.012592592592592592726230549260;0.051851851851851850361274642864;0.009259259259259258745267118229;0.035925925925925923654080662573;0.022962962962962962798485477833;0.035185185185185187395351391615;0.012592592592592592726230549260;0.009259259259259258745267118229;0.019259259259259260688157411323;0.025185185185185185452461098521;0.011111111111111111535154627461;0.028148148148148147834612942120;0.041851851851851848418384349770;0.045925925925925925596970955667;0.025555555555555557051272685953;0.003703703703703703845051542487;0.000370370370370370351979089074;0.008888888888888888881179006773;0.008518518518518519017090895318;0.020370370370370372015145221667;0.005185185185185185036127464286;0.007037037037037036958653235530;0.021481481481481479872686080057;0.036666666666666666851703837438;0.007777777777777777554191196430;0.020000000000000000416333634234;0.002222222222222222220294751693;0.019629629629629628817522046802;0.003703703703703703845051542487;0.010370370370370370072254928573;0.000000000000000000000000000000;0.023703703703703702526661700745;0.005555555555555555767577313730;0.021481481481481479872686080057;0.044074074074074071072359970458;0.044074074074074071072359970458;0.022962962962962962798485477833;0.022962962962962962798485477833
-0.029166666666666667129259593594;0.007916666666666667337426410711;0.102083333333333331482961625625;0.003333333333333333547282562037;0.000833333333333333386820640509;0.024583333333333332038073137937;0.000000000000000000000000000000;0.012500000000000000693889390391;0.039166666666666669072149886688;0.015833333333333334674852821422;0.021666666666666667406815349750;0.018749999999999999306110609609;0.014166666666666665949647629930;0.054583333333333330927850113312;0.006250000000000000346944695195;0.046249999999999999444888487687;0.023333333333333334397297065266;0.027083333333333334258519187188;0.008750000000000000832667268469;0.008333333333333333217685101602;0.004166666666666666608842550801;0.027916666666666666019036568969;0.006250000000000000346944695195;0.017500000000000001665334536938;0.047916666666666669904817155157;0.037499999999999998612221219219;0.030833333333333334119741309109;0.005833333333333333599324266316;0.000416666666666666693410320255;0.016666666666666666435370203203;0.016250000000000000555111512313;0.008333333333333333217685101602;0.005416666666666666851703837438;0.012500000000000000693889390391;0.016666666666666666435370203203;0.029583333333333333009518284484;0.005000000000000000104083408559;0.007916666666666667337426410711;0.007916666666666667337426410711;0.017500000000000001665334536938;0.002083333333333333304421275400;0.024166666666666666157814447047;0.000000000000000000000000000000;0.005833333333333333599324266316;0.001250000000000000026020852140;0.003333333333333333547282562037;0.062083333333333330650294357156;0.041250000000000001942890293094;0.026249999999999999028554853453;0.047083333333333331205405869468
-0.041666666666666664353702032031;0.006944444444444444058950338672;0.039236111111111110494320541875;0.010763888888888888811790067734;0.006250000000000000346944695195;0.023263888888888889505679458125;0.002083333333333333304421275400;0.018402777777777778317469525859;0.025000000000000001387778780781;0.024305555555555555941049661328;0.013888888888888888117900677344;0.012500000000000000693889390391;0.025000000000000001387778780781;0.034375000000000002775557561563;0.010069444444444445099784424258;0.030555555555555554553270880547;0.038541666666666668517038374375;0.025000000000000001387778780781;0.012500000000000000693889390391;0.006944444444444444058950338672;0.012152777777777777970524830664;0.016319444444444445446729119453;0.009722222222222222376419864531;0.046180555555555558022717832500;0.044444444444444446140618509844;0.029861111111111112575988713047;0.032291666666666669904817155157;0.004861111111111111188209932266;0.002430555555555555594104966133;0.011805555555555555247160270937;0.011111111111111111535154627461;0.037499999999999998612221219219;0.009374999999999999653055304805;0.012500000000000000693889390391;0.033680555555555553859381490156;0.040972222222222222376419864531;0.006597222222222222202947516934;0.017013888888888887424011286953;0.002430555555555555594104966133;0.011111111111111111535154627461;0.010069444444444445099784424258;0.015972222222222220988641083750;0.000000000000000000000000000000;0.024305555555555555941049661328;0.012152777777777777970524830664;0.018055555555555553859381490156;0.037152777777777777623580135469;0.035763888888888886730121896562;0.023958333333333334952408577578;0.022916666666666665047591422422
-0.024583333333333332038073137937;0.002500000000000000052041704279;0.076249999999999998334665463062;0.000000000000000000000000000000;0.000000000000000000000000000000;0.011666666666666667198648532633;0.002500000000000000052041704279;0.013750000000000000069388939039;0.023750000000000000277555756156;0.027083333333333334258519187188;0.012500000000000000693889390391;0.004166666666666666608842550801;0.017083333333333332315628894094;0.062500000000000000000000000000;0.002916666666666666799662133158;0.021666666666666667406815349750;0.031666666666666669349705642844;0.038333333333333330372738601000;0.003749999999999999861222121922;0.018749999999999999306110609609;0.008750000000000000832667268469;0.024583333333333332038073137937;0.017083333333333332315628894094;0.048750000000000001665334536938;0.021250000000000001526556658860;0.035416666666666665741480812812;0.026666666666666668378260496297;0.000416666666666666693410320255;0.001666666666666666773641281019;0.002083333333333333304421275400;0.004166666666666666608842550801;0.029583333333333333009518284484;0.006250000000000000346944695195;0.015833333333333334674852821422;0.035000000000000003330669073875;0.055833333333333332038073137937;0.011249999999999999583666365766;0.010833333333333333703407674875;0.001666666666666666773641281019;0.040000000000000000832667268469;0.004166666666666666608842550801;0.012916666666666666574148081281;0.000000000000000000000000000000;0.022499999999999999167332731531;0.001250000000000000026020852140;0.012916666666666666574148081281;0.052083333333333335646297967969;0.043333333333333334813630699500;0.039583333333333331482961625625;0.018749999999999999306110609609
-0.032478632478632481206393123330;0.008119658119658120301598280832;0.080341880341880347882188573294;0.000000000000000000000000000000;0.000427350427350427350056683018;0.020512820512820512802720784862;0.000854700854700854700113366036;0.011538461538461539102051744976;0.061111111111111109106541761093;0.020940170940170938634894426400;0.009401709401709401267566157401;0.011538461538461539102051744976;0.017948717948717947401338079771;0.041452991452991451437615211262;0.002564102564102564100340098108;0.033333333333333332870740406406;0.029059829059829060671216183209;0.043589743589743587537377322860;0.005128205128205128200680196215;0.010256410256410256401360392431;0.006410256410256410034009810772;0.056410256410256411074843896358;0.014102564102564102768710974090;0.021367521367521367936515019892;0.044871794871794871972792151382;0.034615384615384617306155234928;0.021367521367521367936515019892;0.001282051282051282050170049054;0.000854700854700854700113366036;0.007692307692307692734701163317;0.018803418803418802535132314802;0.012393162393162392501122504029;0.002564102564102564100340098108;0.009401709401709401267566157401;0.020940170940170938634894426400;0.044871794871794871972792151382;0.006410256410256410034009810772;0.009401709401709401267566157401;0.008547008547008547868495398347;0.040170940170940173941094286647;0.001282051282051282050170049054;0.026923076923076924571454071611;0.000000000000000000000000000000;0.011965811965811966668948862491;0.001282051282051282050170049054;0.011965811965811966668948862491;0.042735042735042735873030039784;0.034615384615384617306155234928;0.021794871794871793768688661430;0.024358974358974359170071366520
-0.042222222222222223486642889156;0.002222222222222222220294751693;0.063333333333333338699411285688;0.000000000000000000000000000000;0.001481481481481481407916356297;0.014074074074074073917306471060;0.003333333333333333547282562037;0.012222222222222222862142437805;0.017037037037037038034181790636;0.043333333333333334813630699500;0.015925925925925926707193980292;0.008888888888888888881179006773;0.021481481481481479872686080057;0.051481481481481482231910007386;0.002222222222222222220294751693;0.027407407407407408106436719208;0.018888888888888889089345823891;0.018518518518518517490534236458;0.006666666666666667094565124074;0.013333333333333334189130248149;0.013703703703703704053218359604;0.021111111111111111743321444578;0.015185185185185185244294281404;0.047777777777777780121581940875;0.041111111111111112159655078813;0.052222222222222225429533182250;0.022592592592592591199673890401;0.000370370370370370351979089074;0.001111111111111111110147375847;0.006296296296296296363115274630;0.012962962962962962590318660716;0.028148148148148147834612942120;0.006666666666666667094565124074;0.011111111111111111535154627461;0.033333333333333332870740406406;0.042962962962962959745372160114;0.007407407407407407690103084974;0.019259259259259260688157411323;0.001481481481481481407916356297;0.028148148148148147834612942120;0.003703703703703703845051542487;0.005925925925925925631665425186;0.000000000000000000000000000000;0.028888888888888887562789165031;0.001111111111111111110147375847;0.020370370370370372015145221667;0.050740740740740739034286832521;0.043703703703703702942995334979;0.025555555555555557051272685953;0.022962962962962962798485477833
-0.030416666666666668239482618219;0.007499999999999999722444243844;0.054583333333333330927850113312;0.001250000000000000026020852140;0.000000000000000000000000000000;0.013333333333333334189130248149;0.002916666666666666799662133158;0.012916666666666666574148081281;0.010416666666666666088425508008;0.067083333333333328152292551749;0.007916666666666667337426410711;0.012500000000000000693889390391;0.008750000000000000832667268469;0.053333333333333336756520992594;0.005416666666666666851703837438;0.027083333333333334258519187188;0.016666666666666666435370203203;0.021666666666666667406815349750;0.006666666666666667094565124074;0.007916666666666667337426410711;0.012916666666666666574148081281;0.010833333333333333703407674875;0.006666666666666667094565124074;0.075416666666666673513041985188;0.030833333333333334119741309109;0.056250000000000001387778780781;0.020416666666666666296592325125;0.016666666666666666435370203203;0.002916666666666666799662133158;0.001250000000000000026020852140;0.013333333333333334189130248149;0.041666666666666664353702032031;0.002500000000000000052041704279;0.005416666666666666851703837438;0.016250000000000000555111512313;0.060416666666666667129259593594;0.006250000000000000346944695195;0.018749999999999999306110609609;0.000833333333333333386820640509;0.011249999999999999583666365766;0.007916666666666667337426410711;0.004583333333333333356462979680;0.000000000000000000000000000000;0.041666666666666664353702032031;0.001250000000000000026020852140;0.029166666666666667129259593594;0.058749999999999996669330926125;0.043333333333333334813630699500;0.015416666666666667059870654555;0.018749999999999999306110609609
-0.040705128205128206231311338570;0.013461538461538462285727035805;0.059294871794871792380909880649;0.004166666666666666608842550801;0.045833333333333330095182844843;0.017628205128205128027207848618;0.003205128205128205017004905386;0.010576923076923077510214099561;0.016346153846153847061239972049;0.037179487179487179238090988065;0.012820512820512820068019621544;0.013782051282051281659857266959;0.009935897435897435292506685300;0.038141025641025644299375585433;0.011217948717948717993198037846;0.025320512820512820761909011935;0.026602564102564101727876888503;0.024679487179487178544201597674;0.015384615384615385469402326635;0.009294871794871794809522747016;0.012820512820512820068019621544;0.009935897435897435292506685300;0.011858974358974358476181976130;0.050641025641025641523818023870;0.029487179487179486503389824748;0.033012820512820513496610175252;0.019871794871794870585013370601;0.025000000000000001387778780781;0.000641025641025641025085024527;0.035576923076923075428545928389;0.011858974358974358476181976130;0.024679487179487178544201597674;0.007692307692307692734701163317;0.007371794871794871625847456187;0.019551282051282051210883139447;0.042948717948717948789116860553;0.011538461538461539102051744976;0.015064102564102564360548619504;0.002564102564102564100340098108;0.011858974358974358476181976130;0.005448717948717948442172165358;0.018269230769230770244915262879;0.000000000000000000000000000000;0.025961538461538462979616426196;0.006089743589743589792517841630;0.018589743589743589619045494032;0.045512820512820510721052613690;0.023717948717948716952363952259;0.022756410256410255360526306845;0.014102564102564102768710974090
-0.048106060606060603579425816179;0.010606060606060606701928072937;0.064393939393939392257237841477;0.004924242424242423858682382587;0.020833333333333332176851016015;0.031439393939393940613502564929;0.000757575757575757575100483532;0.012121212121212121201607736509;0.010227272727272727209646419055;0.023484848484848483418652165255;0.019318181818181817677171352443;0.021590909090909091161414323778;0.015530303030303029693248717535;0.043181818181818182322828647557;0.010606060606060606701928072937;0.035606060606060606354983377742;0.010606060606060606701928072937;0.026893939393939393645016622258;0.014393939393939394685850707845;0.010984848484848484459486250842;0.012121212121212121201607736509;0.013636363636363635701287400082;0.010606060606060606701928072937;0.037499999999999998612221219219;0.042045454545454545580707161889;0.043181818181818182322828647557;0.022727272727272727903535809446;0.006439393939393939225723784148;0.000378787878787878787550241766;0.028030303030303030387138107926;0.017424242424242425419933510966;0.010984848484848484459486250842;0.006060606060606060600803868255;0.012878787878787878451447568295;0.030303030303030303871381079261;0.039772727272727272096464190554;0.008712121212121212709966755483;0.012878787878787878451447568295;0.000757575757575757575100483532;0.020454545454545454419292838111;0.003030303030303030300401934127;0.007575757575757575967845269815;0.000000000000000000000000000000;0.017803030303030303177491688871;0.005303030303030303350964036468;0.011742424242424241709326082628;0.046212121212121211322187974702;0.039772727272727272096464190554;0.029166666666666667129259593594;0.026893939393939393645016622258
-0.034333333333333333758918826106;0.005666666666666667073748442363;0.072999999999999995448085599037;0.000000000000000000000000000000;0.012333333333333333300951828448;0.038999999999999999944488848769;0.001333333333333333288808764117;0.012000000000000000249800180541;0.032000000000000000666133814775;0.025000000000000001387778780781;0.017999999999999998639976794834;0.017999999999999998639976794834;0.025000000000000001387778780781;0.042666666666666665241880451731;0.002333333333333333526465880325;0.029666666666666667573348803444;0.029000000000000001471045507628;0.032666666666666663298990158637;0.012000000000000000249800180541;0.010000000000000000208166817117;0.008333333333333333217685101602;0.021666666666666667406815349750;0.012000000000000000249800180541;0.032333333333333331982561986706;0.043333333333333334813630699500;0.033000000000000001554312234475;0.020666666666666666518636930050;0.009333333333333334105863521302;0.000000000000000000000000000000;0.024333333333333331816028533012;0.018666666666666668211727042603;0.017333333333333332537673499019;0.011666666666666667198648532633;0.010999999999999999361621760841;0.028666666666666666685170383744;0.038999999999999999944488848769;0.009333333333333334105863521302;0.014999999999999999444888487687;0.002333333333333333526465880325;0.025999999999999998806510248528;0.002333333333333333526465880325;0.014333333333333333342585191872;0.000000000000000000000000000000;0.017000000000000001221245327088;0.003666666666666666598434209945;0.010999999999999999361621760841;0.031333333333333331094383567006;0.029999999999999998889776975375;0.028333333333333331899295259859;0.024000000000000000499600361081
-0.035620915032679736911269685606;0.010130718954248366450721086096;0.053267973856209148431073430174;0.006535947712418300852010855095;0.012091503267973856619588168826;0.015686274509803921350936661838;0.002287581699346405341571886183;0.024509803921568627110838534122;0.010784313725490195928768955014;0.033986928104575160614064799347;0.015032679738562091872888792921;0.005555555555555555767577313730;0.021895424836601305729200106498;0.044117647058823532268956313374;0.021568627450980391857537910028;0.029084967320261438661344044476;0.026143790849673203408043420382;0.029084967320261438661344044476;0.019281045751633987817008630827;0.015032679738562091872888792921;0.013725490196078431182069579108;0.016339869281045752563708006733;0.013398692810457515575683906661;0.048692810457516340350014871774;0.029084967320261438661344044476;0.037908496732026140951798964807;0.024183006535947713239176337652;0.028431372549019607448572699582;0.000653594771241830020148955160;0.009803921568627450844335413649;0.005228758169934640161191641283;0.022875816993464050813633647863;0.013725490196078431182069579108;0.008823529411764705759901872284;0.021241830065359477985875713557;0.039869281045751631120666047536;0.006862745098039215591034789554;0.011764705882352941013202496379;0.001633986928104575213002713774;0.016993464052287580307032399674;0.005228758169934640161191641283;0.005882352941176470506601248189;0.000000000000000000000000000000;0.026143790849673203408043420382;0.014052287581699346788455251556;0.013725490196078431182069579108;0.050326797385620916647219758033;0.040849673202614379674546540855;0.024183006535947713239176337652;0.016666666666666666435370203203
-0.026960784313725491556645863511;0.025490196078431372195272075487;0.042647058823529412907582525349;0.009803921568627450844335413649;0.011764705882352941013202496379;0.021078431372549021050044615322;0.004901960784313725422167706824;0.045098039215686273883942902785;0.021568627450980391857537910028;0.015196078431372548808719891156;0.013725490196078431182069579108;0.008333333333333333217685101602;0.025000000000000001387778780781;0.021568627450980391857537910028;0.037745098039215684015967866571;0.011274509803921568470985725696;0.018627450980392156604237285933;0.057352941176470585704638693869;0.029411764705882352533006240947;0.007352941176470588133251560237;0.024509803921568627110838534122;0.028921568627450981725512946241;0.028921568627450981725512946241;0.028431372549019607448572699582;0.022549019607843136941971451392;0.023039215686274511218911698052;0.034313725490196081424620899725;0.032352941176470591255753816995;0.001470588235294117626650312047;0.017647058823529411519803744568;0.018627450980392156604237285933;0.009803921568627450844335413649;0.014215686274509803724286349791;0.005392156862745097964384477507;0.026960784313725491556645863511;0.026960784313725491556645863511;0.011764705882352941013202496379;0.008823529411764705759901872284;0.003921568627450980337734165460;0.039705882352941174184834949301;0.012745098039215686097636037744;0.017156862745098040712310449862;0.000000000000000000000000000000;0.010784313725490195928768955014;0.017156862745098040712310449862;0.012745098039215686097636037744;0.016666666666666666435370203203;0.010784313725490195928768955014;0.030882352941176471894380028971;0.007843137254901960675468330919
-0.033333333333333332870740406406;0.005128205128205128200680196215;0.044871794871794871972792151382;0.000000000000000000000000000000;0.000000000000000000000000000000;0.002564102564102564100340098108;0.000427350427350427350056683018;0.017521367521367521569164438233;0.000854700854700854700113366036;0.102564102564102560544156972355;0.008547008547008547868495398347;0.000427350427350427350056683018;0.000427350427350427350056683018;0.068803418803418808780136828318;0.000000000000000000000000000000;0.019230769230769231836752908293;0.006410256410256410034009810772;0.008119658119658120301598280832;0.003418803418803418800453464144;0.007692307692307692734701163317;0.013675213675213675201813856575;0.002136752136752136967123849587;0.000427350427350427350056683018;0.141880341880341875882010072019;0.017948717948717947401338079771;0.086752136752136749242581004182;0.018376068376068376702958673263;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.029914529914529915805010418239;0.000000000000000000000000000000;0.002136752136752136967123849587;0.007264957264957265167804045802;0.056410256410256411074843896358;0.008974358974358973700669039886;0.006837606837606837600906928287;0.000000000000000000000000000000;0.000854700854700854700113366036;0.002564102564102564100340098108;0.000854700854700854700113366036;0.000000000000000000000000000000;0.068803418803418808780136828318;0.000000000000000000000000000000;0.018803418803418802535132314802;0.097863247863247862512459107620;0.057264957264957262739191179435;0.010683760683760683968257509946;0.019230769230769231836752908293
-0.037398373983739838233297803072;0.002032520325203252247597829339;0.067073170731707321134962285214;0.000000000000000000000000000000;0.000813008130081300812302957937;0.013414634146341463186158371457;0.000406504065040650406151478968;0.018699186991869919116648901536;0.006097560975609756309112619022;0.052845528455284555835458348838;0.014227642276422763564780460399;0.006910569105691056687734707964;0.012195121951219512618225238043;0.062195121951219511924335847652;0.004878048780487804873817747620;0.021544715447154472176549688811;0.015853658536585366056748114261;0.020325203252032519873893079421;0.003658536585365853872203745212;0.015447154471544715867437069790;0.011788617886178862428914193572;0.006910569105691056687734707964;0.006504065040650406498423663493;0.080894308943089424102090845281;0.039837398373983742838611021853;0.063008130081300808833510984641;0.020325203252032519873893079421;0.000406504065040650406151478968;0.000813008130081300812302957937;0.004471544715447154684506703148;0.008130081300813008990391317354;0.023983739837398373312415955638;0.006504065040650406498423663493;0.008943089430894309369013406297;0.026016260162601625993694653971;0.055691056910569108895359136113;0.015447154471544715867437069790;0.011382113821138212239603149101;0.000000000000000000000000000000;0.008536585365853659179702361826;0.002439024390243902436908873810;0.001219512195121951218454436905;0.000000000000000000000000000000;0.043902439024390241262274514611;0.002032520325203252247597829339;0.017479674796747966813992292145;0.064227642276422761136167594032;0.045934959349593497413000164897;0.028455284552845527129560920798;0.018699186991869919116648901536
-0.032916666666666663521034763562;0.012916666666666666574148081281;0.084583333333333329817627088687;0.000000000000000000000000000000;0.000416666666666666693410320255;0.011666666666666667198648532633;0.001666666666666666773641281019;0.022499999999999999167332731531;0.014166666666666665949647629930;0.034166666666666664631257788187;0.013750000000000000069388939039;0.002500000000000000052041704279;0.019583333333333334536074943344;0.056666666666666663798590519718;0.004583333333333333356462979680;0.017083333333333332315628894094;0.019166666666666665186369300500;0.035416666666666665741480812812;0.007916666666666667337426410711;0.014583333333333333564629796797;0.012500000000000000693889390391;0.014166666666666665949647629930;0.013750000000000000069388939039;0.040416666666666663243479007406;0.034583333333333333980963431031;0.037083333333333336201409480282;0.032916666666666663521034763562;0.005833333333333333599324266316;0.003749999999999999861222121922;0.003749999999999999861222121922;0.003749999999999999861222121922;0.018749999999999999306110609609;0.006250000000000000346944695195;0.010000000000000000208166817117;0.034166666666666664631257788187;0.055000000000000000277555756156;0.014999999999999999444888487687;0.007083333333333332974823814965;0.002083333333333333304421275400;0.031666666666666669349705642844;0.003333333333333333547282562037;0.011666666666666667198648532633;0.000000000000000000000000000000;0.019166666666666665186369300500;0.003333333333333333547282562037;0.013750000000000000069388939039;0.053749999999999999167332731531;0.039166666666666669072149886688;0.042083333333333333703407674875;0.025000000000000001387778780781
-0.034294871794871797932025003774;0.008333333333333333217685101602;0.071474358974358970231222087932;0.025961538461538462979616426196;0.005128205128205128200680196215;0.011538461538461539102051744976;0.002243589743589743425167259971;0.024358974358974359170071366520;0.009935897435897435292506685300;0.037820512820512817986351450372;0.015705128205128204843532557788;0.006730769230769231142863517903;0.011538461538461539102051744976;0.061858974358974361251739537693;0.012179487179487179585035683260;0.018589743589743589619045494032;0.021153846153846155020428199123;0.029166666666666667129259593594;0.008653846153846154326538808732;0.016987179487179485809500434357;0.011217948717948717993198037846;0.014423076923076923877564681220;0.015384615384615385469402326635;0.038141025641025644299375585433;0.033974358974358971619000868714;0.045512820512820510721052613690;0.033653846153846152244870637560;0.015064102564102564360548619504;0.001282051282051282050170049054;0.004807692307692307959188227073;0.003525641025641025692177743522;0.021153846153846155020428199123;0.006730769230769231142863517903;0.007692307692307692734701163317;0.028205128205128205537421948179;0.045833333333333330095182844843;0.015064102564102564360548619504;0.007692307692307692734701163317;0.000641025641025641025085024527;0.019871794871794870585013370601;0.004487179487179486850334519943;0.006730769230769231142863517903;0.000000000000000000000000000000;0.018589743589743589619045494032;0.005128205128205128200680196215;0.012500000000000000693889390391;0.059294871794871792380909880649;0.041025641025641025605441569724;0.030128205128205128721097239008;0.018589743589743589619045494032
-0.031666666666666669349705642844;0.024583333333333332038073137937;0.036666666666666666851703837438;0.063750000000000001110223024625;0.022916666666666665047591422422;0.025416666666666667268037471672;0.003749999999999999861222121922;0.025416666666666667268037471672;0.021250000000000001526556658860;0.021250000000000001526556658860;0.016250000000000000555111512313;0.007499999999999999722444243844;0.020416666666666666296592325125;0.028750000000000001249000902703;0.035416666666666665741480812812;0.013333333333333334189130248149;0.022083333333333333287074040641;0.043749999999999997224442438437;0.027083333333333334258519187188;0.010000000000000000208166817117;0.018749999999999999306110609609;0.016250000000000000555111512313;0.012083333333333333078907223523;0.018333333333333333425851918719;0.025416666666666667268037471672;0.020833333333333332176851016015;0.035833333333333335091186455656;0.037499999999999998612221219219;0.000833333333333333386820640509;0.025000000000000001387778780781;0.006250000000000000346944695195;0.007083333333333332974823814965;0.022916666666666665047591422422;0.004166666666666666608842550801;0.020416666666666666296592325125;0.026666666666666668378260496297;0.013750000000000000069388939039;0.009166666666666666712925959359;0.002083333333333333304421275400;0.019166666666666665186369300500;0.012500000000000000693889390391;0.020833333333333332176851016015;0.000000000000000000000000000000;0.011666666666666667198648532633;0.018749999999999999306110609609;0.008333333333333333217685101602;0.030416666666666668239482618219;0.012500000000000000693889390391;0.030416666666666668239482618219;0.010833333333333333703407674875
-0.034795321637426900041045740863;0.028947368421052631359824403035;0.034210526315789475948481168643;0.010526315789473683973143103287;0.010233918128654970192137341201;0.028947368421052631359824403035;0.005847953216374268681221337829;0.017543859649122806043664013487;0.023976608187134502286896875489;0.022514619883040935116591541032;0.014035087719298245875765296375;0.023099415204678362678603065206;0.026900584795321636627507544404;0.031871345029239765700435071949;0.022222222222222223070309254922;0.018421052631578945651957823770;0.024853801169590641895190685773;0.030116959064327486483847451382;0.014035087719298245875765296375;0.012573099415204678705459961918;0.009941520467836258145855055091;0.021052631578947367946286206575;0.019005847953216373213969347944;0.021637426900584795508297730748;0.030409356725146198530129737492;0.024853801169590641895190685773;0.021052631578947367946286206575;0.044444444444444446140618509844;0.000584795321637426911490220682;0.024853801169590641895190685773;0.014619883040935671703053344572;0.013157894736842104532748010115;0.009941520467836258145855055091;0.009064327485380116802837768830;0.039181286549707601551961744235;0.029532163742690058921835927208;0.011403508771929825316160389548;0.012865497076023392486465724005;0.004093567251461988597271979273;0.041228070175438599753725554820;0.010818713450292397754148865374;0.017836257309941521559393251550;0.000000000000000000000000000000;0.014327485380116959656771058462;0.004970760233918129072927527545;0.017836257309941521559393251550;0.026023391812865497019213734120;0.028654970760233919313542116925;0.029532163742690058921835927208;0.011403508771929825316160389548
-0.026068376068376069437659836581;0.017094017094017095736990796695;0.045726495726495723637139434459;0.005982905982905983334474431246;0.007692307692307692734701163317;0.015384615384615385469402326635;0.011111111111111111535154627461;0.026068376068376069437659836581;0.008547008547008547868495398347;0.029487179487179486503389824748;0.017094017094017095736990796695;0.003846153846153846367350581659;0.024786324786324785002245008059;0.030769230769230770938804653269;0.018803418803418802535132314802;0.016239316239316240603196561665;0.017948717948717947401338079771;0.042307692307692310040856398246;0.028632478632478631369595589717;0.009829059829059828834463274916;0.020085470085470086970547143324;0.008547008547008547868495398347;0.033760683760683758702914047944;0.038888888888888889505679458125;0.018803418803418802535132314802;0.027777777777777776235801354687;0.038888888888888889505679458125;0.046153846153846156408206979904;0.002991452991452991667237215623;0.010683760683760683968257509946;0.004273504273504273934247699174;0.014529914529914530335608091605;0.017094017094017095736990796695;0.008547008547008547868495398347;0.033760683760683758702914047944;0.040598290598290599773267928185;0.019230769230769231836752908293;0.009829059829059828834463274916;0.003846153846153846367350581659;0.017948717948717947401338079771;0.012393162393162392501122504029;0.004700854700854700633783078700;0.000000000000000000000000000000;0.024786324786324785002245008059;0.010683760683760683968257509946;0.021367521367521367936515019892;0.030341880341880341637184059778;0.014529914529914530335608091605;0.047008547008547008072554262981;0.014529914529914530335608091605
-0.027407407407407408106436719208;0.012222222222222222862142437805;0.045185185185185182399347780802;0.000370370370370370351979089074;0.000370370370370370351979089074;0.017037037037037038034181790636;0.004814814814814815172039352831;0.026296296296296296779448908865;0.021111111111111111743321444578;0.017407407407407406163546426114;0.015555555555555555108382392859;0.003703703703703703845051542487;0.027777777777777776235801354687;0.019629629629629628817522046802;0.010000000000000000208166817117;0.014814814814814815380206169948;0.026666666666666668378260496297;0.055555555555555552471602709375;0.016666666666666666435370203203;0.011111111111111111535154627461;0.017777777777777777762358013547;0.020370370370370372015145221667;0.064814814814814811216869827604;0.028148148148148147834612942120;0.025555555555555557051272685953;0.026666666666666668378260496297;0.044074074074074071072359970458;0.017037037037037038034181790636;0.003703703703703703845051542487;0.011111111111111111535154627461;0.004814814814814815172039352831;0.013703703703703704053218359604;0.021111111111111111743321444578;0.012962962962962962590318660716;0.045555555555555557467606320188;0.034444444444444444197728216750;0.026296296296296296779448908865;0.005925925925925925631665425186;0.001851851851851851922525771243;0.043703703703703702942995334979;0.010000000000000000208166817117;0.011111111111111111535154627461;0.000000000000000000000000000000;0.012222222222222222862142437805;0.006666666666666667094565124074;0.024444444444444445724284875610;0.014074074074074073917306471060;0.015555555555555555108382392859;0.052592592592592593558897817729;0.010000000000000000208166817117
-0.043162393162393161705203681322;0.000854700854700854700113366036;0.064529914529914536580612605121;0.000000000000000000000000000000;0.000000000000000000000000000000;0.011111111111111111535154627461;0.001709401709401709400226732072;0.017094017094017095736990796695;0.006837606837606837600906928287;0.047008547008547008072554262981;0.011965811965811966668948862491;0.002991452991452991667237215623;0.020085470085470086970547143324;0.058547008547008547174606007957;0.002136752136752136967123849587;0.029059829059829060671216183209;0.017094017094017095736990796695;0.016666666666666666435370203203;0.003846153846153846367350581659;0.008547008547008547868495398347;0.010683760683760683968257509946;0.012820512820512820068019621544;0.010683760683760683968257509946;0.061965811965811967709782948077;0.050427350427350428607731203101;0.062820512820512819374130231154;0.022649572649572648902482896460;0.000000000000000000000000000000;0.000427350427350427350056683018;0.003846153846153846367350581659;0.002991452991452991667237215623;0.021367521367521367936515019892;0.003846153846153846367350581659;0.010683760683760683968257509946;0.043589743589743587537377322860;0.044871794871794871972792151382;0.012393162393162392501122504029;0.012393162393162392501122504029;0.000000000000000000000000000000;0.020085470085470086970547143324;0.005128205128205128200680196215;0.001282051282051282050170049054;0.000000000000000000000000000000;0.034188034188034191473981593390;0.001282051282051282050170049054;0.023931623931623933337897724982;0.056410256410256411074843896358;0.052136752136752138875319673161;0.023504273504273504036277131490;0.030341880341880341637184059778
-0.023611111111111110494320541875;0.005208333333333333044212754004;0.089930555555555555247160270937;0.000000000000000000000000000000;0.000347222222222222235473582108;0.012152777777777777970524830664;0.000694444444444444470947164216;0.012152777777777777970524830664;0.027083333333333334258519187188;0.026736111111111109800431151484;0.008680555555555555941049661328;0.009374999999999999653055304805;0.019444444444444444752839729063;0.053819444444444447528397290625;0.002430555555555555594104966133;0.017361111111111111882099322656;0.037152777777777777623580135469;0.042708333333333334258519187188;0.007291666666666666782314898398;0.021180555555555556634939051719;0.006250000000000000346944695195;0.035069444444444444752839729063;0.019097222222222223764198645313;0.037499999999999998612221219219;0.027083333333333334258519187188;0.030208333333333333564629796797;0.020833333333333332176851016015;0.002083333333333333304421275400;0.001041666666666666652210637700;0.004513888888888888464845372539;0.004166666666666666608842550801;0.021527777777777777623580135469;0.004513888888888888464845372539;0.013541666666666667129259593594;0.043055555555555555247160270937;0.055555555555555552471602709375;0.012847222222222221682530474141;0.008333333333333333217685101602;0.001388888888888888941894328433;0.051388888888888886730121896562;0.003819444444444444319158860068;0.005208333333333333044212754004;0.000000000000000000000000000000;0.018749999999999999306110609609;0.000347222222222222235473582108;0.013194444444444444405895033867;0.046527777777777779011358916250;0.038541666666666668517038374375;0.037847222222222219600862302968;0.018402777777777778317469525859
-0.052916666666666667406815349750;0.004583333333333333356462979680;0.056250000000000001387778780781;0.000000000000000000000000000000;0.001666666666666666773641281019;0.011666666666666667198648532633;0.002916666666666666799662133158;0.020416666666666666296592325125;0.017083333333333332315628894094;0.033750000000000002220446049250;0.016250000000000000555111512313;0.012500000000000000693889390391;0.016250000000000000555111512313;0.051666666666666666296592325125;0.004583333333333333356462979680;0.032916666666666663521034763562;0.019166666666666665186369300500;0.029583333333333333009518284484;0.009583333333333332593184650250;0.008333333333333333217685101602;0.018333333333333333425851918719;0.012083333333333333078907223523;0.012083333333333333078907223523;0.040833333333333332593184650250;0.043749999999999997224442438437;0.049166666666666664076146275875;0.032083333333333331760517381781;0.026666666666666668378260496297;0.000833333333333333386820640509;0.004583333333333333356462979680;0.012916666666666666574148081281;0.018749999999999999306110609609;0.006250000000000000346944695195;0.006666666666666667094565124074;0.025416666666666667268037471672;0.050416666666666665186369300500;0.014166666666666665949647629930;0.014583333333333333564629796797;0.000416666666666666693410320255;0.014583333333333333564629796797;0.003333333333333333547282562037;0.001250000000000000026020852140;0.000000000000000000000000000000;0.026666666666666668378260496297;0.002916666666666666799662133158;0.029583333333333333009518284484;0.048750000000000001665334536938;0.037499999999999998612221219219;0.029999999999999998889776975375;0.013333333333333334189130248149
-0.026388888888888888811790067734;0.010069444444444445099784424258;0.070138888888888889505679458125;0.000000000000000000000000000000;0.000347222222222222235473582108;0.012152777777777777970524830664;0.002777777777777777883788656865;0.013541666666666667129259593594;0.034722222222222223764198645313;0.041319444444444443365060948281;0.011805555555555555247160270937;0.020138888888888890199568848516;0.008333333333333333217685101602;0.047569444444444441977282167500;0.002777777777777777883788656865;0.020486111111111111188209932266;0.032291666666666669904817155157;0.028472222222222221682530474141;0.003472222222222222029475169336;0.013194444444444444405895033867;0.009722222222222222376419864531;0.020833333333333332176851016015;0.007638888888888888638317720137;0.064930555555555560798275394063;0.023611111111111110494320541875;0.043402777777777776235801354687;0.018402777777777778317469525859;0.025694444444444443365060948281;0.002430555555555555594104966133;0.003819444444444444319158860068;0.008333333333333333217685101602;0.044097222222222225151977426094;0.002777777777777777883788656865;0.004861111111111111188209932266;0.020138888888888890199568848516;0.051388888888888886730121896562;0.009374999999999999653055304805;0.010763888888888888811790067734;0.004861111111111111188209932266;0.022222222222222223070309254922;0.003472222222222222029475169336;0.015972222222222220988641083750;0.000000000000000000000000000000;0.034375000000000002775557561563;0.000694444444444444470947164216;0.025000000000000001387778780781;0.056944444444444443365060948281;0.027083333333333334258519187188;0.025347222222222222376419864531;0.011805555555555555247160270937
-0.044318181818181819064950133225;0.003030303030303030300401934127;0.050757575757575758290673917372;0.133333333333333331482961625625;0.001136363636363636308440616673;0.015151515151515151935690539631;0.001515151515151515150200967064;0.012878787878787878451447568295;0.018181818181818180935049866775;0.021212121212121213403856145874;0.015530303030303029693248717535;0.014015151515151515193569053963;0.013636363636363635701287400082;0.047727272727272729291314590228;0.008712121212121212709966755483;0.025757575757575756902895136591;0.019318181818181817677171352443;0.024621212121212120160773650923;0.006818181818181817850643700041;0.008333333333333333217685101602;0.009848484848484847717364765174;0.014393939393939394685850707845;0.006818181818181817850643700041;0.035606060606060606354983377742;0.046212121212121211322187974702;0.048106060606060603579425816179;0.023106060606060605661093987351;0.020075757575757576661734660206;0.000757575757575757575100483532;0.007954545454545453725403447720;0.013636363636363635701287400082;0.016666666666666666435370203203;0.004924242424242423858682382587;0.007196969696969697342925353922;0.021590909090909091161414323778;0.036742424242424243097104863409;0.010227272727272727209646419055;0.008333333333333333217685101602;0.000757575757575757575100483532;0.012500000000000000693889390391;0.002651515151515151675482018234;0.003787878787878787983922634908;0.000000000000000000000000000000;0.017803030303030303177491688871;0.002651515151515151675482018234;0.011363636363636363951767904723;0.044318181818181819064950133225;0.038636363636363635354342704886;0.026515151515151515887458444354;0.020833333333333332176851016015
-0.047712418300653591796134378455;0.003267973856209150426005427548;0.043137254901960783715075820055;0.123202614379084973705857919413;0.005228758169934640161191641283;0.023202614379084968154742796287;0.002614379084967320080595820642;0.012091503267973856619588168826;0.008823529411764705759901872284;0.030392156862745097617439782312;0.016993464052287580307032399674;0.021895424836601305729200106498;0.015686274509803921350936661838;0.052614379084967320687749037234;0.006209150326797385245625182648;0.037908496732026140951798964807;0.009803921568627450844335413649;0.009150326797385621366287544731;0.011111111111111111535154627461;0.011764705882352941013202496379;0.011111111111111111535154627461;0.010784313725490195928768955014;0.004248366013071895076758099918;0.034640522875816995296283096195;0.055228758169934638599940512904;0.041176470588235293546208737325;0.019607843137254901688670827298;0.009477124183006535237949741202;0.000000000000000000000000000000;0.009150326797385621366287544731;0.030718954248366011489101978782;0.012418300653594770491250365296;0.003267973856209150426005427548;0.004901960784313725422167706824;0.016013071895424835222598858309;0.031699346405228756573535520147;0.007516339869281045936444396460;0.018954248366013070475899482403;0.000000000000000000000000000000;0.011764705882352941013202496379;0.004248366013071895076758099918;0.002614379084967320080595820642;0.000000000000000000000000000000;0.018300653594771242732575089462;0.004901960784313725422167706824;0.015686274509803921350936661838;0.046405228758169936309485592574;0.041503267973856207417870933796;0.017973856209150325391465941038;0.022875816993464050813633647863
-0.029710144927536232678511041172;0.002898550724637681194617577773;0.098188405797101446781383060625;0.000000000000000000000000000000;0.000000000000000000000000000000;0.012318840579710145510805574531;0.001086956521739130447981591665;0.011594202898550724778470311094;0.009420289855072464316187996758;0.041304347826086953987534400312;0.014492753623188405973087888867;0.002173913043478260895963183330;0.011956521739130435144637942813;0.072826086956521735027436648124;0.000724637681159420298654394443;0.019202898550724638998543625235;0.018115942028985507900040730078;0.021376811594202897726102463594;0.002173913043478260895963183330;0.025362318840579711753946412500;0.007971014492753622851517469883;0.018115942028985507900040730078;0.013043478260869564508417361992;0.056159420289855072061513396875;0.032608695652173912138405142969;0.043840579710144926550707822344;0.021739130434782608092270095312;0.016666666666666666435370203203;0.000724637681159420298654394443;0.001449275362318840597308788887;0.004347826086956521791926366660;0.025000000000000001387778780781;0.003260869565217391127104340498;0.013043478260869564508417361992;0.035144927536231884701578565000;0.051086956521739133874060456719;0.011956521739130435144637942813;0.011231884057971014412302679375;0.000724637681159420298654394443;0.025724637681159418650667092265;0.001811594202898550746635986108;0.005797101449275362389235155547;0.000000000000000000000000000000;0.019927536231884056261431936719;0.000724637681159420298654394443;0.010869565217391304046135047656;0.064855072463768120849536558126;0.050362318840579713141725193282;0.029347826086956522312343409453;0.027536231884057970481505250859
-0.030740740740740742087400150240;0.008148148148148147418279307885;0.064814814814814811216869827604;0.000000000000000000000000000000;0.000370370370370370351979089074;0.025925925925925925180637321432;0.004444444444444444440589503387;0.007407407407407407690103084974;0.019259259259259260688157411323;0.024444444444444445724284875610;0.012592592592592592726230549260;0.006296296296296296363115274630;0.033333333333333332870740406406;0.041111111111111112159655078813;0.002222222222222222220294751693;0.023333333333333334397297065266;0.023333333333333334397297065266;0.027037037037037036507625131776;0.005555555555555555767577313730;0.018518518518518517490534236458;0.010000000000000000208166817117;0.027777777777777776235801354687;0.033333333333333332870740406406;0.020370370370370372015145221667;0.042962962962962959745372160114;0.033333333333333332870740406406;0.024814814814814813853649511088;0.004444444444444444440589503387;0.001111111111111111110147375847;0.005925925925925925631665425186;0.005185185185185185036127464286;0.018148148148148149361169600979;0.011481481481481481399242738917;0.019259259259259260688157411323;0.068888888888888888395456433500;0.028148148148148147834612942120;0.005925925925925925631665425186;0.010370370370370370072254928573;0.002592592592592592518063732143;0.057407407407407406996213694583;0.001481481481481481407916356297;0.013333333333333334189130248149;0.000000000000000000000000000000;0.020370370370370372015145221667;0.000740740740740740703958178148;0.011851851851851851263330850372;0.038888888888888889505679458125;0.039259259259259257635044093604;0.041111111111111112159655078813;0.022592592592592591199673890401
-0.033333333333333332870740406406;0.005426356589147286746399601043;0.046899224806201553206186360967;0.000000000000000000000000000000;0.001937984496124030980857000372;0.018217054263565891220055803501;0.005038759689922480550228200968;0.009302325581395348708113601788;0.022868217054263565574112604395;0.035271317829457367321044358732;0.015503875968992247846856002980;0.010077519379844961100456401937;0.025193798449612402751141004842;0.048062015503875968325253609237;0.004263565891472868157885400819;0.028294573643410852320512205438;0.030232558139534883301369205810;0.031395348837209305359330357987;0.008139534883720930119599401564;0.009302325581395348708113601788;0.010852713178294573492799202086;0.022093023255813953181769804246;0.023643410852713177966455404544;0.036046511627906979713387158881;0.036046511627906979713387158881;0.041085271317829456794168407896;0.020542635658914728397084203948;0.005426356589147286746399601043;0.002325581395348837177028400447;0.015116279069767441650684602905;0.011627906976744185885142002235;0.021317829457364340789427004097;0.008527131782945736315770801639;0.013565891472868216865999002607;0.040310077519379844401825607747;0.037984496124031007224797207300;0.009302325581395348708113601788;0.021705426356589146985598404171;0.003100775193798449569371200596;0.035658914728682170047768806853;0.002325581395348837177028400447;0.018217054263565891220055803501;0.000000000000000000000000000000;0.019379844961240309808570003725;0.004263565891472868157885400819;0.020155038759689922200912803874;0.046124031007751940813843560818;0.038372093023255816890415559328;0.023255813953488371770284004469;0.022868217054263565574112604395
-0.031250000000000000000000000000;0.002083333333333333304421275400;0.067500000000000004440892098501;0.000000000000000000000000000000;0.000000000000000000000000000000;0.015416666666666667059870654555;0.000416666666666666693410320255;0.014166666666666665949647629930;0.012916666666666666574148081281;0.062500000000000000000000000000;0.014166666666666665949647629930;0.006666666666666667094565124074;0.017916666666666667545593227828;0.049583333333333333425851918719;0.002083333333333333304421275400;0.021666666666666667406815349750;0.029166666666666667129259593594;0.018749999999999999306110609609;0.003749999999999999861222121922;0.010000000000000000208166817117;0.010000000000000000208166817117;0.013750000000000000069388939039;0.007083333333333332974823814965;0.082083333333333327597181039437;0.040833333333333332593184650250;0.057083333333333333148296162562;0.024166666666666666157814447047;0.000000000000000000000000000000;0.002500000000000000052041704279;0.005833333333333333599324266316;0.009166666666666666712925959359;0.036249999999999997501998194593;0.005833333333333333599324266316;0.010000000000000000208166817117;0.020416666666666666296592325125;0.062500000000000000000000000000;0.014583333333333333564629796797;0.011249999999999999583666365766;0.000000000000000000000000000000;0.017083333333333332315628894094;0.005416666666666666851703837438;0.003333333333333333547282562037;0.000000000000000000000000000000;0.027916666666666666019036568969;0.000416666666666666693410320255;0.018749999999999999306110609609;0.063333333333333338699411285688;0.036666666666666666851703837438;0.011666666666666667198648532633;0.022083333333333333287074040641
-0.038461538461538463673505816587;0.006410256410256410034009810772;0.033333333333333332870740406406;0.172649572649572646820814725288;0.004273504273504273934247699174;0.051709401709401706104252127716;0.005982905982905983334474431246;0.011538461538461539102051744976;0.005982905982905983334474431246;0.011538461538461539102051744976;0.012393162393162392501122504029;0.019230769230769231836752908293;0.044017094017094020308444868306;0.018803418803418802535132314802;0.013675213675213675201813856575;0.036752136752136753405917346527;0.020085470085470086970547143324;0.016239316239316240603196561665;0.014102564102564102768710974090;0.004700854700854700633783078700;0.014529914529914530335608091605;0.009829059829059828834463274916;0.007692307692307692734701163317;0.020512820512820512802720784862;0.060683760683760683274368119555;0.019658119658119657668926549832;0.014102564102564102768710974090;0.002991452991452991667237215623;0.003418803418803418800453464144;0.014102564102564102768710974090;0.030341880341880341637184059778;0.014957264957264957902505209120;0.007264957264957265167804045802;0.006837606837606837600906928287;0.029914529914529915805010418239;0.021794871794871793768688661430;0.006837606837606837600906928287;0.027350427350427350403627713149;0.002564102564102564100340098108;0.018803418803418802535132314802;0.005128205128205128200680196215;0.004700854700854700633783078700;0.000000000000000000000000000000;0.017094017094017095736990796695;0.006837606837606837600906928287;0.012820512820512820068019621544;0.017948717948717947401338079771;0.021794871794871793768688661430;0.015811965811965811301575968173;0.021794871794871793768688661430
-0.013333333333333334189130248149;0.013333333333333334189130248149;0.073333333333333333703407674875;0.051249999999999996946886682281;0.000000000000000000000000000000;0.002500000000000000052041704279;0.000833333333333333386820640509;0.027500000000000000138777878078;0.004166666666666666608842550801;0.089166666666666671847707448251;0.006666666666666667094565124074;0.000416666666666666693410320255;0.006666666666666667094565124074;0.051249999999999996946886682281;0.003333333333333333547282562037;0.008750000000000000832667268469;0.022083333333333333287074040641;0.022083333333333333287074040641;0.001666666666666666773641281019;0.010000000000000000208166817117;0.009583333333333332593184650250;0.007499999999999999722444243844;0.001250000000000000026020852140;0.118749999999999994448884876874;0.014166666666666665949647629930;0.040416666666666663243479007406;0.022083333333333333287074040641;0.002500000000000000052041704279;0.000416666666666666693410320255;0.001666666666666666773641281019;0.000833333333333333386820640509;0.051666666666666666296592325125;0.001250000000000000026020852140;0.004166666666666666608842550801;0.009166666666666666712925959359;0.090416666666666672957930472876;0.013333333333333334189130248149;0.003333333333333333547282562037;0.000000000000000000000000000000;0.007499999999999999722444243844;0.007916666666666667337426410711;0.005833333333333333599324266316;0.000000000000000000000000000000;0.050000000000000002775557561563;0.000416666666666666693410320255;0.019166666666666665186369300500;0.063333333333333338699411285688;0.022916666666666665047591422422;0.011249999999999999583666365766;0.010833333333333333703407674875
-0.030555555555555554553270880547;0.005208333333333333044212754004;0.023263888888888889505679458125;0.002777777777777777883788656865;0.040277777777777780399137697032;0.070138888888888889505679458125;0.001736111111111111014737584668;0.017708333333333332870740406406;0.004513888888888888464845372539;0.026736111111111109800431151484;0.034375000000000002775557561563;0.051388888888888886730121896562;0.018055555555555553859381490156;0.025000000000000001387778780781;0.013888888888888888117900677344;0.025694444444444443365060948281;0.014583333333333333564629796797;0.015625000000000000000000000000;0.047222222222222220988641083750;0.002777777777777777883788656865;0.019791666666666665741480812812;0.002430555555555555594104966133;0.004166666666666666608842550801;0.031250000000000000000000000000;0.052777777777777777623580135469;0.029861111111111112575988713047;0.028472222222222221682530474141;0.004513888888888888464845372539;0.000000000000000000000000000000;0.072222222222222215437525960624;0.029166666666666667129259593594;0.019097222222222223764198645313;0.022916666666666665047591422422;0.001736111111111111014737584668;0.013194444444444444405895033867;0.034375000000000002775557561563;0.005902777777777777623580135469;0.012847222222222221682530474141;0.000000000000000000000000000000;0.003472222222222222029475169336;0.005208333333333333044212754004;0.002430555555555555594104966133;0.000000000000000000000000000000;0.020138888888888890199568848516;0.028125000000000000693889390391;0.013541666666666667129259593594;0.021527777777777777623580135469;0.018402777777777778317469525859;0.016666666666666666435370203203;0.014236111111111110841265237070
-0.049074074074074075513252068959;0.000000000000000000000000000000;0.018981481481481481121686982760;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006018518518518518531368322044;0.000462962962962962980631442811;0.021296296296296295808003762318;0.000925925925925925961262885622;0.106481481481481482509465763542;0.010648148148148147904001881159;0.004629629629629629372633559115;0.001851851851851851922525771243;0.044444444444444446140618509844;0.000462962962962962980631442811;0.040277777777777780399137697032;0.006018518518518518531368322044;0.002314814814814814686316779557;0.007407407407407407690103084974;0.002777777777777777883788656865;0.018518518518518517490534236458;0.000462962962962962980631442811;0.000000000000000000000000000000;0.120370370370370363688472536978;0.032870370370370369239587660104;0.095370370370370369239587660104;0.019444444444444444752839729063;0.024537037037037037756626034479;0.000000000000000000000000000000;0.000925925925925925961262885622;0.007870370370370369586532355299;0.028240740740740739866954100989;0.000000000000000000000000000000;0.001388888888888888941894328433;0.004629629629629629372633559115;0.050462962962962966406710307865;0.012037037037037037062736644089;0.012037037037037037062736644089;0.000000000000000000000000000000;0.000462962962962962980631442811;0.004629629629629629372633559115;0.000000000000000000000000000000;0.000000000000000000000000000000;0.078703703703703706273664408855;0.000000000000000000000000000000;0.032870370370370369239587660104;0.066666666666666665741480812812;0.043981481481481482509465763542;0.006944444444444444058950338672;0.012500000000000000693889390391
-0.067171717171717174044154319290;0.001010101010101010100133978042;0.027272727272727271402574800163;0.000000000000000000000000000000;0.004545454545454545233762466694;0.059090909090909089773635542997;0.000000000000000000000000000000;0.013131313131313130868060845557;0.001515151515151515150200967064;0.016666666666666666435370203203;0.025757575757575756902895136591;0.039393939393939390869459060696;0.035858585858585860506320130980;0.045454545454545455807071618892;0.004545454545454545233762466694;0.054545454545454542805149600326;0.002020202020202020200267956085;0.005050505050505050934350759206;0.016161616161616161602143648679;0.004545454545454545233762466694;0.012121212121212121201607736509;0.003030303030303030300401934127;0.006565656565656565434030422779;0.027272727272727271402574800163;0.083838383838383837010077570540;0.052525252525252523472243382230;0.027777777777777776235801354687;0.021212121212121213403856145874;0.000505050505050505050066989021;0.026262626262626261736121691115;0.018686868686868685768276421300;0.012121212121212121201607736509;0.013636363636363635701287400082;0.006060606060606060600803868255;0.025757575757575756902895136591;0.019696969696969695434729530348;0.009090909090909090467524933388;0.010606060606060606701928072937;0.000000000000000000000000000000;0.003535353535353535567309357646;0.001010101010101010100133978042;0.000000000000000000000000000000;0.000000000000000000000000000000;0.021212121212121213403856145874;0.004040404040404040400535912170;0.011616161616161616368381181985;0.047979797979797976503757439559;0.054040404040404041441369997756;0.026767676767676766569348245639;0.029292929292929294204927970213
-0.029729729729729731380061252821;0.013513513513513514263664205828;0.018018018018018017861736623786;0.068918918918918922744687449722;0.150450450450450440298411081130;0.031531531531531528655953877660;0.004054054054054054279099261748;0.020720720720720720714469464951;0.001351351351351351426366420583;0.019369369369369369288103044369;0.016216216216216217116397046993;0.021171171171171170033442621161;0.015765765765765764327976938830;0.022972972972972974248229149907;0.045495495495495495708038191651;0.020270270270270271395496308742;0.004954954954954954651769050145;0.009459459459459459984564944079;0.040990990990990988640518821740;0.002702702702702702852732841166;0.018918918918918919969129888159;0.002702702702702702852732841166;0.001801801801801801829541749278;0.023423423423423423567202306117;0.045045045045045042919618083488;0.032882882882882880082320298243;0.025675675675675677100961991073;0.021621621621621622821862729324;0.001801801801801801829541749278;0.045495495495495495708038191651;0.012612612612612612156270941455;0.015315315315315315009003782620;0.013063063063063063209967573641;0.004504504504504504465434155946;0.006756756756756757131832102914;0.017117117117117115754343359413;0.006306306306306306078135470727;0.008558558558558557877171679706;0.000000000000000000000000000000;0.001801801801801801829541749278;0.007657657657657657504501891310;0.001801801801801801829541749278;0.000000000000000000000000000000;0.015315315315315315009003782620;0.033783783783783785659160514570;0.010360360360360360357234732476;0.021621621621621622821862729324;0.019369369369369369288103044369;0.013513513513513514263664205828;0.013513513513513514263664205828
-0.026666666666666668378260496297;0.014074074074074073917306471060;0.018888888888888889089345823891;0.055555555555555552471602709375;0.116666666666666668517038374375;0.042962962962962959745372160114;0.003703703703703703845051542487;0.022962962962962962798485477833;0.005185185185185185036127464286;0.012962962962962962590318660716;0.022962962962962962798485477833;0.045555555555555557467606320188;0.015555555555555555108382392859;0.014444444444444443781394582516;0.040740740740740744030290443334;0.024814814814814813853649511088;0.004444444444444444440589503387;0.010740740740740739936343040029;0.050740740740740739034286832521;0.003333333333333333547282562037;0.020740740740740740144509857146;0.002592592592592592518063732143;0.003333333333333333547282562037;0.022592592592592591199673890401;0.040000000000000000832667268469;0.021481481481481479872686080057;0.021111111111111111743321444578;0.018888888888888889089345823891;0.000370370370370370351979089074;0.061111111111111109106541761093;0.028518518518518519433424529552;0.007407407407407407690103084974;0.017777777777777777762358013547;0.002962962962962962815832712593;0.005925925925925925631665425186;0.017407407407407406163546426114;0.008148148148148147418279307885;0.009259259259259258745267118229;0.000740740740740740703958178148;0.003333333333333333547282562037;0.007037037037037036958653235530;0.002222222222222222220294751693;0.000000000000000000000000000000;0.012222222222222222862142437805;0.049629629629629627707299022177;0.006666666666666667094565124074;0.016666666666666666435370203203;0.009629629629629630344078705662;0.012592592592592592726230549260;0.016666666666666666435370203203
-0.017021276595744681131572306754;0.004609929078014184111733442251;0.018794326241134751143135872553;0.442907801418439717178188175239;0.011702127659574467627434657402;0.021985815602836879939507852555;0.009574468085106382919668988052;0.014893617021276596423806637404;0.007801418439716312040743684264;0.016666666666666666435370203203;0.009574468085106382919668988052;0.023404255319148935254869314804;0.006382978723404254990658746038;0.014893617021276596423806637404;0.015248226950354609385285264977;0.012411347517730497019838864503;0.016666666666666666435370203203;0.013120567375886524677519595627;0.019503546099290780535540079654;0.002836879432624113666489007457;0.017375886524822695827774410304;0.004609929078014184111733442251;0.002482269503546099403967772901;0.027304964539007093443645501907;0.012411347517730497019838864503;0.016312056737588651739168099652;0.014893617021276596423806637404;0.006382978723404254990658746038;0.002127659574468085141446538344;0.031914893617021274085931992204;0.029078014184397163455209067706;0.013829787234042552335200326752;0.003900709219858156020371842132;0.004255319148936170282893076688;0.002482269503546099403967772901;0.024822695035460994039677729006;0.004255319148936170282893076688;0.009929078014184397615871091602;0.000354609929078014208311125932;0.002482269503546099403967772901;0.005319148936170212636775911363;0.002836879432624113666489007457;0.000000000000000000000000000000;0.009219858156028368223466884501;0.017730496453900710523976513855;0.006382978723404254990658746038;0.012411347517730497019838864503;0.004255319148936170282893076688;0.004255319148936170282893076688;0.006382978723404254990658746038
-0.023504273504273504036277131490;0.001709401709401709400226732072;0.081623931623931625378709497909;0.013247863247863247634916739059;0.012393162393162392501122504029;0.003846153846153846367350581659;0.001282051282051282050170049054;0.020940170940170938634894426400;0.014102564102564102768710974090;0.082905982905982902875230422524;0.005555555555555555767577313730;0.001282051282051282050170049054;0.002564102564102564100340098108;0.052564102564102564707493314700;0.005555555555555555767577313730;0.011111111111111111535154627461;0.036752136752136753405917346527;0.024358974358974359170071366520;0.005555555555555555767577313730;0.007692307692307692734701163317;0.008119658119658120301598280832;0.010683760683760683968257509946;0.002991452991452991667237215623;0.094444444444444441977282167500;0.010683760683760683968257509946;0.050427350427350428607731203101;0.012820512820512820068019621544;0.023076923076923078204103489952;0.000000000000000000000000000000;0.004273504273504273934247699174;0.000854700854700854700113366036;0.047435897435897433904727904519;0.003418803418803418800453464144;0.002991452991452991667237215623;0.007264957264957265167804045802;0.085042735042735045913886438029;0.015384615384615385469402326635;0.005128205128205128200680196215;0.000427350427350427350056683018;0.003418803418803418800453464144;0.010683760683760683968257509946;0.001709401709401709400226732072;0.000000000000000000000000000000;0.038034188034188030902438271141;0.003846153846153846367350581659;0.024358974358974359170071366520;0.074358974358974358476181976130;0.029059829059829060671216183209;0.009829059829059828834463274916;0.010683760683760683968257509946
-0.022875816993464050813633647863;0.010784313725490195928768955014;0.045751633986928101627267295726;0.070915032679738559950877174742;0.063725490196078427018733236764;0.025490196078431372195272075487;0.009150326797385621366287544731;0.021568627450980391857537910028;0.007189542483660130330058724013;0.026470588235294117279705616852;0.011111111111111111535154627461;0.009477124183006535237949741202;0.009150326797385621366287544731;0.028758169934640521320234896052;0.029084967320261438661344044476;0.022875816993464050813633647863;0.011437908496732025406816823931;0.016339869281045752563708006733;0.051633986928104572133868543915;0.004575163398692810683143772366;0.022875816993464050813633647863;0.008823529411764705759901872284;0.005555555555555555767577313730;0.034967320261437909167945292666;0.036274509803921571593487982454;0.027124183006535948492476961746;0.025163398692810458323609879017;0.036928104575163399336812375395;0.000653594771241830020148955160;0.043137254901960783715075820055;0.008823529411764705759901872284;0.012745098039215686097636037744;0.013725490196078431182069579108;0.005555555555555555767577313730;0.010130718954248366450721086096;0.033986928104575160614064799347;0.007189542483660130330058724013;0.007189542483660130330058724013;0.002614379084967320080595820642;0.008496732026143790153516199837;0.008496732026143790153516199837;0.005228758169934640161191641283;0.000000000000000000000000000000;0.016993464052287580307032399674;0.025490196078431372195272075487;0.011111111111111111535154627461;0.031372549019607842701873323676;0.021568627450980391857537910028;0.011111111111111111535154627461;0.018300653594771242732575089462
-0.047083333333333331205405869468;0.003749999999999999861222121922;0.030416666666666668239482618219;0.225000000000000005551115123126;0.012083333333333333078907223523;0.034583333333333333980963431031;0.001250000000000000026020852140;0.015833333333333334674852821422;0.009166666666666666712925959359;0.016250000000000000555111512313;0.017500000000000001665334536938;0.029583333333333333009518284484;0.012500000000000000693889390391;0.040000000000000000832667268469;0.010833333333333333703407674875;0.029583333333333333009518284484;0.008750000000000000832667268469;0.007499999999999999722444243844;0.024583333333333332038073137937;0.004166666666666666608842550801;0.017916666666666667545593227828;0.005416666666666666851703837438;0.002500000000000000052041704279;0.027500000000000000138777878078;0.042500000000000003053113317719;0.037499999999999998612221219219;0.022499999999999999167332731531;0.000000000000000000000000000000;0.001666666666666666773641281019;0.028333333333333331899295259859;0.022916666666666665047591422422;0.007083333333333332974823814965;0.010416666666666666088425508008;0.006666666666666667094565124074;0.012083333333333333078907223523;0.022499999999999999167332731531;0.007083333333333332974823814965;0.012500000000000000693889390391;0.000000000000000000000000000000;0.002500000000000000052041704279;0.005000000000000000104083408559;0.002500000000000000052041704279;0.000000000000000000000000000000;0.013333333333333334189130248149;0.010000000000000000208166817117;0.012916666666666666574148081281;0.024583333333333332038073137937;0.025416666666666667268037471672;0.014999999999999999444888487687;0.021250000000000001526556658860
-0.063071895424836599275408843823;0.001960784313725490168867082730;0.045098039215686273883942902785;0.000000000000000000000000000000;0.027124183006535948492476961746;0.042156862745098042100089230644;0.001307189542483660040297910321;0.012091503267973856619588168826;0.012091503267973856619588168826;0.025490196078431372195272075487;0.021568627450980391857537910028;0.037581699346405227080136768336;0.018627450980392156604237285933;0.042156862745098042100089230644;0.001960784313725490168867082730;0.063725490196078427018733236764;0.010130718954248366450721086096;0.012091503267973856619588168826;0.009477124183006535237949741202;0.007516339869281045936444396460;0.011437908496732025406816823931;0.011437908496732025406816823931;0.003594771241830065165029362007;0.032679738562091505127416013465;0.068627450980392162849241799449;0.050326797385620916647219758033;0.019607843137254901688670827298;0.000653594771241830020148955160;0.000326797385620915010074477580;0.024509803921568627110838534122;0.033333333333333332870740406406;0.014379084967320260660117448026;0.006862745098039215591034789554;0.011111111111111111535154627461;0.019934640522875815560333023768;0.019934640522875815560333023768;0.006535947712418300852010855095;0.023202614379084968154742796287;0.001307189542483660040297910321;0.013725490196078431182069579108;0.000980392156862745084433541365;0.005555555555555555767577313730;0.000000000000000000000000000000;0.015359477124183005744550989391;0.004248366013071895076758099918;0.010457516339869280322383282567;0.036601307189542485465150178925;0.049019607843137254221677068244;0.019281045751633987817008630827;0.029738562091503266404668437417
-0.033333333333333332870740406406;0.004444444444444444440589503387;0.051944444444444445863062753688;0.000277777777777777777536843962;0.022777777777777778733803160094;0.042777777777777775680689842375;0.001388888888888888941894328433;0.017222222222222222098864108375;0.026944444444444444475283972906;0.026388888888888888811790067734;0.023055555555555554830826636703;0.039722222222222221266196839906;0.015833333333333334674852821422;0.046666666666666668794594130532;0.003888888888888888777095598215;0.032222222222222221543752596062;0.014722222222222221613141535101;0.020000000000000000416333634234;0.018611111111111109522875395328;0.006111111111111111431071218902;0.015277777777777777276635440273;0.018611111111111109522875395328;0.006666666666666667094565124074;0.030555555555555554553270880547;0.056944444444444443365060948281;0.046111111111111109661653273406;0.023333333333333334397297065266;0.003611111111111110945348645629;0.000277777777777777777536843962;0.037499999999999998612221219219;0.026111111111111112714766591125;0.015555555555555555108382392859;0.010555555555555555871660722289;0.007499999999999999722444243844;0.022222222222222223070309254922;0.033333333333333332870740406406;0.010000000000000000208166817117;0.012777777777777778525636342977;0.001666666666666666773641281019;0.008055555555555555385938149016;0.002222222222222222220294751693;0.009166666666666666712925959359;0.000000000000000000000000000000;0.016388888888888890338346726594;0.008611111111111111049432054187;0.010000000000000000208166817117;0.040833333333333332593184650250;0.037499999999999998612221219219;0.020833333333333332176851016015;0.019444444444444444752839729063
-0.023504273504273504036277131490;0.029059829059829060671216183209;0.023504273504273504036277131490;0.191025641025641013115432542691;0.055555555555555552471602709375;0.039743589743589741170026741202;0.003846153846153846367350581659;0.020940170940170938634894426400;0.018376068376068376702958673263;0.006837606837606837600906928287;0.012393162393162392501122504029;0.030341880341880341637184059778;0.015811965811965811301575968173;0.015384615384615385469402326635;0.041452991452991451437615211262;0.025213675213675214303865601551;0.004700854700854700633783078700;0.014529914529914530335608091605;0.031196581196581196770978294808;0.002564102564102564100340098108;0.011965811965811966668948862491;0.009401709401709401267566157401;0.006837606837606837600906928287;0.008547008547008547868495398347;0.033760683760683758702914047944;0.016666666666666666435370203203;0.018376068376068376702958673263;0.040170940170940173941094286647;0.000427350427350427350056683018;0.042307692307692310040856398246;0.032905982905982907038566764868;0.002564102564102564100340098108;0.014957264957264957902505209120;0.004700854700854700633783078700;0.014957264957264957902505209120;0.009401709401709401267566157401;0.005128205128205128200680196215;0.007692307692307692734701163317;0.000854700854700854700113366036;0.006410256410256410034009810772;0.008974358974358973700669039886;0.014102564102564102768710974090;0.000000000000000000000000000000;0.003418803418803418800453464144;0.026923076923076924571454071611;0.004700854700854700633783078700;0.012393162393162392501122504029;0.010256410256410256401360392431;0.011965811965811966668948862491;0.013247863247863247634916739059
-0.013636363636363635701287400082;0.040909090909090908838585676222;0.008080808080808080801071824339;0.323737373737373712589970864428;0.030303030303030303871381079261;0.017171717171717171268596757727;0.015151515151515151935690539631;0.020707070707070708570629591350;0.005050505050505050934350759206;0.005555555555555555767577313730;0.010606060606060606701928072937;0.010606060606060606701928072937;0.008585858585858585634298378864;0.004545454545454545233762466694;0.056565656565656569076949722330;0.014141414141414142269237430583;0.007575757575757575967845269815;0.010101010101010101868701518413;0.020202020202020203737403036826;0.000000000000000000000000000000;0.011616161616161616368381181985;0.001010101010101010100133978042;0.001010101010101010100133978042;0.007070707070707071134618715291;0.009090909090909090467524933388;0.012626262626262626034834291033;0.015151515151515151935690539631;0.143939393939393950327954030399;0.004040404040404040400535912170;0.017676767676767676101823312251;0.020202020202020203737403036826;0.008080808080808080801071824339;0.006565656565656565434030422779;0.000505050505050505050066989021;0.002525252525252525467175379603;0.008080808080808080801071824339;0.003030303030303030300401934127;0.017171717171717171268596757727;0.000505050505050505050066989021;0.002525252525252525467175379603;0.010101010101010101868701518413;0.006565656565656565434030422779;0.000000000000000000000000000000;0.007575757575757575967845269815;0.027777777777777776235801354687;0.009090909090909090467524933388;0.007070707070707071134618715291;0.005555555555555555767577313730;0.003535353535353535567309357646;0.007070707070707071134618715291
-0.031746031746031744269487262500;0.027777777777777776235801354687;0.019444444444444444752839729063;0.100793650793650796382294743125;0.102777777777777773460243793124;0.039682539682539680336859078125;0.007142857142857142634106981660;0.020634920634920634469056111016;0.005952380952380952050528861719;0.009920634920634920084214769531;0.013095238095238095551997581367;0.041269841269841268938112222031;0.013492063492063492702310867344;0.017063492063492061850960013203;0.037698412698412696320016124218;0.032539682539682542039560786407;0.003174603174603174600421073848;0.012698412698412698401684295391;0.027380952380952380820211544687;0.001190476190476190583578119941;0.016666666666666666435370203203;0.005555555555555555767577313730;0.001587301587301587300210536924;0.015873015873015872134743631250;0.037301587301587300904426314219;0.022619047619047618485899064922;0.020634920634920634469056111016;0.048412698412698414174304417656;0.000793650793650793650105268462;0.046428571428571430157461463750;0.034523809523809526056403740313;0.006349206349206349200842147695;0.007142857142857142634106981660;0.002777777777777777883788656865;0.010714285714285714384841341484;0.014682539682539682418527249297;0.003174603174603174600421073848;0.015873015873015872134743631250;0.000396825396825396825052634231;0.001984126984126984016842953906;0.011507936507936508685467913438;0.003968253968253968033685907812;0.000000000000000000000000000000;0.005952380952380952050528861719;0.034920634920634921471993550313;0.008333333333333333217685101602;0.018650793650793650452213157109;0.015873015873015872134743631250;0.007936507936507936067371815625;0.013888888888888888117900677344
-0.055263157894736840425320423265;0.009210526315789472825978911885;0.025877192982456140996072591065;0.016228070175438594896499822084;0.023684210526315790240614589379;0.044736842105263158186900795954;0.005263157894736841986571551644;0.017982456140350877582534394605;0.004824561403508772182424646502;0.018859649122807017190828204889;0.024122807017543858310038018544;0.040789473684210528214855173701;0.022368421052631579093450397977;0.029824561403508770968118213318;0.013157894736842104532748010115;0.034210526315789475948481168643;0.008333333333333333217685101602;0.022807017543859650632320779096;0.036403508771929826703939170329;0.006578947368421052266374005058;0.025877192982456140996072591065;0.005263157894736841986571551644;0.008333333333333333217685101602;0.023684210526315790240614589379;0.057017543859649119641908043832;0.035964912280701755165068789211;0.029824561403508770968118213318;0.013157894736842104532748010115;0.003070175438596491231113549958;0.050000000000000002775557561563;0.031578947368421053654152785839;0.009210526315789472825978911885;0.013157894736842104532748010115;0.005263157894736841986571551644;0.018421052631578945651957823770;0.031578947368421053654152785839;0.014035087719298245875765296375;0.017543859649122806043664013487;0.000438596491228070183617665512;0.005263157894736841986571551644;0.007017543859649122937882648188;0.004385964912280701510916003372;0.000000000000000000000000000000;0.014035087719298245875765296375;0.012280701754385964924454199831;0.014473684210526315679912201517;0.021929824561403507554580016858;0.021929824561403507554580016858;0.025000000000000001387778780781;0.019736842105263156799122015173
-0.024806201550387596554969604767;0.012403100775193798277484802384;0.015891472868217054043027403054;0.067054263565891475407099164840;0.174418604651162795216023937428;0.031395348837209305359330357987;0.004651162790697674354056800894;0.028682170542635658516683605512;0.004651162790697674354056800894;0.005038759689922480550228200968;0.020930232558139534593255604022;0.014341085271317829258341802756;0.012790697674418604473656202458;0.010852713178294573492799202086;0.041085271317829456794168407896;0.020930232558139534593255604022;0.004651162790697674354056800894;0.022093023255813953181769804246;0.060077519379844963876013963500;0.003100775193798449569371200596;0.021705426356589146985598404171;0.005813953488372092942571001117;0.010852713178294573492799202086;0.007364341085271317727256601415;0.026356589147286821339655205065;0.017829457364341085023884403427;0.023643410852713177966455404544;0.027131782945736433731998005214;0.000775193798449612392342800149;0.055038759689922479856338810578;0.020542635658914728397084203948;0.005426356589147286746399601043;0.026356589147286821339655205065;0.002713178294573643373199800521;0.010465116279069767296627802011;0.012015503875968992081313402309;0.005813953488372092942571001117;0.010852713178294573492799202086;0.000387596899224806196171400074;0.007364341085271317727256601415;0.009302325581395348708113601788;0.004651162790697674354056800894;0.000000000000000000000000000000;0.006201550387596899138742401192;0.047674418604651165598529161116;0.008914728682170542511942201713;0.013565891472868216865999002607;0.009302325581395348708113601788;0.015891472868217054043027403054;0.006201550387596899138742401192
-0.032870370370370369239587660104;0.007870370370370369586532355299;0.062037037037037036368847253698;0.004629629629629629372633559115;0.019907407407407408383992475365;0.012500000000000000693889390391;0.000000000000000000000000000000;0.013888888888888888117900677344;0.011111111111111111535154627461;0.062500000000000000000000000000;0.010185185185185186007572610833;0.012037037037037037062736644089;0.003240740740740740647579665179;0.056481481481481479733908201979;0.006481481481481481295159330358;0.023148148148148146863167795573;0.018518518518518517490534236458;0.022222222222222223070309254922;0.010185185185185186007572610833;0.015277777777777777276635440273;0.014351851851851851749053423646;0.012037037037037037062736644089;0.003240740740740740647579665179;0.074074074074074069962136945833;0.025462962962962961549484575130;0.066666666666666665741480812812;0.023148148148148146863167795573;0.003240740740740740647579665179;0.000000000000000000000000000000;0.006481481481481481295159330358;0.006481481481481481295159330358;0.028240740740740739866954100989;0.003703703703703703845051542487;0.003703703703703703845051542487;0.009722222222222222376419864531;0.065277777777777781786916477813;0.014351851851851851749053423646;0.012500000000000000693889390391;0.000000000000000000000000000000;0.005092592592592593003786305417;0.006018518518518518531368322044;0.005092592592592593003786305417;0.000000000000000000000000000000;0.038425925925925925874526711823;0.006481481481481481295159330358;0.018055555555555553859381490156;0.070833333333333331482961625625;0.042129629629629627984854778333;0.012500000000000000693889390391;0.017592592592592593697675695807
-0.034684684684684684297106826989;0.019369369369369369288103044369;0.019819819819819818607076200578;0.010810810810810811410931364662;0.044594594594594597070091879232;0.040090090090090090002572509320;0.008108108108108108558198523497;0.023423423423423423567202306117;0.004954954954954954651769050145;0.017567567567567568542763467576;0.022972972972972974248229149907;0.022072072072072072140835885534;0.031081081081081082806427673404;0.017117117117117115754343359413;0.027927927927927927165274724075;0.019819819819819818607076200578;0.009909909909909909303538100289;0.026126126126126126419935147283;0.058108108108108111333756085060;0.003153153153153153039067735364;0.031531531531531528655953877660;0.003603603603603603659083498556;0.020720720720720720714469464951;0.019819819819819818607076200578;0.027927927927927927165274724075;0.028378378378378379953694832238;0.029729729729729731380061252821;0.013063063063063063209967573641;0.000000000000000000000000000000;0.061261261261261260036015130481;0.017567567567567568542763467576;0.009459459459459459984564944079;0.043243243243243245643725458649;0.008108108108108108558198523497;0.020270270270270271395496308742;0.022072072072072072140835885534;0.013963963963963963582637362038;0.015315315315315315009003782620;0.000000000000000000000000000000;0.007207207207207207318166997112;0.005855855855855855891800576529;0.006756756756756757131832102914;0.000000000000000000000000000000;0.012162162162162162837297785245;0.031981981981981981444373985823;0.015315315315315315009003782620;0.016216216216216217116397046993;0.015315315315315315009003782620;0.029279279279279278591641144658;0.012162162162162162837297785245
-0.036274509803921571593487982454;0.026470588235294117279705616852;0.023529411764705882026404992757;0.022058823529411766134478156687;0.027450980392156862364139158217;0.040196078431372551931222147914;0.007843137254901960675468330919;0.038235294117647061762355065184;0.003921568627450980337734165460;0.014705882352941176266503120473;0.019117647058823530881177532592;0.015196078431372548808719891156;0.036274509803921571593487982454;0.012745098039215686097636037744;0.026470588235294117279705616852;0.014215686274509803724286349791;0.006372549019607843048818018872;0.038235294117647061762355065184;0.052941176470588234559411233704;0.006372549019607843048818018872;0.038725490196078432569848359890;0.002941176470588235253300624095;0.032352941176470591255753816995;0.014215686274509803724286349791;0.031862745098039213509366618382;0.016176470588235295627876908497;0.035784313725490193847100783842;0.003921568627450980337734165460;0.000980392156862745084433541365;0.060294117647058824427386269917;0.015196078431372548808719891156;0.004901960784313725422167706824;0.039215686274509803377341654596;0.007352941176470588133251560237;0.025980392156862746472212322146;0.025980392156862746472212322146;0.011764705882352941013202496379;0.010294117647058823386552184331;0.000000000000000000000000000000;0.007843137254901960675468330919;0.009313725490196078302118642966;0.008823529411764705759901872284;0.000000000000000000000000000000;0.012254901960784313555419267061;0.021078431372549021050044615322;0.020098039215686275965611073957;0.011764705882352941013202496379;0.011764705882352941013202496379;0.040196078431372551931222147914;0.010294117647058823386552184331
-0.048333333333333332315628894094;0.013333333333333334189130248149;0.032916666666666663521034763562;0.004166666666666666608842550801;0.010833333333333333703407674875;0.034166666666666664631257788187;0.010833333333333333703407674875;0.035416666666666665741480812812;0.007916666666666667337426410711;0.025833333333333333148296162562;0.025416666666666667268037471672;0.021250000000000001526556658860;0.022499999999999999167332731531;0.032083333333333331760517381781;0.022083333333333333287074040641;0.033750000000000002220446049250;0.007916666666666667337426410711;0.032916666666666663521034763562;0.037916666666666667961926862063;0.005416666666666666851703837438;0.033750000000000002220446049250;0.004166666666666666608842550801;0.011249999999999999583666365766;0.039583333333333331482961625625;0.050416666666666665186369300500;0.035416666666666665741480812812;0.034166666666666664631257788187;0.002500000000000000052041704279;0.000833333333333333386820640509;0.020833333333333332176851016015;0.018749999999999999306110609609;0.010416666666666666088425508008;0.025000000000000001387778780781;0.006250000000000000346944695195;0.014583333333333333564629796797;0.028750000000000001249000902703;0.011249999999999999583666365766;0.014583333333333333564629796797;0.000416666666666666693410320255;0.005000000000000000104083408559;0.010833333333333333703407674875;0.003333333333333333547282562037;0.000000000000000000000000000000;0.024166666666666666157814447047;0.017083333333333332315628894094;0.019583333333333334536074943344;0.024583333333333332038073137937;0.023333333333333334397297065266;0.027500000000000000138777878078;0.016666666666666666435370203203
-0.051851851851851850361274642864;0.001481481481481481407916356297;0.051481481481481482231910007386;0.000740740740740740703958178148;0.006666666666666667094565124074;0.030740740740740742087400150240;0.000740740740740740703958178148;0.018518518518518517490534236458;0.007037037037037036958653235530;0.040370370370370368962031903948;0.013333333333333334189130248149;0.038888888888888889505679458125;0.014074074074074073917306471060;0.066296296296296297612116177334;0.004074074074074073709139653943;0.034814814814814812327092852229;0.013703703703703704053218359604;0.012962962962962962590318660716;0.007037037037037036958653235530;0.008148148148148147418279307885;0.014074074074074073917306471060;0.003333333333333333547282562037;0.003333333333333333547282562037;0.051481481481481482231910007386;0.050370370370370370904922197042;0.050000000000000002775557561563;0.022222222222222223070309254922;0.000740740740740740703958178148;0.002222222222222222220294751693;0.020000000000000000416333634234;0.027037037037037036507625131776;0.027777777777777776235801354687;0.002592592592592592518063732143;0.007777777777777777554191196430;0.013703703703703704053218359604;0.045555555555555557467606320188;0.010740740740740739936343040029;0.012222222222222222862142437805;0.000000000000000000000000000000;0.007037037037037036958653235530;0.004074074074074073709139653943;0.000740740740740740703958178148;0.000000000000000000000000000000;0.029999999999999998889776975375;0.003333333333333333547282562037;0.011111111111111111535154627461;0.067407407407407402000210083770;0.041481481481481480289019714291;0.023703703703703702526661700745;0.022962962962962962798485477833
-0.055925925925925927539861248761;0.001481481481481481407916356297;0.054074074074074073015250263552;0.000000000000000000000000000000;0.011481481481481481399242738917;0.041851851851851848418384349770;0.000370370370370370351979089074;0.011851851851851851263330850372;0.006666666666666667094565124074;0.033333333333333332870740406406;0.020740740740740740144509857146;0.056296296296296295669225884239;0.016666666666666666435370203203;0.055555555555555552471602709375;0.004444444444444444440589503387;0.046296296296296293726335591145;0.010000000000000000208166817117;0.009629629629629630344078705662;0.015925925925925926707193980292;0.009259259259259258745267118229;0.013333333333333334189130248149;0.005925925925925925631665425186;0.002962962962962962815832712593;0.042962962962962959745372160114;0.069259259259259256524821068979;0.039629629629629632703302632990;0.020370370370370372015145221667;0.001111111111111111110147375847;0.000370370370370370351979089074;0.027037037037037036507625131776;0.043703703703703702942995334979;0.012592592592592592726230549260;0.010370370370370370072254928573;0.008888888888888888881179006773;0.017407407407407406163546426114;0.036296296296296298722339201959;0.007037037037037036958653235530;0.014074074074074073917306471060;0.000000000000000000000000000000;0.007037037037037036958653235530;0.001481481481481481407916356297;0.000740740740740740703958178148;0.000000000000000000000000000000;0.018148148148148149361169600979;0.005185185185185185036127464286;0.008148148148148147418279307885;0.045185185185185182399347780802;0.042222222222222223486642889156;0.018148148148148149361169600979;0.018518518518518517490534236458
-0.038636363636363635354342704886;0.008712121212121212709966755483;0.012878787878787878451447568295;0.085984848484848483418652165255;0.035227272727272725127978247883;0.073106060606060604967204596960;0.004924242424242423858682382587;0.021969696969696968918972501683;0.005303030303030303350964036468;0.004545454545454545233762466694;0.018560606060606062162054996634;0.040909090909090908838585676222;0.029166666666666667129259593594;0.015530303030303029693248717535;0.026515151515151515887458444354;0.031439393939393940613502564929;0.004545454545454545233762466694;0.015151515151515151935690539631;0.061363636363636363257878514332;0.001515151515151515150200967064;0.025757575757575756902895136591;0.003409090909090908925321850020;0.008712121212121212709966755483;0.006439393939393939225723784148;0.057196969696969697516397701520;0.018560606060606062162054996634;0.029166666666666667129259593594;0.004924242424242423858682382587;0.000000000000000000000000000000;0.078787878787878781738918121391;0.028409090909090908144696285831;0.006439393939393939225723784148;0.039015151515151516581347834745;0.001515151515151515150200967064;0.012878787878787878451447568295;0.012878787878787878451447568295;0.006439393939393939225723784148;0.008712121212121212709966755483;0.000000000000000000000000000000;0.004545454545454545233762466694;0.006060606060606060600803868255;0.002651515151515151675482018234;0.000000000000000000000000000000;0.004166666666666666608842550801;0.028787878787878789371701415689;0.009848484848484847717364765174;0.013257575757575757943729222177;0.017424242424242425419933510966;0.016666666666666666435370203203;0.011363636363636363951767904723
-0.017094017094017095736990796695;0.017948717948717947401338079771;0.017948717948717947401338079771;0.432905982905982922304133353464;0.006837606837606837600906928287;0.015811965811965811301575968173;0.003418803418803418800453464144;0.018803418803418802535132314802;0.007264957264957265167804045802;0.012820512820512820068019621544;0.009401709401709401267566157401;0.008974358974358973700669039886;0.008974358974358973700669039886;0.014529914529914530335608091605;0.022222222222222223070309254922;0.006837606837606837600906928287;0.005128205128205128200680196215;0.025213675213675214303865601551;0.024358974358974359170071366520;0.002136752136752136967123849587;0.013247863247863247634916739059;0.008119658119658120301598280832;0.006410256410256410034009810772;0.014957264957264957902505209120;0.020085470085470086970547143324;0.015811965811965811301575968173;0.023076923076923078204103489952;0.021794871794871793768688661430;0.002136752136752136967123849587;0.015811965811965811301575968173;0.020512820512820512802720784862;0.006410256410256410034009810772;0.008547008547008547868495398347;0.006410256410256410034009810772;0.011111111111111111535154627461;0.014102564102564102768710974090;0.010683760683760683968257509946;0.006837606837606837600906928287;0.000427350427350427350056683018;0.009829059829059828834463274916;0.005555555555555555767577313730;0.006410256410256410034009810772;0.000000000000000000000000000000;0.008119658119658120301598280832;0.017094017094017095736990796695;0.005128205128205128200680196215;0.009829059829059828834463274916;0.009401709401709401267566157401;0.014102564102564102768710974090;0.009401709401709401267566157401
-0.053603603603603604266236715148;0.003153153153153153039067735364;0.019369369369369369288103044369;0.050450450450450448625083765819;0.052252252252252252839870294565;0.067567567567567571318321029139;0.000900900900900900914770874639;0.010360360360360360357234732476;0.002702702702702702852732841166;0.007657657657657657504501891310;0.024774774774774774993568726700;0.060360360360360361398068818062;0.020720720720720720714469464951;0.023423423423423423567202306117;0.018018018018018017861736623786;0.035585585585585582935053139408;0.005855855855855855891800576529;0.014414414414414414636333994224;0.036486486486486488511893355735;0.003153153153153153039067735364;0.013063063063063063209967573641;0.003603603603603603659083498556;0.004954954954954954651769050145;0.014864864864864865690030626411;0.068918918918918922744687449722;0.022972972972972974248229149907;0.027027027027027028527328411656;0.022522522522522521459809041744;0.000450450450450450457385437320;0.059009009009009009971702397479;0.035585585585585582935053139408;0.004504504504504504465434155946;0.014414414414414414636333994224;0.004954954954954954651769050145;0.020720720720720720714469464951;0.014864864864864865690030626411;0.008108108108108108558198523497;0.016216216216216217116397046993;0.000000000000000000000000000000;0.007207207207207207318166997112;0.004954954954954954651769050145;0.003603603603603603659083498556;0.000000000000000000000000000000;0.009009009009009008930868311893;0.016666666666666666435370203203;0.009459459459459459984564944079;0.016216216216216217116397046993;0.019819819819819818607076200578;0.027927927927927927165274724075;0.017567567567567568542763467576
-0.041228070175438599753725554820;0.002192982456140350755458001686;0.032017543859649125193023166958;0.010087719298245614168996198146;0.020175438596491228337992396291;0.032894736842105261331870025288;0.000877192982456140367235331023;0.021929824561403507554580016858;0.005263157894736841986571551644;0.055263157894736840425320423265;0.023245614035087718701744208261;0.031578947368421053654152785839;0.007017543859649122937882648188;0.031140350877192982115282404720;0.014473684210526315679912201517;0.034210526315789475948481168643;0.006578947368421052266374005058;0.011403508771929825316160389548;0.019736842105263156799122015173;0.003947368421052631706769098230;0.019736842105263156799122015173;0.001754385964912280734470662047;0.003070175438596491231113549958;0.078508771929824555657617679572;0.041228070175438599753725554820;0.053070175438596489669862421579;0.025877192982456140996072591065;0.025000000000000001387778780781;0.000438596491228070183617665512;0.034210526315789475948481168643;0.024561403508771929848908399663;0.029824561403508770968118213318;0.009649122807017544364849293004;0.004824561403508772182424646502;0.005701754385964912658080194774;0.042543859649122807431442794268;0.009210526315789472825978911885;0.013596491228070176071618391234;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005701754385964912658080194774;0.000438596491228070183617665512;0.000000000000000000000000000000;0.038596491228070177459397172015;0.014473684210526315679912201517;0.019736842105263156799122015173;0.042105263157894735892572413150;0.027631578947368420212660211632;0.008333333333333333217685101602;0.014912280701754385484059106659
-0.026356589147286821339655205065;0.002325581395348837177028400447;0.021705426356589146985598404171;0.000775193798449612392342800149;0.105813953488372095024239172290;0.036046511627906979713387158881;0.000775193798449612392342800149;0.015116279069767441650684602905;0.005813953488372092942571001117;0.029844961240310077105197805736;0.017441860465116278827713003352;0.034108527131782945263083206555;0.017441860465116278827713003352;0.020930232558139534593255604022;0.009689922480620154904285001862;0.022093023255813953181769804246;0.007364341085271317727256601415;0.007364341085271317727256601415;0.039922480620155041675101159626;0.003488372093023255765542600670;0.016666666666666666435370203203;0.003100775193798449569371200596;0.002325581395348837177028400447;0.039922480620155041675101159626;0.034108527131782945263083206555;0.029069767441860464712855005587;0.029457364341085270909026405661;0.028682170542635658516683605512;0.000775193798449612392342800149;0.084108527131782948038640768118;0.022480620155038759377941204320;0.016666666666666666435370203203;0.044961240310077518755882408641;0.004263565891472868157885400819;0.011240310077519379688970602160;0.024418604651162790358798204693;0.010077519379844961100456401937;0.007751937984496123923428001490;0.001162790697674418588514200223;0.008527131782945736315770801639;0.002325581395348837177028400447;0.001937984496124030980857000372;0.000000000000000000000000000000;0.018992248062015503612398603650;0.039147286821705429282758359477;0.010077519379844961100456401937;0.026744186046511627535826605140;0.020542635658914728397084203948;0.019379844961240309808570003725;0.016666666666666666435370203203
-0.042222222222222223486642889156;0.005555555555555555767577313730;0.022222222222222223070309254922;0.002222222222222222220294751693;0.034074074074074076068363581271;0.046296296296296293726335591145;0.005185185185185185036127464286;0.035925925925925923654080662573;0.003703703703703703845051542487;0.012592592592592592726230549260;0.028148148148148147834612942120;0.030740740740740742087400150240;0.027037037037037036507625131776;0.022222222222222223070309254922;0.021851851851851851471497667490;0.020000000000000000416333634234;0.004444444444444444440589503387;0.026666666666666668378260496297;0.061111111111111109106541761093;0.004444444444444444440589503387;0.028518518518518519433424529552;0.002962962962962962815832712593;0.013703703703703704053218359604;0.020740740740740740144509857146;0.043703703703703702942995334979;0.031851851851851853414387960584;0.042222222222222223486642889156;0.005555555555555555767577313730;0.001111111111111111110147375847;0.062222222222222220433529571437;0.023333333333333334397297065266;0.006666666666666667094565124074;0.029259259259259259161600752464;0.005925925925925925631665425186;0.017407407407407406163546426114;0.025555555555555557051272685953;0.012592592592592592726230549260;0.010000000000000000208166817117;0.000000000000000000000000000000;0.005555555555555555767577313730;0.005925925925925925631665425186;0.003703703703703703845051542487;0.000000000000000000000000000000;0.016666666666666666435370203203;0.033333333333333332870740406406;0.014444444444444443781394582516;0.016666666666666666435370203203;0.017777777777777777762358013547;0.028888888888888887562789165031;0.017037037037037038034181790636
-0.044791666666666667129259593594;0.007812500000000000000000000000;0.032291666666666669904817155157;0.000000000000000000000000000000;0.040104166666666669904817155157;0.031770833333333331482961625625;0.004687499999999999826527652402;0.029687499999999998612221219219;0.011458333333333332523795711211;0.022916666666666665047591422422;0.021874999999999998612221219219;0.025000000000000001387778780781;0.019791666666666665741480812812;0.029687499999999998612221219219;0.018749999999999999306110609609;0.020833333333333332176851016015;0.013541666666666667129259593594;0.039583333333333331482961625625;0.050520833333333334258519187188;0.004687499999999999826527652402;0.020833333333333332176851016015;0.007291666666666666782314898398;0.012500000000000000693889390391;0.023437500000000000000000000000;0.038541666666666668517038374375;0.032291666666666669904817155157;0.045833333333333330095182844843;0.006770833333333333564629796797;0.001562500000000000086736173799;0.038541666666666668517038374375;0.022395833333333333564629796797;0.014583333333333333564629796797;0.025520833333333332870740406406;0.006250000000000000346944695195;0.015625000000000000000000000000;0.023437500000000000000000000000;0.015625000000000000000000000000;0.021874999999999998612221219219;0.000000000000000000000000000000;0.005208333333333333044212754004;0.006250000000000000346944695195;0.012500000000000000693889390391;0.000000000000000000000000000000;0.018229166666666667823148983985;0.014583333333333333564629796797;0.014583333333333333564629796797;0.016666666666666666435370203203;0.020312500000000000693889390391;0.039583333333333331482961625625;0.009374999999999999653055304805
-0.035000000000000003330669073875;0.007916666666666667337426410711;0.037083333333333336201409480282;0.004166666666666666608842550801;0.055833333333333332038073137937;0.037916666666666667961926862063;0.006250000000000000346944695195;0.035416666666666665741480812812;0.015833333333333334674852821422;0.022083333333333333287074040641;0.020416666666666666296592325125;0.037083333333333336201409480282;0.018749999999999999306110609609;0.017916666666666667545593227828;0.017083333333333332315628894094;0.025000000000000001387778780781;0.013750000000000000069388939039;0.027916666666666666019036568969;0.046666666666666668794594130532;0.007499999999999999722444243844;0.023750000000000000277555756156;0.007499999999999999722444243844;0.005000000000000000104083408559;0.027083333333333334258519187188;0.040416666666666663243479007406;0.033333333333333332870740406406;0.038333333333333330372738601000;0.004583333333333333356462979680;0.003333333333333333547282562037;0.039166666666666669072149886688;0.037499999999999998612221219219;0.013333333333333334189130248149;0.014583333333333333564629796797;0.004583333333333333356462979680;0.008750000000000000832667268469;0.025000000000000001387778780781;0.012083333333333333078907223523;0.015833333333333334674852821422;0.002083333333333333304421275400;0.010416666666666666088425508008;0.007499999999999999722444243844;0.003333333333333333547282562037;0.000000000000000000000000000000;0.019583333333333334536074943344;0.024166666666666666157814447047;0.013333333333333334189130248149;0.023750000000000000277555756156;0.017916666666666667545593227828;0.021666666666666667406815349750;0.012500000000000000693889390391
-0.020930232558139534593255604022;0.022868217054263565574112604395;0.024806201550387596554969604767;0.113178294573643409282048821751;0.041472868217054266459786759924;0.045348837209302328421500760669;0.003875968992248061961714000745;0.030232558139534883301369205810;0.009689922480620154904285001862;0.009302325581395348708113601788;0.023255813953488371770284004469;0.031007751937984495693712005959;0.012403100775193798277484802384;0.014341085271317829258341802756;0.039534883720930232009482807598;0.019379844961240309808570003725;0.010852713178294573492799202086;0.024031007751937984162626804618;0.054263565891472867463996010429;0.002713178294573643373199800521;0.021317829457364340789427004097;0.010852713178294573492799202086;0.005813953488372092942571001117;0.013565891472868216865999002607;0.032170542635658917751673158136;0.016666666666666666435370203203;0.029069767441860464712855005587;0.038759689922480619617140007449;0.001162790697674418588514200223;0.043410852713178293971196808343;0.044186046511627906363539608492;0.011240310077519379688970602160;0.016666666666666666435370203203;0.002325581395348837177028400447;0.009302325581395348708113601788;0.013953488372093023062170402682;0.010465116279069767296627802011;0.010077519379844961100456401937;0.002325581395348837177028400447;0.002325581395348837177028400447;0.007751937984496123923428001490;0.004651162790697674354056800894;0.000000000000000000000000000000;0.004651162790697674354056800894;0.028294573643410852320512205438;0.009689922480620154904285001862;0.017829457364341085023884403427;0.009302325581395348708113601788;0.019379844961240309808570003725;0.009302325581395348708113601788
-0.015185185185185185244294281404;0.048148148148148148250946576354;0.011481481481481481399242738917;0.103333333333333332593184650250;0.131111111111111122706773812752;0.019629629629629628817522046802;0.016666666666666666435370203203;0.046666666666666668794594130532;0.002222222222222222220294751693;0.004444444444444444440589503387;0.011111111111111111535154627461;0.011111111111111111535154627461;0.012592592592592592726230549260;0.011481481481481481399242738917;0.070370370370370374790702783230;0.011481481481481481399242738917;0.005925925925925925631665425186;0.021111111111111111743321444578;0.051111111111111114102545371907;0.000740740740740740703958178148;0.023703703703703702526661700745;0.003703703703703703845051542487;0.001111111111111111110147375847;0.008888888888888888881179006773;0.020370370370370372015145221667;0.010370370370370370072254928573;0.022962962962962962798485477833;0.067037037037037033870845448291;0.000740740740740740703958178148;0.043333333333333334813630699500;0.008518518518518519017090895318;0.004444444444444444440589503387;0.012592592592592592726230549260;0.001851851851851851922525771243;0.007777777777777777554191196430;0.008888888888888888881179006773;0.005185185185185185036127464286;0.006666666666666667094565124074;0.001111111111111111110147375847;0.001481481481481481407916356297;0.020000000000000000416333634234;0.003333333333333333547282562037;0.000000000000000000000000000000;0.004444444444444444440589503387;0.060740740740740740977177125615;0.007407407407407407690103084974;0.008148148148148147418279307885;0.008148148148148147418279307885;0.012222222222222222862142437805;0.008888888888888888881179006773
-0.055660377358490567556437156327;0.009119496855345911659473934208;0.023899371069182391569274415133;0.000314465408805031430925641667;0.045597484276729556562646195061;0.043081761006289305548921930722;0.002830188679245282824120666376;0.012264150943396227161352740609;0.002201257861635220070689600291;0.017295597484276729188801269288;0.021069182389937105709387665797;0.054716981132075473426290557200;0.022641509433962262592965331010;0.039937106918238991781766600297;0.004716981132075471518094733625;0.047169811320754720385117764181;0.005345911949685534271525799710;0.008805031446540880282758401165;0.039308176100628929028335534213;0.003144654088050314634517068413;0.021383647798742137086103198840;0.002515723270440251447405133334;0.005031446540880502894810266667;0.022012578616352199839534264925;0.072955974842767293275791473661;0.042138364779874211418775331595;0.016037735849056603681939137118;0.002830188679245282824120666376;0.000943396226415094346987033624;0.030817610062893081857016142067;0.052201257861635222412566292860;0.009433962264150943036189467250;0.014779874213836478175077004948;0.005974842767295597892318603783;0.023270440251572325346396397094;0.022012578616352199839534264925;0.006603773584905660645749669868;0.019496855345911948825810000585;0.000000000000000000000000000000;0.007547169811320754775896268995;0.002830188679245282824120666376;0.010062893081761005789620533335;0.000000000000000000000000000000;0.016352201257861635058654670161;0.011949685534591195784637207566;0.008805031446540880282758401165;0.031446540880503144610447208152;0.040566037735849054535197666382;0.021383647798742137086103198840;0.019496855345911948825810000585
-0.031007751937984495693712005959;0.020930232558139534593255604022;0.022093023255813953181769804246;0.036434108527131782440111607002;0.148837209302325579329817628604;0.022093023255813953181769804246;0.001550387596899224784685600298;0.015116279069767441650684602905;0.008527131782945736315770801639;0.020542635658914728397084203948;0.019379844961240309808570003725;0.020155038759689922200912803874;0.006589147286821705334913801266;0.027131782945736433731998005214;0.013565891472868216865999002607;0.029844961240310077105197805736;0.007751937984496123923428001490;0.013565891472868216865999002607;0.038372093023255816890415559328;0.002713178294573643373199800521;0.015891472868217054043027403054;0.004651162790697674354056800894;0.004263565891472868157885400819;0.021317829457364340789427004097;0.035271317829457367321044358732;0.031007751937984495693712005959;0.019379844961240309808570003725;0.055426356589147289521957162606;0.000387596899224806196171400074;0.052325581395348839952585962010;0.021705426356589146985598404171;0.008527131782945736315770801639;0.013178294573643410669827602533;0.003100775193798449569371200596;0.005426356589147286746399601043;0.020930232558139534593255604022;0.009302325581395348708113601788;0.014341085271317829258341802756;0.002325581395348837177028400447;0.004263565891472868157885400819;0.003100775193798449569371200596;0.025581395348837208947312404916;0.000000000000000000000000000000;0.014341085271317829258341802756;0.027519379844961239928169405289;0.011627906976744185885142002235;0.025193798449612402751141004842;0.022480620155038759377941204320;0.011240310077519379688970602160;0.009689922480620154904285001862
-0.024583333333333332038073137937;0.008750000000000000832667268469;0.037499999999999998612221219219;0.116666666666666668517038374375;0.097083333333333327042069527124;0.026666666666666668378260496297;0.000833333333333333386820640509;0.023333333333333334397297065266;0.012083333333333333078907223523;0.013333333333333334189130248149;0.013750000000000000069388939039;0.020000000000000000416333634234;0.012500000000000000693889390391;0.023333333333333334397297065266;0.012500000000000000693889390391;0.012500000000000000693889390391;0.007916666666666667337426410711;0.047500000000000000555111512313;0.031666666666666669349705642844;0.007083333333333332974823814965;0.017083333333333332315628894094;0.005833333333333333599324266316;0.012083333333333333078907223523;0.017916666666666667545593227828;0.027500000000000000138777878078;0.027500000000000000138777878078;0.035416666666666665741480812812;0.029999999999999998889776975375;0.000000000000000000000000000000;0.047083333333333331205405869468;0.009583333333333332593184650250;0.006666666666666667094565124074;0.019583333333333334536074943344;0.002916666666666666799662133158;0.010416666666666666088425508008;0.027500000000000000138777878078;0.020000000000000000416333634234;0.004583333333333333356462979680;0.001666666666666666773641281019;0.010000000000000000208166817117;0.004166666666666666608842550801;0.023333333333333334397297065266;0.000000000000000000000000000000;0.007499999999999999722444243844;0.010000000000000000208166817117;0.006666666666666667094565124074;0.013333333333333334189130248149;0.011249999999999999583666365766;0.027083333333333334258519187188;0.013750000000000000069388939039
-0.050416666666666665186369300500;0.007499999999999999722444243844;0.044583333333333335923853724125;0.012500000000000000693889390391;0.001666666666666666773641281019;0.027083333333333334258519187188;0.001666666666666666773641281019;0.019583333333333334536074943344;0.005000000000000000104083408559;0.036249999999999997501998194593;0.018333333333333333425851918719;0.024166666666666666157814447047;0.019583333333333334536074943344;0.055833333333333332038073137937;0.005833333333333333599324266316;0.030416666666666668239482618219;0.011249999999999999583666365766;0.025000000000000001387778780781;0.006250000000000000346944695195;0.012083333333333333078907223523;0.014583333333333333564629796797;0.009166666666666666712925959359;0.012083333333333333078907223523;0.038333333333333330372738601000;0.047500000000000000555111512313;0.049166666666666664076146275875;0.028750000000000001249000902703;0.010416666666666666088425508008;0.000416666666666666693410320255;0.006250000000000000346944695195;0.017083333333333332315628894094;0.013750000000000000069388939039;0.004583333333333333356462979680;0.012500000000000000693889390391;0.029583333333333333009518284484;0.034166666666666664631257788187;0.015833333333333334674852821422;0.018333333333333333425851918719;0.000000000000000000000000000000;0.027916666666666666019036568969;0.005833333333333333599324266316;0.003749999999999999861222121922;0.000000000000000000000000000000;0.011249999999999999583666365766;0.002916666666666666799662133158;0.016250000000000000555111512313;0.046666666666666668794594130532;0.039583333333333331482961625625;0.036666666666666666851703837438;0.031666666666666669349705642844
-0.060465116279069766602738411621;0.003100775193798449569371200596;0.034496124031007754928701558583;0.011240310077519379688970602160;0.000000000000000000000000000000;0.047286821705426355932910809088;0.000775193798449612392342800149;0.012015503875968992081313402309;0.008527131782945736315770801639;0.021705426356589146985598404171;0.025193798449612402751141004842;0.045736434108527131148225208790;0.015503875968992247846856002980;0.046899224806201553206186360967;0.002325581395348837177028400447;0.051937984496124030286967609982;0.015116279069767441650684602905;0.013565891472868216865999002607;0.014728682170542635454513202831;0.005426356589147286746399601043;0.017829457364341085023884403427;0.006976744186046511531085201341;0.007751937984496123923428001490;0.035658914728682170047768806853;0.068992248062015509857403117167;0.041472868217054266459786759924;0.028682170542635658516683605512;0.022868217054263565574112604395;0.001162790697674418588514200223;0.017441860465116278827713003352;0.039534883720930232009482807598;0.013953488372093023062170402682;0.008914728682170542511942201713;0.004651162790697674354056800894;0.020930232558139534593255604022;0.029844961240310077105197805736;0.009689922480620154904285001862;0.017829457364341085023884403427;0.002713178294573643373199800521;0.009689922480620154904285001862;0.001937984496124030980857000372;0.006201550387596899138742401192;0.000000000000000000000000000000;0.021705426356589146985598404171;0.003100775193798449569371200596;0.012403100775193798277484802384;0.034883720930232557655426006704;0.029069767441860464712855005587;0.021317829457364340789427004097;0.026744186046511627535826605140
-0.027906976744186046124340805363;0.022093023255813953181769804246;0.030232558139534883301369205810;0.018217054263565891220055803501;0.085271317829457363157708016388;0.040697674418604654067443959775;0.005038759689922480550228200968;0.026744186046511627535826605140;0.010465116279069767296627802011;0.011627906976744185885142002235;0.016279069767441860239198803129;0.022480620155038759377941204320;0.010077519379844961100456401937;0.013565891472868216865999002607;0.032558139534883720478397606257;0.029069767441860464712855005587;0.015891472868217054043027403054;0.026744186046511627535826605140;0.053875968992248064737271562308;0.003100775193798449569371200596;0.024806201550387596554969604767;0.010852713178294573492799202086;0.006589147286821705334913801266;0.013178294573643410669827602533;0.031782945736434108086054806108;0.022480620155038759377941204320;0.034108527131782945263083206555;0.017829457364341085023884403427;0.000387596899224806196171400074;0.044186046511627906363539608492;0.048837209302325580717596409386;0.006201550387596899138742401192;0.022093023255813953181769804246;0.004263565891472868157885400819;0.011240310077519379688970602160;0.018604651162790697416227203576;0.009689922480620154904285001862;0.014341085271317829258341802756;0.001937984496124030980857000372;0.007751937984496123923428001490;0.008914728682170542511942201713;0.006976744186046511531085201341;0.000000000000000000000000000000;0.010077519379844961100456401937;0.042635658914728681578854008194;0.010465116279069767296627802011;0.017441860465116278827713003352;0.016279069767441860239198803129;0.017829457364341085023884403427;0.016279069767441860239198803129
-0.028260869565217391213840514297;0.009057971014492753950020365039;0.053623188405797099498339974843;0.009420289855072464316187996758;0.017391304347826087167705466641;0.036231884057971015800081460156;0.002173913043478260895963183330;0.023913043478260870289275885625;0.014130434782608695606920257148;0.035869565217391305433913828438;0.023550724637681159923108253906;0.040942028985507243621366768593;0.008333333333333333217685101602;0.045652173913043478381545980938;0.014130434782608695606920257148;0.026449275362318839383002355703;0.013768115942028985240752625430;0.028985507246376811946175777734;0.028623188405797101580008146016;0.011231884057971014412302679375;0.014855072463768116339255520586;0.012318840579710145510805574531;0.004347826086956521791926366660;0.038043478260869567630919618750;0.038768115942028988363254882188;0.040942028985507243621366768593;0.031521739130434781039902247812;0.005434782608695652023067523828;0.000000000000000000000000000000;0.034057971014492753603075669844;0.031884057971014491406069879531;0.016304347826086956069202571484;0.010144927536231883313799784219;0.004347826086956521791926366660;0.009057971014492753950020365039;0.040579710144927533255199136875;0.011956521739130435144637942813;0.011231884057971014412302679375;0.000000000000000000000000000000;0.011594202898550724778470311094;0.004347826086956521791926366660;0.002898550724637681194617577773;0.000000000000000000000000000000;0.022826086956521739190772990469;0.015217391304347826705423152305;0.012318840579710145510805574531;0.039492753623188409095590145625;0.023188405797101449556940622188;0.018115942028985507900040730078;0.022463768115942028824605358750
-0.038194444444444447528397290625;0.004513888888888888464845372539;0.079861111111111104943205418749;0.006944444444444444058950338672;0.002430555555555555594104966133;0.030555555555555554553270880547;0.001041666666666666652210637700;0.015972222222222220988641083750;0.024305555555555555941049661328;0.033333333333333332870740406406;0.017708333333333332870740406406;0.029166666666666667129259593594;0.011458333333333332523795711211;0.048958333333333332870740406406;0.003472222222222222029475169336;0.030902777777777779011358916250;0.020138888888888890199568848516;0.036111111111111107718762980312;0.009374999999999999653055304805;0.010763888888888888811790067734;0.019444444444444444752839729063;0.024652777777777776929690745078;0.004861111111111111188209932266;0.048611111111111111882099322656;0.039583333333333331482961625625;0.041666666666666664353702032031;0.028125000000000000693889390391;0.001388888888888888941894328433;0.001041666666666666652210637700;0.019097222222222223764198645313;0.021527777777777777623580135469;0.026388888888888888811790067734;0.003472222222222222029475169336;0.008333333333333333217685101602;0.013194444444444444405895033867;0.054166666666666668517038374375;0.011111111111111111535154627461;0.009027777777777776929690745078;0.003125000000000000173472347598;0.009722222222222222376419864531;0.004166666666666666608842550801;0.007986111111111110494320541875;0.000000000000000000000000000000;0.021180555555555556634939051719;0.001388888888888888941894328433;0.010416666666666666088425508008;0.041666666666666664353702032031;0.026736111111111109800431151484;0.022222222222222223070309254922;0.020486111111111111188209932266
-0.044298245614035086648030414835;0.001315789473684210496642887911;0.067982456140350880358091956168;0.016666666666666666435370203203;0.003947368421052631706769098230;0.024122807017543858310038018544;0.006140350877192982462227099916;0.017543859649122806043664013487;0.012280701754385964924454199831;0.029824561403508770968118213318;0.018421052631578945651957823770;0.012280701754385964924454199831;0.013596491228070176071618391234;0.057894736842105262719648806069;0.007456140350877192742029553330;0.028508771929824559820954021916;0.016666666666666666435370203203;0.030263157894736842506988594437;0.015350877192982455288206011801;0.017982456140350877582534394605;0.020614035087719299876862777410;0.016666666666666666435370203203;0.011842105263157895120307294690;0.041228070175438599753725554820;0.043421052631578950509183556505;0.043421052631578950509183556505;0.035964912280701755165068789211;0.000000000000000000000000000000;0.001315789473684210496642887911;0.018421052631578945651957823770;0.011842105263157895120307294690;0.014035087719298245875765296375;0.008333333333333333217685101602;0.010964912280701753777290008429;0.017543859649122806043664013487;0.046052631578947365864618035403;0.014035087719298245875765296375;0.014035087719298245875765296375;0.000438596491228070183617665512;0.017982456140350877582534394605;0.002631578947368420993285775822;0.001315789473684210496642887911;0.000000000000000000000000000000;0.022807017543859650632320779096;0.005701754385964912658080194774;0.018859649122807017190828204889;0.039035087719298248998267553134;0.026315789473684209065496020230;0.031578947368421053654152785839;0.021052631578947367946286206575
-0.040425531914893619855888573511;0.006737588652482269686860849589;0.056737588652482268125609721210;0.000000000000000000000000000000;0.004255319148936170282893076688;0.025886524822695034658837087704;0.001063829787234042570723269172;0.041134751773049642309398876705;0.005319148936170212636775911363;0.027304964539007093443645501907;0.029787234042553192847613274807;0.008865248226950355261988256927;0.020921985815602835850901541903;0.046453900709219855813536526057;0.009574468085106382919668988052;0.012765957446808509981317492077;0.009929078014184397615871091602;0.038652482269503546374878055758;0.023049645390070920558667211253;0.009219858156028368223466884501;0.022695035460992909331912059656;0.003191489361702127495329373019;0.022340425531914894635709956106;0.034397163120567376959346717058;0.040780141843971634552090677062;0.048581560283687943990749147360;0.060283687943262408148736852809;0.000354609929078014208311125932;0.000354609929078014208311125932;0.018085106382978721750731665452;0.005673758865248227332978014914;0.005673758865248227332978014914;0.019503546099290780535540079654;0.003900709219858156020371842132;0.025531914893617019962634984154;0.050354609929078017471759665113;0.024468085106382979343475625456;0.002482269503546099403967772901;0.000000000000000000000000000000;0.010638297872340425273551822727;0.004609929078014184111733442251;0.001418439716312056833244503729;0.000000000000000000000000000000;0.013829787234042552335200326752;0.006382978723404254990658746038;0.009574468085106382919668988052;0.035815602836879435744155131260;0.026241134751773049355039191255;0.065957446808510636349076605711;0.018794326241134751143135872553
-0.040780141843971634552090677062;0.007801418439716312040743684264;0.018085106382978721750731665452;0.003546099290780141757850607576;0.035106382978723406351750924159;0.046453900709219855813536526057;0.007801418439716312040743684264;0.025886524822695034658837087704;0.003191489361702127495329373019;0.017375886524822695827774410304;0.023049645390070920558667211253;0.023758865248226949951071418354;0.035460992907801421047953027710;0.021631205673758865243305749004;0.030496453900709218770570529955;0.034042553191489362263144613507;0.004964539007092198807935545801;0.015602836879432624081487368528;0.036879432624113472893867538005;0.005319148936170212636775911363;0.020212765957446809927944286756;0.001773049645390070878925303788;0.020921985815602835850901541903;0.026241134751773049355039191255;0.030496453900709218770570529955;0.028723404255319148759006964156;0.028723404255319148759006964156;0.004609929078014184111733442251;0.000354609929078014208311125932;0.060638297872340422844938956359;0.030141843971631204074368426404;0.009219858156028368223466884501;0.039716312056737590463484366410;0.005673758865248227332978014914;0.030851063829787233466772633506;0.021985815602836879939507852555;0.008865248226950355261988256927;0.015248226950354609385285264977;0.000000000000000000000000000000;0.008510638297872340565786153377;0.006028368794326241161818380476;0.002836879432624113666489007457;0.000000000000000000000000000000;0.017021276595744681131572306754;0.035815602836879435744155131260;0.020921985815602835850901541903;0.021985815602836879939507852555;0.024822695035460994039677729006;0.024822695035460994039677729006;0.015602836879432624081487368528
-0.038148148148148146308056283260;0.003333333333333333547282562037;0.025185185185185185452461098521;0.000370370370370370351979089074;0.025185185185185185452461098521;0.057777777777777775125578330062;0.002222222222222222220294751693;0.008518518518518519017090895318;0.043333333333333334813630699500;0.015185185185185185244294281404;0.017777777777777777762358013547;0.058148148148148150193836869448;0.029999999999999998889776975375;0.025185185185185185452461098521;0.003333333333333333547282562037;0.032222222222222221543752596062;0.011111111111111111535154627461;0.011111111111111111535154627461;0.015185185185185185244294281404;0.008518518518518519017090895318;0.014444444444444443781394582516;0.014074074074074073917306471060;0.011481481481481481399242738917;0.023703703703703702526661700745;0.047407407407407405053323401489;0.021481481481481479872686080057;0.016666666666666666435370203203;0.016296296296296294836558615771;0.001851851851851851922525771243;0.050740740740740739034286832521;0.081851851851851856189945522146;0.009629629629629630344078705662;0.008888888888888888881179006773;0.006666666666666667094565124074;0.027407407407407408106436719208;0.011851851851851851263330850372;0.005925925925925925631665425186;0.028518518518518519433424529552;0.011851851851851851263330850372;0.013333333333333334189130248149;0.001851851851851851922525771243;0.032222222222222221543752596062;0.000000000000000000000000000000;0.017037037037037038034181790636;0.004444444444444444440589503387;0.013333333333333334189130248149;0.018518518518518517490534236458;0.022222222222222223070309254922;0.022222222222222223070309254922;0.012222222222222222862142437805
-0.035374149659863948769178421117;0.006122448979591836419611450282;0.066666666666666665741480812812;0.001020408163265306214495531378;0.004081632653061224857982125513;0.023129251700680270725785092623;0.001700680272108843473985451134;0.018707482993197278864361265960;0.075510204081632656403222370045;0.040476190476190478106932602032;0.014625850340136054006379140446;0.030952380952380953438307642500;0.010544217687074829148397014933;0.038435374149659862208494587321;0.005102040816326530205115918903;0.029591836734693878485646933996;0.031632653061224487445191044799;0.028571428571428570536427926640;0.012244897959183672839222900564;0.008843537414965987192294605279;0.009183673469387755930459782405;0.016666666666666666435370203203;0.004421768707482993596147302640;0.043537414965986391546248768236;0.045578231292517007444686782947;0.034693877551020407823401114911;0.023809523809523808202115446875;0.005442176870748298943281096030;0.000340136054421768683955068502;0.010204081632653060410231837807;0.022789115646258503722343391473;0.021768707482993195773124384118;0.006462585034013605157776627408;0.001700680272108843473985451134;0.008843537414965987192294605279;0.048299319727891157350008199955;0.008843537414965987192294605279;0.008503401360544218454129428153;0.000680272108843537367910137004;0.007142857142857142634106981660;0.005102040816326530205115918903;0.043197278911564628012254019040;0.000000000000000000000000000000;0.026870748299319728580325516987;0.005442176870748298943281096030;0.017006802721088436908258856306;0.035714285714285712303173170312;0.023469387755102041198673745726;0.016326530612244899431928502054;0.014625850340136054006379140446
-0.030370370370370370488588562807;0.014074074074074073917306471060;0.024074074074074074125473288177;0.003703703703703703845051542487;0.046296296296296293726335591145;0.035185185185185187395351391615;0.008888888888888888881179006773;0.028888888888888887562789165031;0.005185185185185185036127464286;0.012592592592592592726230549260;0.025185185185185185452461098521;0.028888888888888887562789165031;0.015185185185185185244294281404;0.012592592592592592726230549260;0.049259259259259259577934386698;0.022962962962962962798485477833;0.004444444444444444440589503387;0.021111111111111111743321444578;0.048148148148148148250946576354;0.003703703703703703845051542487;0.024074074074074074125473288177;0.007777777777777777554191196430;0.017777777777777777762358013547;0.015925925925925926707193980292;0.034444444444444444197728216750;0.020000000000000000416333634234;0.041111111111111112159655078813;0.007777777777777777554191196430;0.001111111111111111110147375847;0.043333333333333334813630699500;0.028888888888888887562789165031;0.011111111111111111535154627461;0.040740740740740744030290443334;0.005185185185185185036127464286;0.020000000000000000416333634234;0.019629629629629628817522046802;0.011851851851851851263330850372;0.010000000000000000208166817117;0.001111111111111111110147375847;0.009259259259259258745267118229;0.010370370370370370072254928573;0.004074074074074073709139653943;0.000000000000000000000000000000;0.014074074074074073917306471060;0.058888888888888886452566140406;0.024444444444444445724284875610;0.016666666666666666435370203203;0.014444444444444443781394582516;0.027037037037037036507625131776;0.018148148148148149361169600979
-0.010648148148148147904001881159;0.008333333333333333217685101602;0.003703703703703703845051542487;0.030092592592592590922118134245;0.131944444444444447528397290625;0.016666666666666666435370203203;0.006481481481481481295159330358;0.042592592592592591616007524635;0.000925925925925925961262885622;0.002777777777777777883788656865;0.018055555555555553859381490156;0.010648148148148147904001881159;0.011111111111111111535154627461;0.008333333333333333217685101602;0.096296296296296296501893152708;0.006944444444444444058950338672;0.003703703703703703845051542487;0.013425925925925926221471407018;0.078703703703703706273664408855;0.000462962962962962980631442811;0.022685185185185186701462001224;0.002777777777777777883788656865;0.003703703703703703845051542487;0.004629629629629629372633559115;0.015277777777777777276635440273;0.008796296296296296848837847904;0.037962962962962962243373965521;0.018518518518518517490534236458;0.001851851851851851922525771243;0.087037037037037037756626034479;0.004629629629629629372633559115;0.004629629629629629372633559115;0.062037037037037036368847253698;0.002314814814814814686316779557;0.007870370370370369586532355299;0.006481481481481481295159330358;0.004166666666666666608842550801;0.000462962962962962980631442811;0.000000000000000000000000000000;0.001388888888888888941894328433;0.009722222222222222376419864531;0.001388888888888888941894328433;0.000000000000000000000000000000;0.004629629629629629372633559115;0.153703703703703703498106847292;0.001851851851851851922525771243;0.003240740740740740647579665179;0.004166666666666666608842550801;0.015277777777777777276635440273;0.006944444444444444058950338672
-0.039393939393939390869459060696;0.007954545454545453725403447720;0.045833333333333330095182844843;0.070454545454545450255956495766;0.021969696969696968918972501683;0.029924242424242422644375949403;0.000378787878787878787550241766;0.014015151515151515193569053963;0.008333333333333333217685101602;0.015909090909090907450806895440;0.018181818181818180935049866775;0.021590909090909091161414323778;0.019318181818181817677171352443;0.043560606060606063549833777415;0.018560606060606062162054996634;0.040909090909090908838585676222;0.011742424242424241709326082628;0.021590909090909091161414323778;0.018181818181818180935049866775;0.009469696969696969959806587269;0.012500000000000000693889390391;0.003787878787878787983922634908;0.007575757575757575967845269815;0.025378787878787879145336958686;0.060227272727272726515757028665;0.036363636363636361870099733551;0.025757575757575756902895136591;0.010227272727272727209646419055;0.000000000000000000000000000000;0.025000000000000001387778780781;0.025000000000000001387778780781;0.007575757575757575967845269815;0.012500000000000000693889390391;0.013257575757575757943729222177;0.034469696969696969612861892074;0.019696969696969695434729530348;0.009848484848484847717364765174;0.012500000000000000693889390391;0.000000000000000000000000000000;0.014772727272727272443408885749;0.001515151515151515150200967064;0.003787878787878787983922634908;0.000000000000000000000000000000;0.011742424242424241709326082628;0.021212121212121213403856145874;0.005303030303030303350964036468;0.034848484848484850839867021932;0.034469696969696969612861892074;0.027651515151515152629579930021;0.025757575757575756902895136591
-0.014341085271317829258341802756;0.018217054263565891220055803501;0.010077519379844961100456401937;0.285658914728682156169980999039;0.111240310077519374831744869425;0.025193798449612402751141004842;0.007364341085271317727256601415;0.026356589147286821339655205065;0.005038759689922480550228200968;0.006589147286821705334913801266;0.010852713178294573492799202086;0.008914728682170542511942201713;0.012403100775193798277484802384;0.011627906976744185885142002235;0.039922480620155041675101159626;0.010077519379844961100456401937;0.006201550387596899138742401192;0.014728682170542635454513202831;0.046899224806201553206186360967;0.002325581395348837177028400447;0.016279069767441860239198803129;0.003100775193798449569371200596;0.004651162790697674354056800894;0.009689922480620154904285001862;0.020542635658914728397084203948;0.008914728682170542511942201713;0.018217054263565891220055803501;0.012015503875968992081313402309;0.002325581395348837177028400447;0.052713178294573642679310410131;0.006589147286821705334913801266;0.006201550387596899138742401192;0.024806201550387596554969604767;0.002713178294573643373199800521;0.010077519379844961100456401937;0.011627906976744185885142002235;0.005426356589147286746399601043;0.004263565891472868157885400819;0.000775193798449612392342800149;0.003100775193798449569371200596;0.006201550387596899138742401192;0.002713178294573643373199800521;0.000000000000000000000000000000;0.003488372093023255765542600670;0.047674418604651165598529161116;0.003875968992248061961714000745;0.007364341085271317727256601415;0.008527131782945736315770801639;0.012015503875968992081313402309;0.010077519379844961100456401937
-0.048648648648648651349191140980;0.001801801801801801829541749278;0.054954954954954955692603135731;0.000000000000000000000000000000;0.000000000000000000000000000000;0.028828828828828829272667988448;0.000450450450450450457385437320;0.017117117117117115754343359413;0.007207207207207207318166997112;0.027927927927927927165274724075;0.023873873873873872886175462327;0.022522522522522521459809041744;0.021171171171171170033442621161;0.054504504504504502904183027567;0.004954954954954954651769050145;0.036486486486486488511893355735;0.013513513513513514263664205828;0.017117117117117115754343359413;0.007207207207207207318166997112;0.011711711711711711783601153058;0.016666666666666666435370203203;0.009909909909909909303538100289;0.013513513513513514263664205828;0.034684684684684684297106826989;0.069819819819819814443739858234;0.053153153153153151477816606985;0.022972972972972974248229149907;0.000000000000000000000000000000;0.000450450450450450457385437320;0.008108108108108108558198523497;0.037387387387387387149839668155;0.012612612612612612156270941455;0.008108108108108108558198523497;0.012612612612612612156270941455;0.035135135135135137085526935152;0.033333333333333332870740406406;0.013963963963963963582637362038;0.019369369369369369288103044369;0.002252252252252252232717077973;0.013963963963963963582637362038;0.000900900900900900914770874639;0.002252252252252252232717077973;0.000000000000000000000000000000;0.015765765765765764327976938830;0.001351351351351351426366420583;0.015765765765765764327976938830;0.052252252252252252839870294565;0.034684684684684684297106826989;0.028378378378378379953694832238;0.030630630630630630018007565241
-0.036742424242424243097104863409;0.005681818181818181975883952362;0.081060606060606055223161092727;0.000000000000000000000000000000;0.000378787878787878787550241766;0.013257575757575757943729222177;0.000378787878787878787550241766;0.019696969696969695434729530348;0.018181818181818180935049866775;0.052651515151515150547911758849;0.019696969696969695434729530348;0.021969696969696968918972501683;0.013257575757575757943729222177;0.051136363636363639517679047231;0.007575757575757575967845269815;0.019696969696969695434729530348;0.033712121212121214097745536264;0.045454545454545455807071618892;0.003409090909090908925321850020;0.013257575757575757943729222177;0.010984848484848484459486250842;0.009848484848484847717364765174;0.004166666666666666608842550801;0.048106060606060603579425816179;0.035606060606060606354983377742;0.050000000000000002775557561563;0.030681818181818181628939257166;0.000000000000000000000000000000;0.000757575757575757575100483532;0.004166666666666666608842550801;0.013257575757575757943729222177;0.032575757575757577355624050597;0.003787878787878787983922634908;0.003409090909090908925321850020;0.011742424242424241709326082628;0.085227272727272720964641905539;0.018181818181818180935049866775;0.004924242424242423858682382587;0.000000000000000000000000000000;0.009848484848484847717364765174;0.006818181818181817850643700041;0.004924242424242423858682382587;0.000000000000000000000000000000;0.023863636363636364645657295114;0.002272727272727272616881233347;0.008333333333333333217685101602;0.055303030303030305259159860043;0.031818181818181814901613790880;0.017045454545454544192928381108;0.015151515151515151935690539631
-0.034552845528455285173397015797;0.008943089430894309369013406297;0.046341463414634145867587733392;0.017886178861788618738026812593;0.055691056910569108895359136113;0.023983739837398373312415955638;0.002845528455284553059900787275;0.015853658536585366056748114261;0.017073170731707318359404723651;0.030081300813008131356252050637;0.019105691056910567571236470030;0.021138211382113820252515168363;0.009756097560975609747635495239;0.034959349593495933627984584291;0.019918699186991871419305510926;0.023577235772357724857828387144;0.018292682926829267192614381088;0.027235772357723578296351263361;0.029674796747967479432217530189;0.006097560975609756309112619022;0.017886178861788618738026812593;0.011788617886178862428914193572;0.006504065040650406498423663493;0.047154471544715449715656774288;0.037804878048780486687885371566;0.038211382113821135142472940061;0.025609756097560974069660133523;0.002439024390243902436908873810;0.000813008130081300812302957937;0.022764227642276424479206298201;0.013821138211382113375469415928;0.019918699186991871419305510926;0.017886178861788618738026812593;0.006910569105691056687734707964;0.010975609756097560315568628653;0.040650406504065039747786158841;0.013821138211382113375469415928;0.006910569105691056687734707964;0.000000000000000000000000000000;0.006097560975609756309112619022;0.005691056910569106119801574550;0.005691056910569106119801574550;0.000000000000000000000000000000;0.019105691056910567571236470030;0.031300813008130083658908660027;0.010975609756097560315568628653;0.043495934959349592807686946117;0.026829268292682926372316742913;0.020731707317073171797927599869;0.025203252032520325615072565029
-0.034905660377358489754318071618;0.010062893081761005789620533335;0.026729559748427673959714212515;0.005345911949685534271525799710;0.053773584905660379296143958072;0.041194968553459117288628732467;0.005660377358490565648241332752;0.028616352201257862220007410770;0.005345911949685534271525799710;0.013207547169811321291499339736;0.026415094339622642582998679472;0.015723270440251572305223604076;0.029245283018867924973438476854;0.029245283018867924973438476854;0.027044025157232705336429745557;0.017610062893081760565516802330;0.011635220125786162673198198547;0.022955974842767293969680864052;0.040880503144654085911913199425;0.003773584905660377387948134498;0.026729559748427673959714212515;0.009433962264150943036189467250;0.023584905660377360192558882090;0.018238993710691823318947868415;0.044654088050314462432499595934;0.027358490566037736713145278600;0.031761006289308175987162741194;0.027672955974842768089860811642;0.000943396226415094346987033624;0.041194968553459117288628732467;0.017295597484276729188801269288;0.005974842767295597892318603783;0.028930817610062893596722943812;0.007232704402515723399180735953;0.029559748427672956350154009897;0.017610062893081760565516802330;0.012578616352201258538068273651;0.007861635220125786152611802038;0.000943396226415094346987033624;0.015408805031446540928508071033;0.006603773584905660645749669868;0.003144654088050314634517068413;0.000000000000000000000000000000;0.011006289308176099919767132462;0.032389937106918238740593807279;0.012578616352201258538068273651;0.020440251572327042955956599712;0.019496855345911948825810000585;0.036792452830188678014611269873;0.013207547169811321291499339736
-0.029999999999999998889776975375;0.025238095238095236555464495609;0.024761904761904762750646114000;0.016190476190476189161104869640;0.013333333333333334189130248149;0.022380952380952379848766398140;0.010000000000000000208166817117;0.041904761904761902990834698812;0.017619047619047617514453918375;0.020476190476190477690598967797;0.017619047619047617514453918375;0.013809523809523809728672105734;0.026190476190476191103995162734;0.020476190476190477690598967797;0.026666666666666668378260496297;0.014761904761904762542479296883;0.020476190476190477690598967797;0.045238095238095236971798129844;0.039047619047619046284136601344;0.004761904761904762334312479766;0.021904761904761906043948016531;0.008095238095238094580552434820;0.032380952380952378322209739281;0.021904761904761906043948016531;0.022380952380952379848766398140;0.025238095238095236555464495609;0.036666666666666666851703837438;0.031428571428571430712572976063;0.000000000000000000000000000000;0.031904761904761907986838309625;0.016190476190476189161104869640;0.016190476190476189161104869640;0.028095238095238096731609545031;0.004761904761904762334312479766;0.029999999999999998889776975375;0.027619047619047619457344211469;0.011904761904761904101057723437;0.016666666666666666435370203203;0.000952380952380952380126322154;0.022380952380952379848766398140;0.010476190476190475747708674703;0.011428571428571428561515865852;0.000000000000000000000000000000;0.015238095238095238082021154469;0.017142857142857143709635536766;0.017619047619047617514453918375;0.013333333333333334189130248149;0.015238095238095238082021154469;0.031904761904761907986838309625;0.010000000000000000208166817117
-0.046666666666666668794594130532;0.006666666666666667094565124074;0.031666666666666669349705642844;0.005555555555555555767577313730;0.031111111111111110216764785719;0.067222222222222224874421669938;0.003888888888888888777095598215;0.023333333333333334397297065266;0.010555555555555555871660722289;0.012777777777777778525636342977;0.022777777777777778733803160094;0.057222222222222222931531376844;0.017777777777777777762358013547;0.027222222222222220572307449515;0.013333333333333334189130248149;0.043888888888888887007677652718;0.014999999999999999444888487687;0.020555555555555556079827539406;0.037777777777777778178691647781;0.002222222222222222220294751693;0.024444444444444445724284875610;0.004444444444444444440589503387;0.004444444444444444440589503387;0.022777777777777778733803160094;0.056666666666666663798590519718;0.027222222222222220572307449515;0.028333333333333331899295259859;0.002222222222222222220294751693;0.000555555555555555555073687923;0.055000000000000000277555756156;0.047777777777777780121581940875;0.012777777777777778525636342977;0.017777777777777777762358013547;0.005000000000000000104083408559;0.011111111111111111535154627461;0.017777777777777777762358013547;0.007777777777777777554191196430;0.026111111111111112714766591125;0.003888888888888888777095598215;0.003888888888888888777095598215;0.006666666666666667094565124074;0.004444444444444444440589503387;0.000000000000000000000000000000;0.010555555555555555871660722289;0.013888888888888888117900677344;0.010555555555555555871660722289;0.018333333333333333425851918719;0.021111111111111111743321444578;0.020555555555555556079827539406;0.016666666666666666435370203203
-0.047286821705426355932910809088;0.005426356589147286746399601043;0.015503875968992247846856002980;0.003875968992248061961714000745;0.032945736434108530144015958285;0.068992248062015509857403117167;0.004651162790697674354056800894;0.021705426356589146985598404171;0.005426356589147286746399601043;0.010077519379844961100456401937;0.024031007751937984162626804618;0.071317829457364340095537613706;0.022093023255813953181769804246;0.019379844961240309808570003725;0.008527131782945736315770801639;0.039922480620155041675101159626;0.004651162790697674354056800894;0.015116279069767441650684602905;0.056589147286821704641024410876;0.002713178294573643373199800521;0.023643410852713177966455404544;0.002325581395348837177028400447;0.007364341085271317727256601415;0.016279069767441860239198803129;0.063565891472868216172109612216;0.030232558139534883301369205810;0.028682170542635658516683605512;0.001550387596899224784685600298;0.000387596899224806196171400074;0.077519379844961239234280014898;0.062790697674418610718660715975;0.004263565891472868157885400819;0.025193798449612402751141004842;0.002713178294573643373199800521;0.015891472868217054043027403054;0.008527131782945736315770801639;0.008527131782945736315770801639;0.025193798449612402751141004842;0.000000000000000000000000000000;0.003875968992248061961714000745;0.004263565891472868157885400819;0.002325581395348837177028400447;0.000000000000000000000000000000;0.010465116279069767296627802011;0.019379844961240309808570003725;0.011627906976744185885142002235;0.013953488372093023062170402682;0.015503875968992247846856002980;0.020155038759689922200912803874;0.013565891472868216865999002607
-0.035772357723577237476053625187;0.010162601626016259936946539710;0.015853658536585366056748114261;0.020325203252032519873893079421;0.062195121951219511924335847652;0.066260162601626010347999340411;0.002845528455284553059900787275;0.017073170731707318359404723651;0.010569105691056910126257584182;0.013414634146341463186158371457;0.023170731707317072933793866696;0.076016260162601628769252215534;0.015447154471544715867437069790;0.012601626016260162807536282514;0.022764227642276424479206298201;0.029268292682926830977629961694;0.013008130081300812996847326986;0.010569105691056910126257584182;0.052439024390243900441976876436;0.002032520325203252247597829339;0.015447154471544715867437069790;0.004471544715447154684506703148;0.003252032520325203249211831746;0.015853658536585366056748114261;0.039837398373983742838611021853;0.019512195121951219495270990478;0.021544715447154472176549688811;0.017479674796747966813992292145;0.002032520325203252247597829339;0.083739837398373984100885536463;0.061382113821138208076266806756;0.009756097560975609747635495239;0.015447154471544715867437069790;0.006910569105691056687734707964;0.007317073170731707744407490424;0.015447154471544715867437069790;0.007317073170731707744407490424;0.019918699186991871419305510926;0.002845528455284553059900787275;0.004065040650406504495195658677;0.002845528455284553059900787275;0.009756097560975609747635495239;0.000000000000000000000000000000;0.013821138211382113375469415928;0.024796747967479673691038044581;0.010975609756097560315568628653;0.016260162601626017980782634709;0.009756097560975609747635495239;0.014227642276422763564780460399;0.012195121951219512618225238043
-0.050370370370370370904922197042;0.010740740740740739936343040029;0.042962962962962959745372160114;0.001481481481481481407916356297;0.005925925925925925631665425186;0.035925925925925923654080662573;0.001111111111111111110147375847;0.031481481481481478346129421197;0.007777777777777777554191196430;0.028148148148148147834612942120;0.026666666666666668378260496297;0.026666666666666668378260496297;0.017037037037037038034181790636;0.045925925925925925596970955667;0.012222222222222222862142437805;0.034814814814814812327092852229;0.008148148148148147418279307885;0.028148148148148147834612942120;0.028518518518518519433424529552;0.008148148148148147418279307885;0.021111111111111111743321444578;0.002962962962962962815832712593;0.007407407407407407690103084974;0.027777777777777776235801354687;0.054074074074074073015250263552;0.050740740740740739034286832521;0.042222222222222223486642889156;0.005185185185185185036127464286;0.000740740740740740703958178148;0.016296296296296294836558615771;0.026666666666666668378260496297;0.009629629629629630344078705662;0.017407407407407406163546426114;0.005925925925925925631665425186;0.017777777777777777762358013547;0.030370370370370370488588562807;0.012222222222222222862142437805;0.010000000000000000208166817117;0.000370370370370370351979089074;0.005185185185185185036127464286;0.007777777777777777554191196430;0.004444444444444444440589503387;0.000000000000000000000000000000;0.015925925925925926707193980292;0.010370370370370370072254928573;0.012962962962962962590318660716;0.041481481481481480289019714291;0.032592592592592589673117231541;0.032592592592592589673117231541;0.025555555555555557051272685953
-0.007222222222222221890697291258;0.040555555555555553026714221687;0.010555555555555555871660722289;0.040555555555555553026714221687;0.156111111111111117155658689626;0.028888888888888887562789165031;0.010555555555555555871660722289;0.043333333333333334813630699500;0.006666666666666667094565124074;0.002222222222222222220294751693;0.017777777777777777762358013547;0.017777777777777777762358013547;0.003333333333333333547282562037;0.003333333333333333547282562037;0.089444444444444437536390068999;0.006111111111111111431071218902;0.005555555555555555767577313730;0.021666666666666667406815349750;0.085555555555555551361379684749;0.002777777777777777883788656865;0.024444444444444445724284875610;0.003333333333333333547282562037;0.003888888888888888777095598215;0.004444444444444444440589503387;0.016111111111111110771876298031;0.003333333333333333547282562037;0.026111111111111112714766591125;0.038333333333333330372738601000;0.000000000000000000000000000000;0.073333333333333333703407674875;0.011666666666666667198648532633;0.003333333333333333547282562037;0.023888888888888890060790970438;0.001666666666666666773641281019;0.005000000000000000104083408559;0.005555555555555555767577313730;0.003333333333333333547282562037;0.001666666666666666773641281019;0.000555555555555555555073687923;0.001111111111111111110147375847;0.018333333333333333425851918719;0.010000000000000000208166817117;0.000000000000000000000000000000;0.004444444444444444440589503387;0.085555555555555551361379684749;0.007222222222222221890697291258;0.006111111111111111431071218902;0.002777777777777777883788656865;0.009444444444444444544672911945;0.005000000000000000104083408559
-0.034074074074074076068363581271;0.022962962962962962798485477833;0.025185185185185185452461098521;0.015925925925925926707193980292;0.095185185185185192113799246272;0.024814814814814813853649511088;0.009259259259259258745267118229;0.024444444444444445724284875610;0.010000000000000000208166817117;0.021481481481481479872686080057;0.015555555555555555108382392859;0.017407407407407406163546426114;0.008888888888888888881179006773;0.024444444444444445724284875610;0.039259259259259257635044093604;0.020000000000000000416333634234;0.014074074074074073917306471060;0.025185185185185185452461098521;0.052592592592592593558897817729;0.005185185185185185036127464286;0.025925925925925925180637321432;0.011111111111111111535154627461;0.003703703703703703845051542487;0.024814814814814813853649511088;0.027407407407407408106436719208;0.026666666666666668378260496297;0.026666666666666668378260496297;0.021481481481481479872686080057;0.000370370370370370351979089074;0.035925925925925923654080662573;0.011851851851851851263330850372;0.012592592592592592726230549260;0.015925925925925926707193980292;0.004814814814814815172039352831;0.008888888888888888881179006773;0.025925925925925925180637321432;0.009629629629629630344078705662;0.020370370370370372015145221667;0.002592592592592592518063732143;0.005925925925925925631665425186;0.009629629629629630344078705662;0.012592592592592592726230549260;0.000000000000000000000000000000;0.016666666666666666435370203203;0.040740740740740744030290443334;0.013333333333333334189130248149;0.033703703703703701000105041885;0.017777777777777777762358013547;0.014814814814814815380206169948;0.012222222222222222862142437805
-0.033333333333333332870740406406;0.007936507936507936067371815625;0.051587301587301584437916801562;0.019841269841269840168429539062;0.039285714285714284921269268125;0.026190476190476191103995162734;0.003571428571428571317053490830;0.019841269841269840168429539062;0.005952380952380952050528861719;0.034523809523809526056403740313;0.012301587301587301251371009414;0.019444444444444444752839729063;0.014682539682539682418527249297;0.035317460317460316887583360312;0.014285714285714285268213963320;0.024206349206349207087152208828;0.019444444444444444752839729063;0.017857142857142856151586585156;0.028968253968253969421464688594;0.009126984126984127518311673555;0.015079365079365079568840535273;0.009126984126984127518311673555;0.007539682539682539784420267637;0.045238095238095236971798129844;0.040476190476190478106932602032;0.040476190476190478106932602032;0.027380952380952380820211544687;0.032936507936507937455150596406;0.001190476190476190583578119941;0.031746031746031744269487262500;0.016269841269841271019780393203;0.020238095238095239053466301016;0.009126984126984127518311673555;0.008730158730158730367998387578;0.017063492063492061850960013203;0.040873015873015873522522412031;0.009523809523809524668624959531;0.009523809523809524668624959531;0.000396825396825396825052634231;0.008730158730158730367998387578;0.005555555555555555767577313730;0.004761904761904762334312479766;0.000000000000000000000000000000;0.018650793650793650452213157109;0.018253968253968255036623347110;0.020238095238095239053466301016;0.039285714285714284921269268125;0.025396825396825396803368590781;0.017063492063492061850960013203;0.021428571428571428769682682969
-0.063888888888888883954564334999;0.004365079365079365183999193789;0.030952380952380953438307642500;0.003571428571428571317053490830;0.012698412698412698401684295391;0.051984126984126986792400515469;0.005158730158730158617264027754;0.028174603174603175120838116641;0.007142857142857142634106981660;0.021428571428571428769682682969;0.025793650793650792218958400781;0.040476190476190478106932602032;0.022619047619047618485899064922;0.030158730158730159137681070547;0.005158730158730158617264027754;0.030555555555555554553270880547;0.009126984126984127518311673555;0.016269841269841271019780393203;0.029365079365079364837054498594;0.006746031746031746351155433672;0.022222222222222223070309254922;0.006349206349206349200842147695;0.013492063492063492702310867344;0.029761904761904760252644308594;0.059920634920634922859772331094;0.046825396825396825573051273750;0.026190476190476191103995162734;0.003571428571428571317053490830;0.002777777777777777883788656865;0.026587301587301586519584972734;0.040476190476190478106932602032;0.011111111111111111535154627461;0.010317460317460317234528055508;0.005555555555555555767577313730;0.016666666666666666435370203203;0.030158730158730159137681070547;0.013492063492063492702310867344;0.019841269841269840168429539062;0.002380952380952381167156239883;0.005952380952380952050528861719;0.003571428571428571317053490830;0.007142857142857142634106981660;0.000000000000000000000000000000;0.020238095238095239053466301016;0.007936507936507936067371815625;0.020634920634920634469056111016;0.030555555555555554553270880547;0.021428571428571428769682682969;0.034920634920634921471993550313;0.014285714285714285268213963320
-0.039316239316239315337853099663;0.017521367521367521569164438233;0.020085470085470086970547143324;0.026923076923076924571454071611;0.061111111111111109106541761093;0.046581196581196582240380621442;0.008974358974358973700669039886;0.021794871794871793768688661430;0.006410256410256410034009810772;0.007692307692307692734701163317;0.019658119658119657668926549832;0.042735042735042735873030039784;0.014957264957264957902505209120;0.022222222222222223070309254922;0.027350427350427350403627713149;0.040598290598290599773267928185;0.007692307692307692734701163317;0.013675213675213675201813856575;0.052564102564102564707493314700;0.003846153846153846367350581659;0.021794871794871793768688661430;0.002991452991452991667237215623;0.000854700854700854700113366036;0.019230769230769231836752908293;0.041452991452991451437615211262;0.028205128205128205537421948179;0.020085470085470086970547143324;0.022222222222222223070309254922;0.001709401709401709400226732072;0.052991452991452990539666956238;0.070085470085470086276657752933;0.011111111111111111535154627461;0.016666666666666666435370203203;0.005555555555555555767577313730;0.008119658119658120301598280832;0.012393162393162392501122504029;0.005982905982905983334474431246;0.023504273504273504036277131490;0.000427350427350427350056683018;0.002564102564102564100340098108;0.007692307692307692734701163317;0.009401709401709401267566157401;0.000000000000000000000000000000;0.014102564102564102768710974090;0.029059829059829060671216183209;0.009829059829059828834463274916;0.015384615384615385469402326635;0.019230769230769231836752908293;0.012393162393162392501122504029;0.013247863247863247634916739059
-0.045959595959595957170851221463;0.006060606060606060600803868255;0.050000000000000002775557561563;0.003030303030303030300401934127;0.007575757575757575967845269815;0.050000000000000002775557561563;0.001515151515151515150200967064;0.009090909090909090467524933388;0.007575757575757575967845269815;0.025757575757575756902895136591;0.014141414141414142269237430583;0.026262626262626261736121691115;0.019191919191919190601502975824;0.054040404040404041441369997756;0.004545454545454545233762466694;0.050505050505050504139337164133;0.019191919191919190601502975824;0.016666666666666666435370203203;0.015151515151515151935690539631;0.004545454545454545233762466694;0.012626262626262626034834291033;0.007575757575757575967845269815;0.002525252525252525467175379603;0.037373737373737371536552842599;0.069696969696969701679734043864;0.043434343434343436474165400796;0.023232323232323232736762363970;0.009090909090909090467524933388;0.000505050505050505050066989021;0.027272727272727271402574800163;0.020202020202020203737403036826;0.021212121212121213403856145874;0.005050505050505050934350759206;0.009090909090909090467524933388;0.015656565656565656768917094155;0.047474747474747475139977836989;0.007575757575757575967845269815;0.011111111111111111535154627461;0.000505050505050505050066989021;0.010101010101010101868701518413;0.003030303030303030300401934127;0.009090909090909090467524933388;0.000000000000000000000000000000;0.015151515151515151935690539631;0.004040404040404040400535912170;0.008585858585858585634298378864;0.059090909090909089773635542997;0.042929292929292928171491894318;0.018686868686868685768276421300;0.027272727272727271402574800163
-0.052252252252252252839870294565;0.007657657657657657504501891310;0.030180180180180180699034409031;0.000450450450450450457385437320;0.012162162162162162837297785245;0.076576576576576571575571961148;0.002252252252252252232717077973;0.010810810810810811410931364662;0.006756756756756757131832102914;0.014414414414414414636333994224;0.017567567567567568542763467576;0.056306306306306307118969556313;0.030180180180180180699034409031;0.028378378378378379953694832238;0.006756756756756757131832102914;0.048198198198198198560771032817;0.010810810810810811410931364662;0.010810810810810811410931364662;0.028828828828828829272667988448;0.002702702702702702852732841166;0.017117117117117115754343359413;0.004504504504504504465434155946;0.009009009009009008930868311893;0.017117117117117115754343359413;0.065765765765765760164640596486;0.031081081081081082806427673404;0.020270270270270271395496308742;0.003603603603603603659083498556;0.001351351351351351426366420583;0.068468468468468463017373437651;0.059009009009009009971702397479;0.011711711711711711783601153058;0.013513513513513514263664205828;0.006756756756756757131832102914;0.018918918918918919969129888159;0.016666666666666666435370203203;0.005855855855855855891800576529;0.025225225225225224312541882909;0.001801801801801801829541749278;0.006756756756756757131832102914;0.002252252252252252232717077973;0.004504504504504504465434155946;0.000000000000000000000000000000;0.013513513513513514263664205828;0.009909909909909909303538100289;0.013063063063063063209967573641;0.019369369369369369288103044369;0.036936936936936934361419559991;0.017117117117117115754343359413;0.024774774774774774993568726700
-0.045333333333333336589987538900;0.010666666666666666310470112933;0.016000000000000000333066907388;0.020666666666666666518636930050;0.025999999999999998806510248528;0.064666666666666663965123973412;0.005333333333333333155235056466;0.020666666666666666518636930050;0.006000000000000000124900090270;0.007333333333333333196868419890;0.024666666666666666601903656897;0.053333333333333336756520992594;0.025333333333333332704206952712;0.009333333333333334105863521302;0.029999999999999998889776975375;0.034000000000000002442490654175;0.006000000000000000124900090270;0.014666666666666666393736839780;0.044666666666666667018237291131;0.002666666666666666577617528233;0.032000000000000000666133814775;0.006666666666666667094565124074;0.008000000000000000166533453694;0.012666666666666666352103476356;0.052666666666666667184770744825;0.031333333333333331094383567006;0.027333333333333334480563792113;0.018666666666666668211727042603;0.000666666666666666644404382058;0.066666666666666665741480812812;0.058000000000000002942091015257;0.005333333333333333155235056466;0.016000000000000000333066907388;0.006666666666666667094565124074;0.016666666666666666435370203203;0.012666666666666666352103476356;0.005333333333333333155235056466;0.025999999999999998806510248528;0.000000000000000000000000000000;0.008666666666666666268836749509;0.009333333333333334105863521302;0.002000000000000000041633363423;0.000000000000000000000000000000;0.008666666666666666268836749509;0.034666666666666665075346998037;0.014666666666666666393736839780;0.012666666666666666352103476356;0.014000000000000000291433543964;0.010000000000000000208166817117;0.014666666666666666393736839780
-0.059166666666666666019036568969;0.007916666666666667337426410711;0.042083333333333333703407674875;0.012083333333333333078907223523;0.014999999999999999444888487687;0.039166666666666669072149886688;0.002916666666666666799662133158;0.022916666666666665047591422422;0.009166666666666666712925959359;0.027083333333333334258519187188;0.019166666666666665186369300500;0.039583333333333331482961625625;0.008333333333333333217685101602;0.034166666666666664631257788187;0.017083333333333332315628894094;0.035416666666666665741480812812;0.010833333333333333703407674875;0.019166666666666665186369300500;0.021250000000000001526556658860;0.004583333333333333356462979680;0.017500000000000001665334536938;0.008750000000000000832667268469;0.009166666666666666712925959359;0.034166666666666664631257788187;0.053333333333333336756520992594;0.042500000000000003053113317719;0.028333333333333331899295259859;0.022499999999999999167332731531;0.001250000000000000026020852140;0.031666666666666669349705642844;0.033333333333333332870740406406;0.016250000000000000555111512313;0.010000000000000000208166817117;0.009583333333333332593184650250;0.011249999999999999583666365766;0.026666666666666668378260496297;0.014166666666666665949647629930;0.014166666666666665949647629930;0.000416666666666666693410320255;0.007083333333333332974823814965;0.006250000000000000346944695195;0.003333333333333333547282562037;0.000000000000000000000000000000;0.017083333333333332315628894094;0.012083333333333333078907223523;0.012916666666666666574148081281;0.035416666666666665741480812812;0.025416666666666667268037471672;0.020833333333333332176851016015;0.027500000000000000138777878078
-0.043055555555555555247160270937;0.003472222222222222029475169336;0.039583333333333331482961625625;0.005208333333333333044212754004;0.032638888888888890893458238907;0.045138888888888888117900677344;0.001041666666666666652210637700;0.014583333333333333564629796797;0.014583333333333333564629796797;0.017708333333333332870740406406;0.013541666666666667129259593594;0.078819444444444441977282167500;0.014236111111111110841265237070;0.027430555555555555247160270937;0.009374999999999999653055304805;0.047569444444444441977282167500;0.015277777777777777276635440273;0.016319444444444445446729119453;0.025347222222222222376419864531;0.003819444444444444319158860068;0.013194444444444444405895033867;0.011458333333333332523795711211;0.004861111111111111188209932266;0.022222222222222223070309254922;0.053819444444444447528397290625;0.037847222222222219600862302968;0.025694444444444443365060948281;0.035069444444444444752839729063;0.000694444444444444470947164216;0.048611111111111111882099322656;0.056944444444444443365060948281;0.009374999999999999653055304805;0.013888888888888888117900677344;0.006597222222222222202947516934;0.005555555555555555767577313730;0.025694444444444443365060948281;0.006250000000000000346944695195;0.015972222222222220988641083750;0.001388888888888888941894328433;0.004513888888888888464845372539;0.001041666666666666652210637700;0.004861111111111111188209932266;0.000000000000000000000000000000;0.010069444444444445099784424258;0.011458333333333332523795711211;0.010069444444444445099784424258;0.036111111111111107718762980312;0.019791666666666665741480812812;0.017013888888888887424011286953;0.021180555555555556634939051719
-0.045370370370370373402924002448;0.008796296296296296848837847904;0.019907407407407408383992475365;0.020370370370370372015145221667;0.068518518518518520266091798021;0.051851851851851850361274642864;0.002314814814814814686316779557;0.014351851851851851749053423646;0.006481481481481481295159330358;0.011111111111111111535154627461;0.020370370370370372015145221667;0.048611111111111111882099322656;0.028703703703703703498106847292;0.024537037037037037756626034479;0.023148148148148146863167795573;0.030092592592592590922118134245;0.006481481481481481295159330358;0.014351851851851851749053423646;0.034259259259259260133045899011;0.005555555555555555767577313730;0.013888888888888888117900677344;0.008333333333333333217685101602;0.009259259259259258745267118229;0.016203703703703702804217456901;0.053240740740740741254732881771;0.025462962962962961549484575130;0.022685185185185186701462001224;0.012962962962962962590318660716;0.000462962962962962980631442811;0.067129629629629636311527463022;0.030092592592592590922118134245;0.007870370370370369586532355299;0.024074074074074074125473288177;0.006944444444444444058950338672;0.019444444444444444752839729063;0.014814814814814815380206169948;0.008333333333333333217685101602;0.021296296296296295808003762318;0.000462962962962962980631442811;0.010185185185185186007572610833;0.003703703703703703845051542487;0.001388888888888888941894328433;0.000000000000000000000000000000;0.012962962962962962590318660716;0.026388888888888888811790067734;0.012500000000000000693889390391;0.015740740740740739173064710599;0.023611111111111110494320541875;0.023611111111111110494320541875;0.021759259259259259439156508620
-0.012121212121212121201607736509;0.036363636363636361870099733551;0.009090909090909090467524933388;0.066666666666666665741480812812;0.114141414141414140881458649801;0.022222222222222223070309254922;0.008585858585858585634298378864;0.057070707070707070440729324901;0.000000000000000000000000000000;0.003535353535353535567309357646;0.025252525252525252069668582067;0.007575757575757575967845269815;0.010606060606060606701928072937;0.002525252525252525467175379603;0.077272727272727270708685409772;0.007575757575757575967845269815;0.001515151515151515150200967064;0.019696969696969695434729530348;0.086363636363636364645657295114;0.002525252525252525467175379603;0.034343434343434342537193515454;0.003030303030303030300401934127;0.002020202020202020200267956085;0.009090909090909090467524933388;0.016161616161616161602143648679;0.006060606060606060600803868255;0.042424242424242426807712291748;0.040404040404040407474806073651;0.000505050505050505050066989021;0.067676767676767682346827825768;0.006060606060606060600803868255;0.002525252525252525467175379603;0.034848484848484850839867021932;0.002525252525252525467175379603;0.003030303030303030300401934127;0.006565656565656565434030422779;0.007575757575757575967845269815;0.006060606060606060600803868255;0.002020202020202020200267956085;0.001515151515151515150200967064;0.012626262626262626034834291033;0.004040404040404040400535912170;0.000000000000000000000000000000;0.008080808080808080801071824339;0.078787878787878781738918121391;0.008585858585858585634298378864;0.004545454545454545233762466694;0.001515151515151515150200967064;0.012626262626262626034834291033;0.004040404040404040400535912170
-0.026666666666666668378260496297;0.020370370370370372015145221667;0.041481481481481480289019714291;0.020740740740740740144509857146;0.040000000000000000832667268469;0.021111111111111111743321444578;0.005555555555555555767577313730;0.038888888888888889505679458125;0.008518518518518519017090895318;0.025555555555555557051272685953;0.018888888888888889089345823891;0.008518518518518519017090895318;0.010370370370370370072254928573;0.037777777777777778178691647781;0.031481481481481478346129421197;0.021111111111111111743321444578;0.011851851851851851263330850372;0.033333333333333332870740406406;0.048518518518518516380311211833;0.010370370370370370072254928573;0.023333333333333334397297065266;0.009629629629629630344078705662;0.003333333333333333547282562037;0.038888888888888889505679458125;0.040740740740740744030290443334;0.039629629629629632703302632990;0.034814814814814812327092852229;0.021481481481481479872686080057;0.000740740740740740703958178148;0.033333333333333332870740406406;0.013703703703703704053218359604;0.017037037037037038034181790636;0.015925925925925926707193980292;0.002592592592592592518063732143;0.007777777777777777554191196430;0.035555555555555555524716027094;0.011481481481481481399242738917;0.005185185185185185036127464286;0.000370370370370370351979089074;0.004444444444444444440589503387;0.010370370370370370072254928573;0.003333333333333333547282562037;0.000000000000000000000000000000;0.014074074074074073917306471060;0.029999999999999998889776975375;0.006296296296296296363115274630;0.033333333333333332870740406406;0.021481481481481479872686080057;0.024444444444444445724284875610;0.015555555555555555108382392859
-0.069791666666666668517038374375;0.005208333333333333044212754004;0.030208333333333333564629796797;0.018229166666666667823148983985;0.001041666666666666652210637700;0.042708333333333334258519187188;0.002083333333333333304421275400;0.016145833333333334952408577578;0.005729166666666666261897855605;0.032291666666666669904817155157;0.020833333333333332176851016015;0.033333333333333332870740406406;0.028645833333333332176851016015;0.052083333333333335646297967969;0.001562500000000000086736173799;0.050000000000000002775557561563;0.006250000000000000346944695195;0.013541666666666667129259593594;0.008333333333333333217685101602;0.006250000000000000346944695195;0.010937499999999999306110609609;0.003125000000000000173472347598;0.000520833333333333326105318850;0.047395833333333331482961625625;0.075520833333333328707404064062;0.054166666666666668517038374375;0.020312500000000000693889390391;0.013541666666666667129259593594;0.000520833333333333326105318850;0.011458333333333332523795711211;0.016666666666666666435370203203;0.013020833333333333911574491992;0.004687499999999999826527652402;0.009895833333333332870740406406;0.019270833333333334258519187188;0.031770833333333331482961625625;0.005729166666666666261897855605;0.017187500000000001387778780781;0.001041666666666666652210637700;0.007291666666666666782314898398;0.003125000000000000173472347598;0.009895833333333332870740406406;0.000000000000000000000000000000;0.018749999999999999306110609609;0.002083333333333333304421275400;0.015625000000000000000000000000;0.050000000000000002775557561563;0.045833333333333330095182844843;0.016145833333333334952408577578;0.030208333333333333564629796797
-0.029729729729729731380061252821;0.010360360360360360357234732476;0.035135135135135137085526935152;0.018018018018018017861736623786;0.052702702702702705628290402728;0.034684684684684684297106826989;0.001801801801801801829541749278;0.025225225225225224312541882909;0.021621621621621622821862729324;0.022072072072072072140835885534;0.019819819819819818607076200578;0.018468468468468467180709779996;0.014864864864864865690030626411;0.028828828828828829272667988448;0.031081081081081082806427673404;0.029729729729729731380061252821;0.011711711711711711783601153058;0.022072072072072072140835885534;0.033333333333333332870740406406;0.007207207207207207318166997112;0.017567567567567568542763467576;0.009909909909909909303538100289;0.002252252252252252232717077973;0.036036036036036035723473247572;0.038738738738738738576206088737;0.028378378378378379953694832238;0.031081081081081082806427673404;0.037387387387387387149839668155;0.002702702702702702852732841166;0.043243243243243245643725458649;0.013513513513513514263664205828;0.018468468468468467180709779996;0.013963963963963963582637362038;0.006756756756756757131832102914;0.012612612612612612156270941455;0.031081081081081082806427673404;0.006306306306306306078135470727;0.008558558558558557877171679706;0.009009009009009008930868311893;0.007207207207207207318166997112;0.006306306306306306078135470727;0.015315315315315315009003782620;0.000000000000000000000000000000;0.012612612612612612156270941455;0.023873873873873872886175462327;0.012612612612612612156270941455;0.028378378378378379953694832238;0.026126126126126126419935147283;0.015315315315315315009003782620;0.016216216216216217116397046993
-0.057500000000000002498001805407;0.007499999999999999722444243844;0.022083333333333333287074040641;0.015416666666666667059870654555;0.047500000000000000555111512313;0.052083333333333335646297967969;0.001250000000000000026020852140;0.018333333333333333425851918719;0.007916666666666667337426410711;0.014999999999999999444888487687;0.020416666666666666296592325125;0.052499999999999998057109706906;0.022083333333333333287074040641;0.026666666666666668378260496297;0.011666666666666667198648532633;0.043749999999999997224442438437;0.008750000000000000832667268469;0.014166666666666665949647629930;0.035833333333333335091186455656;0.005416666666666666851703837438;0.018749999999999999306110609609;0.004166666666666666608842550801;0.005833333333333333599324266316;0.017916666666666667545593227828;0.068333333333333329262515576374;0.028333333333333331899295259859;0.025833333333333333148296162562;0.033333333333333332870740406406;0.000000000000000000000000000000;0.043749999999999997224442438437;0.047083333333333331205405869468;0.004166666666666666608842550801;0.012500000000000000693889390391;0.007499999999999999722444243844;0.014583333333333333564629796797;0.013333333333333334189130248149;0.009583333333333332593184650250;0.017916666666666667545593227828;0.004166666666666666608842550801;0.005833333333333333599324266316;0.003749999999999999861222121922;0.011249999999999999583666365766;0.000000000000000000000000000000;0.010416666666666666088425508008;0.017916666666666667545593227828;0.009166666666666666712925959359;0.015416666666666667059870654555;0.021666666666666667406815349750;0.022499999999999999167332731531;0.019166666666666665186369300500
-0.043518518518518518878313017240;0.010185185185185186007572610833;0.033333333333333332870740406406;0.009259259259259258745267118229;0.004166666666666666608842550801;0.053240740740740741254732881771;0.001388888888888888941894328433;0.028240740740740739866954100989;0.004629629629629629372633559115;0.029629629629629630760412339896;0.030092592592592590922118134245;0.047685185185185184619793830052;0.013888888888888888117900677344;0.037499999999999998612221219219;0.017592592592592593697675695807;0.036111111111111107718762980312;0.006944444444444444058950338672;0.012037037037037037062736644089;0.022222222222222223070309254922;0.001388888888888888941894328433;0.026388888888888888811790067734;0.006944444444444444058950338672;0.004166666666666666608842550801;0.037037037037037034981068472916;0.058796296296296297889671933490;0.041203703703703700722549285729;0.033796296296296296501893152708;0.013425925925925926221471407018;0.000462962962962962980631442811;0.015277777777777777276635440273;0.045370370370370373402924002448;0.017129629629629630066522949505;0.009722222222222222376419864531;0.007407407407407407690103084974;0.013888888888888888117900677344;0.026388888888888888811790067734;0.009722222222222222376419864531;0.022222222222222223070309254922;0.000000000000000000000000000000;0.003240740740740740647579665179;0.006944444444444444058950338672;0.008796296296296296848837847904;0.000000000000000000000000000000;0.021296296296296295808003762318;0.011111111111111111535154627461;0.017129629629629630066522949505;0.037962962962962962243373965521;0.023611111111111110494320541875;0.021296296296296295808003762318;0.016203703703703702804217456901
-0.029279279279279278591641144658;0.022522522522522521459809041744;0.024324324324324325674595570490;0.032432432432432434232794093987;0.103153153153153154253374168547;0.028828828828828829272667988448;0.017567567567567568542763467576;0.034684684684684684297106826989;0.007657657657657657504501891310;0.017117117117117115754343359413;0.017117117117117115754343359413;0.027027027027027028527328411656;0.011261261261261260729904520872;0.021171171171171170033442621161;0.028378378378378379953694832238;0.035585585585585582935053139408;0.009909909909909909303538100289;0.021171171171171170033442621161;0.050450450450450448625083765819;0.003153153153153153039067735364;0.028378378378378379953694832238;0.004054054054054054279099261748;0.001351351351351351426366420583;0.025675675675675677100961991073;0.035585585585585582935053139408;0.030630630630630630018007565241;0.025675675675675677100961991073;0.029279279279279278591641144658;0.000450450450450450457385437320;0.040990990990990988640518821740;0.022072072072072072140835885534;0.009009009009009008930868311893;0.005405405405405405705465682331;0.003603603603603603659083498556;0.005855855855855855891800576529;0.020270270270270271395496308742;0.009009009009009008930868311893;0.009459459459459459984564944079;0.000000000000000000000000000000;0.000900900900900900914770874639;0.009459459459459459984564944079;0.010810810810810811410931364662;0.000000000000000000000000000000;0.015765765765765764327976938830;0.035135135135135137085526935152;0.010360360360360360357234732476;0.025225225225225224312541882909;0.012612612612612612156270941455;0.010810810810810811410931364662;0.019369369369369369288103044369
-0.017094017094017095736990796695;0.029487179487179486503389824748;0.013247863247863247634916739059;0.260256410256410275483318628176;0.091025641025641021442105227379;0.018376068376068376702958673263;0.006410256410256410034009810772;0.029059829059829060671216183209;0.005982905982905983334474431246;0.003846153846153846367350581659;0.008547008547008547868495398347;0.028205128205128205537421948179;0.007264957264957265167804045802;0.011111111111111111535154627461;0.057692307692307695510258724880;0.013675213675213675201813856575;0.006837606837606837600906928287;0.012820512820512820068019621544;0.032905982905982907038566764868;0.002136752136752136967123849587;0.011965811965811966668948862491;0.002564102564102564100340098108;0.005555555555555555767577313730;0.008547008547008547868495398347;0.013675213675213675201813856575;0.008119658119658120301598280832;0.017948717948717947401338079771;0.066239316239316239909307171274;0.000854700854700854700113366036;0.030341880341880341637184059778;0.034188034188034191473981593390;0.005555555555555555767577313730;0.007692307692307692734701163317;0.003418803418803418800453464144;0.005128205128205128200680196215;0.008547008547008547868495398347;0.006410256410256410034009810772;0.005555555555555555767577313730;0.000854700854700854700113366036;0.005128205128205128200680196215;0.013675213675213675201813856575;0.006410256410256410034009810772;0.000000000000000000000000000000;0.005982905982905983334474431246;0.039316239316239315337853099663;0.008119658119658120301598280832;0.008547008547008547868495398347;0.005555555555555555767577313730;0.003846153846153846367350581659;0.004273504273504273934247699174
-0.050378787878787877063668787514;0.012878787878787878451447568295;0.028030303030303030387138107926;0.106439393939393944776838907273;0.037878787878787879839226349077;0.007954545454545453725403447720;0.002651515151515151675482018234;0.015151515151515151935690539631;0.003787878787878787983922634908;0.051893939393939395032795403040;0.012500000000000000693889390391;0.007954545454545453725403447720;0.004166666666666666608842550801;0.040151515151515153323469320412;0.007196969696969697342925353922;0.032575757575757577355624050597;0.007954545454545453725403447720;0.014772727272727272443408885749;0.012121212121212121201607736509;0.003787878787878787983922634908;0.017045454545454544192928381108;0.001136363636363636308440616673;0.001136363636363636308440616673;0.076136363636363640905457828012;0.042045454545454545580707161889;0.062121212121212118772994870142;0.018560606060606062162054996634;0.006439393939393939225723784148;0.000378787878787878787550241766;0.004545454545454545233762466694;0.006818181818181817850643700041;0.029545454545454544886817771498;0.002272727272727272616881233347;0.001515151515151515150200967064;0.003409090909090908925321850020;0.045075757575757574580066489034;0.008333333333333333217685101602;0.010984848484848484459486250842;0.000378787878787878787550241766;0.003409090909090908925321850020;0.003409090909090908925321850020;0.006060606060606060600803868255;0.000000000000000000000000000000;0.038257575757575754127337575028;0.007196969696969697342925353922;0.023106060606060605661093987351;0.054166666666666668517038374375;0.035606060606060606354983377742;0.010984848484848484459486250842;0.019696969696969695434729530348
-0.032098765432098767813595685539;0.012345679012345678327022824305;0.053086419753086422357313267639;0.121913580246913580418244293924;0.005246913580246913635929395525;0.021604938271604937072289942535;0.004629629629629629372633559115;0.019135802469135803488553548846;0.023456790123456791596900927743;0.034259259259259260133045899011;0.010802469135802468536144971267;0.016049382716049383906797842769;0.011419753086419752799440807678;0.027777777777777776235801354687;0.012345679012345678327022824305;0.027469135802469134971515174470;0.026851851851851852442942814037;0.031790123456790123079862553368;0.008333333333333333217685101602;0.010185185185185186007572610833;0.012962962962962962590318660716;0.018209876543209876226248056241;0.006790123456790123426807248563;0.048765432098765430779518936788;0.028395061728395062233820667075;0.030246913580246913288984700330;0.026234567901234566444923501649;0.003086419753086419581755706076;0.004320987654320987240985640909;0.016666666666666666435370203203;0.017901234567901234961961876024;0.026851851851851852442942814037;0.004938271604938271504281477320;0.005864197530864197899225231936;0.012962962962962962590318660716;0.038580246913580244771946325955;0.009259259259259258745267118229;0.016049382716049383906797842769;0.000000000000000000000000000000;0.014506172839506172381196513754;0.004629629629629629372633559115;0.012037037037037037062736644089;0.000000000000000000000000000000;0.025617283950617283916351141215;0.006172839506172839163511412153;0.019135802469135803488553548846;0.032098765432098767813595685539;0.019135802469135803488553548846;0.016666666666666666435370203203;0.011111111111111111535154627461
-0.021590909090909091161414323778;0.018181818181818180935049866775;0.016287878787878788677812025298;0.268560606060606055223161092727;0.036742424242424243097104863409;0.020454545454545454419292838111;0.010227272727272727209646419055;0.031060606060606059386497435071;0.008712121212121212709966755483;0.004924242424242423858682382587;0.010606060606060606701928072937;0.037499999999999998612221219219;0.003787878787878787983922634908;0.010606060606060606701928072937;0.032575757575757577355624050597;0.017803030303030303177491688871;0.009469696969696969959806587269;0.022348484848484850145977631541;0.038257575757575754127337575028;0.001893939393939393991961317454;0.022348484848484850145977631541;0.005681818181818181975883952362;0.005303030303030303350964036468;0.011363636363636363951767904723;0.021212121212121213403856145874;0.014015151515151515193569053963;0.034469696969696969612861892074;0.012121212121212121201607736509;0.001136363636363636308440616673;0.043560606060606063549833777415;0.023863636363636364645657295114;0.006439393939393939225723784148;0.014393939393939394685850707845;0.003787878787878787983922634908;0.003409090909090908925321850020;0.014772727272727272443408885749;0.006060606060606060600803868255;0.026893939393939393645016622258;0.001136363636363636308440616673;0.003409090909090908925321850020;0.009469696969696969959806587269;0.003787878787878787983922634908;0.000000000000000000000000000000;0.012121212121212121201607736509;0.022727272727272727903535809446;0.012878787878787878451447568295;0.007954545454545453725403447720;0.006818181818181817850643700041;0.018560606060606062162054996634;0.008712121212121212709966755483
-0.024275362318840580655443517344;0.026086956521739129016834723984;0.026449275362318839383002355703;0.027898550724637680847672882578;0.042391304347826085086037295468;0.032246376811594201772237511250;0.007246376811594202986543944434;0.043840579710144926550707822344;0.010869565217391304046135047656;0.010144927536231883313799784219;0.018478260869565218266208361797;0.020289855072463766627599568437;0.017753623188405797533873098359;0.015579710144927537071590784024;0.042391304347826085086037295468;0.024637681159420291021611149063;0.011231884057971014412302679375;0.036956521739130436532416723594;0.052173913043478258033669447968;0.004710144927536232158093998379;0.026449275362318839383002355703;0.010507246376811593679967415937;0.011956521739130435144637942813;0.007971014492753622851517469883;0.031521739130434781039902247812;0.020652173913043476993767200156;0.031159420289855074143181568047;0.023188405797101449556940622188;0.000362318840579710149327197222;0.044565217391304347283043085781;0.035144927536231884701578565000;0.007608695652173913352711576152;0.027173913043478260115337619141;0.005797101449275362389235155547;0.013043478260869564508417361992;0.020289855072463766627599568437;0.013405797101449274874584993711;0.015942028985507245703034939766;0.002536231884057970828449946055;0.007246376811594202986543944434;0.013405797101449274874584993711;0.010144927536231883313799784219;0.000000000000000000000000000000;0.010144927536231883313799784219;0.043840579710144926550707822344;0.009420289855072464316187996758;0.014855072463768116339255520586;0.011594202898550724778470311094;0.022463768115942028824605358750;0.011956521739130435144637942813
-0.037619047619047621400234504563;0.005238095238095237873854337352;0.039523809523809523558401934906;0.040952380952380955381197935594;0.078095238095238092568273202687;0.026666666666666668378260496297;0.000952380952380952380126322154;0.019047619047619049337249919063;0.013809523809523809728672105734;0.030476190476190476164042308937;0.017142857142857143709635536766;0.042380952380952380265100032375;0.005238095238095237873854337352;0.038095238095238098674499838125;0.021428571428571428769682682969;0.033809523809523810145005739969;0.013809523809523809728672105734;0.020476190476190477690598967797;0.022857142857142857123031731703;0.007619047619047619041010577234;0.015238095238095238082021154469;0.010952380952380953021974008266;0.000952380952380952380126322154;0.032380952380952378322209739281;0.054761904761904761640423089375;0.036190476190476189577438503875;0.022380952380952379848766398140;0.028571428571428570536427926640;0.001428571428571428570189483231;0.028095238095238096731609545031;0.037142857142857144125969171000;0.013809523809523809728672105734;0.003809523809523809520505288617;0.004285714285714285927408884191;0.010000000000000000208166817117;0.029999999999999998889776975375;0.005238095238095237873854337352;0.009523809523809524668624959531;0.000476190476190476190063161077;0.010000000000000000208166817117;0.005238095238095237873854337352;0.004285714285714285927408884191;0.000000000000000000000000000000;0.019523809523809523142068300672;0.011428571428571428561515865852;0.015714285714285715356286488031;0.030952380952380953438307642500;0.020952380952380951495417349406;0.010476190476190475747708674703;0.010952380952380953021974008266
-0.042682926829268295898511809128;0.013414634146341463186158371457;0.011788617886178862428914193572;0.013414634146341463186158371457;0.058536585365853661955259923388;0.032926829268292684416152837912;0.010975609756097560315568628653;0.040243902439024391293198590347;0.004065040650406504495195658677;0.012601626016260162807536282514;0.023577235772357724857828387144;0.054471544715447156592702526723;0.013821138211382113375469415928;0.015853658536585366056748114261;0.039430894308943087445129549451;0.040243902439024391293198590347;0.003658536585365853872203745212;0.014634146341463415488814980847;0.059349593495934958864435060377;0.000813008130081300812302957937;0.029674796747967479432217530189;0.002439024390243902436908873810;0.010162601626016259936946539710;0.007723577235772357933718534895;0.035772357723577237476053625187;0.024390243902439025236450476086;0.038617886178861790535954412462;0.032520325203252035961565269417;0.000000000000000000000000000000;0.050406504065040651230145130057;0.053252032520325204290045917332;0.004878048780487804873817747620;0.029268292682926830977629961694;0.002439024390243902436908873810;0.011788617886178862428914193572;0.009349593495934959558324450768;0.004065040650406504495195658677;0.015447154471544715867437069790;0.000406504065040650406151478968;0.002032520325203252247597829339;0.009756097560975609747635495239;0.000000000000000000000000000000;0.000000000000000000000000000000;0.010162601626016259936946539710;0.043089430894308944353099377622;0.008130081300813008990391317354;0.014227642276422763564780460399;0.015040650406504065678126025318;0.013821138211382113375469415928;0.014634146341463415488814980847
-0.044999999999999998334665463062;0.010416666666666666088425508008;0.029999999999999998889776975375;0.002916666666666666799662133158;0.045833333333333330095182844843;0.037083333333333336201409480282;0.003333333333333333547282562037;0.027500000000000000138777878078;0.009166666666666666712925959359;0.033750000000000002220446049250;0.015833333333333334674852821422;0.031666666666666669349705642844;0.009166666666666666712925959359;0.037499999999999998612221219219;0.016666666666666666435370203203;0.023333333333333334397297065266;0.007083333333333332974823814965;0.015833333333333334674852821422;0.041250000000000001942890293094;0.005416666666666666851703837438;0.015416666666666667059870654555;0.003333333333333333547282562037;0.007083333333333332974823814965;0.038333333333333330372738601000;0.043333333333333334813630699500;0.031250000000000000000000000000;0.024583333333333332038073137937;0.013750000000000000069388939039;0.002083333333333333304421275400;0.060416666666666667129259593594;0.033750000000000002220446049250;0.011666666666666667198648532633;0.029583333333333333009518284484;0.003749999999999999861222121922;0.010416666666666666088425508008;0.032083333333333331760517381781;0.010416666666666666088425508008;0.012916666666666666574148081281;0.000416666666666666693410320255;0.004166666666666666608842550801;0.005833333333333333599324266316;0.008750000000000000832667268469;0.000000000000000000000000000000;0.027500000000000000138777878078;0.025000000000000001387778780781;0.012500000000000000693889390391;0.032916666666666663521034763562;0.018333333333333333425851918719;0.013333333333333334189130248149;0.018333333333333333425851918719
-0.028095238095238096731609545031;0.015714285714285715356286488031;0.021428571428571428769682682969;0.033333333333333332870740406406;0.088571428571428564846534925437;0.035714285714285712303173170312;0.006666666666666667094565124074;0.033333333333333332870740406406;0.003809523809523809520505288617;0.016666666666666666435370203203;0.021904761904761906043948016531;0.013809523809523809728672105734;0.020476190476190477690598967797;0.018095238095238094788719251937;0.030952380952380953438307642500;0.022380952380952379848766398140;0.008571428571428571854817768383;0.010476190476190475747708674703;0.074285714285714288251938342000;0.003333333333333333547282562037;0.026190476190476191103995162734;0.003809523809523809520505288617;0.009047619047619047394359625969;0.021904761904761906043948016531;0.030476190476190476164042308937;0.023809523809523808202115446875;0.036666666666666666851703837438;0.037619047619047621400234504563;0.000476190476190476190063161077;0.061428571428571429602349951438;0.017142857142857143709635536766;0.013333333333333334189130248149;0.034285714285714287419271073531;0.003333333333333333547282562037;0.012857142857142856914864914586;0.013333333333333334189130248149;0.009047619047619047394359625969;0.018095238095238094788719251937;0.000000000000000000000000000000;0.001428571428571428570189483231;0.009047619047619047394359625969;0.001904761904761904760252644309;0.000000000000000000000000000000;0.008571428571428571854817768383;0.044761904761904759697532796281;0.006190476190476190687661528500;0.016666666666666666435370203203;0.012857142857142856914864914586;0.010476190476190475747708674703;0.007619047619047619041010577234
-0.033750000000000002220446049250;0.011249999999999999583666365766;0.017083333333333332315628894094;0.009166666666666666712925959359;0.042083333333333333703407674875;0.063333333333333338699411285688;0.005833333333333333599324266316;0.026666666666666668378260496297;0.009166666666666666712925959359;0.010833333333333333703407674875;0.019166666666666665186369300500;0.052499999999999998057109706906;0.023333333333333334397297065266;0.020000000000000000416333634234;0.019583333333333334536074943344;0.025833333333333333148296162562;0.005416666666666666851703837438;0.016250000000000000555111512313;0.052916666666666667406815349750;0.004583333333333333356462979680;0.032500000000000001110223024625;0.003333333333333333547282562037;0.002083333333333333304421275400;0.017083333333333332315628894094;0.062083333333333330650294357156;0.026666666666666668378260496297;0.027083333333333334258519187188;0.024583333333333332038073137937;0.001250000000000000026020852140;0.079583333333333339254522798001;0.034166666666666664631257788187;0.010416666666666666088425508008;0.014999999999999999444888487687;0.004166666666666666608842550801;0.013750000000000000069388939039;0.019166666666666665186369300500;0.011249999999999999583666365766;0.009583333333333332593184650250;0.001250000000000000026020852140;0.002916666666666666799662133158;0.010000000000000000208166817117;0.007499999999999999722444243844;0.000000000000000000000000000000;0.008750000000000000832667268469;0.028750000000000001249000902703;0.008750000000000000832667268469;0.017500000000000001665334536938;0.017916666666666667545593227828;0.020833333333333332176851016015;0.013333333333333334189130248149
-0.027631578947368420212660211632;0.004824561403508772182424646502;0.028070175438596491751530592751;0.032456140350877189792999644169;0.083333333333333328707404064062;0.071491228070175438791267197303;0.005263157894736841986571551644;0.014473684210526315679912201517;0.015350877192982455288206011801;0.007894736842105263413538196460;0.015789473684210526827076392919;0.091228070175438602529283116382;0.010964912280701753777290008429;0.018859649122807017190828204889;0.016228070175438594896499822084;0.028070175438596491751530592751;0.008771929824561403021832006743;0.019298245614035088729698586008;0.024122807017543858310038018544;0.003070175438596491231113549958;0.010964912280701753777290008429;0.010526315789473683973143103287;0.002192982456140350755458001686;0.017105263157894737974240584322;0.052192982456140353531015563249;0.019298245614035088729698586008;0.016666666666666666435370203203;0.012719298245614034728601104973;0.000438596491228070183617665512;0.102192982456140349367679220904;0.050000000000000002775557561563;0.006140350877192982462227099916;0.009210526315789472825978911885;0.005263157894736841986571551644;0.010526315789473683973143103287;0.014912280701754385484059106659;0.004385964912280701510916003372;0.008771929824561403021832006743;0.000877192982456140367235331023;0.003508771929824561468941324094;0.000877192982456140367235331023;0.010526315789473683973143103287;0.000000000000000000000000000000;0.012280701754385964924454199831;0.022807017543859650632320779096;0.010526315789473683973143103287;0.014473684210526315679912201517;0.013157894736842104532748010115;0.012280701754385964924454199831;0.017982456140350877582534394605
-0.041666666666666664353702032031;0.013141025641025641176873328675;0.059615384615384618693934015710;0.013141025641025641176873328675;0.022435897435897435986396075691;0.026923076923076924571454071611;0.002884615384615384775512936244;0.012179487179487179585035683260;0.010576923076923077510214099561;0.023717948717948716952363952259;0.018269230769230770244915262879;0.033974358974358971619000868714;0.012179487179487179585035683260;0.051602564102564099646208717331;0.010256410256410256401360392431;0.032051282051282048435325577884;0.015384615384615385469402326635;0.026923076923076924571454071611;0.011858974358974358476181976130;0.008653846153846154326538808732;0.009615384615384615918376454147;0.013461538461538462285727035805;0.005448717948717948442172165358;0.031089743589743590312934884423;0.047115384615384614530597673365;0.049358974358974357088403195348;0.022435897435897435986396075691;0.007692307692307692734701163317;0.001602564102564102508502452693;0.037820512820512817986351450372;0.028525641025641024911552179333;0.017628205128205128027207848618;0.007692307692307692734701163317;0.005769230769230769551025872488;0.018589743589743589619045494032;0.044230769230769233224531689075;0.012500000000000000693889390391;0.008333333333333333217685101602;0.000961538461538461591837645415;0.011217948717948717993198037846;0.003205128205128205017004905386;0.013461538461538462285727035805;0.000000000000000000000000000000;0.016987179487179485809500434357;0.009935897435897435292506685300;0.008333333333333333217685101602;0.042628205128205129414986629399;0.035576923076923075428545928389;0.018269230769230770244915262879;0.023076923076923078204103489952
-0.046551724137931037306170622969;0.002298850574712643646257959062;0.045402298850574715483041643438;0.003735632183908045925169183477;0.021264367816091953727886121328;0.043103448275862071836783684375;0.002586206896551724102040203945;0.009770114942528735496596326016;0.012931034482758620510201019727;0.023850574712643679564649801250;0.016379310344827587714311434297;0.047701149425287359129299602500;0.022701149425287357741520821719;0.031034482758620689224482447344;0.003160919540229885013604693711;0.037931034482758620163256324531;0.021551724137931035918391842188;0.023563218390804597374144080391;0.009770114942528735496596326016;0.010057471264367815952378570898;0.011206896551724137775507550430;0.020977011494252875006827352422;0.014367816091954022789112244141;0.025287356321839080108837549687;0.049712643678160917115604888750;0.029310344827586206489788978047;0.022988505747126436462579590625;0.000862068965517241367346734648;0.000574712643678160911564489766;0.023275862068965518653085311485;0.065229885057471265197293064375;0.017241379310344827346934692969;0.006896551724137930938773877187;0.012643678160919540054418774844;0.031321839080459767945541216250;0.025287356321839080108837549687;0.007758620689655172306120611836;0.018678160919540231360569393360;0.000000000000000000000000000000;0.025862068965517241020402039453;0.002586206896551724102040203945;0.004885057471264367748298163008;0.000000000000000000000000000000;0.019540229885057470993192652031;0.002298850574712643646257959062;0.014942528735632183700676733906;0.032758620689655175428622868594;0.030747126436781610503423678438;0.027586206896551723755095508750;0.019827586206896553183698372891
-0.044968553459119493809215128977;0.009748427672955974412905000293;0.032389937106918238740593807279;0.010377358490566037166336066377;0.007232704402515723399180735953;0.055031446540880504803006090242;0.004716981132075471518094733625;0.013522012578616352668214872779;0.015094339622641509551792537991;0.018238993710691823318947868415;0.015408805031446540928508071033;0.060691823899371069583885685006;0.022955974842767293969680864052;0.020754716981132074332672132755;0.006289308176100629269034136826;0.033647798742138364247455939449;0.014465408805031446798361471906;0.023899371069182391569274415133;0.022955974842767293969680864052;0.005031446540880502894810266667;0.017924528301886791942232335373;0.009748427672955974412905000293;0.014150943396226415421645938864;0.025157232704402517076136547303;0.048113207547169814515264363308;0.029245283018867924973438476854;0.024213836477987422945989948175;0.006603773584905660645749669868;0.002201257861635220070689600291;0.053773584905660379296143958072;0.062578616352201257844178883261;0.013207547169811321291499339736;0.014465408805031446798361471906;0.005660377358490565648241332752;0.025157232704402517076136547303;0.021698113207547168462818731882;0.009748427672955974412905000293;0.021698113207547168462818731882;0.005345911949685534271525799710;0.022327044025157231216249797967;0.003459119496855346011232601455;0.009119496855345911659473934208;0.000000000000000000000000000000;0.017924528301886791942232335373;0.008490566037735848906042868123;0.019182389937106917449094467543;0.015408805031446540928508071033;0.020125786163522011579241066670;0.023584905660377360192558882090;0.012264150943396227161352740609
-0.022619047619047618485899064922;0.037797619047619045173913576718;0.059821428571428574005874878594;0.012500000000000000693889390391;0.006845238095238095205052886172;0.012202380952380952397473556914;0.004166666666666666608842550801;0.026190476190476191103995162734;0.018749999999999999306110609609;0.016369047619047619873677845703;0.016666666666666666435370203203;0.005357142857142857192420670742;0.010416666666666666088425508008;0.042559523809523810977673008438;0.022619047619047618485899064922;0.024107142857142858233254756328;0.021428571428571428769682682969;0.042559523809523810977673008438;0.022619047619047618485899064922;0.010714285714285714384841341484;0.014285714285714285268213963320;0.022619047619047618485899064922;0.019642857142857142460634634062;0.018154761904761906182725894610;0.027083333333333334258519187188;0.040773809523809524668624959531;0.032142857142857139685077072500;0.029166666666666667129259593594;0.000595238095238095291789059971;0.015773809523809523280846178750;0.011011904761904762681257174961;0.011904761904761904101057723437;0.013690476190476190410105772344;0.009821428571428571230317317031;0.022619047619047618485899064922;0.039285714285714284921269268125;0.012797619047619047255581747891;0.008928571428571428075793292578;0.002976190476190476025264430859;0.021726190476190475331375040469;0.011904761904761904101057723437;0.017261904761904763028201870156;0.000000000000000000000000000000;0.015476190476190476719153821250;0.014583333333333333564629796797;0.010119047619047619526733150508;0.035714285714285712303173170312;0.033928571428571425994125121406;0.029761904761904760252644308594;0.019940476190476189022326991562
-0.021317829457364340789427004097;0.013178294573643410669827602533;0.091860465116279071962068769608;0.001162790697674418588514200223;0.000000000000000000000000000000;0.009689922480620154904285001862;0.001162790697674418588514200223;0.024806201550387596554969604767;0.040697674418604654067443959775;0.027906976744186046124340805363;0.015891472868217054043027403054;0.004263565891472868157885400819;0.012790697674418604473656202458;0.063565891472868216172109612216;0.007751937984496123923428001490;0.020155038759689922200912803874;0.028682170542635658516683605512;0.044573643410852716029157960520;0.007364341085271317727256601415;0.012015503875968992081313402309;0.011627906976744185885142002235;0.023643410852713177966455404544;0.011627906976744185885142002235;0.030620155038759689497540605885;0.026356589147286821339655205065;0.041085271317829456794168407896;0.031007751937984495693712005959;0.007364341085271317727256601415;0.002325581395348837177028400447;0.004651162790697674354056800894;0.002325581395348837177028400447;0.017054263565891472631541603278;0.007364341085271317727256601415;0.012403100775193798277484802384;0.020155038759689922200912803874;0.045736434108527131148225208790;0.009689922480620154904285001862;0.004263565891472868157885400819;0.006201550387596899138742401192;0.022480620155038759377941204320;0.006589147286821705334913801266;0.030232558139534883301369205810;0.000000000000000000000000000000;0.013565891472868216865999002607;0.005038759689922480550228200968;0.006589147286821705334913801266;0.058139534883720929425710011174;0.027906976744186046124340805363;0.034496124031007754928701558583;0.030620155038759689497540605885
-0.015986394557823128959039848951;0.020408163265306120820463675614;0.080952380952380956213865204063;0.000340136054421768683955068502;0.003741496598639455686136079393;0.007823129251700680977799073901;0.002721088435374149471640548015;0.028571428571428570536427926640;0.041836734693877553059593310536;0.030612244897959182965418989397;0.011564625850340135362892546311;0.001700680272108843473985451134;0.007823129251700680977799073901;0.030952380952380953438307642500;0.014625850340136054006379140446;0.006462585034013605157776627408;0.055442176870748302586200395581;0.073469387755102047443678259242;0.009863945578231291672066660681;0.013945578231292516530048786194;0.013945578231292516530048786194;0.033333333333333332870740406406;0.021428571428571428769682682969;0.031972789115646257918079697902;0.018027210884353741388030911708;0.031632653061224487445191044799;0.031972789115646257918079697902;0.006122448979591836419611450282;0.002721088435374149471640548015;0.004761904761904762334312479766;0.002040816326530612428991062757;0.027210884353741495583767218136;0.008163265306122449715964251027;0.008843537414965987192294605279;0.015986394557823128959039848951;0.059183673469387756971293867991;0.024149659863945578675004099978;0.004761904761904762334312479766;0.001020408163265306214495531378;0.025170068027210883154776155379;0.008503401360544218454129428153;0.027891156462585033060097572388;0.000000000000000000000000000000;0.017687074829931974384589210558;0.006462585034013605157776627408;0.013605442176870747791883609068;0.026530612244897958107436863884;0.021768707482993195773124384118;0.034353741496598637350512461808;0.011904761904761904101057723437
-0.038181818181818184820830452963;0.008181818181818182461606525635;0.068181818181818176771713524431;0.000000000000000000000000000000;0.000606060606060606060080386825;0.016969696969696971416974307090;0.001212121212121212120160773651;0.017575757575757574441288610956;0.020606060606060606910094890054;0.038484848484848482863540652943;0.016060606060606059941608947383;0.003636363636363636360482320953;0.013636363636363635701287400082;0.054848484848484847786753704213;0.004242424242424242854243576772;0.022121212121212121409774553626;0.031818181818181814901613790880;0.036363636363636361870099733551;0.006666666666666667094565124074;0.014242424242424242195048655901;0.014848484848484848688809911721;0.011818181818181817954727108599;0.014242424242424242195048655901;0.043636363636363639795234803387;0.036363636363636361870099733551;0.052727272727272726793312784821;0.035151515151515148882577221912;0.001818181818181818180241160476;0.001212121212121212120160773651;0.006969696969696969474084013996;0.005757575757575757353923240345;0.021212121212121213403856145874;0.004848484848484848480643094604;0.009696969696969696961286189207;0.025151515151515150409133880771;0.052727272727272726793312784821;0.012121212121212121201607736509;0.008787878787878787220644305478;0.002121212121212121427121788386;0.020303030303030301928490786167;0.003636363636363636360482320953;0.010606060606060606701928072937;0.000000000000000000000000000000;0.030303030303030303871381079261;0.002424242424242424240321547302;0.017575757575757574441288610956;0.052121212121212123768998480955;0.035454545454545453864181325798;0.033333333333333332870740406406;0.019393939393939393922572378415
-0.045098039215686273883942902785;0.001960784313725490168867082730;0.057516339869281042640469792104;0.000000000000000000000000000000;0.000326797385620915010074477580;0.025490196078431372195272075487;0.002614379084967320080595820642;0.009150326797385621366287544731;0.015359477124183005744550989391;0.034967320261437909167945292666;0.022875816993464050813633647863;0.010784313725490195928768955014;0.019934640522875815560333023768;0.055882352941176473282158809752;0.000980392156862745084433541365;0.027777777777777776235801354687;0.016993464052287580307032399674;0.021895424836601305729200106498;0.008823529411764705759901872284;0.012418300653594770491250365296;0.011111111111111111535154627461;0.017973856209150325391465941038;0.022222222222222223070309254922;0.040196078431372551931222147914;0.046405228758169936309485592574;0.049673202614379081965001461185;0.028431372549019607448572699582;0.000653594771241830020148955160;0.000326797385620915010074477580;0.007843137254901960675468330919;0.007189542483660130330058724013;0.018627450980392156604237285933;0.004901960784313725422167706824;0.009150326797385621366287544731;0.040522875816993465802884344384;0.042156862745098042100089230644;0.015032679738562091872888792921;0.010457516339869280322383282567;0.002941176470588235253300624095;0.027450980392156862364139158217;0.001307189542483660040297910321;0.008496732026143790153516199837;0.000000000000000000000000000000;0.018300653594771242732575089462;0.000980392156862745084433541365;0.011437908496732025406816823931;0.061111111111111109106541761093;0.042810457516339869843413623585;0.034640522875816995296283096195;0.026797385620915031151367813322
-0.050354609929078017471759665113;0.005319148936170212636775911363;0.039007092198581561071080159309;0.000000000000000000000000000000;0.000000000000000000000000000000;0.026595744680851064051241294806;0.004255319148936170282893076688;0.015602836879432624081487368528;0.010638297872340425273551822727;0.029787234042553192847613274807;0.023758865248226949951071418354;0.016312056737588651739168099652;0.032624113475177303478336199305;0.048936170212765958686951250911;0.003191489361702127495329373019;0.029078014184397163455209067706;0.015248226950354609385285264977;0.021985815602836879939507852555;0.011347517730496454665956029828;0.007092198581560283515701215151;0.016666666666666666435370203203;0.016666666666666666435370203203;0.027304964539007093443645501907;0.032269503546099288782134095754;0.051063829787234039925269968307;0.037588652482269502286271745106;0.034751773049645391655548820609;0.000000000000000000000000000000;0.001063829787234042570723269172;0.009929078014184397615871091602;0.012411347517730497019838864503;0.017375886524822695827774410304;0.013829787234042552335200326752;0.007446808510638298211903318702;0.054609929078014186887291003814;0.027304964539007093443645501907;0.015248226950354609385285264977;0.018794326241134751143135872553;0.003900709219858156020371842132;0.038297872340425531678675952207;0.003191489361702127495329373019;0.006028368794326241161818380476;0.000000000000000000000000000000;0.022340425531914894635709956106;0.003546099290780141757850607576;0.019148936170212765839337976104;0.025531914893617019962634984154;0.034751773049645391655548820609;0.036879432624113472893867538005;0.020921985815602835850901541903
-0.060852713178294576268356763649;0.003100775193798449569371200596;0.054651162790697677129614362457;0.000000000000000000000000000000;0.001162790697674418588514200223;0.035271317829457367321044358732;0.000775193798449612392342800149;0.026356589147286821339655205065;0.018217054263565891220055803501;0.030620155038759689497540605885;0.027906976744186046124340805363;0.013178294573643410669827602533;0.023643410852713177966455404544;0.053875968992248064737271562308;0.005813953488372092942571001117;0.025581395348837208947312404916;0.013178294573643410669827602533;0.027519379844961239928169405289;0.017054263565891472631541603278;0.008527131782945736315770801639;0.016279069767441860239198803129;0.013178294573643410669827602533;0.014341085271317829258341802756;0.041085271317829456794168407896;0.042635658914728681578854008194;0.039922480620155041675101159626;0.042635658914728681578854008194;0.000775193798449612392342800149;0.000387596899224806196171400074;0.011240310077519379688970602160;0.006589147286821705334913801266;0.009689922480620154904285001862;0.010852713178294573492799202086;0.010852713178294573492799202086;0.033333333333333332870740406406;0.036046511627906979713387158881;0.017829457364341085023884403427;0.011240310077519379688970602160;0.001550387596899224784685600298;0.026744186046511627535826605140;0.003875968992248061961714000745;0.006976744186046511531085201341;0.000000000000000000000000000000;0.017441860465116278827713003352;0.002325581395348837177028400447;0.010465116279069767296627802011;0.040697674418604654067443959775;0.027906976744186046124340805363;0.037984496124031007224797207300;0.017829457364341085023884403427
-0.084583333333333329817627088687;0.003749999999999999861222121922;0.028750000000000001249000902703;0.000000000000000000000000000000;0.001666666666666666773641281019;0.059166666666666666019036568969;0.000416666666666666693410320255;0.017083333333333332315628894094;0.002500000000000000052041704279;0.024166666666666666157814447047;0.029166666666666667129259593594;0.044166666666666666574148081281;0.030416666666666668239482618219;0.037499999999999998612221219219;0.007083333333333332974823814965;0.050416666666666665186369300500;0.009166666666666666712925959359;0.017916666666666667545593227828;0.024583333333333332038073137937;0.005833333333333333599324266316;0.022499999999999999167332731531;0.007083333333333332974823814965;0.009583333333333332593184650250;0.019583333333333334536074943344;0.080416666666666664076146275875;0.042916666666666665463925056656;0.024166666666666666157814447047;0.000416666666666666693410320255;0.000000000000000000000000000000;0.023333333333333334397297065266;0.036666666666666666851703837438;0.010000000000000000208166817117;0.012916666666666666574148081281;0.002916666666666666799662133158;0.024583333333333332038073137937;0.025000000000000001387778780781;0.012916666666666666574148081281;0.016250000000000000555111512313;0.000000000000000000000000000000;0.007916666666666667337426410711;0.003749999999999999861222121922;0.000416666666666666693410320255;0.000000000000000000000000000000;0.012916666666666666574148081281;0.003749999999999999861222121922;0.012083333333333333078907223523;0.025416666666666667268037471672;0.027500000000000000138777878078;0.027916666666666666019036568969;0.028750000000000001249000902703
-0.028048780487804878674973352304;0.010162601626016259936946539710;0.071544715447154474952107250374;0.000406504065040650406151478968;0.000813008130081300812302957937;0.047560975609756098170244342782;0.001219512195121951218454436905;0.008536585365853659179702361826;0.067073170731707321134962285214;0.017073170731707318359404723651;0.008130081300813008990391317354;0.082113821138211376404747454671;0.014227642276422763564780460399;0.027642276422764226750938831856;0.002439024390243902436908873810;0.036991869918699189778710234577;0.057317073170731709652603313998;0.047154471544715449715656774288;0.006910569105691056687734707964;0.009756097560975609747635495239;0.007723577235772357933718534895;0.033333333333333332870740406406;0.004878048780487804873817747620;0.021544715447154472176549688811;0.050000000000000002775557561563;0.022764227642276424479206298201;0.017479674796747966813992292145;0.000813008130081300812302957937;0.000000000000000000000000000000;0.023983739837398373312415955638;0.068292682926829273437618894604;0.020325203252032519873893079421;0.004471544715447154684506703148;0.007317073170731707744407490424;0.015853658536585366056748114261;0.027235772357723578296351263361;0.007317073170731707744407490424;0.011382113821138212239603149101;0.002845528455284553059900787275;0.010162601626016259936946539710;0.002845528455284553059900787275;0.020731707317073171797927599869;0.000000000000000000000000000000;0.006504065040650406498423663493;0.001219512195121951218454436905;0.005284552845528455063128792091;0.021951219512195120631137257305;0.013008130081300812996847326986;0.014227642276422763564780460399;0.011382113821138212239603149101
-0.046428571428571430157461463750;0.040178571428571431545240244532;0.025000000000000001387778780781;0.036011904761904758864865527812;0.015178571428571428422737987773;0.040476190476190478106932602032;0.008928571428571428075793292578;0.030654761904761903407168333047;0.016369047619047619873677845703;0.009523809523809524668624959531;0.016964285714285712997062560703;0.029166666666666667129259593594;0.018154761904761906182725894610;0.016964285714285712997062560703;0.024404761904761904794947113828;0.029166666666666667129259593594;0.018749999999999999306110609609;0.027976190476190477413043211641;0.036011904761904758864865527812;0.003273809523809523887999395342;0.023511904761904761640423089375;0.010714285714285714384841341484;0.008333333333333333217685101602;0.019047619047619049337249919063;0.039285714285714284921269268125;0.020238095238095239053466301016;0.019642857142857142460634634062;0.059821428571428574005874878594;0.000297619047619047645894529985;0.036607142857142858927144146719;0.025595238095238094511163495781;0.010119047619047619526733150508;0.016071428571428569842538536250;0.005059523809523809763366575254;0.016369047619047619873677845703;0.019047619047619049337249919063;0.008630952380952381514100935078;0.019047619047619049337249919063;0.002083333333333333304421275400;0.011309523809523809242949532461;0.010416666666666666088425508008;0.016666666666666666435370203203;0.000000000000000000000000000000;0.011011904761904762681257174961;0.016666666666666666435370203203;0.013392857142857142113689938867;0.019047619047619049337249919063;0.016666666666666666435370203203;0.019940476190476189022326991562;0.015773809523809523280846178750
-0.035310734463276836903045108329;0.004802259887005650047797633562;0.018079096045197740744159276005;0.382203389830508499791505983012;0.004237288135593220324282004441;0.031638418079096043700193519044;0.003672316384180791034447244314;0.009887005649717514957353081684;0.006214689265536723489224968375;0.009039548022598870372079638003;0.012146892655367232116692122190;0.019774011299435029914706163368;0.012429378531073446978449936751;0.024011299435028249371626429820;0.009039548022598870372079638003;0.032768361581920903147224777285;0.004802259887005650047797633562;0.008192090395480225786806194321;0.006779661016949152345378859508;0.005084745762711864042193710134;0.014406779661016949276031162697;0.009039548022598870372079638003;0.003672316384180791034447244314;0.019209039548022600191190534247;0.032203389830508473423709148165;0.023163841807909604786352986139;0.010451977401129942946145234828;0.007062146892655367207136674068;0.001129943502824858796509954750;0.014971751412429378999546791817;0.026553672316384179657999808910;0.011299435028248587531418678509;0.007909604519774010925048379761;0.006214689265536723489224968375;0.019491525423728815052948348807;0.013276836158192089828999904455;0.004237288135593220324282004441;0.020056497175141241307017025974;0.001129943502824858796509954750;0.009604519774011300095595267123;0.001977401129943502731262094940;0.003672316384180791034447244314;0.000000000000000000000000000000;0.014406779661016949276031162697;0.005932203389830508627467153815;0.012429378531073446978449936751;0.021186440677966100754048284216;0.019209039548022600191190534247;0.012994350282485874967242089895;0.012994350282485874967242089895
-0.017753623188405797533873098359;0.021739130434782608092270095312;0.023188405797101449556940622188;0.341666666666666674068153497501;0.009420289855072464316187996758;0.013405797101449274874584993711;0.007246376811594202986543944434;0.024275362318840580655443517344;0.013043478260869564508417361992;0.011594202898550724778470311094;0.011231884057971014412302679375;0.006884057971014492620376312715;0.014855072463768116339255520586;0.019927536231884056261431936719;0.021376811594202897726102463594;0.006521739130434782254208680996;0.011956521739130435144637942813;0.034782608695652174335410933281;0.019565217391304349364711256953;0.004710144927536232158093998379;0.014855072463768116339255520586;0.009057971014492753950020365039;0.014855072463768116339255520586;0.013768115942028985240752625430;0.022101449275362318458437727031;0.015217391304347826705423152305;0.028260869565217391213840514297;0.025000000000000001387778780781;0.001811594202898550746635986108;0.008695652173913043583852733320;0.005434782608695652023067523828;0.008695652173913043583852733320;0.009782608695652174682355628477;0.004347826086956521791926366660;0.017028985507246376801537834922;0.027898550724637680847672882578;0.009782608695652174682355628477;0.003623188405797101493271972217;0.001811594202898550746635986108;0.009420289855072464316187996758;0.010507246376811593679967415937;0.010144927536231883313799784219;0.000000000000000000000000000000;0.011594202898550724778470311094;0.010869565217391304046135047656;0.009057971014492753950020365039;0.011956521739130435144637942813;0.014492753623188405973087888867;0.023913043478260870289275885625;0.010869565217391304046135047656
-0.017924528301886791942232335373;0.021698113207547168462818731882;0.044025157232704399679068529849;0.037735849056603772144757869000;0.007547169811320754775896268995;0.013522012578616352668214872779;0.002830188679245282824120666376;0.031761006289308175987162741194;0.011949685534591195784637207566;0.054088050314465410672859491115;0.012264150943396227161352740609;0.002515723270440251447405133334;0.016352201257861635058654670161;0.026415094339622642582998679472;0.024528301886792454322705481218;0.007232704402515723399180735953;0.011006289308176099919767132462;0.035220125786163521131033604661;0.026729559748427673959714212515;0.008490566037735848906042868123;0.017295597484276729188801269288;0.011635220125786162673198198547;0.020440251572327042955956599712;0.073899371069182387405938072789;0.019496855345911948825810000585;0.027358490566037736713145278600;0.031446540880503144610447208152;0.019496855345911948825810000585;0.000943396226415094346987033624;0.015094339622641509551792537991;0.001572327044025157317258534206;0.023899371069182391569274415133;0.016666666666666666435370203203;0.006289308176100629269034136826;0.021383647798742137086103198840;0.048742138364779877268695429393;0.014150943396226415421645938864;0.005345911949685534271525799710;0.001886792452830188693974067249;0.021383647798742137086103198840;0.010691823899371068543051599420;0.010062893081761005789620533335;0.000000000000000000000000000000;0.032389937106918238740593807279;0.014150943396226415421645938864;0.020440251572327042955956599712;0.032075471698113207363878274236;0.018238993710691823318947868415;0.040566037735849054535197666382;0.009119496855345911659473934208
-0.022093023255813953181769804246;0.001162790697674418588514200223;0.043410852713178293971196808343;0.000387596899224806196171400074;0.000000000000000000000000000000;0.009302325581395348708113601788;0.002325581395348837177028400447;0.018604651162790697416227203576;0.003100775193798449569371200596;0.108527131782945734927992020857;0.014341085271317829258341802756;0.000387596899224806196171400074;0.006976744186046511531085201341;0.047286821705426355932910809088;0.000387596899224806196171400074;0.014341085271317829258341802756;0.013178294573643410669827602533;0.009302325581395348708113601788;0.006201550387596899138742401192;0.007751937984496123923428001490;0.012790697674418604473656202458;0.004651162790697674354056800894;0.005426356589147286746399601043;0.131395348837209297032657673299;0.018217054263565891220055803501;0.060852713178294576268356763649;0.021317829457364340789427004097;0.000387596899224806196171400074;0.001550387596899224784685600298;0.004263565891472868157885400819;0.000387596899224806196171400074;0.043798449612403103636815160371;0.003100775193798449569371200596;0.005038759689922480550228200968;0.016279069767441860239198803129;0.062790697674418610718660715975;0.018604651162790697416227203576;0.005426356589147286746399601043;0.000000000000000000000000000000;0.011627906976744185885142002235;0.006976744186046511531085201341;0.001162790697674418588514200223;0.000000000000000000000000000000;0.066279069767441856075862460784;0.001162790697674418588514200223;0.039534883720930232009482807598;0.060465116279069766602738411621;0.031782945736434108086054806108;0.021705426356589146985598404171;0.013953488372093023062170402682
-0.040217391304347822889031505156;0.002536231884057970828449946055;0.050000000000000002775557561563;0.001086956521739130447981591665;0.003623188405797101493271972217;0.026086956521739129016834723984;0.000724637681159420298654394443;0.009420289855072464316187996758;0.016304347826086956069202571484;0.021376811594202897726102463594;0.022463768115942028824605358750;0.017753623188405797533873098359;0.030797101449275363777013936328;0.064492753623188403544475022500;0.004347826086956521791926366660;0.026449275362318839383002355703;0.014855072463768116339255520586;0.019202898550724638998543625235;0.006521739130434782254208680996;0.014130434782608695606920257148;0.011956521739130435144637942813;0.019202898550724638998543625235;0.025362318840579711753946412500;0.029347826086956522312343409453;0.035507246376811595067746196719;0.036231884057971015800081460156;0.025000000000000001387778780781;0.000724637681159420298654394443;0.000724637681159420298654394443;0.017753623188405797533873098359;0.007246376811594202986543944434;0.013768115942028985240752625430;0.010144927536231883313799784219;0.014492753623188405973087888867;0.061594202898550727554027872657;0.027173913043478260115337619141;0.011594202898550724778470311094;0.007246376811594202986543944434;0.003260869565217391127104340498;0.052898550724637678766004711406;0.002173913043478260895963183330;0.003985507246376811425758734941;0.000000000000000000000000000000;0.018115942028985507900040730078;0.003260869565217391127104340498;0.009782608695652174682355628477;0.041666666666666664353702032031;0.044565217391304347283043085781;0.050000000000000002775557561563;0.022826086956521739190772990469
-0.051666666666666666296592325125;0.001666666666666666773641281019;0.029166666666666667129259593594;0.000000000000000000000000000000;0.029999999999999998889776975375;0.083750000000000004996003610813;0.002083333333333333304421275400;0.009166666666666666712925959359;0.008333333333333333217685101602;0.012916666666666666574148081281;0.019583333333333334536074943344;0.075833333333333335923853724125;0.029999999999999998889776975375;0.033750000000000002220446049250;0.002500000000000000052041704279;0.029999999999999998889776975375;0.011666666666666667198648532633;0.014583333333333333564629796797;0.025833333333333333148296162562;0.007499999999999999722444243844;0.014166666666666665949647629930;0.011666666666666667198648532633;0.011249999999999999583666365766;0.016250000000000000555111512313;0.067500000000000004440892098501;0.023333333333333334397297065266;0.017083333333333332315628894094;0.000416666666666666693410320255;0.000833333333333333386820640509;0.090833333333333335368742211813;0.034166666666666664631257788187;0.008750000000000000832667268469;0.012500000000000000693889390391;0.004583333333333333356462979680;0.031250000000000000000000000000;0.014999999999999999444888487687;0.008750000000000000832667268469;0.010416666666666666088425508008;0.001250000000000000026020852140;0.020833333333333332176851016015;0.002916666666666666799662133158;0.002500000000000000052041704279;0.000000000000000000000000000000;0.009166666666666666712925959359;0.006250000000000000346944695195;0.007083333333333332974823814965;0.024166666666666666157814447047;0.029999999999999998889776975375;0.019166666666666665186369300500;0.017916666666666667545593227828
-0.045614035087719301264641558191;0.000292397660818713455745110341;0.056725146198830407595625757722;0.000000000000000000000000000000;0.001461988304093567170305334457;0.013742690058479532094759534289;0.000877192982456140367235331023;0.015204678362573099265064868746;0.003801169590643274816266217186;0.063157894736842107308305571678;0.015497076023391813046070630833;0.005555555555555555767577313730;0.011111111111111111535154627461;0.066374269005847946756304622795;0.000584795321637426911490220682;0.032163742690058477746717358059;0.016081871345029238873358679029;0.016374269005847954389087917093;0.006140350877192982462227099916;0.011111111111111111535154627461;0.013157894736842104532748010115;0.003801169590643274816266217186;0.002923976608187134340610668914;0.092397660818713450714412260822;0.047953216374269004573793750978;0.061111111111111109106541761093;0.020175438596491228337992396291;0.017251461988304093997381727377;0.000292397660818713455745110341;0.003801169590643274816266217186;0.007894736842105263413538196460;0.026608187134502924581225258294;0.002631578947368420993285775822;0.004678362573099415291921765458;0.012280701754385964924454199831;0.063742690058479531400870143898;0.015497076023391813046070630833;0.007602339181286549632532434373;0.000000000000000000000000000000;0.002631578947368420993285775822;0.005847953216374268681221337829;0.001754385964912280734470662047;0.000000000000000000000000000000;0.033918128654970756963304978626;0.000877192982456140367235331023;0.016666666666666666435370203203;0.070175438596491224174656053947;0.046491228070175437403488416521;0.014327485380116959656771058462;0.021637426900584795508297730748
-0.056289308176100630309868222412;0.001257861635220125723702566667;0.043396226415094336925637463764;0.000000000000000000000000000000;0.000314465408805031430925641667;0.022012578616352199839534264925;0.001257861635220125723702566667;0.021069182389937105709387665797;0.005345911949685534271525799710;0.050000000000000002775557561563;0.024842767295597485699421014260;0.010062893081761005789620533335;0.012578616352201258538068273651;0.056603773584905661686583755454;0.001572327044025157317258534206;0.040566037735849054535197666382;0.009433962264150943036189467250;0.016981132075471697812085736246;0.007547169811320754775896268995;0.005345911949685534271525799710;0.019811320754716980202525533628;0.006603773584905660645749669868;0.010062893081761005789620533335;0.050628930817610065528988627648;0.054088050314465410672859491115;0.072327044025157230522360407576;0.026415094339622642582998679472;0.000000000000000000000000000000;0.001257861635220125723702566667;0.011320754716981131296482665505;0.007861635220125786152611802038;0.013836477987421384044930405821;0.005660377358490565648241332752;0.008176100628930817529327335080;0.020125786163522011579241066670;0.036163522012578615261180203788;0.017610062893081760565516802330;0.012578616352201258538068273651;0.000000000000000000000000000000;0.009119496855345911659473934208;0.002201257861635220070689600291;0.003144654088050314634517068413;0.000000000000000000000000000000;0.024528301886792454322705481218;0.001257861635220125723702566667;0.017295597484276729188801269288;0.068553459119496854001774011067;0.061635220125786163714032284133;0.023270440251572325346396397094;0.027987421383647799466576344685
-0.054444444444444441144614899031;0.000740740740740740703958178148;0.072592592592592597444678403917;0.000000000000000000000000000000;0.000000000000000000000000000000;0.015555555555555555108382392859;0.000000000000000000000000000000;0.015925925925925926707193980292;0.011481481481481481399242738917;0.041851851851851848418384349770;0.018518518518518517490534236458;0.007037037037037036958653235530;0.014074074074074073917306471060;0.069259259259259256524821068979;0.002222222222222222220294751693;0.034814814814814812327092852229;0.015925925925925926707193980292;0.022222222222222223070309254922;0.006296296296296296363115274630;0.011481481481481481399242738917;0.014074074074074073917306471060;0.016296296296296294836558615771;0.008148148148148147418279307885;0.046666666666666668794594130532;0.052592592592592593558897817729;0.055555555555555552471602709375;0.032592592592592589673117231541;0.000000000000000000000000000000;0.000000000000000000000000000000;0.001851851851851851922525771243;0.004074074074074073709139653943;0.019259259259259260688157411323;0.003703703703703703845051542487;0.011111111111111111535154627461;0.025185185185185185452461098521;0.035925925925925923654080662573;0.016296296296296294836558615771;0.012962962962962962590318660716;0.001481481481481481407916356297;0.015925925925925926707193980292;0.002592592592592592518063732143;0.005185185185185185036127464286;0.000000000000000000000000000000;0.024814814814814813853649511088;0.000370370370370370351979089074;0.015555555555555555108382392859;0.055925925925925927539861248761;0.051851851851851850361274642864;0.028888888888888887562789165031;0.026666666666666668378260496297
-0.030459770114942528312917957578;0.012643678160919540054418774844;0.052011494252873560761862847812;0.011206896551724137775507550430;0.032183908045977011047611426875;0.014942528735632183700676733906;0.003735632183908045925169183477;0.030172413793103449591859188672;0.005172413793103448204080407891;0.030459770114942528312917957578;0.018103448275862070449004903594;0.005459770114942528659862652773;0.009195402298850574585031836250;0.062356321839080457170023663593;0.025574712643678162299343270547;0.014942528735632183700676733906;0.012931034482758620510201019727;0.019827586206896553183698372891;0.031034482758620689224482447344;0.008333333333333333217685101602;0.018103448275862070449004903594;0.005459770114942528659862652773;0.008045977011494252761902856719;0.042241379310344828734713473750;0.028160919540229884666659998516;0.045977011494252872925159181250;0.030747126436781610503423678438;0.010632183908045976863943060664;0.001724137931034482734693469297;0.027586206896551723755095508750;0.001724137931034482734693469297;0.018390804597701149170063672500;0.015229885057471264156458978789;0.007471264367816091850338366953;0.025574712643678162299343270547;0.036206896551724140898009807188;0.013793103448275861877547754375;0.006034482758620689571427142539;0.000287356321839080455782244883;0.013505747126436781421765509492;0.006896551724137930938773877187;0.002011494252873563190475714180;0.000000000000000000000000000000;0.020402298850574714095262862656;0.021839080459770114639450611094;0.014080459770114942333329999258;0.057183908045977012435390207656;0.038793103448275863265326535156;0.031034482758620689224482447344;0.020114942528735631904757141797
-0.018333333333333333425851918719;0.021666666666666667406815349750;0.020416666666666666296592325125;0.034583333333333333980963431031;0.091249999999999997779553950750;0.029999999999999998889776975375;0.008750000000000000832667268469;0.035000000000000003330669073875;0.014166666666666665949647629930;0.011666666666666667198648532633;0.014583333333333333564629796797;0.007083333333333332974823814965;0.023333333333333334397297065266;0.012500000000000000693889390391;0.057500000000000002498001805407;0.008750000000000000832667268469;0.010833333333333333703407674875;0.027083333333333334258519187188;0.058749999999999996669330926125;0.007916666666666667337426410711;0.022083333333333333287074040641;0.009583333333333332593184650250;0.016250000000000000555111512313;0.013333333333333334189130248149;0.017500000000000001665334536938;0.009583333333333332593184650250;0.036666666666666666851703837438;0.028333333333333331899295259859;0.001250000000000000026020852140;0.053749999999999999167332731531;0.004583333333333333356462979680;0.006666666666666667094565124074;0.041250000000000001942890293094;0.006250000000000000346944695195;0.020416666666666666296592325125;0.014166666666666665949647629930;0.007916666666666667337426410711;0.005416666666666666851703837438;0.003333333333333333547282562037;0.012500000000000000693889390391;0.012500000000000000693889390391;0.010416666666666666088425508008;0.000000000000000000000000000000;0.007916666666666667337426410711;0.052916666666666667406815349750;0.005416666666666666851703837438;0.013750000000000000069388939039;0.011666666666666667198648532633;0.030833333333333334119741309109;0.009583333333333332593184650250
-0.019666666666666665630458510350;0.017333333333333332537673499019;0.021999999999999998723243521681;0.063666666666666663076945553712;0.125000000000000000000000000000;0.035666666666666665963525417737;0.004000000000000000083266726847;0.028333333333333331899295259859;0.017000000000000001221245327088;0.010666666666666666310470112933;0.018333333333333333425851918719;0.026666666666666668378260496297;0.014000000000000000291433543964;0.012000000000000000249800180541;0.051666666666666666296592325125;0.013666666666666667240281896056;0.014333333333333333342585191872;0.029000000000000001471045507628;0.034000000000000002442490654175;0.003333333333333333547282562037;0.019666666666666665630458510350;0.010000000000000000208166817117;0.018333333333333333425851918719;0.014000000000000000291433543964;0.024000000000000000499600361081;0.012999999999999999403255124264;0.022666666666666668294993769450;0.021666666666666667406815349750;0.001000000000000000020816681712;0.055333333333333331593983928087;0.014000000000000000291433543964;0.006333333333333333176051738178;0.021000000000000001304512053935;0.005333333333333333155235056466;0.017999999999999998639976794834;0.018999999999999999528155214534;0.006000000000000000124900090270;0.006666666666666667094565124074;0.003000000000000000062450045135;0.016333333333333331649495079319;0.006666666666666667094565124074;0.009333333333333334105863521302;0.000000000000000000000000000000;0.010999999999999999361621760841;0.035999999999999997279953589668;0.012000000000000000249800180541;0.010999999999999999361621760841;0.008000000000000000166533453694;0.024666666666666666601903656897;0.005666666666666667073748442363
-0.023333333333333334397297065266;0.020370370370370372015145221667;0.035185185185185187395351391615;0.017037037037037038034181790636;0.016296296296296294836558615771;0.025555555555555557051272685953;0.009259259259259258745267118229;0.024444444444444445724284875610;0.015185185185185185244294281404;0.019259259259259260688157411323;0.015555555555555555108382392859;0.008518518518518519017090895318;0.027037037037037036507625131776;0.022222222222222223070309254922;0.016666666666666666435370203203;0.014814814814814815380206169948;0.023333333333333334397297065266;0.026666666666666668378260496297;0.028518518518518519433424529552;0.008518518518518519017090895318;0.020370370370370372015145221667;0.020370370370370372015145221667;0.025555555555555557051272685953;0.032962962962962964741375770927;0.021851851851851851471497667490;0.027777777777777776235801354687;0.033333333333333332870740406406;0.007407407407407407690103084974;0.004444444444444444440589503387;0.024814814814814813853649511088;0.012962962962962962590318660716;0.025185185185185185452461098521;0.021111111111111111743321444578;0.017037037037037038034181790636;0.038518518518518521376314822646;0.033333333333333332870740406406;0.010000000000000000208166817117;0.014074074074074073917306471060;0.003703703703703703845051542487;0.035185185185185187395351391615;0.009629629629629630344078705662;0.017407407407407406163546426114;0.000000000000000000000000000000;0.022222222222222223070309254922;0.017407407407407406163546426114;0.025555555555555557051272685953;0.018148148148148149361169600979;0.016666666666666666435370203203;0.031851851851851853414387960584;0.013333333333333334189130248149
-0.018992248062015503612398603650;0.025968992248062015143483804991;0.040697674418604654067443959775;0.018992248062015503612398603650;0.029069767441860464712855005587;0.014728682170542635454513202831;0.007751937984496123923428001490;0.033333333333333332870740406406;0.050775193798449615167900361712;0.019379844961240309808570003725;0.012403100775193798277484802384;0.008139534883720930119599401564;0.008914728682170542511942201713;0.020930232558139534593255604022;0.025581395348837208947312404916;0.010465116279069767296627802011;0.029069767441860464712855005587;0.043023255813953491244472360222;0.045736434108527131148225208790;0.004651162790697674354056800894;0.030620155038759689497540605885;0.027519379844961239928169405289;0.006976744186046511531085201341;0.028294573643410852320512205438;0.015891472868217054043027403054;0.022480620155038759377941204320;0.027131782945736433731998005214;0.022868217054263565574112604395;0.003488372093023255765542600670;0.023643410852713177966455404544;0.008527131782945736315770801639;0.024418604651162790358798204693;0.015891472868217054043027403054;0.007364341085271317727256601415;0.007751937984496123923428001490;0.038759689922480619617140007449;0.015503875968992247846856002980;0.011627906976744185885142002235;0.016666666666666666435370203203;0.011240310077519379688970602160;0.013178294573643410669827602533;0.033333333333333332870740406406;0.000000000000000000000000000000;0.017829457364341085023884403427;0.021317829457364340789427004097;0.018604651162790697416227203576;0.022480620155038759377941204320;0.008914728682170542511942201713;0.020542635658914728397084203948;0.008527131782945736315770801639
-0.032916666666666663521034763562;0.000000000000000000000000000000;0.078750000000000000555111512313;0.000000000000000000000000000000;0.000000000000000000000000000000;0.004166666666666666608842550801;0.001250000000000000026020852140;0.014166666666666665949647629930;0.004583333333333333356462979680;0.059166666666666666019036568969;0.011249999999999999583666365766;0.000833333333333333386820640509;0.008333333333333333217685101602;0.093333333333333337589188261063;0.001666666666666666773641281019;0.012083333333333333078907223523;0.016250000000000000555111512313;0.023750000000000000277555756156;0.002916666666666666799662133158;0.015416666666666667059870654555;0.012500000000000000693889390391;0.005833333333333333599324266316;0.005416666666666666851703837438;0.081666666666666665186369300500;0.028333333333333331899295259859;0.068333333333333329262515576374;0.024166666666666666157814447047;0.000416666666666666693410320255;0.000000000000000000000000000000;0.001250000000000000026020852140;0.002083333333333333304421275400;0.029583333333333333009518284484;0.002500000000000000052041704279;0.006666666666666667094565124074;0.017083333333333332315628894094;0.074583333333333334813630699500;0.015833333333333334674852821422;0.002916666666666666799662133158;0.000000000000000000000000000000;0.010833333333333333703407674875;0.004583333333333333356462979680;0.001250000000000000026020852140;0.000000000000000000000000000000;0.035416666666666665741480812812;0.000000000000000000000000000000;0.012500000000000000693889390391;0.080416666666666664076146275875;0.055000000000000000277555756156;0.025416666666666667268037471672;0.014583333333333333564629796797
-0.039147286821705429282758359477;0.001937984496124030980857000372;0.058527131782945739091328363202;0.000000000000000000000000000000;0.001162790697674418588514200223;0.008139534883720930119599401564;0.000387596899224806196171400074;0.017441860465116278827713003352;0.002713178294573643373199800521;0.043023255813953491244472360222;0.016666666666666666435370203203;0.002325581395348837177028400447;0.014341085271317829258341802756;0.090310077519379847177383169310;0.003488372093023255765542600670;0.031395348837209305359330357987;0.005813953488372092942571001117;0.013953488372093023062170402682;0.004651162790697674354056800894;0.013178294573643410669827602533;0.015116279069767441650684602905;0.005813953488372092942571001117;0.005038759689922480550228200968;0.050775193798449615167900361712;0.039147286821705429282758359477;0.064728682170542631291176860486;0.033333333333333332870740406406;0.000000000000000000000000000000;0.000387596899224806196171400074;0.005038759689922480550228200968;0.002325581395348837177028400447;0.018217054263565891220055803501;0.003100775193798449569371200596;0.010852713178294573492799202086;0.025193798449612402751141004842;0.047286821705426355932910809088;0.022868217054263565574112604395;0.008139534883720930119599401564;0.000387596899224806196171400074;0.011240310077519379688970602160;0.003100775193798449569371200596;0.002713178294573643373199800521;0.000000000000000000000000000000;0.027519379844961239928169405289;0.001550387596899224784685600298;0.010077519379844961100456401937;0.084108527131782948038640768118;0.070542635658914734642088717465;0.032170542635658917751673158136;0.030620155038759689497540605885
-0.031481481481481478346129421197;0.014444444444444443781394582516;0.025555555555555557051272685953;0.004444444444444444440589503387;0.031481481481481478346129421197;0.041111111111111112159655078813;0.009259259259259258745267118229;0.022962962962962962798485477833;0.007777777777777777554191196430;0.015185185185185185244294281404;0.017777777777777777762358013547;0.033703703703703701000105041885;0.042962962962962959745372160114;0.018518518518518517490534236458;0.019629629629629628817522046802;0.012222222222222222862142437805;0.012962962962962962590318660716;0.027037037037037036507625131776;0.038518518518518521376314822646;0.009259259259259258745267118229;0.018518518518518517490534236458;0.008148148148148147418279307885;0.025925925925925925180637321432;0.018148148148148149361169600979;0.027777777777777776235801354687;0.026296296296296296779448908865;0.021851851851851851471497667490;0.010740740740740739936343040029;0.000740740740740740703958178148;0.084444444444444446973285778313;0.035925925925925923654080662573;0.010000000000000000208166817117;0.028148148148148147834612942120;0.005185185185185185036127464286;0.038518518518518521376314822646;0.021481481481481479872686080057;0.009629629629629630344078705662;0.021481481481481479872686080057;0.001481481481481481407916356297;0.019259259259259260688157411323;0.008518518518518519017090895318;0.009259259259259258745267118229;0.000000000000000000000000000000;0.011111111111111111535154627461;0.015555555555555555108382392859;0.021851851851851851471497667490;0.012592592592592592726230549260;0.013703703703703704053218359604;0.027407407407407408106436719208;0.010000000000000000208166817117
-0.015986394557823128959039848951;0.031632653061224487445191044799;0.038095238095238098674499838125;0.145918367346938776529796655268;0.009863945578231291672066660681;0.014625850340136054006379140446;0.010884353741496597886562192059;0.038775510204081632681383240424;0.020748299319727891293352328717;0.017346938775510203911700557455;0.011904761904761904101057723437;0.006122448979591836419611450282;0.010544217687074829148397014933;0.020408163265306120820463675614;0.042176870748299316593588059732;0.010884353741496597886562192059;0.025850340136054420631106509632;0.040136054421768707634043948929;0.025510204081632653627664808482;0.007482993197278911372272158786;0.023469387755102041198673745726;0.016666666666666666435370203203;0.012585034013605441577388077690;0.021088435374149658296794029866;0.022789115646258503722343391473;0.022448979591836733249454738370;0.033673469387755103343629059509;0.020068027210884353817021974464;0.003741496598639455686136079393;0.017346938775510203911700557455;0.004761904761904762334312479766;0.015986394557823128959039848951;0.011224489795918366624727369185;0.008843537414965987192294605279;0.017346938775510203911700557455;0.030272108843537415961977288248;0.009863945578231291672066660681;0.008163265306122449715964251027;0.002721088435374149471640548015;0.019387755102040816340691620212;0.013265306122448979053718431942;0.011904761904761904101057723437;0.000000000000000000000000000000;0.015646258503401361955598147802;0.026870748299319728580325516987;0.009863945578231291672066660681;0.015986394557823128959039848951;0.010884353741496597886562192059;0.018707482993197278864361265960;0.009523809523809524668624959531
-0.064779874213836477481187614558;0.004716981132075471518094733625;0.042452830188679242795490864637;0.000314465408805031430925641667;0.001886792452830188693974067249;0.035534591194968552507749137703;0.002201257861635220070689600291;0.014779874213836478175077004948;0.010691823899371068543051599420;0.033333333333333332870740406406;0.018553459119496854695663401458;0.028930817610062893596722943812;0.018553459119496854695663401458;0.053144654088050316542712891987;0.003459119496855346011232601455;0.038050314465408803521473402043;0.013836477987421384044930405821;0.020125786163522011579241066670;0.011635220125786162673198198547;0.010062893081761005789620533335;0.016037735849056603681939137118;0.011635220125786162673198198547;0.011006289308176099919767132462;0.043081761006289305548921930722;0.058176100628930818570161420666;0.053773584905660379296143958072;0.022955974842767293969680864052;0.000628930817610062861851283333;0.001572327044025157317258534206;0.010691823899371068543051599420;0.019182389937106917449094467543;0.014465408805031446798361471906;0.006603773584905660645749669868;0.006603773584905660645749669868;0.030817610062893081857016142067;0.040251572327044023158482133340;0.014779874213836478175077004948;0.012893081761006289914783806694;0.000314465408805031430925641667;0.022012578616352199839534264925;0.002201257861635220070689600291;0.003459119496855346011232601455;0.000000000000000000000000000000;0.024842767295597485699421014260;0.002830188679245282824120666376;0.015408805031446540928508071033;0.039308176100628929028335534213;0.034276729559748427000887005534;0.028616352201257862220007410770;0.024528301886792454322705481218
-0.076666666666666660745477201999;0.005925925925925925631665425186;0.037037037037037034981068472916;0.015185185185185185244294281404;0.000740740740740740703958178148;0.027037037037037036507625131776;0.003333333333333333547282562037;0.020000000000000000416333634234;0.005925925925925925631665425186;0.036666666666666666851703837438;0.021851851851851851471497667490;0.015555555555555555108382392859;0.010370370370370370072254928573;0.049629629629629627707299022177;0.004814814814814815172039352831;0.047037037037037036923958766010;0.011851851851851851263330850372;0.027407407407407408106436719208;0.012592592592592592726230549260;0.008518518518518519017090895318;0.022222222222222223070309254922;0.003703703703703703845051542487;0.004074074074074073709139653943;0.047037037037037036923958766010;0.059999999999999997779553950750;0.056666666666666663798590519718;0.026666666666666668378260496297;0.001481481481481481407916356297;0.001111111111111111110147375847;0.006296296296296296363115274630;0.018888888888888889089345823891;0.012222222222222222862142437805;0.006296296296296296363115274630;0.006296296296296296363115274630;0.012222222222222222862142437805;0.030740740740740742087400150240;0.013703703703703704053218359604;0.013333333333333334189130248149;0.001111111111111111110147375847;0.004444444444444444440589503387;0.004444444444444444440589503387;0.003703703703703703845051542487;0.000000000000000000000000000000;0.024444444444444445724284875610;0.003703703703703703845051542487;0.016666666666666666435370203203;0.052592592592592593558897817729;0.051111111111111114102545371907;0.032592592592592589673117231541;0.024074074074074074125473288177
-0.028985507246376811946175777734;0.018115942028985507900040730078;0.055797101449275361695345765156;0.054710144927536230596842870000;0.008333333333333333217685101602;0.031884057971014491406069879531;0.003260869565217391127104340498;0.022101449275362318458437727031;0.025000000000000001387778780781;0.025724637681159418650667092265;0.013405797101449274874584993711;0.021739130434782608092270095312;0.016666666666666666435370203203;0.030072463768115943044678672891;0.012318840579710145510805574531;0.012681159420289855876973206250;0.024637681159420291021611149063;0.054710144927536230596842870000;0.018115942028985507900040730078;0.010869565217391304046135047656;0.016666666666666666435370203203;0.013043478260869564508417361992;0.016666666666666666435370203203;0.030072463768115943044678672891;0.026086956521739129016834723984;0.034057971014492753603075669844;0.031521739130434781039902247812;0.010144927536231883313799784219;0.001086956521739130447981591665;0.033333333333333332870740406406;0.018115942028985507900040730078;0.014492753623188405973087888867;0.009420289855072464316187996758;0.006521739130434782254208680996;0.022463768115942028824605358750;0.034782608695652174335410933281;0.017753623188405797533873098359;0.010507246376811593679967415937;0.000000000000000000000000000000;0.019927536231884056261431936719;0.006159420289855072755402787266;0.013405797101449274874584993711;0.000000000000000000000000000000;0.011594202898550724778470311094;0.006521739130434782254208680996;0.011956521739130435144637942813;0.024275362318840580655443517344;0.021376811594202897726102463594;0.039130434782608698729422513907;0.009782608695652174682355628477
-0.055782312925170066120195144777;0.000340136054421768683955068502;0.051360544217687077728218270067;0.000000000000000000000000000000;0.004081632653061224857982125513;0.028231292517006803532986225491;0.001360544217687074735820274007;0.014625850340136054006379140446;0.002040816326530612428991062757;0.050000000000000002775557561563;0.015306122448979591482709494699;0.032993197278911562397851753303;0.011904761904761904101057723437;0.052040816326530611735101672366;0.002380952380952381167156239883;0.031972789115646257918079697902;0.011904761904761904101057723437;0.005782312925170067681446273156;0.007823129251700680977799073901;0.006802721088435373895941804534;0.015306122448979591482709494699;0.005442176870748298943281096030;0.002721088435374149471640548015;0.060544217687074831923954576496;0.062925170068027211356387340402;0.056462585034013607065972450982;0.017346938775510203911700557455;0.004081632653061224857982125513;0.000000000000000000000000000000;0.020748299319727891293352328717;0.054761904761904761640423089375;0.022108843537414966246013037221;0.002380952380952381167156239883;0.004081632653061224857982125513;0.015306122448979591482709494699;0.043877551020408162019137421339;0.010884353741496597886562192059;0.019047619047619049337249919063;0.000000000000000000000000000000;0.007482993197278911372272158786;0.002380952380952381167156239883;0.000340136054421768683955068502;0.000000000000000000000000000000;0.029591836734693878485646933996;0.000680272108843537367910137004;0.020068027210884353817021974464;0.051700680272108841262213019263;0.041836734693877553059593310536;0.015306122448979591482709494699;0.025850340136054420631106509632
-0.042592592592592591616007524635;0.004012345679012345976699460692;0.025925925925925925180637321432;0.000000000000000000000000000000;0.016975308641975307699656383420;0.039506172839506172034251818559;0.003395061728395061713403624282;0.011111111111111111535154627461;0.016049382716049383906797842769;0.017901234567901234961961876024;0.012654320987654321326032480499;0.086111111111111110494320541875;0.020370370370370372015145221667;0.021296296296296295808003762318;0.002777777777777777883788656865;0.043827160493827163612046149410;0.019444444444444444752839729063;0.016049382716049383906797842769;0.007716049382716048954389265191;0.006172839506172839163511412153;0.012037037037037037062736644089;0.010185185185185186007572610833;0.011111111111111111535154627461;0.025308641975308642652064960998;0.047222222222222220988641083750;0.030246913580246913288984700330;0.014197530864197531116910333537;0.017901234567901234961961876024;0.002469135802469135752140738660;0.049074074074074075513252068959;0.137345679012345678327022824305;0.018209876543209876226248056241;0.004320987654320987240985640909;0.006172839506172839163511412153;0.017901234567901234961961876024;0.016666666666666666435370203203;0.007098765432098765558455166769;0.026234567901234566444923501649;0.001543209876543209790877853038;0.016358024691358025171084022986;0.002160493827160493620492820455;0.008333333333333333217685101602;0.000000000000000000000000000000;0.015123456790123456644492350165;0.002469135802469135752140738660;0.013888888888888888117900677344;0.023456790123456791596900927743;0.019135802469135803488553548846;0.014197530864197531116910333537;0.015740740740740739173064710599
-0.021951219512195120631137257305;0.006910569105691056687734707964;0.090650406504065042523343720404;0.000000000000000000000000000000;0.001219512195121951218454436905;0.010569105691056910126257584182;0.004471544715447154684506703148;0.015040650406504065678126025318;0.045121951219512193564931124001;0.030487804878048779810839619131;0.009756097560975609747635495239;0.006504065040650406498423663493;0.011788617886178862428914193572;0.038211382113821135142472940061;0.005691056910569106119801574550;0.019512195121951219495270990478;0.035772357723577237476053625187;0.040243902439024391293198590347;0.007317073170731707744407490424;0.016260162601626017980782634709;0.008943089430894309369013406297;0.050000000000000002775557561563;0.021951219512195120631137257305;0.034146341463414636718809447302;0.020325203252032519873893079421;0.023983739837398373312415955638;0.029674796747967479432217530189;0.004878048780487804873817747620;0.002032520325203252247597829339;0.004471544715447154684506703148;0.007723577235772357933718534895;0.027235772357723578296351263361;0.007723577235772357933718534895;0.011788617886178862428914193572;0.025609756097560974069660133523;0.045121951219512193564931124001;0.009349593495934959558324450768;0.016260162601626017980782634709;0.013821138211382113375469415928;0.058130081300813006561778450987;0.004878048780487804873817747620;0.022764227642276424479206298201;0.000000000000000000000000000000;0.018292682926829267192614381088;0.003658536585365853872203745212;0.012601626016260162807536282514;0.033739837398373981325327974901;0.021544715447154472176549688811;0.026422764227642277917729174419;0.015447154471544715867437069790
-0.012925170068027210315553254816;0.006122448979591836419611450282;0.128571428571428558740308289998;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008163265306122449715964251027;0.000680272108843537367910137004;0.010884353741496597886562192059;0.030272108843537415961977288248;0.029931972789115645489088635145;0.008163265306122449715964251027;0.001360544217687074735820274007;0.013945578231292516530048786194;0.065306122448979597727714008215;0.003061224489795918209805725141;0.011904761904761904101057723437;0.041156462585034012113816004330;0.040816326530612241640927351227;0.003401360544217686947970902267;0.026530612244897958107436863884;0.004761904761904762334312479766;0.027210884353741495583767218136;0.012244897959183672839222900564;0.042857142857142857539365365938;0.019387755102040816340691620212;0.026870748299319728580325516987;0.021768707482993195773124384118;0.005442176870748298943281096030;0.000340136054421768683955068502;0.002040816326530612428991062757;0.003061224489795918209805725141;0.031292517006802723911196295603;0.005442176870748298943281096030;0.008843537414965987192294605279;0.032653061224489798863857004108;0.067006802721088429275475562008;0.013605442176870747791883609068;0.002721088435374149471640548015;0.000680272108843537367910137004;0.029591836734693878485646933996;0.003061224489795918209805725141;0.018367346938775511860919564811;0.000000000000000000000000000000;0.018707482993197278864361265960;0.000680272108843537367910137004;0.006802721088435373895941804534;0.063605442176870752302164646608;0.038775510204081632681383240424;0.031632653061224487445191044799;0.017346938775510203911700557455
-0.022875816993464050813633647863;0.008823529411764705759901872284;0.045751633986928101627267295726;0.000980392156862745084433541365;0.012091503267973856619588168826;0.011764705882352941013202496379;0.001307189542483660040297910321;0.018300653594771242732575089462;0.045751633986928101627267295726;0.061111111111111109106541761093;0.009803921568627450844335413649;0.003921568627450980337734165460;0.015686274509803921350936661838;0.042483660130718955971751427114;0.002941176470588235253300624095;0.007516339869281045936444396460;0.028431372549019607448572699582;0.040522875816993465802884344384;0.008169934640522876281854003366;0.009477124183006535237949741202;0.008169934640522876281854003366;0.029738562091503266404668437417;0.013725490196078431182069579108;0.088235294117647064537912626747;0.022222222222222223070309254922;0.024509803921568627110838534122;0.016993464052287580307032399674;0.002614379084967320080595820642;0.003267973856209150426005427548;0.010130718954248366450721086096;0.002614379084967320080595820642;0.036601307189542485465150178925;0.005882352941176470506601248189;0.009150326797385621366287544731;0.025163398692810458323609879017;0.050653594771241830518881954504;0.009803921568627450844335413649;0.005228758169934640161191641283;0.010457516339869280322383282567;0.022222222222222223070309254922;0.006535947712418300852010855095;0.031372549019607842701873323676;0.000000000000000000000000000000;0.043464052287581697586738016525;0.001633986928104575213002713774;0.025490196078431372195272075487;0.028758169934640521320234896052;0.024509803921568627110838534122;0.028104575163398693576910503111;0.015032679738562091872888792921
-0.027011494252873562843531018984;0.001149425287356321823128979531;0.026149425287356323210907760313;0.000000000000000000000000000000;0.001724137931034482734693469297;0.020114942528735631904757141797;0.002586206896551724102040203945;0.031609195402298853605493889063;0.003448275862068965469386938594;0.097126436781609190584951818437;0.014655172413793103244894489023;0.007183908045977011394556122070;0.012356321839080459598636529961;0.034770114942528733414928154843;0.003448275862068965469386938594;0.010057471264367815952378570898;0.011494252873563218231289795312;0.019252873563218392272133883125;0.019827586206896553183698372891;0.005747126436781609115644897656;0.017528735632183909537440413828;0.001724137931034482734693469297;0.010919540229885057319725305547;0.145977011494252878476274304376;0.025862068965517241020402039453;0.037068965517241377061186113906;0.027873563218390805945601229610;0.001149425287356321823128979531;0.002011494252873563190475714180;0.009482758620689655040814081133;0.005459770114942528659862652773;0.048275862068965516571417140312;0.010919540229885057319725305547;0.002586206896551724102040203945;0.012356321839080459598636529961;0.065517241379310350857245737188;0.017816091954022988258499182734;0.005459770114942528659862652773;0.000000000000000000000000000000;0.004310344827586206836733673242;0.014367816091954022789112244141;0.001724137931034482734693469297;0.000000000000000000000000000000;0.070977011494252867374044058124;0.003448275862068965469386938594;0.035057471264367819074880827657;0.032471264367816089768670195781;0.011781609195402298687072040195;0.020114942528735631904757141797;0.008045977011494252761902856719
-0.039942528735632185088455514688;0.018390804597701149170063672500;0.027586206896551723755095508750;0.067528735632183908843551023438;0.012643678160919540054418774844;0.031896551724137932326552657969;0.006321839080459770027209387422;0.036781609195402298340127345000;0.009770114942528735496596326016;0.012643678160919540054418774844;0.025574712643678162299343270547;0.012068965517241379142854285078;0.025287356321839080108837549687;0.018103448275862070449004903594;0.029310344827586206489788978047;0.014942528735632183700676733906;0.012643678160919540054418774844;0.038218390804597698884315093437;0.037931034482758620163256324531;0.006896551724137930938773877187;0.025862068965517241020402039453;0.009482758620689655040814081133;0.029310344827586206489788978047;0.018103448275862070449004903594;0.037643678160919541442197555625;0.020689655172413792816321631562;0.037931034482758620163256324531;0.012356321839080459598636529961;0.000574712643678160911564489766;0.024712643678160919197273059922;0.009195402298850574585031836250;0.008045977011494252761902856719;0.022413793103448275551015100859;0.006321839080459770027209387422;0.028160919540229884666659998516;0.028735632183908045578224488281;0.018965517241379310081628162266;0.008620689655172413673467346484;0.000862068965517241367346734648;0.018678160919540231360569393360;0.013505747126436781421765509492;0.006896551724137930938773877187;0.000000000000000000000000000000;0.011494252873563218231289795312;0.025862068965517241020402039453;0.010919540229885057319725305547;0.016954022988505748625875924063;0.014367816091954022789112244141;0.037356321839080462721138786719;0.011494252873563218231289795312
-0.021276595744680850547103645454;0.030141843971631204074368426404;0.024468085106382979343475625456;0.132269503546099287394355314973;0.038652482269503546374878055758;0.032269503546099288782134095754;0.002836879432624113666489007457;0.025177304964539008735879832557;0.013120567375886524677519595627;0.007801418439716312040743684264;0.015602836879432624081487368528;0.015957446808510637042965996102;0.026241134751773049355039191255;0.014539007092198581727604533853;0.029432624113475178151411171257;0.009929078014184397615871091602;0.013829787234042552335200326752;0.039361702127659575767282262859;0.030851063829787233466772633506;0.006382978723404254990658746038;0.015957446808510637042965996102;0.014539007092198581727604533853;0.026950354609929078747443398356;0.010283687943262410577349719176;0.025886524822695034658837087704;0.011702127659574467627434657402;0.032269503546099288782134095754;0.021631205673758865243305749004;0.000354609929078014208311125932;0.046808510638297870509738629607;0.013475177304964539373721699178;0.006382978723404254990658746038;0.021985815602836879939507852555;0.009219858156028368223466884501;0.026950354609929078747443398356;0.012056737588652482323636760952;0.014539007092198581727604533853;0.008865248226950355261988256927;0.004255319148936170282893076688;0.028723404255319148759006964156;0.006737588652482269686860849589;0.013829787234042552335200326752;0.000000000000000000000000000000;0.010638297872340425273551822727;0.022695035460992909331912059656;0.007446808510638298211903318702;0.010283687943262410577349719176;0.009574468085106382919668988052;0.025886524822695034658837087704;0.009929078014184397615871091602
-0.023809523809523808202115446875;0.020238095238095239053466301016;0.009126984126984127518311673555;0.158730158730158721347436312499;0.047619047619047616404230893750;0.058730158730158729674108997187;0.002777777777777777883788656865;0.019841269841269840168429539062;0.011904761904761904101057723437;0.005158730158730158617264027754;0.021428571428571428769682682969;0.039682539682539680336859078125;0.023412698412698412786525636875;0.012301587301587301251371009414;0.030952380952380953438307642500;0.017063492063492061850960013203;0.005555555555555555767577313730;0.030158730158730159137681070547;0.034920634920634921471993550313;0.002380952380952381167156239883;0.017460317460317460735996775156;0.005158730158730158617264027754;0.009920634920634920084214769531;0.006746031746031746351155433672;0.034920634920634921471993550313;0.012301587301587301251371009414;0.023015873015873017370935826875;0.020634920634920634469056111016;0.000396825396825396825052634231;0.075793650793650788055622058437;0.027380952380952380820211544687;0.003174603174603174600421073848;0.019047619047619049337249919063;0.004761904761904762334312479766;0.012301587301587301251371009414;0.013095238095238095551997581367;0.009920634920634920084214769531;0.008333333333333333217685101602;0.002777777777777777883788656865;0.008333333333333333217685101602;0.009523809523809524668624959531;0.009523809523809524668624959531;0.000000000000000000000000000000;0.005952380952380952050528861719;0.027380952380952380820211544687;0.006349206349206349200842147695;0.007142857142857142634106981660;0.009920634920634920084214769531;0.021031746031746033354092872969;0.011904761904761904101057723437
-0.022499999999999999167332731531;0.005833333333333333599324266316;0.008333333333333333217685101602;0.021250000000000001526556658860;0.147499999999999992228438827624;0.077916666666666661855700226624;0.005000000000000000104083408559;0.016250000000000000555111512313;0.001250000000000000026020852140;0.005416666666666666851703837438;0.017500000000000001665334536938;0.075833333333333335923853724125;0.010416666666666666088425508008;0.004583333333333333356462979680;0.029583333333333333009518284484;0.013750000000000000069388939039;0.002083333333333333304421275400;0.007499999999999999722444243844;0.065833333333333327042069527124;0.001250000000000000026020852140;0.016250000000000000555111512313;0.002916666666666666799662133158;0.004583333333333333356462979680;0.004583333333333333356462979680;0.030416666666666668239482618219;0.008750000000000000832667268469;0.020833333333333332176851016015;0.020833333333333332176851016015;0.001666666666666666773641281019;0.167083333333333333703407674875;0.044999999999999998334665463062;0.001666666666666666773641281019;0.021250000000000001526556658860;0.002083333333333333304421275400;0.004583333333333333356462979680;0.007083333333333332974823814965;0.004583333333333333356462979680;0.003333333333333333547282562037;0.000000000000000000000000000000;0.003749999999999999861222121922;0.005833333333333333599324266316;0.000833333333333333386820640509;0.000000000000000000000000000000;0.004583333333333333356462979680;0.044583333333333335923853724125;0.001250000000000000026020852140;0.011666666666666667198648532633;0.004583333333333333356462979680;0.010416666666666666088425508008;0.005416666666666666851703837438
-0.029166666666666667129259593594;0.019583333333333334536074943344;0.014999999999999999444888487687;0.007083333333333332974823814965;0.038333333333333330372738601000;0.082916666666666666296592325125;0.004166666666666666608842550801;0.022916666666666665047591422422;0.007916666666666667337426410711;0.006250000000000000346944695195;0.019583333333333334536074943344;0.107499999999999998334665463062;0.020000000000000000416333634234;0.008750000000000000832667268469;0.024166666666666666157814447047;0.029999999999999998889776975375;0.009583333333333332593184650250;0.017916666666666667545593227828;0.025833333333333333148296162562;0.001666666666666666773641281019;0.017500000000000001665334536938;0.005833333333333333599324266316;0.017083333333333332315628894094;0.010416666666666666088425508008;0.043749999999999997224442438437;0.014583333333333333564629796797;0.026666666666666668378260496297;0.022083333333333333287074040641;0.000000000000000000000000000000;0.085000000000000006106226635438;0.073749999999999996114219413812;0.008333333333333333217685101602;0.017500000000000001665334536938;0.003749999999999999861222121922;0.019583333333333334536074943344;0.016250000000000000555111512313;0.009166666666666666712925959359;0.012916666666666666574148081281;0.000000000000000000000000000000;0.007916666666666667337426410711;0.005416666666666666851703837438;0.008333333333333333217685101602;0.000000000000000000000000000000;0.004583333333333333356462979680;0.016666666666666666435370203203;0.005833333333333333599324266316;0.010416666666666666088425508008;0.011249999999999999583666365766;0.019166666666666665186369300500;0.007916666666666667337426410711
-0.042999999999999996558308623662;0.002000000000000000041633363423;0.031666666666666669349705642844;0.011333333333333334147496884725;0.034666666666666665075346998037;0.064333333333333339587589705388;0.001000000000000000020816681712;0.006666666666666667094565124074;0.002333333333333333526465880325;0.017000000000000001221245327088;0.016666666666666666435370203203;0.090999999999999997557509345825;0.025999999999999998806510248528;0.028333333333333331899295259859;0.003666666666666666598434209945;0.036666666666666666851703837438;0.008333333333333333217685101602;0.013333333333333334189130248149;0.008000000000000000166533453694;0.007000000000000000145716771982;0.008000000000000000166533453694;0.003333333333333333547282562037;0.008999999999999999319988397417;0.024333333333333331816028533012;0.052666666666666667184770744825;0.033000000000000001554312234475;0.017000000000000001221245327088;0.000666666666666666644404382058;0.000666666666666666644404382058;0.103333333333333332593184650250;0.061999999999999999555910790150;0.007666666666666666248020067798;0.006666666666666667094565124074;0.005666666666666667073748442363;0.026999999999999999694688668228;0.020666666666666666518636930050;0.009333333333333334105863521302;0.014333333333333333342585191872;0.000000000000000000000000000000;0.012333333333333333300951828448;0.002333333333333333526465880325;0.001000000000000000020816681712;0.000000000000000000000000000000;0.013333333333333334189130248149;0.005333333333333333155235056466;0.011666666666666667198648532633;0.020333333333333331732761806165;0.031666666666666669349705642844;0.026666666666666668378260496297;0.017000000000000001221245327088
-0.056884057971014492793848660313;0.001811594202898550746635986108;0.037681159420289857264751987032;0.000000000000000000000000000000;0.001086956521739130447981591665;0.030797101449275363777013936328;0.002898550724637681194617577773;0.014492753623188405973087888867;0.003623188405797101493271972217;0.035507246376811595067746196719;0.018840579710144928632375993516;0.017753623188405797533873098359;0.028260869565217391213840514297;0.055072463768115940963010501719;0.002536231884057970828449946055;0.048188405797101450944719402969;0.009420289855072464316187996758;0.012681159420289855876973206250;0.012318840579710145510805574531;0.006159420289855072755402787266;0.015217391304347826705423152305;0.008695652173913043583852733320;0.014492753623188405973087888867;0.046014492753623188747713612656;0.063043478260869562079804495625;0.052173913043478258033669447968;0.025724637681159418650667092265;0.004347826086956521791926366660;0.002536231884057970828449946055;0.010144927536231883313799784219;0.022463768115942028824605358750;0.011594202898550724778470311094;0.009057971014492753950020365039;0.011956521739130435144637942813;0.037681159420289857264751987032;0.024637681159420291021611149063;0.007246376811594202986543944434;0.025724637681159418650667092265;0.000000000000000000000000000000;0.019565217391304349364711256953;0.002898550724637681194617577773;0.003260869565217391127104340498;0.000000000000000000000000000000;0.026449275362318839383002355703;0.001811594202898550746635986108;0.019927536231884056261431936719;0.037318840579710146898584355313;0.044927536231884057649210717500;0.030072463768115943044678672891;0.025000000000000001387778780781
-0.046376811594202899113881244375;0.002536231884057970828449946055;0.064492753623188403544475022500;0.000000000000000000000000000000;0.002173913043478260895963183330;0.031521739130434781039902247812;0.002173913043478260895963183330;0.011231884057971014412302679375;0.030072463768115943044678672891;0.021014492753623187359934831875;0.017753623188405797533873098359;0.029710144927536232678511041172;0.021014492753623187359934831875;0.042391304347826085086037295468;0.001449275362318840597308788887;0.039130434782608698729422513907;0.019927536231884056261431936719;0.021014492753623187359934831875;0.011594202898550724778470311094;0.009782608695652174682355628477;0.014492753623188405973087888867;0.044565217391304347283043085781;0.008695652173913043583852733320;0.034057971014492753603075669844;0.053985507246376809864507606562;0.034057971014492753603075669844;0.019565217391304349364711256953;0.021376811594202897726102463594;0.002173913043478260895963183330;0.010144927536231883313799784219;0.025362318840579711753946412500;0.014130434782608695606920257148;0.005434782608695652023067523828;0.005434782608695652023067523828;0.023550724637681159923108253906;0.034057971014492753603075669844;0.007246376811594202986543944434;0.017028985507246376801537834922;0.005072463768115941656899892109;0.027898550724637680847672882578;0.002173913043478260895963183330;0.009057971014492753950020365039;0.000000000000000000000000000000;0.019565217391304349364711256953;0.002898550724637681194617577773;0.013405797101449274874584993711;0.038768115942028988363254882188;0.031521739130434781039902247812;0.026811594202898549749169987422;0.022101449275362318458437727031
-0.054513888888888889505679458125;0.002777777777777777883788656865;0.051736111111111107718762980312;0.004861111111111111188209932266;0.002083333333333333304421275400;0.022222222222222223070309254922;0.000694444444444444470947164216;0.014930555555555556287994356524;0.010763888888888888811790067734;0.028819444444444446140618509844;0.021527777777777777623580135469;0.023263888888888889505679458125;0.015625000000000000000000000000;0.049652777777777774848022573906;0.004861111111111111188209932266;0.061458333333333330095182844843;0.016666666666666666435370203203;0.018055555555555553859381490156;0.008333333333333333217685101602;0.007986111111111110494320541875;0.011111111111111111535154627461;0.012847222222222221682530474141;0.002430555555555555594104966133;0.033680555555555553859381490156;0.069097222222222226539756206876;0.048611111111111111882099322656;0.031944444444444441977282167500;0.018402777777777778317469525859;0.000347222222222222235473582108;0.006250000000000000346944695195;0.017013888888888887424011286953;0.013194444444444444405895033867;0.005902777777777777623580135469;0.017013888888888887424011286953;0.014236111111111110841265237070;0.035763888888888886730121896562;0.008680555555555555941049661328;0.022569444444444444058950338672;0.000000000000000000000000000000;0.010069444444444445099784424258;0.004861111111111111188209932266;0.001388888888888888941894328433;0.000000000000000000000000000000;0.025347222222222222376419864531;0.002777777777777777883788656865;0.014583333333333333564629796797;0.049652777777777774848022573906;0.039236111111111110494320541875;0.025000000000000001387778780781;0.037152777777777777623580135469
-0.040566037735849054535197666382;0.011949685534591195784637207566;0.066037735849056602988049746727;0.002201257861635220070689600291;0.001257861635220125723702566667;0.023899371069182391569274415133;0.005031446540880502894810266667;0.018238993710691823318947868415;0.016666666666666666435370203203;0.022955974842767293969680864052;0.019182389937106917449094467543;0.012578616352201258538068273651;0.015723270440251572305223604076;0.044968553459119493809215128977;0.012264150943396227161352740609;0.039937106918238991781766600297;0.023899371069182391569274415133;0.029874213836477987726869542939;0.014465408805031446798361471906;0.005974842767295597892318603783;0.019496855345911948825810000585;0.015094339622641509551792537991;0.015094339622641509551792537991;0.028301886792452830843291877727;0.047484276729559751761833297223;0.053459119496855347919428425030;0.030503144654088050480300609024;0.008490566037735848906042868123;0.000943396226415094346987033624;0.013836477987421384044930405821;0.015723270440251572305223604076;0.017924528301886791942232335373;0.011320754716981131296482665505;0.009748427672955974412905000293;0.024213836477987422945989948175;0.035534591194968552507749137703;0.010377358490566037166336066377;0.012264150943396227161352740609;0.004088050314465408764663667540;0.025786163522012579829567613388;0.003459119496855346011232601455;0.012264150943396227161352740609;0.000000000000000000000000000000;0.016352201257861635058654670161;0.006289308176100629269034136826;0.013522012578616352668214872779;0.040880503144654085911913199425;0.028930817610062893596722943812;0.021069182389937105709387665797;0.029874213836477987726869542939
-0.016666666666666666435370203203;0.033720930232558142536358758434;0.029069767441860464712855005587;0.016666666666666666435370203203;0.025581395348837208947312404916;0.020155038759689922200912803874;0.010465116279069767296627802011;0.037984496124031007224797207300;0.020930232558139534593255604022;0.008527131782945736315770801639;0.015503875968992247846856002980;0.011627906976744185885142002235;0.019379844961240309808570003725;0.016279069767441860239198803129;0.043023255813953491244472360222;0.005813953488372092942571001117;0.018992248062015503612398603650;0.049224806201550390383214761414;0.042248062015503878852129560073;0.009302325581395348708113601788;0.027519379844961239928169405289;0.020930232558139534593255604022;0.038759689922480619617140007449;0.014341085271317829258341802756;0.015503875968992247846856002980;0.013565891472868216865999002607;0.033720930232558142536358758434;0.024806201550387596554969604767;0.001162790697674418588514200223;0.034496124031007754928701558583;0.008527131782945736315770801639;0.013953488372093023062170402682;0.031395348837209305359330357987;0.010465116279069767296627802011;0.023255813953488371770284004469;0.021705426356589146985598404171;0.012015503875968992081313402309;0.012403100775193798277484802384;0.012790697674418604473656202458;0.033333333333333332870740406406;0.015116279069767441650684602905;0.017054263565891472631541603278;0.000000000000000000000000000000;0.008527131782945736315770801639;0.032170542635658917751673158136;0.016666666666666666435370203203;0.012015503875968992081313402309;0.010852713178294573492799202086;0.024806201550387596554969604767;0.006976744186046511531085201341
-0.018269230769230770244915262879;0.050641025641025641523818023870;0.018589743589743589619045494032;0.044551282051282052598661920229;0.046153846153846156408206979904;0.023717948717948716952363952259;0.004487179487179486850334519943;0.059294871794871792380909880649;0.010256410256410256401360392431;0.007051282051282051384355487045;0.018269230769230770244915262879;0.010897435897435896884344330715;0.010256410256410256401360392431;0.008653846153846154326538808732;0.069230769230769234612310469856;0.006730769230769231142863517903;0.013782051282051281659857266959;0.042948717948717948789116860553;0.061858974358974361251739537693;0.003525641025641025692177743522;0.029807692307692309346967007855;0.008653846153846154326538808732;0.015384615384615385469402326635;0.009935897435897435292506685300;0.022756410256410255360526306845;0.012820512820512820068019621544;0.039423076923076921795896510048;0.056410256410256411074843896358;0.001602564102564102508502452693;0.040705128205128206231311338570;0.010256410256410256401360392431;0.008974358974358973700669039886;0.019230769230769231836752908293;0.002564102564102564100340098108;0.011217948717948717993198037846;0.019551282051282051210883139447;0.011858974358974358476181976130;0.005128205128205128200680196215;0.000641025641025641025085024527;0.010897435897435896884344330715;0.016666666666666666435370203203;0.007371794871794871625847456187;0.000000000000000000000000000000;0.007692307692307692734701163317;0.051923076923076925959232852392;0.008012820512820512108831394471;0.008012820512820512108831394471;0.007051282051282051384355487045;0.021153846153846155020428199123;0.005128205128205128200680196215
-0.042248062015503878852129560073;0.007751937984496123923428001490;0.031395348837209305359330357987;0.000387596899224806196171400074;0.005038759689922480550228200968;0.062790697674418610718660715975;0.001937984496124030980857000372;0.016279069767441860239198803129;0.010852713178294573492799202086;0.012403100775193798277484802384;0.017441860465116278827713003352;0.056201550387596901914299962755;0.030232558139534883301369205810;0.028294573643410852320512205438;0.007364341085271317727256601415;0.040310077519379844401825607747;0.018217054263565891220055803501;0.025581395348837208947312404916;0.021705426356589146985598404171;0.007751937984496123923428001490;0.015503875968992247846856002980;0.012403100775193798277484802384;0.020155038759689922200912803874;0.027131782945736433731998005214;0.050775193798449615167900361712;0.027131782945736433731998005214;0.023643410852713177966455404544;0.021317829457364340789427004097;0.003100775193798449569371200596;0.036046511627906979713387158881;0.048449612403100777990871961265;0.013565891472868216865999002607;0.016666666666666666435370203203;0.006976744186046511531085201341;0.025581395348837208947312404916;0.025193798449612402751141004842;0.011240310077519379688970602160;0.019767441860465116004741403799;0.004651162790697674354056800894;0.025581395348837208947312404916;0.005813953488372092942571001117;0.007364341085271317727256601415;0.000000000000000000000000000000;0.013953488372093023062170402682;0.006976744186046511531085201341;0.011627906976744185885142002235;0.018604651162790697416227203576;0.018604651162790697416227203576;0.024806201550387596554969604767;0.013178294573643410669827602533
-0.058865248226950356302822342514;0.008865248226950355261988256927;0.020212765957446809927944286756;0.000709219858156028416622251864;0.014184397163120567031402430302;0.074113475177304960483937179561;0.002127659574468085141446538344;0.025177304964539008735879832557;0.004964539007092198807935545801;0.009219858156028368223466884501;0.023404255319148935254869314804;0.056737588652482268125609721210;0.023758865248226949951071418354;0.023049645390070920558667211253;0.012056737588652482323636760952;0.041843971631205671701803083806;0.003191489361702127495329373019;0.016312056737588651739168099652;0.036524822695035458197665434454;0.000709219858156028416622251864;0.024113475177304964647273521905;0.006028368794326241161818380476;0.018085106382978721750731665452;0.014184397163120567031402430302;0.058156028368794326910418135412;0.027659574468085104670400653504;0.029787234042553192847613274807;0.001418439716312056833244503729;0.000000000000000000000000000000;0.059929078014184400391428653165;0.052482269503546098710078382510;0.003900709219858156020371842132;0.020567375886524821154699438353;0.004609929078014184111733442251;0.017375886524822695827774410304;0.016312056737588651739168099652;0.010992907801418439969753926277;0.032624113475177303478336199305;0.000354609929078014208311125932;0.015248226950354609385285264977;0.004609929078014184111733442251;0.002836879432624113666489007457;0.000000000000000000000000000000;0.008510638297872340565786153377;0.014893617021276596423806637404;0.012056737588652482323636760952;0.019148936170212765839337976104;0.018794326241134751143135872553;0.031560283687943259389729888653;0.017730496453900710523976513855
-0.070056497175141244082574587537;0.000564971751412429398254977375;0.031355932203389828838435704483;0.000564971751412429398254977375;0.000282485875706214699127488688;0.032203389830508473423709148165;0.001129943502824858796509954750;0.014971751412429378999546791817;0.002824858757062146882854669627;0.041807909604519771784580939311;0.025988700564971749934484179789;0.014971751412429378999546791817;0.020903954802259885892290469656;0.044632768361581920402159084915;0.004802259887005650047797633562;0.061299435028248590306976240072;0.008757062146892655510321823442;0.008192090395480225786806194321;0.015819209039548021850096759522;0.003954802259887005462524189880;0.020056497175141241307017025974;0.001977401129943502731262094940;0.010169491525423728084387420267;0.049152542372881358190284117882;0.067796610169491525188512071054;0.064689265536723161709176110890;0.019774011299435029914706163368;0.000847457627118644043172357438;0.001129943502824858796509954750;0.009604519774011300095595267123;0.017796610169491525882401461445;0.015819209039548021850096759522;0.010169491525423728084387420267;0.006497175141242937483621044947;0.021186440677966100754048284216;0.033615819209039547732498220967;0.013841807909604519552515533576;0.025988700564971749934484179789;0.000564971751412429398254977375;0.008474576271186440648564008882;0.002542372881355932021096855067;0.001129943502824858796509954750;0.000000000000000000000000000000;0.026271186440677964796241994350;0.003954802259887005462524189880;0.022033898305084745339321727897;0.042372881355932201508096568432;0.050847457627118647360831005244;0.022316384180790960201079542458;0.024293785310734464233384244380
-0.050406504065040651230145130057;0.008536585365853659179702361826;0.054065040650406501199221054321;0.001626016260162601624605915873;0.026829268292682926372316742913;0.025203252032520325615072565029;0.002845528455284553059900787275;0.012195121951219512618225238043;0.029268292682926830977629961694;0.017886178861788618738026812593;0.018699186991869919116648901536;0.019918699186991871419305510926;0.023170731707317072933793866696;0.041056910569105688202373727336;0.006910569105691056687734707964;0.044715447154471545110343555507;0.015447154471544715867437069790;0.027642276422764226750938831856;0.013008130081300812996847326986;0.007317073170731707744407490424;0.017479674796747966813992292145;0.022764227642276424479206298201;0.014227642276422763564780460399;0.027642276422764226750938831856;0.058943089430894310409847491883;0.034552845528455285173397015797;0.024390243902439025236450476086;0.001219512195121951218454436905;0.000813008130081300812302957937;0.013821138211382113375469415928;0.017479674796747966813992292145;0.010975609756097560315568628653;0.003252032520325203249211831746;0.011382113821138212239603149101;0.032926829268292684416152837912;0.022764227642276424479206298201;0.011382113821138212239603149101;0.018292682926829267192614381088;0.002439024390243902436908873810;0.020731707317073171797927599869;0.004878048780487804873817747620;0.024796747967479673691038044581;0.000000000000000000000000000000;0.010975609756097560315568628653;0.003252032520325203249211831746;0.011382113821138212239603149101;0.039024390243902438990541980957;0.037398373983739838233297803072;0.030487804878048779810839619131;0.023577235772357724857828387144
-0.033024691358024688137007274236;0.006790123456790123426807248563;0.091975308641975311862992725764;0.000000000000000000000000000000;0.000925925925925925961262885622;0.033950617283950615399312766840;0.000617283950617283938035184665;0.008333333333333333217685101602;0.038580246913580244771946325955;0.016666666666666666435370203203;0.014506172839506172381196513754;0.020679012345679013279431401884;0.017283950617283948963942563637;0.044444444444444446140618509844;0.004629629629629629372633559115;0.035802469135802469923923752049;0.031172839506172840551290192934;0.041049382716049381825129671597;0.007098765432098765558455166769;0.011419753086419752799440807678;0.007716049382716048954389265191;0.041049382716049381825129671597;0.014814814814814815380206169948;0.020061728395061727281412089496;0.046913580246913583193801855487;0.030246913580246913288984700330;0.020987654320987654543717582101;0.007716049382716048954389265191;0.000308641975308641969017592332;0.011419753086419752799440807678;0.016358024691358025171084022986;0.014197530864197531116910333537;0.004629629629629629372633559115;0.014197530864197531116910333537;0.030246913580246913288984700330;0.040123456790123454562824178993;0.007098765432098765558455166769;0.010185185185185186007572610833;0.004629629629629629372633559115;0.025925925925925925180637321432;0.003395061728395061713403624282;0.021604938271604937072289942535;0.000000000000000000000000000000;0.009876543209876543008562954640;0.002469135802469135752140738660;0.004629629629629629372633559115;0.043209876543209874144579885069;0.037345679012345679714801605087;0.027777777777777776235801354687;0.021913580246913581806023074705
-0.025185185185185185452461098521;0.003333333333333333547282562037;0.097407407407407400889987059145;0.000370370370370370351979089074;0.010740740740740739936343040029;0.028518518518518519433424529552;0.001851851851851851922525771243;0.008148148148148147418279307885;0.030740740740740742087400150240;0.021111111111111111743321444578;0.012222222222222222862142437805;0.024814814814814813853649511088;0.017407407407407406163546426114;0.047777777777777780121581940875;0.003333333333333333547282562037;0.015185185185185185244294281404;0.039259259259259257635044093604;0.050740740740740739034286832521;0.012592592592592592726230549260;0.018888888888888889089345823891;0.009259259259259258745267118229;0.032592592592592589673117231541;0.009629629629629630344078705662;0.028518518518518519433424529552;0.026296296296296296779448908865;0.034444444444444444197728216750;0.021481481481481479872686080057;0.018518518518518517490534236458;0.000000000000000000000000000000;0.032592592592592589673117231541;0.023703703703703702526661700745;0.018148148148148149361169600979;0.007777777777777777554191196430;0.008148148148148147418279307885;0.018518518518518517490534236458;0.056666666666666663798590519718;0.010370370370370370072254928573;0.008148148148148147418279307885;0.002222222222222222220294751693;0.029259259259259259161600752464;0.002962962962962962815832712593;0.007777777777777777554191196430;0.000000000000000000000000000000;0.007407407407407407690103084974;0.002592592592592592518063732143;0.007407407407407407690103084974;0.045555555555555557467606320188;0.025185185185185185452461098521;0.021851851851851851471497667490;0.013333333333333334189130248149
-0.034848484848484850839867021932;0.006439393939393939225723784148;0.017803030303030303177491688871;0.015909090909090907450806895440;0.039772727272727272096464190554;0.087499999999999994448884876874;0.001515151515151515150200967064;0.011742424242424241709326082628;0.007196969696969697342925353922;0.006439393939393939225723784148;0.016666666666666666435370203203;0.098484848484848480643094603693;0.038257575757575754127337575028;0.009848484848484847717364765174;0.006818181818181817850643700041;0.031439393939393940613502564929;0.007954545454545453725403447720;0.012500000000000000693889390391;0.033333333333333332870740406406;0.004166666666666666608842550801;0.015909090909090907450806895440;0.005681818181818181975883952362;0.010227272727272727209646419055;0.011742424242424241709326082628;0.057575757575757578743402831378;0.016287878787878788677812025298;0.014772727272727272443408885749;0.005681818181818181975883952362;0.000378787878787878787550241766;0.127651515151515154711248101194;0.072348484848484842513194337243;0.006060606060606060600803868255;0.020454545454545454419292838111;0.003030303030303030300401934127;0.019318181818181817677171352443;0.009469696969696969959806587269;0.006439393939393939225723784148;0.017045454545454544192928381108;0.000757575757575757575100483532;0.006818181818181817850643700041;0.001893939393939393991961317454;0.003409090909090908925321850020;0.000000000000000000000000000000;0.005303030303030303350964036468;0.008712121212121212709966755483;0.005681818181818181975883952362;0.011742424242424241709326082628;0.010984848484848484459486250842;0.024242424242424242403215473018;0.011742424242424241709326082628
-0.040064102564102567483050876262;0.007692307692307692734701163317;0.042628205128205129414986629399;0.160576923076923089306333736204;0.012179487179487179585035683260;0.020833333333333332176851016015;0.002884615384615384775512936244;0.013461538461538462285727035805;0.015384615384615385469402326635;0.020192307692307693428590553708;0.014743589743589743251694912374;0.012820512820512820068019621544;0.017307692307692308653077617464;0.029807692307692309346967007855;0.017307692307692308653077617464;0.022115384615384616612265844537;0.021474358974358974394558430276;0.028205128205128205537421948179;0.013782051282051281659857266959;0.004807692307692307959188227073;0.014743589743589743251694912374;0.016025641025641024217662788942;0.011217948717948717993198037846;0.033012820512820513496610175252;0.039102564102564102421766278894;0.033653846153846152244870637560;0.022435897435897435986396075691;0.008653846153846154326538808732;0.001282051282051282050170049054;0.019551282051282051210883139447;0.011858974358974358476181976130;0.018269230769230770244915262879;0.008653846153846154326538808732;0.006410256410256410034009810772;0.025320512820512820761909011935;0.033333333333333332870740406406;0.011858974358974358476181976130;0.011858974358974358476181976130;0.002564102564102564100340098108;0.016346153846153847061239972049;0.004166666666666666608842550801;0.007371794871794871625847456187;0.000000000000000000000000000000;0.017307692307692308653077617464;0.013141025641025641176873328675;0.016346153846153847061239972049;0.025000000000000001387778780781;0.021474358974358974394558430276;0.020833333333333332176851016015;0.009935897435897435292506685300
-0.046296296296296293726335591145;0.001111111111111111110147375847;0.063333333333333338699411285688;0.000370370370370370351979089074;0.000370370370370370351979089074;0.018518518518518517490534236458;0.001481481481481481407916356297;0.015555555555555555108382392859;0.013703703703703704053218359604;0.043333333333333334813630699500;0.018888888888888889089345823891;0.012592592592592592726230549260;0.017777777777777777762358013547;0.058148148148148150193836869448;0.005185185185185185036127464286;0.034444444444444444197728216750;0.018518518518518517490534236458;0.018148148148148149361169600979;0.008148148148148147418279307885;0.009259259259259258745267118229;0.011481481481481481399242738917;0.008518518518518519017090895318;0.004444444444444444440589503387;0.063333333333333338699411285688;0.056666666666666663798590519718;0.062592592592592588562894206916;0.023333333333333334397297065266;0.000740740740740740703958178148;0.001481481481481481407916356297;0.003703703703703703845051542487;0.010370370370370370072254928573;0.031111111111111110216764785719;0.005555555555555555767577313730;0.009259259259259258745267118229;0.018888888888888889089345823891;0.049629629629629627707299022177;0.010370370370370370072254928573;0.010370370370370370072254928573;0.000740740740740740703958178148;0.008888888888888888881179006773;0.006666666666666667094565124074;0.002592592592592592518063732143;0.000000000000000000000000000000;0.027777777777777776235801354687;0.001481481481481481407916356297;0.016666666666666666435370203203;0.051111111111111114102545371907;0.046666666666666668794594130532;0.020000000000000000416333634234;0.030370370370370370488588562807
-0.048979591836734691356891602254;0.004421768707482993596147302640;0.069387755102040815646802229821;0.000340136054421768683955068502;0.002721088435374149471640548015;0.024829931972789116151334454230;0.000680272108843537367910137004;0.022448979591836733249454738370;0.017346938775510203911700557455;0.037414965986394557728722531920;0.021088435374149658296794029866;0.015306122448979591482709494699;0.007823129251700680977799073901;0.057482993197278911545744506384;0.003741496598639455686136079393;0.042857142857142857539365365938;0.015306122448979591482709494699;0.018707482993197278864361265960;0.009863945578231291672066660681;0.006802721088435373895941804534;0.013945578231292516530048786194;0.012244897959183672839222900564;0.003401360544217686947970902267;0.038775510204081632681383240424;0.059863945578231290978177270290;0.058843537414965986498405214888;0.027210884353741495583767218136;0.004081632653061224857982125513;0.001360544217687074735820274007;0.017687074829931974384589210558;0.016666666666666666435370203203;0.021428571428571428769682682969;0.005782312925170067681446273156;0.010884353741496597886562192059;0.011904761904761904101057723437;0.041496598639455782586704657433;0.007142857142857142634106981660;0.015646258503401361955598147802;0.001360544217687074735820274007;0.010884353741496597886562192059;0.004761904761904762334312479766;0.006802721088435373895941804534;0.000000000000000000000000000000;0.023129251700680270725785092623;0.001700680272108843473985451134;0.012244897959183672839222900564;0.059863945578231290978177270290;0.038435374149659862208494587321;0.017687074829931974384589210558;0.027210884353741495583767218136
-0.057575757575757578743402831378;0.002651515151515151675482018234;0.018181818181818180935049866775;0.001136363636363636308440616673;0.017045454545454544192928381108;0.067424242424242428195491072529;0.004545454545454545233762466694;0.009848484848484847717364765174;0.010227272727272727209646419055;0.024621212121212120160773650923;0.018181818181818180935049866775;0.079924242424242425419933510966;0.021969696969696968918972501683;0.034848484848484850839867021932;0.001893939393939393991961317454;0.045833333333333330095182844843;0.008712121212121212709966755483;0.006439393939393939225723784148;0.016666666666666666435370203203;0.004924242424242423858682382587;0.013257575757575757943729222177;0.005303030303030303350964036468;0.005681818181818181975883952362;0.032196969696969696128618920739;0.060606060606060607742762158523;0.037878787878787879839226349077;0.017424242424242425419933510966;0.003409090909090908925321850020;0.001136363636363636308440616673;0.056060606060606060774276215852;0.046212121212121211322187974702;0.016666666666666666435370203203;0.005681818181818181975883952362;0.004924242424242423858682382587;0.023106060606060605661093987351;0.024242424242424242403215473018;0.006818181818181817850643700041;0.019696969696969695434729530348;0.000378787878787878787550241766;0.010606060606060606701928072937;0.001515151515151515150200967064;0.010227272727272727209646419055;0.000000000000000000000000000000;0.021969696969696968918972501683;0.006439393939393939225723784148;0.020075757575757576661734660206;0.025378787878787879145336958686;0.026893939393939393645016622258;0.024621212121212120160773650923;0.018939393939393939919613174538
-0.042592592592592591616007524635;0.005864197530864197899225231936;0.052777777777777777623580135469;0.000000000000000000000000000000;0.000000000000000000000000000000;0.014506172839506172381196513754;0.003395061728395061713403624282;0.011728395061728395798450463872;0.025308641975308642652064960998;0.037962962962962962243373965521;0.014506172839506172381196513754;0.011728395061728395798450463872;0.019444444444444444752839729063;0.056481481481481479733908201979;0.003395061728395061713403624282;0.026851851851851852442942814037;0.025925925925925925180637321432;0.029012345679012344762393027509;0.006172839506172839163511412153;0.012345679012345678327022824305;0.011111111111111111535154627461;0.030246913580246913288984700330;0.012037037037037037062736644089;0.050000000000000002775557561563;0.040740740740740744030290443334;0.041666666666666664353702032031;0.019135802469135803488553548846;0.000617283950617283938035184665;0.004320987654320987240985640909;0.005246913580246913635929395525;0.010185185185185186007572610833;0.027469135802469134971515174470;0.004320987654320987240985640909;0.009876543209876543008562954640;0.031481481481481478346129421197;0.045679012345679011197763230712;0.008950617283950617480980938012;0.010493827160493827271858791050;0.004012345679012345976699460692;0.031481481481481478346129421197;0.002469135802469135752140738660;0.011419753086419752799440807678;0.000000000000000000000000000000;0.036419753086419752452496112483;0.001234567901234567876070369330;0.028086419753086420969534486858;0.038271604938271606977107097691;0.034567901234567897927885127274;0.028086419753086420969534486858;0.020370370370370372015145221667
-0.039622641509433960405051067255;0.006603773584905660645749669868;0.039937106918238991781766600297;0.000000000000000000000000000000;0.002515723270440251447405133334;0.042138364779874211418775331595;0.003773584905660377387948134498;0.016981132075471697812085736246;0.019182389937106917449094467543;0.020440251572327042955956599712;0.020754716981132074332672132755;0.033647798742138364247455939449;0.028930817610062893596722943812;0.036163522012578615261180203788;0.005031446540880502894810266667;0.041823899371069180042059798552;0.022327044025157231216249797967;0.027672955974842768089860811642;0.014150943396226415421645938864;0.009433962264150943036189467250;0.015723270440251572305223604076;0.023584905660377360192558882090;0.015094339622641509551792537991;0.029559748427672956350154009897;0.052201257861635222412566292860;0.030188679245283019103585075982;0.023584905660377360192558882090;0.008176100628930817529327335080;0.000628930817610062861851283333;0.023270440251572325346396397094;0.035534591194968552507749137703;0.015094339622641509551792537991;0.007861635220125786152611802038;0.008805031446540880282758401165;0.038993710691823897651620001170;0.027358490566037736713145278600;0.011635220125786162673198198547;0.017295597484276729188801269288;0.003459119496855346011232601455;0.026100628930817611206283146430;0.003459119496855346011232601455;0.011006289308176099919767132462;0.000000000000000000000000000000;0.018238993710691823318947868415;0.004716981132075471518094733625;0.019811320754716980202525533628;0.027987421383647799466576344685;0.020440251572327042955956599712;0.032389937106918238740593807279;0.016666666666666666435370203203
-0.024444444444444445724284875610;0.007037037037037036958653235530;0.060370370370370372847812490136;0.000000000000000000000000000000;0.000370370370370370351979089074;0.015925925925925926707193980292;0.001851851851851851922525771243;0.010000000000000000208166817117;0.064074074074074074958140556646;0.017777777777777777762358013547;0.008148148148148147418279307885;0.010740740740740739936343040029;0.016296296296296294836558615771;0.033333333333333332870740406406;0.001851851851851851922525771243;0.021111111111111111743321444578;0.047037037037037036923958766010;0.041111111111111112159655078813;0.006296296296296296363115274630;0.017407407407407406163546426114;0.007407407407407407690103084974;0.066666666666666665741480812812;0.026296296296296296779448908865;0.022962962962962962798485477833;0.029629629629629630760412339896;0.020740740740740740144509857146;0.018888888888888889089345823891;0.018888888888888889089345823891;0.000370370370370370351979089074;0.004814814814814815172039352831;0.003703703703703703845051542487;0.016666666666666666435370203203;0.006296296296296296363115274630;0.010370370370370370072254928573;0.036666666666666666851703837438;0.030370370370370370488588562807;0.010000000000000000208166817117;0.010000000000000000208166817117;0.017407407407407406163546426114;0.063333333333333338699411285688;0.001481481481481481407916356297;0.042962962962962959745372160114;0.000000000000000000000000000000;0.009629629629629630344078705662;0.002592592592592592518063732143;0.009259259259259258745267118229;0.031851851851851853414387960584;0.028888888888888887562789165031;0.032592592592592589673117231541;0.014074074074074073917306471060
-0.036178861788617885930641193681;0.004878048780487804873817747620;0.056910569105691054259121841596;0.000000000000000000000000000000;0.004471544715447154684506703148;0.035365853658536582082572152785;0.002032520325203252247597829339;0.009349593495934959558324450768;0.023983739837398373312415955638;0.026016260162601625993694653971;0.013008130081300812996847326986;0.023983739837398373312415955638;0.026016260162601625993694653971;0.031300813008130083658908660027;0.002032520325203252247597829339;0.024390243902439025236450476086;0.020731707317073171797927599869;0.033333333333333332870740406406;0.008943089430894309369013406297;0.015040650406504065678126025318;0.010569105691056910126257584182;0.038617886178861790535954412462;0.036991869918699189778710234577;0.028861788617886179053595441246;0.039837398373983742838611021853;0.029268292682926830977629961694;0.019918699186991871419305510926;0.000406504065040650406151478968;0.000813008130081300812302957937;0.016260162601626017980782634709;0.020325203252032519873893079421;0.017073170731707318359404723651;0.013008130081300812996847326986;0.006910569105691056687734707964;0.056097560975609757349946704608;0.028455284552845527129560920798;0.010162601626016259936946539710;0.014634146341463415488814980847;0.005691056910569106119801574550;0.048373983739837395079419479771;0.002439024390243902436908873810;0.010569105691056910126257584182;0.000000000000000000000000000000;0.017479674796747966813992292145;0.003658536585365853872203745212;0.012195121951219512618225238043;0.029268292682926830977629961694;0.025203252032520325615072565029;0.041463414634146343595855199737;0.017479674796747966813992292145
-0.041250000000000001942890293094;0.014999999999999999444888487687;0.075833333333333335923853724125;0.000000000000000000000000000000;0.004166666666666666608842550801;0.022499999999999999167332731531;0.002083333333333333304421275400;0.011666666666666667198648532633;0.037916666666666667961926862063;0.017916666666666667545593227828;0.011249999999999999583666365766;0.010416666666666666088425508008;0.017916666666666667545593227828;0.037916666666666667961926862063;0.007499999999999999722444243844;0.020416666666666666296592325125;0.046666666666666668794594130532;0.049166666666666664076146275875;0.008750000000000000832667268469;0.021250000000000001526556658860;0.009166666666666666712925959359;0.035416666666666665741480812812;0.019166666666666665186369300500;0.025416666666666667268037471672;0.037083333333333336201409480282;0.026249999999999999028554853453;0.020000000000000000416333634234;0.002916666666666666799662133158;0.002083333333333333304421275400;0.006666666666666667094565124074;0.010000000000000000208166817117;0.020833333333333332176851016015;0.006666666666666667094565124074;0.013333333333333334189130248149;0.035000000000000003330669073875;0.035833333333333335091186455656;0.013333333333333334189130248149;0.012083333333333333078907223523;0.006250000000000000346944695195;0.040000000000000000832667268469;0.002916666666666666799662133158;0.028333333333333331899295259859;0.000000000000000000000000000000;0.011249999999999999583666365766;0.002916666666666666799662133158;0.009583333333333332593184650250;0.032500000000000001110223024625;0.032916666666666663521034763562;0.027083333333333334258519187188;0.015416666666666667059870654555
-0.044583333333333335923853724125;0.003333333333333333547282562037;0.053333333333333336756520992594;0.002083333333333333304421275400;0.003333333333333333547282562037;0.014166666666666665949647629930;0.001666666666666666773641281019;0.012083333333333333078907223523;0.012083333333333333078907223523;0.032083333333333331760517381781;0.019166666666666665186369300500;0.003749999999999999861222121922;0.021250000000000001526556658860;0.060416666666666667129259593594;0.007916666666666667337426410711;0.028750000000000001249000902703;0.016250000000000000555111512313;0.025833333333333333148296162562;0.007083333333333332974823814965;0.012500000000000000693889390391;0.010416666666666666088425508008;0.017500000000000001665334536938;0.021666666666666667406815349750;0.035416666666666665741480812812;0.042916666666666665463925056656;0.047500000000000000555111512313;0.026666666666666668378260496297;0.000416666666666666693410320255;0.000000000000000000000000000000;0.003749999999999999861222121922;0.005416666666666666851703837438;0.021250000000000001526556658860;0.009166666666666666712925959359;0.015833333333333334674852821422;0.039583333333333331482961625625;0.041250000000000001942890293094;0.012916666666666666574148081281;0.009166666666666666712925959359;0.000000000000000000000000000000;0.026249999999999999028554853453;0.002500000000000000052041704279;0.008333333333333333217685101602;0.000000000000000000000000000000;0.022499999999999999167332731531;0.003749999999999999861222121922;0.012500000000000000693889390391;0.057083333333333333148296162562;0.055833333333333332038073137937;0.043333333333333334813630699500;0.025416666666666667268037471672
-0.049629629629629627707299022177;0.005555555555555555767577313730;0.055555555555555552471602709375;0.000000000000000000000000000000;0.011851851851851851263330850372;0.045185185185185182399347780802;0.002592592592592592518063732143;0.009629629629629630344078705662;0.018888888888888889089345823891;0.021111111111111111743321444578;0.017407407407407406163546426114;0.044074074074074071072359970458;0.022962962962962962798485477833;0.033703703703703701000105041885;0.003333333333333333547282562037;0.039259259259259257635044093604;0.015185185185185185244294281404;0.021111111111111111743321444578;0.011481481481481481399242738917;0.007407407407407407690103084974;0.014444444444444443781394582516;0.018518518518518517490534236458;0.008148148148148147418279307885;0.027037037037037036507625131776;0.038518518518518521376314822646;0.029629629629629630760412339896;0.016296296296296294836558615771;0.001111111111111111110147375847;0.000740740740740740703958178148;0.054074074074074073015250263552;0.075185185185185188228018660084;0.015555555555555555108382392859;0.006666666666666667094565124074;0.006296296296296296363115274630;0.021481481481481479872686080057;0.030740740740740742087400150240;0.007777777777777777554191196430;0.035185185185185187395351391615;0.004444444444444444440589503387;0.014814814814814815380206169948;0.004074074074074073709139653943;0.004814814814814815172039352831;0.000000000000000000000000000000;0.015555555555555555108382392859;0.003333333333333333547282562037;0.012592592592592592726230549260;0.037037037037037034981068472916;0.025925925925925925180637321432;0.020740740740740740144509857146;0.013333333333333334189130248149
-0.052083333333333335646297967969;0.005555555555555555767577313730;0.032638888888888890893458238907;0.000347222222222222235473582108;0.009027777777777776929690745078;0.042361111111111113269878103438;0.006944444444444444058950338672;0.025694444444444443365060948281;0.015277777777777777276635440273;0.020138888888888890199568848516;0.021874999999999998612221219219;0.025694444444444443365060948281;0.028819444444444446140618509844;0.027777777777777776235801354687;0.007986111111111110494320541875;0.037499999999999998612221219219;0.014236111111111110841265237070;0.031250000000000000000000000000;0.027083333333333334258519187188;0.006597222222222222202947516934;0.023263888888888889505679458125;0.007638888888888888638317720137;0.019097222222222223764198645313;0.028472222222222221682530474141;0.047916666666666669904817155157;0.037152777777777777623580135469;0.028125000000000000693889390391;0.004166666666666666608842550801;0.001388888888888888941894328433;0.030902777777777779011358916250;0.020138888888888890199568848516;0.014236111111111110841265237070;0.021527777777777777623580135469;0.011111111111111111535154627461;0.029861111111111112575988713047;0.029166666666666667129259593594;0.010763888888888888811790067734;0.023263888888888889505679458125;0.001736111111111111014737584668;0.017013888888888887424011286953;0.003125000000000000173472347598;0.009722222222222222376419864531;0.000000000000000000000000000000;0.016319444444444445446729119453;0.008333333333333333217685101602;0.020486111111111111188209932266;0.025347222222222222376419864531;0.025347222222222222376419864531;0.029166666666666667129259593594;0.016319444444444445446729119453
-0.055555555555555552471602709375;0.003333333333333333547282562037;0.027777777777777776235801354687;0.000000000000000000000000000000;0.009259259259259258745267118229;0.041851851851851848418384349770;0.002222222222222222220294751693;0.036296296296296298722339201959;0.008148148148148147418279307885;0.031851851851851853414387960584;0.030740740740740742087400150240;0.040740740740740744030290443334;0.017777777777777777762358013547;0.034814814814814812327092852229;0.007407407407407407690103084974;0.029259259259259259161600752464;0.008148148148148147418279307885;0.020000000000000000416333634234;0.025185185185185185452461098521;0.005555555555555555767577313730;0.026296296296296296779448908865;0.001851851851851851922525771243;0.009629629629629630344078705662;0.045925925925925925596970955667;0.045925925925925925596970955667;0.046296296296296293726335591145;0.038148148148148146308056283260;0.006296296296296296363115274630;0.001111111111111111110147375847;0.027037037037037036507625131776;0.025185185185185185452461098521;0.015185185185185185244294281404;0.011851851851851851263330850372;0.004814814814814815172039352831;0.011111111111111111535154627461;0.033333333333333332870740406406;0.020370370370370372015145221667;0.015925925925925926707193980292;0.001111111111111111110147375847;0.003703703703703703845051542487;0.007037037037037036958653235530;0.005185185185185185036127464286;0.000000000000000000000000000000;0.026296296296296296779448908865;0.008518518518518519017090895318;0.019629629629629628817522046802;0.031851851851851853414387960584;0.027777777777777776235801354687;0.029999999999999998889776975375;0.016666666666666666435370203203
-0.068910256410256415238180238703;0.009935897435897435292506685300;0.022435897435897435986396075691;0.000000000000000000000000000000;0.004807692307692307959188227073;0.065384615384615388244959888198;0.001282051282051282050170049054;0.014423076923076923877564681220;0.005769230769230769551025872488;0.019551282051282051210883139447;0.021474358974358974394558430276;0.042628205128205129414986629399;0.033333333333333332870740406406;0.030448717948717948095227470162;0.003846153846153846367350581659;0.049358974358974357088403195348;0.010256410256410256401360392431;0.011538461538461539102051744976;0.016346153846153847061239972049;0.005128205128205128200680196215;0.014102564102564102768710974090;0.006730769230769231142863517903;0.010256410256410256401360392431;0.032692307692307694122479944099;0.081410256410256412462622677140;0.037499999999999998612221219219;0.021794871794871793768688661430;0.002243589743589743425167259971;0.003846153846153846367350581659;0.033333333333333332870740406406;0.035576923076923075428545928389;0.010256410256410256401360392431;0.013141025641025641176873328675;0.008333333333333333217685101602;0.033333333333333332870740406406;0.020192307692307693428590553708;0.006730769230769231142863517903;0.021153846153846155020428199123;0.000961538461538461591837645415;0.012179487179487179585035683260;0.003846153846153846367350581659;0.008653846153846154326538808732;0.000000000000000000000000000000;0.022115384615384616612265844537;0.005448717948717948442172165358;0.016025641025641024217662788942;0.026923076923076924571454071611;0.027884615384615386163291717025;0.021153846153846155020428199123;0.025320512820512820761909011935
-0.023703703703703702526661700745;0.010740740740740739936343040029;0.058518518518518518323201504927;0.000370370370370370351979089074;0.010740740740740739936343040029;0.017777777777777777762358013547;0.001481481481481481407916356297;0.017037037037037038034181790636;0.012962962962962962590318660716;0.052222222222222225429533182250;0.012222222222222222862142437805;0.013333333333333334189130248149;0.016666666666666666435370203203;0.047407407407407405053323401489;0.007037037037037036958653235530;0.013333333333333334189130248149;0.018888888888888889089345823891;0.032962962962962964741375770927;0.015185185185185185244294281404;0.010000000000000000208166817117;0.012222222222222222862142437805;0.015925925925925926707193980292;0.012962962962962962590318660716;0.067777777777777784007362527063;0.028518518518518519433424529552;0.035185185185185187395351391615;0.032222222222222221543752596062;0.009259259259259258745267118229;0.000740740740740740703958178148;0.027407407407407408106436719208;0.008888888888888888881179006773;0.024814814814814813853649511088;0.014444444444444443781394582516;0.006666666666666667094565124074;0.017777777777777777762358013547;0.062222222222222220433529571437;0.012222222222222222862142437805;0.005555555555555555767577313730;0.001481481481481481407916356297;0.017407407407407406163546426114;0.004814814814814815172039352831;0.013703703703703704053218359604;0.000000000000000000000000000000;0.031481481481481478346129421197;0.007407407407407407690103084974;0.018148148148148149361169600979;0.047037037037037036923958766010;0.028518518518518519433424529552;0.029259259259259259161600752464;0.013333333333333334189130248149
-0.032000000000000000666133814775;0.007333333333333333196868419890;0.092666666666666661078544109387;0.000000000000000000000000000000;0.000666666666666666644404382058;0.018999999999999999528155214534;0.001000000000000000020816681712;0.012999999999999999403255124264;0.041333333333333333037273860100;0.019666666666666665630458510350;0.015666666666666665547191783503;0.013666666666666667240281896056;0.023666666666666665713725237197;0.046333333333333330539272054693;0.003666666666666666598434209945;0.021999999999999998723243521681;0.029000000000000001471045507628;0.036666666666666666851703837438;0.007666666666666666248020067798;0.014999999999999999444888487687;0.009333333333333334105863521302;0.042999999999999996558308623662;0.020333333333333331732761806165;0.018333333333333333425851918719;0.032666666666666663298990158637;0.035000000000000003330669073875;0.030333333333333333675652099259;0.016666666666666666435370203203;0.000000000000000000000000000000;0.018666666666666668211727042603;0.011666666666666667198648532633;0.008666666666666666268836749509;0.009666666666666667157015169209;0.015666666666666665547191783503;0.028666666666666666685170383744;0.039666666666666669516239096538;0.017000000000000001221245327088;0.005666666666666667073748442363;0.006666666666666667094565124074;0.036333333333333335535275665507;0.001000000000000000020816681712;0.015666666666666665547191783503;0.000000000000000000000000000000;0.010333333333333333259318465025;0.002333333333333333526465880325;0.008666666666666666268836749509;0.037999999999999999056310429069;0.024333333333333331816028533012;0.035000000000000003330669073875;0.020666666666666666518636930050
-0.027011494252873562843531018984;0.008908045977011494129249591367;0.068390804597701151945621234063;0.000000000000000000000000000000;0.000287356321839080455782244883;0.020114942528735631904757141797;0.002298850574712643646257959062;0.008045977011494252761902856719;0.055172413793103447510191017500;0.021551724137931035918391842188;0.016379310344827587714311434297;0.012643678160919540054418774844;0.024425287356321840476214291016;0.037356321839080462721138786719;0.001724137931034482734693469297;0.018390804597701149170063672500;0.035632183908045976516998365469;0.039942528735632185088455514688;0.008045977011494252761902856719;0.013505747126436781421765509492;0.010919540229885057319725305547;0.054022988505747125687062037969;0.020402298850574714095262862656;0.029885057471264367401353467812;0.032758620689655175428622868594;0.029597701149425288680294698906;0.023563218390804597374144080391;0.002298850574712643646257959062;0.002298850574712643646257959062;0.006896551724137930938773877187;0.009195402298850574585031836250;0.019540229885057470993192652031;0.008620689655172413673467346484;0.010057471264367815952378570898;0.029310344827586206489788978047;0.036781609195402298340127345000;0.013793103448275861877547754375;0.008620689655172413673467346484;0.008908045977011494129249591367;0.042528735632183907455772242656;0.003160919540229885013604693711;0.027011494252873562843531018984;0.000000000000000000000000000000;0.017241379310344827346934692969;0.001724137931034482734693469297;0.014942528735632183700676733906;0.036781609195402298340127345000;0.025862068965517241020402039453;0.035919540229885055238057134375;0.017528735632183909537440413828
-0.032520325203252035961565269417;0.008943089430894309369013406297;0.064227642276422761136167594032;0.000000000000000000000000000000;0.027235772357723578296351263361;0.019918699186991871419305510926;0.002439024390243902436908873810;0.032113821138211380568083797016;0.017073170731707318359404723651;0.019918699186991871419305510926;0.019105691056910567571236470030;0.008943089430894309369013406297;0.023983739837398373312415955638;0.039024390243902438990541980957;0.009349593495934959558324450768;0.016666666666666666435370203203;0.026422764227642277917729174419;0.053658536585365852744633485827;0.019918699186991871419305510926;0.011382113821138212239603149101;0.017479674796747966813992292145;0.017073170731707318359404723651;0.022357723577235772555171777753;0.031707317073170732113496228521;0.035772357723577237476053625187;0.036585365853658534385228762176;0.045121951219512193564931124001;0.002439024390243902436908873810;0.000000000000000000000000000000;0.009756097560975609747635495239;0.005691056910569106119801574550;0.016666666666666666435370203203;0.021138211382113820252515168363;0.005284552845528455063128792091;0.027642276422764226750938831856;0.049186991869918698927488520667;0.018699186991869919116648901536;0.007723577235772357933718534895;0.000406504065040650406151478968;0.022357723577235772555171777753;0.010162601626016259936946539710;0.005284552845528455063128792091;0.000000000000000000000000000000;0.011788617886178862428914193572;0.003252032520325203249211831746;0.018699186991869919116648901536;0.032926829268292684416152837912;0.021544715447154472176549688811;0.037804878048780486687885371566;0.012601626016260162807536282514
-0.032333333333333331982561986706;0.021666666666666667406815349750;0.030333333333333333675652099259;0.000000000000000000000000000000;0.005333333333333333155235056466;0.026999999999999999694688668228;0.004000000000000000083266726847;0.045999999999999999222843882762;0.010666666666666666310470112933;0.016666666666666666435370203203;0.023666666666666665713725237197;0.007333333333333333196868419890;0.029000000000000001471045507628;0.028333333333333331899295259859;0.028333333333333331899295259859;0.010333333333333333259318465025;0.012000000000000000249800180541;0.056666666666666663798590519718;0.046333333333333330539272054693;0.004666666666666667052931760651;0.030333333333333333675652099259;0.008333333333333333217685101602;0.025000000000000001387778780781;0.021000000000000001304512053935;0.030333333333333333675652099259;0.029999999999999998889776975375;0.052333333333333335868342572894;0.010666666666666666310470112933;0.000333333333333333322202191029;0.017000000000000001221245327088;0.005000000000000000104083408559;0.007666666666666666248020067798;0.028000000000000000582867087928;0.011666666666666667198648532633;0.034000000000000002442490654175;0.025333333333333332704206952712;0.024333333333333331816028533012;0.005666666666666667073748442363;0.001333333333333333288808764117;0.021000000000000001304512053935;0.011333333333333334147496884725;0.009666666666666667157015169209;0.000000000000000000000000000000;0.012000000000000000249800180541;0.016333333333333331649495079319;0.017999999999999998639976794834;0.017333333333333332537673499019;0.011333333333333334147496884725;0.059666666666666666463125778819;0.014333333333333333342585191872
-0.036734693877551023721839129621;0.010884353741496597886562192059;0.049319727891156461829780255357;0.000000000000000000000000000000;0.001700680272108843473985451134;0.028571428571428570536427926640;0.004081632653061224857982125513;0.024149659863945578675004099978;0.024489795918367345678445801127;0.024149659863945578675004099978;0.014625850340136054006379140446;0.014625850340136054006379140446;0.030612244897959182965418989397;0.032653061224489798863857004108;0.007482993197278911372272158786;0.023469387755102041198673745726;0.024489795918367345678445801127;0.045578231292517007444686782947;0.015646258503401361955598147802;0.012585034013605441577388077690;0.018367346938775511860919564811;0.016666666666666666435370203203;0.029931972789115645489088635145;0.031292517006802723911196295603;0.032312925170068028390968351005;0.029931972789115645489088635145;0.036054421768707482776061823415;0.021088435374149658296794029866;0.002040816326530612428991062757;0.017687074829931974384589210558;0.007482993197278911372272158786;0.017006802721088436908258856306;0.013945578231292516530048786194;0.009183673469387755930459782405;0.032653061224489798863857004108;0.039115646258503403154271893527;0.014965986394557822744544317572;0.016666666666666666435370203203;0.001700680272108843473985451134;0.024829931972789116151334454230;0.005102040816326530205115918903;0.025170068027210883154776155379;0.000000000000000000000000000000;0.024149659863945578675004099978;0.005102040816326530205115918903;0.018027210884353741388030911708;0.021428571428571428769682682969;0.015646258503401361955598147802;0.034013605442176873816517712612;0.012585034013605441577388077690
-0.030769230769230770938804653269;0.004807692307692307959188227073;0.073076923076923080979661051515;0.000000000000000000000000000000;0.019551282051282051210883139447;0.017948717948717947401338079771;0.003525641025641025692177743522;0.024358974358974359170071366520;0.017948717948717947401338079771;0.030448717948717948095227470162;0.017948717948717947401338079771;0.006730769230769231142863517903;0.018589743589743589619045494032;0.045833333333333330095182844843;0.005769230769230769551025872488;0.019230769230769231836752908293;0.029487179487179486503389824748;0.038461538461538463673505816587;0.008012820512820512108831394471;0.017628205128205128027207848618;0.018910256410256408993175725186;0.023717948717948716952363952259;0.018269230769230770244915262879;0.037820512820512817986351450372;0.035256410256410256054415697236;0.042307692307692310040856398246;0.024358974358974359170071366520;0.001282051282051282050170049054;0.001282051282051282050170049054;0.005448717948717948442172165358;0.005448717948717948442172165358;0.030128205128205128721097239008;0.011538461538461539102051744976;0.009615384615384615918376454147;0.028525641025641024911552179333;0.056089743589743591700713665205;0.014743589743589743251694912374;0.008974358974358973700669039886;0.000641025641025641025085024527;0.028525641025641024911552179333;0.002564102564102564100340098108;0.009294871794871794809522747016;0.000000000000000000000000000000;0.020512820512820512802720784862;0.002884615384615384775512936244;0.017948717948717947401338079771;0.041025641025641025605441569724;0.024679487179487178544201597674;0.031089743589743590312934884423;0.016987179487179485809500434357
-0.029885057471264367401353467812;0.016091954022988505523805713437;0.056896551724137933714331438750;0.012068965517241379142854285078;0.067241379310344823183598350624;0.019827586206896553183698372891;0.004022988505747126380951428359;0.012643678160919540054418774844;0.019827586206896553183698372891;0.021551724137931035918391842188;0.013505747126436781421765509492;0.008045977011494252761902856719;0.018390804597701149170063672500;0.029597701149425288680294698906;0.009770114942528735496596326016;0.014080459770114942333329999258;0.028448275862068966857165719375;0.034482758620689654693869385937;0.009482758620689655040814081133;0.008908045977011494129249591367;0.010919540229885057319725305547;0.018390804597701149170063672500;0.013793103448275861877547754375;0.031034482758620689224482447344;0.027873563218390805945601229610;0.029310344827586206489788978047;0.020402298850574714095262862656;0.085057471264367814911544485312;0.001436781609195402278911224414;0.018965517241379310081628162266;0.009482758620689655040814081133;0.020689655172413792816321631562;0.008908045977011494129249591367;0.011494252873563218231289795312;0.023850574712643679564649801250;0.038505747126436784544267766250;0.013218390804597700965983264609;0.012356321839080459598636529961;0.003160919540229885013604693711;0.018965517241379310081628162266;0.003735632183908045925169183477;0.023275862068965518653085311485;0.000000000000000000000000000000;0.013505747126436781421765509492;0.005747126436781609115644897656;0.013505747126436781421765509492;0.031609195402298853605493889063;0.018390804597701149170063672500;0.026149425287356323210907760313;0.011494252873563218231289795312
-0.014689265536723164137788977257;0.020056497175141241307017025974;0.023446327683615819648110800699;0.242937853107344642333842443804;0.085875706214689262463224395105;0.016384180790960451573612388643;0.003389830508474576172689429754;0.016101694915254236711854574082;0.009887005649717514957353081684;0.010169491525423728084387420267;0.012146892655367232116692122190;0.011581920903954802393176493069;0.013841807909604519552515533576;0.014406779661016949276031162697;0.016101694915254236711854574082;0.014689265536723164137788977257;0.008192090395480225786806194321;0.019209039548022600191190534247;0.016101694915254236711854574082;0.001977401129943502731262094940;0.020621468926553671030532655095;0.013841807909604519552515533576;0.005084745762711864042193710134;0.011016949152542372669660863949;0.020056497175141241307017025974;0.020621468926553671030532655095;0.014406779661016949276031162697;0.106214689265536718631999235640;0.000282485875706214699127488688;0.026271186440677964796241994350;0.013276836158192089828999904455;0.008192090395480225786806194321;0.008192090395480225786806194321;0.007909604519774010925048379761;0.011864406779661017254934307630;0.014406779661016949276031162697;0.003107344632768361744612484188;0.010451977401129942946145234828;0.003107344632768361744612484188;0.011016949152542372669660863949;0.007344632768361582068894488629;0.009604519774011300095595267123;0.000000000000000000000000000000;0.009322033898305085233837452563;0.010169491525423728084387420267;0.010169491525423728084387420267;0.016949152542372881297128017763;0.010451977401129942946145234828;0.013559322033898304690757719015;0.011299435028248587531418678509
-0.018787878787878787428811122595;0.025454545454545455390737984658;0.043030303030303029832026595614;0.203030303030303033162695669489;0.016666666666666666435370203203;0.022121212121212121409774553626;0.004545454545454545233762466694;0.016363636363636364923213051270;0.021515151515151514916013297807;0.013939393939393938948168027991;0.013030303030303030942249620239;0.013030303030303030942249620239;0.012424242424242424448488364419;0.017575757575757574441288610956;0.017878787878787879422892714842;0.031212121212121211877299487014;0.015151515151515151935690539631;0.026666666666666668378260496297;0.016363636363636364923213051270;0.002727272727272727487202175212;0.017272727272727272929131459023;0.019090909090909092410415226482;0.010303030303030303455047445027;0.021818181818181819897617401693;0.022424242424242422921931705559;0.022424242424242422921931705559;0.016363636363636364923213051270;0.025454545454545455390737984658;0.000303030303030303030040193413;0.023636363636363635909454217199;0.026666666666666668378260496297;0.011818181818181817954727108599;0.006060606060606060600803868255;0.007878787878787879214725897725;0.015454545454545455182571167541;0.022424242424242422921931705559;0.005757575757575757353923240345;0.019393939393939393922572378415;0.006666666666666667094565124074;0.020606060606060606910094890054;0.008181818181818182461606525635;0.016666666666666666435370203203;0.000000000000000000000000000000;0.008484848484848485708487153545;0.009393939393939393714405561298;0.013939393939393938948168027991;0.020909090909090908422252041987;0.017878787878787879422892714842;0.017272727272727272929131459023;0.013939393939393938948168027991
-0.017777777777777777762358013547;0.011944444444444445030395485219;0.031111111111111110216764785719;0.288611111111111096061421221748;0.020555555555555556079827539406;0.022222222222222223070309254922;0.004444444444444444440589503387;0.013611111111111110286153724758;0.021944444444444443503838826359;0.007777777777777777554191196430;0.016388888888888890338346726594;0.024722222222222221821308352219;0.014999999999999999444888487687;0.018333333333333333425851918719;0.011388888888888889366901580047;0.026111111111111112714766591125;0.013611111111111110286153724758;0.018055555555555553859381490156;0.012500000000000000693889390391;0.003055555555555555715535609451;0.007499999999999999722444243844;0.027500000000000000138777878078;0.006388888888888889262818171488;0.014166666666666665949647629930;0.027222222222222220572307449515;0.018611111111111109522875395328;0.018888888888888889089345823891;0.013055555555555556357383295563;0.000555555555555555555073687923;0.023333333333333334397297065266;0.027500000000000000138777878078;0.007499999999999999722444243844;0.003333333333333333547282562037;0.010000000000000000208166817117;0.018611111111111109522875395328;0.016944444444444446001840631766;0.004444444444444444440589503387;0.014166666666666665949647629930;0.005833333333333333599324266316;0.018333333333333333425851918719;0.004444444444444444440589503387;0.015555555555555555108382392859;0.000000000000000000000000000000;0.009722222222222222376419864531;0.011388888888888889366901580047;0.011388888888888889366901580047;0.020555555555555556079827539406;0.015277777777777777276635440273;0.011944444444444445030395485219;0.016666666666666666435370203203
-0.016666666666666666435370203203;0.008620689655172413673467346484;0.037643678160919541442197555625;0.272701149425287336924839109997;0.004022988505747126380951428359;0.017241379310344827346934692969;0.000287356321839080455782244883;0.012643678160919540054418774844;0.061206896551724135346894684062;0.008333333333333333217685101602;0.012931034482758620510201019727;0.012356321839080459598636529961;0.003448275862068965469386938594;0.020402298850574714095262862656;0.013505747126436781421765509492;0.016379310344827587714311434297;0.008045977011494252761902856719;0.014080459770114942333329999258;0.010919540229885057319725305547;0.004022988505747126380951428359;0.008045977011494252761902856719;0.018103448275862070449004903594;0.002011494252873563190475714180;0.011781609195402298687072040195;0.022413793103448275551015100859;0.020402298850574714095262862656;0.020402298850574714095262862656;0.058333333333333334258519187188;0.000287356321839080455782244883;0.011781609195402298687072040195;0.014080459770114942333329999258;0.008908045977011494129249591367;0.002586206896551724102040203945;0.010344827586206896408160815781;0.004022988505747126380951428359;0.013218390804597700965983264609;0.002873563218390804557822448828;0.005172413793103448204080407891;0.028735632183908045578224488281;0.006321839080459770027209387422;0.003160919540229885013604693711;0.087643678160919544217755117188;0.000000000000000000000000000000;0.005459770114942528659862652773;0.009482758620689655040814081133;0.006321839080459770027209387422;0.026149425287356323210907760313;0.012356321839080459598636529961;0.007471264367816091850338366953;0.016666666666666666435370203203
-0.020277777777777776513357110844;0.008055555555555555385938149016;0.034166666666666664631257788187;0.338055555555555553581825734000;0.034444444444444444197728216750;0.017222222222222222098864108375;0.004444444444444444440589503387;0.015277777777777777276635440273;0.014722222222222221613141535101;0.019722222222222220849863205672;0.013611111111111110286153724758;0.018888888888888889089345823891;0.006666666666666667094565124074;0.020555555555555556079827539406;0.011944444444444445030395485219;0.020555555555555556079827539406;0.012777777777777778525636342977;0.016111111111111110771876298031;0.011666666666666667198648532633;0.004166666666666666608842550801;0.010277777777777778039913769703;0.011388888888888889366901580047;0.004444444444444444440589503387;0.021666666666666667406815349750;0.026666666666666668378260496297;0.022222222222222223070309254922;0.019166666666666665186369300500;0.020555555555555556079827539406;0.001666666666666666773641281019;0.025000000000000001387778780781;0.018055555555555553859381490156;0.018055555555555553859381490156;0.005277777777777777935830361145;0.008333333333333333217685101602;0.006111111111111111431071218902;0.022222222222222223070309254922;0.003888888888888888777095598215;0.013055555555555556357383295563;0.001666666666666666773641281019;0.005000000000000000104083408559;0.005555555555555555767577313730;0.008333333333333333217685101602;0.000000000000000000000000000000;0.008888888888888888881179006773;0.008333333333333333217685101602;0.008611111111111111049432054187;0.021388888888888887840344921187;0.012222222222222222862142437805;0.008611111111111111049432054187;0.010000000000000000208166817117
-0.015666666666666665547191783503;0.020333333333333331732761806165;0.023666666666666665713725237197;0.227000000000000007327471962526;0.065333333333333326597980317274;0.017333333333333332537673499019;0.004666666666666667052931760651;0.012333333333333333300951828448;0.015333333333333332496040135595;0.012333333333333333300951828448;0.010333333333333333259318465025;0.024000000000000000499600361081;0.010666666666666666310470112933;0.012666666666666666352103476356;0.018333333333333333425851918719;0.010666666666666666310470112933;0.014000000000000000291433543964;0.024333333333333331816028533012;0.014666666666666666393736839780;0.005666666666666667073748442363;0.012666666666666666352103476356;0.010333333333333333259318465025;0.015333333333333332496040135595;0.016333333333333331649495079319;0.014333333333333333342585191872;0.013333333333333334189130248149;0.015666666666666665547191783503;0.075999999999999998112620858137;0.001333333333333333288808764117;0.031333333333333331094383567006;0.020333333333333331732761806165;0.014666666666666666393736839780;0.009666666666666667157015169209;0.006666666666666667094565124074;0.012000000000000000249800180541;0.020666666666666666518636930050;0.006666666666666667094565124074;0.008999999999999999319988397417;0.007333333333333333196868419890;0.016000000000000000333066907388;0.010999999999999999361621760841;0.022999999999999999611421941381;0.000000000000000000000000000000;0.012333333333333333300951828448;0.010333333333333333259318465025;0.010999999999999999361621760841;0.015666666666666665547191783503;0.010333333333333333259318465025;0.009666666666666667157015169209;0.007666666666666666248020067798
-0.019629629629629628817522046802;0.026296296296296296779448908865;0.027037037037037036507625131776;0.274444444444444435315944019749;0.051851851851851850361274642864;0.020370370370370372015145221667;0.009629629629629630344078705662;0.008888888888888888881179006773;0.014074074074074073917306471060;0.012222222222222222862142437805;0.007407407407407407690103084974;0.021481481481481479872686080057;0.007037037037037036958653235530;0.015925925925925926707193980292;0.017037037037037038034181790636;0.008888888888888888881179006773;0.015555555555555555108382392859;0.019259259259259260688157411323;0.021851851851851851471497667490;0.005555555555555555767577313730;0.013333333333333334189130248149;0.011111111111111111535154627461;0.004814814814814815172039352831;0.015925925925925926707193980292;0.015555555555555555108382392859;0.017407407407407406163546426114;0.007407407407407407690103084974;0.064444444444444443087505192125;0.000740740740740740703958178148;0.041111111111111112159655078813;0.017407407407407406163546426114;0.014074074074074073917306471060;0.004074074074074073709139653943;0.005185185185185185036127464286;0.010370370370370370072254928573;0.021851851851851851471497667490;0.003703703703703703845051542487;0.011481481481481481399242738917;0.002592592592592592518063732143;0.009259259259259258745267118229;0.005925925925925925631665425186;0.017037037037037038034181790636;0.000000000000000000000000000000;0.010740740740740739936343040029;0.007407407407407407690103084974;0.017777777777777777762358013547;0.017407407407407406163546426114;0.009259259259259258745267118229;0.008888888888888888881179006773;0.009259259259259258745267118229
-0.021428571428571428769682682969;0.014880952380952380126322154297;0.019047619047619049337249919063;0.330654761904761895774385038749;0.031547619047619046561692357500;0.017261904761904763028201870156;0.006250000000000000346944695195;0.009226190476190476372209126055;0.016071428571428569842538536250;0.017559523809523809589894227656;0.008630952380952381514100935078;0.024702380952380951356639471328;0.007440476190476190063161077148;0.020238095238095239053466301016;0.020535714285714285615158658516;0.017559523809523809589894227656;0.010119047619047619526733150508;0.012202380952380952397473556914;0.011309523809523809242949532461;0.002083333333333333304421275400;0.012202380952380952397473556914;0.009226190476190476372209126055;0.007738095238095238359576910625;0.022321428571428571924206707422;0.022023809523809525362514349922;0.015773809523809523280846178750;0.011011904761904762681257174961;0.027976190476190477413043211641;0.001190476190476190583578119941;0.039285714285714284921269268125;0.018154761904761906182725894610;0.011011904761904762681257174961;0.007440476190476190063161077148;0.005357142857142857192420670742;0.004464285714285714037896646289;0.015773809523809523280846178750;0.002083333333333333304421275400;0.015178571428571428422737987773;0.006250000000000000346944695195;0.011904761904761904101057723437;0.004761904761904762334312479766;0.021428571428571428769682682969;0.000000000000000000000000000000;0.014285714285714285268213963320;0.013690476190476190410105772344;0.015773809523809523280846178750;0.017559523809523809589894227656;0.009821428571428571230317317031;0.008035714285714284921269268125;0.009523809523809524668624959531
-0.023333333333333334397297065266;0.008888888888888888881179006773;0.026666666666666668378260496297;0.400000000000000022204460492503;0.005555555555555555767577313730;0.015277777777777777276635440273;0.006111111111111111431071218902;0.012500000000000000693889390391;0.008611111111111111049432054187;0.013611111111111110286153724758;0.008333333333333333217685101602;0.017222222222222222098864108375;0.008611111111111111049432054187;0.014722222222222221613141535101;0.020833333333333332176851016015;0.022499999999999999167332731531;0.012777777777777778525636342977;0.008055555555555555385938149016;0.011666666666666667198648532633;0.002222222222222222220294751693;0.011111111111111111535154627461;0.010277777777777778039913769703;0.003888888888888888777095598215;0.022499999999999999167332731531;0.023611111111111110494320541875;0.023333333333333334397297065266;0.019166666666666665186369300500;0.009444444444444444544672911945;0.002222222222222222220294751693;0.011944444444444445030395485219;0.030555555555555554553270880547;0.008611111111111111049432054187;0.002222222222222222220294751693;0.008888888888888888881179006773;0.010000000000000000208166817117;0.016666666666666666435370203203;0.003333333333333333547282562037;0.020555555555555556079827539406;0.000555555555555555555073687923;0.008888888888888888881179006773;0.004166666666666666608842550801;0.006944444444444444058950338672;0.000000000000000000000000000000;0.018333333333333333425851918719;0.010833333333333333703407674875;0.016111111111111110771876298031;0.017500000000000001665334536938;0.013611111111111110286153724758;0.007499999999999999722444243844;0.009722222222222222376419864531
-0.020833333333333332176851016015;0.008888888888888888881179006773;0.034444444444444444197728216750;0.358055555555555571345394128002;0.011111111111111111535154627461;0.024722222222222221821308352219;0.005277777777777777935830361145;0.018055555555555553859381490156;0.010000000000000000208166817117;0.014444444444444443781394582516;0.010000000000000000208166817117;0.019166666666666665186369300500;0.007499999999999999722444243844;0.017500000000000001665334536938;0.013611111111111110286153724758;0.017500000000000001665334536938;0.011666666666666667198648532633;0.020000000000000000416333634234;0.011388888888888889366901580047;0.003333333333333333547282562037;0.009722222222222222376419864531;0.017777777777777777762358013547;0.002222222222222222220294751693;0.023888888888888890060790970438;0.026666666666666668378260496297;0.023611111111111110494320541875;0.019166666666666665186369300500;0.006666666666666667094565124074;0.001666666666666666773641281019;0.024444444444444445724284875610;0.021388888888888887840344921187;0.010833333333333333703407674875;0.006388888888888889262818171488;0.007499999999999999722444243844;0.008333333333333333217685101602;0.023888888888888890060790970438;0.004722222222222222272336455973;0.014166666666666665949647629930;0.004444444444444444440589503387;0.009722222222222222376419864531;0.007777777777777777554191196430;0.005277777777777777935830361145;0.000000000000000000000000000000;0.010277777777777778039913769703;0.006944444444444444058950338672;0.009166666666666666712925959359;0.019444444444444444752839729063;0.016388888888888890338346726594;0.010277777777777778039913769703;0.009722222222222222376419864531
-0.022499999999999999167332731531;0.008611111111111111049432054187;0.046666666666666668794594130532;0.322777777777777774570466817750;0.005000000000000000104083408559;0.018333333333333333425851918719;0.002500000000000000052041704279;0.016111111111111110771876298031;0.016111111111111110771876298031;0.014444444444444443781394582516;0.012500000000000000693889390391;0.013055555555555556357383295563;0.008611111111111111049432054187;0.021111111111111111743321444578;0.013055555555555556357383295563;0.023611111111111110494320541875;0.012222222222222222862142437805;0.022222222222222223070309254922;0.016666666666666666435370203203;0.001666666666666666773641281019;0.012777777777777778525636342977;0.020833333333333332176851016015;0.007499999999999999722444243844;0.019444444444444444752839729063;0.027777777777777776235801354687;0.032777777777777780676693453188;0.026666666666666668378260496297;0.008333333333333333217685101602;0.000555555555555555555073687923;0.014722222222222221613141535101;0.017222222222222222098864108375;0.011666666666666667198648532633;0.004722222222222222272336455973;0.009166666666666666712925959359;0.007222222222222221890697291258;0.018611111111111109522875395328;0.005555555555555555767577313730;0.011388888888888889366901580047;0.005277777777777777935830361145;0.014166666666666665949647629930;0.005833333333333333599324266316;0.007222222222222221890697291258;0.000000000000000000000000000000;0.008333333333333333217685101602;0.008055555555555555385938149016;0.006944444444444444058950338672;0.026666666666666668378260496297;0.012500000000000000693889390391;0.012222222222222222862142437805;0.018055555555555553859381490156
-0.021388888888888887840344921187;0.003333333333333333547282562037;0.037499999999999998612221219219;0.381388888888888888395456433500;0.011111111111111111535154627461;0.016666666666666666435370203203;0.002500000000000000052041704279;0.015277777777777777276635440273;0.013611111111111110286153724758;0.016666666666666666435370203203;0.013055555555555556357383295563;0.019722222222222220849863205672;0.008055555555555555385938149016;0.018611111111111109522875395328;0.014166666666666665949647629930;0.019722222222222220849863205672;0.008888888888888888881179006773;0.018333333333333333425851918719;0.014999999999999999444888487687;0.003888888888888888777095598215;0.013055555555555556357383295563;0.010555555555555555871660722289;0.002222222222222222220294751693;0.018611111111111109522875395328;0.027222222222222220572307449515;0.026388888888888888811790067734;0.019166666666666665186369300500;0.005000000000000000104083408559;0.000277777777777777777536843962;0.016666666666666666435370203203;0.014444444444444443781394582516;0.009722222222222222376419864531;0.009444444444444444544672911945;0.007777777777777777554191196430;0.005833333333333333599324266316;0.016944444444444446001840631766;0.007499999999999999722444243844;0.010833333333333333703407674875;0.001944444444444444388547799107;0.009722222222222222376419864531;0.008333333333333333217685101602;0.003888888888888888777095598215;0.000000000000000000000000000000;0.011388888888888889366901580047;0.012500000000000000693889390391;0.011388888888888889366901580047;0.020833333333333332176851016015;0.013333333333333334189130248149;0.011388888888888889366901580047;0.014722222222222221613141535101
-0.024166666666666666157814447047;0.007777777777777777554191196430;0.038888888888888889505679458125;0.291388888888888863970549891746;0.011111111111111111535154627461;0.024444444444444445724284875610;0.003611111111111110945348645629;0.018611111111111109522875395328;0.019166666666666665186369300500;0.013333333333333334189130248149;0.014999999999999999444888487687;0.021388888888888887840344921187;0.007777777777777777554191196430;0.022777777777777778733803160094;0.013611111111111110286153724758;0.030277777777777778456247403938;0.008888888888888888881179006773;0.022222222222222223070309254922;0.014722222222222221613141535101;0.001944444444444444388547799107;0.014166666666666665949647629930;0.017500000000000001665334536938;0.002777777777777777883788656865;0.023055555555555554830826636703;0.035833333333333335091186455656;0.030277777777777778456247403938;0.021944444444444443503838826359;0.003888888888888888777095598215;0.000277777777777777777536843962;0.019722222222222220849863205672;0.025555555555555557051272685953;0.010833333333333333703407674875;0.006666666666666667094565124074;0.008055555555555555385938149016;0.006944444444444444058950338672;0.019166666666666665186369300500;0.005277777777777777935830361145;0.013611111111111110286153724758;0.001666666666666666773641281019;0.007222222222222221890697291258;0.003888888888888888777095598215;0.006111111111111111431071218902;0.000000000000000000000000000000;0.010555555555555555871660722289;0.010833333333333333703407674875;0.010555555555555555871660722289;0.026666666666666668378260496297;0.014999999999999999444888487687;0.012500000000000000693889390391;0.018333333333333333425851918719
-0.020000000000000000416333634234;0.007499999999999999722444243844;0.032500000000000001110223024625;0.446944444444444421993267724247;0.004166666666666666608842550801;0.013888888888888888117900677344;0.002777777777777777883788656865;0.012222222222222222862142437805;0.010555555555555555871660722289;0.015833333333333334674852821422;0.018888888888888889089345823891;0.009444444444444444544672911945;0.007222222222222221890697291258;0.021666666666666667406815349750;0.012500000000000000693889390391;0.022777777777777778733803160094;0.008055555555555555385938149016;0.013333333333333334189130248149;0.010833333333333333703407674875;0.002500000000000000052041704279;0.012777777777777778525636342977;0.011111111111111111535154627461;0.001111111111111111110147375847;0.017500000000000001665334536938;0.029999999999999998889776975375;0.025000000000000001387778780781;0.019444444444444444752839729063;0.004166666666666666608842550801;0.000000000000000000000000000000;0.010277777777777778039913769703;0.014999999999999999444888487687;0.010555555555555555871660722289;0.004166666666666666608842550801;0.007222222222222221890697291258;0.005000000000000000104083408559;0.016944444444444446001840631766;0.005555555555555555767577313730;0.010000000000000000208166817117;0.001388888888888888941894328433;0.005277777777777777935830361145;0.003888888888888888777095598215;0.002500000000000000052041704279;0.000000000000000000000000000000;0.009722222222222222376419864531;0.006944444444444444058950338672;0.006111111111111111431071218902;0.022499999999999999167332731531;0.016388888888888890338346726594;0.006666666666666667094565124074;0.019166666666666665186369300500
-0.020277777777777776513357110844;0.003611111111111110945348645629;0.038333333333333330372738601000;0.423333333333333339254522798001;0.003611111111111110945348645629;0.015277777777777777276635440273;0.002222222222222222220294751693;0.012777777777777778525636342977;0.010000000000000000208166817117;0.016666666666666666435370203203;0.012777777777777778525636342977;0.008333333333333333217685101602;0.006111111111111111431071218902;0.023055555555555554830826636703;0.012222222222222222862142437805;0.025555555555555557051272685953;0.008888888888888888881179006773;0.015833333333333334674852821422;0.011944444444444445030395485219;0.002500000000000000052041704279;0.009722222222222222376419864531;0.012777777777777778525636342977;0.000833333333333333386820640509;0.020833333333333332176851016015;0.030555555555555554553270880547;0.031111111111111110216764785719;0.022222222222222223070309254922;0.004722222222222222272336455973;0.000000000000000000000000000000;0.011666666666666667198648532633;0.014444444444444443781394582516;0.010555555555555555871660722289;0.005277777777777777935830361145;0.007499999999999999722444243844;0.004444444444444444440589503387;0.018055555555555553859381490156;0.004166666666666666608842550801;0.009166666666666666712925959359;0.002777777777777777883788656865;0.004722222222222222272336455973;0.004444444444444444440589503387;0.003888888888888888777095598215;0.000000000000000000000000000000;0.010555555555555555871660722289;0.007777777777777777554191196430;0.005000000000000000104083408559;0.026944444444444444475283972906;0.017500000000000001665334536938;0.007777777777777777554191196430;0.017222222222222222098864108375
-0.022777777777777778733803160094;0.006111111111111111431071218902;0.038888888888888889505679458125;0.388888888888888895056794581251;0.005277777777777777935830361145;0.013055555555555556357383295563;0.004722222222222222272336455973;0.013888888888888888117900677344;0.010555555555555555871660722289;0.018611111111111109522875395328;0.013333333333333334189130248149;0.011388888888888889366901580047;0.007222222222222221890697291258;0.022222222222222223070309254922;0.012500000000000000693889390391;0.029722222222222222792753498766;0.007222222222222221890697291258;0.013611111111111110286153724758;0.010555555555555555871660722289;0.001666666666666666773641281019;0.011388888888888889366901580047;0.009722222222222222376419864531;0.001388888888888888941894328433;0.021388888888888887840344921187;0.030555555555555554553270880547;0.035555555555555555524716027094;0.021666666666666667406815349750;0.011666666666666667198648532633;0.000555555555555555555073687923;0.011388888888888889366901580047;0.017777777777777777762358013547;0.011111111111111111535154627461;0.005277777777777777935830361145;0.005277777777777777935830361145;0.005555555555555555767577313730;0.017500000000000001665334536938;0.004722222222222222272336455973;0.009722222222222222376419864531;0.003611111111111110945348645629;0.004166666666666666608842550801;0.005555555555555555767577313730;0.005555555555555555767577313730;0.000000000000000000000000000000;0.011944444444444445030395485219;0.009722222222222222376419864531;0.007777777777777777554191196430;0.027222222222222220572307449515;0.015277777777777777276635440273;0.006388888888888889262818171488;0.018333333333333333425851918719
-0.024404761904761904794947113828;0.008928571428571428075793292578;0.035119047619047619179788455313;0.348809523809523791548770077497;0.003571428571428571317053490830;0.022619047619047618485899064922;0.005654761904761904621474766230;0.015773809523809523280846178750;0.011904761904761904101057723437;0.022321428571428571924206707422;0.016071428571428569842538536250;0.016666666666666666435370203203;0.005654761904761904621474766230;0.027678571428571427381903902187;0.015178571428571428422737987773;0.028869047619047620567567236094;0.012797619047619047255581747891;0.013095238095238095551997581367;0.007440476190476190063161077148;0.002083333333333333304421275400;0.010416666666666666088425508008;0.010714285714285714384841341484;0.002083333333333333304421275400;0.026785714285714284227379877734;0.030952380952380953438307642500;0.034523809523809526056403740313;0.022023809523809525362514349922;0.007738095238095238359576910625;0.000892857142857142829263372708;0.011309523809523809242949532461;0.021130952380952382207990325469;0.011607142857142857539365365938;0.003571428571428571317053490830;0.008333333333333333217685101602;0.002678571428571428596210335371;0.019642857142857142460634634062;0.004761904761904762334312479766;0.010714285714285714384841341484;0.000595238095238095291789059971;0.001488095238095238012632215430;0.005952380952380952050528861719;0.003869047619047619179788455313;0.000000000000000000000000000000;0.011011904761904762681257174961;0.010416666666666666088425508008;0.012202380952380952397473556914;0.027380952380952380820211544687;0.015773809523809523280846178750;0.007142857142857142634106981660;0.019642857142857142460634634062
-0.015986394557823128959039848951;0.008163265306122449715964251027;0.032653061224489798863857004108;0.452721088435374174885339471075;0.003401360544217686947970902267;0.014285714285714285268213963320;0.002721088435374149471640548015;0.015646258503401361955598147802;0.010204081632653060410231837807;0.022108843537414966246013037221;0.012244897959183672839222900564;0.011564625850340135362892546311;0.003061224489795918209805725141;0.023129251700680270725785092623;0.012925170068027210315553254816;0.017687074829931974384589210558;0.009863945578231291672066660681;0.013945578231292516530048786194;0.008843537414965987192294605279;0.002721088435374149471640548015;0.008843537414965987192294605279;0.009523809523809524668624959531;0.002721088435374149471640548015;0.023129251700680270725785092623;0.026530612244897958107436863884;0.020068027210884353817021974464;0.019047619047619049337249919063;0.007823129251700680977799073901;0.002040816326530612428991062757;0.007142857142857142634106981660;0.012925170068027210315553254816;0.011904761904761904101057723437;0.003061224489795918209805725141;0.010204081632653060410231837807;0.004761904761904762334312479766;0.019047619047619049337249919063;0.003741496598639455686136079393;0.010544217687074829148397014933;0.003401360544217686947970902267;0.006802721088435373895941804534;0.006462585034013605157776627408;0.004421768707482993596147302640;0.000000000000000000000000000000;0.010544217687074829148397014933;0.003061224489795918209805725141;0.011904761904761904101057723437;0.022789115646258503722343391473;0.012585034013605441577388077690;0.009183673469387755930459782405;0.011904761904761904101057723437
-0.021551724137931035918391842188;0.007758620689655172306120611836;0.018678160919540231360569393360;0.363793103448275867428662877501;0.039655172413793106367396745782;0.012068965517241379142854285078;0.010344827586206896408160815781;0.014080459770114942333329999258;0.010632183908045976863943060664;0.021264367816091953727886121328;0.007758620689655172306120611836;0.010632183908045976863943060664;0.008620689655172413673467346484;0.018390804597701149170063672500;0.016091954022988505523805713437;0.015517241379310344612241223672;0.008908045977011494129249591367;0.009770114942528735496596326016;0.006034482758620689571427142539;0.002298850574712643646257959062;0.012643678160919540054418774844;0.008333333333333333217685101602;0.001149425287356321823128979531;0.035057471264367819074880827657;0.023275862068965518653085311485;0.025000000000000001387778780781;0.014942528735632183700676733906;0.043965517241379307999959991093;0.003160919540229885013604693711;0.008045977011494252761902856719;0.012643678160919540054418774844;0.011781609195402298687072040195;0.004310344827586206836733673242;0.006609195402298850482991632305;0.006896551724137930938773877187;0.018390804597701149170063672500;0.005459770114942528659862652773;0.012068965517241379142854285078;0.002298850574712643646257959062;0.003735632183908045925169183477;0.004885057471264367748298163008;0.006321839080459770027209387422;0.000000000000000000000000000000;0.023563218390804597374144080391;0.004885057471264367748298163008;0.017528735632183909537440413828;0.021839080459770114639450611094;0.018678160919540231360569393360;0.004597701149425287292515918125;0.014080459770114942333329999258
-0.024509803921568627110838534122;0.018954248366013070475899482403;0.023202614379084968154742796287;0.137581699346405239570145795369;0.108496732026143793969907846986;0.032026143790849670445197716617;0.004575163398692810683143772366;0.018954248366013070475899482403;0.011437908496732025406816823931;0.017320261437908497648141548098;0.011764705882352941013202496379;0.023529411764705882026404992757;0.009477124183006535237949741202;0.014705882352941176266503120473;0.021241830065359477985875713557;0.016666666666666666435370203203;0.012091503267973856619588168826;0.021241830065359477985875713557;0.018300653594771242732575089462;0.002614379084967320080595820642;0.010130718954248366450721086096;0.008496732026143790153516199837;0.002614379084967320080595820642;0.030392156862745097617439782312;0.030392156862745097617439782312;0.013071895424836601704021710191;0.015686274509803921350936661838;0.076797385620915037396372326839;0.003267973856209150426005427548;0.050326797385620916647219758033;0.014052287581699346788455251556;0.017973856209150325391465941038;0.010784313725490195928768955014;0.003594771241830065165029362007;0.008169934640522876281854003366;0.020915032679738560644766565133;0.007843137254901960675468330919;0.006535947712418300852010855095;0.002287581699346405341571886183;0.007189542483660130330058724013;0.008496732026143790153516199837;0.009150326797385621366287544731;0.000000000000000000000000000000;0.015686274509803921350936661838;0.013725490196078431182069579108;0.007189542483660130330058724013;0.021895424836601305729200106498;0.013071895424836601704021710191;0.012745098039215686097636037744;0.008823529411764705759901872284
-0.027304964539007093443645501907;0.012765957446808509981317492077;0.037943262411347516982473848657;0.186879432624113467342752414879;0.042198581560283686398005187357;0.030496453900709218770570529955;0.004964539007092198807935545801;0.018794326241134751143135872553;0.022340425531914894635709956106;0.018085106382978721750731665452;0.015602836879432624081487368528;0.032269503546099288782134095754;0.010992907801418439969753926277;0.023404255319148935254869314804;0.015602836879432624081487368528;0.024113475177304964647273521905;0.012411347517730497019838864503;0.025177304964539008735879832557;0.017730496453900710523976513855;0.002836879432624113666489007457;0.013829787234042552335200326752;0.019503546099290780535540079654;0.003191489361702127495329373019;0.020921985815602835850901541903;0.027304964539007093443645501907;0.028014184397163119366602757054;0.022340425531914894635709956106;0.006382978723404254990658746038;0.001418439716312056833244503729;0.043617021276595745182813601559;0.027659574468085104670400653504;0.012056737588652482323636760952;0.004609929078014184111733442251;0.006737588652482269686860849589;0.008865248226950355261988256927;0.021985815602836879939507852555;0.004609929078014184111733442251;0.013829787234042552335200326752;0.005319148936170212636775911363;0.010992907801418439969753926277;0.006028368794326241161818380476;0.008865248226950355261988256927;0.000000000000000000000000000000;0.016666666666666666435370203203;0.011702127659574467627434657402;0.010638297872340425273551822727;0.019858156028368795231742183205;0.011347517730496454665956029828;0.015248226950354609385285264977;0.014539007092198581727604533853
-0.021111111111111111743321444578;0.015555555555555555108382392859;0.017777777777777777762358013547;0.362222222222222223209087133000;0.019259259259259260688157411323;0.013333333333333334189130248149;0.011111111111111111535154627461;0.022592592592592591199673890401;0.011111111111111111535154627461;0.017777777777777777762358013547;0.012962962962962962590318660716;0.009629629629629630344078705662;0.007407407407407407690103084974;0.010740740740740739936343040029;0.027407407407407408106436719208;0.018518518518518517490534236458;0.011481481481481481399242738917;0.016666666666666666435370203203;0.018518518518518517490534236458;0.001851851851851851922525771243;0.017407407407407406163546426114;0.006666666666666667094565124074;0.005925925925925925631665425186;0.022592592592592591199673890401;0.014814814814814815380206169948;0.018148148148148149361169600979;0.016666666666666666435370203203;0.024814814814814813853649511088;0.004444444444444444440589503387;0.020000000000000000416333634234;0.016666666666666666435370203203;0.014814814814814815380206169948;0.005925925925925925631665425186;0.005555555555555555767577313730;0.005555555555555555767577313730;0.017037037037037038034181790636;0.004814814814814815172039352831;0.016296296296296294836558615771;0.002592592592592592518063732143;0.006666666666666667094565124074;0.010000000000000000208166817117;0.007037037037037036958653235530;0.000000000000000000000000000000;0.020740740740740740144509857146;0.016666666666666666435370203203;0.016666666666666666435370203203;0.017407407407407406163546426114;0.006666666666666667094565124074;0.005185185185185185036127464286;0.005185185185185185036127464286
-0.024242424242424242403215473018;0.011111111111111111535154627461;0.023232323232323232736762363970;0.265151515151515138057902731816;0.004545454545454545233762466694;0.010101010101010101868701518413;0.008080808080808080801071824339;0.021212121212121213403856145874;0.015151515151515151935690539631;0.038383838383838381203005951647;0.007575757575757575967845269815;0.004545454545454545233762466694;0.004545454545454545233762466694;0.018181818181818180935049866775;0.018686868686868685768276421300;0.025757575757575756902895136591;0.021212121212121213403856145874;0.016666666666666666435370203203;0.008585858585858585634298378864;0.004545454545454545233762466694;0.015151515151515151935690539631;0.008080808080808080801071824339;0.002020202020202020200267956085;0.053535353535353533138696491278;0.023232323232323232736762363970;0.032828282828282831506960803836;0.021212121212121213403856145874;0.006060606060606060600803868255;0.003535353535353535567309357646;0.005050505050505050934350759206;0.006565656565656565434030422779;0.029797979797979799038154524737;0.003535353535353535567309357646;0.005050505050505050934350759206;0.011111111111111111535154627461;0.032828282828282831506960803836;0.010101010101010101868701518413;0.013131313131313130868060845557;0.002020202020202020200267956085;0.007575757575757575967845269815;0.009090909090909090467524933388;0.007070707070707071134618715291;0.000000000000000000000000000000;0.037373737373737371536552842599;0.011111111111111111535154627461;0.037373737373737371536552842599;0.026262626262626261736121691115;0.011111111111111111535154627461;0.009090909090909090467524933388;0.007575757575757575967845269815
-0.024829931972789116151334454230;0.023809523809523808202115446875;0.024489795918367345678445801127;0.202040816326530620061774357055;0.034013605442176873816517712612;0.029591836734693878485646933996;0.005782312925170067681446273156;0.018707482993197278864361265960;0.011904761904761904101057723437;0.014285714285714285268213963320;0.012925170068027210315553254816;0.017346938775510203911700557455;0.016666666666666666435370203203;0.011564625850340135362892546311;0.019047619047619049337249919063;0.015646258503401361955598147802;0.017346938775510203911700557455;0.025850340136054420631106509632;0.021428571428571428769682682969;0.005102040816326530205115918903;0.012585034013605441577388077690;0.012925170068027210315553254816;0.007823129251700680977799073901;0.015646258503401361955598147802;0.025170068027210883154776155379;0.022108843537414966246013037221;0.022789115646258503722343391473;0.050680272108843536782440963862;0.003741496598639455686136079393;0.037414965986394557728722531920;0.011224489795918366624727369185;0.011224489795918366624727369185;0.013605442176870747791883609068;0.007823129251700680977799073901;0.018367346938775511860919564811;0.020408163265306120820463675614;0.010204081632653060410231837807;0.013265306122448979053718431942;0.002721088435374149471640548015;0.018027210884353741388030911708;0.006802721088435373895941804534;0.007142857142857142634106981660;0.000000000000000000000000000000;0.015306122448979591482709494699;0.017006802721088436908258856306;0.012244897959183672839222900564;0.013605442176870747791883609068;0.009863945578231291672066660681;0.019047619047619049337249919063;0.008843537414965987192294605279
-0.020754716981132074332672132755;0.019496855345911948825810000585;0.035534591194968552507749137703;0.206918238993710701389971973185;0.010062893081761005789620533335;0.017610062893081760565516802330;0.001257861635220125723702566667;0.011006289308176099919767132462;0.045283018867924525185930662019;0.011006289308176099919767132462;0.009748427672955974412905000293;0.010062893081761005789620533335;0.008805031446540880282758401165;0.025157232704402517076136547303;0.014779874213836478175077004948;0.014465408805031446798361471906;0.019496855345911948825810000585;0.043710691823899368302352996807;0.013522012578616352668214872779;0.006918238993710692022465202911;0.009119496855345911659473934208;0.032389937106918238740593807279;0.022641509433962262592965331010;0.013522012578616352668214872779;0.018867924528301886072378934500;0.017924528301886791942232335373;0.021383647798742137086103198840;0.034276729559748427000887005534;0.000000000000000000000000000000;0.017924528301886791942232335373;0.009119496855345911659473934208;0.006603773584905660645749669868;0.008176100628930817529327335080;0.009748427672955974412905000293;0.018867924528301886072378934500;0.024213836477987422945989948175;0.005974842767295597892318603783;0.006289308176100629269034136826;0.016352201257861635058654670161;0.022327044025157231216249797967;0.005345911949685534271525799710;0.044339622641509431055784062892;0.000000000000000000000000000000;0.008805031446540880282758401165;0.010691823899371068543051599420;0.006918238993710692022465202911;0.012578616352201258538068273651;0.013836477987421384044930405821;0.025471698113207548452852080345;0.010691823899371068543051599420
-0.027380952380952380820211544687;0.006547619047619047775998790684;0.035714285714285712303173170312;0.236607142857142849212692681249;0.007738095238095238359576910625;0.025892857142857144542302805235;0.003571428571428571317053490830;0.019642857142857142460634634062;0.019642857142857142460634634062;0.014880952380952380126322154297;0.018749999999999999306110609609;0.018452380952380952744418252109;0.016369047619047619873677845703;0.019345238095238095898942276563;0.011904761904761904101057723437;0.019047619047619049337249919063;0.015773809523809523280846178750;0.023214285714285715078730731875;0.016964285714285712997062560703;0.004761904761904762334312479766;0.015773809523809523280846178750;0.016964285714285712997062560703;0.015476190476190476719153821250;0.019940476190476189022326991562;0.030654761904761903407168333047;0.027083333333333334258519187188;0.023214285714285715078730731875;0.009226190476190476372209126055;0.001190476190476190583578119941;0.016369047619047619873677845703;0.018749999999999999306110609609;0.012202380952380952397473556914;0.009821428571428571230317317031;0.007738095238095238359576910625;0.015178571428571428422737987773;0.025000000000000001387778780781;0.011904761904761904101057723437;0.013095238095238095551997581367;0.007738095238095238359576910625;0.013095238095238095551997581367;0.007142857142857142634106981660;0.017261904761904763028201870156;0.000000000000000000000000000000;0.009821428571428571230317317031;0.011309523809523809242949532461;0.012500000000000000693889390391;0.019345238095238095898942276563;0.015476190476190476719153821250;0.022321428571428571924206707422;0.012202380952380952397473556914
-0.035833333333333335091186455656;0.009444444444444444544672911945;0.045833333333333330095182844843;0.024722222222222221821308352219;0.008055555555555555385938149016;0.029166666666666667129259593594;0.005000000000000000104083408559;0.020277777777777776513357110844;0.020833333333333332176851016015;0.016666666666666666435370203203;0.021111111111111111743321444578;0.017500000000000001665334536938;0.017500000000000001665334536938;0.034722222222222223764198645313;0.012222222222222222862142437805;0.025833333333333333148296162562;0.025000000000000001387778780781;0.045555555555555557467606320188;0.015555555555555555108382392859;0.012222222222222222862142437805;0.014999999999999999444888487687;0.015277777777777777276635440273;0.018055555555555553859381490156;0.031388888888888889783235214281;0.041111111111111112159655078813;0.029722222222222222792753498766;0.028888888888888887562789165031;0.007222222222222221890697291258;0.001388888888888888941894328433;0.027222222222222220572307449515;0.029166666666666667129259593594;0.016388888888888890338346726594;0.012222222222222222862142437805;0.009444444444444444544672911945;0.024166666666666666157814447047;0.038333333333333330372738601000;0.014999999999999999444888487687;0.015277777777777777276635440273;0.004722222222222222272336455973;0.018333333333333333425851918719;0.009444444444444444544672911945;0.007222222222222221890697291258;0.000000000000000000000000000000;0.019722222222222220849863205672;0.009166666666666666712925959359;0.010277777777777778039913769703;0.031666666666666669349705642844;0.022499999999999999167332731531;0.030277777777777778456247403938;0.018333333333333333425851918719
-0.021241830065359477985875713557;0.016339869281045752563708006733;0.043464052287581697586738016525;0.273202614379084940399167180658;0.012745098039215686097636037744;0.016339869281045752563708006733;0.004901960784313725422167706824;0.017320261437908497648141548098;0.019607843137254901688670827298;0.016993464052287580307032399674;0.009477124183006535237949741202;0.009803921568627450844335413649;0.008823529411764705759901872284;0.026143790849673203408043420382;0.023202614379084968154742796287;0.020261437908496732901442172192;0.017973856209150325391465941038;0.033660130718954246742402602877;0.013725490196078431182069579108;0.006535947712418300852010855095;0.012745098039215686097636037744;0.018300653594771242732575089462;0.003594771241830065165029362007;0.024509803921568627110838534122;0.022222222222222223070309254922;0.024183006535947713239176337652;0.025490196078431372195272075487;0.014052287581699346788455251556;0.001960784313725490168867082730;0.010130718954248366450721086096;0.017647058823529411519803744568;0.010784313725490195928768955014;0.007189542483660130330058724013;0.008169934640522876281854003366;0.008496732026143790153516199837;0.023202614379084968154742796287;0.007843137254901960675468330919;0.011764705882352941013202496379;0.001960784313725490168867082730;0.012745098039215686097636037744;0.006862745098039215591034789554;0.008169934640522876281854003366;0.000000000000000000000000000000;0.015032679738562091872888792921;0.009477124183006535237949741202;0.013071895424836601704021710191;0.023529411764705882026404992757;0.018300653594771242732575089462;0.012418300653594770491250365296;0.014379084967320260660117448026
-0.020068027210884353817021974464;0.016666666666666666435370203203;0.047278911564625852870236144554;0.260884353741496599621285668036;0.016666666666666666435370203203;0.022108843537414966246013037221;0.002721088435374149471640548015;0.015646258503401361955598147802;0.012925170068027210315553254816;0.018707482993197278864361265960;0.015646258503401361955598147802;0.018027210884353741388030911708;0.009183673469387755930459782405;0.025170068027210883154776155379;0.015646258503401361955598147802;0.028231292517006803532986225491;0.014625850340136054006379140446;0.024149659863945578675004099978;0.013945578231292516530048786194;0.000680272108843537367910137004;0.009183673469387755930459782405;0.010544217687074829148397014933;0.002721088435374149471640548015;0.019047619047619049337249919063;0.030952380952380953438307642500;0.028911564625850341009316579743;0.021088435374149658296794029866;0.018367346938775511860919564811;0.000340136054421768683955068502;0.015986394557823128959039848951;0.022108843537414966246013037221;0.014625850340136054006379140446;0.006122448979591836419611450282;0.008843537414965987192294605279;0.008503401360544218454129428153;0.022789115646258503722343391473;0.006122448979591836419611450282;0.016326530612244899431928502054;0.002721088435374149471640548015;0.008503401360544218454129428153;0.011224489795918366624727369185;0.011564625850340135362892546311;0.000000000000000000000000000000;0.008163265306122449715964251027;0.006802721088435373895941804534;0.011904761904761904101057723437;0.026190476190476191103995162734;0.019387755102040816340691620212;0.013265306122448979053718431942;0.018707482993197278864361265960
-0.034042553191489362263144613507;0.016312056737588651739168099652;0.052836879432624113406280486060;0.016666666666666666435370203203;0.009219858156028368223466884501;0.028014184397163119366602757054;0.003191489361702127495329373019;0.014893617021276596423806637404;0.035815602836879435744155131260;0.021276595744680850547103645454;0.019858156028368795231742183205;0.025886524822695034658837087704;0.022340425531914894635709956106;0.034397163120567376959346717058;0.013475177304964539373721699178;0.031914893617021274085931992204;0.023404255319148935254869314804;0.033333333333333332870740406406;0.010992907801418439969753926277;0.007801418439716312040743684264;0.013829787234042552335200326752;0.020921985815602835850901541903;0.008510638297872340565786153377;0.021276595744680850547103645454;0.042907801418439715790409394458;0.038652482269503546374878055758;0.031205673758865248162974737056;0.022340425531914894635709956106;0.001063829787234042570723269172;0.029078014184397163455209067706;0.023049645390070920558667211253;0.013120567375886524677519595627;0.006737588652482269686860849589;0.008510638297872340565786153377;0.018439716312056736446933769002;0.029432624113475178151411171257;0.006382978723404254990658746038;0.017021276595744681131572306754;0.007801418439716312040743684264;0.016666666666666666435370203203;0.004255319148936170282893076688;0.027659574468085104670400653504;0.000000000000000000000000000000;0.016666666666666666435370203203;0.004964539007092198807935545801;0.013120567375886524677519595627;0.027659574468085104670400653504;0.023758865248226949951071418354;0.025531914893617019962634984154;0.023758865248226949951071418354
-0.038596491228070177459397172015;0.003508771929824561468941324094;0.057602339181286550673366519959;0.006140350877192982462227099916;0.040643274853801168722267078692;0.014912280701754385484059106659;0.007017543859649122937882648188;0.019883040935672516291710110181;0.019883040935672516291710110181;0.034795321637426900041045740863;0.019298245614035088729698586008;0.010818713450292397754148865374;0.011988304093567251143448437745;0.051461988304093569945862896020;0.006725146198830409156876886101;0.026900584795321636627507544404;0.022222222222222223070309254922;0.020760233918128655900003920465;0.014035087719298245875765296375;0.007309941520467835851526672286;0.019590643274853800775980872118;0.012865497076023392486465724005;0.003216374269005848121616431001;0.061111111111111109106541761093;0.035672514619883043118786503101;0.047660818713450292527511464868;0.017836257309941521559393251550;0.006725146198830409156876886101;0.002923976608187134340610668914;0.015204678362573099265064868746;0.013450292397660818313753772202;0.028070175438596491751530592751;0.004678362573099415291921765458;0.006432748538011696243232862003;0.011111111111111111535154627461;0.047076023391812868434946892648;0.011988304093567251143448437745;0.019005847953216373213969347944;0.001169590643274853822980441365;0.009064327485380116802837768830;0.006140350877192982462227099916;0.011988304093567251143448437745;0.000000000000000000000000000000;0.029824561403508770968118213318;0.007894736842105263413538196460;0.034210526315789475948481168643;0.041520467836257311800007840930;0.026023391812865497019213734120;0.018128654970760233605675537660;0.014912280701754385484059106659
-0.012037037037037037062736644089;0.004012345679012345976699460692;0.050617283950617285304129921997;0.008024691358024691953398921385;0.179320987654321001292245796321;0.008950617283950617480980938012;0.003086419753086419581755706076;0.018518518518518517490534236458;0.009259259259259258745267118229;0.034259259259259260133045899011;0.010185185185185186007572610833;0.002160493827160493620492820455;0.004320987654320987240985640909;0.037345679012345679714801605087;0.031790123456790123079862553368;0.010493827160493827271858791050;0.020061728395061727281412089496;0.018209876543209876226248056241;0.027469135802469134971515174470;0.008333333333333333217685101602;0.012345679012345678327022824305;0.009567901234567901744276774423;0.002469135802469135752140738660;0.047530864197530865722374215920;0.016358024691358025171084022986;0.033024691358024688137007274236;0.019135802469135803488553548846;0.000925925925925925961262885622;0.001234567901234567876070369330;0.054320987654320987414457988507;0.001234567901234567876070369330;0.024382716049382715389759468394;0.028086419753086420969534486858;0.004320987654320987240985640909;0.008333333333333333217685101602;0.049074074074074075513252068959;0.008641975308641974481971281818;0.003703703703703703845051542487;0.000000000000000000000000000000;0.004012345679012345976699460692;0.008950617283950617480980938012;0.000925925925925925961262885622;0.000000000000000000000000000000;0.017592592592592593697675695807;0.049074074074074075513252068959;0.006481481481481481295159330358;0.039814814814814816767984950729;0.025617283950617283916351141215;0.013888888888888888117900677344;0.010493827160493827271858791050
-0.018992248062015503612398603650;0.024031007751937984162626804618;0.069379844961240305645233661380;0.022480620155038759377941204320;0.044961240310077518755882408641;0.012790697674418604473656202458;0.004651162790697674354056800894;0.028294573643410852320512205438;0.029457364341085270909026405661;0.023643410852713177966455404544;0.013178294573643410669827602533;0.010077519379844961100456401937;0.009302325581395348708113601788;0.036046511627906979713387158881;0.041860465116279069186511208045;0.014341085271317829258341802756;0.021317829457364340789427004097;0.037596899224806204498072759179;0.021317829457364340789427004097;0.007364341085271317727256601415;0.013953488372093023062170402682;0.018604651162790697416227203576;0.007364341085271317727256601415;0.030232558139534883301369205810;0.027519379844961239928169405289;0.022093023255813953181769804246;0.033720930232558142536358758434;0.027519379844961239928169405289;0.000775193798449612392342800149;0.034883720930232557655426006704;0.006589147286821705334913801266;0.012015503875968992081313402309;0.013565891472868216865999002607;0.006589147286821705334913801266;0.006589147286821705334913801266;0.038759689922480619617140007449;0.004651162790697674354056800894;0.005426356589147286746399601043;0.001937984496124030980857000372;0.009689922480620154904285001862;0.008914728682170542511942201713;0.022093023255813953181769804246;0.000000000000000000000000000000;0.014341085271317829258341802756;0.036046511627906979713387158881;0.010852713178294573492799202086;0.039534883720930232009482807598;0.023643410852713177966455404544;0.015116279069767441650684602905;0.015891472868217054043027403054
-0.031818181818181814901613790880;0.017575757575757574441288610956;0.050303030303030300818267761542;0.056666666666666663798590519718;0.030909090909090910365142335081;0.024848484848484848896976728838;0.004545454545454545233762466694;0.028484848484848484390097311802;0.017878787878787879422892714842;0.023333333333333334397297065266;0.013636363636363635701287400082;0.019696969696969695434729530348;0.012727272727272727695368992329;0.033939393939393942833948614179;0.027272727272727271402574800163;0.018484848484848485916653970662;0.015757575757575758429451795450;0.028181818181818182877940159869;0.038484848484848482863540652943;0.008484848484848485708487153545;0.018181818181818180935049866775;0.012424242424242424448488364419;0.009696969696969696961286189207;0.030909090909090910365142335081;0.028787878787878789371701415689;0.030606060606060605383538231195;0.024242424242424242403215473018;0.022424242424242422921931705559;0.000303030303030303030040193413;0.031818181818181814901613790880;0.014242424242424242195048655901;0.014848484848484848688809911721;0.021818181818181819897617401693;0.006363636363636363847684496164;0.012121212121212121201607736509;0.031515151515151516858903590901;0.009393939393939393714405561298;0.009696969696969696961286189207;0.002727272727272727487202175212;0.008787878787878787220644305478;0.009393939393939393714405561298;0.013939393939393938948168027991;0.000000000000000000000000000000;0.016666666666666666435370203203;0.017272727272727272929131459023;0.009696969696969696961286189207;0.029393939393939392396015719555;0.019090909090909092410415226482;0.025151515151515150409133880771;0.015454545454545455182571167541
-0.031730769230769229061195346731;0.008333333333333333217685101602;0.059935897435897438068064246863;0.003205128205128205017004905386;0.005448717948717948442172165358;0.018589743589743589619045494032;0.003525641025641025692177743522;0.031410256410256409687065115577;0.018589743589743589619045494032;0.029807692307692309346967007855;0.017628205128205128027207848618;0.008333333333333333217685101602;0.015064102564102564360548619504;0.046794871794871795156467442212;0.009615384615384615918376454147;0.019551282051282051210883139447;0.022115384615384616612265844537;0.034294871794871797932025003774;0.026923076923076924571454071611;0.011217948717948717993198037846;0.016987179487179485809500434357;0.014423076923076923877564681220;0.014743589743589743251694912374;0.041987179487179483727832263185;0.035256410256410256054415697236;0.035576923076923075428545928389;0.045192307692307691346922382536;0.003205128205128205017004905386;0.003846153846153846367350581659;0.012820512820512820068019621544;0.006089743589743589792517841630;0.023397435897435897578233721106;0.016987179487179485809500434357;0.012179487179487179585035683260;0.024679487179487178544201597674;0.046474358974358975782337211058;0.018910256410256408993175725186;0.008974358974358973700669039886;0.000320512820512820512542512263;0.019871794871794870585013370601;0.006410256410256410034009810772;0.006730769230769231142863517903;0.000000000000000000000000000000;0.021794871794871793768688661430;0.006410256410256410034009810772;0.016346153846153847061239972049;0.035897435897435894802676159543;0.026602564102564101727876888503;0.039423076923076921795896510048;0.016346153846153847061239972049
-0.034444444444444444197728216750;0.006388888888888889262818171488;0.072777777777777774570466817750;0.001111111111111111110147375847;0.003333333333333333547282562037;0.017222222222222222098864108375;0.001111111111111111110147375847;0.019722222222222220849863205672;0.022499999999999999167332731531;0.037499999999999998612221219219;0.014722222222222221613141535101;0.005277777777777777935830361145;0.013055555555555556357383295563;0.054444444444444441144614899031;0.007222222222222221890697291258;0.016666666666666666435370203203;0.032222222222222221543752596062;0.032777777777777780676693453188;0.022777777777777778733803160094;0.016944444444444446001840631766;0.016944444444444446001840631766;0.018611111111111109522875395328;0.005555555555555555767577313730;0.045277777777777777901135891625;0.032222222222222221543752596062;0.041388888888888891726125507375;0.033888888888888892003681263532;0.001666666666666666773641281019;0.001666666666666666773641281019;0.013888888888888888117900677344;0.002500000000000000052041704279;0.029722222222222222792753498766;0.013055555555555556357383295563;0.008055555555555555385938149016;0.023888888888888890060790970438;0.053888888888888888950567945813;0.011388888888888889366901580047;0.006944444444444444058950338672;0.001388888888888888941894328433;0.021111111111111111743321444578;0.006111111111111111431071218902;0.008055555555555555385938149016;0.000000000000000000000000000000;0.022777777777777778733803160094;0.008055555555555555385938149016;0.013055555555555556357383295563;0.053055555555555557190050564031;0.028611111111111111465765688422;0.029999999999999998889776975375;0.014999999999999999444888487687
-0.030392156862745097617439782312;0.011111111111111111535154627461;0.041830065359477121289533130266;0.070261437908496732207552781801;0.231699346405228767675765766398;0.011437908496732025406816823931;0.001633986928104575213002713774;0.016339869281045752563708006733;0.002941176470588235253300624095;0.017973856209150325391465941038;0.015032679738562091872888792921;0.006862745098039215591034789554;0.006862745098039215591034789554;0.039869281045751631120666047536;0.027450980392156862364139158217;0.016013071895424835222598858309;0.013071895424836601704021710191;0.018300653594771242732575089462;0.016666666666666666435370203203;0.008496732026143790153516199837;0.011764705882352941013202496379;0.004901960784313725422167706824;0.003921568627450980337734165460;0.025816993464052286066934271958;0.033006535947712418999078209936;0.031045751633986928830211127206;0.021241830065359477985875713557;0.010457516339869280322383282567;0.000980392156862745084433541365;0.020588235294117646773104368663;0.001960784313725490168867082730;0.011764705882352941013202496379;0.006862745098039215591034789554;0.005228758169934640161191641283;0.012745098039215686097636037744;0.032026143790849670445197716617;0.009477124183006535237949741202;0.004575163398692810683143772366;0.000000000000000000000000000000;0.005882352941176470506601248189;0.007189542483660130330058724013;0.001633986928104575213002713774;0.000000000000000000000000000000;0.011764705882352941013202496379;0.029084967320261438661344044476;0.008496732026143790153516199837;0.035620915032679736911269685606;0.021568627450980391857537910028;0.014705882352941176266503120473;0.011437908496732025406816823931
-0.011581920903954802393176493069;0.011299435028248587531418678509;0.066949152542372880603238627373;0.045197740112994350125674714036;0.134180790960451989946022877120;0.003389830508474576172689429754;0.003107344632768361744612484188;0.025141242937853108818657688062;0.018644067796610170467674905126;0.040395480225988697475791866509;0.008192090395480225786806194321;0.001412429378531073441427334814;0.007344632768361582068894488629;0.034745762711864407179529479208;0.030790960451977402584367027316;0.005084745762711864042193710134;0.032768361581920903147224777285;0.032485875706214688285466962725;0.012429378531073446978449936751;0.009322033898305085233837452563;0.007627118644067796930652303189;0.022033898305084745339321727897;0.004237288135593220324282004441;0.049435028248587573052041932442;0.011581920903954802393176493069;0.032768361581920903147224777285;0.028531073446327683690304510833;0.005649717514124293765709339254;0.002259887005649717593019909501;0.007062146892655367207136674068;0.000564971751412429398254977375;0.030225988700564972860851398195;0.009604519774011300095595267123;0.007062146892655367207136674068;0.006779661016949152345378859508;0.064124293785310731985660481769;0.008192090395480225786806194321;0.002259887005649717593019909501;0.004519774011299435186039819001;0.011299435028248587531418678509;0.007909604519774010925048379761;0.008757062146892655510321823442;0.000000000000000000000000000000;0.018926553672316385329432719686;0.018361581920903955605917090566;0.010734463276836157807903049388;0.038700564971751415244138883054;0.019209039548022600191190534247;0.016949152542372881297128017763;0.010169491525423728084387420267
-0.023015873015873017370935826875;0.003571428571428571317053490830;0.071825396825396820021936150624;0.004365079365079365183999193789;0.014285714285714285268213963320;0.015079365079365079568840535273;0.000793650793650793650105268462;0.021825396825396824185272492969;0.008730158730158730367998387578;0.059126984126984125089698807187;0.016269841269841271019780393203;0.005158730158730158617264027754;0.010317460317460317234528055508;0.060317460317460318275362141094;0.011507936507936508685467913438;0.013492063492063492702310867344;0.019047619047619049337249919063;0.024206349206349207087152208828;0.012698412698412698401684295391;0.009126984126984127518311673555;0.015476190476190476719153821250;0.011507936507936508685467913438;0.007936507936507936067371815625;0.076984126984126988180179296251;0.023412698412698412786525636875;0.042460317460317462123775555938;0.030952380952380953438307642500;0.000793650793650793650105268462;0.000793650793650793650105268462;0.033333333333333332870740406406;0.003571428571428571317053490830;0.032539682539682542039560786407;0.005952380952380952050528861719;0.007142857142857142634106981660;0.018650793650793650452213157109;0.075396825396825392640032248437;0.013492063492063492702310867344;0.003174603174603174600421073848;0.000396825396825396825052634231;0.007539682539682539784420267637;0.006746031746031746351155433672;0.000793650793650793650105268462;0.000000000000000000000000000000;0.029365079365079364837054498594;0.009126984126984127518311673555;0.011904761904761904101057723437;0.063888888888888883954564334999;0.033730158730158728286330216406;0.018253968253968255036623347110;0.009920634920634920084214769531
-0.023643410852713177966455404544;0.006201550387596899138742401192;0.083720930232558138373022416090;0.015891472868217054043027403054;0.043023255813953491244472360222;0.018992248062015503612398603650;0.001550387596899224784685600298;0.021705426356589146985598404171;0.017054263565891472631541603278;0.027131782945736433731998005214;0.014728682170542635454513202831;0.009689922480620154904285001862;0.010852713178294573492799202086;0.054651162790697677129614362457;0.011627906976744185885142002235;0.018992248062015503612398603650;0.023643410852713177966455404544;0.032558139534883720478397606257;0.012015503875968992081313402309;0.017441860465116278827713003352;0.012790697674418604473656202458;0.025581395348837208947312404916;0.008527131782945736315770801639;0.029844961240310077105197805736;0.031007751937984495693712005959;0.034883720930232557655426006704;0.028682170542635658516683605512;0.004651162790697674354056800894;0.001550387596899224784685600298;0.024031007751937984162626804618;0.008139534883720930119599401564;0.022480620155038759377941204320;0.012403100775193798277484802384;0.015503875968992247846856002980;0.016279069767441860239198803129;0.040697674418604654067443959775;0.009302325581395348708113601788;0.006589147286821705334913801266;0.003875968992248061961714000745;0.019379844961240309808570003725;0.006201550387596899138742401192;0.005426356589147286746399601043;0.000000000000000000000000000000;0.015116279069767441650684602905;0.009302325581395348708113601788;0.010077519379844961100456401937;0.050775193798449615167900361712;0.031007751937984495693712005959;0.022868217054263565574112604395;0.027906976744186046124340805363
-0.018439716312056736446933769002;0.004255319148936170282893076688;0.080496453900709225015575043471;0.008156028368794325869584049826;0.035106382978723406351750924159;0.006382978723404254990658746038;0.002836879432624113666489007457;0.023758865248226949951071418354;0.020921985815602835850901541903;0.034397163120567376959346717058;0.013829787234042552335200326752;0.002836879432624113666489007457;0.008865248226950355261988256927;0.061347517730496452237343163461;0.020212765957446809927944286756;0.011347517730496454665956029828;0.039361702127659575767282262859;0.036524822695035458197665434454;0.019858156028368795231742183205;0.015957446808510637042965996102;0.007446808510638298211903318702;0.013475177304964539373721699178;0.004609929078014184111733442251;0.040780141843971634552090677062;0.023049645390070920558667211253;0.039716312056737590463484366410;0.034751773049645391655548820609;0.007801418439716312040743684264;0.001418439716312056833244503729;0.015602836879432624081487368528;0.002127659574468085141446538344;0.026950354609929078747443398356;0.007092198581560283515701215151;0.010638297872340425273551822727;0.020921985815602835850901541903;0.059574468085106385695226549615;0.014893617021276596423806637404;0.003900709219858156020371842132;0.001063829787234042570723269172;0.018439716312056736446933769002;0.005319148936170212636775911363;0.007092198581560283515701215151;0.000000000000000000000000000000;0.020921985815602835850901541903;0.012411347517730497019838864503;0.011702127659574467627434657402;0.063120567375886518779459777306;0.025531914893617019962634984154;0.020567375886524821154699438353;0.014184397163120567031402430302
-0.027884615384615386163291717025;0.011217948717948717993198037846;0.037499999999999998612221219219;0.021474358974358974394558430276;0.070192307692307692734701163317;0.030128205128205128721097239008;0.004807692307692307959188227073;0.032371794871794874748349712945;0.008012820512820512108831394471;0.020512820512820512802720784862;0.024679487179487178544201597674;0.010256410256410256401360392431;0.021153846153846155020428199123;0.034615384615384617306155234928;0.030448717948717948095227470162;0.012820512820512820068019621544;0.015064102564102564360548619504;0.030448717948717948095227470162;0.038141025641025644299375585433;0.007692307692307692734701163317;0.026282051282051282353746657350;0.007371794871794871625847456187;0.011217948717948717993198037846;0.026602564102564101727876888503;0.031089743589743590312934884423;0.033333333333333332870740406406;0.034935897435897436680285466082;0.007371794871794871625847456187;0.000320512820512820512542512263;0.042628205128205129414986629399;0.008012820512820512108831394471;0.009615384615384615918376454147;0.025000000000000001387778780781;0.004807692307692307959188227073;0.014743589743589743251694912374;0.033974358974358971619000868714;0.012179487179487179585035683260;0.006410256410256410034009810772;0.000320512820512820512542512263;0.011217948717948717993198037846;0.008333333333333333217685101602;0.004807692307692307959188227073;0.000000000000000000000000000000;0.010897435897435896884344330715;0.028525641025641024911552179333;0.011217948717948717993198037846;0.034615384615384617306155234928;0.015384615384615385469402326635;0.032371794871794874748349712945;0.016987179487179485809500434357
-0.025581395348837208947312404916;0.010465116279069767296627802011;0.055813953488372092248681610727;0.000000000000000000000000000000;0.015503875968992247846856002980;0.025193798449612402751141004842;0.001550387596899224784685600298;0.031782945736434108086054806108;0.006976744186046511531085201341;0.055813953488372092248681610727;0.017054263565891472631541603278;0.008527131782945736315770801639;0.014728682170542635454513202831;0.052713178294573642679310410131;0.011627906976744185885142002235;0.015891472868217054043027403054;0.012403100775193798277484802384;0.026744186046511627535826605140;0.029069767441860464712855005587;0.006589147286821705334913801266;0.022868217054263565574112604395;0.007751937984496123923428001490;0.009302325581395348708113601788;0.068992248062015509857403117167;0.026356589147286821339655205065;0.040697674418604654067443959775;0.029069767441860464712855005587;0.003100775193798449569371200596;0.000387596899224806196171400074;0.036821705426356592105729959030;0.002713178294573643373199800521;0.025193798449612402751141004842;0.017441860465116278827713003352;0.005426356589147286746399601043;0.013953488372093023062170402682;0.061240310077519378995081211770;0.013178294573643410669827602533;0.004651162790697674354056800894;0.000000000000000000000000000000;0.006976744186046511531085201341;0.008527131782945736315770801639;0.004263565891472868157885400819;0.000000000000000000000000000000;0.028294573643410852320512205438;0.010852713178294573492799202086;0.013178294573643410669827602533;0.056976744186046514306642762904;0.020930232558139534593255604022;0.023255813953488371770284004469;0.013565891472868216865999002607
-0.032083333333333331760517381781;0.034166666666666664631257788187;0.034583333333333333980963431031;0.011249999999999999583666365766;0.019166666666666665186369300500;0.022916666666666665047591422422;0.004583333333333333356462979680;0.038749999999999999722444243844;0.012916666666666666574148081281;0.014583333333333333564629796797;0.018333333333333333425851918719;0.006666666666666667094565124074;0.015833333333333334674852821422;0.022083333333333333287074040641;0.046666666666666668794594130532;0.018749999999999999306110609609;0.014999999999999999444888487687;0.049166666666666664076146275875;0.043749999999999997224442438437;0.007916666666666667337426410711;0.021666666666666667406815349750;0.011666666666666667198648532633;0.014999999999999999444888487687;0.025000000000000001387778780781;0.022083333333333333287074040641;0.027916666666666666019036568969;0.043749999999999997224442438437;0.022916666666666665047591422422;0.001250000000000000026020852140;0.023750000000000000277555756156;0.007499999999999999722444243844;0.011666666666666667198648532633;0.022499999999999999167332731531;0.015833333333333334674852821422;0.021250000000000001526556658860;0.035000000000000003330669073875;0.011666666666666667198648532633;0.010000000000000000208166817117;0.002500000000000000052041704279;0.018749999999999999306110609609;0.008333333333333333217685101602;0.004583333333333333356462979680;0.000000000000000000000000000000;0.016666666666666666435370203203;0.020416666666666666296592325125;0.015833333333333334674852821422;0.027083333333333334258519187188;0.020833333333333332176851016015;0.032916666666666663521034763562;0.012500000000000000693889390391
-0.034684684684684684297106826989;0.016216216216216217116397046993;0.051801801801801800051450186402;0.001351351351351351426366420583;0.004504504504504504465434155946;0.023423423423423423567202306117;0.002702702702702702852732841166;0.028378378378378379953694832238;0.010360360360360360357234732476;0.048648648648648651349191140980;0.019369369369369369288103044369;0.011261261261261260729904520872;0.006756756756756757131832102914;0.045945945945945948496458299815;0.014414414414414414636333994224;0.020270270270270271395496308742;0.016666666666666666435370203203;0.026576576576576575738908303492;0.020720720720720720714469464951;0.009009009009009008930868311893;0.020720720720720720714469464951;0.008558558558558557877171679706;0.009009009009009008930868311893;0.047747747747747745772350924653;0.036036036036036035723473247572;0.047297297297297299922824720397;0.041441441441441441428938929903;0.004504504504504504465434155946;0.001351351351351351426366420583;0.013963963963963963582637362038;0.009459459459459459984564944079;0.019819819819819818607076200578;0.010360360360360360357234732476;0.009009009009009008930868311893;0.015765765765765764327976938830;0.044144144144144144281671771068;0.024324324324324325674595570490;0.011711711711711711783601153058;0.000000000000000000000000000000;0.010810810810810811410931364662;0.008558558558558557877171679706;0.010360360360360360357234732476;0.000000000000000000000000000000;0.026126126126126126419935147283;0.009009009009009008930868311893;0.014864864864864865690030626411;0.052252252252252252839870294565;0.028378378378378379953694832238;0.031981981981981981444373985823;0.019369369369369369288103044369
-0.030851063829787233466772633506;0.007092198581560283515701215151;0.046808510638297870509738629607;0.000709219858156028416622251864;0.006382978723404254990658746038;0.018085106382978721750731665452;0.005673758865248227332978014914;0.032624113475177303478336199305;0.009574468085106382919668988052;0.040425531914893619855888573511;0.018439716312056736446933769002;0.011702127659574467627434657402;0.019503546099290780535540079654;0.043971631205673759879015705110;0.015248226950354609385285264977;0.012056737588652482323636760952;0.019148936170212765839337976104;0.023404255319148935254869314804;0.026241134751773049355039191255;0.008510638297872340565786153377;0.020921985815602835850901541903;0.007092198581560283515701215151;0.012765957446808509981317492077;0.062056737588652481629747370562;0.032269503546099288782134095754;0.043971631205673759879015705110;0.035815602836879435744155131260;0.003900709219858156020371842132;0.002482269503546099403967772901;0.021985815602836879939507852555;0.008510638297872340565786153377;0.027659574468085104670400653504;0.019858156028368795231742183205;0.008156028368794325869584049826;0.016666666666666666435370203203;0.051418439716312054621472071858;0.014893617021276596423806637404;0.007446808510638298211903318702;0.000000000000000000000000000000;0.006737588652482269686860849589;0.010992907801418439969753926277;0.004255319148936170282893076688;0.000000000000000000000000000000;0.032978723404255318174538302856;0.015248226950354609385285264977;0.021276595744680850547103645454;0.046099290780141841117334422506;0.024822695035460994039677729006;0.025531914893617019962634984154;0.017730496453900710523976513855
-0.027333333333333334480563792113;0.005333333333333333155235056466;0.047333333333333331427450474393;0.044666666666666667018237291131;0.081000000000000002553512956638;0.029999999999999998889776975375;0.003000000000000000062450045135;0.026999999999999999694688668228;0.010000000000000000208166817117;0.027333333333333334480563792113;0.013666666666666667240281896056;0.021666666666666667406815349750;0.021000000000000001304512053935;0.037999999999999999056310429069;0.014333333333333333342585191872;0.010333333333333333259318465025;0.014666666666666666393736839780;0.017666666666666667323548622903;0.034000000000000002442490654175;0.009666666666666667157015169209;0.016666666666666666435370203203;0.009333333333333334105863521302;0.007000000000000000145716771982;0.030333333333333333675652099259;0.016666666666666666435370203203;0.026666666666666668378260496297;0.028666666666666666685170383744;0.002000000000000000041633363423;0.001333333333333333288808764117;0.090666666666666673179975077801;0.012666666666666666352103476356;0.020000000000000000416333634234;0.018999999999999999528155214534;0.006333333333333333176051738178;0.013333333333333334189130248149;0.028000000000000000582867087928;0.011666666666666667198648532633;0.004666666666666667052931760651;0.001000000000000000020816681712;0.008666666666666666268836749509;0.007000000000000000145716771982;0.002333333333333333526465880325;0.000000000000000000000000000000;0.017666666666666667323548622903;0.019666666666666665630458510350;0.014999999999999999444888487687;0.031666666666666669349705642844;0.020000000000000000416333634234;0.023666666666666665713725237197;0.010333333333333333259318465025
-0.027380952380952380820211544687;0.002380952380952381167156239883;0.094841269841269837392871977499;0.000793650793650793650105268462;0.003174603174603174600421073848;0.004761904761904762334312479766;0.002380952380952381167156239883;0.025793650793650792218958400781;0.018253968253968255036623347110;0.044841269841269841556208319844;0.011507936507936508685467913438;0.000000000000000000000000000000;0.005952380952380952050528861719;0.071031746031746029190756530625;0.004761904761904762334312479766;0.011507936507936508685467913438;0.028174603174603175120838116641;0.037698412698412696320016124218;0.006349206349206349200842147695;0.019047619047619049337249919063;0.010317460317460317234528055508;0.021428571428571428769682682969;0.010317460317460317234528055508;0.057936507936507938842929377188;0.026587301587301586519584972734;0.059126984126984125089698807187;0.030555555555555554553270880547;0.000000000000000000000000000000;0.001190476190476190583578119941;0.002777777777777777883788656865;0.000793650793650793650105268462;0.029761904761904760252644308594;0.002777777777777777883788656865;0.005952380952380952050528861719;0.018650793650793650452213157109;0.061904761904761906876615285000;0.016269841269841271019780393203;0.004761904761904762334312479766;0.000793650793650793650105268462;0.018253968253968255036623347110;0.003968253968253968033685907812;0.004365079365079365183999193789;0.000000000000000000000000000000;0.025793650793650792218958400781;0.003174603174603174600421073848;0.012698412698412698401684295391;0.070634920634920633775166720625;0.036111111111111107718762980312;0.026984126984126985404621734688;0.015476190476190476719153821250
-0.013333333333333334189130248149;0.006250000000000000346944695195;0.079166666666666662965923251249;0.000000000000000000000000000000;0.009166666666666666712925959359;0.008333333333333333217685101602;0.001666666666666666773641281019;0.029999999999999998889776975375;0.013333333333333334189130248149;0.069166666666666667961926862063;0.011249999999999999583666365766;0.000833333333333333386820640509;0.003333333333333333547282562037;0.042916666666666665463925056656;0.014166666666666665949647629930;0.008333333333333333217685101602;0.029166666666666667129259593594;0.035416666666666665741480812812;0.014166666666666665949647629930;0.008750000000000000832667268469;0.012083333333333333078907223523;0.015416666666666667059870654555;0.005000000000000000104083408559;0.094166666666666662410811738937;0.012083333333333333078907223523;0.044999999999999998334665463062;0.036666666666666666851703837438;0.000000000000000000000000000000;0.002916666666666666799662133158;0.008750000000000000832667268469;0.001666666666666666773641281019;0.058749999999999996669330926125;0.009166666666666666712925959359;0.005833333333333333599324266316;0.005416666666666666851703837438;0.077499999999999999444888487687;0.011666666666666667198648532633;0.004583333333333333356462979680;0.000416666666666666693410320255;0.003333333333333333547282562037;0.008333333333333333217685101602;0.004166666666666666608842550801;0.000000000000000000000000000000;0.044583333333333335923853724125;0.011666666666666667198648532633;0.017916666666666667545593227828;0.055833333333333332038073137937;0.020833333333333332176851016015;0.014166666666666665949647629930;0.013333333333333334189130248149
-0.012318840579710145510805574531;0.003260869565217391127104340498;0.059420289855072465357022082344;0.001086956521739130447981591665;0.036956521739130436532416723594;0.010144927536231883313799784219;0.000724637681159420298654394443;0.023550724637681159923108253906;0.006521739130434782254208680996;0.089130434782608694566086171562;0.011956521739130435144637942813;0.002173913043478260895963183330;0.003623188405797101493271972217;0.038043478260869567630919618750;0.018115942028985507900040730078;0.010869565217391304046135047656;0.011231884057971014412302679375;0.013405797101449274874584993711;0.026449275362318839383002355703;0.005434782608695652023067523828;0.010144927536231883313799784219;0.004710144927536232158093998379;0.003623188405797101493271972217;0.105434782608695654104735695000;0.011594202898550724778470311094;0.051086956521739133874060456719;0.028985507246376811946175777734;0.000362318840579710149327197222;0.000362318840579710149327197222;0.039492753623188409095590145625;0.001449275362318840597308788887;0.046739130434782609480048876094;0.016666666666666666435370203203;0.003260869565217391127104340498;0.002536231884057970828449946055;0.068840579710144927938486603125;0.011231884057971014412302679375;0.004347826086956521791926366660;0.000000000000000000000000000000;0.003260869565217391127104340498;0.009420289855072464316187996758;0.004347826086956521791926366660;0.000000000000000000000000000000;0.043115942028985505818372558906;0.024275362318840580655443517344;0.018840579710144928632375993516;0.062318840579710148286363136094;0.021014492753623187359934831875;0.008695652173913043583852733320;0.009420289855072464316187996758
-0.026785714285714284227379877734;0.002083333333333333304421275400;0.077976190476190476719153821250;0.006250000000000000346944695195;0.014880952380952380126322154297;0.019642857142857142460634634062;0.001488095238095238012632215430;0.016071428571428569842538536250;0.015178571428571428422737987773;0.059523809523809520505288617187;0.016964285714285712997062560703;0.010119047619047619526733150508;0.011309523809523809242949532461;0.061309523809523806814336666093;0.002083333333333333304421275400;0.017559523809523809589894227656;0.020238095238095239053466301016;0.022023809523809525362514349922;0.007440476190476190063161077148;0.011011904761904762681257174961;0.014285714285714285268213963320;0.011309523809523809242949532461;0.004464285714285714037896646289;0.077380952380952383595769106250;0.023809523809523808202115446875;0.049404761904761902713278942656;0.023809523809523808202115446875;0.013690476190476190410105772344;0.001190476190476190583578119941;0.013392857142857142113689938867;0.006250000000000000346944695195;0.032440476190476193185663333907;0.003571428571428571317053490830;0.005952380952380952050528861719;0.011904761904761904101057723437;0.066666666666666665741480812812;0.009523809523809524668624959531;0.008928571428571428075793292578;0.004464285714285714037896646289;0.006547619047619047775998790684;0.006547619047619047775998790684;0.008035714285714284921269268125;0.000000000000000000000000000000;0.027678571428571427381903902187;0.002083333333333333304421275400;0.015773809523809523280846178750;0.064880952380952386371326667813;0.033928571428571425994125121406;0.013095238095238095551997581367;0.019047619047619049337249919063
-0.037083333333333336201409480282;0.000833333333333333386820640509;0.054583333333333330927850113312;0.008750000000000000832667268469;0.032083333333333331760517381781;0.014166666666666665949647629930;0.004166666666666666608842550801;0.021666666666666667406815349750;0.014999999999999999444888487687;0.050833333333333334536074943344;0.012083333333333333078907223523;0.014166666666666665949647629930;0.008750000000000000832667268469;0.046249999999999999444888487687;0.006250000000000000346944695195;0.033750000000000002220446049250;0.017500000000000001665334536938;0.014166666666666665949647629930;0.009583333333333332593184650250;0.006250000000000000346944695195;0.022499999999999999167332731531;0.014166666666666665949647629930;0.003749999999999999861222121922;0.071666666666666670182372911313;0.032916666666666663521034763562;0.060833333333333336478965236438;0.024583333333333332038073137937;0.019166666666666665186369300500;0.000833333333333333386820640509;0.017916666666666667545593227828;0.007916666666666667337426410711;0.018333333333333333425851918719;0.002916666666666666799662133158;0.009166666666666666712925959359;0.007499999999999999722444243844;0.050000000000000002775557561563;0.010833333333333333703407674875;0.010833333333333333703407674875;0.001250000000000000026020852140;0.007083333333333332974823814965;0.006250000000000000346944695195;0.007083333333333332974823814965;0.000000000000000000000000000000;0.034583333333333333980963431031;0.004166666666666666608842550801;0.021666666666666667406815349750;0.054166666666666668517038374375;0.035833333333333335091186455656;0.014166666666666665949647629930;0.020000000000000000416333634234
-0.030902777777777779011358916250;0.004166666666666666608842550801;0.040625000000000001387778780781;0.000000000000000000000000000000;0.031597222222222220988641083750;0.018402777777777778317469525859;0.001041666666666666652210637700;0.029861111111111112575988713047;0.004166666666666666608842550801;0.027083333333333334258519187188;0.021874999999999998612221219219;0.004166666666666666608842550801;0.010763888888888888811790067734;0.039583333333333331482961625625;0.016319444444444445446729119453;0.019097222222222223764198645313;0.010069444444444445099784424258;0.020138888888888890199568848516;0.048263888888888890893458238907;0.006597222222222222202947516934;0.027083333333333334258519187188;0.006250000000000000346944695195;0.014930555555555556287994356524;0.037152777777777777623580135469;0.032638888888888890893458238907;0.043749999999999997224442438437;0.045138888888888888117900677344;0.017708333333333332870740406406;0.001041666666666666652210637700;0.032291666666666669904817155157;0.003125000000000000173472347598;0.014236111111111110841265237070;0.047916666666666669904817155157;0.009722222222222222376419864531;0.014236111111111110841265237070;0.036111111111111107718762980312;0.017361111111111111882099322656;0.007638888888888888638317720137;0.000347222222222222235473582108;0.007986111111111110494320541875;0.004166666666666666608842550801;0.001736111111111111014737584668;0.000000000000000000000000000000;0.016319444444444445446729119453;0.038541666666666668517038374375;0.014583333333333333564629796797;0.040972222222222222376419864531;0.032638888888888890893458238907;0.033333333333333332870740406406;0.016319444444444445446729119453
-0.016287878787878788677812025298;0.009848484848484847717364765174;0.048484848484848484806430946037;0.007196969696969697342925353922;0.077272727272727270708685409772;0.016287878787878788677812025298;0.004924242424242423858682382587;0.024621212121212120160773650923;0.004924242424242423858682382587;0.065530303030303035938253231052;0.008712121212121212709966755483;0.006439393939393939225723784148;0.004166666666666666608842550801;0.037121212121212124324109993267;0.020833333333333332176851016015;0.012500000000000000693889390391;0.012500000000000000693889390391;0.016666666666666666435370203203;0.022348484848484850145977631541;0.006818181818181817850643700041;0.014393939393939394685850707845;0.004924242424242423858682382587;0.001893939393939393991961317454;0.082575757575757580131181612160;0.015909090909090907450806895440;0.050757575757575758290673917372;0.024621212121212120160773650923;0.001136363636363636308440616673;0.002651515151515151675482018234;0.040151515151515153323469320412;0.007196969696969697342925353922;0.029166666666666667129259593594;0.015909090909090907450806895440;0.004166666666666666608842550801;0.003030303030303030300401934127;0.054545454545454542805149600326;0.011742424242424241709326082628;0.005681818181818181975883952362;0.000000000000000000000000000000;0.001136363636363636308440616673;0.010606060606060606701928072937;0.007575757575757575967845269815;0.000000000000000000000000000000;0.040909090909090908838585676222;0.027651515151515152629579930021;0.024621212121212120160773650923;0.054166666666666668517038374375;0.019696969696969695434729530348;0.005681818181818181975883952362;0.014015151515151515193569053963
-0.026543209876543211178656633820;0.008950617283950617480980938012;0.050000000000000002775557561563;0.002160493827160493620492820455;0.058950617283950616787091547621;0.017283950617283948963942563637;0.000617283950617283938035184665;0.022839506172839505598881615356;0.002160493827160493620492820455;0.039814814814814816767984950729;0.016666666666666666435370203203;0.012345679012345678327022824305;0.007716049382716048954389265191;0.049691358024691358041824429392;0.053395061728395060152152495903;0.017901234567901234961961876024;0.014506172839506172381196513754;0.023765432098765432861187107960;0.019753086419753086017125909279;0.009567901234567901744276774423;0.013271604938271605589328316910;0.004629629629629629372633559115;0.005246913580246913635929395525;0.053395061728395060152152495903;0.028395061728395062233820667075;0.032407407407407405608434913802;0.033333333333333332870740406406;0.002469135802469135752140738660;0.000617283950617283938035184665;0.034567901234567897927885127274;0.010185185185185186007572610833;0.021913580246913581806023074705;0.019444444444444444752839729063;0.009259259259259258745267118229;0.008950617283950617480980938012;0.041049382716049381825129671597;0.009259259259259258745267118229;0.005864197530864197899225231936;0.000000000000000000000000000000;0.004938271604938271504281477320;0.004938271604938271504281477320;0.001234567901234567876070369330;0.000000000000000000000000000000;0.021604938271604937072289942535;0.059259259259259261520824679792;0.015432098765432097908778530382;0.046913580246913583193801855487;0.025308641975308642652064960998;0.016975308641975307699656383420;0.014506172839506172381196513754
-0.035271317829457367321044358732;0.014341085271317829258341802756;0.069379844961240305645233661380;0.000387596899224806196171400074;0.010077519379844961100456401937;0.007364341085271317727256601415;0.001937984496124030980857000372;0.031782945736434108086054806108;0.005426356589147286746399601043;0.067054263565891475407099164840;0.012403100775193798277484802384;0.001550387596899224784685600298;0.005038759689922480550228200968;0.058527131782945739091328363202;0.011627906976744185885142002235;0.014341085271317829258341802756;0.021317829457364340789427004097;0.025193798449612402751141004842;0.018992248062015503612398603650;0.012015503875968992081313402309;0.016666666666666666435370203203;0.005426356589147286746399601043;0.006201550387596899138742401192;0.070155038759689924976470365436;0.021317829457364340789427004097;0.055426356589147289521957162606;0.032945736434108530144015958285;0.003100775193798449569371200596;0.000387596899224806196171400074;0.008527131782945736315770801639;0.000775193798449612392342800149;0.031782945736434108086054806108;0.007751937984496123923428001490;0.006589147286821705334913801266;0.010077519379844961100456401937;0.065116279069767440956795212514;0.016666666666666666435370203203;0.006201550387596899138742401192;0.000000000000000000000000000000;0.011240310077519379688970602160;0.006589147286821705334913801266;0.004651162790697674354056800894;0.000000000000000000000000000000;0.034496124031007754928701558583;0.006589147286821705334913801266;0.012790697674418604473656202458;0.064728682170542631291176860486;0.032170542635658917751673158136;0.021317829457364340789427004097;0.016279069767441860239198803129
-0.026060606060606061884499240477;0.006363636363636363847684496164;0.046363636363636363812990026645;0.005454545454545454974404350423;0.030606060606060605383538231195;0.023636363636363635909454217199;0.003030303030303030300401934127;0.023333333333333334397297065266;0.018787878787878787428811122595;0.023333333333333334397297065266;0.013636363636363635701287400082;0.016969696969696971416974307090;0.016666666666666666435370203203;0.034545454545454545858262918046;0.016363636363636364923213051270;0.018484848484848485916653970662;0.022121212121212121409774553626;0.030303030303030303871381079261;0.040909090909090908838585676222;0.011515151515151514707846480690;0.021818181818181819897617401693;0.016969696969696971416974307090;0.013939393939393938948168027991;0.031515151515151516858903590901;0.032424242424242424864821998653;0.028484848484848484390097311802;0.033939393939393942833948614179;0.010000000000000000208166817117;0.001212121212121212120160773651;0.036363636363636361870099733551;0.005151515151515151727523722514;0.018484848484848485916653970662;0.017272727272727272929131459023;0.011818181818181817954727108599;0.025454545454545455390737984658;0.039696969696969695851063164582;0.012424242424242424448488364419;0.008484848484848485708487153545;0.002727272727272727487202175212;0.022727272727272727903535809446;0.006969696969696969474084013996;0.010303030303030303455047445027;0.000000000000000000000000000000;0.018787878787878787428811122595;0.022727272727272727903535809446;0.012121212121212121201607736509;0.036666666666666666851703837438;0.026969696969696969890417648230;0.028484848484848484390097311802;0.017575757575757574441288610956
-0.024242424242424242403215473018;0.008484848484848485708487153545;0.053636363636363634799231192574;0.018181818181818180935049866775;0.070303030303030297765154443823;0.041515151515151511862899980088;0.001212121212121212120160773651;0.017272727272727272929131459023;0.019696969696969695434729530348;0.019696969696969695434729530348;0.014242424242424242195048655901;0.060909090909090905785472358502;0.015151515151515151935690539631;0.033636363636363637852344510293;0.017272727272727272929131459023;0.014242424242424242195048655901;0.018787878787878787428811122595;0.020000000000000000416333634234;0.017575757575757574441288610956;0.007575757575757575967845269815;0.009393939393939393714405561298;0.011515151515151514707846480690;0.006060606060606060600803868255;0.022424242424242422921931705559;0.026666666666666668378260496297;0.028484848484848484390097311802;0.020303030303030301928490786167;0.017575757575757574441288610956;0.001515151515151515150200967064;0.093333333333333337589188261063;0.027878787878787877896336055983;0.014545454545454545441929283811;0.015757575757575758429451795450;0.010000000000000000208166817117;0.010000000000000000208166817117;0.034545454545454545858262918046;0.006969696969696969474084013996;0.006666666666666667094565124074;0.005454545454545454974404350423;0.007575757575757575967845269815;0.003636363636363636360482320953;0.011818181818181817954727108599;0.000000000000000000000000000000;0.011818181818181817954727108599;0.011515151515151514707846480690;0.005454545454545454974404350423;0.038484848484848482863540652943;0.017272727272727272929131459023;0.020303030303030301928490786167;0.009393939393939393714405561298
-0.034883720930232557655426006704;0.006976744186046511531085201341;0.056976744186046514306642762904;0.087209302325581397608011968714;0.058914728682170541818052811323;0.026356589147286821339655205065;0.001937984496124030980857000372;0.017054263565891472631541603278;0.015116279069767441650684602905;0.020542635658914728397084203948;0.017054263565891472631541603278;0.016279069767441860239198803129;0.014728682170542635454513202831;0.031007751937984495693712005959;0.015116279069767441650684602905;0.026356589147286821339655205065;0.019379844961240309808570003725;0.019767441860465116004741403799;0.031395348837209305359330357987;0.007751937984496123923428001490;0.016666666666666666435370203203;0.012015503875968992081313402309;0.006589147286821705334913801266;0.024031007751937984162626804618;0.033720930232558142536358758434;0.027519379844961239928169405289;0.022093023255813953181769804246;0.015891472868217054043027403054;0.001162790697674418588514200223;0.043023255813953491244472360222;0.009302325581395348708113601788;0.022093023255813953181769804246;0.016279069767441860239198803129;0.006589147286821705334913801266;0.016279069767441860239198803129;0.031007751937984495693712005959;0.008914728682170542511942201713;0.005038759689922480550228200968;0.000775193798449612392342800149;0.008914728682170542511942201713;0.003488372093023255765542600670;0.006589147286821705334913801266;0.000000000000000000000000000000;0.009689922480620154904285001862;0.020930232558139534593255604022;0.008139534883720930119599401564;0.039534883720930232009482807598;0.017829457364341085023884403427;0.019767441860465116004741403799;0.021317829457364340789427004097
-0.038492063492063494090089648125;0.006746031746031746351155433672;0.047619047619047616404230893750;0.001587301587301587300210536924;0.019047619047619049337249919063;0.032936507936507937455150596406;0.004761904761904762334312479766;0.026984126984126985404621734688;0.016269841269841271019780393203;0.028174603174603175120838116641;0.019841269841269840168429539062;0.028571428571428570536427926640;0.013492063492063492702310867344;0.043253968253968252954955175937;0.011507936507936508685467913438;0.018253968253968255036623347110;0.019444444444444444752839729063;0.018253968253968255036623347110;0.031746031746031744269487262500;0.008333333333333333217685101602;0.018650793650793650452213157109;0.015079365079365079568840535273;0.004761904761904762334312479766;0.034920634920634921471993550313;0.037698412698412696320016124218;0.038095238095238098674499838125;0.027380952380952380820211544687;0.021825396825396824185272492969;0.001984126984126984016842953906;0.036507936507936510073246694219;0.019841269841269840168429539062;0.017857142857142856151586585156;0.011507936507936508685467913438;0.011507936507936508685467913438;0.015476190476190476719153821250;0.032539682539682542039560786407;0.009920634920634920084214769531;0.009920634920634920084214769531;0.005555555555555555767577313730;0.010317460317460317234528055508;0.005158730158730158617264027754;0.005952380952380952050528861719;0.000000000000000000000000000000;0.023412698412698412786525636875;0.014285714285714285268213963320;0.015476190476190476719153821250;0.040873015873015873522522412031;0.031349206349206348853897452500;0.024603174603174602502742018828;0.022222222222222223070309254922
-0.022033898305084745339321727897;0.009322033898305085233837452563;0.063276836158192087400387038088;0.005084745762711864042193710134;0.020056497175141241307017025974;0.013841807909604519552515533576;0.003107344632768361744612484188;0.030225988700564972860851398195;0.011299435028248587531418678509;0.057344632768361582242366836226;0.014406779661016949276031162697;0.007344632768361582068894488629;0.008192090395480225786806194321;0.048305084745762713605010674200;0.014689265536723164137788977257;0.009887005649717514957353081684;0.025988700564971749934484179789;0.023446327683615819648110800699;0.018361581920903955605917090566;0.006214689265536723489224968375;0.014689265536723164137788977257;0.011016949152542372669660863949;0.003389830508474576172689429754;0.081073446327683609813341547579;0.017796610169491525882401461445;0.048022598870056498743252859640;0.032203389830508473423709148165;0.004519774011299435186039819001;0.002259887005649717593019909501;0.027401129943502824243273252591;0.003672316384180791034447244314;0.036723163841807911211834181131;0.010451977401129942946145234828;0.006214689265536723489224968375;0.011581920903954802393176493069;0.061864406779661020030491869193;0.013276836158192089828999904455;0.007627118644067796930652303189;0.002824858757062146882854669627;0.005649717514124293765709339254;0.012429378531073446978449936751;0.006497175141242937483621044947;0.000000000000000000000000000000;0.031355932203389828838435704483;0.014406779661016949276031162697;0.021751412429378530477563913337;0.052824858757062144454241803260;0.024293785310734464233384244380;0.011581920903954802393176493069;0.010169491525423728084387420267
-0.028048780487804878674973352304;0.010975609756097560315568628653;0.047560975609756098170244342782;0.006504065040650406498423663493;0.048373983739837395079419479771;0.028048780487804878674973352304;0.004471544715447154684506703148;0.028455284552845527129560920798;0.012601626016260162807536282514;0.020325203252032519873893079421;0.018292682926829267192614381088;0.017886178861788618738026812593;0.018699186991869919116648901536;0.033333333333333332870740406406;0.013008130081300812996847326986;0.016666666666666666435370203203;0.016666666666666666435370203203;0.030081300813008131356252050637;0.043089430894308944353099377622;0.010162601626016259936946539710;0.025203252032520325615072565029;0.011788617886178862428914193572;0.010569105691056910126257584182;0.027642276422764226750938831856;0.028048780487804878674973352304;0.033739837398373981325327974901;0.023577235772357724857828387144;0.005284552845528455063128792091;0.000813008130081300812302957937;0.047154471544715449715656774288;0.017073170731707318359404723651;0.015447154471544715867437069790;0.015447154471544715867437069790;0.012195121951219512618225238043;0.019105691056910567571236470030;0.031707317073170732113496228521;0.014634146341463415488814980847;0.007723577235772357933718534895;0.007723577235772357933718534895;0.018699186991869919116648901536;0.006910569105691056687734707964;0.014634146341463415488814980847;0.000000000000000000000000000000;0.015853658536585366056748114261;0.021138211382113820252515168363;0.011382113821138212239603149101;0.031707317073170732113496228521;0.029674796747967479432217530189;0.026422764227642277917729174419;0.015447154471544715867437069790
-0.021851851851851851471497667490;0.012222222222222222862142437805;0.064814814814814811216869827604;0.007037037037037036958653235530;0.027407407407407408106436719208;0.012592592592592592726230549260;0.004444444444444444440589503387;0.031851851851851853414387960584;0.016296296296296294836558615771;0.041111111111111112159655078813;0.013703703703703704053218359604;0.002222222222222222220294751693;0.010000000000000000208166817117;0.042592592592592591616007524635;0.024074074074074074125473288177;0.014814814814814815380206169948;0.029999999999999998889776975375;0.033333333333333332870740406406;0.025925925925925925180637321432;0.010000000000000000208166817117;0.016666666666666666435370203203;0.018888888888888889089345823891;0.007777777777777777554191196430;0.047037037037037036923958766010;0.020370370370370372015145221667;0.033333333333333332870740406406;0.028148148148148147834612942120;0.004814814814814815172039352831;0.005925925925925925631665425186;0.011481481481481481399242738917;0.003333333333333333547282562037;0.030370370370370370488588562807;0.010740740740740739936343040029;0.009629629629629630344078705662;0.018148148148148149361169600979;0.051851851851851850361274642864;0.011111111111111111535154627461;0.006666666666666667094565124074;0.004074074074074073709139653943;0.015925925925925926707193980292;0.005555555555555555767577313730;0.009259259259259258745267118229;0.000000000000000000000000000000;0.021481481481481479872686080057;0.020370370370370372015145221667;0.014074074074074073917306471060;0.051481481481481482231910007386;0.029999999999999998889776975375;0.021481481481481479872686080057;0.023703703703703702526661700745
-0.040579710144927533255199136875;0.002536231884057970828449946055;0.051449275362318837301334184531;0.001449275362318840597308788887;0.020289855072463766627599568437;0.049637681159420292409389929844;0.000362318840579710149327197222;0.015942028985507245703034939766;0.023550724637681159923108253906;0.020289855072463766627599568437;0.016666666666666666435370203203;0.044565217391304347283043085781;0.018840579710144928632375993516;0.039492753623188409095590145625;0.005072463768115941656899892109;0.019565217391304349364711256953;0.019202898550724638998543625235;0.015579710144927537071590784024;0.020652173913043476993767200156;0.009782608695652174682355628477;0.013768115942028985240752625430;0.016304347826086956069202571484;0.009782608695652174682355628477;0.025724637681159418650667092265;0.039492753623188409095590145625;0.033695652173913043236908038125;0.021014492753623187359934831875;0.006884057971014492620376312715;0.001086956521739130447981591665;0.056521739130434782427681028594;0.046014492753623188747713612656;0.019565217391304349364711256953;0.011956521739130435144637942813;0.007608695652173913352711576152;0.025000000000000001387778780781;0.031884057971014491406069879531;0.006521739130434782254208680996;0.009782608695652174682355628477;0.008695652173913043583852733320;0.013043478260869564508417361992;0.001811594202898550746635986108;0.018478260869565218266208361797;0.000000000000000000000000000000;0.017753623188405797533873098359;0.008695652173913043583852733320;0.011594202898550724778470311094;0.029347826086956522312343409453;0.027536231884057970481505250859;0.023550724637681159923108253906;0.021376811594202897726102463594
-0.030158730158730159137681070547;0.004365079365079365183999193789;0.064285714285714279370154144999;0.003174603174603174600421073848;0.017857142857142856151586585156;0.022619047619047618485899064922;0.003174603174603174600421073848;0.021031746031746033354092872969;0.017857142857142856151586585156;0.038492063492063494090089648125;0.017857142857142856151586585156;0.008730158730158730367998387578;0.008730158730158730367998387578;0.049603174603174600421073847656;0.009126984126984127518311673555;0.015873015873015872134743631250;0.025000000000000001387778780781;0.032142857142857139685077072500;0.019841269841269840168429539062;0.011507936507936508685467913438;0.017063492063492061850960013203;0.013095238095238095551997581367;0.004761904761904762334312479766;0.066666666666666665741480812812;0.029365079365079364837054498594;0.042857142857142857539365365938;0.029761904761904760252644308594;0.003968253968253968033685907812;0.000396825396825396825052634231;0.027777777777777776235801354687;0.004365079365079365183999193789;0.027777777777777776235801354687;0.009920634920634920084214769531;0.003571428571428571317053490830;0.011507936507936508685467913438;0.060714285714285713690951951094;0.014285714285714285268213963320;0.005555555555555555767577313730;0.001587301587301587300210536924;0.010317460317460317234528055508;0.006746031746031746351155433672;0.011904761904761904101057723437;0.000000000000000000000000000000;0.027380952380952380820211544687;0.008333333333333333217685101602;0.017460317460317460735996775156;0.051190476190476189022326991562;0.030555555555555554553270880547;0.020238095238095239053466301016;0.019444444444444444752839729063
-0.022222222222222223070309254922;0.005158730158730158617264027754;0.049206349206349205005484037656;0.000000000000000000000000000000;0.025396825396825396803368590781;0.024206349206349207087152208828;0.002777777777777777883788656865;0.036507936507936510073246694219;0.014285714285714285268213963320;0.026190476190476191103995162734;0.026190476190476191103995162734;0.007539682539682539784420267637;0.014682539682539682418527249297;0.038492063492063494090089648125;0.013888888888888888117900677344;0.019047619047619049337249919063;0.016666666666666666435370203203;0.032142857142857139685077072500;0.046031746031746034741871653750;0.011904761904761904101057723437;0.026587301587301586519584972734;0.012698412698412698401684295391;0.010714285714285714384841341484;0.037698412698412696320016124218;0.030555555555555554553270880547;0.033333333333333332870740406406;0.034523809523809526056403740313;0.000793650793650793650105268462;0.001984126984126984016842953906;0.034920634920634921471993550313;0.007539682539682539784420267637;0.022619047619047618485899064922;0.023412698412698412786525636875;0.009523809523809524668624959531;0.021428571428571428769682682969;0.043253968253968252954955175937;0.014682539682539682418527249297;0.003571428571428571317053490830;0.001190476190476190583578119941;0.011111111111111111535154627461;0.006349206349206349200842147695;0.004365079365079365183999193789;0.000000000000000000000000000000;0.015476190476190476719153821250;0.024206349206349207087152208828;0.016269841269841271019780393203;0.035714285714285712303173170312;0.029761904761904760252644308594;0.029761904761904760252644308594;0.023412698412698412786525636875
-0.023333333333333334397297065266;0.005555555555555555767577313730;0.088518518518518524151872384209;0.000740740740740740703958178148;0.020740740740740740144509857146;0.010000000000000000208166817117;0.002222222222222222220294751693;0.020740740740740740144509857146;0.017037037037037038034181790636;0.038888888888888889505679458125;0.012962962962962962590318660716;0.004814814814814815172039352831;0.007777777777777777554191196430;0.044444444444444446140618509844;0.012592592592592592726230549260;0.011481481481481481399242738917;0.025925925925925925180637321432;0.029259259259259259161600752464;0.032592592592592589673117231541;0.011111111111111111535154627461;0.017777777777777777762358013547;0.020740740740740740144509857146;0.011481481481481481399242738917;0.053333333333333336756520992594;0.029999999999999998889776975375;0.040370370370370368962031903948;0.027777777777777776235801354687;0.003333333333333333547282562037;0.000740740740740740703958178148;0.022592592592592591199673890401;0.004444444444444444440589503387;0.027037037037037036507625131776;0.018888888888888889089345823891;0.010370370370370370072254928573;0.021481481481481479872686080057;0.058888888888888886452566140406;0.011111111111111111535154627461;0.005925925925925925631665425186;0.000740740740740740703958178148;0.013703703703703704053218359604;0.004444444444444444440589503387;0.010000000000000000208166817117;0.000000000000000000000000000000;0.019259259259259260688157411323;0.014814814814814815380206169948;0.009629629629629630344078705662;0.048888888888888891448569751219;0.029629629629629630760412339896;0.025185185185185185452461098521;0.016666666666666666435370203203
-0.031060606060606059386497435071;0.003409090909090908925321850020;0.040151515151515153323469320412;0.006060606060606060600803868255;0.129924242424242414317703264715;0.023863636363636364645657295114;0.003787878787878787983922634908;0.020075757575757576661734660206;0.007954545454545453725403447720;0.017424242424242425419933510966;0.019696969696969695434729530348;0.010227272727272727209646419055;0.015151515151515151935690539631;0.032954545454545451643735276548;0.012121212121212121201607736509;0.008333333333333333217685101602;0.010606060606060606701928072937;0.017045454545454544192928381108;0.070454545454545450255956495766;0.007196969696969697342925353922;0.024621212121212120160773650923;0.006818181818181817850643700041;0.006818181818181817850643700041;0.021590909090909091161414323778;0.028030303030303030387138107926;0.028787878787878789371701415689;0.025757575757575756902895136591;0.004924242424242423858682382587;0.000000000000000000000000000000;0.078030303030303033162695669489;0.007954545454545453725403447720;0.010227272727272727209646419055;0.028787878787878789371701415689;0.006060606060606060600803868255;0.017803030303030303177491688871;0.032575757575757577355624050597;0.012121212121212121201607736509;0.006439393939393939225723784148;0.000378787878787878787550241766;0.009090909090909090467524933388;0.005303030303030303350964036468;0.002651515151515151675482018234;0.000000000000000000000000000000;0.012500000000000000693889390391;0.035227272727272725127978247883;0.009848484848484847717364765174;0.034848484848484850839867021932;0.023106060606060605661093987351;0.020075757575757576661734660206;0.012121212121212121201607736509
-0.030065359477124183745777585841;0.003921568627450980337734165460;0.061764705882352943788760057942;0.000326797385620915010074477580;0.020261437908496732901442172192;0.018627450980392156604237285933;0.001960784313725490168867082730;0.021241830065359477985875713557;0.012745098039215686097636037744;0.035294117647058823039607489136;0.019281045751633987817008630827;0.013725490196078431182069579108;0.014705882352941176266503120473;0.048366013071895426478352675304;0.007843137254901960675468330919;0.019607843137254901688670827298;0.018300653594771242732575089462;0.023202614379084968154742796287;0.023856209150326795898067189228;0.012091503267973856619588168826;0.020915032679738560644766565133;0.010130718954248366450721086096;0.009477124183006535237949741202;0.047058823529411764052809985515;0.036928104575163399336812375395;0.043137254901960783715075820055;0.028104575163398693576910503111;0.000653594771241830020148955160;0.000326797385620915010074477580;0.027777777777777776235801354687;0.011437908496732025406816823931;0.024183006535947713239176337652;0.019934640522875815560333023768;0.013725490196078431182069579108;0.023529411764705882026404992757;0.045098039215686273883942902785;0.010784313725490195928768955014;0.011111111111111111535154627461;0.002287581699346405341571886183;0.013398692810457515575683906661;0.003921568627450980337734165460;0.005882352941176470506601248189;0.000000000000000000000000000000;0.023856209150326795898067189228;0.006862745098039215591034789554;0.009150326797385621366287544731;0.057843137254901963451025892482;0.036274509803921571593487982454;0.031372549019607842701873323676;0.017647058823529411519803744568
-0.014965986394557822744544317572;0.010884353741496597886562192059;0.051700680272108841262213019263;0.063265306122448974890382089598;0.090136054421768710409601510491;0.013605442176870747791883609068;0.002040816326530612428991062757;0.027891156462585033060097572388;0.022789115646258503722343391473;0.035714285714285712303173170312;0.014625850340136054006379140446;0.004421768707482993596147302640;0.009523809523809524668624959531;0.033333333333333332870740406406;0.012925170068027210315553254816;0.009523809523809524668624959531;0.019727891156462583344133321361;0.026530612244897958107436863884;0.044557823129251702964914727545;0.006462585034013605157776627408;0.018367346938775511860919564811;0.013265306122448979053718431942;0.004081632653061224857982125513;0.056462585034013607065972450982;0.010544217687074829148397014933;0.030612244897959182965418989397;0.027551020408163266056655871239;0.010544217687074829148397014933;0.001700680272108843473985451134;0.048639455782312927822896853058;0.001020408163265306214495531378;0.024489795918367345678445801127;0.010544217687074829148397014933;0.004761904761904762334312479766;0.006802721088435373895941804534;0.039115646258503403154271893527;0.009523809523809524668624959531;0.004081632653061224857982125513;0.000680272108843537367910137004;0.009183673469387755930459782405;0.006802721088435373895941804534;0.023469387755102041198673745726;0.000000000000000000000000000000;0.017687074829931974384589210558;0.015306122448979591482709494699;0.012925170068027210315553254816;0.035374149659863948769178421117;0.017006802721088436908258856306;0.012925170068027210315553254816;0.011904761904761904101057723437
-0.021666666666666667406815349750;0.008666666666666666268836749509;0.070666666666666669294194491613;0.088333333333333333148296162562;0.035999999999999997279953589668;0.019333333333333334314030338419;0.004000000000000000083266726847;0.014666666666666666393736839780;0.040666666666666663465523612331;0.019333333333333334314030338419;0.009666666666666667157015169209;0.017666666666666667323548622903;0.010333333333333333259318465025;0.035333333333333334647097245806;0.015666666666666665547191783503;0.011666666666666667198648532633;0.030333333333333333675652099259;0.040666666666666663465523612331;0.010666666666666666310470112933;0.012333333333333333300951828448;0.011666666666666667198648532633;0.023333333333333334397297065266;0.012666666666666666352103476356;0.031666666666666669349705642844;0.022999999999999999611421941381;0.023333333333333334397297065266;0.014000000000000000291433543964;0.022333333333333333509118645566;0.001666666666666666773641281019;0.020000000000000000416333634234;0.008000000000000000166533453694;0.016666666666666666435370203203;0.005333333333333333155235056466;0.011333333333333334147496884725;0.024333333333333331816028533012;0.031666666666666669349705642844;0.010999999999999999361621760841;0.006333333333333333176051738178;0.006000000000000000124900090270;0.021999999999999998723243521681;0.006000000000000000124900090270;0.018999999999999999528155214534;0.000000000000000000000000000000;0.011333333333333334147496884725;0.012333333333333333300951828448;0.007333333333333333196868419890;0.040666666666666663465523612331;0.022333333333333333509118645566;0.021999999999999998723243521681;0.014999999999999999444888487687
-0.040000000000000000832667268469;0.012916666666666666574148081281;0.041666666666666664353702032031;0.035416666666666665741480812812;0.032500000000000001110223024625;0.033750000000000002220446049250;0.003749999999999999861222121922;0.028333333333333331899295259859;0.010416666666666666088425508008;0.020416666666666666296592325125;0.022083333333333333287074040641;0.017500000000000001665334536938;0.010833333333333333703407674875;0.027916666666666666019036568969;0.028333333333333331899295259859;0.022916666666666665047591422422;0.012083333333333333078907223523;0.022916666666666665047591422422;0.031250000000000000000000000000;0.003749999999999999861222121922;0.022916666666666665047591422422;0.012916666666666666574148081281;0.009583333333333332593184650250;0.035000000000000003330669073875;0.039583333333333331482961625625;0.029583333333333333009518284484;0.034166666666666664631257788187;0.028750000000000001249000902703;0.002083333333333333304421275400;0.034583333333333333980963431031;0.023333333333333334397297065266;0.016250000000000000555111512313;0.020000000000000000416333634234;0.011249999999999999583666365766;0.008333333333333333217685101602;0.029583333333333333009518284484;0.008750000000000000832667268469;0.011666666666666667198648532633;0.000000000000000000000000000000;0.010416666666666666088425508008;0.009166666666666666712925959359;0.004166666666666666608842550801;0.000000000000000000000000000000;0.022499999999999999167332731531;0.029583333333333333009518284484;0.010416666666666666088425508008;0.028750000000000001249000902703;0.017083333333333332315628894094;0.017500000000000001665334536938;0.013333333333333334189130248149
-0.024333333333333331816028533012;0.002666666666666666577617528233;0.076333333333333336367942933975;0.005333333333333333155235056466;0.008000000000000000166533453694;0.016666666666666666435370203203;0.002333333333333333526465880325;0.021000000000000001304512053935;0.013333333333333334189130248149;0.051999999999999997613020497056;0.015333333333333332496040135595;0.007000000000000000145716771982;0.010000000000000000208166817117;0.053999999999999999389377336456;0.013666666666666667240281896056;0.016000000000000000333066907388;0.028333333333333331899295259859;0.024333333333333331816028533012;0.014333333333333333342585191872;0.009666666666666667157015169209;0.014333333333333333342585191872;0.016000000000000000333066907388;0.006666666666666667094565124074;0.066666666666666665741480812812;0.033333333333333332870740406406;0.049666666666666664520235485725;0.029666666666666667573348803444;0.001333333333333333288808764117;0.001333333333333333288808764117;0.016333333333333331649495079319;0.005666666666666667073748442363;0.035333333333333334647097245806;0.006000000000000000124900090270;0.007666666666666666248020067798;0.007333333333333333196868419890;0.070999999999999993671728759637;0.014999999999999999444888487687;0.008999999999999999319988397417;0.000333333333333333322202191029;0.008999999999999999319988397417;0.003666666666666666598434209945;0.006333333333333333176051738178;0.000000000000000000000000000000;0.032333333333333331982561986706;0.005000000000000000104083408559;0.015666666666666665547191783503;0.064000000000000001332267629550;0.025999999999999998806510248528;0.016333333333333331649495079319;0.014333333333333333342585191872
-0.033333333333333332870740406406;0.011347517730496454665956029828;0.047517730496453899902142836709;0.000709219858156028416622251864;0.003191489361702127495329373019;0.015602836879432624081487368528;0.003191489361702127495329373019;0.029432624113475178151411171257;0.009219858156028368223466884501;0.059929078014184400391428653165;0.010992907801418439969753926277;0.007092198581560283515701215151;0.008865248226950355261988256927;0.039716312056737590463484366410;0.017730496453900710523976513855;0.024822695035460994039677729006;0.017730496453900710523976513855;0.036879432624113472893867538005;0.014893617021276596423806637404;0.006737588652482269686860849589;0.017375886524822695827774410304;0.007092198581560283515701215151;0.008510638297872340565786153377;0.070567375886524827399703951869;0.029787234042553192847613274807;0.046808510638297870509738629607;0.026595744680851064051241294806;0.010283687943262410577349719176;0.000709219858156028416622251864;0.009574468085106382919668988052;0.008865248226950355261988256927;0.032978723404255318174538302856;0.012765957446808509981317492077;0.005319148936170212636775911363;0.009929078014184397615871091602;0.062765957446808504083257673756;0.012765957446808509981317492077;0.010283687943262410577349719176;0.000000000000000000000000000000;0.008510638297872340565786153377;0.008510638297872340565786153377;0.006382978723404254990658746038;0.000000000000000000000000000000;0.038652482269503546374878055758;0.008865248226950355261988256927;0.031914893617021274085931992204;0.055673758865248224037003410558;0.026950354609929078747443398356;0.019148936170212765839337976104;0.013475177304964539373721699178
-0.026041666666666667823148983985;0.011111111111111111535154627461;0.053124999999999998612221219219;0.003125000000000000173472347598;0.033333333333333332870740406406;0.013541666666666667129259593594;0.003125000000000000173472347598;0.038888888888888889505679458125;0.008333333333333333217685101602;0.030555555555555554553270880547;0.017013888888888887424011286953;0.005208333333333333044212754004;0.010763888888888888811790067734;0.032986111111111111882099322656;0.028819444444444446140618509844;0.013888888888888888117900677344;0.020486111111111111188209932266;0.029861111111111112575988713047;0.039930555555555552471602709375;0.010763888888888888811790067734;0.024305555555555555941049661328;0.010416666666666666088425508008;0.009374999999999999653055304805;0.041319444444444443365060948281;0.023958333333333334952408577578;0.040972222222222222376419864531;0.034375000000000002775557561563;0.028472222222222221682530474141;0.001041666666666666652210637700;0.029166666666666667129259593594;0.004861111111111111188209932266;0.023611111111111110494320541875;0.022569444444444444058950338672;0.006944444444444444058950338672;0.011458333333333332523795711211;0.046180555555555558022717832500;0.013888888888888888117900677344;0.006944444444444444058950338672;0.000694444444444444470947164216;0.007986111111111110494320541875;0.011111111111111111535154627461;0.005208333333333333044212754004;0.000000000000000000000000000000;0.016319444444444445446729119453;0.030208333333333333564629796797;0.011458333333333332523795711211;0.040277777777777780399137697032;0.025694444444444443365060948281;0.024652777777777776929690745078;0.015625000000000000000000000000
-0.017777777777777777762358013547;0.002592592592592592518063732143;0.064814814814814811216869827604;0.000370370370370370351979089074;0.026666666666666668378260496297;0.020740740740740740144509857146;0.003333333333333333547282562037;0.023333333333333334397297065266;0.005555555555555555767577313730;0.038888888888888889505679458125;0.019259259259259260688157411323;0.005185185185185185036127464286;0.013333333333333334189130248149;0.047777777777777780121581940875;0.012592592592592592726230549260;0.014444444444444443781394582516;0.019629629629629628817522046802;0.015925925925925926707193980292;0.035925925925925923654080662573;0.007777777777777777554191196430;0.022592592592592591199673890401;0.010740740740740739936343040029;0.009629629629629630344078705662;0.055925925925925927539861248761;0.020370370370370372015145221667;0.047777777777777780121581940875;0.034074074074074076068363581271;0.000740740740740740703958178148;0.000370370370370370351979089074;0.048518518518518516380311211833;0.002592592592592592518063732143;0.020370370370370372015145221667;0.044074074074074071072359970458;0.008518518518518519017090895318;0.011851851851851851263330850372;0.052962962962962961688262453208;0.014444444444444443781394582516;0.006666666666666667094565124074;0.000000000000000000000000000000;0.005185185185185185036127464286;0.005185185185185185036127464286;0.001481481481481481407916356297;0.000000000000000000000000000000;0.022962962962962962798485477833;0.015925925925925926707193980292;0.012962962962962962590318660716;0.061851851851851852304164935958;0.027037037037037036507625131776;0.022222222222222223070309254922;0.017037037037037038034181790636
-0.031481481481481478346129421197;0.004814814814814815172039352831;0.064074074074074074958140556646;0.010000000000000000208166817117;0.021111111111111111743321444578;0.017407407407407406163546426114;0.002222222222222222220294751693;0.031481481481481478346129421197;0.009629629629629630344078705662;0.035925925925925923654080662573;0.018888888888888889089345823891;0.004814814814814815172039352831;0.009259259259259258745267118229;0.050370370370370370904922197042;0.020000000000000000416333634234;0.013333333333333334189130248149;0.020370370370370372015145221667;0.025925925925925925180637321432;0.030740740740740742087400150240;0.010000000000000000208166817117;0.022592592592592591199673890401;0.014074074074074073917306471060;0.005555555555555555767577313730;0.055555555555555552471602709375;0.027777777777777776235801354687;0.041481481481481480289019714291;0.030740740740740742087400150240;0.001481481481481481407916356297;0.001851851851851851922525771243;0.022962962962962962798485477833;0.004814814814814815172039352831;0.029999999999999998889776975375;0.022592592592592591199673890401;0.008888888888888888881179006773;0.005925925925925925631665425186;0.051481481481481482231910007386;0.014074074074074073917306471060;0.005925925925925925631665425186;0.000370370370370370351979089074;0.007407407407407407690103084974;0.006666666666666667094565124074;0.005185185185185185036127464286;0.000000000000000000000000000000;0.030740740740740742087400150240;0.016666666666666666435370203203;0.021851851851851851471497667490;0.050000000000000002775557561563;0.025185185185185185452461098521;0.021111111111111111743321444578;0.015185185185185185244294281404
-0.009523809523809524668624959531;0.018650793650793650452213157109;0.047222222222222220988641083750;0.111904761904761909652172846563;0.056349206349206350241676233281;0.010317460317460317234528055508;0.008333333333333333217685101602;0.030555555555555554553270880547;0.014285714285714285268213963320;0.025793650793650792218958400781;0.018253968253968255036623347110;0.003174603174603174600421073848;0.005952380952380952050528861719;0.025000000000000001387778780781;0.040873015873015873522522412031;0.003968253968253968033685907812;0.021825396825396824185272492969;0.037301587301587300904426314219;0.056746031746031745657266043281;0.006349206349206349200842147695;0.021031746031746033354092872969;0.011111111111111111535154627461;0.005555555555555555767577313730;0.035317460317460316887583360312;0.011111111111111111535154627461;0.021428571428571428769682682969;0.027380952380952380820211544687;0.015079365079365079568840535273;0.001984126984126984016842953906;0.027380952380952380820211544687;0.000793650793650793650105268462;0.021428571428571428769682682969;0.026190476190476191103995162734;0.006746031746031746351155433672;0.003968253968253968033685907812;0.047222222222222220988641083750;0.009920634920634920084214769531;0.003174603174603174600421073848;0.000000000000000000000000000000;0.005158730158730158617264027754;0.014285714285714285268213963320;0.004365079365079365183999193789;0.000000000000000000000000000000;0.015476190476190476719153821250;0.036904761904761905488836504219;0.012698412698412698401684295391;0.029761904761904760252644308594;0.010714285714285714384841341484;0.013888888888888888117900677344;0.007539682539682539784420267637
-0.012222222222222222862142437805;0.021851851851851851471497667490;0.041851851851851848418384349770;0.018888888888888889089345823891;0.018518518518518517490534236458;0.004074074074074073709139653943;0.010000000000000000208166817117;0.038888888888888889505679458125;0.002962962962962962815832712593;0.071111111111111111049432054187;0.010000000000000000208166817117;0.001481481481481481407916356297;0.002962962962962962815832712593;0.032222222222222221543752596062;0.044444444444444446140618509844;0.009629629629629630344078705662;0.015925925925925926707193980292;0.017777777777777777762358013547;0.023333333333333334397297065266;0.007777777777777777554191196430;0.018518518518518517490534236458;0.005555555555555555767577313730;0.002592592592592592518063732143;0.098148148148148151026504137917;0.011111111111111111535154627461;0.041481481481481480289019714291;0.035185185185185187395351391615;0.021111111111111111743321444578;0.002962962962962962815832712593;0.017407407407407406163546426114;0.001111111111111111110147375847;0.047407407407407405053323401489;0.007037037037037036958653235530;0.002592592592592592518063732143;0.003703703703703703845051542487;0.060740740740740740977177125615;0.010370370370370370072254928573;0.007407407407407407690103084974;0.000000000000000000000000000000;0.000740740740740740703958178148;0.015555555555555555108382392859;0.002962962962962962815832712593;0.000000000000000000000000000000;0.047407407407407405053323401489;0.028148148148148147834612942120;0.021481481481481479872686080057;0.050370370370370370904922197042;0.016666666666666666435370203203;0.007777777777777777554191196430;0.008518518518518519017090895318
-0.018611111111111109522875395328;0.002777777777777777883788656865;0.056944444444444443365060948281;0.007222222222222221890697291258;0.050277777777777775403134086218;0.009444444444444444544672911945;0.001111111111111111110147375847;0.015277777777777777276635440273;0.008888888888888888881179006773;0.047222222222222220988641083750;0.013333333333333334189130248149;0.001666666666666666773641281019;0.009444444444444444544672911945;0.039722222222222221266196839906;0.013611111111111110286153724758;0.008611111111111111049432054187;0.020555555555555556079827539406;0.025555555555555557051272685953;0.027500000000000000138777878078;0.013611111111111110286153724758;0.010833333333333333703407674875;0.013611111111111110286153724758;0.009444444444444444544672911945;0.064722222222222222653975620688;0.015555555555555555108382392859;0.040555555555555553026714221687;0.031666666666666669349705642844;0.002500000000000000052041704279;0.000555555555555555555073687923;0.051111111111111114102545371907;0.002777777777777777883788656865;0.030555555555555554553270880547;0.044444444444444446140618509844;0.007222222222222221890697291258;0.009166666666666666712925959359;0.051111111111111114102545371907;0.011666666666666667198648532633;0.005000000000000000104083408559;0.000000000000000000000000000000;0.013888888888888888117900677344;0.006111111111111111431071218902;0.002777777777777777883788656865;0.000000000000000000000000000000;0.026666666666666668378260496297;0.032222222222222221543752596062;0.015555555555555555108382392859;0.052777777777777777623580135469;0.025277777777777777484802257391;0.020833333333333332176851016015;0.010000000000000000208166817117
-0.014285714285714285268213963320;0.021088435374149658296794029866;0.073469387755102047443678259242;0.006802721088435373895941804534;0.048639455782312927822896853058;0.008843537414965987192294605279;0.007482993197278911372272158786;0.030952380952380953438307642500;0.028231292517006803532986225491;0.016666666666666666435370203203;0.017687074829931974384589210558;0.002380952380952381167156239883;0.005782312925170067681446273156;0.032993197278911562397851753303;0.033333333333333332870740406406;0.011564625850340135362892546311;0.032312925170068028390968351005;0.057482993197278911545744506384;0.038775510204081632681383240424;0.012585034013605441577388077690;0.020748299319727891293352328717;0.027210884353741495583767218136;0.014625850340136054006379140446;0.023809523809523808202115446875;0.018367346938775511860919564811;0.023469387755102041198673745726;0.035714285714285712303173170312;0.026870748299319728580325516987;0.000340136054421768683955068502;0.020748299319727891293352328717;0.003061224489795918209805725141;0.015646258503401361955598147802;0.016326530612244899431928502054;0.007142857142857142634106981660;0.015306122448979591482709494699;0.040476190476190478106932602032;0.011224489795918366624727369185;0.003741496598639455686136079393;0.001700680272108843473985451134;0.021768707482993195773124384118;0.012244897959183672839222900564;0.009863945578231291672066660681;0.000000000000000000000000000000;0.009523809523809524668624959531;0.024829931972789116151334454230;0.009183673469387755930459782405;0.028231292517006803532986225491;0.022448979591836733249454738370;0.024829931972789116151334454230;0.009183673469387755930459782405
-0.016666666666666666435370203203;0.011666666666666667198648532633;0.075416666666666673513041985188;0.008750000000000000832667268469;0.038333333333333330372738601000;0.012916666666666666574148081281;0.004583333333333333356462979680;0.036249999999999997501998194593;0.014999999999999999444888487687;0.018749999999999999306110609609;0.017500000000000001665334536938;0.002916666666666666799662133158;0.008750000000000000832667268469;0.046666666666666668794594130532;0.028333333333333331899295259859;0.013333333333333334189130248149;0.028750000000000001249000902703;0.044583333333333335923853724125;0.037916666666666667961926862063;0.010416666666666666088425508008;0.023750000000000000277555756156;0.021250000000000001526556658860;0.011249999999999999583666365766;0.020000000000000000416333634234;0.019583333333333334536074943344;0.026249999999999999028554853453;0.029999999999999998889776975375;0.029999999999999998889776975375;0.000416666666666666693410320255;0.040833333333333332593184650250;0.002500000000000000052041704279;0.012500000000000000693889390391;0.014999999999999999444888487687;0.008750000000000000832667268469;0.014166666666666665949647629930;0.037499999999999998612221219219;0.010000000000000000208166817117;0.007083333333333332974823814965;0.000833333333333333386820640509;0.016666666666666666435370203203;0.010416666666666666088425508008;0.005833333333333333599324266316;0.000000000000000000000000000000;0.007499999999999999722444243844;0.031250000000000000000000000000;0.006250000000000000346944695195;0.043333333333333334813630699500;0.029999999999999998889776975375;0.020833333333333332176851016015;0.018749999999999999306110609609
-0.031782945736434108086054806108;0.003488372093023255765542600670;0.061240310077519378995081211770;0.017441860465116278827713003352;0.013178294573643410669827602533;0.015503875968992247846856002980;0.001550387596899224784685600298;0.026744186046511627535826605140;0.006589147286821705334913801266;0.063178294573643406506491260188;0.018217054263565891220055803501;0.006589147286821705334913801266;0.009302325581395348708113601788;0.048062015503875968325253609237;0.009689922480620154904285001862;0.021317829457364340789427004097;0.017054263565891472631541603278;0.018604651162790697416227203576;0.023255813953488371770284004469;0.004263565891472868157885400819;0.022480620155038759377941204320;0.004263565891472868157885400819;0.006589147286821705334913801266;0.081395348837209308134887919550;0.028682170542635658516683605512;0.057364341085271317033367211025;0.036434108527131782440111607002;0.001550387596899224784685600298;0.001162790697674418588514200223;0.013565891472868216865999002607;0.002713178294573643373199800521;0.035658914728682170047768806853;0.010077519379844961100456401937;0.004651162790697674354056800894;0.009302325581395348708113601788;0.061240310077519378995081211770;0.012790697674418604473656202458;0.011627906976744185885142002235;0.000000000000000000000000000000;0.002325581395348837177028400447;0.005426356589147286746399601043;0.001550387596899224784685600298;0.000000000000000000000000000000;0.035271317829457367321044358732;0.005426356589147286746399601043;0.016666666666666666435370203203;0.062015503875968991387424011918;0.015891472868217054043027403054;0.022480620155038759377941204320;0.014341085271317829258341802756
-0.026797385620915031151367813322;0.004901960784313725422167706824;0.040849673202614379674546540855;0.014052287581699346788455251556;0.060784313725490195234879564623;0.020588235294117646773104368663;0.004248366013071895076758099918;0.031372549019607842701873323676;0.002287581699346405341571886183;0.049346405228758168093339264715;0.015686274509803921350936661838;0.002614379084967320080595820642;0.006535947712418300852010855095;0.049019607843137254221677068244;0.011111111111111111535154627461;0.019934640522875815560333023768;0.005228758169934640161191641283;0.012091503267973856619588168826;0.040849673202614379674546540855;0.005555555555555555767577313730;0.031045751633986928830211127206;0.002941176470588235253300624095;0.005228758169934640161191641283;0.063071895424836599275408843823;0.024509803921568627110838534122;0.048366013071895426478352675304;0.034640522875816995296283096195;0.000980392156862745084433541365;0.000980392156862745084433541365;0.036274509803921571593487982454;0.002941176470588235253300624095;0.021241830065359477985875713557;0.021895424836601305729200106498;0.009150326797385621366287544731;0.010457516339869280322383282567;0.040522875816993465802884344384;0.009477124183006535237949741202;0.007843137254901960675468330919;0.000000000000000000000000000000;0.002614379084967320080595820642;0.009803921568627450844335413649;0.000000000000000000000000000000;0.000000000000000000000000000000;0.024509803921568627110838534122;0.021568627450980391857537910028;0.020261437908496732901442172192;0.053267973856209148431073430174;0.038235294117647061762355065184;0.017320261437908497648141548098;0.016993464052287580307032399674
-0.036231884057971015800081460156;0.006521739130434782254208680996;0.054347826086956520230675238281;0.006159420289855072755402787266;0.019202898550724638998543625235;0.035869565217391305433913828438;0.001449275362318840597308788887;0.024275362318840580655443517344;0.017028985507246376801537834922;0.031159420289855074143181568047;0.021014492753623187359934831875;0.017028985507246376801537834922;0.013768115942028985240752625430;0.035869565217391305433913828438;0.014855072463768116339255520586;0.020652173913043476993767200156;0.021014492753623187359934831875;0.030434782608695653410846304610;0.034420289855072463969243301563;0.012681159420289855876973206250;0.026449275362318839383002355703;0.011231884057971014412302679375;0.008333333333333333217685101602;0.040217391304347822889031505156;0.036594202898550726166249091875;0.031884057971014491406069879531;0.030072463768115943044678672891;0.013405797101449274874584993711;0.000724637681159420298654394443;0.038405797101449277997087250469;0.011594202898550724778470311094;0.015217391304347826705423152305;0.015942028985507245703034939766;0.003985507246376811425758734941;0.012681159420289855876973206250;0.042753623188405795452204927187;0.015579710144927537071590784024;0.010869565217391304046135047656;0.002173913043478260895963183330;0.004347826086956521791926366660;0.005797101449275362389235155547;0.008695652173913043583852733320;0.000000000000000000000000000000;0.015579710144927537071590784024;0.017753623188405797533873098359;0.010144927536231883313799784219;0.047101449275362319846216507813;0.029710144927536232678511041172;0.024275362318840580655443517344;0.014492753623188405973087888867
-0.026422764227642277917729174419;0.016666666666666666435370203203;0.076422764227642270284945880121;0.010162601626016259936946539710;0.021138211382113820252515168363;0.013008130081300812996847326986;0.004471544715447154684506703148;0.042682926829268295898511809128;0.009349593495934959558324450768;0.025203252032520325615072565029;0.020731707317073171797927599869;0.005284552845528455063128792091;0.013821138211382113375469415928;0.035772357723577237476053625187;0.030487804878048779810839619131;0.007317073170731707744407490424;0.023983739837398373312415955638;0.057723577235772358107190882492;0.024796747967479673691038044581;0.012601626016260162807536282514;0.021951219512195120631137257305;0.010975609756097560315568628653;0.020731707317073171797927599869;0.029268292682926830977629961694;0.019512195121951219495270990478;0.026829268292682926372316742913;0.041463414634146343595855199737;0.013008130081300812996847326986;0.000813008130081300812302957937;0.016666666666666666435370203203;0.004471544715447154684506703148;0.021544715447154472176549688811;0.019105691056910567571236470030;0.007317073170731707744407490424;0.023170731707317072933793866696;0.051626016260162603532801739448;0.021544715447154472176549688811;0.003658536585365853872203745212;0.000406504065040650406151478968;0.013821138211382113375469415928;0.008536585365853659179702361826;0.009349593495934959558324450768;0.000000000000000000000000000000;0.015040650406504065678126025318;0.016666666666666666435370203203;0.010162601626016259936946539710;0.028861788617886179053595441246;0.015040650406504065678126025318;0.038617886178861790535954412462;0.011788617886178862428914193572
-0.027500000000000000138777878078;0.005833333333333333599324266316;0.048750000000000001665334536938;0.003749999999999999861222121922;0.102916666666666670182372911313;0.006666666666666667094565124074;0.012083333333333333078907223523;0.035000000000000003330669073875;0.009583333333333332593184650250;0.034583333333333333980963431031;0.013750000000000000069388939039;0.002083333333333333304421275400;0.003749999999999999861222121922;0.042500000000000003053113317719;0.029166666666666667129259593594;0.017500000000000001665334536938;0.020416666666666666296592325125;0.021250000000000001526556658860;0.052083333333333335646297967969;0.006250000000000000346944695195;0.023333333333333334397297065266;0.009583333333333332593184650250;0.002500000000000000052041704279;0.051666666666666666296592325125;0.019583333333333334536074943344;0.036666666666666666851703837438;0.025000000000000001387778780781;0.001250000000000000026020852140;0.002500000000000000052041704279;0.021250000000000001526556658860;0.002083333333333333304421275400;0.025000000000000001387778780781;0.009166666666666666712925959359;0.005833333333333333599324266316;0.009583333333333332593184650250;0.048750000000000001665334536938;0.010833333333333333703407674875;0.007499999999999999722444243844;0.001666666666666666773641281019;0.006250000000000000346944695195;0.015416666666666667059870654555;0.005416666666666666851703837438;0.000000000000000000000000000000;0.025833333333333333148296162562;0.021250000000000001526556658860;0.022499999999999999167332731531;0.036666666666666666851703837438;0.028750000000000001249000902703;0.010833333333333333703407674875;0.017916666666666667545593227828
-0.024293785310734464233384244380;0.013559322033898304690757719015;0.032768361581920903147224777285;0.113559322033898305037702414211;0.069491525423728814359058958416;0.022881355932203389924595171578;0.007909604519774010925048379761;0.030225988700564972860851398195;0.011864406779661017254934307630;0.015819209039548021850096759522;0.013559322033898304690757719015;0.020056497175141241307017025974;0.014124293785310734414273348136;0.020621468926553671030532655095;0.029378531073446328275577954514;0.011864406779661017254934307630;0.010734463276836157807903049388;0.030508474576271187722609212756;0.038135593220338985520623253933;0.007627118644067796930652303189;0.022881355932203389924595171578;0.013276836158192089828999904455;0.012429378531073446978449936751;0.017514124293785311020643646884;0.025988700564971749934484179789;0.024011299435028249371626429820;0.025423728813559323680415502622;0.010734463276836157807903049388;0.001129943502824858796509954750;0.043785310734463275816885641234;0.010169491525423728084387420267;0.013841807909604519552515533576;0.017514124293785311020643646884;0.008474576271186440648564008882;0.020338983050847456168774840535;0.025423728813559323680415502622;0.011299435028248587531418678509;0.004519774011299435186039819001;0.003107344632768361744612484188;0.018361581920903955605917090566;0.009039548022598870372079638003;0.008474576271186440648564008882;0.000000000000000000000000000000;0.010169491525423728084387420267;0.025141242937853108818657688062;0.006779661016949152345378859508;0.019209039548022600191190534247;0.013276836158192089828999904455;0.027118644067796609381515438031;0.011581920903954802393176493069
-0.023511904761904761640423089375;0.004166666666666666608842550801;0.087797619047619041010577234374;0.089880952380952380820211544687;0.029166666666666667129259593594;0.017261904761904763028201870156;0.001488095238095238012632215430;0.023809523809523808202115446875;0.012500000000000000693889390391;0.035714285714285712303173170312;0.019047619047619049337249919063;0.010416666666666666088425508008;0.005059523809523809763366575254;0.051488095238095235584019349062;0.008928571428571428075793292578;0.017857142857142856151586585156;0.021726190476190475331375040469;0.024404761904761904794947113828;0.013392857142857142113689938867;0.008928571428571428075793292578;0.011309523809523809242949532461;0.013392857142857142113689938867;0.005654761904761904621474766230;0.044642857142857143848413414844;0.030059523809523810283783618047;0.044345238095238097286721057344;0.030059523809523810283783618047;0.002976190476190476025264430859;0.000297619047619047645894529985;0.016369047619047619873677845703;0.006845238095238095205052886172;0.022023809523809525362514349922;0.009523809523809524668624959531;0.008333333333333333217685101602;0.005059523809523809763366575254;0.046726190476190476719153821250;0.012202380952380952397473556914;0.005357142857142857192420670742;0.000000000000000000000000000000;0.006250000000000000346944695195;0.008630952380952381514100935078;0.002678571428571428596210335371;0.000000000000000000000000000000;0.020238095238095239053466301016;0.010119047619047619526733150508;0.009226190476190476372209126055;0.055059523809523808202115446875;0.025595238095238094511163495781;0.022321428571428571924206707422;0.018154761904761906182725894610
-0.026724137931034484122472250078;0.005747126436781609115644897656;0.060344827586206899183718377344;0.084482758620689657469426947500;0.028160919540229884666659998516;0.032183908045977011047611426875;0.001724137931034482734693469297;0.018103448275862070449004903594;0.014080459770114942333329999258;0.028448275862068966857165719375;0.013505747126436781421765509492;0.025000000000000001387778780781;0.010632183908045976863943060664;0.047413793103448273469346929687;0.013218390804597700965983264609;0.024425287356321840476214291016;0.015229885057471264156458978789;0.020114942528735631904757141797;0.021264367816091953727886121328;0.006034482758620689571427142539;0.013218390804597700965983264609;0.011206896551724137775507550430;0.004597701149425287292515918125;0.036494252873563219619068576094;0.039942528735632185088455514688;0.042241379310344828734713473750;0.030747126436781610503423678438;0.001149425287356321823128979531;0.000862068965517241367346734648;0.044540229885057472380971432813;0.017528735632183909537440413828;0.016091954022988505523805713437;0.008333333333333333217685101602;0.007183908045977011394556122070;0.011781609195402298687072040195;0.036494252873563219619068576094;0.007758620689655172306120611836;0.008333333333333333217685101602;0.000574712643678160911564489766;0.006896551724137930938773877187;0.004310344827586206836733673242;0.004597701149425287292515918125;0.000000000000000000000000000000;0.018103448275862070449004903594;0.012356321839080459598636529961;0.011206896551724137775507550430;0.044540229885057472380971432813;0.028448275862068966857165719375;0.014942528735632183700676733906;0.018678160919540231360569393360
-0.040370370370370368962031903948;0.001851851851851851922525771243;0.033703703703703701000105041885;0.038888888888888889505679458125;0.069629629629629624654185704458;0.049259259259259259577934386698;0.002592592592592592518063732143;0.016666666666666666435370203203;0.005925925925925925631665425186;0.017777777777777777762358013547;0.024444444444444445724284875610;0.039629629629629632703302632990;0.019259259259259260688157411323;0.026666666666666668378260496297;0.012222222222222222862142437805;0.020740740740740740144509857146;0.007037037037037036958653235530;0.014814814814814815380206169948;0.050740740740740739034286832521;0.007037037037037036958653235530;0.019259259259259260688157411323;0.004814814814814815172039352831;0.005555555555555555767577313730;0.024074074074074074125473288177;0.042962962962962959745372160114;0.032962962962962964741375770927;0.020740740740740740144509857146;0.003703703703703703845051542487;0.000740740740740740703958178148;0.089259259259259260410601655167;0.037777777777777778178691647781;0.009629629629629630344078705662;0.011481481481481481399242738917;0.003333333333333333547282562037;0.017407407407407406163546426114;0.022222222222222223070309254922;0.007777777777777777554191196430;0.012592592592592592726230549260;0.000000000000000000000000000000;0.007407407407407407690103084974;0.004074074074074073709139653943;0.000740740740740740703958178148;0.000000000000000000000000000000;0.011481481481481481399242738917;0.020370370370370372015145221667;0.009629629629629630344078705662;0.022222222222222223070309254922;0.024814814814814813853649511088;0.020370370370370372015145221667;0.013333333333333334189130248149
-0.027586206896551723755095508750;0.012356321839080459598636529961;0.029310344827586206489788978047;0.031034482758620689224482447344;0.038793103448275863265326535156;0.037643678160919541442197555625;0.002298850574712643646257959062;0.022701149425287357741520821719;0.012068965517241379142854285078;0.016666666666666666435370203203;0.017816091954022988258499182734;0.035632183908045976516998365469;0.018678160919540231360569393360;0.023563218390804597374144080391;0.018103448275862070449004903594;0.012356321839080459598636529961;0.016091954022988505523805713437;0.026724137931034484122472250078;0.044827586206896551102030201719;0.005459770114942528659862652773;0.020977011494252875006827352422;0.012356321839080459598636529961;0.007471264367816091850338366953;0.018678160919540231360569393360;0.034482758620689654693869385937;0.019827586206896553183698372891;0.029597701149425288680294698906;0.035632183908045976516998365469;0.002586206896551724102040203945;0.055747126436781611891202459219;0.029022988505747127768730209141;0.012931034482758620510201019727;0.020689655172413792816321631562;0.012643678160919540054418774844;0.019252873563218392272133883125;0.025862068965517241020402039453;0.011206896551724137775507550430;0.009195402298850574585031836250;0.005747126436781609115644897656;0.014367816091954022789112244141;0.006321839080459770027209387422;0.009482758620689655040814081133;0.000000000000000000000000000000;0.012643678160919540054418774844;0.023275862068965518653085311485;0.010919540229885057319725305547;0.026149425287356323210907760313;0.018965517241379310081628162266;0.027873563218390805945601229610;0.016379310344827587714311434297
-0.032638888888888890893458238907;0.007986111111111110494320541875;0.065277777777777781786916477813;0.042708333333333334258519187188;0.023263888888888889505679458125;0.020138888888888890199568848516;0.003125000000000000173472347598;0.017013888888888887424011286953;0.023611111111111110494320541875;0.032986111111111111882099322656;0.010763888888888888811790067734;0.017708333333333332870740406406;0.009027777777777776929690745078;0.039583333333333331482961625625;0.015625000000000000000000000000;0.021874999999999998612221219219;0.029513888888888888117900677344;0.025000000000000001387778780781;0.009722222222222222376419864531;0.010069444444444445099784424258;0.013541666666666667129259593594;0.021527777777777777623580135469;0.006944444444444444058950338672;0.040277777777777780399137697032;0.032986111111111111882099322656;0.034027777777777774848022573906;0.025694444444444443365060948281;0.019097222222222223764198645313;0.004513888888888888464845372539;0.012152777777777777970524830664;0.011458333333333332523795711211;0.028125000000000000693889390391;0.004166666666666666608842550801;0.009374999999999999653055304805;0.015625000000000000000000000000;0.045833333333333330095182844843;0.010069444444444445099784424258;0.010069444444444445099784424258;0.003125000000000000173472347598;0.017013888888888887424011286953;0.004166666666666666608842550801;0.021527777777777777623580135469;0.000000000000000000000000000000;0.020833333333333332176851016015;0.006597222222222222202947516934;0.012152777777777777970524830664;0.048958333333333332870740406406;0.030902777777777779011358916250;0.014930555555555556287994356524;0.016666666666666666435370203203
-0.013008130081300812996847326986;0.005691056910569106119801574550;0.081300813008130079495572317683;0.297967479674796753563725815184;0.017479674796747966813992292145;0.008130081300813008990391317354;0.001219512195121951218454436905;0.008943089430894309369013406297;0.019105691056910567571236470030;0.021544715447154472176549688811;0.008130081300813008990391317354;0.006504065040650406498423663493;0.003252032520325203249211831746;0.035365853658536582082572152785;0.008943089430894309369013406297;0.010975609756097560315568628653;0.029268292682926830977629961694;0.032113821138211380568083797016;0.005691056910569106119801574550;0.016260162601626017980782634709;0.004471544715447154684506703148;0.024796747967479673691038044581;0.009349593495934959558324450768;0.027235772357723578296351263361;0.014227642276422763564780460399;0.021544715447154472176549688811;0.021951219512195120631137257305;0.004065040650406504495195658677;0.000000000000000000000000000000;0.003252032520325203249211831746;0.004471544715447154684506703148;0.021951219512195120631137257305;0.004065040650406504495195658677;0.004471544715447154684506703148;0.009349593495934959558324450768;0.047967479674796746624831911276;0.005691056910569106119801574550;0.005691056910569106119801574550;0.000000000000000000000000000000;0.013414634146341463186158371457;0.004471544715447154684506703148;0.005284552845528455063128792091;0.000000000000000000000000000000;0.007723577235772357933718534895;0.006097560975609756309112619022;0.007317073170731707744407490424;0.040650406504065039747786158841;0.021951219512195120631137257305;0.015040650406504065678126025318;0.012601626016260162807536282514
-0.025490196078431372195272075487;0.002614379084967320080595820642;0.078431372549019606754683309191;0.003921568627450980337734165460;0.021241830065359477985875713557;0.015686274509803921350936661838;0.003594771241830065165029362007;0.018627450980392156604237285933;0.010130718954248366450721086096;0.045751633986928101627267295726;0.014379084967320260660117448026;0.010130718954248366450721086096;0.013071895424836601704021710191;0.054901960784313724728278316434;0.012745098039215686097636037744;0.018954248366013070475899482403;0.024183006535947713239176337652;0.023529411764705882026404992757;0.014379084967320260660117448026;0.015686274509803921350936661838;0.011111111111111111535154627461;0.013725490196078431182069579108;0.009477124183006535237949741202;0.052614379084967320687749037234;0.025490196078431372195272075487;0.037581699346405227080136768336;0.031372549019607842701873323676;0.000326797385620915010074477580;0.000980392156862745084433541365;0.012745098039215686097636037744;0.009477124183006535237949741202;0.030392156862745097617439782312;0.007189542483660130330058724013;0.010784313725490195928768955014;0.024183006535947713239176337652;0.065359477124183010254832026931;0.016339869281045752563708006733;0.006862745098039215591034789554;0.000000000000000000000000000000;0.025490196078431372195272075487;0.005555555555555555767577313730;0.001960784313725490168867082730;0.000000000000000000000000000000;0.020588235294117646773104368663;0.012091503267973856619588168826;0.011437908496732025406816823931;0.050653594771241830518881954504;0.031045751633986928830211127206;0.029738562091503266404668437417;0.017973856209150325391465941038
-0.024404761904761904794947113828;0.007440476190476190063161077148;0.061607142857142860314922927500;0.000297619047619047645894529985;0.026488095238095237665687520234;0.035119047619047619179788455313;0.001785714285714285658526745415;0.016369047619047619873677845703;0.027678571428571427381903902187;0.023214285714285715078730731875;0.012202380952380952397473556914;0.034226190476190479494711382813;0.025000000000000001387778780781;0.032142857142857139685077072500;0.008630952380952381514100935078;0.011309523809523809242949532461;0.034821428571428572618096097813;0.047619047619047616404230893750;0.015178571428571428422737987773;0.013095238095238095551997581367;0.015773809523809523280846178750;0.018452380952380952744418252109;0.019642857142857142460634634062;0.025595238095238094511163495781;0.022619047619047618485899064922;0.025892857142857144542302805235;0.022916666666666665047591422422;0.004166666666666666608842550801;0.002083333333333333304421275400;0.058630952380952380820211544687;0.026488095238095237665687520234;0.021428571428571428769682682969;0.015178571428571428422737987773;0.008035714285714284921269268125;0.022619047619047618485899064922;0.043452380952380950662750080937;0.013392857142857142113689938867;0.007738095238095238359576910625;0.003273809523809523887999395342;0.027380952380952380820211544687;0.004166666666666666608842550801;0.013690476190476190410105772344;0.000000000000000000000000000000;0.013095238095238095551997581367;0.006547619047619047775998790684;0.011607142857142857539365365938;0.033333333333333332870740406406;0.016369047619047619873677845703;0.024404761904761904794947113828;0.013392857142857142113689938867
-0.016000000000000000333066907388;0.001000000000000000020816681712;0.094666666666666662854900948787;0.000000000000000000000000000000;0.001333333333333333288808764117;0.004000000000000000083266726847;0.000333333333333333322202191029;0.014999999999999999444888487687;0.032000000000000000666133814775;0.070333333333333331038872415775;0.006333333333333333176051738178;0.012000000000000000249800180541;0.002333333333333333526465880325;0.058333333333333334258519187188;0.001333333333333333288808764117;0.009666666666666667157015169209;0.048666666666666663632057066025;0.029000000000000001471045507628;0.001666666666666666773641281019;0.016666666666666666435370203203;0.008666666666666666268836749509;0.017999999999999998639976794834;0.006666666666666667094565124074;0.086666666666666669627261399000;0.015666666666666665547191783503;0.048666666666666663632057066025;0.016666666666666666435370203203;0.001000000000000000020816681712;0.000666666666666666644404382058;0.002666666666666666577617528233;0.005000000000000000104083408559;0.042666666666666665241880451731;0.000666666666666666644404382058;0.005000000000000000104083408559;0.010333333333333333259318465025;0.080333333333333339920656612776;0.012333333333333333300951828448;0.003333333333333333547282562037;0.003666666666666666598434209945;0.017000000000000001221245327088;0.005666666666666667073748442363;0.009666666666666667157015169209;0.000000000000000000000000000000;0.036999999999999998168132009368;0.000000000000000000000000000000;0.017000000000000001221245327088;0.063666666666666663076945553712;0.033333333333333332870740406406;0.017333333333333332537673499019;0.010000000000000000208166817117
-0.036011904761904758864865527812;0.001190476190476190583578119941;0.057440476190476187634548210781;0.011607142857142857539365365938;0.004166666666666666608842550801;0.010416666666666666088425508008;0.000892857142857142829263372708;0.013392857142857142113689938867;0.019345238095238095898942276563;0.067559523809523805426557885312;0.015476190476190476719153821250;0.012500000000000000693889390391;0.006845238095238095205052886172;0.053571428571428568454759755468;0.001785714285714285658526745415;0.024404761904761904794947113828;0.022321428571428571924206707422;0.019345238095238095898942276563;0.002976190476190476025264430859;0.011904761904761904101057723437;0.013690476190476190410105772344;0.010119047619047619526733150508;0.005059523809523809763366575254;0.083333333333333328707404064062;0.024702380952380951356639471328;0.062202380952380953438307642500;0.017261904761904763028201870156;0.006250000000000000346944695195;0.000000000000000000000000000000;0.006845238095238095205052886172;0.003273809523809523887999395342;0.032142857142857139685077072500;0.000892857142857142829263372708;0.005654761904761904621474766230;0.015476190476190476719153821250;0.066666666666666665741480812812;0.013095238095238095551997581367;0.009226190476190476372209126055;0.001488095238095238012632215430;0.010416666666666666088425508008;0.003869047619047619179788455313;0.010416666666666666088425508008;0.000000000000000000000000000000;0.036011904761904758864865527812;0.000595238095238095291789059971;0.020535714285714285615158658516;0.072916666666666671292595935938;0.041964285714285710915394389531;0.018749999999999999306110609609;0.013988095238095238706521605820
-0.026190476190476191103995162734;0.007482993197278911372272158786;0.084693877551020410598958676474;0.006122448979591836419611450282;0.004081632653061224857982125513;0.014285714285714285268213963320;0.001020408163265306214495531378;0.021768707482993195773124384118;0.030612244897959182965418989397;0.029591836734693878485646933996;0.014625850340136054006379140446;0.029931972789115645489088635145;0.010884353741496597886562192059;0.054081632653061227633539687076;0.005102040816326530205115918903;0.020068027210884353817021974464;0.024829931972789116151334454230;0.034353741496598637350512461808;0.009183673469387755930459782405;0.013945578231292516530048786194;0.010544217687074829148397014933;0.028571428571428570536427926640;0.018367346938775511860919564811;0.039795918367346937161155295826;0.028231292517006803532986225491;0.036734693877551023721839129621;0.025510204081632653627664808482;0.003401360544217686947970902267;0.000680272108843537367910137004;0.015646258503401361955598147802;0.015646258503401361955598147802;0.017687074829931974384589210558;0.005442176870748298943281096030;0.013605442176870747791883609068;0.025850340136054420631106509632;0.043197278911564628012254019040;0.009523809523809524668624959531;0.004421768707482993596147302640;0.006802721088435373895941804534;0.029591836734693878485646933996;0.003061224489795918209805725141;0.013945578231292516530048786194;0.000000000000000000000000000000;0.017006802721088436908258856306;0.000680272108843537367910137004;0.012244897959183672839222900564;0.045918367346938777917575436049;0.037074829931972787255833878817;0.028911564625850341009316579743;0.019047619047619049337249919063
-0.016666666666666666435370203203;0.016666666666666666435370203203;0.126262626262626270756683766194;0.000000000000000000000000000000;0.000000000000000000000000000000;0.013636363636363635701287400082;0.003030303030303030300401934127;0.009090909090909090467524933388;0.043434343434343436474165400796;0.018181818181818180935049866775;0.011111111111111111535154627461;0.001010101010101010100133978042;0.013131313131313130868060845557;0.045959595959595957170851221463;0.005555555555555555767577313730;0.010606060606060606701928072937;0.041414141414141417141259182699;0.072222222222222215437525960624;0.010606060606060606701928072937;0.017676767676767676101823312251;0.013131313131313130868060845557;0.056565656565656569076949722330;0.026262626262626261736121691115;0.025252525252525252069668582067;0.016666666666666666435370203203;0.024747474747474747236442027543;0.025252525252525252069668582067;0.002020202020202020200267956085;0.000505050505050505050066989021;0.007575757575757575967845269815;0.002020202020202020200267956085;0.021717171717171718237082700398;0.010606060606060606701928072937;0.011111111111111111535154627461;0.024242424242424242403215473018;0.046464646464646465473524727940;0.013131313131313130868060845557;0.006565656565656565434030422779;0.004040404040404040400535912170;0.040909090909090908838585676222;0.007575757575757575967845269815;0.019696969696969695434729530348;0.000000000000000000000000000000;0.007575757575757575967845269815;0.004040404040404040400535912170;0.006565656565656565434030422779;0.030808080808080808704607633786;0.025252525252525252069668582067;0.031818181818181814901613790880;0.011616161616161616368381181985
-0.016666666666666666435370203203;0.015517241379310344612241223672;0.051149425287356324598686541094;0.001149425287356321823128979531;0.034195402298850575972810617031;0.022126436781609196829956331953;0.007758620689655172306120611836;0.044827586206896551102030201719;0.017241379310344827346934692969;0.017816091954022988258499182734;0.019252873563218392272133883125;0.006034482758620689571427142539;0.017241379310344827346934692969;0.028160919540229884666659998516;0.029597701149425288680294698906;0.008908045977011494129249591367;0.025000000000000001387778780781;0.048275862068965516571417140312;0.051149425287356324598686541094;0.007183908045977011394556122070;0.032183908045977011047611426875;0.019540229885057470993192652031;0.020114942528735631904757141797;0.025000000000000001387778780781;0.027011494252873562843531018984;0.020977011494252875006827352422;0.043103448275862071836783684375;0.004310344827586206836733673242;0.001149425287356321823128979531;0.028735632183908045578224488281;0.004310344827586206836733673242;0.012931034482758620510201019727;0.029022988505747127768730209141;0.006896551724137930938773877187;0.016091954022988505523805713437;0.041379310344827585632643263125;0.017528735632183909537440413828;0.006609195402298850482991632305;0.002873563218390804557822448828;0.016666666666666666435370203203;0.012068965517241379142854285078;0.008908045977011494129249591367;0.000000000000000000000000000000;0.010344827586206896408160815781;0.029597701149425288680294698906;0.015804597701149426802746944531;0.019827586206896553183698372891;0.014367816091954022789112244141;0.033333333333333332870740406406;0.010057471264367815952378570898
-0.024561403508771929848908399663;0.011695906432748537362442675658;0.071637426900584791344961388404;0.000292397660818713455745110341;0.005847953216374268681221337829;0.023391812865497074724885351316;0.003801169590643274816266217186;0.019590643274853800775980872118;0.033625730994152044917022692516;0.033918128654970756963304978626;0.011988304093567251143448437745;0.017543859649122806043664013487;0.017543859649122806043664013487;0.038596491228070177459397172015;0.009649122807017544364849293004;0.013450292397660818313753772202;0.034502923976608187994763454753;0.052631578947368418130992040460;0.016081871345029238873358679029;0.015204678362573099265064868746;0.015497076023391813046070630833;0.024561403508771929848908399663;0.016959064327485378481652489313;0.038596491228070177459397172015;0.023976608187134502286896875489;0.027777777777777776235801354687;0.026315789473684209065496020230;0.006432748538011696243232862003;0.001461988304093567170305334457;0.019005847953216373213969347944;0.009941520467836258145855055091;0.026023391812865497019213734120;0.014327485380116959656771058462;0.007602339181286549632532434373;0.020760233918128655900003920465;0.057309941520467838627084233849;0.014912280701754385484059106659;0.007309941520467835851526672286;0.007602339181286549632532434373;0.020760233918128655900003920465;0.006725146198830409156876886101;0.017251461988304093997381727377;0.000000000000000000000000000000;0.016959064327485378481652489313;0.005263157894736841986571551644;0.015789473684210526827076392919;0.038011695906432746427938695888;0.019590643274853800775980872118;0.026023391812865497019213734120;0.011695906432748537362442675658
-0.028787878787878789371701415689;0.010606060606060606701928072937;0.071818181818181822673174963256;0.000303030303030303030040193413;0.004242424242424242854243576772;0.016060606060606059941608947383;0.000606060606060606060080386825;0.033030303030303027889136302520;0.017272727272727272929131459023;0.033636363636363637852344510293;0.014242424242424242195048655901;0.010909090909090909948808700847;0.012727272727272727695368992329;0.043939393939393937837945003366;0.008484848484848485708487153545;0.011818181818181817954727108599;0.029090909090909090883858567622;0.049393939393939392812349353790;0.013333333333333334189130248149;0.014848484848484848688809911721;0.016060606060606059941608947383;0.022727272727272727903535809446;0.017878787878787879422892714842;0.037272727272727269876018141304;0.028484848484848484390097311802;0.043939393939393937837945003366;0.037878787878787879839226349077;0.001515151515151515150200967064;0.000303030303030303030040193413;0.018181818181818180935049866775;0.010000000000000000208166817117;0.016666666666666666435370203203;0.010303030303030303455047445027;0.008787878787878787220644305478;0.025151515151515150409133880771;0.049393939393939392812349353790;0.023636363636363635909454217199;0.005757575757575757353923240345;0.001212121212121212120160773651;0.023030303030303029415692961379;0.007878787878787879214725897725;0.008484848484848485708487153545;0.000000000000000000000000000000;0.016666666666666666435370203203;0.003636363636363636360482320953;0.016060606060606059941608947383;0.040606060606060603856981572335;0.022727272727272727903535809446;0.048484848484848484806430946037;0.012121212121212121201607736509
-0.025185185185185185452461098521;0.010740740740740739936343040029;0.077037037037037042752629645292;0.000000000000000000000000000000;0.002592592592592592518063732143;0.008888888888888888881179006773;0.002592592592592592518063732143;0.019259259259259260688157411323;0.022592592592592591199673890401;0.036666666666666666851703837438;0.009629629629629630344078705662;0.002962962962962962815832712593;0.006296296296296296363115274630;0.050000000000000002775557561563;0.004814814814814815172039352831;0.010740740740740739936343040029;0.041111111111111112159655078813;0.048518518518518516380311211833;0.007407407407407407690103084974;0.015185185185185185244294281404;0.014444444444444443781394582516;0.025925925925925925180637321432;0.022962962962962962798485477833;0.064074074074074074958140556646;0.019259259259259260688157411323;0.035555555555555555524716027094;0.028888888888888887562789165031;0.001851851851851851922525771243;0.001851851851851851922525771243;0.005185185185185185036127464286;0.001851851851851851922525771243;0.030370370370370370488588562807;0.007777777777777777554191196430;0.004074074074074073709139653943;0.020740740740740740144509857146;0.077777777777777779011358916250;0.016666666666666666435370203203;0.002592592592592592518063732143;0.002962962962962962815832712593;0.034074074074074076068363581271;0.004444444444444444440589503387;0.015925925925925926707193980292;0.000000000000000000000000000000;0.023703703703703702526661700745;0.002592592592592592518063732143;0.018518518518518517490534236458;0.047777777777777780121581940875;0.022222222222222223070309254922;0.032222222222222221543752596062;0.011481481481481481399242738917
-0.020416666666666666296592325125;0.000833333333333333386820640509;0.110416666666666662965923251249;0.000000000000000000000000000000;0.000000000000000000000000000000;0.004583333333333333356462979680;0.000416666666666666693410320255;0.015416666666666667059870654555;0.019583333333333334536074943344;0.052916666666666667406815349750;0.006666666666666667094565124074;0.000000000000000000000000000000;0.006666666666666667094565124074;0.061666666666666668239482618219;0.001666666666666666773641281019;0.010000000000000000208166817117;0.044583333333333335923853724125;0.027083333333333334258519187188;0.001250000000000000026020852140;0.016666666666666666435370203203;0.003749999999999999861222121922;0.022083333333333333287074040641;0.009583333333333332593184650250;0.078333333333333338144299773376;0.014999999999999999444888487687;0.034166666666666664631257788187;0.022916666666666665047591422422;0.000000000000000000000000000000;0.000833333333333333386820640509;0.000000000000000000000000000000;0.000000000000000000000000000000;0.062083333333333330650294357156;0.002083333333333333304421275400;0.010000000000000000208166817117;0.021666666666666667406815349750;0.100416666666666667961926862063;0.012500000000000000693889390391;0.001250000000000000026020852140;0.003333333333333333547282562037;0.024583333333333332038073137937;0.003749999999999999861222121922;0.002500000000000000052041704279;0.000000000000000000000000000000;0.025833333333333333148296162562;0.000000000000000000000000000000;0.008750000000000000832667268469;0.069583333333333330372738601000;0.032916666666666663521034763562;0.018333333333333333425851918719;0.012916666666666666574148081281
-0.026870748299319728580325516987;0.001360544217687074735820274007;0.101020408163265310030887178527;0.000000000000000000000000000000;0.000340136054421768683955068502;0.003741496598639455686136079393;0.001020408163265306214495531378;0.015986394557823128959039848951;0.006462585034013605157776627408;0.069047619047619052112807480626;0.014965986394557822744544317572;0.001360544217687074735820274007;0.004761904761904762334312479766;0.068027210884353747633035425224;0.002380952380952381167156239883;0.021768707482993195773124384118;0.031632653061224487445191044799;0.022789115646258503722343391473;0.002040816326530612428991062757;0.011904761904761904101057723437;0.009183673469387755930459782405;0.009523809523809524668624959531;0.004081632653061224857982125513;0.079931972789115651734093148661;0.028231292517006803532986225491;0.052040816326530611735101672366;0.025510204081632653627664808482;0.000340136054421768683955068502;0.000680272108843537367910137004;0.000000000000000000000000000000;0.003061224489795918209805725141;0.037074829931972787255833878817;0.002380952380952381167156239883;0.009183673469387755930459782405;0.008843537414965987192294605279;0.079591836734693874322310591651;0.009863945578231291672066660681;0.010204081632653060410231837807;0.000340136054421768683955068502;0.010204081632653060410231837807;0.006802721088435373895941804534;0.002040816326530612428991062757;0.000000000000000000000000000000;0.026870748299319728580325516987;0.000000000000000000000000000000;0.012585034013605441577388077690;0.081632653061224483281854702454;0.044217687074829932492026074442;0.014285714285714285268213963320;0.023809523809523808202115446875
-0.035897435897435894802676159543;0.003418803418803418800453464144;0.050427350427350428607731203101;0.003846153846153846367350581659;0.002991452991452991667237215623;0.026923076923076924571454071611;0.004273504273504273934247699174;0.018376068376068376702958673263;0.016239316239316240603196561665;0.046153846153846156408206979904;0.014957264957264957902505209120;0.012820512820512820068019621544;0.032905982905982907038566764868;0.036324786324786327573743704988;0.002991452991452991667237215623;0.021794871794871793768688661430;0.028632478632478631369595589717;0.024786324786324785002245008059;0.010256410256410256401360392431;0.013675213675213675201813856575;0.015811965811965811301575968173;0.019658119658119657668926549832;0.011538461538461539102051744976;0.058974358974358973006779649495;0.031196581196581196770978294808;0.038034188034188030902438271141;0.022649572649572648902482896460;0.000427350427350427350056683018;0.003418803418803418800453464144;0.026495726495726495269833478119;0.017948717948717947401338079771;0.028632478632478631369595589717;0.007692307692307692734701163317;0.007692307692307692734701163317;0.026495726495726495269833478119;0.045299145299145297804965792920;0.012393162393162392501122504029;0.012393162393162392501122504029;0.002136752136752136967123849587;0.023076923076923078204103489952;0.005128205128205128200680196215;0.008547008547008547868495398347;0.000000000000000000000000000000;0.027777777777777776235801354687;0.002564102564102564100340098108;0.020085470085470086970547143324;0.046153846153846156408206979904;0.034615384615384617306155234928;0.021794871794871793768688661430;0.013675213675213675201813856575
-0.015359477124183005744550989391;0.001960784313725490168867082730;0.017973856209150325391465941038;0.624836601307189543064168901765;0.000653594771241830020148955160;0.006862745098039215591034789554;0.003921568627450980337734165460;0.009150326797385621366287544731;0.008496732026143790153516199837;0.013398692810457515575683906661;0.005228758169934640161191641283;0.004575163398692810683143772366;0.007189542483660130330058724013;0.011437908496732025406816823931;0.012091503267973856619588168826;0.009477124183006535237949741202;0.010130718954248366450721086096;0.011111111111111111535154627461;0.003594771241830065165029362007;0.004901960784313725422167706824;0.005555555555555555767577313730;0.005228758169934640161191641283;0.002287581699346405341571886183;0.019934640522875815560333023768;0.010457516339869280322383282567;0.016993464052287580307032399674;0.016666666666666666435370203203;0.002614379084967320080595820642;0.003594771241830065165029362007;0.006535947712418300852010855095;0.005555555555555555767577313730;0.008823529411764705759901872284;0.003267973856209150426005427548;0.002941176470588235253300624095;0.005228758169934640161191641283;0.018954248366013070475899482403;0.001633986928104575213002713774;0.006862745098039215591034789554;0.001633986928104575213002713774;0.005555555555555555767577313730;0.002614379084967320080595820642;0.004575163398692810683143772366;0.000000000000000000000000000000;0.012091503267973856619588168826;0.006209150326797385245625182648;0.008496732026143790153516199837;0.011111111111111111535154627461;0.010457516339869280322383282567;0.007189542483660130330058724013;0.004575163398692810683143772366
-0.045512820512820510721052613690;0.004807692307692307959188227073;0.070192307692307692734701163317;0.002564102564102564100340098108;0.019871794871794870585013370601;0.009935897435897435292506685300;0.001602564102564102508502452693;0.013782051282051281659857266959;0.015705128205128204843532557788;0.035256410256410256054415697236;0.016346153846153847061239972049;0.004487179487179486850334519943;0.010256410256410256401360392431;0.067948717948717943238001737427;0.006089743589743589792517841630;0.030448717948717948095227470162;0.019871794871794870585013370601;0.026282051282051282353746657350;0.004807692307692307959188227073;0.011858974358974358476181976130;0.008012820512820512108831394471;0.017307692307692308653077617464;0.008974358974358973700669039886;0.050000000000000002775557561563;0.039423076923076921795896510048;0.062820512820512819374130231154;0.030769230769230770938804653269;0.000320512820512820512542512263;0.001282051282051282050170049054;0.002243589743589743425167259971;0.005448717948717948442172165358;0.016666666666666666435370203203;0.002884615384615384775512936244;0.010897435897435896884344330715;0.024358974358974359170071366520;0.049679487179487176462533426502;0.012820512820512820068019621544;0.011217948717948717993198037846;0.000641025641025641025085024527;0.016025641025641024217662788942;0.003525641025641025692177743522;0.003846153846153846367350581659;0.000000000000000000000000000000;0.022435897435897435986396075691;0.002884615384615384775512936244;0.012820512820512820068019621544;0.066666666666666665741480812812;0.050000000000000002775557561563;0.024358974358974359170071366520;0.024038461538461539795941135367
-0.033035714285714286309048048906;0.004761904761904762334312479766;0.102083333333333331482961625625;0.000000000000000000000000000000;0.002380952380952381167156239883;0.006845238095238095205052886172;0.001488095238095238012632215430;0.019345238095238095898942276563;0.030952380952380953438307642500;0.040773809523809524668624959531;0.012797619047619047255581747891;0.007142857142857142634106981660;0.010416666666666666088425508008;0.071428571428571424606346340624;0.003273809523809523887999395342;0.016369047619047619873677845703;0.027678571428571427381903902187;0.031845238095238093123384715000;0.004166666666666666608842550801;0.014880952380952380126322154297;0.011011904761904762681257174961;0.020535714285714285615158658516;0.008630952380952381514100935078;0.053571428571428568454759755468;0.027678571428571427381903902187;0.044642857142857143848413414844;0.025892857142857144542302805235;0.000297619047619047645894529985;0.001785714285714285658526745415;0.011607142857142857539365365938;0.008035714285714284921269268125;0.025297619047619047949471138281;0.004166666666666666608842550801;0.009226190476190476372209126055;0.018154761904761906182725894610;0.060714285714285713690951951094;0.012500000000000000693889390391;0.005952380952380952050528861719;0.002083333333333333304421275400;0.017559523809523809589894227656;0.003273809523809523887999395342;0.012202380952380952397473556914;0.000000000000000000000000000000;0.019642857142857142460634634062;0.001488095238095238012632215430;0.013095238095238095551997581367;0.061011904761904760252644308594;0.038690476190476191797884553125;0.021428571428571428769682682969;0.018154761904761906182725894610
-0.032638888888888890893458238907;0.007638888888888888638317720137;0.070833333333333331482961625625;0.000000000000000000000000000000;0.002777777777777777883788656865;0.020138888888888890199568848516;0.000694444444444444470947164216;0.028819444444444446140618509844;0.033680555555555553859381490156;0.026041666666666667823148983985;0.019097222222222223764198645313;0.008680555555555555941049661328;0.012847222222222221682530474141;0.047569444444444441977282167500;0.004513888888888888464845372539;0.014236111111111110841265237070;0.026041666666666667823148983985;0.042708333333333334258519187188;0.014236111111111110841265237070;0.017708333333333332870740406406;0.017013888888888887424011286953;0.032638888888888890893458238907;0.019444444444444444752839729063;0.026041666666666667823148983985;0.029861111111111112575988713047;0.042013888888888892281237019688;0.029166666666666667129259593594;0.001041666666666666652210637700;0.000347222222222222235473582108;0.018402777777777778317469525859;0.009722222222222222376419864531;0.013888888888888888117900677344;0.012500000000000000693889390391;0.009722222222222222376419864531;0.025000000000000001387778780781;0.053124999999999998612221219219;0.020138888888888890199568848516;0.007638888888888888638317720137;0.002777777777777777883788656865;0.022569444444444444058950338672;0.004166666666666666608842550801;0.012847222222222221682530474141;0.000000000000000000000000000000;0.015625000000000000000000000000;0.004861111111111111188209932266;0.011805555555555555247160270937;0.039930555555555552471602709375;0.026736111111111109800431151484;0.045486111111111109106541761093;0.014583333333333333564629796797
-0.026666666666666668378260496297;0.021111111111111111743321444578;0.050370370370370370904922197042;0.001851851851851851922525771243;0.011111111111111111535154627461;0.021111111111111111743321444578;0.001111111111111111110147375847;0.040370370370370368962031903948;0.015925925925925926707193980292;0.023703703703703702526661700745;0.021111111111111111743321444578;0.005925925925925925631665425186;0.019629629629629628817522046802;0.030370370370370370488588562807;0.022962962962962962798485477833;0.014444444444444443781394582516;0.016296296296296294836558615771;0.042592592592592591616007524635;0.037407407407407410049327012302;0.011111111111111111535154627461;0.025555555555555557051272685953;0.012592592592592592726230549260;0.021111111111111111743321444578;0.030370370370370370488588562807;0.024814814814814813853649511088;0.035185185185185187395351391615;0.041481481481481480289019714291;0.008518518518518519017090895318;0.002222222222222222220294751693;0.022962962962962962798485477833;0.005555555555555555767577313730;0.020370370370370372015145221667;0.026666666666666668378260496297;0.004444444444444444440589503387;0.025185185185185185452461098521;0.044074074074074071072359970458;0.021851851851851851471497667490;0.005185185185185185036127464286;0.001851851851851851922525771243;0.020370370370370372015145221667;0.009259259259259258745267118229;0.007037037037037036958653235530;0.000000000000000000000000000000;0.017777777777777777762358013547;0.012222222222222222862142437805;0.014074074074074073917306471060;0.028518518518518519433424529552;0.021111111111111111743321444578;0.040370370370370368962031903948;0.014074074074074073917306471060
-0.049166666666666664076146275875;0.002500000000000000052041704279;0.071388888888888890615902482750;0.000000000000000000000000000000;0.000277777777777777777536843962;0.020000000000000000416333634234;0.001388888888888888941894328433;0.011111111111111111535154627461;0.016666666666666666435370203203;0.033055555555555553304269977843;0.018055555555555553859381490156;0.009444444444444444544672911945;0.020277777777777776513357110844;0.064722222222222222653975620688;0.001388888888888888941894328433;0.026388888888888888811790067734;0.029444444444444443226283070203;0.028611111111111111465765688422;0.005833333333333333599324266316;0.015277777777777777276635440273;0.015833333333333334674852821422;0.014166666666666665949647629930;0.009166666666666666712925959359;0.037777777777777778178691647781;0.047500000000000000555111512313;0.047500000000000000555111512313;0.028055555555555555802271783250;0.000000000000000000000000000000;0.000277777777777777777536843962;0.002777777777777777883788656865;0.005555555555555555767577313730;0.023055555555555554830826636703;0.003333333333333333547282562037;0.009444444444444444544672911945;0.028888888888888887562789165031;0.049166666666666664076146275875;0.016111111111111110771876298031;0.009444444444444444544672911945;0.000000000000000000000000000000;0.013333333333333334189130248149;0.003333333333333333547282562037;0.004722222222222222272336455973;0.000000000000000000000000000000;0.020277777777777776513357110844;0.000277777777777777777536843962;0.015277777777777777276635440273;0.061944444444444447805953046782;0.046388888888888889228123701969;0.036388888888888887285233408875;0.025000000000000001387778780781
-0.041111111111111112159655078813;0.005185185185185185036127464286;0.065925925925925929482751541855;0.000000000000000000000000000000;0.022592592592592591199673890401;0.019629629629629628817522046802;0.000740740740740740703958178148;0.014444444444444443781394582516;0.015555555555555555108382392859;0.033703703703703701000105041885;0.018518518518518517490534236458;0.008888888888888888881179006773;0.014074074074074073917306471060;0.060740740740740740977177125615;0.002592592592592592518063732143;0.033333333333333332870740406406;0.016666666666666666435370203203;0.027777777777777776235801354687;0.007777777777777777554191196430;0.011111111111111111535154627461;0.007407407407407407690103084974;0.014814814814814815380206169948;0.010740740740740739936343040029;0.030740740740740742087400150240;0.048888888888888891448569751219;0.051481481481481482231910007386;0.032222222222222221543752596062;0.002222222222222222220294751693;0.000740740740740740703958178148;0.009629629629629630344078705662;0.017777777777777777762358013547;0.018518518518518517490534236458;0.004444444444444444440589503387;0.009629629629629630344078705662;0.025185185185185185452461098521;0.042222222222222223486642889156;0.012592592592592592726230549260;0.014814814814814815380206169948;0.002592592592592592518063732143;0.021111111111111111743321444578;0.003703703703703703845051542487;0.007777777777777777554191196430;0.000000000000000000000000000000;0.015185185185185185244294281404;0.001111111111111111110147375847;0.015925925925925926707193980292;0.059999999999999997779553950750;0.045555555555555557467606320188;0.025555555555555557051272685953;0.027037037037037036507625131776
-0.031521739130434781039902247812;0.008695652173913043583852733320;0.107608695652173916301741485313;0.000000000000000000000000000000;0.000362318840579710149327197222;0.005797101449275362389235155547;0.000000000000000000000000000000;0.020652173913043476993767200156;0.014130434782608695606920257148;0.040942028985507243621366768593;0.019202898550724638998543625235;0.002173913043478260895963183330;0.009782608695652174682355628477;0.082246376811594204547795072813;0.005072463768115941656899892109;0.029710144927536232678511041172;0.023188405797101449556940622188;0.025362318840579711753946412500;0.004710144927536232158093998379;0.010507246376811593679967415937;0.007608695652173913352711576152;0.017753623188405797533873098359;0.006521739130434782254208680996;0.042753623188405795452204927187;0.032246376811594201772237511250;0.061956521739130437920195504375;0.030434782608695653410846304610;0.001811594202898550746635986108;0.000000000000000000000000000000;0.001811594202898550746635986108;0.002898550724637681194617577773;0.019927536231884056261431936719;0.002536231884057970828449946055;0.012318840579710145510805574531;0.016666666666666666435370203203;0.051086956521739133874060456719;0.008695652173913043583852733320;0.006521739130434782254208680996;0.000362318840579710149327197222;0.017028985507246376801537834922;0.002898550724637681194617577773;0.005797101449275362389235155547;0.000000000000000000000000000000;0.015942028985507245703034939766;0.000000000000000000000000000000;0.006159420289855072755402787266;0.085869565217391308209471390001;0.044927536231884057649210717500;0.019202898550724638998543625235;0.036594202898550726166249091875
-0.027873563218390805945601229610;0.002586206896551724102040203945;0.072988505747126439238137152188;0.000000000000000000000000000000;0.000574712643678160911564489766;0.007471264367816091850338366953;0.001149425287356321823128979531;0.015517241379310344612241223672;0.014367816091954022789112244141;0.063218390804597707210987778126;0.008908045977011494129249591367;0.005172413793103448204080407891;0.004310344827586206836733673242;0.077298850574712640870700397500;0.001724137931034482734693469297;0.021839080459770114639450611094;0.021839080459770114639450611094;0.020114942528735631904757141797;0.003160919540229885013604693711;0.010057471264367815952378570898;0.009770114942528735496596326016;0.014942528735632183700676733906;0.005747126436781609115644897656;0.085344827586206900571497158126;0.019827586206896553183698372891;0.057471264367816091156448976562;0.023850574712643679564649801250;0.004310344827586206836733673242;0.000287356321839080455782244883;0.005459770114942528659862652773;0.003448275862068965469386938594;0.034482758620689654693869385937;0.001436781609195402278911224414;0.006321839080459770027209387422;0.013793103448275861877547754375;0.066379310344827580081528139999;0.011781609195402298687072040195;0.008045977011494252761902856719;0.002298850574712643646257959062;0.012356321839080459598636529961;0.002873563218390804557822448828;0.013218390804597700965983264609;0.000000000000000000000000000000;0.031321839080459767945541216250;0.000000000000000000000000000000;0.017528735632183909537440413828;0.083620689655172414367356736875;0.050574712643678160217675099375;0.015517241379310344612241223672;0.017816091954022988258499182734
-0.035294117647058823039607489136;0.016176470588235295627876908497;0.070098039215686275271721683566;0.016176470588235295627876908497;0.035294117647058823039607489136;0.012254901960784313555419267061;0.002941176470588235253300624095;0.023039215686274511218911698052;0.032843137254901962063247111701;0.044117647058823532268956313374;0.012254901960784313555419267061;0.019117647058823530881177532592;0.008823529411764705759901872284;0.043627450980392154522569114761;0.012254901960784313555419267061;0.017647058823529411519803744568;0.025000000000000001387778780781;0.032352941176470591255753816995;0.010294117647058823386552184331;0.010784313725490195928768955014;0.009313725490196078302118642966;0.022058823529411766134478156687;0.005882352941176470506601248189;0.044117647058823532268956313374;0.020098039215686275965611073957;0.038725490196078432569848359890;0.018137254901960785796743991227;0.019117647058823530881177532592;0.001960784313725490168867082730;0.015686274509803921350936661838;0.008823529411764705759901872284;0.020588235294117646773104368663;0.003431372549019607795517394777;0.006372549019607843048818018872;0.016176470588235295627876908497;0.052450980392156863751917938998;0.012254901960784313555419267061;0.007843137254901960675468330919;0.003921568627450980337734165460;0.015686274509803921350936661838;0.005392156862745097964384477507;0.021568627450980391857537910028;0.000000000000000000000000000000;0.017647058823529411519803744568;0.008333333333333333217685101602;0.011764705882352941013202496379;0.042647058823529412907582525349;0.030392156862745097617439782312;0.023529411764705882026404992757;0.015686274509803921350936661838
-0.015986394557823128959039848951;0.038435374149659862208494587321;0.038775510204081632681383240424;0.046258503401360541451570185245;0.038775510204081632681383240424;0.016666666666666666435370203203;0.009523809523809524668624959531;0.045918367346938777917575436049;0.017687074829931974384589210558;0.011904761904761904101057723437;0.011904761904761904101057723437;0.005782312925170067681446273156;0.006802721088435373895941804534;0.017006802721088436908258856306;0.054421768707482991167534436272;0.011224489795918366624727369185;0.028231292517006803532986225491;0.053061224489795916214873727768;0.037414965986394557728722531920;0.005442176870748298943281096030;0.019047619047619049337249919063;0.016326530612244899431928502054;0.009863945578231291672066660681;0.019387755102040816340691620212;0.012925170068027210315553254816;0.014625850340136054006379140446;0.034013605442176873816517712612;0.070408163265306120126574285223;0.001700680272108843473985451134;0.029931972789115645489088635145;0.006802721088435373895941804534;0.011224489795918366624727369185;0.019047619047619049337249919063;0.004421768707482993596147302640;0.010204081632653060410231837807;0.032653061224489798863857004108;0.012244897959183672839222900564;0.006462585034013605157776627408;0.004081632653061224857982125513;0.017006802721088436908258856306;0.014285714285714285268213963320;0.013945578231292516530048786194;0.000000000000000000000000000000;0.014965986394557822744544317572;0.037414965986394557728722531920;0.014965986394557822744544317572;0.010884353741496597886562192059;0.007823129251700680977799073901;0.016326530612244899431928502054;0.005782312925170067681446273156
-0.020588235294117646773104368663;0.010457516339869280322383282567;0.087908496732026150666250430277;0.007516339869281045936444396460;0.006862745098039215591034789554;0.008823529411764705759901872284;0.001960784313725490168867082730;0.017320261437908497648141548098;0.027450980392156862364139158217;0.052287581699346406816086840763;0.013398692810457515575683906661;0.003267973856209150426005427548;0.005882352941176470506601248189;0.056209150326797387153821006223;0.012745098039215686097636037744;0.009477124183006535237949741202;0.031045751633986928830211127206;0.045098039215686273883942902785;0.008496732026143790153516199837;0.014379084967320260660117448026;0.009477124183006535237949741202;0.025163398692810458323609879017;0.008169934640522876281854003366;0.054248366013071896984953923493;0.020261437908496732901442172192;0.042156862745098042100089230644;0.024836601307189540982500730593;0.012745098039215686097636037744;0.000653594771241830020148955160;0.006535947712418300852010855095;0.001633986928104575213002713774;0.027124183006535948492476961746;0.005882352941176470506601248189;0.006535947712418300852010855095;0.021241830065359477985875713557;0.070915032679738559950877174742;0.015359477124183005744550989391;0.004248366013071895076758099918;0.001960784313725490168867082730;0.019607843137254901688670827298;0.005228758169934640161191641283;0.007189542483660130330058724013;0.000000000000000000000000000000;0.020915032679738560644766565133;0.006862745098039215591034789554;0.013398692810457515575683906661;0.057189542483660128768807595634;0.029738562091503266404668437417;0.025816993464052286066934271958;0.013725490196078431182069579108
-0.033739837398373981325327974901;0.004065040650406504495195658677;0.086585365853658530221892419831;0.000000000000000000000000000000;0.003252032520325203249211831746;0.016666666666666666435370203203;0.000000000000000000000000000000;0.011788617886178862428914193572;0.019105691056910567571236470030;0.040243902439024391293198590347;0.018292682926829267192614381088;0.007317073170731707744407490424;0.008943089430894309369013406297;0.063821138211382119620473929444;0.002032520325203252247597829339;0.021951219512195120631137257305;0.030081300813008131356252050637;0.028048780487804878674973352304;0.004065040650406504495195658677;0.012601626016260162807536282514;0.007317073170731707744407490424;0.017479674796747966813992292145;0.009756097560975609747635495239;0.045934959349593497413000164897;0.034146341463414636718809447302;0.053252032520325204290045917332;0.028455284552845527129560920798;0.001626016260162601624605915873;0.000406504065040650406151478968;0.015853658536585366056748114261;0.005691056910569106119801574550;0.025203252032520325615072565029;0.004878048780487804873817747620;0.008536585365853659179702361826;0.026422764227642277917729174419;0.059756097560975607319022628872;0.015853658536585366056748114261;0.006504065040650406498423663493;0.000813008130081300812302957937;0.020325203252032519873893079421;0.002845528455284553059900787275;0.009756097560975609747635495239;0.000000000000000000000000000000;0.019918699186991871419305510926;0.002032520325203252247597829339;0.010569105691056910126257584182;0.064227642276422761136167594032;0.036585365853658534385228762176;0.028861788617886179053595441246;0.024390243902439025236450476086
-0.032843137254901962063247111701;0.002941176470588235253300624095;0.096078431372549025213380957666;0.000000000000000000000000000000;0.000000000000000000000000000000;0.009313725490196078302118642966;0.000000000000000000000000000000;0.015686274509803921350936661838;0.016176470588235295627876908497;0.045588235294117644691436197490;0.010784313725490195928768955014;0.002941176470588235253300624095;0.007352941176470588133251560237;0.071568627450980387694201567683;0.003921568627450980337734165460;0.015196078431372548808719891156;0.024019607843137256303345239417;0.039705882352941174184834949301;0.001960784313725490168867082730;0.018137254901960785796743991227;0.007352941176470588133251560237;0.024019607843137256303345239417;0.010784313725490195928768955014;0.060294117647058824427386269917;0.023039215686274511218911698052;0.057352941176470585704638693869;0.029411764705882352533006240947;0.000000000000000000000000000000;0.000980392156862745084433541365;0.000980392156862745084433541365;0.006862745098039215591034789554;0.023039215686274511218911698052;0.003431372549019607795517394777;0.009803921568627450844335413649;0.018137254901960785796743991227;0.066176470588235294933987518107;0.014705882352941176266503120473;0.003921568627450980337734165460;0.000980392156862745084433541365;0.020098039215686275965611073957;0.001960784313725490168867082730;0.004411764705882352879950936142;0.000000000000000000000000000000;0.023039215686274511218911698052;0.000490196078431372542216770682;0.011764705882352941013202496379;0.072058823529411758501694862389;0.039705882352941174184834949301;0.032843137254901962063247111701;0.018137254901960785796743991227
-0.025555555555555557051272685953;0.001851851851851851922525771243;0.057037037037037038866849059104;0.000000000000000000000000000000;0.002222222222222222220294751693;0.008518518518518519017090895318;0.000000000000000000000000000000;0.015185185185185185244294281404;0.004814814814814815172039352831;0.086296296296296301497896763522;0.009629629629629630344078705662;0.004814814814814815172039352831;0.005185185185185185036127464286;0.063703703703703706828775921167;0.003703703703703703845051542487;0.017777777777777777762358013547;0.018888888888888889089345823891;0.012592592592592592726230549260;0.004814814814814815172039352831;0.008518518518518519017090895318;0.011851851851851851263330850372;0.008518518518518519017090895318;0.004074074074074073709139653943;0.107777777777777777901135891625;0.016296296296296294836558615771;0.069259259259259256524821068979;0.026666666666666668378260496297;0.000000000000000000000000000000;0.000370370370370370351979089074;0.015185185185185185244294281404;0.003333333333333333547282562037;0.047037037037037036923958766010;0.001111111111111111110147375847;0.005925925925925925631665425186;0.012962962962962962590318660716;0.065925925925925929482751541855;0.011111111111111111535154627461;0.004814814814814815172039352831;0.000000000000000000000000000000;0.007037037037037036958653235530;0.007777777777777777554191196430;0.000370370370370370351979089074;0.000000000000000000000000000000;0.055185185185185184342238073896;0.001851851851851851922525771243;0.027037037037037036507625131776;0.067777777777777784007362527063;0.037407407407407410049327012302;0.012592592592592592726230549260;0.019629629629629628817522046802
-0.022666666666666668294993769450;0.012666666666666666352103476356;0.023666666666666665713725237197;0.277666666666666672735885867951;0.034000000000000002442490654175;0.014999999999999999444888487687;0.004333333333333333134418374755;0.021333333333333332620940225866;0.011666666666666667198648532633;0.040666666666666663465523612331;0.008333333333333333217685101602;0.007666666666666666248020067798;0.007000000000000000145716771982;0.017666666666666667323548622903;0.027333333333333334480563792113;0.016000000000000000333066907388;0.020000000000000000416333634234;0.015666666666666665547191783503;0.017000000000000001221245327088;0.004666666666666667052931760651;0.013666666666666667240281896056;0.008333333333333333217685101602;0.001666666666666666773641281019;0.049333333333333333203807313794;0.014666666666666666393736839780;0.025999999999999998806510248528;0.016000000000000000333066907388;0.020000000000000000416333634234;0.001666666666666666773641281019;0.026333333333333333592385372413;0.012333333333333333300951828448;0.025000000000000001387778780781;0.002666666666666666577617528233;0.001666666666666666773641281019;0.003666666666666666598434209945;0.032666666666666663298990158637;0.005333333333333333155235056466;0.005000000000000000104083408559;0.000333333333333333322202191029;0.003000000000000000062450045135;0.005000000000000000104083408559;0.005000000000000000104083408559;0.000000000000000000000000000000;0.024000000000000000499600361081;0.022333333333333333509118645566;0.015333333333333332496040135595;0.028333333333333331899295259859;0.012999999999999999403255124264;0.005333333333333333155235056466;0.007333333333333333196868419890
-0.026086956521739129016834723984;0.014855072463768116339255520586;0.035869565217391305433913828438;0.069565217391304348670821866563;0.044565217391304347283043085781;0.034420289855072463969243301563;0.004347826086956521791926366660;0.014130434782608695606920257148;0.015942028985507245703034939766;0.016304347826086956069202571484;0.015579710144927537071590784024;0.030797101449275363777013936328;0.019927536231884056261431936719;0.032246376811594201772237511250;0.022101449275362318458437727031;0.015942028985507245703034939766;0.019565217391304349364711256953;0.021376811594202897726102463594;0.029710144927536232678511041172;0.007246376811594202986543944434;0.017028985507246376801537834922;0.014855072463768116339255520586;0.009420289855072464316187996758;0.019202898550724638998543625235;0.025000000000000001387778780781;0.027898550724637680847672882578;0.023913043478260870289275885625;0.009057971014492753950020365039;0.002173913043478260895963183330;0.066666666666666665741480812812;0.025362318840579711753946412500;0.018478260869565218266208361797;0.016304347826086956069202571484;0.005072463768115941656899892109;0.018478260869565218266208361797;0.026811594202898549749169987422;0.010507246376811593679967415937;0.009420289855072464316187996758;0.003260869565217391127104340498;0.010869565217391304046135047656;0.006521739130434782254208680996;0.008333333333333333217685101602;0.000000000000000000000000000000;0.010869565217391304046135047656;0.015217391304347826705423152305;0.013043478260869564508417361992;0.034057971014492753603075669844;0.024275362318840580655443517344;0.022101449275362318458437727031;0.015217391304347826705423152305
-0.025555555555555557051272685953;0.014166666666666665949647629930;0.037222222222222219045750790656;0.104444444444444450859066364501;0.035833333333333335091186455656;0.032222222222222221543752596062;0.002777777777777777883788656865;0.020833333333333332176851016015;0.018888888888888889089345823891;0.017222222222222222098864108375;0.016388888888888890338346726594;0.025833333333333333148296162562;0.019722222222222220849863205672;0.028055555555555555802271783250;0.014166666666666665949647629930;0.018888888888888889089345823891;0.019722222222222220849863205672;0.023055555555555554830826636703;0.024166666666666666157814447047;0.006944444444444444058950338672;0.014722222222222221613141535101;0.016388888888888890338346726594;0.010277777777777778039913769703;0.019722222222222220849863205672;0.027500000000000000138777878078;0.029444444444444443226283070203;0.019722222222222220849863205672;0.011944444444444445030395485219;0.001944444444444444388547799107;0.059722222222222225151977426094;0.020000000000000000416333634234;0.011111111111111111535154627461;0.020277777777777776513357110844;0.005555555555555555767577313730;0.018055555555555553859381490156;0.024166666666666666157814447047;0.006388888888888889262818171488;0.008333333333333333217685101602;0.005555555555555555767577313730;0.015833333333333334674852821422;0.004722222222222222272336455973;0.014166666666666665949647629930;0.000000000000000000000000000000;0.010277777777777778039913769703;0.018055555555555553859381490156;0.011111111111111111535154627461;0.024722222222222221821308352219;0.021111111111111111743321444578;0.028055555555555555802271783250;0.014999999999999999444888487687
-0.033986928104575160614064799347;0.013071895424836601704021710191;0.064379084967320254762057629705;0.065359477124183010254832026931;0.033986928104575160614064799347;0.011437908496732025406816823931;0.001960784313725490168867082730;0.017320261437908497648141548098;0.019281045751633987817008630827;0.035947712418300650782931882077;0.011764705882352941013202496379;0.012418300653594770491250365296;0.009803921568627450844335413649;0.044117647058823532268956313374;0.014705882352941176266503120473;0.015359477124183005744550989391;0.031699346405228756573535520147;0.032026143790849670445197716617;0.010784313725490195928768955014;0.013725490196078431182069579108;0.012745098039215686097636037744;0.017320261437908497648141548098;0.009803921568627450844335413649;0.043137254901960783715075820055;0.019281045751633987817008630827;0.039215686274509803377341654596;0.016666666666666666435370203203;0.008169934640522876281854003366;0.002287581699346405341571886183;0.008496732026143790153516199837;0.003921568627450980337734165460;0.023856209150326795898067189228;0.006535947712418300852010855095;0.007516339869281045936444396460;0.020588235294117646773104368663;0.050980392156862744390544150974;0.015359477124183005744550989391;0.009150326797385621366287544731;0.002941176470588235253300624095;0.021895424836601305729200106498;0.005882352941176470506601248189;0.014379084967320260660117448026;0.000000000000000000000000000000;0.019607843137254901688670827298;0.008169934640522876281854003366;0.015032679738562091872888792921;0.047058823529411764052809985515;0.026143790849673203408043420382;0.021241830065359477985875713557;0.009477124183006535237949741202
-0.037666666666666667739882257138;0.010333333333333333259318465025;0.068666666666666667517837652213;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008333333333333333217685101602;0.001666666666666666773641281019;0.014000000000000000291433543964;0.022666666666666668294993769450;0.038666666666666668628060676838;0.010999999999999999361621760841;0.004000000000000000083266726847;0.014999999999999999444888487687;0.053333333333333336756520992594;0.001666666666666666773641281019;0.021999999999999998723243521681;0.026666666666666668378260496297;0.035333333333333334647097245806;0.005666666666666667073748442363;0.014999999999999999444888487687;0.014666666666666666393736839780;0.024000000000000000499600361081;0.011666666666666667198648532633;0.053333333333333336756520992594;0.039333333333333331260917020700;0.057000000000000002053912595557;0.021999999999999998723243521681;0.001000000000000000020816681712;0.002666666666666666577617528233;0.001666666666666666773641281019;0.004666666666666667052931760651;0.021666666666666667406815349750;0.004000000000000000083266726847;0.009666666666666667157015169209;0.030333333333333333675652099259;0.054666666666666668961127584225;0.011666666666666667198648532633;0.008333333333333333217685101602;0.000333333333333333322202191029;0.035666666666666665963525417737;0.003333333333333333547282562037;0.012999999999999999403255124264;0.000000000000000000000000000000;0.027333333333333334480563792113;0.000666666666666666644404382058;0.013333333333333334189130248149;0.051666666666666666296592325125;0.040666666666666663465523612331;0.028333333333333331899295259859;0.021666666666666667406815349750
-0.061419753086419753840274893264;0.012037037037037037062736644089;0.035185185185185187395351391615;0.022222222222222223070309254922;0.016666666666666666435370203203;0.025925925925925925180637321432;0.001543209876543209790877853038;0.019444444444444444752839729063;0.014197530864197531116910333537;0.032098765432098767813595685539;0.029320987654320986026679207725;0.015123456790123456644492350165;0.012345679012345678327022824305;0.048765432098765430779518936788;0.012654320987654321326032480499;0.045061728395061728669190870278;0.008950617283950617480980938012;0.023456790123456791596900927743;0.022839506172839505598881615356;0.005555555555555555767577313730;0.020370370370370372015145221667;0.008333333333333333217685101602;0.011111111111111111535154627461;0.037037037037037034981068472916;0.050308641975308640570396789826;0.060493827160493826577969400660;0.019444444444444444752839729063;0.002469135802469135752140738660;0.000000000000000000000000000000;0.018518518518518517490534236458;0.016049382716049383906797842769;0.012037037037037037062736644089;0.007098765432098765558455166769;0.008024691358024691953398921385;0.017901234567901234961961876024;0.031790123456790123079862553368;0.010802469135802468536144971267;0.014506172839506172381196513754;0.001234567901234567876070369330;0.008024691358024691953398921385;0.004938271604938271504281477320;0.007716049382716048954389265191;0.000000000000000000000000000000;0.016975308641975307699656383420;0.008024691358024691953398921385;0.012037037037037037062736644089;0.038580246913580244771946325955;0.048765432098765430779518936788;0.020679012345679013279431401884;0.021913580246913581806023074705
-0.029999999999999998889776975375;0.016296296296296294836558615771;0.050370370370370370904922197042;0.024444444444444445724284875610;0.032592592592592589673117231541;0.030740740740740742087400150240;0.001111111111111111110147375847;0.023333333333333334397297065266;0.025185185185185185452461098521;0.015555555555555555108382392859;0.018518518518518517490534236458;0.024814814814814813853649511088;0.022222222222222223070309254922;0.030370370370370370488588562807;0.017407407407407406163546426114;0.021851851851851851471497667490;0.023703703703703702526661700745;0.042592592592592591616007524635;0.020740740740740740144509857146;0.007037037037037036958653235530;0.015555555555555555108382392859;0.023703703703703702526661700745;0.012592592592592592726230549260;0.021111111111111111743321444578;0.041111111111111112159655078813;0.025185185185185185452461098521;0.022222222222222223070309254922;0.007407407407407407690103084974;0.000370370370370370351979089074;0.046296296296296293726335591145;0.015925925925925926707193980292;0.015925925925925926707193980292;0.009629629629629630344078705662;0.009259259259259258745267118229;0.027407407407407408106436719208;0.025185185185185185452461098521;0.007037037037037036958653235530;0.011111111111111111535154627461;0.001851851851851851922525771243;0.022222222222222223070309254922;0.005185185185185185036127464286;0.017407407407407406163546426114;0.000000000000000000000000000000;0.015185185185185185244294281404;0.014444444444444443781394582516;0.008518518518518519017090895318;0.028888888888888887562789165031;0.026666666666666668378260496297;0.028148148148148147834612942120;0.015555555555555555108382392859
-0.036324786324786327573743704988;0.006410256410256410034009810772;0.101709401709401708879809689279;0.005555555555555555767577313730;0.000427350427350427350056683018;0.015811965811965811301575968173;0.000854700854700854700113366036;0.013675213675213675201813856575;0.018803418803418802535132314802;0.038034188034188030902438271141;0.016666666666666666435370203203;0.011965811965811966668948862491;0.010683760683760683968257509946;0.061538461538461541877609306539;0.006410256410256410034009810772;0.019658119658119657668926549832;0.022649572649572648902482896460;0.036752136752136753405917346527;0.007692307692307692734701163317;0.008119658119658120301598280832;0.010256410256410256401360392431;0.025213675213675214303865601551;0.006837606837606837600906928287;0.045299145299145297804965792920;0.036324786324786327573743704988;0.058547008547008547174606007957;0.026495726495726495269833478119;0.000427350427350427350056683018;0.000427350427350427350056683018;0.002564102564102564100340098108;0.007692307692307692734701163317;0.023931623931623933337897724982;0.005555555555555555767577313730;0.009401709401709401267566157401;0.025213675213675214303865601551;0.058547008547008547174606007957;0.012820512820512820068019621544;0.005555555555555555767577313730;0.001282051282051282050170049054;0.017094017094017095736990796695;0.001282051282051282050170049054;0.008547008547008547868495398347;0.000000000000000000000000000000;0.011111111111111111535154627461;0.001709401709401709400226732072;0.008974358974358973700669039886;0.064102564102564096870651155768;0.036752136752136753405917346527;0.022222222222222223070309254922;0.026068376068376069437659836581
-0.044067796610169490678643455794;0.003107344632768361744612484188;0.064971751412429376570933925450;0.001694915254237288086344714877;0.001129943502824858796509954750;0.022598870056497175062837357018;0.001977401129943502731262094940;0.017796610169491525882401461445;0.014406779661016949276031162697;0.046610169491525424434463786838;0.021186440677966100754048284216;0.016949152542372881297128017763;0.012711864406779661840207751311;0.059887005649717515998187167270;0.002824858757062146882854669627;0.029378531073446328275577954514;0.009604519774011300095595267123;0.018361581920903955605917090566;0.012994350282485874967242089895;0.008757062146892655510321823442;0.012146892655367232116692122190;0.011864406779661017254934307630;0.007062146892655367207136674068;0.062994350282485872538629223527;0.038700564971751415244138883054;0.052542372881355929592483988699;0.028813559322033898552062325393;0.001977401129943502731262094940;0.000282485875706214699127488688;0.011016949152542372669660863949;0.010451977401129942946145234828;0.018361581920903955605917090566;0.005084745762711864042193710134;0.010451977401129942946145234828;0.022316384180790960201079542458;0.048022598870056498743252859640;0.012429378531073446978449936751;0.008757062146892655510321823442;0.000847457627118644043172357438;0.011299435028248587531418678509;0.002824858757062146882854669627;0.004519774011299435186039819001;0.000000000000000000000000000000;0.026836158192090394519757623470;0.002542372881355932021096855067;0.013559322033898304690757719015;0.065254237288135591432691740010;0.040395480225988697475791866509;0.033333333333333332870740406406;0.024293785310734464233384244380
-0.046014492753623188747713612656;0.003260869565217391127104340498;0.048188405797101450944719402969;0.000000000000000000000000000000;0.002536231884057970828449946055;0.034782608695652174335410933281;0.001449275362318840597308788887;0.019927536231884056261431936719;0.013768115942028985240752625430;0.025362318840579711753946412500;0.023913043478260870289275885625;0.008333333333333333217685101602;0.030072463768115943044678672891;0.048550724637681161310887034688;0.007608695652173913352711576152;0.020289855072463766627599568437;0.009057971014492753950020365039;0.027536231884057970481505250859;0.025362318840579711753946412500;0.009057971014492753950020365039;0.031884057971014491406069879531;0.011956521739130435144637942813;0.021376811594202897726102463594;0.026086956521739129016834723984;0.045289855072463768015378349219;0.049637681159420292409389929844;0.035869565217391305433913828438;0.007608695652173913352711576152;0.000000000000000000000000000000;0.024275362318840580655443517344;0.008333333333333333217685101602;0.009420289855072464316187996758;0.023188405797101449556940622188;0.010144927536231883313799784219;0.034782608695652174335410933281;0.022101449275362318458437727031;0.016666666666666666435370203203;0.010507246376811593679967415937;0.003623188405797101493271972217;0.017753623188405797533873098359;0.003260869565217391127104340498;0.004710144927536232158093998379;0.000000000000000000000000000000;0.010507246376811593679967415937;0.009420289855072464316187996758;0.015217391304347826705423152305;0.039130434782608698729422513907;0.034420289855072463969243301563;0.047101449275362319846216507813;0.020652173913043476993767200156
-0.045138888888888888117900677344;0.001736111111111111014737584668;0.065972222222222223764198645313;0.000000000000000000000000000000;0.000000000000000000000000000000;0.015625000000000000000000000000;0.001388888888888888941894328433;0.015277777777777777276635440273;0.012847222222222221682530474141;0.030555555555555554553270880547;0.023263888888888889505679458125;0.004513888888888888464845372539;0.024652777777777776929690745078;0.061805555555555558022717832500;0.000694444444444444470947164216;0.026041666666666667823148983985;0.019444444444444444752839729063;0.018402777777777778317469525859;0.009027777777777776929690745078;0.013541666666666667129259593594;0.009722222222222222376419864531;0.011111111111111111535154627461;0.009374999999999999653055304805;0.044791666666666667129259593594;0.045138888888888888117900677344;0.054861111111111110494320541875;0.026388888888888888811790067734;0.015625000000000000000000000000;0.001041666666666666652210637700;0.002083333333333333304421275400;0.004166666666666666608842550801;0.014583333333333333564629796797;0.004861111111111111188209932266;0.009027777777777776929690745078;0.041666666666666664353702032031;0.042361111111111113269878103438;0.014236111111111110841265237070;0.012152777777777777970524830664;0.000347222222222222235473582108;0.021874999999999998612221219219;0.001388888888888888941894328433;0.005902777777777777623580135469;0.000000000000000000000000000000;0.020833333333333332176851016015;0.001388888888888888941894328433;0.011458333333333332523795711211;0.057986111111111113269878103438;0.055555555555555552471602709375;0.041319444444444443365060948281;0.028819444444444446140618509844
-0.031515151515151516858903590901;0.002727272727272727487202175212;0.087575757575757570694285902846;0.000000000000000000000000000000;0.000000000000000000000000000000;0.009090909090909090467524933388;0.000606060606060606060080386825;0.012727272727272727695368992329;0.023636363636363635909454217199;0.035757575757575758845785429685;0.017272727272727272929131459023;0.005151515151515151727523722514;0.011515151515151514707846480690;0.078181818181818185653497721432;0.003030303030303030300401934127;0.020909090909090908422252041987;0.027878787878787877896336055983;0.031818181818181814901613790880;0.003333333333333333547282562037;0.016060606060606059941608947383;0.013333333333333334189130248149;0.031818181818181814901613790880;0.016969696969696971416974307090;0.044545454545454547801153211140;0.031818181818181814901613790880;0.038787878787878787845144756830;0.024545454545454543915372624951;0.000606060606060606060080386825;0.001818181818181818180241160476;0.000606060606060606060080386825;0.003636363636363636360482320953;0.023333333333333334397297065266;0.004242424242424242854243576772;0.016666666666666666435370203203;0.029999999999999998889776975375;0.042727272727272724850422491727;0.012727272727272727695368992329;0.005757575757575757353923240345;0.001818181818181818180241160476;0.025757575757575756902895136591;0.002424242424242424240321547302;0.006363636363636363847684496164;0.000000000000000000000000000000;0.025454545454545455390737984658;0.000606060606060606060080386825;0.012424242424242424448488364419;0.066363636363636360759876708926;0.040909090909090908838585676222;0.028484848484848484390097311802;0.026666666666666668378260496297
-0.024583333333333332038073137937;0.010416666666666666088425508008;0.122916666666666660190365689687;0.000000000000000000000000000000;0.002083333333333333304421275400;0.015833333333333334674852821422;0.000000000000000000000000000000;0.015833333333333334674852821422;0.043749999999999997224442438437;0.020833333333333332176851016015;0.017500000000000001665334536938;0.005833333333333333599324266316;0.010833333333333333703407674875;0.067500000000000004440892098501;0.002916666666666666799662133158;0.022916666666666665047591422422;0.033333333333333332870740406406;0.045416666666666667684371105906;0.007083333333333332974823814965;0.012083333333333333078907223523;0.005416666666666666851703837438;0.046666666666666668794594130532;0.009166666666666666712925959359;0.023750000000000000277555756156;0.034583333333333333980963431031;0.037083333333333336201409480282;0.030416666666666668239482618219;0.000416666666666666693410320255;0.000000000000000000000000000000;0.006250000000000000346944695195;0.006250000000000000346944695195;0.012083333333333333078907223523;0.008333333333333333217685101602;0.010416666666666666088425508008;0.020833333333333332176851016015;0.043749999999999997224442438437;0.008750000000000000832667268469;0.004166666666666666608842550801;0.002083333333333333304421275400;0.026666666666666668378260496297;0.001250000000000000026020852140;0.012916666666666666574148081281;0.000000000000000000000000000000;0.010416666666666666088425508008;0.002083333333333333304421275400;0.005000000000000000104083408559;0.053749999999999999167332731531;0.041666666666666664353702032031;0.026249999999999999028554853453;0.027916666666666666019036568969
-0.024583333333333332038073137937;0.006666666666666667094565124074;0.134583333333333332593184650250;0.000000000000000000000000000000;0.000000000000000000000000000000;0.021250000000000001526556658860;0.000000000000000000000000000000;0.008750000000000000832667268469;0.051249999999999996946886682281;0.021666666666666667406815349750;0.014166666666666665949647629930;0.012083333333333333078907223523;0.012916666666666666574148081281;0.062916666666666662410811738937;0.001250000000000000026020852140;0.024166666666666666157814447047;0.028750000000000001249000902703;0.050833333333333334536074943344;0.005416666666666666851703837438;0.017083333333333332315628894094;0.004583333333333333356462979680;0.053333333333333336756520992594;0.010833333333333333703407674875;0.019583333333333334536074943344;0.042083333333333333703407674875;0.034166666666666664631257788187;0.027916666666666666019036568969;0.000416666666666666693410320255;0.000000000000000000000000000000;0.001666666666666666773641281019;0.008333333333333333217685101602;0.014166666666666665949647629930;0.002500000000000000052041704279;0.009583333333333332593184650250;0.020000000000000000416333634234;0.035833333333333335091186455656;0.007499999999999999722444243844;0.005833333333333333599324266316;0.001666666666666666773641281019;0.028333333333333331899295259859;0.002916666666666666799662133158;0.017083333333333332315628894094;0.000000000000000000000000000000;0.006250000000000000346944695195;0.000833333333333333386820640509;0.002083333333333333304421275400;0.050416666666666665186369300500;0.040416666666666663243479007406;0.029166666666666667129259593594;0.024166666666666666157814447047
-0.019379844961240309808570003725;0.018992248062015503612398603650;0.075968992248062014449594414600;0.137984496124031019714806234333;0.003875968992248061961714000745;0.011240310077519379688970602160;0.003100775193798449569371200596;0.016666666666666666435370203203;0.037596899224806204498072759179;0.020155038759689922200912803874;0.013178294573643410669827602533;0.003875968992248061961714000745;0.012790697674418604473656202458;0.037984496124031007224797207300;0.017829457364341085023884403427;0.013178294573643410669827602533;0.029457364341085270909026405661;0.039147286821705429282758359477;0.006201550387596899138742401192;0.012403100775193798277484802384;0.008139534883720930119599401564;0.032558139534883720478397606257;0.016279069767441860239198803129;0.020155038759689922200912803874;0.027519379844961239928169405289;0.027131782945736433731998005214;0.020542635658914728397084203948;0.010077519379844961100456401937;0.000775193798449612392342800149;0.005038759689922480550228200968;0.002325581395348837177028400447;0.012015503875968992081313402309;0.008139534883720930119599401564;0.011240310077519379688970602160;0.025193798449612402751141004842;0.037984496124031007224797207300;0.008914728682170542511942201713;0.006589147286821705334913801266;0.005426356589147286746399601043;0.035658914728682170047768806853;0.005038759689922480550228200968;0.020542635658914728397084203948;0.000000000000000000000000000000;0.013565891472868216865999002607;0.006976744186046511531085201341;0.007751937984496123923428001490;0.033333333333333332870740406406;0.020155038759689922200912803874;0.025193798449612402751141004842;0.014728682170542635454513202831
-0.046341463414634145867587733392;0.004878048780487804873817747620;0.046341463414634145867587733392;0.033333333333333332870740406406;0.000813008130081300812302957937;0.013414634146341463186158371457;0.000813008130081300812302957937;0.013008130081300812996847326986;0.022764227642276424479206298201;0.039837398373983742838611021853;0.017886178861788618738026812593;0.011382113821138212239603149101;0.019105691056910567571236470030;0.062195121951219511924335847652;0.002439024390243902436908873810;0.025609756097560974069660133523;0.018699186991869919116648901536;0.017479674796747966813992292145;0.012195121951219512618225238043;0.009756097560975609747635495239;0.016260162601626017980782634709;0.013821138211382113375469415928;0.010569105691056910126257584182;0.055284552845528453501877663712;0.042682926829268295898511809128;0.057723577235772358107190882492;0.022357723577235772555171777753;0.006097560975609756309112619022;0.000406504065040650406151478968;0.008130081300813008990391317354;0.006097560975609756309112619022;0.018699186991869919116648901536;0.006910569105691056687734707964;0.005284552845528455063128792091;0.031707317073170732113496228521;0.033739837398373981325327974901;0.011788617886178862428914193572;0.008943089430894309369013406297;0.005284552845528455063128792091;0.018699186991869919116648901536;0.004878048780487804873817747620;0.006504065040650406498423663493;0.000000000000000000000000000000;0.036585365853658534385228762176;0.003252032520325203249211831746;0.020731707317073171797927599869;0.047154471544715449715656774288;0.039024390243902438990541980957;0.022764227642276424479206298201;0.020325203252032519873893079421
-0.053658536585365852744633485827;0.001626016260162601624605915873;0.040650406504065039747786158841;0.000000000000000000000000000000;0.006097560975609756309112619022;0.017886178861788618738026812593;0.000000000000000000000000000000;0.008536585365853659179702361826;0.015040650406504065678126025318;0.041463414634146343595855199737;0.020731707317073171797927599869;0.029674796747967479432217530189;0.011788617886178862428914193572;0.072764227642276427254763859764;0.001219512195121951218454436905;0.037804878048780486687885371566;0.007723577235772357933718534895;0.006910569105691056687734707964;0.006504065040650406498423663493;0.008536585365853659179702361826;0.016666666666666666435370203203;0.009756097560975609747635495239;0.003658536585365853872203745212;0.061788617886178863469748279158;0.053658536585365852744633485827;0.071138211382113819558625777972;0.026829268292682926372316742913;0.000406504065040650406151478968;0.000000000000000000000000000000;0.015447154471544715867437069790;0.007723577235772357933718534895;0.013821138211382113375469415928;0.004065040650406504495195658677;0.007723577235772357933718534895;0.017886178861788618738026812593;0.030081300813008131356252050637;0.008943089430894309369013406297;0.012195121951219512618225238043;0.002032520325203252247597829339;0.009756097560975609747635495239;0.002439024390243902436908873810;0.006097560975609756309112619022;0.000000000000000000000000000000;0.025203252032520325615072565029;0.000000000000000000000000000000;0.015040650406504065678126025318;0.067479674796747962650655949801;0.073577235772357724163938996753;0.021951219512195120631137257305;0.026016260162601625993694653971
-0.061594202898550727554027872657;0.000362318840579710149327197222;0.035869565217391305433913828438;0.000000000000000000000000000000;0.008333333333333333217685101602;0.083695652173913046012465599688;0.001811594202898550746635986108;0.009782608695652174682355628477;0.017391304347826087167705466641;0.020289855072463766627599568437;0.019202898550724638998543625235;0.057971014492753623892351555469;0.034782608695652174335410933281;0.027173913043478260115337619141;0.001086956521739130447981591665;0.055797101449275361695345765156;0.014492753623188405973087888867;0.017391304347826087167705466641;0.011956521739130435144637942813;0.006159420289855072755402787266;0.011956521739130435144637942813;0.008695652173913043583852733320;0.005434782608695652023067523828;0.028260869565217391213840514297;0.079710144927536225045727746874;0.032246376811594201772237511250;0.012681159420289855876973206250;0.010144927536231883313799784219;0.000724637681159420298654394443;0.037318840579710146898584355313;0.046014492753623188747713612656;0.006159420289855072755402787266;0.010507246376811593679967415937;0.003985507246376811425758734941;0.035144927536231884701578565000;0.022463768115942028824605358750;0.006884057971014492620376312715;0.014492753623188405973087888867;0.001449275362318840597308788887;0.011956521739130435144637942813;0.002173913043478260895963183330;0.011594202898550724778470311094;0.000000000000000000000000000000;0.014855072463768116339255520586;0.000724637681159420298654394443;0.013043478260869564508417361992;0.021376811594202897726102463594;0.028985507246376811946175777734;0.014855072463768116339255520586;0.021014492753623187359934831875
-0.025617283950617283916351141215;0.005864197530864197899225231936;0.068827160493827158060931026284;0.023456790123456791596900927743;0.004320987654320987240985640909;0.010493827160493827271858791050;0.003086419753086419581755706076;0.029012345679012344762393027509;0.011419753086419752799440807678;0.053703703703703704885885628073;0.017901234567901234961961876024;0.004629629629629629372633559115;0.006790123456790123426807248563;0.051234567901234567832702282431;0.014814814814814815380206169948;0.014197530864197531116910333537;0.025925925925925925180637321432;0.027469135802469134971515174470;0.017283950617283948963942563637;0.011111111111111111535154627461;0.017283950617283948963942563637;0.012654320987654321326032480499;0.001234567901234567876070369330;0.075617283950617286691908702778;0.023456790123456791596900927743;0.045370370370370373402924002448;0.033641975308641977604473538577;0.009567901234567901744276774423;0.002777777777777777883788656865;0.007407407407407407690103084974;0.002469135802469135752140738660;0.040123456790123454562824178993;0.008333333333333333217685101602;0.005864197530864197899225231936;0.007716049382716048954389265191;0.071913580246913577642686732361;0.013271604938271605589328316910;0.005864197530864197899225231936;0.000925925925925925961262885622;0.003703703703703703845051542487;0.008024691358024691953398921385;0.004320987654320987240985640909;0.000000000000000000000000000000;0.032407407407407405608434913802;0.007716049382716048954389265191;0.017283950617283948963942563637;0.058024691358024689524786055017;0.025308641975308642652064960998;0.017592592592592593697675695807;0.012962962962962962590318660716
-0.034027777777777774848022573906;0.008333333333333333217685101602;0.070486111111111110494320541875;0.000694444444444444470947164216;0.000694444444444444470947164216;0.018749999999999999306110609609;0.003125000000000000173472347598;0.020833333333333332176851016015;0.022569444444444444058950338672;0.039583333333333331482961625625;0.020486111111111111188209932266;0.005208333333333333044212754004;0.012500000000000000693889390391;0.050000000000000002775557561563;0.007291666666666666782314898398;0.020138888888888890199568848516;0.024652777777777776929690745078;0.032986111111111111882099322656;0.011458333333333332523795711211;0.010069444444444445099784424258;0.011458333333333332523795711211;0.019444444444444444752839729063;0.011458333333333332523795711211;0.057291666666666664353702032031;0.029513888888888888117900677344;0.046875000000000000000000000000;0.029861111111111112575988713047;0.018055555555555553859381490156;0.001041666666666666652210637700;0.004166666666666666608842550801;0.007291666666666666782314898398;0.029166666666666667129259593594;0.006597222222222222202947516934;0.012847222222222221682530474141;0.022222222222222223070309254922;0.058333333333333334258519187188;0.010416666666666666088425508008;0.007638888888888888638317720137;0.001736111111111111014737584668;0.017361111111111111882099322656;0.005902777777777777623580135469;0.008333333333333333217685101602;0.000000000000000000000000000000;0.026736111111111109800431151484;0.003125000000000000173472347598;0.019444444444444444752839729063;0.043749999999999997224442438437;0.031944444444444441977282167500;0.024652777777777776929690745078;0.019444444444444444752839729063
-0.040643274853801168722267078692;0.010818713450292397754148865374;0.063157894736842107308305571678;0.000000000000000000000000000000;0.000584795321637426911490220682;0.016666666666666666435370203203;0.002046783625730994298635989637;0.011111111111111111535154627461;0.034210526315789475948481168643;0.031286549707602341607870499729;0.016374269005847954389087917093;0.006432748538011696243232862003;0.019590643274853800775980872118;0.049707602339181283790381371546;0.005263157894736841986571551644;0.022807017543859650632320779096;0.028654970760233919313542116925;0.035672514619883043118786503101;0.007602339181286549632532434373;0.013450292397660818313753772202;0.016959064327485378481652489313;0.023684210526315790240614589379;0.016666666666666666435370203203;0.037134502923976610289091837558;0.038596491228070177459397172015;0.037719298245614034381656409778;0.024269005847953217802626113553;0.004970760233918129072927527545;0.000584795321637426911490220682;0.007017543859649122937882648188;0.007017543859649122937882648188;0.017251461988304093997381727377;0.008187134502923977194543958547;0.012280701754385964924454199831;0.030994152046783626092141261665;0.043274853801169591016595461497;0.010818713450292397754148865374;0.012280701754385964924454199831;0.006432748538011696243232862003;0.025146198830409357410919923836;0.004093567251461988597271979273;0.024561403508771929848908399663;0.000000000000000000000000000000;0.016666666666666666435370203203;0.002923976608187134340610668914;0.018128654970760233605675537660;0.042105263157894735892572413150;0.038888888888888889505679458125;0.029239766081871343406106689145;0.026023391812865497019213734120
-0.037272727272727269876018141304;0.003030303030303030300401934127;0.067878787878787885667897228359;0.000303030303030303030040193413;0.000303030303030303030040193413;0.014848484848484848688809911721;0.000000000000000000000000000000;0.015757575757575758429451795450;0.007272727272727272720964641906;0.038484848484848482863540652943;0.021212121212121213403856145874;0.009696969696969696961286189207;0.019090909090909092410415226482;0.079696969696969696683730433051;0.002121212121212121427121788386;0.041212121212121213820189780108;0.011212121212121211460965852780;0.016666666666666666435370203203;0.004242424242424242854243576772;0.010909090909090909948808700847;0.009090909090909090467524933388;0.010606060606060606701928072937;0.008484848484848485708487153545;0.048181818181818179824826842150;0.058484848484848486749321239131;0.057878787878787876786113031358;0.029393939393939392396015719555;0.000303030303030303030040193413;0.000303030303030303030040193413;0.004848484848484848480643094604;0.004848484848484848480643094604;0.014848484848484848688809911721;0.003030303030303030300401934127;0.011818181818181817954727108599;0.030606060606060605383538231195;0.045151515151515150825467515006;0.009393939393939393714405561298;0.009393939393939393714405561298;0.000909090909090909090120580238;0.014848484848484848688809911721;0.003333333333333333547282562037;0.002424242424242424240321547302;0.000000000000000000000000000000;0.020000000000000000416333634234;0.000909090909090909090120580238;0.010606060606060606701928072937;0.062727272727272728736203077915;0.062727272727272728736203077915;0.031515151515151516858903590901;0.032121212121212119883217894767
-0.028828828828828829272667988448;0.002252252252252252232717077973;0.110360360360360357234732475717;0.000000000000000000000000000000;0.003153153153153153039067735364;0.010810810810810811410931364662;0.000000000000000000000000000000;0.023873873873873872886175462327;0.010810810810810811410931364662;0.050900900900900901413503873982;0.023423423423423423567202306117;0.004504504504504504465434155946;0.007207207207207207318166997112;0.079279279279279274428304802314;0.002702702702702702852732841166;0.027027027027027028527328411656;0.016666666666666666435370203203;0.022072072072072072140835885534;0.005405405405405405705465682331;0.005405405405405405705465682331;0.007657657657657657504501891310;0.011711711711711711783601153058;0.003603603603603603659083498556;0.057657657657657658545335976896;0.030180180180180180699034409031;0.067567567567567571318321029139;0.032882882882882880082320298243;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005405405405405405705465682331;0.003153153153153153039067735364;0.021171171171171170033442621161;0.001801801801801801829541749278;0.009909909909909909303538100289;0.009009009009009008930868311893;0.063963963963963962888747971647;0.007657657657657657504501891310;0.004954954954954954651769050145;0.000000000000000000000000000000;0.005405405405405405705465682331;0.003603603603603603659083498556;0.002252252252252252232717077973;0.000000000000000000000000000000;0.015765765765765764327976938830;0.000900900900900900914770874639;0.009909909909909909303538100289;0.090990990990990991416076383302;0.053603603603603604266236715148;0.015315315315315315009003782620;0.029279279279279278591641144658
-0.034042553191489362263144613507;0.002836879432624113666489007457;0.079787234042553195623170836370;0.000000000000000000000000000000;0.000709219858156028416622251864;0.008865248226950355261988256927;0.000709219858156028416622251864;0.025531914893617019962634984154;0.022695035460992909331912059656;0.052482269503546098710078382510;0.015248226950354609385285264977;0.007446808510638298211903318702;0.014539007092198581727604533853;0.060638297872340422844938956359;0.001773049645390070878925303788;0.017375886524822695827774410304;0.023049645390070920558667211253;0.027304964539007093443645501907;0.004964539007092198807935545801;0.015248226950354609385285264977;0.013120567375886524677519595627;0.023758865248226949951071418354;0.010283687943262410577349719176;0.046453900709219855813536526057;0.026950354609929078747443398356;0.047872340425531914598344940259;0.026241134751773049355039191255;0.001063829787234042570723269172;0.000354609929078014208311125932;0.002482269503546099403967772901;0.004255319148936170282893076688;0.026950354609929078747443398356;0.005673758865248227332978014914;0.010638297872340425273551822727;0.022340425531914894635709956106;0.052127659574468084013876278959;0.015957446808510637042965996102;0.007801418439716312040743684264;0.003191489361702127495329373019;0.023404255319148935254869314804;0.004255319148936170282893076688;0.008156028368794325869584049826;0.000000000000000000000000000000;0.030141843971631204074368426404;0.001063829787234042570723269172;0.017375886524822695827774410304;0.064893617021276592260470295059;0.043262411347517730486611498009;0.028368794326241134062804860605;0.016312056737588651739168099652
-0.040873015873015873522522412031;0.001587301587301587300210536924;0.072619047619047624730903578438;0.000000000000000000000000000000;0.001984126984126984016842953906;0.013888888888888888117900677344;0.000000000000000000000000000000;0.015476190476190476719153821250;0.018253968253968255036623347110;0.045238095238095236971798129844;0.022222222222222223070309254922;0.004365079365079365183999193789;0.011904761904761904101057723437;0.069047619047619052112807480626;0.003174603174603174600421073848;0.021825396825396824185272492969;0.022619047619047618485899064922;0.028571428571428570536427926640;0.005158730158730158617264027754;0.013492063492063492702310867344;0.007936507936507936067371815625;0.016666666666666666435370203203;0.006746031746031746351155433672;0.058333333333333334258519187188;0.034523809523809526056403740313;0.051984126984126986792400515469;0.026190476190476191103995162734;0.000000000000000000000000000000;0.000000000000000000000000000000;0.015476190476190476719153821250;0.004365079365079365183999193789;0.022222222222222223070309254922;0.004365079365079365183999193789;0.007539682539682539784420267637;0.022619047619047618485899064922;0.053571428571428568454759755468;0.013492063492063492702310867344;0.012301587301587301251371009414;0.001587301587301587300210536924;0.010317460317460317234528055508;0.000396825396825396825052634231;0.003174603174603174600421073848;0.000000000000000000000000000000;0.026984126984126985404621734688;0.001984126984126984016842953906;0.011111111111111111535154627461;0.067857142857142851988250242812;0.049603174603174600421073847656;0.028968253968253969421464688594;0.027380952380952380820211544687
-0.070325203252032522649450640984;0.000813008130081300812302957937;0.036991869918699189778710234577;0.000000000000000000000000000000;0.000000000000000000000000000000;0.021138211382113820252515168363;0.002439024390243902436908873810;0.016666666666666666435370203203;0.003658536585365853872203745212;0.038617886178861790535954412462;0.024390243902439025236450476086;0.010975609756097560315568628653;0.017479674796747966813992292145;0.043902439024390241262274514611;0.003252032520325203249211831746;0.052845528455284555835458348838;0.013008130081300812996847326986;0.015447154471544715867437069790;0.008943089430894309369013406297;0.006097560975609756309112619022;0.020731707317073171797927599869;0.003252032520325203249211831746;0.006910569105691056687734707964;0.048373983739837395079419479771;0.070325203252032522649450640984;0.080081300813008127192915708292;0.025609756097560974069660133523;0.000000000000000000000000000000;0.000813008130081300812302957937;0.004878048780487804873817747620;0.008130081300813008990391317354;0.013821138211382113375469415928;0.005284552845528455063128792091;0.007317073170731707744407490424;0.029268292682926830977629961694;0.027642276422764226750938831856;0.010975609756097560315568628653;0.019918699186991871419305510926;0.000406504065040650406151478968;0.008130081300813008990391317354;0.002845528455284553059900787275;0.001626016260162601624605915873;0.000000000000000000000000000000;0.034552845528455285173397015797;0.002845528455284553059900787275;0.017886178861788618738026812593;0.051626016260162603532801739448;0.052845528455284555835458348838;0.025203252032520325615072565029;0.031707317073170732113496228521
-0.056944444444444443365060948281;0.009027777777777776929690745078;0.033680555555555553859381490156;0.013541666666666667129259593594;0.004513888888888888464845372539;0.028819444444444446140618509844;0.006250000000000000346944695195;0.026736111111111109800431151484;0.009027777777777776929690745078;0.028472222222222221682530474141;0.018402777777777778317469525859;0.015625000000000000000000000000;0.024652777777777776929690745078;0.036111111111111107718762980312;0.013888888888888888117900677344;0.032291666666666669904817155157;0.011111111111111111535154627461;0.022916666666666665047591422422;0.019791666666666665741480812812;0.007638888888888888638317720137;0.020486111111111111188209932266;0.008680555555555555941049661328;0.013888888888888888117900677344;0.035763888888888886730121896562;0.048958333333333332870740406406;0.040972222222222222376419864531;0.026041666666666667823148983985;0.025000000000000001387778780781;0.001388888888888888941894328433;0.013888888888888888117900677344;0.015625000000000000000000000000;0.016666666666666666435370203203;0.013888888888888888117900677344;0.010069444444444445099784424258;0.029513888888888888117900677344;0.028819444444444446140618509844;0.013194444444444444405895033867;0.015972222222222220988641083750;0.001388888888888888941894328433;0.016319444444444445446729119453;0.004861111111111111188209932266;0.004166666666666666608842550801;0.000000000000000000000000000000;0.026388888888888888811790067734;0.010763888888888888811790067734;0.026388888888888888811790067734;0.036458333333333335646297967969;0.028819444444444446140618509844;0.027083333333333334258519187188;0.019097222222222223764198645313
-0.037121212121212124324109993267;0.003409090909090908925321850020;0.087499999999999994448884876874;0.000378787878787878787550241766;0.000378787878787878787550241766;0.009469696969696969959806587269;0.000378787878787878787550241766;0.017045454545454544192928381108;0.017803030303030303177491688871;0.043939393939393937837945003366;0.015909090909090907450806895440;0.002651515151515151675482018234;0.009090909090909090467524933388;0.073863636363636367421214856677;0.002272727272727272616881233347;0.018939393939393939919613174538;0.023863636363636364645657295114;0.026515151515151515887458444354;0.006060606060606060600803868255;0.016287878787878788677812025298;0.006439393939393939225723784148;0.023106060606060605661093987351;0.013257575757575757943729222177;0.050378787878787877063668787514;0.034469696969696969612861892074;0.044696969696969700291955263083;0.031818181818181814901613790880;0.001515151515151515150200967064;0.001136363636363636308440616673;0.001893939393939393991961317454;0.002651515151515151675482018234;0.020454545454545454419292838111;0.006060606060606060600803868255;0.010984848484848484459486250842;0.024242424242424242403215473018;0.051136363636363639517679047231;0.013636363636363635701287400082;0.007196969696969697342925353922;0.001893939393939393991961317454;0.028409090909090908144696285831;0.002272727272727272616881233347;0.009469696969696969959806587269;0.000000000000000000000000000000;0.026515151515151515887458444354;0.000757575757575757575100483532;0.013257575757575757943729222177;0.060227272727272726515757028665;0.052651515151515150547911758849;0.027651515151515152629579930021;0.018939393939393939919613174538
-0.015972222222222220988641083750;0.001388888888888888941894328433;0.131944444444444447528397290625;0.000000000000000000000000000000;0.000000000000000000000000000000;0.011111111111111111535154627461;0.000000000000000000000000000000;0.013541666666666667129259593594;0.039583333333333331482961625625;0.025000000000000001387778780781;0.012500000000000000693889390391;0.004513888888888888464845372539;0.007291666666666666782314898398;0.065625000000000002775557561563;0.004166666666666666608842550801;0.011111111111111111535154627461;0.039930555555555552471602709375;0.044097222222222225151977426094;0.004166666666666666608842550801;0.031944444444444441977282167500;0.008680555555555555941049661328;0.044791666666666667129259593594;0.015277777777777777276635440273;0.036805555555555556634939051719;0.020833333333333332176851016015;0.030555555555555554553270880547;0.024652777777777776929690745078;0.001736111111111111014737584668;0.000347222222222222235473582108;0.004861111111111111188209932266;0.001736111111111111014737584668;0.024305555555555555941049661328;0.004166666666666666608842550801;0.010416666666666666088425508008;0.023958333333333334952408577578;0.056944444444444443365060948281;0.013888888888888888117900677344;0.002777777777777777883788656865;0.003472222222222222029475169336;0.038541666666666668517038374375;0.003125000000000000173472347598;0.007986111111111110494320541875;0.000000000000000000000000000000;0.013541666666666667129259593594;0.001736111111111111014737584668;0.004861111111111111188209932266;0.061458333333333330095182844843;0.028472222222222221682530474141;0.035416666666666665741480812812;0.010763888888888888811790067734
-0.021818181818181819897617401693;0.009090909090909090467524933388;0.089393939393939400583910526166;0.000303030303030303030040193413;0.017878787878787879422892714842;0.008484848484848485708487153545;0.001515151515151515150200967064;0.016363636363636364923213051270;0.022121212121212121409774553626;0.062424242424242423754598974028;0.013030303030303030942249620239;0.003333333333333333547282562037;0.004545454545454545233762466694;0.053636363636363634799231192574;0.007575757575757575967845269815;0.012727272727272727695368992329;0.034242424242424240876658814159;0.039393939393939390869459060696;0.004242424242424242854243576772;0.013333333333333334189130248149;0.007272727272727272720964641906;0.017575757575757574441288610956;0.010303030303030303455047445027;0.067575757575757580686293124472;0.019393939393939393922572378415;0.044545454545454547801153211140;0.023939393939393940891058321085;0.001515151515151515150200967064;0.000606060606060606060080386825;0.003030303030303030300401934127;0.001818181818181818180241160476;0.032727272727272729846426102540;0.002727272727272727487202175212;0.006666666666666667094565124074;0.021212121212121213403856145874;0.070303030303030297765154443823;0.017878787878787879422892714842;0.003333333333333333547282562037;0.001515151515151515150200967064;0.024545454545454543915372624951;0.006969696969696969474084013996;0.011515151515151514707846480690;0.000000000000000000000000000000;0.026363636363636363396656392410;0.001818181818181818180241160476;0.020909090909090908422252041987;0.056060606060606060774276215852;0.030909090909090910365142335081;0.019393939393939393922572378415;0.012121212121212121201607736509
-0.020000000000000000416333634234;0.001212121212121212120160773651;0.096969696969696969612861892074;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008484848484848485708487153545;0.000303030303030303030040193413;0.015454545454545455182571167541;0.016969696969696971416974307090;0.062121212121212118772994870142;0.013636363636363635701287400082;0.001818181818181818180241160476;0.004545454545454545233762466694;0.066060606060606055778272605039;0.000909090909090909090120580238;0.013939393939393938948168027991;0.034848484848484850839867021932;0.034848484848484850839867021932;0.003030303030303030300401934127;0.016666666666666666435370203203;0.009393939393939393714405561298;0.022424242424242422921931705559;0.005454545454545454974404350423;0.066969696969696970723084916699;0.020909090909090908422252041987;0.056969696969696968780194623605;0.018181818181818180935049866775;0.000000000000000000000000000000;0.000303030303030303030040193413;0.001212121212121212120160773651;0.000606060606060606060080386825;0.036363636363636361870099733551;0.002121212121212121427121788386;0.004545454545454545233762466694;0.014242424242424242195048655901;0.089999999999999996669330926125;0.017878787878787879422892714842;0.004848484848484848480643094604;0.000303030303030303030040193413;0.013030303030303030942249620239;0.004545454545454545233762466694;0.006060606060606060600803868255;0.000000000000000000000000000000;0.023030303030303029415692961379;0.000303030303030303030040193413;0.012727272727272727695368992329;0.076969696969696965727081305886;0.040303030303030305814271372356;0.020606060606060606910094890054;0.017878787878787879422892714842
-0.025833333333333333148296162562;0.002083333333333333304421275400;0.097500000000000003330669073875;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005416666666666666851703837438;0.000000000000000000000000000000;0.011249999999999999583666365766;0.020833333333333332176851016015;0.050416666666666665186369300500;0.011666666666666667198648532633;0.002500000000000000052041704279;0.007083333333333332974823814965;0.072916666666666671292595935938;0.002500000000000000052041704279;0.013333333333333334189130248149;0.036666666666666666851703837438;0.037916666666666667961926862063;0.002500000000000000052041704279;0.021666666666666667406815349750;0.007499999999999999722444243844;0.019583333333333334536074943344;0.007916666666666667337426410711;0.060833333333333336478965236438;0.027083333333333334258519187188;0.053333333333333336756520992594;0.017500000000000001665334536938;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000833333333333333386820640509;0.000833333333333333386820640509;0.034583333333333333980963431031;0.000833333333333333386820640509;0.004166666666666666608842550801;0.017500000000000001665334536938;0.069583333333333330372738601000;0.010833333333333333703407674875;0.003333333333333333547282562037;0.000416666666666666693410320255;0.022083333333333333287074040641;0.003333333333333333547282562037;0.006666666666666667094565124074;0.000000000000000000000000000000;0.025833333333333333148296162562;0.000000000000000000000000000000;0.010000000000000000208166817117;0.083333333333333328707404064062;0.044999999999999998334665463062;0.027500000000000000138777878078;0.017500000000000001665334536938
-0.057657657657657658545335976896;0.003603603603603603659083498556;0.055855855855855854330549448150;0.000000000000000000000000000000;0.000000000000000000000000000000;0.018918918918918919969129888159;0.000450450450450450457385437320;0.009459459459459459984564944079;0.021621621621621622821862729324;0.035585585585585582935053139408;0.020720720720720720714469464951;0.010360360360360360357234732476;0.013963963963963963582637362038;0.057657657657657658545335976896;0.002702702702702702852732841166;0.035585585585585582935053139408;0.024774774774774774993568726700;0.018468468468468467180709779996;0.004954954954954954651769050145;0.010360360360360360357234732476;0.014414414414414414636333994224;0.015315315315315315009003782620;0.007207207207207207318166997112;0.051351351351351354201923982146;0.055405405405405408481023243894;0.059459459459459462760122505642;0.025225225225225224312541882909;0.000000000000000000000000000000;0.001351351351351351426366420583;0.004054054054054054279099261748;0.003603603603603603659083498556;0.018468468468468467180709779996;0.003603603603603603659083498556;0.018918918918918919969129888159;0.023873873873873872886175462327;0.044144144144144144281671771068;0.016216216216216217116397046993;0.012162162162162162837297785245;0.000450450450450450457385437320;0.019819819819819818607076200578;0.003603603603603603659083498556;0.007207207207207207318166997112;0.000000000000000000000000000000;0.020720720720720720714469464951;0.001801801801801801829541749278;0.015765765765765764327976938830;0.051351351351351354201923982146;0.045945945945945948496458299815;0.025675675675675677100961991073;0.030180180180180180699034409031
-0.027916666666666666019036568969;0.004583333333333333356462979680;0.048333333333333332315628894094;0.000833333333333333386820640509;0.009583333333333332593184650250;0.028333333333333331899295259859;0.003749999999999999861222121922;0.027083333333333334258519187188;0.020416666666666666296592325125;0.035833333333333335091186455656;0.021250000000000001526556658860;0.005000000000000000104083408559;0.013750000000000000069388939039;0.039166666666666669072149886688;0.010000000000000000208166817117;0.019583333333333334536074943344;0.022499999999999999167332731531;0.021666666666666667406815349750;0.035416666666666665741480812812;0.009166666666666666712925959359;0.024166666666666666157814447047;0.017083333333333332315628894094;0.007083333333333332974823814965;0.047083333333333331205405869468;0.042083333333333333703407674875;0.046249999999999999444888487687;0.033333333333333332870740406406;0.001666666666666666773641281019;0.002083333333333333304421275400;0.032083333333333331760517381781;0.005416666666666666851703837438;0.022916666666666665047591422422;0.015416666666666667059870654555;0.007499999999999999722444243844;0.017083333333333332315628894094;0.054583333333333330927850113312;0.013333333333333334189130248149;0.011666666666666667198648532633;0.001666666666666666773641281019;0.012083333333333333078907223523;0.003333333333333333547282562037;0.005000000000000000104083408559;0.000000000000000000000000000000;0.026666666666666668378260496297;0.014999999999999999444888487687;0.012916666666666666574148081281;0.037916666666666667961926862063;0.034166666666666664631257788187;0.035000000000000003330669073875;0.011249999999999999583666365766
-0.037847222222222219600862302968;0.006944444444444444058950338672;0.044444444444444446140618509844;0.001041666666666666652210637700;0.007986111111111110494320541875;0.031944444444444441977282167500;0.003819444444444444319158860068;0.020833333333333332176851016015;0.015625000000000000000000000000;0.023611111111111110494320541875;0.017013888888888887424011286953;0.013194444444444444405895033867;0.026388888888888888811790067734;0.038888888888888889505679458125;0.005902777777777777623580135469;0.019097222222222223764198645313;0.021874999999999998612221219219;0.029861111111111112575988713047;0.030208333333333333564629796797;0.011111111111111111535154627461;0.019097222222222223764198645313;0.020486111111111111188209932266;0.019444444444444444752839729063;0.032986111111111111882099322656;0.031250000000000000000000000000;0.030555555555555554553270880547;0.026388888888888888811790067734;0.001736111111111111014737584668;0.003125000000000000173472347598;0.038541666666666668517038374375;0.013194444444444444405895033867;0.020833333333333332176851016015;0.021180555555555556634939051719;0.008680555555555555941049661328;0.043402777777777776235801354687;0.030208333333333333564629796797;0.013194444444444444405895033867;0.010069444444444445099784424258;0.002430555555555555594104966133;0.030208333333333333564629796797;0.005555555555555555767577313730;0.008680555555555555941049661328;0.000000000000000000000000000000;0.018402777777777778317469525859;0.011458333333333332523795711211;0.018055555555555553859381490156;0.031597222222222220988641083750;0.023263888888888889505679458125;0.039236111111111110494320541875;0.019097222222222223764198645313
-0.017222222222222222098864108375;0.000833333333333333386820640509;0.113611111111111107163651467999;0.005833333333333333599324266316;0.007777777777777777554191196430;0.006388888888888889262818171488;0.000000000000000000000000000000;0.016111111111111110771876298031;0.023333333333333334397297065266;0.057777777777777775125578330062;0.010555555555555555871660722289;0.007222222222222221890697291258;0.006388888888888889262818171488;0.063888888888888883954564334999;0.003055555555555555715535609451;0.010555555555555555871660722289;0.026111111111111112714766591125;0.029444444444444443226283070203;0.004722222222222222272336455973;0.021388888888888887840344921187;0.008888888888888888881179006773;0.015833333333333334674852821422;0.007499999999999999722444243844;0.069722222222222227094867719188;0.019722222222222220849863205672;0.046944444444444441422170655187;0.024722222222222221821308352219;0.001111111111111111110147375847;0.000833333333333333386820640509;0.013888888888888888117900677344;0.000833333333333333386820640509;0.032500000000000001110223024625;0.003333333333333333547282562037;0.005833333333333333599324266316;0.011666666666666667198648532633;0.084166666666666667406815349750;0.021111111111111111743321444578;0.003611111111111110945348645629;0.000833333333333333386820640509;0.013055555555555556357383295563;0.003611111111111110945348645629;0.005277777777777777935830361145;0.000000000000000000000000000000;0.022222222222222223070309254922;0.001111111111111111110147375847;0.008888888888888888881179006773;0.068888888888888888395456433500;0.030833333333333334119741309109;0.025555555555555557051272685953;0.015277777777777777276635440273
-0.020634920634920634469056111016;0.005158730158730158617264027754;0.088492063492063496865647209688;0.005555555555555555767577313730;0.000000000000000000000000000000;0.011111111111111111535154627461;0.003968253968253968033685907812;0.019841269841269840168429539062;0.011111111111111111535154627461;0.053571428571428568454759755468;0.016666666666666666435370203203;0.005158730158730158617264027754;0.014285714285714285268213963320;0.056746031746031745657266043281;0.005952380952380952050528861719;0.010714285714285714384841341484;0.025000000000000001387778780781;0.025793650793650792218958400781;0.011904761904761904101057723437;0.013492063492063492702310867344;0.013095238095238095551997581367;0.012301587301587301251371009414;0.010317460317460317234528055508;0.066666666666666665741480812812;0.020634920634920634469056111016;0.046825396825396825573051273750;0.032539682539682542039560786407;0.001984126984126984016842953906;0.001587301587301587300210536924;0.006349206349206349200842147695;0.005158730158730158617264027754;0.034126984126984123701920026406;0.006349206349206349200842147695;0.010317460317460317234528055508;0.015079365079365079568840535273;0.079365079365079360673718156249;0.021428571428571428769682682969;0.004365079365079365183999193789;0.001190476190476190583578119941;0.010317460317460317234528055508;0.005555555555555555767577313730;0.003571428571428571317053490830;0.000000000000000000000000000000;0.026190476190476191103995162734;0.007936507936507936067371815625;0.011507936507936508685467913438;0.076190476190476197348999676251;0.029761904761904760252644308594;0.016666666666666666435370203203;0.017460317460317460735996775156
-0.037820512820512817986351450372;0.005448717948717948442172165358;0.059935897435897438068064246863;0.000000000000000000000000000000;0.004166666666666666608842550801;0.028205128205128205537421948179;0.002243589743589743425167259971;0.022756410256410255360526306845;0.013141025641025641176873328675;0.033333333333333332870740406406;0.016025641025641024217662788942;0.011538461538461539102051744976;0.021474358974358974394558430276;0.045192307692307691346922382536;0.002884615384615384775512936244;0.018910256410256408993175725186;0.023717948717948716952363952259;0.031730769230769229061195346731;0.012500000000000000693889390391;0.010897435897435896884344330715;0.014743589743589743251694912374;0.009935897435897435292506685300;0.012179487179487179585035683260;0.043910256410256406911507554014;0.046474358974358975782337211058;0.044230769230769233224531689075;0.026602564102564101727876888503;0.000320512820512820512542512263;0.000320512820512820512542512263;0.023397435897435897578233721106;0.010256410256410256401360392431;0.024038461538461539795941135367;0.007692307692307692734701163317;0.010576923076923077510214099561;0.032371794871794874748349712945;0.046474358974358975782337211058;0.013141025641025641176873328675;0.013782051282051281659857266959;0.000320512820512820512542512263;0.025000000000000001387778780781;0.006730769230769231142863517903;0.004807692307692307959188227073;0.000000000000000000000000000000;0.021794871794871793768688661430;0.004807692307692307959188227073;0.017948717948717947401338079771;0.045833333333333330095182844843;0.037179487179487179238090988065;0.031410256410256409687065115577;0.021794871794871793768688661430
-0.042307692307692310040856398246;0.007371794871794871625847456187;0.044230769230769233224531689075;0.000961538461538461591837645415;0.027243589743589743945584302764;0.044871794871794871972792151382;0.002243589743589743425167259971;0.013461538461538462285727035805;0.034935897435897436680285466082;0.018269230769230770244915262879;0.020512820512820512802720784862;0.036217948717948721115700294604;0.024358974358974359170071366520;0.034294871794871797932025003774;0.003205128205128205017004905386;0.027243589743589743945584302764;0.024038461538461539795941135367;0.028525641025641024911552179333;0.013461538461538462285727035805;0.009935897435897435292506685300;0.016346153846153847061239972049;0.024679487179487178544201597674;0.019551282051282051210883139447;0.021153846153846155020428199123;0.043910256410256406911507554014;0.031730769230769229061195346731;0.025641025641025640136039243089;0.005769230769230769551025872488;0.000961538461538461591837645415;0.030769230769230770938804653269;0.024038461538461539795941135367;0.010256410256410256401360392431;0.011538461538461539102051744976;0.009615384615384615918376454147;0.033333333333333332870740406406;0.026282051282051282353746657350;0.009615384615384615918376454147;0.010897435897435896884344330715;0.006089743589743589792517841630;0.038461538461538463673505816587;0.002243589743589743425167259971;0.018269230769230770244915262879;0.000000000000000000000000000000;0.011217948717948717993198037846;0.003846153846153846367350581659;0.011217948717948717993198037846;0.022435897435897435986396075691;0.024038461538461539795941135367;0.033333333333333332870740406406;0.015064102564102564360548619504
-0.031818181818181814901613790880;0.008333333333333333217685101602;0.061742424242424244484883644191;0.002272727272727272616881233347;0.014393939393939394685850707845;0.029166666666666667129259593594;0.003030303030303030300401934127;0.015530303030303029693248717535;0.048863636363636366033436075895;0.024242424242424242403215473018;0.014393939393939394685850707845;0.030681818181818181628939257166;0.015151515151515151935690539631;0.038636363636363635354342704886;0.008333333333333333217685101602;0.021969696969696968918972501683;0.030303030303030303871381079261;0.036742424242424243097104863409;0.011742424242424241709326082628;0.009848484848484847717364765174;0.012121212121212121201607736509;0.026893939393939393645016622258;0.013636363636363635701287400082;0.034469696969696969612861892074;0.034469696969696969612861892074;0.031818181818181814901613790880;0.025378787878787879145336958686;0.009848484848484847717364765174;0.001893939393939393991961317454;0.023106060606060605661093987351;0.019696969696969695434729530348;0.017045454545454544192928381108;0.016666666666666666435370203203;0.010984848484848484459486250842;0.027272727272727271402574800163;0.031060606060606059386497435071;0.009469696969696969959806587269;0.014393939393939394685850707845;0.005681818181818181975883952362;0.020833333333333332176851016015;0.003409090909090908925321850020;0.034090909090909088385856762216;0.000000000000000000000000000000;0.010984848484848484459486250842;0.004545454545454545233762466694;0.014393939393939394685850707845;0.028409090909090908144696285831;0.019318181818181817677171352443;0.029166666666666667129259593594;0.011742424242424241709326082628
-0.035144927536231884701578565000;0.009782608695652174682355628477;0.069565217391304348670821866563;0.000000000000000000000000000000;0.000362318840579710149327197222;0.021014492753623187359934831875;0.001811594202898550746635986108;0.017028985507246376801537834922;0.007608695652173913352711576152;0.047826086956521740578551771250;0.015942028985507245703034939766;0.008333333333333333217685101602;0.014855072463768116339255520586;0.063405797101449279384866031251;0.001811594202898550746635986108;0.025724637681159418650667092265;0.014855072463768116339255520586;0.016666666666666666435370203203;0.007608695652173913352711576152;0.017753623188405797533873098359;0.015942028985507245703034939766;0.010144927536231883313799784219;0.011956521739130435144637942813;0.064492753623188403544475022500;0.027173913043478260115337619141;0.049637681159420292409389929844;0.030797101449275363777013936328;0.003623188405797101493271972217;0.000000000000000000000000000000;0.009782608695652174682355628477;0.012681159420289855876973206250;0.022101449275362318458437727031;0.006521739130434782254208680996;0.004710144927536232158093998379;0.027898550724637680847672882578;0.059420289855072465357022082344;0.014855072463768116339255520586;0.013043478260869564508417361992;0.000724637681159420298654394443;0.011956521739130435144637942813;0.002536231884057970828449946055;0.007971014492753622851517469883;0.000000000000000000000000000000;0.024637681159420291021611149063;0.002173913043478260895963183330;0.017391304347826087167705466641;0.058333333333333334258519187188;0.046376811594202899113881244375;0.025000000000000001387778780781;0.021014492753623187359934831875
-0.038011695906432746427938695888;0.002339181286549707645960882729;0.041228070175438599753725554820;0.000000000000000000000000000000;0.001169590643274853822980441365;0.009649122807017544364849293004;0.000292397660818713455745110341;0.020175438596491228337992396291;0.007602339181286549632532434373;0.064912280701754379585999288338;0.016374269005847954389087917093;0.008187134502923977194543958547;0.007894736842105263413538196460;0.071929824561403510330137578421;0.002339181286549707645960882729;0.030701754385964910576412023602;0.011988304093567251143448437745;0.012573099415204678705459961918;0.002339181286549707645960882729;0.005847953216374268681221337829;0.012280701754385964924454199831;0.007602339181286549632532434373;0.001169590643274853822980441365;0.086257309941520463048014732976;0.030409356725146198530129737492;0.086257309941520463048014732976;0.024561403508771929848908399663;0.000292397660818713455745110341;0.000877192982456140367235331023;0.001461988304093567170305334457;0.005555555555555555767577313730;0.026608187134502924581225258294;0.002631578947368420993285775822;0.006725146198830409156876886101;0.013450292397660818313753772202;0.049707602339181283790381371546;0.010233918128654970192137341201;0.015204678362573099265064868746;0.000584795321637426911490220682;0.007309941520467835851526672286;0.004385964912280701510916003372;0.001461988304093567170305334457;0.000000000000000000000000000000;0.050584795321637426868122133783;0.000292397660818713455745110341;0.022222222222222223070309254922;0.072514619883040934422702150641;0.061111111111111109106541761093;0.017543859649122806043664013487;0.025146198830409357410919923836
-0.038405797101449277997087250469;0.007246376811594202986543944434;0.076086956521739135261839237501;0.000000000000000000000000000000;0.000724637681159420298654394443;0.025000000000000001387778780781;0.001449275362318840597308788887;0.011594202898550724778470311094;0.029710144927536232678511041172;0.025724637681159418650667092265;0.024275362318840580655443517344;0.013405797101449274874584993711;0.013043478260869564508417361992;0.056884057971014492793848660313;0.006521739130434782254208680996;0.036594202898550726166249091875;0.024275362318840580655443517344;0.035869565217391305433913828438;0.010507246376811593679967415937;0.014855072463768116339255520586;0.012318840579710145510805574531;0.022826086956521739190772990469;0.012681159420289855876973206250;0.030072463768115943044678672891;0.043115942028985505818372558906;0.040579710144927533255199136875;0.028260869565217391213840514297;0.010507246376811593679967415937;0.001086956521739130447981591665;0.005072463768115941656899892109;0.015579710144927537071590784024;0.018478260869565218266208361797;0.007971014492753622851517469883;0.013405797101449274874584993711;0.027173913043478260115337619141;0.040579710144927533255199136875;0.013405797101449274874584993711;0.010507246376811593679967415937;0.002173913043478260895963183330;0.020289855072463766627599568437;0.003623188405797101493271972217;0.013405797101449274874584993711;0.000000000000000000000000000000;0.013405797101449274874584993711;0.003985507246376811425758734941;0.010144927536231883313799784219;0.046376811594202899113881244375;0.034782608695652174335410933281;0.022101449275362318458437727031;0.023913043478260870289275885625
-0.017241379310344827346934692969;0.002873563218390804557822448828;0.098563218390804591129139566874;0.076724137931034483428582859688;0.010632183908045976863943060664;0.011781609195402298687072040195;0.001436781609195402278911224414;0.014655172413793103244894489023;0.017528735632183909537440413828;0.017816091954022988258499182734;0.015517241379310344612241223672;0.005172413793103448204080407891;0.009195402298850574585031836250;0.062356321839080457170023663593;0.007471264367816091850338366953;0.030747126436781610503423678438;0.015517241379310344612241223672;0.028448275862068966857165719375;0.005747126436781609115644897656;0.009195402298850574585031836250;0.007183908045977011394556122070;0.024137931034482758285708570156;0.005172413793103448204080407891;0.024137931034482758285708570156;0.036781609195402298340127345000;0.045689655172413794204100412344;0.026724137931034484122472250078;0.055172413793103447510191017500;0.000287356321839080455782244883;0.004885057471264367748298163008;0.005172413793103448204080407891;0.013505747126436781421765509492;0.004597701149425287292515918125;0.014367816091954022789112244141;0.016379310344827587714311434297;0.033333333333333332870740406406;0.009482758620689655040814081133;0.008620689655172413673467346484;0.004022988505747126380951428359;0.020977011494252875006827352422;0.003735632183908045925169183477;0.007471264367816091850338366953;0.000000000000000000000000000000;0.007471264367816091850338366953;0.000862068965517241367346734648;0.006896551724137930938773877187;0.057183908045977012435390207656;0.039080459770114941986385304062;0.024425287356321840476214291016;0.033620689655172411591799175312
-0.015408805031446540928508071033;0.018553459119496854695663401458;0.059433962264150944077023552836;0.187421383647798728278033308925;0.034276729559748427000887005534;0.012893081761006289914783806694;0.002515723270440251447405133334;0.019496855345911948825810000585;0.023270440251572325346396397094;0.020754716981132074332672132755;0.011635220125786162673198198547;0.007861635220125786152611802038;0.006603773584905660645749669868;0.034905660377358489754318071618;0.016352201257861635058654670161;0.012893081761006289914783806694;0.022955974842767293969680864052;0.033018867924528301494024873364;0.007861635220125786152611802038;0.010377358490566037166336066377;0.008805031446540880282758401165;0.016981132075471697812085736246;0.009119496855345911659473934208;0.024842767295597485699421014260;0.022327044025157231216249797967;0.020754716981132074332672132755;0.020754716981132074332672132755;0.054716981132075473426290557200;0.001886792452830188693974067249;0.009433962264150943036189467250;0.004402515723270440141379200583;0.020125786163522011579241066670;0.005031446540880502894810266667;0.009433962264150943036189467250;0.011949685534591195784637207566;0.040251572327044023158482133340;0.008805031446540880282758401165;0.004716981132075471518094733625;0.007861635220125786152611802038;0.019496855345911948825810000585;0.003773584905660377387948134498;0.007547169811320754775896268995;0.000000000000000000000000000000;0.016352201257861635058654670161;0.006603773584905660645749669868;0.009433962264150943036189467250;0.028930817610062893596722943812;0.016666666666666666435370203203;0.018867924528301886072378934500;0.011635220125786162673198198547
-0.022480620155038759377941204320;0.007751937984496123923428001490;0.018992248062015503612398603650;0.445348837209302350625961253172;0.035658914728682170047768806853;0.017829457364341085023884403427;0.005813953488372092942571001117;0.018217054263565891220055803501;0.005813953488372092942571001117;0.010077519379844961100456401937;0.012015503875968992081313402309;0.008139534883720930119599401564;0.013178294573643410669827602533;0.016279069767441860239198803129;0.017441860465116278827713003352;0.016666666666666666435370203203;0.005426356589147286746399601043;0.010077519379844961100456401937;0.015116279069767441650684602905;0.005038759689922480550228200968;0.014341085271317829258341802756;0.007364341085271317727256601415;0.003488372093023255765542600670;0.007751937984496123923428001490;0.018992248062015503612398603650;0.013565891472868216865999002607;0.013565891472868216865999002607;0.010465116279069767296627802011;0.001162790697674418588514200223;0.022093023255813953181769804246;0.009689922480620154904285001862;0.009302325581395348708113601788;0.010077519379844961100456401937;0.004651162790697674354056800894;0.013178294573643410669827602533;0.012403100775193798277484802384;0.005426356589147286746399601043;0.007364341085271317727256601415;0.000387596899224806196171400074;0.010077519379844961100456401937;0.005038759689922480550228200968;0.001550387596899224784685600298;0.000000000000000000000000000000;0.006976744186046511531085201341;0.017829457364341085023884403427;0.005813953488372092942571001117;0.017441860465116278827713003352;0.017441860465116278827713003352;0.014341085271317829258341802756;0.010852713178294573492799202086
-0.040476190476190478106932602032;0.003741496598639455686136079393;0.067346938775510206687258119018;0.000000000000000000000000000000;0.000680272108843537367910137004;0.027210884353741495583767218136;0.004761904761904762334312479766;0.006462585034013605157776627408;0.028571428571428570536427926640;0.023469387755102041198673745726;0.017346938775510203911700557455;0.017006802721088436908258856306;0.024489795918367345678445801127;0.052380952380952382207990325469;0.003061224489795918209805725141;0.030612244897959182965418989397;0.031292517006802723911196295603;0.032993197278911562397851753303;0.005102040816326530205115918903;0.011904761904761904101057723437;0.009523809523809524668624959531;0.020748299319727891293352328717;0.010204081632653060410231837807;0.035034013605442178296289768014;0.043877551020408162019137421339;0.035034013605442178296289768014;0.020068027210884353817021974464;0.018707482993197278864361265960;0.001700680272108843473985451134;0.007823129251700680977799073901;0.024829931972789116151334454230;0.021088435374149658296794029866;0.003741496598639455686136079393;0.009523809523809524668624959531;0.030952380952380953438307642500;0.044217687074829932492026074442;0.013265306122448979053718431942;0.020068027210884353817021974464;0.003061224489795918209805725141;0.025850340136054420631106509632;0.002721088435374149471640548015;0.013605442176870747791883609068;0.000000000000000000000000000000;0.021088435374149658296794029866;0.000680272108843537367910137004;0.014965986394557822744544317572;0.038095238095238098674499838125;0.037074829931972787255833878817;0.025170068027210883154776155379;0.018367346938775511860919564811
-0.030246913580246913288984700330;0.010802469135802468536144971267;0.046296296296296293726335591145;0.000308641975308641969017592332;0.019444444444444444752839729063;0.028086419753086420969534486858;0.003395061728395061713403624282;0.014197530864197531116910333537;0.036728395061728397186229244653;0.024382716049382715389759468394;0.021296296296296295808003762318;0.008950617283950617480980938012;0.029629629629629630760412339896;0.034259259259259260133045899011;0.009259259259259258745267118229;0.018518518518518517490534236458;0.041975308641975309087435164201;0.041975308641975309087435164201;0.012962962962962962590318660716;0.010802469135802468536144971267;0.016049382716049383906797842769;0.026851851851851852442942814037;0.020370370370370372015145221667;0.037654320987654324448534737257;0.029938271604938272024698520113;0.023148148148148146863167795573;0.024074074074074074125473288177;0.004938271604938271504281477320;0.002469135802469135752140738660;0.013580246913580246853614497127;0.009567901234567901744276774423;0.029629629629629630760412339896;0.009876543209876543008562954640;0.011111111111111111535154627461;0.036111111111111107718762980312;0.042901234567901236349740656806;0.012962962962962962590318660716;0.008950617283950617480980938012;0.003395061728395061713403624282;0.031790123456790123079862553368;0.005555555555555555767577313730;0.025000000000000001387778780781;0.000000000000000000000000000000;0.018827160493827162224267368629;0.003395061728395061713403624282;0.019444444444444444752839729063;0.022530864197530864334595435139;0.023456790123456791596900927743;0.032716049382716050342168045972;0.010185185185185186007572610833
-0.037407407407407410049327012302;0.004814814814814815172039352831;0.060740740740740740977177125615;0.003333333333333333547282562037;0.027407407407407408106436719208;0.018518518518518517490534236458;0.001851851851851851922525771243;0.015925925925925926707193980292;0.023333333333333334397297065266;0.035185185185185187395351391615;0.014074074074074073917306471060;0.011481481481481481399242738917;0.020000000000000000416333634234;0.037037037037037034981068472916;0.003333333333333333547282562037;0.018148148148148149361169600979;0.025185185185185185452461098521;0.034444444444444444197728216750;0.008888888888888888881179006773;0.013333333333333334189130248149;0.012222222222222222862142437805;0.018148148148148149361169600979;0.022592592592592591199673890401;0.044074074074074071072359970458;0.038518518518518521376314822646;0.035925925925925923654080662573;0.024444444444444445724284875610;0.005185185185185185036127464286;0.000740740740740740703958178148;0.011851851851851851263330850372;0.013333333333333334189130248149;0.020000000000000000416333634234;0.012592592592592592726230549260;0.007037037037037036958653235530;0.029259259259259259161600752464;0.043703703703703702942995334979;0.012962962962962962590318660716;0.010000000000000000208166817117;0.001481481481481481407916356297;0.025555555555555557051272685953;0.005555555555555555767577313730;0.017037037037037038034181790636;0.000000000000000000000000000000;0.019629629629629628817522046802;0.003703703703703703845051542487;0.016296296296296294836558615771;0.039629629629629632703302632990;0.037777777777777778178691647781;0.035185185185185187395351391615;0.021111111111111111743321444578
-0.020542635658914728397084203948;0.000000000000000000000000000000;0.088372093023255812727079216984;0.000000000000000000000000000000;0.000000000000000000000000000000;0.001550387596899224784685600298;0.000775193798449612392342800149;0.026744186046511627535826605140;0.005038759689922480550228200968;0.088759689922480622392697569012;0.012790697674418604473656202458;0.000387596899224806196171400074;0.001162790697674418588514200223;0.063178294573643406506491260188;0.001937984496124030980857000372;0.014341085271317829258341802756;0.016666666666666666435370203203;0.012790697674418604473656202458;0.001162790697674418588514200223;0.009302325581395348708113601788;0.007751937984496123923428001490;0.006976744186046511531085201341;0.000775193798449612392342800149;0.112790697674418599616430469723;0.013953488372093023062170402682;0.070930232558139530429919261678;0.028682170542635658516683605512;0.000000000000000000000000000000;0.000387596899224806196171400074;0.000000000000000000000000000000;0.000000000000000000000000000000;0.042635658914728681578854008194;0.001162790697674418588514200223;0.008139534883720930119599401564;0.006589147286821705334913801266;0.087984496124031003061460864956;0.012790697674418604473656202458;0.003488372093023255765542600670;0.000000000000000000000000000000;0.004651162790697674354056800894;0.008914728682170542511942201713;0.001162790697674418588514200223;0.000000000000000000000000000000;0.043798449612403103636815160371;0.000000000000000000000000000000;0.022480620155038759377941204320;0.081782945736434103922718463764;0.037984496124031007224797207300;0.015116279069767441650684602905;0.013565891472868216865999002607
-0.028455284552845527129560920798;0.013821138211382113375469415928;0.045121951219512193564931124001;0.000000000000000000000000000000;0.003658536585365853872203745212;0.017479674796747966813992292145;0.006504065040650406498423663493;0.012601626016260162807536282514;0.051219512195121948139320267046;0.019512195121951219495270990478;0.006910569105691056687734707964;0.008130081300813008990391317354;0.021544715447154472176549688811;0.028861788617886179053595441246;0.006504065040650406498423663493;0.008943089430894309369013406297;0.046747967479674794322175301886;0.050000000000000002775557561563;0.008536585365853659179702361826;0.012195121951219512618225238043;0.010162601626016259936946539710;0.041056910569105688202373727336;0.039837398373983742838611021853;0.027642276422764226750938831856;0.020325203252032519873893079421;0.022357723577235772555171777753;0.015853658536585366056748114261;0.007723577235772357933718534895;0.004065040650406504495195658677;0.019512195121951219495270990478;0.012195121951219512618225238043;0.023983739837398373312415955638;0.012195121951219512618225238043;0.007723577235772357933718534895;0.040243902439024391293198590347;0.040243902439024391293198590347;0.006504065040650406498423663493;0.014227642276422763564780460399;0.017886178861788618738026812593;0.070325203252032522649450640984;0.002845528455284553059900787275;0.035365853658536582082572152785;0.000000000000000000000000000000;0.016260162601626017980782634709;0.002032520325203252247597829339;0.020325203252032519873893079421;0.020325203252032519873893079421;0.017073170731707318359404723651;0.026422764227642277917729174419;0.008536585365853659179702361826
-0.038768115942028988363254882188;0.021014492753623187359934831875;0.036956521739130436532416723594;0.008695652173913043583852733320;0.019202898550724638998543625235;0.032971014492753622504572774687;0.005072463768115941656899892109;0.026086956521739129016834723984;0.011956521739130435144637942813;0.016666666666666666435370203203;0.017028985507246376801537834922;0.015942028985507245703034939766;0.015942028985507245703034939766;0.023550724637681159923108253906;0.021014492753623187359934831875;0.023913043478260870289275885625;0.021376811594202897726102463594;0.035144927536231884701578565000;0.029710144927536232678511041172;0.005072463768115941656899892109;0.020289855072463766627599568437;0.013768115942028985240752625430;0.013768115942028985240752625430;0.024637681159420291021611149063;0.046739130434782609480048876094;0.034057971014492753603075669844;0.032608695652173912138405142969;0.018115942028985507900040730078;0.001449275362318840597308788887;0.042028985507246374719869663750;0.021014492753623187359934831875;0.013768115942028985240752625430;0.023188405797101449556940622188;0.006159420289855072755402787266;0.025724637681159418650667092265;0.034057971014492753603075669844;0.009782608695652174682355628477;0.014492753623188405973087888867;0.004347826086956521791926366660;0.017028985507246376801537834922;0.007971014492753622851517469883;0.014855072463768116339255520586;0.000000000000000000000000000000;0.013768115942028985240752625430;0.018115942028985507900040730078;0.016304347826086956069202571484;0.024275362318840580655443517344;0.019927536231884056261431936719;0.030434782608695653410846304610;0.011231884057971014412302679375
-0.035593220338983051764802922889;0.010169491525423728084387420267;0.053389830508474574177757432381;0.011864406779661017254934307630;0.018644067796610170467674905126;0.016384180790960451573612388643;0.002824858757062146882854669627;0.019774011299435029914706163368;0.019774011299435029914706163368;0.033050847457627118008982591846;0.018361581920903955605917090566;0.007909604519774010925048379761;0.012994350282485874967242089895;0.053389830508474574177757432381;0.020056497175141241307017025974;0.026553672316384179657999808910;0.024011299435028249371626429820;0.030508474576271187722609212756;0.016101694915254236711854574082;0.011299435028248587531418678509;0.016384180790960451573612388643;0.014406779661016949276031162697;0.013276836158192089828999904455;0.037570621468926555797107624812;0.039548022598870059829412326735;0.036723163841807911211834181131;0.027118644067796609381515438031;0.021751412429378530477563913337;0.000564971751412429398254977375;0.010451977401129942946145234828;0.008474576271186440648564008882;0.015536723163841808723062420938;0.012994350282485874967242089895;0.008757062146892655510321823442;0.022316384180790960201079542458;0.042372881355932201508096568432;0.009604519774011300095595267123;0.009604519774011300095595267123;0.001694915254237288086344714877;0.015254237288135593861304606378;0.005649717514124293765709339254;0.012146892655367232116692122190;0.000000000000000000000000000000;0.018644067796610170467674905126;0.012994350282485874967242089895;0.013276836158192089828999904455;0.043785310734463275816885641234;0.039265536723163844967654512175;0.025141242937853108818657688062;0.022033898305084745339321727897
-0.031972789115646257918079697902;0.004761904761904762334312479766;0.081292517006802719747859953259;0.069727891156462579180796979017;0.020748299319727891293352328717;0.010544217687074829148397014933;0.000680272108843537367910137004;0.015646258503401361955598147802;0.012925170068027210315553254816;0.037074829931972787255833878817;0.013605442176870747791883609068;0.005102040816326530205115918903;0.012585034013605441577388077690;0.064965986394557820315931451205;0.006122448979591836419611450282;0.021428571428571428769682682969;0.018367346938775511860919564811;0.023809523809523808202115446875;0.006802721088435373895941804534;0.012244897959183672839222900564;0.010204081632653060410231837807;0.012585034013605441577388077690;0.007482993197278911372272158786;0.052721088435374152680878978572;0.029591836734693878485646933996;0.039795918367346937161155295826;0.026530612244897958107436863884;0.001360544217687074735820274007;0.000340136054421768683955068502;0.003401360544217686947970902267;0.004761904761904762334312479766;0.022789115646258503722343391473;0.002380952380952381167156239883;0.010884353741496597886562192059;0.024149659863945578675004099978;0.058843537414965986498405214888;0.013945578231292516530048786194;0.008843537414965987192294605279;0.000000000000000000000000000000;0.020408163265306120820463675614;0.003741496598639455686136079393;0.004761904761904762334312479766;0.000000000000000000000000000000;0.020408163265306120820463675614;0.003401360544217686947970902267;0.012244897959183672839222900564;0.054421768707482991167534436272;0.039795918367346937161155295826;0.022108843537414966246013037221;0.017687074829931974384589210558
-0.040833333333333332593184650250;0.008611111111111111049432054187;0.070000000000000006661338147751;0.065000000000000002220446049250;0.000277777777777777777536843962;0.008611111111111111049432054187;0.004444444444444444440589503387;0.012777777777777778525636342977;0.012222222222222222862142437805;0.031111111111111110216764785719;0.014722222222222221613141535101;0.004166666666666666608842550801;0.011388888888888889366901580047;0.064166666666666663521034763562;0.003333333333333333547282562037;0.018888888888888889089345823891;0.024722222222222221821308352219;0.025277777777777777484802257391;0.007499999999999999722444243844;0.013055555555555556357383295563;0.010833333333333333703407674875;0.015277777777777777276635440273;0.008333333333333333217685101602;0.036111111111111107718762980312;0.040555555555555553026714221687;0.047777777777777780121581940875;0.020833333333333332176851016015;0.023888888888888890060790970438;0.001388888888888888941894328433;0.001666666666666666773641281019;0.001666666666666666773641281019;0.024444444444444445724284875610;0.002222222222222222220294751693;0.008611111111111111049432054187;0.026388888888888888811790067734;0.038611111111111109939209029562;0.015555555555555555108382392859;0.009444444444444444544672911945;0.000277777777777777777536843962;0.021944444444444443503838826359;0.005277777777777777935830361145;0.011666666666666667198648532633;0.000000000000000000000000000000;0.018888888888888889089345823891;0.001388888888888888941894328433;0.010000000000000000208166817117;0.062222222222222220433529571437;0.049166666666666664076146275875;0.021111111111111111743321444578;0.023333333333333334397297065266
-0.035220125786163521131033604661;0.007232704402515723399180735953;0.078616352201257858056671068425;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006918238993710692022465202911;0.000628930817610062861851283333;0.012264150943396227161352740609;0.019811320754716980202525533628;0.031761006289308175987162741194;0.015408805031446540928508071033;0.002515723270440251447405133334;0.011006289308176099919767132462;0.072955974842767293275791473661;0.003773584905660377387948134498;0.023270440251572325346396397094;0.032075471698113207363878274236;0.032075471698113207363878274236;0.004402515723270440141379200583;0.012893081761006289914783806694;0.010377358490566037166336066377;0.019496855345911948825810000585;0.012578616352201258538068273651;0.042138364779874211418775331595;0.037735849056603772144757869000;0.049685534591194971398842028520;0.030503144654088050480300609024;0.012264150943396227161352740609;0.000000000000000000000000000000;0.002201257861635220070689600291;0.002830188679245282824120666376;0.018867924528301886072378934500;0.005345911949685534271525799710;0.012264150943396227161352740609;0.021069182389937105709387665797;0.053144654088050316542712891987;0.017295597484276729188801269288;0.007232704402515723399180735953;0.001572327044025157317258534206;0.023584905660377360192558882090;0.003773584905660377387948134498;0.006918238993710692022465202911;0.000000000000000000000000000000;0.016352201257861635058654670161;0.001886792452830188693974067249;0.010691823899371068543051599420;0.067924528301886791248342944982;0.052201257861635222412566292860;0.029874213836477987726869542939;0.027358490566037736713145278600
-0.023170731707317072933793866696;0.013414634146341463186158371457;0.078455284552845533374565434315;0.031707317073170732113496228521;0.002032520325203252247597829339;0.010569105691056910126257584182;0.002439024390243902436908873810;0.015447154471544715867437069790;0.033333333333333332870740406406;0.027642276422764226750938831856;0.010975609756097560315568628653;0.006504065040650406498423663493;0.016666666666666666435370203203;0.044715447154471545110343555507;0.006910569105691056687734707964;0.013821138211382113375469415928;0.046747967479674794322175301886;0.052845528455284555835458348838;0.007723577235772357933718534895;0.012601626016260162807536282514;0.008536585365853659179702361826;0.036585365853658534385228762176;0.023170731707317072933793866696;0.037804878048780486687885371566;0.030081300813008131356252050637;0.027235772357723578296351263361;0.024390243902439025236450476086;0.002439024390243902436908873810;0.000813008130081300812302957937;0.009349593495934959558324450768;0.003252032520325203249211831746;0.022357723577235772555171777753;0.006097560975609756309112619022;0.007317073170731707744407490424;0.029674796747967479432217530189;0.047967479674796746624831911276;0.011788617886178862428914193572;0.009756097560975609747635495239;0.004878048780487804873817747620;0.032113821138211380568083797016;0.005691056910569106119801574550;0.017479674796747966813992292145;0.000000000000000000000000000000;0.018699186991869919116648901536;0.002439024390243902436908873810;0.010569105691056910126257584182;0.039024390243902438990541980957;0.022357723577235772555171777753;0.033333333333333332870740406406;0.017073170731707318359404723651
-0.036666666666666666851703837438;0.007407407407407407690103084974;0.024444444444444445724284875610;0.189259259259259265961716778293;0.017777777777777777762358013547;0.020740740740740740144509857146;0.002222222222222222220294751693;0.019259259259259260688157411323;0.011851851851851851263330850372;0.021111111111111111743321444578;0.012962962962962962590318660716;0.024074074074074074125473288177;0.014444444444444443781394582516;0.027407407407407408106436719208;0.008148148148148147418279307885;0.019259259259259260688157411323;0.013703703703703704053218359604;0.020370370370370372015145221667;0.025185185185185185452461098521;0.006666666666666667094565124074;0.024074074074074074125473288177;0.005185185185185185036127464286;0.012962962962962962590318660716;0.026666666666666668378260496297;0.034814814814814812327092852229;0.030370370370370370488588562807;0.017407407407407406163546426114;0.018888888888888889089345823891;0.000370370370370370351979089074;0.031851851851851853414387960584;0.031481481481481478346129421197;0.011481481481481481399242738917;0.010370370370370370072254928573;0.002592592592592592518063732143;0.018518518518518517490534236458;0.024074074074074074125473288177;0.007777777777777777554191196430;0.016666666666666666435370203203;0.003333333333333333547282562037;0.012222222222222222862142437805;0.009259259259259258745267118229;0.009629629629629630344078705662;0.000000000000000000000000000000;0.011851851851851851263330850372;0.006296296296296296363115274630;0.012592592592592592726230549260;0.025185185185185185452461098521;0.027037037037037036507625131776;0.022592592592592591199673890401;0.011481481481481481399242738917
-0.015666666666666665547191783503;0.021333333333333332620940225866;0.014000000000000000291433543964;0.266666666666666662965923251249;0.066000000000000003108624468950;0.015666666666666665547191783503;0.007000000000000000145716771982;0.025666666666666667490082076597;0.012999999999999999403255124264;0.007333333333333333196868419890;0.010999999999999999361621760841;0.014000000000000000291433543964;0.012333333333333333300951828448;0.008999999999999999319988397417;0.036333333333333335535275665507;0.012666666666666666352103476356;0.018666666666666668211727042603;0.025666666666666667490082076597;0.023666666666666665713725237197;0.004333333333333333134418374755;0.012999999999999999403255124264;0.008999999999999999319988397417;0.006666666666666667094565124074;0.013333333333333334189130248149;0.017666666666666667323548622903;0.014333333333333333342585191872;0.016333333333333331649495079319;0.036666666666666666851703837438;0.006000000000000000124900090270;0.027333333333333334480563792113;0.017666666666666667323548622903;0.012333333333333333300951828448;0.007666666666666666248020067798;0.005666666666666667073748442363;0.012333333333333333300951828448;0.016666666666666666435370203203;0.005000000000000000104083408559;0.012333333333333333300951828448;0.010000000000000000208166817117;0.014333333333333333342585191872;0.006666666666666667094565124074;0.018666666666666668211727042603;0.000000000000000000000000000000;0.012000000000000000249800180541;0.029333333333333332787473679559;0.013333333333333334189130248149;0.005000000000000000104083408559;0.006333333333333333176051738178;0.008000000000000000166533453694;0.006333333333333333176051738178
-0.026136363636363634660453314495;0.016666666666666666435370203203;0.042424242424242426807712291748;0.008712121212121212709966755483;0.067045454545454546968485942671;0.024621212121212120160773650923;0.002272727272727272616881233347;0.025378787878787879145336958686;0.042045454545454545580707161889;0.018560606060606062162054996634;0.017424242424242425419933510966;0.021590909090909091161414323778;0.011363636363636363951767904723;0.025000000000000001387778780781;0.035606060606060606354983377742;0.018560606060606062162054996634;0.020075757575757576661734660206;0.040909090909090908838585676222;0.025757575757575756902895136591;0.007575757575757575967845269815;0.014015151515151515193569053963;0.029166666666666667129259593594;0.009848484848484847717364765174;0.025378787878787879145336958686;0.033712121212121214097745536264;0.034090909090909088385856762216;0.029924242424242422644375949403;0.006060606060606060600803868255;0.000378787878787878787550241766;0.026136363636363634660453314495;0.019696969696969695434729530348;0.019318181818181817677171352443;0.012500000000000000693889390391;0.005303030303030303350964036468;0.006818181818181817850643700041;0.034469696969696969612861892074;0.012121212121212121201607736509;0.009848484848484847717364765174;0.004924242424242423858682382587;0.026136363636363634660453314495;0.004545454545454545233762466694;0.015909090909090907450806895440;0.000000000000000000000000000000;0.010227272727272727209646419055;0.029166666666666667129259593594;0.007575757575757575967845269815;0.031060606060606059386497435071;0.018939393939393939919613174538;0.013257575757575757943729222177;0.011742424242424241709326082628
-0.041452991452991451437615211262;0.001282051282051282050170049054;0.074358974358974358476181976130;0.000000000000000000000000000000;0.000000000000000000000000000000;0.013675213675213675201813856575;0.000854700854700854700113366036;0.023076923076923078204103489952;0.008974358974358973700669039886;0.052564102564102564707493314700;0.014102564102564102768710974090;0.013247863247863247634916739059;0.007692307692307692734701163317;0.071794871794871789605352319086;0.004273504273504273934247699174;0.024358974358974359170071366520;0.041025641025641025605441569724;0.031623931623931622603151936346;0.003846153846153846367350581659;0.016239316239316240603196561665;0.012820512820512820068019621544;0.005555555555555555767577313730;0.002564102564102564100340098108;0.065811965811965814077133529736;0.038461538461538463673505816587;0.046581196581196582240380621442;0.018803418803418802535132314802;0.000427350427350427350056683018;0.001282051282051282050170049054;0.001709401709401709400226732072;0.008974358974358973700669039886;0.035042735042735043138328876466;0.000427350427350427350056683018;0.003418803418803418800453464144;0.015384615384615385469402326635;0.071367521367521363773178677548;0.016666666666666666435370203203;0.006410256410256410034009810772;0.000000000000000000000000000000;0.008974358974358973700669039886;0.004273504273504273934247699174;0.009829059829059828834463274916;0.000000000000000000000000000000;0.021794871794871793768688661430;0.000854700854700854700113366036;0.010256410256410256401360392431;0.069230769230769234612310469856;0.036324786324786327573743704988;0.023931623931623933337897724982;0.018376068376068376702958673263
-0.049305555555555553859381490156;0.002430555555555555594104966133;0.050000000000000002775557561563;0.000000000000000000000000000000;0.021180555555555556634939051719;0.015972222222222220988641083750;0.000000000000000000000000000000;0.017361111111111111882099322656;0.019791666666666665741480812812;0.041666666666666664353702032031;0.013194444444444444405895033867;0.014236111111111110841265237070;0.006250000000000000346944695195;0.067013888888888886730121896562;0.003125000000000000173472347598;0.032638888888888890893458238907;0.013888888888888888117900677344;0.017013888888888887424011286953;0.005902777777777777623580135469;0.011805555555555555247160270937;0.013888888888888888117900677344;0.021527777777777777623580135469;0.004166666666666666608842550801;0.058680555555555555247160270937;0.050694444444444444752839729063;0.065972222222222223764198645313;0.025694444444444443365060948281;0.001041666666666666652210637700;0.000000000000000000000000000000;0.005208333333333333044212754004;0.009027777777777776929690745078;0.017013888888888887424011286953;0.001041666666666666652210637700;0.008680555555555555941049661328;0.020486111111111111188209932266;0.044444444444444446140618509844;0.013194444444444444405895033867;0.011111111111111111535154627461;0.001041666666666666652210637700;0.014236111111111110841265237070;0.001736111111111111014737584668;0.003125000000000000173472347598;0.000000000000000000000000000000;0.031597222222222220988641083750;0.000694444444444444470947164216;0.013541666666666667129259593594;0.063541666666666662965923251249;0.047916666666666669904817155157;0.020833333333333332176851016015;0.027083333333333334258519187188
-0.022592592592592591199673890401;0.057037037037037038866849059104;0.015925925925925926707193980292;0.020000000000000000416333634234;0.047777777777777780121581940875;0.025555555555555557051272685953;0.013333333333333334189130248149;0.040370370370370368962031903948;0.025185185185185185452461098521;0.006296296296296296363115274630;0.012222222222222222862142437805;0.022592592592592591199673890401;0.011111111111111111535154627461;0.009259259259259258745267118229;0.059259259259259261520824679792;0.018888888888888889089345823891;0.017407407407407406163546426114;0.041111111111111112159655078813;0.054814814814814816212873438417;0.002222222222222222220294751693;0.023333333333333334397297065266;0.012962962962962962590318660716;0.006296296296296296363115274630;0.010740740740740739936343040029;0.028518518518518519433424529552;0.014814814814814815380206169948;0.029629629629629630760412339896;0.061111111111111109106541761093;0.000740740740740740703958178148;0.041111111111111112159655078813;0.015185185185185185244294281404;0.004814814814814815172039352831;0.024074074074074074125473288177;0.002222222222222222220294751693;0.006666666666666667094565124074;0.016296296296296294836558615771;0.007777777777777777554191196430;0.010740740740740739936343040029;0.006296296296296296363115274630;0.002592592592592592518063732143;0.021111111111111111743321444578;0.035555555555555555524716027094;0.000000000000000000000000000000;0.007407407407407407690103084974;0.042962962962962959745372160114;0.007777777777777777554191196430;0.004814814814814815172039352831;0.009259259259259258745267118229;0.016296296296296294836558615771;0.005925925925925925631665425186
-0.017013888888888887424011286953;0.051388888888888886730121896562;0.014930555555555556287994356524;0.010416666666666666088425508008;0.062152777777777779011358916250;0.024652777777777776929690745078;0.007291666666666666782314898398;0.038194444444444447528397290625;0.022222222222222223070309254922;0.006250000000000000346944695195;0.015277777777777777276635440273;0.038194444444444447528397290625;0.008333333333333333217685101602;0.010069444444444445099784424258;0.050000000000000002775557561563;0.016319444444444445446729119453;0.011805555555555555247160270937;0.039930555555555552471602709375;0.047916666666666669904817155157;0.003819444444444444319158860068;0.025694444444444443365060948281;0.010763888888888888811790067734;0.023611111111111110494320541875;0.009374999999999999653055304805;0.024652777777777776929690745078;0.010416666666666666088425508008;0.035069444444444444752839729063;0.042708333333333334258519187188;0.000347222222222222235473582108;0.050694444444444444752839729063;0.033680555555555553859381490156;0.006597222222222222202947516934;0.030902777777777779011358916250;0.003819444444444444319158860068;0.010763888888888888811790067734;0.014930555555555556287994356524;0.006597222222222222202947516934;0.007986111111111110494320541875;0.011458333333333332523795711211;0.010069444444444445099784424258;0.016666666666666666435370203203;0.022569444444444444058950338672;0.000000000000000000000000000000;0.003125000000000000173472347598;0.040625000000000001387778780781;0.006250000000000000346944695195;0.009374999999999999653055304805;0.009027777777777776929690745078;0.015972222222222220988641083750;0.010069444444444445099784424258
-0.016312056737588651739168099652;0.040780141843971634552090677062;0.037588652482269502286271745106;0.053191489361702128102482589611;0.048226950354609929294547043810;0.016666666666666666435370203203;0.003191489361702127495329373019;0.041489361702127657005600980256;0.025531914893617019962634984154;0.017021276595744681131572306754;0.014184397163120567031402430302;0.009929078014184397615871091602;0.004609929078014184111733442251;0.015602836879432624081487368528;0.061702127659574466933545267011;0.015957446808510637042965996102;0.018794326241134751143135872553;0.051418439716312054621472071858;0.033333333333333332870740406406;0.004255319148936170282893076688;0.015602836879432624081487368528;0.017375886524822695827774410304;0.008510638297872340565786153377;0.024113475177304964647273521905;0.023049645390070920558667211253;0.023404255319148935254869314804;0.031560283687943259389729888653;0.058156028368794326910418135412;0.000000000000000000000000000000;0.028723404255319148759006964156;0.006382978723404254990658746038;0.012765957446808509981317492077;0.017730496453900710523976513855;0.002836879432624113666489007457;0.008510638297872340565786153377;0.026950354609929078747443398356;0.008156028368794325869584049826;0.007092198581560283515701215151;0.002836879432624113666489007457;0.003900709219858156020371842132;0.015957446808510637042965996102;0.021631205673758865243305749004;0.000000000000000000000000000000;0.012765957446808509981317492077;0.033687943262411347566942509957;0.007446808510638298211903318702;0.012056737588652482323636760952;0.016312056737588651739168099652;0.014893617021276596423806637404;0.007801418439716312040743684264
-0.055426356589147289521957162606;0.001937984496124030980857000372;0.042635658914728681578854008194;0.000387596899224806196171400074;0.000775193798449612392342800149;0.017441860465116278827713003352;0.001550387596899224784685600298;0.023255813953488371770284004469;0.024806201550387596554969604767;0.060465116279069766602738411621;0.017441860465116278827713003352;0.017829457364341085023884403427;0.007364341085271317727256601415;0.040697674418604654067443959775;0.001937984496124030980857000372;0.038372093023255816890415559328;0.027519379844961239928169405289;0.023255813953488371770284004469;0.006589147286821705334913801266;0.007364341085271317727256601415;0.016279069767441860239198803129;0.015503875968992247846856002980;0.001162790697674418588514200223;0.070930232558139530429919261678;0.046511627906976743540568008939;0.054263565891472867463996010429;0.025968992248062015143483804991;0.035658914728682170047768806853;0.000775193798449612392342800149;0.005038759689922480550228200968;0.016666666666666666435370203203;0.025968992248062015143483804991;0.001937984496124030980857000372;0.005038759689922480550228200968;0.006976744186046511531085201341;0.062015503875968991387424011918;0.011240310077519379688970602160;0.013178294573643410669827602533;0.001162790697674418588514200223;0.003875968992248061961714000745;0.005426356589147286746399601043;0.007751937984496123923428001490;0.000000000000000000000000000000;0.029457364341085270909026405661;0.000000000000000000000000000000;0.020930232558139534593255604022;0.046899224806201553206186360967;0.027906976744186046124340805363;0.007751937984496123923428001490;0.016666666666666666435370203203
-0.027192982456140352143236782467;0.033625730994152044917022692516;0.037134502923976610289091837558;0.015497076023391813046070630833;0.033625730994152044917022692516;0.021345029239766083462015444638;0.003508771929824561468941324094;0.032456140350877189792999644169;0.034210526315789475948481168643;0.017836257309941521559393251550;0.013157894736842104532748010115;0.023976608187134502286896875489;0.012573099415204678705459961918;0.022514619883040935116591541032;0.039181286549707601551961744235;0.020175438596491228337992396291;0.028362573099415203797812878861;0.049707602339181283790381371546;0.027485380116959064189519068577;0.008187134502923977194543958547;0.024561403508771929848908399663;0.016666666666666666435370203203;0.007602339181286549632532434373;0.016081871345029238873358679029;0.028362573099415203797812878861;0.019005847953216373213969347944;0.028947368421052631359824403035;0.053216374269005849162450516587;0.000877192982456140367235331023;0.031286549707602341607870499729;0.014327485380116959656771058462;0.015497076023391813046070630833;0.016374269005847954389087917093;0.002339181286549707645960882729;0.005847953216374268681221337829;0.028070175438596491751530592751;0.011403508771929825316160389548;0.004970760233918129072927527545;0.004970760233918129072927527545;0.007602339181286549632532434373;0.010818713450292397754148865374;0.039766081871345032583420220362;0.000000000000000000000000000000;0.010526315789473683973143103287;0.020760233918128655900003920465;0.008771929824561403021832006743;0.023976608187134502286896875489;0.013450292397660818313753772202;0.023391812865497074724885351316;0.008771929824561403021832006743
-0.021212121212121213403856145874;0.057575757575757578743402831378;0.053939393939393939780835296460;0.010606060606060606701928072937;0.013939393939393938948168027991;0.014848484848484848688809911721;0.002727272727272727487202175212;0.033939393939393942833948614179;0.044545454545454547801153211140;0.020000000000000000416333634234;0.010909090909090909948808700847;0.013333333333333334189130248149;0.005757575757575757353923240345;0.026969696969696969890417648230;0.034545454545454545858262918046;0.013939393939393938948168027991;0.038181818181818184820830452963;0.067575757575757580686293124472;0.019393939393939393922572378415;0.010000000000000000208166817117;0.015454545454545455182571167541;0.018484848484848485916653970662;0.015757575757575758429451795450;0.027272727272727271402574800163;0.020000000000000000416333634234;0.026666666666666668378260496297;0.026060606060606061884499240477;0.035757575757575758845785429685;0.002121212121212121427121788386;0.015151515151515151935690539631;0.012424242424242424448488364419;0.019696969696969695434729530348;0.009090909090909090467524933388;0.004848484848484848480643094604;0.006969696969696969474084013996;0.041515151515151511862899980088;0.012424242424242424448488364419;0.004545454545454545233762466694;0.007272727272727272720964641906;0.011515151515151514707846480690;0.013030303030303030942249620239;0.034242424242424240876658814159;0.000000000000000000000000000000;0.016363636363636364923213051270;0.011515151515151514707846480690;0.014242424242424242195048655901;0.023636363636363635909454217199;0.011212121212121211460965852780;0.020909090909090908422252041987;0.007878787878787879214725897725
-0.013141025641025641176873328675;0.058974358974358973006779649495;0.030448717948717948095227470162;0.006089743589743589792517841630;0.028205128205128205537421948179;0.024038461538461539795941135367;0.001923076923076923183675290829;0.029807692307692309346967007855;0.038461538461538463673505816587;0.007371794871794871625847456187;0.014743589743589743251694912374;0.025320512820512820761909011935;0.009935897435897435292506685300;0.014743589743589743251694912374;0.026602564102564101727876888503;0.006730769230769231142863517903;0.025641025641025640136039243089;0.088782051282051285823193609303;0.029487179487179486503389824748;0.008333333333333333217685101602;0.014743589743589743251694912374;0.022115384615384616612265844537;0.023076923076923078204103489952;0.013782051282051281659857266959;0.014102564102564102768710974090;0.014102564102564102768710974090;0.033333333333333332870740406406;0.050641025641025641523818023870;0.002564102564102564100340098108;0.029487179487179486503389824748;0.031730769230769229061195346731;0.006730769230769231142863517903;0.016987179487179485809500434357;0.004166666666666666608842550801;0.008653846153846154326538808732;0.032371794871794874748349712945;0.016666666666666666435370203203;0.006410256410256410034009810772;0.013461538461538462285727035805;0.014102564102564102768710974090;0.012179487179487179585035683260;0.063141025641025638748260462307;0.000000000000000000000000000000;0.004166666666666666608842550801;0.013141025641025641176873328675;0.007371794871794871625847456187;0.008653846153846154326538808732;0.003846153846153846367350581659;0.024038461538461539795941135367;0.005448717948717948442172165358
-0.022480620155038759377941204320;0.020155038759689922200912803874;0.041085271317829456794168407896;0.008527131782945736315770801639;0.039922480620155041675101159626;0.030620155038759689497540605885;0.003488372093023255765542600670;0.032170542635658917751673158136;0.048837209302325580717596409386;0.010465116279069767296627802011;0.024806201550387596554969604767;0.029069767441860464712855005587;0.014341085271317829258341802756;0.022093023255813953181769804246;0.024806201550387596554969604767;0.011627906976744185885142002235;0.021705426356589146985598404171;0.044961240310077518755882408641;0.041472868217054266459786759924;0.008139534883720930119599401564;0.020930232558139534593255604022;0.023643410852713177966455404544;0.013565891472868216865999002607;0.013565891472868216865999002607;0.030232558139534883301369205810;0.017054263565891472631541603278;0.039922480620155041675101159626;0.006201550387596899138742401192;0.003100775193798449569371200596;0.043023255813953491244472360222;0.020930232558139534593255604022;0.010852713178294573492799202086;0.020155038759689922200912803874;0.003100775193798449569371200596;0.012790697674418604473656202458;0.032945736434108530144015958285;0.020930232558139534593255604022;0.004651162790697674354056800894;0.009302325581395348708113601788;0.015116279069767441650684602905;0.008914728682170542511942201713;0.024806201550387596554969604767;0.000000000000000000000000000000;0.005813953488372092942571001117;0.024031007751937984162626804618;0.009689922480620154904285001862;0.015503875968992247846856002980;0.010077519379844961100456401937;0.032558139534883720478397606257;0.005813953488372092942571001117
-0.025490196078431372195272075487;0.040196078431372551931222147914;0.015686274509803921350936661838;0.088235294117647064537912626747;0.062745098039215685403746647353;0.021568627450980391857537910028;0.005392156862745097964384477507;0.038725490196078432569848359890;0.021568627450980391857537910028;0.002450980392156862711083853412;0.008823529411764705759901872284;0.029901960784313726809946487606;0.007352941176470588133251560237;0.007352941176470588133251560237;0.064215686274509797826226531470;0.020098039215686275965611073957;0.006372549019607843048818018872;0.026470588235294117279705616852;0.049019607843137254221677068244;0.003431372549019607795517394777;0.019607843137254901688670827298;0.016176470588235295627876908497;0.010784313725490195928768955014;0.007352941176470588133251560237;0.026960784313725491556645863511;0.009803921568627450844335413649;0.025490196078431372195272075487;0.056372549019607844089652104458;0.000000000000000000000000000000;0.041176470588235293546208737325;0.024019607843137256303345239417;0.002941176470588235253300624095;0.018137254901960785796743991227;0.000980392156862745084433541365;0.006372549019607843048818018872;0.008823529411764705759901872284;0.007843137254901960675468330919;0.010294117647058823386552184331;0.018627450980392156604237285933;0.021078431372549021050044615322;0.012745098039215686097636037744;0.017156862745098040712310449862;0.000000000000000000000000000000;0.002450980392156862711083853412;0.051470588235294115198037445680;0.003431372549019607795517394777;0.005882352941176470506601248189;0.008823529411764705759901872284;0.013235294117647058639852808426;0.006862745098039215591034789554
-0.039285714285714284921269268125;0.011904761904761904101057723437;0.005555555555555555767577313730;0.030555555555555554553270880547;0.045238095238095236971798129844;0.114682539682539677561301516562;0.002380952380952381167156239883;0.015873015873015872134743631250;0.007539682539682539784420267637;0.000793650793650793650105268462;0.012301587301587301251371009414;0.187698412698412697707794905000;0.010317460317460317234528055508;0.006349206349206349200842147695;0.025793650793650792218958400781;0.046428571428571430157461463750;0.004761904761904762334312479766;0.005555555555555555767577313730;0.024206349206349207087152208828;0.001190476190476190583578119941;0.011904761904761904101057723437;0.004761904761904762334312479766;0.000793650793650793650105268462;0.001984126984126984016842953906;0.060714285714285713690951951094;0.005158730158730158617264027754;0.008333333333333333217685101602;0.026587301587301586519584972734;0.000793650793650793650105268462;0.083333333333333328707404064062;0.082936507936507933291814254062;0.001984126984126984016842953906;0.006349206349206349200842147695;0.001984126984126984016842953906;0.005158730158730158617264027754;0.001587301587301587300210536924;0.002777777777777777883788656865;0.016666666666666666435370203203;0.000396825396825396825052634231;0.002380952380952381167156239883;0.004365079365079365183999193789;0.004365079365079365183999193789;0.000000000000000000000000000000;0.003571428571428571317053490830;0.026587301587301586519584972734;0.003174603174603174600421073848;0.007936507936507936067371815625;0.009126984126984127518311673555;0.004761904761904762334312479766;0.011111111111111111535154627461
-0.046875000000000000000000000000;0.007638888888888888638317720137;0.040625000000000001387778780781;0.012500000000000000693889390391;0.011805555555555555247160270937;0.059374999999999997224442438437;0.001736111111111111014737584668;0.010763888888888888811790067734;0.011111111111111111535154627461;0.020833333333333332176851016015;0.015972222222222220988641083750;0.102083333333333331482961625625;0.021180555555555556634939051719;0.037152777777777777623580135469;0.012152777777777777970524830664;0.038888888888888889505679458125;0.014583333333333333564629796797;0.022569444444444444058950338672;0.014236111111111110841265237070;0.005555555555555555767577313730;0.013888888888888888117900677344;0.011805555555555555247160270937;0.009027777777777776929690745078;0.023958333333333334952408577578;0.056250000000000001387778780781;0.030208333333333333564629796797;0.022222222222222223070309254922;0.003819444444444444319158860068;0.000347222222222222235473582108;0.036111111111111107718762980312;0.055555555555555552471602709375;0.010069444444444445099784424258;0.009374999999999999653055304805;0.005555555555555555767577313730;0.019097222222222223764198645313;0.024305555555555555941049661328;0.010069444444444445099784424258;0.010069444444444445099784424258;0.003472222222222222029475169336;0.011458333333333332523795711211;0.003125000000000000173472347598;0.007291666666666666782314898398;0.000000000000000000000000000000;0.006944444444444444058950338672;0.008333333333333333217685101602;0.006597222222222222202947516934;0.028125000000000000693889390391;0.022916666666666665047591422422;0.022916666666666665047591422422;0.019444444444444444752839729063
-0.035057471264367819074880827657;0.023563218390804597374144080391;0.027298850574712645034036739844;0.114080459770114939210827742500;0.069827586206896552489808982500;0.038218390804597698884315093437;0.002873563218390804557822448828;0.018965517241379310081628162266;0.018103448275862070449004903594;0.010919540229885057319725305547;0.014942528735632183700676733906;0.025000000000000001387778780781;0.017816091954022988258499182734;0.017241379310344827346934692969;0.038793103448275863265326535156;0.025862068965517241020402039453;0.018103448275862070449004903594;0.024137931034482758285708570156;0.024137931034482758285708570156;0.004310344827586206836733673242;0.013505747126436781421765509492;0.009195402298850574585031836250;0.007471264367816091850338366953;0.014080459770114942333329999258;0.048275862068965516571417140312;0.022126436781609196829956331953;0.017528735632183909537440413828;0.032471264367816089768670195781;0.003160919540229885013604693711;0.032758620689655175428622868594;0.016954022988505748625875924063;0.012931034482758620510201019727;0.011494252873563218231289795312;0.004022988505747126380951428359;0.014080459770114942333329999258;0.018390804597701149170063672500;0.005747126436781609115644897656;0.008333333333333333217685101602;0.005172413793103448204080407891;0.005747126436781609115644897656;0.009195402298850574585031836250;0.014367816091954022789112244141;0.000000000000000000000000000000;0.005747126436781609115644897656;0.030172413793103449591859188672;0.007471264367816091850338366953;0.014367816091954022789112244141;0.018390804597701149170063672500;0.016091954022988505523805713437;0.011494252873563218231289795312
-0.029457364341085270909026405661;0.022868217054263565574112604395;0.017829457364341085023884403427;0.102325581395348835789249619665;0.084108527131782948038640768118;0.031782945736434108086054806108;0.005038759689922480550228200968;0.026744186046511627535826605140;0.024418604651162790358798204693;0.007364341085271317727256601415;0.013178294573643410669827602533;0.026744186046511627535826605140;0.013953488372093023062170402682;0.013565891472868216865999002607;0.060077519379844963876013963500;0.030232558139534883301369205810;0.011627906976744185885142002235;0.032558139534883720478397606257;0.045348837209302328421500760669;0.002325581395348837177028400447;0.020542635658914728397084203948;0.006589147286821705334913801266;0.005426356589147286746399601043;0.016666666666666666435370203203;0.035658914728682170047768806853;0.014728682170542635454513202831;0.024418604651162790358798204693;0.031007751937984495693712005959;0.000387596899224806196171400074;0.027131782945736433731998005214;0.022480620155038759377941204320;0.008139534883720930119599401564;0.010465116279069767296627802011;0.002325581395348837177028400447;0.004651162790697674354056800894;0.014728682170542635454513202831;0.010077519379844961100456401937;0.013178294573643410669827602533;0.004263565891472868157885400819;0.002325581395348837177028400447;0.009689922480620154904285001862;0.014728682170542635454513202831;0.000000000000000000000000000000;0.005813953488372092942571001117;0.046511627906976743540568008939;0.010852713178294573492799202086;0.005426356589147286746399601043;0.006589147286821705334913801266;0.015503875968992247846856002980;0.008139534883720930119599401564
-0.024038461538461539795941135367;0.021794871794871793768688661430;0.035576923076923075428545928389;0.012500000000000000693889390391;0.089102564102564105197323840457;0.031730769230769229061195346731;0.005128205128205128200680196215;0.036538461538461540489830525757;0.030128205128205128721097239008;0.012500000000000000693889390391;0.016666666666666666435370203203;0.026923076923076924571454071611;0.012179487179487179585035683260;0.023717948717948716952363952259;0.026923076923076924571454071611;0.018269230769230770244915262879;0.014423076923076923877564681220;0.030128205128205128721097239008;0.049358974358974357088403195348;0.006089743589743589792517841630;0.023397435897435897578233721106;0.012820512820512820068019621544;0.012179487179487179585035683260;0.014102564102564102768710974090;0.031089743589743590312934884423;0.020512820512820512802720784862;0.029487179487179486503389824748;0.014423076923076923877564681220;0.000961538461538461591837645415;0.045512820512820510721052613690;0.021794871794871793768688661430;0.009615384615384615918376454147;0.022435897435897435986396075691;0.006089743589743589792517841630;0.011858974358974358476181976130;0.027564102564102563319714533918;0.013141025641025641176873328675;0.008653846153846154326538808732;0.009935897435897435292506685300;0.009935897435897435292506685300;0.008012820512820512108831394471;0.014102564102564102768710974090;0.000000000000000000000000000000;0.010897435897435896884344330715;0.023397435897435897578233721106;0.009294871794871794809522747016;0.019230769230769231836752908293;0.011217948717948717993198037846;0.019871794871794870585013370601;0.014743589743589743251694912374
-0.057333333333333333370340767488;0.003333333333333333547282562037;0.031333333333333331094383567006;0.000666666666666666644404382058;0.032000000000000000666133814775;0.042666666666666665241880451731;0.002666666666666666577617528233;0.023333333333333334397297065266;0.021000000000000001304512053935;0.017333333333333332537673499019;0.024333333333333331816028533012;0.035000000000000003330669073875;0.017333333333333332537673499019;0.029000000000000001471045507628;0.008666666666666666268836749509;0.040666666666666663465523612331;0.022999999999999999611421941381;0.022999999999999999611421941381;0.037666666666666667739882257138;0.005000000000000000104083408559;0.019666666666666665630458510350;0.018666666666666668211727042603;0.004666666666666667052931760651;0.028666666666666666685170383744;0.056000000000000001165734175856;0.036666666666666666851703837438;0.030666666666666664992080271190;0.005666666666666667073748442363;0.002000000000000000041633363423;0.030666666666666664992080271190;0.022999999999999999611421941381;0.016666666666666666435370203203;0.016333333333333331649495079319;0.002000000000000000041633363423;0.013333333333333334189130248149;0.030666666666666664992080271190;0.014333333333333333342585191872;0.012999999999999999403255124264;0.002666666666666666577617528233;0.004333333333333333134418374755;0.003666666666666666598434209945;0.017999999999999998639976794834;0.000000000000000000000000000000;0.015666666666666665547191783503;0.012666666666666666352103476356;0.007333333333333333196868419890;0.028333333333333331899295259859;0.026999999999999999694688668228;0.024666666666666666601903656897;0.017666666666666667323548622903
-0.039090909090909092826748860716;0.014848484848484848688809911721;0.032727272727272729846426102540;0.022424242424242422921931705559;0.058181818181818181767717135244;0.046666666666666668794594130532;0.002424242424242424240321547302;0.023636363636363635909454217199;0.027272727272727271402574800163;0.013636363636363635701287400082;0.014242424242424242195048655901;0.033939393939393942833948614179;0.012121212121212121201607736509;0.017878787878787879422892714842;0.030606060606060605383538231195;0.029696969696969697377619823442;0.017878787878787879422892714842;0.027272727272727271402574800163;0.054545454545454542805149600326;0.005151515151515151727523722514;0.020000000000000000416333634234;0.013333333333333334189130248149;0.005454545454545454974404350423;0.022424242424242422921931705559;0.039393939393939390869459060696;0.022424242424242422921931705559;0.024242424242424242403215473018;0.021515151515151514916013297807;0.000303030303030303030040193413;0.059090909090909089773635542997;0.031212121212121211877299487014;0.012121212121212121201607736509;0.015454545454545455182571167541;0.003030303030303030300401934127;0.005454545454545454974404350423;0.020303030303030301928490786167;0.009393939393939393714405561298;0.010000000000000000208166817117;0.002121212121212121427121788386;0.006060606060606060600803868255;0.008484848484848485708487153545;0.020303030303030301928490786167;0.000000000000000000000000000000;0.009090909090909090467524933388;0.027272727272727271402574800163;0.008484848484848485708487153545;0.019090909090909092410415226482;0.012727272727272727695368992329;0.017575757575757574441288610956;0.009393939393939393714405561298
-0.028294573643410852320512205438;0.036434108527131782440111607002;0.024806201550387596554969604767;0.064341085271317835503346316273;0.055038759689922479856338810578;0.032170542635658917751673158136;0.005813953488372092942571001117;0.023255813953488371770284004469;0.025193798449612402751141004842;0.006201550387596899138742401192;0.013953488372093023062170402682;0.043023255813953491244472360222;0.011240310077519379688970602160;0.009689922480620154904285001862;0.035658914728682170047768806853;0.018217054263565891220055803501;0.011240310077519379688970602160;0.027519379844961239928169405289;0.047286821705426355932910809088;0.003100775193798449569371200596;0.026744186046511627535826605140;0.014341085271317829258341802756;0.013178294573643410669827602533;0.009302325581395348708113601788;0.034496124031007754928701558583;0.012403100775193798277484802384;0.023255813953488371770284004469;0.045736434108527131148225208790;0.003488372093023255765542600670;0.046899224806201553206186360967;0.044186046511627906363539608492;0.005038759689922480550228200968;0.012015503875968992081313402309;0.004263565891472868157885400819;0.008139534883720930119599401564;0.011240310077519379688970602160;0.004651162790697674354056800894;0.011240310077519379688970602160;0.012403100775193798277484802384;0.017441860465116278827713003352;0.017054263565891472631541603278;0.013178294573643410669827602533;0.000000000000000000000000000000;0.004263565891472868157885400819;0.030620155038759689497540605885;0.008527131782945736315770801639;0.007364341085271317727256601415;0.009689922480620154904285001862;0.016279069767441860239198803129;0.010077519379844961100456401937
-0.035069444444444444752839729063;0.030208333333333333564629796797;0.018402777777777778317469525859;0.011111111111111111535154627461;0.034722222222222223764198645313;0.054166666666666668517038374375;0.002777777777777777883788656865;0.034027777777777774848022573906;0.013888888888888888117900677344;0.006597222222222222202947516934;0.019791666666666665741480812812;0.042361111111111113269878103438;0.028819444444444446140618509844;0.012847222222222221682530474141;0.031597222222222220988641083750;0.023958333333333334952408577578;0.009722222222222222376419864531;0.031250000000000000000000000000;0.055208333333333331482961625625;0.004166666666666666608842550801;0.029513888888888888117900677344;0.011458333333333332523795711211;0.013541666666666667129259593594;0.010416666666666666088425508008;0.043402777777777776235801354687;0.019444444444444444752839729063;0.030208333333333333564629796797;0.045833333333333330095182844843;0.000347222222222222235473582108;0.066319444444444444752839729063;0.033333333333333332870740406406;0.004513888888888888464845372539;0.026388888888888888811790067734;0.002430555555555555594104966133;0.016319444444444445446729119453;0.008333333333333333217685101602;0.008333333333333333217685101602;0.008333333333333333217685101602;0.010763888888888888811790067734;0.007291666666666666782314898398;0.008680555555555555941049661328;0.012847222222222221682530474141;0.000000000000000000000000000000;0.005208333333333333044212754004;0.018749999999999999306110609609;0.007291666666666666782314898398;0.010069444444444445099784424258;0.010416666666666666088425508008;0.024305555555555555941049661328;0.005208333333333333044212754004
-0.013888888888888888117900677344;0.053968253968253970809243469375;0.022222222222222223070309254922;0.071428571428571424606346340624;0.047619047619047616404230893750;0.007539682539682539784420267637;0.011904761904761904101057723437;0.039285714285714284921269268125;0.011507936507936508685467913438;0.021031746031746033354092872969;0.011904761904761904101057723437;0.004365079365079365183999193789;0.009126984126984127518311673555;0.018650793650793650452213157109;0.076587301587301592764589486251;0.013888888888888888117900677344;0.016666666666666666435370203203;0.037698412698412696320016124218;0.032936507936507937455150596406;0.001984126984126984016842953906;0.022619047619047618485899064922;0.003968253968253968033685907812;0.002777777777777777883788656865;0.030555555555555554553270880547;0.015079365079365079568840535273;0.019444444444444444752839729063;0.030952380952380953438307642500;0.074206349206349206393262818438;0.001190476190476190583578119941;0.019047619047619049337249919063;0.002777777777777777883788656865;0.017063492063492061850960013203;0.014682539682539682418527249297;0.003174603174603174600421073848;0.010714285714285714384841341484;0.028968253968253969421464688594;0.011111111111111111535154627461;0.009126984126984127518311673555;0.001587301587301587300210536924;0.005158730158730158617264027754;0.023015873015873017370935826875;0.016666666666666666435370203203;0.000000000000000000000000000000;0.016269841269841271019780393203;0.036904761904761905488836504219;0.010317460317460317234528055508;0.013888888888888888117900677344;0.009920634920634920084214769531;0.014682539682539682418527249297;0.009920634920634920084214769531
-0.024528301886792454322705481218;0.032075471698113207363878274236;0.035849056603773583884464670746;0.087735849056603767981421526656;0.047798742138364783138548830266;0.025157232704402517076136547303;0.001572327044025157317258534206;0.016666666666666666435370203203;0.045911949685534587939361728104;0.014779874213836478175077004948;0.011635220125786162673198198547;0.026729559748427673959714212515;0.007547169811320754775896268995;0.018553459119496854695663401458;0.025786163522012579829567613388;0.018553459119496854695663401458;0.031446540880503144610447208152;0.049056603773584908645410962436;0.021698113207547168462818731882;0.005345911949685534271525799710;0.011320754716981131296482665505;0.022012578616352199839534264925;0.004716981132075471518094733625;0.014150943396226415421645938864;0.027358490566037736713145278600;0.016981132075471697812085736246;0.016037735849056603681939137118;0.059119496855345912700308019794;0.000943396226415094346987033624;0.032075471698113207363878274236;0.022012578616352199839534264925;0.010062893081761005789620533335;0.005660377358490565648241332752;0.003144654088050314634517068413;0.005345911949685534271525799710;0.024528301886792454322705481218;0.009433962264150943036189467250;0.011949685534591195784637207566;0.007547169811320754775896268995;0.004716981132075471518094733625;0.005974842767295597892318603783;0.053773584905660379296143958072;0.000000000000000000000000000000;0.006289308176100629269034136826;0.020125786163522011579241066670;0.004088050314465408764663667540;0.019811320754716980202525533628;0.011320754716981131296482665505;0.010062893081761005789620533335;0.011006289308176099919767132462
-0.037878787878787879839226349077;0.020303030303030301928490786167;0.043333333333333334813630699500;0.015151515151515151935690539631;0.038181818181818184820830452963;0.034545454545454545858262918046;0.003030303030303030300401934127;0.020909090909090908422252041987;0.014848484848484848688809911721;0.021818181818181819897617401693;0.021818181818181819897617401693;0.025454545454545455390737984658;0.013636363636363635701287400082;0.038181818181818184820830452963;0.022121212121212121409774553626;0.025757575757575756902895136591;0.009696969696969696961286189207;0.026666666666666668378260496297;0.025454545454545455390737984658;0.006969696969696969474084013996;0.019393939393939393922572378415;0.012121212121212121201607736509;0.012121212121212121201607736509;0.026363636363636363396656392410;0.039090909090909092826748860716;0.035757575757575758845785429685;0.028181818181818182877940159869;0.043030303030303029832026595614;0.000000000000000000000000000000;0.025151515151515150409133880771;0.013636363636363635701287400082;0.008787878787878787220644305478;0.015151515151515151935690539631;0.006060606060606060600803868255;0.019393939393939393922572378415;0.022121212121212121409774553626;0.016060606060606059941608947383;0.004848484848484848480643094604;0.000303030303030303030040193413;0.014242424242424242195048655901;0.006969696969696969474084013996;0.010303030303030303455047445027;0.000000000000000000000000000000;0.011818181818181817954727108599;0.014545454545454545441929283811;0.007878787878787879214725897725;0.042424242424242426807712291748;0.037575757575757574857622245190;0.026060606060606061884499240477;0.014848484848484848688809911721
-0.017829457364341085023884403427;0.036434108527131782440111607002;0.026744186046511627535826605140;0.025193798449612402751141004842;0.074031007751937979999290462274;0.026356589147286821339655205065;0.003488372093023255765542600670;0.032170542635658917751673158136;0.044186046511627906363539608492;0.008914728682170542511942201713;0.014341085271317829258341802756;0.026356589147286821339655205065;0.006976744186046511531085201341;0.016279069767441860239198803129;0.033720930232558142536358758434;0.014341085271317829258341802756;0.016279069767441860239198803129;0.045348837209302328421500760669;0.034108527131782945263083206555;0.005426356589147286746399601043;0.011240310077519379688970602160;0.021317829457364340789427004097;0.008914728682170542511942201713;0.012015503875968992081313402309;0.019767441860465116004741403799;0.014341085271317829258341802756;0.025968992248062015143483804991;0.077519379844961239234280014898;0.000000000000000000000000000000;0.053100775193798452344928762159;0.020155038759689922200912803874;0.004651162790697674354056800894;0.021705426356589146985598404171;0.003875968992248061961714000745;0.007364341085271317727256601415;0.019379844961240309808570003725;0.008139534883720930119599401564;0.002713178294573643373199800521;0.006201550387596899138742401192;0.008914728682170542511942201713;0.009689922480620154904285001862;0.044573643410852716029157960520;0.000000000000000000000000000000;0.004651162790697674354056800894;0.031395348837209305359330357987;0.005038759689922480550228200968;0.010077519379844961100456401937;0.010077519379844961100456401937;0.018604651162790697416227203576;0.010077519379844961100456401937
-0.030341880341880341637184059778;0.022649572649572648902482896460;0.013247863247863247634916739059;0.005555555555555555767577313730;0.025641025641025640136039243089;0.038034188034188030902438271141;0.002136752136752136967123849587;0.058547008547008547174606007957;0.017948717948717947401338079771;0.005982905982905983334474431246;0.029487179487179486503389824748;0.021367521367521367936515019892;0.019658119658119657668926549832;0.013247863247863247634916739059;0.045299145299145297804965792920;0.015811965811965811301575968173;0.008547008547008547868495398347;0.050854700854700854439904844639;0.067521367521367517405828095889;0.004700854700854700633783078700;0.028632478632478631369595589717;0.007264957264957265167804045802;0.014957264957264957902505209120;0.010683760683760683968257509946;0.031623931623931622603151936346;0.014102564102564102768710974090;0.043589743589743587537377322860;0.032051282051282048435325577884;0.000000000000000000000000000000;0.044017094017094020308444868306;0.013675213675213675201813856575;0.002991452991452991667237215623;0.039316239316239315337853099663;0.002136752136752136967123849587;0.005982905982905983334474431246;0.019658119658119657668926549832;0.017948717948717947401338079771;0.005982905982905983334474431246;0.006410256410256410034009810772;0.002991452991452991667237215623;0.011111111111111111535154627461;0.021367521367521367936515019892;0.000000000000000000000000000000;0.007264957264957265167804045802;0.036752136752136753405917346527;0.012393162393162392501122504029;0.010683760683760683968257509946;0.008547008547008547868495398347;0.039743589743589741170026741202;0.011538461538461539102051744976
-0.030769230769230770938804653269;0.010256410256410256401360392431;0.023397435897435897578233721106;0.320192307692307664979125547688;0.010256410256410256401360392431;0.022115384615384616612265844537;0.001923076923076923183675290829;0.015064102564102564360548619504;0.024038461538461539795941135367;0.013782051282051281659857266959;0.017948717948717947401338079771;0.015384615384615385469402326635;0.009935897435897435292506685300;0.020512820512820512802720784862;0.024358974358974359170071366520;0.017948717948717947401338079771;0.013141025641025641176873328675;0.025000000000000001387778780781;0.017628205128205128027207848618;0.005128205128205128200680196215;0.016346153846153847061239972049;0.011217948717948717993198037846;0.004807692307692307959188227073;0.017948717948717947401338079771;0.033333333333333332870740406406;0.020192307692307693428590553708;0.025641025641025640136039243089;0.011858974358974358476181976130;0.000320512820512820512542512263;0.012820512820512820068019621544;0.008974358974358973700669039886;0.008333333333333333217685101602;0.010256410256410256401360392431;0.004166666666666666608842550801;0.008333333333333333217685101602;0.020833333333333332176851016015;0.007692307692307692734701163317;0.008974358974358973700669039886;0.004166666666666666608842550801;0.005128205128205128200680196215;0.005448717948717948442172165358;0.016666666666666666435370203203;0.000000000000000000000000000000;0.013141025641025641176873328675;0.015384615384615385469402326635;0.003846153846153846367350581659;0.018269230769230770244915262879;0.014423076923076923877564681220;0.016666666666666666435370203203;0.016025641025641024217662788942
-0.049707602339181283790381371546;0.011111111111111111535154627461;0.041520467836257311800007840930;0.000000000000000000000000000000;0.006140350877192982462227099916;0.060818713450292397060259474983;0.002923976608187134340610668914;0.019005847953216373213969347944;0.023099415204678362678603065206;0.014619883040935671703053344572;0.021052631578947367946286206575;0.044444444444444446140618509844;0.026608187134502924581225258294;0.020760233918128655900003920465;0.007309941520467835851526672286;0.036549707602339179257633361431;0.022222222222222223070309254922;0.047368421052631580481229178758;0.025146198830409357410919923836;0.008771929824561403021832006743;0.014327485380116959656771058462;0.011403508771929825316160389548;0.014912280701754385484059106659;0.024561403508771929848908399663;0.057894736842105262719648806069;0.026315789473684209065496020230;0.030409356725146198530129737492;0.003801169590643274816266217186;0.000292397660818713455745110341;0.030994152046783626092141261665;0.035672514619883043118786503101;0.012280701754385964924454199831;0.015497076023391813046070630833;0.004678362573099415291921765458;0.020760233918128655900003920465;0.030409356725146198530129737492;0.010233918128654970192137341201;0.014327485380116959656771058462;0.004678362573099415291921765458;0.009649122807017544364849293004;0.003216374269005848121616431001;0.015789473684210526827076392919;0.000000000000000000000000000000;0.010526315789473683973143103287;0.005555555555555555767577313730;0.011988304093567251143448437745;0.022222222222222223070309254922;0.015789473684210526827076392919;0.040350877192982456675984792582;0.012280701754385964924454199831
-0.016666666666666666435370203203;0.011635220125786162673198198547;0.053459119496855347919428425030;0.281446540880503137671553304244;0.004716981132075471518094733625;0.015094339622641509551792537991;0.000628930817610062861851283333;0.015408805031446540928508071033;0.036792452830188678014611269873;0.012578616352201258538068273651;0.008176100628930817529327335080;0.015094339622641509551792537991;0.011006289308176099919767132462;0.024528301886792454322705481218;0.008176100628930817529327335080;0.014150943396226415421645938864;0.039937106918238991781766600297;0.040251572327044023158482133340;0.008490566037735848906042868123;0.010377358490566037166336066377;0.011635220125786162673198198547;0.019182389937106917449094467543;0.010062893081761005789620533335;0.021698113207547168462818731882;0.024213836477987422945989948175;0.015408805031446540928508071033;0.017295597484276729188801269288;0.009748427672955974412905000293;0.000000000000000000000000000000;0.008490566037735848906042868123;0.009748427672955974412905000293;0.017924528301886791942232335373;0.006289308176100629269034136826;0.004088050314465408764663667540;0.015094339622641509551792537991;0.038364779874213834898188935085;0.009433962264150943036189467250;0.006603773584905660645749669868;0.001572327044025157317258534206;0.009119496855345911659473934208;0.005345911949685534271525799710;0.026415094339622642582998679472;0.000000000000000000000000000000;0.009433962264150943036189467250;0.006603773584905660645749669868;0.003773584905660377387948134498;0.016352201257861635058654670161;0.016037735849056603681939137118;0.020440251572327042955956599712;0.011006289308176099919767132462
-0.015530303030303029693248717535;0.029166666666666667129259593594;0.017424242424242425419933510966;0.371212121212121215485524317046;0.009469696969696969959806587269;0.020454545454545454419292838111;0.001893939393939393991961317454;0.014015151515151515193569053963;0.015530303030303029693248717535;0.006818181818181817850643700041;0.008712121212121212709966755483;0.012500000000000000693889390391;0.014015151515151515193569053963;0.014015151515151515193569053963;0.024242424242424242403215473018;0.015151515151515151935690539631;0.024621212121212120160773650923;0.030681818181818181628939257166;0.006439393939393939225723784148;0.004924242424242423858682382587;0.009848484848484847717364765174;0.004924242424242423858682382587;0.005681818181818181975883952362;0.019318181818181817677171352443;0.016666666666666666435370203203;0.012500000000000000693889390391;0.015909090909090907450806895440;0.036742424242424243097104863409;0.003787878787878787983922634908;0.016666666666666666435370203203;0.015530303030303029693248717535;0.012878787878787878451447568295;0.005681818181818181975883952362;0.003030303030303030300401934127;0.011363636363636363951767904723;0.016287878787878788677812025298;0.005681818181818181975883952362;0.006818181818181817850643700041;0.002272727272727272616881233347;0.005303030303030303350964036468;0.009090909090909090467524933388;0.032954545454545451643735276548;0.000000000000000000000000000000;0.007575757575757575967845269815;0.009090909090909090467524933388;0.004166666666666666608842550801;0.011363636363636363951767904723;0.018939393939393939919613174538;0.012121212121212121201607736509;0.010984848484848484459486250842
-0.023511904761904761640423089375;0.029166666666666667129259593594;0.032440476190476193185663333907;0.036309523809523812365451789219;0.058630952380952380820211544687;0.022916666666666665047591422422;0.004761904761904762334312479766;0.036011904761904758864865527812;0.026785714285714284227379877734;0.010119047619047619526733150508;0.014285714285714285268213963320;0.014285714285714285268213963320;0.013988095238095238706521605820;0.027380952380952380820211544687;0.044940476190476190410105772344;0.016964285714285712997062560703;0.018452380952380952744418252109;0.036309523809523812365451789219;0.029166666666666667129259593594;0.007440476190476190063161077148;0.016666666666666666435370203203;0.019345238095238095898942276563;0.008035714285714284921269268125;0.017857142857142856151586585156;0.031845238095238093123384715000;0.023214285714285715078730731875;0.036607142857142858927144146719;0.021428571428571428769682682969;0.001488095238095238012632215430;0.030059523809523810283783618047;0.013095238095238095551997581367;0.014285714285714285268213963320;0.015476190476190476719153821250;0.005357142857142857192420670742;0.016666666666666666435370203203;0.025595238095238094511163495781;0.011011904761904762681257174961;0.005952380952380952050528861719;0.007738095238095238359576910625;0.012797619047619047255581747891;0.013392857142857142113689938867;0.018154761904761906182725894610;0.000000000000000000000000000000;0.007142857142857142634106981660;0.027380952380952380820211544687;0.011309523809523809242949532461;0.026785714285714284227379877734;0.020535714285714285615158658516;0.021428571428571428769682682969;0.015476190476190476719153821250
-0.031632653061224487445191044799;0.041496598639455782586704657433;0.026190476190476191103995162734;0.018707482993197278864361265960;0.013605442176870747791883609068;0.029251700680272108012758280893;0.007142857142857142634106981660;0.043877551020408162019137421339;0.021088435374149658296794029866;0.011564625850340135362892546311;0.025850340136054420631106509632;0.020408163265306120820463675614;0.012925170068027210315553254816;0.022789115646258503722343391473;0.044557823129251702964914727545;0.015986394557823128959039848951;0.019387755102040816340691620212;0.056462585034013607065972450982;0.040476190476190478106932602032;0.006122448979591836419611450282;0.021088435374149658296794029866;0.007823129251700680977799073901;0.011904761904761904101057723437;0.013945578231292516530048786194;0.029931972789115645489088635145;0.026870748299319728580325516987;0.044557823129251702964914727545;0.034693877551020407823401114911;0.001020408163265306214495531378;0.029591836734693878485646933996;0.014285714285714285268213963320;0.008163265306122449715964251027;0.021768707482993195773124384118;0.002721088435374149471640548015;0.007142857142857142634106981660;0.030952380952380953438307642500;0.016666666666666666435370203203;0.005782312925170067681446273156;0.003401360544217686947970902267;0.005102040816326530205115918903;0.015986394557823128959039848951;0.029251700680272108012758280893;0.000000000000000000000000000000;0.005782312925170067681446273156;0.026190476190476191103995162734;0.008163265306122449715964251027;0.013605442176870747791883609068;0.014965986394557822744544317572;0.029931972789115645489088635145;0.009183673469387755930459782405
-0.039265536723163844967654512175;0.019491525423728815052948348807;0.033333333333333332870740406406;0.002824858757062146882854669627;0.024576271186440679095142058941;0.040395480225988697475791866509;0.002542372881355932021096855067;0.038700564971751415244138883054;0.027683615819209039105031067152;0.011864406779661017254934307630;0.020338983050847456168774840535;0.025988700564971749934484179789;0.020056497175141241307017025974;0.024011299435028249371626429820;0.025141242937853108818657688062;0.032485875706214688285466962725;0.017514124293785311020643646884;0.049152542372881358190284117882;0.031638418079096043700193519044;0.007062146892655367207136674068;0.023446327683615819648110800699;0.016101694915254236711854574082;0.014406779661016949276031162697;0.014689265536723164137788977257;0.049152542372881358190284117882;0.028531073446327683690304510833;0.041242937853107342061065310190;0.013841807909604519552515533576;0.000282485875706214699127488688;0.029661016949152543137335769075;0.012146892655367232116692122190;0.006497175141242937483621044947;0.020903954802259885892290469656;0.005932203389830508627467153815;0.014689265536723164137788977257;0.031920903954802258561951333604;0.014124293785310734414273348136;0.009604519774011300095595267123;0.002824858757062146882854669627;0.011581920903954802393176493069;0.011864406779661017254934307630;0.017514124293785311020643646884;0.000000000000000000000000000000;0.008192090395480225786806194321;0.013559322033898304690757719015;0.011864406779661017254934307630;0.016666666666666666435370203203;0.019491525423728815052948348807;0.031638418079096043700193519044;0.013559322033898304690757719015
-0.021794871794871793768688661430;0.033974358974358971619000868714;0.025961538461538462979616426196;0.009615384615384615918376454147;0.036217948717948721115700294604;0.033974358974358971619000868714;0.008653846153846154326538808732;0.039743589743589741170026741202;0.026282051282051282353746657350;0.005128205128205128200680196215;0.018589743589743589619045494032;0.022435897435897435986396075691;0.016987179487179485809500434357;0.019871794871794870585013370601;0.042628205128205129414986629399;0.020833333333333332176851016015;0.009615384615384615918376454147;0.040705128205128206231311338570;0.053525641025641022829884008161;0.003525641025641025692177743522;0.026282051282051282353746657350;0.017948717948717947401338079771;0.023717948717948716952363952259;0.008333333333333333217685101602;0.029807692307692309346967007855;0.016987179487179485809500434357;0.033974358974358971619000868714;0.034294871794871797932025003774;0.000320512820512820512542512263;0.046153846153846156408206979904;0.016987179487179485809500434357;0.006089743589743589792517841630;0.025961538461538462979616426196;0.004807692307692307959188227073;0.021474358974358974394558430276;0.021153846153846155020428199123;0.008974358974358973700669039886;0.005769230769230769551025872488;0.007692307692307692734701163317;0.018910256410256408993175725186;0.017948717948717947401338079771;0.017307692307692308653077617464;0.000000000000000000000000000000;0.002243589743589743425167259971;0.030448717948717948095227470162;0.008653846153846154326538808732;0.012500000000000000693889390391;0.013461538461538462285727035805;0.022115384615384616612265844537;0.009615384615384615918376454147
-0.023850574712643679564649801250;0.019540229885057470993192652031;0.059195402298850577360589397813;0.002873563218390804557822448828;0.034482758620689654693869385937;0.021551724137931035918391842188;0.003160919540229885013604693711;0.029310344827586206489788978047;0.033908045977011497251751848125;0.031896551724137932326552657969;0.017241379310344827346934692969;0.023850574712643679564649801250;0.006321839080459770027209387422;0.036781609195402298340127345000;0.028735632183908045578224488281;0.016091954022988505523805713437;0.014942528735632183700676733906;0.035057471264367819074880827657;0.033620689655172411591799175312;0.008333333333333333217685101602;0.014080459770114942333329999258;0.020689655172413792816321631562;0.009482758620689655040814081133;0.036494252873563219619068576094;0.026436781609195401931966529219;0.035344827586206897795939596563;0.032471264367816089768670195781;0.009770114942528735496596326016;0.000862068965517241367346734648;0.034770114942528733414928154843;0.018965517241379310081628162266;0.016666666666666666435370203203;0.017816091954022988258499182734;0.006321839080459770027209387422;0.008333333333333333217685101602;0.039367816091954020707444072968;0.012931034482758620510201019727;0.006034482758620689571427142539;0.010344827586206896408160815781;0.015804597701149426802746944531;0.008333333333333333217685101602;0.017241379310344827346934692969;0.000000000000000000000000000000;0.011494252873563218231289795312;0.024425287356321840476214291016;0.008333333333333333217685101602;0.035344827586206897795939596563;0.016091954022988505523805713437;0.014942528735632183700676733906;0.010057471264367815952378570898
-0.029674796747967479432217530189;0.008943089430894309369013406297;0.051626016260162603532801739448;0.000813008130081300812302957937;0.016666666666666666435370203203;0.016260162601626017980782634709;0.003252032520325203249211831746;0.021951219512195120631137257305;0.028048780487804878674973352304;0.043089430894308944353099377622;0.013008130081300812996847326986;0.031300813008130083658908660027;0.006910569105691056687734707964;0.057723577235772358107190882492;0.013821138211382113375469415928;0.018699186991869919116648901536;0.010162601626016259936946539710;0.020731707317073171797927599869;0.019918699186991871419305510926;0.008130081300813008990391317354;0.021138211382113820252515168363;0.016260162601626017980782634709;0.004065040650406504495195658677;0.061788617886178863469748279158;0.025609756097560974069660133523;0.038211382113821135142472940061;0.023577235772357724857828387144;0.008536585365853659179702361826;0.000000000000000000000000000000;0.021138211382113820252515168363;0.013008130081300812996847326986;0.021138211382113820252515168363;0.006910569105691056687734707964;0.004878048780487804873817747620;0.010162601626016259936946539710;0.055691056910569108895359136113;0.013414634146341463186158371457;0.005691056910569106119801574550;0.001219512195121951218454436905;0.008943089430894309369013406297;0.006504065040650406498423663493;0.016260162601626017980782634709;0.000000000000000000000000000000;0.029268292682926830977629961694;0.008536585365853659179702361826;0.010569105691056910126257584182;0.069512195121951225740275503995;0.039430894308943087445129549451;0.020731707317073171797927599869;0.017073170731707318359404723651
-0.022448979591836733249454738370;0.017006802721088436908258856306;0.048299319727891157350008199955;0.002721088435374149471640548015;0.045238095238095236971798129844;0.029251700680272108012758280893;0.002380952380952381167156239883;0.029591836734693878485646933996;0.028231292517006803532986225491;0.021428571428571428769682682969;0.014625850340136054006379140446;0.028231292517006803532986225491;0.017687074829931974384589210558;0.023809523809523808202115446875;0.023129251700680270725785092623;0.017687074829931974384589210558;0.019047619047619049337249919063;0.041496598639455782586704657433;0.030272108843537415961977288248;0.009863945578231291672066660681;0.013605442176870747791883609068;0.022448979591836733249454738370;0.018027210884353741388030911708;0.018027210884353741388030911708;0.033333333333333332870740406406;0.018707482993197278864361265960;0.028911564625850341009316579743;0.025510204081632653627664808482;0.000680272108843537367910137004;0.036394557823129253248950476518;0.022108843537414966246013037221;0.011224489795918366624727369185;0.016666666666666666435370203203;0.007142857142857142634106981660;0.018027210884353741388030911708;0.034693877551020407823401114911;0.012244897959183672839222900564;0.006462585034013605157776627408;0.005442176870748298943281096030;0.027210884353741495583767218136;0.008843537414965987192294605279;0.020068027210884353817021974464;0.000000000000000000000000000000;0.009863945578231291672066660681;0.018707482993197278864361265960;0.010204081632653060410231837807;0.022448979591836733249454738370;0.019047619047619049337249919063;0.027210884353741495583767218136;0.014285714285714285268213963320
-0.041830065359477121289533130266;0.016666666666666666435370203203;0.044117647058823532268956313374;0.005228758169934640161191641283;0.005882352941176470506601248189;0.044444444444444446140618509844;0.001307189542483660040297910321;0.023856209150326795898067189228;0.032026143790849670445197716617;0.015032679738562091872888792921;0.020915032679738560644766565133;0.047712418300653591796134378455;0.023529411764705882026404992757;0.030392156862745097617439782312;0.010784313725490195928768955014;0.031699346405228756573535520147;0.021568627450980391857537910028;0.044444444444444446140618509844;0.024509803921568627110838534122;0.006209150326797385245625182648;0.016339869281045752563708006733;0.015359477124183005744550989391;0.015032679738562091872888792921;0.019607843137254901688670827298;0.048366013071895426478352675304;0.023856209150326795898067189228;0.025163398692810458323609879017;0.014379084967320260660117448026;0.000653594771241830020148955160;0.033986928104575160614064799347;0.038235294117647061762355065184;0.008496732026143790153516199837;0.012418300653594770491250365296;0.003594771241830065165029362007;0.015686274509803921350936661838;0.036274509803921571593487982454;0.013398692810457515575683906661;0.012418300653594770491250365296;0.001307189542483660040297910321;0.012418300653594770491250365296;0.004248366013071895076758099918;0.022549019607843136941971451392;0.000000000000000000000000000000;0.007189542483660130330058724013;0.009803921568627450844335413649;0.011111111111111111535154627461;0.020915032679738560644766565133;0.016666666666666666435370203203;0.025163398692810458323609879017;0.023202614379084968154742796287
-0.051412429378531070145452730458;0.019774011299435029914706163368;0.036440677966101696350076366571;0.005084745762711864042193710134;0.008474576271186440648564008882;0.042372881355932201508096568432;0.002824858757062146882854669627;0.029661016949152543137335769075;0.019209039548022600191190534247;0.017231638418079096158885832324;0.017796610169491525882401461445;0.029096045197740113413820139954;0.020338983050847456168774840535;0.024576271186440679095142058941;0.020903954802259885892290469656;0.034463276836158192317771664648;0.021186440677966100754048284216;0.046892655367231639296221601398;0.025141242937853108818657688062;0.006779661016949152345378859508;0.020056497175141241307017025974;0.014971751412429378999546791817;0.020338983050847456168774840535;0.022316384180790960201079542458;0.054802259887005648486546505183;0.026553672316384179657999808910;0.033615819209039547732498220967;0.023446327683615819648110800699;0.000564971751412429398254977375;0.025706214689265535072726365229;0.018361581920903955605917090566;0.007344632768361582068894488629;0.018926553672316385329432719686;0.005649717514124293765709339254;0.018361581920903955605917090566;0.027118644067796609381515438031;0.015819209039548021850096759522;0.010451977401129942946145234828;0.001694915254237288086344714877;0.011016949152542372669660863949;0.008474576271186440648564008882;0.006497175141242937483621044947;0.000000000000000000000000000000;0.012146892655367232116692122190;0.014971751412429378999546791817;0.010734463276836157807903049388;0.021468926553672315615806098776;0.023163841807909604786352986139;0.031355932203389828838435704483;0.014406779661016949276031162697
-0.021031746031746033354092872969;0.040476190476190478106932602032;0.040079365079365082691342792032;0.007936507936507936067371815625;0.032539682539682542039560786407;0.027777777777777776235801354687;0.009523809523809524668624959531;0.048412698412698414174304417656;0.034920634920634921471993550313;0.012698412698412698401684295391;0.014682539682539682418527249297;0.018650793650793650452213157109;0.011111111111111111535154627461;0.011904761904761904101057723437;0.046428571428571430157461463750;0.023809523809523808202115446875;0.014285714285714285268213963320;0.053968253968253970809243469375;0.044841269841269841556208319844;0.008730158730158730367998387578;0.024206349206349207087152208828;0.015873015873015872134743631250;0.020634920634920634469056111016;0.012301587301587301251371009414;0.029761904761904760252644308594;0.017460317460317460735996775156;0.041666666666666664353702032031;0.026190476190476191103995162734;0.000000000000000000000000000000;0.029365079365079364837054498594;0.017460317460317460735996775156;0.008730158730158730367998387578;0.016269841269841271019780393203;0.003968253968253968033685907812;0.015079365079365079568840535273;0.025793650793650792218958400781;0.012301587301587301251371009414;0.005158730158730158617264027754;0.005158730158730158617264027754;0.010317460317460317234528055508;0.019444444444444444752839729063;0.021428571428571428769682682969;0.000000000000000000000000000000;0.007539682539682539784420267637;0.030158730158730159137681070547;0.005555555555555555767577313730;0.009920634920634920084214769531;0.007936507936507936067371815625;0.025396825396825396803368590781;0.011111111111111111535154627461
-0.012222222222222222862142437805;0.042777777777777775680689842375;0.036666666666666666851703837438;0.029166666666666667129259593594;0.090833333333333335368742211813;0.017500000000000001665334536938;0.007499999999999999722444243844;0.033055555555555553304269977843;0.032500000000000001110223024625;0.003888888888888888777095598215;0.011388888888888889366901580047;0.032777777777777780676693453188;0.005833333333333333599324266316;0.009722222222222222376419864531;0.066111111111111106608539955687;0.018611111111111109522875395328;0.015833333333333334674852821422;0.038611111111111109939209029562;0.036111111111111107718762980312;0.004166666666666666608842550801;0.015277777777777777276635440273;0.021944444444444443503838826359;0.008888888888888888881179006773;0.007222222222222221890697291258;0.016666666666666666435370203203;0.010833333333333333703407674875;0.030833333333333334119741309109;0.041111111111111112159655078813;0.000833333333333333386820640509;0.041388888888888891726125507375;0.029166666666666667129259593594;0.004444444444444444440589503387;0.016666666666666666435370203203;0.004444444444444444440589503387;0.003611111111111110945348645629;0.020277777777777776513357110844;0.005833333333333333599324266316;0.003055555555555555715535609451;0.012500000000000000693889390391;0.013333333333333334189130248149;0.012222222222222222862142437805;0.035555555555555555524716027094;0.000000000000000000000000000000;0.003055555555555555715535609451;0.052499999999999998057109706906;0.004722222222222222272336455973;0.010555555555555555871660722289;0.005000000000000000104083408559;0.012500000000000000693889390391;0.010277777777777778039913769703
-0.034126984126984123701920026406;0.030158730158730159137681070547;0.017063492063492061850960013203;0.033730158730158728286330216406;0.053571428571428568454759755468;0.044444444444444446140618509844;0.002380952380952381167156239883;0.027777777777777776235801354687;0.046031746031746034741871653750;0.004761904761904762334312479766;0.013492063492063492702310867344;0.049603174603174600421073847656;0.012698412698412698401684295391;0.011904761904761904101057723437;0.038095238095238098674499838125;0.018253968253968255036623347110;0.011507936507936508685467913438;0.029365079365079364837054498594;0.033730158730158728286330216406;0.004761904761904762334312479766;0.018253968253968255036623347110;0.017460317460317460735996775156;0.006746031746031746351155433672;0.006746031746031746351155433672;0.042857142857142857539365365938;0.018650793650793650452213157109;0.024603174603174602502742018828;0.055158730158730157056012899375;0.000793650793650793650105268462;0.049206349206349205005484037656;0.035714285714285712303173170312;0.004761904761904762334312479766;0.011904761904761904101057723437;0.002777777777777777883788656865;0.009523809523809524668624959531;0.010317460317460317234528055508;0.003571428571428571317053490830;0.005952380952380952050528861719;0.010714285714285714384841341484;0.005555555555555555767577313730;0.012301587301587301251371009414;0.054761904761904761640423089375;0.000000000000000000000000000000;0.003174603174603174600421073848;0.026984126984126985404621734688;0.003968253968253968033685907812;0.007142857142857142634106981660;0.009126984126984127518311673555;0.014285714285714285268213963320;0.009523809523809524668624959531
-0.047959183673469386877119546853;0.003061224489795918209805725141;0.035374149659863948769178421117;0.000680272108843537367910137004;0.018027210884353741388030911708;0.030272108843537415961977288248;0.002040816326530612428991062757;0.017346938775510203911700557455;0.023809523809523808202115446875;0.038775510204081632681383240424;0.021428571428571428769682682969;0.042857142857142857539365365938;0.011224489795918366624727369185;0.038095238095238098674499838125;0.005782312925170067681446273156;0.029591836734693878485646933996;0.014965986394557822744544317572;0.020068027210884353817021974464;0.026870748299319728580325516987;0.005442176870748298943281096030;0.022448979591836733249454738370;0.011904761904761904101057723437;0.004421768707482993596147302640;0.059863945578231290978177270290;0.054761904761904761640423089375;0.053061224489795916214873727768;0.024489795918367345678445801127;0.003741496598639455686136079393;0.000340136054421768683955068502;0.034013605442176873816517712612;0.019047619047619049337249919063;0.014285714285714285268213963320;0.009523809523809524668624959531;0.002721088435374149471640548015;0.013945578231292516530048786194;0.037414965986394557728722531920;0.010544217687074829148397014933;0.012585034013605441577388077690;0.002040816326530612428991062757;0.005782312925170067681446273156;0.003741496598639455686136079393;0.011564625850340135362892546311;0.000000000000000000000000000000;0.028571428571428570536427926640;0.007823129251700680977799073901;0.016666666666666666435370203203;0.038095238095238098674499838125;0.029251700680272108012758280893;0.014965986394557822744544317572;0.018707482993197278864361265960
-0.020238095238095239053466301016;0.033928571428571425994125121406;0.013988095238095238706521605820;0.056547619047619047949471138281;0.081250000000000002775557561563;0.029761904761904760252644308594;0.009523809523809524668624959531;0.035714285714285712303173170312;0.009523809523809524668624959531;0.009226190476190476372209126055;0.012797619047619047255581747891;0.049702380952380949274971300156;0.011607142857142857539365365938;0.008333333333333333217685101602;0.079464285714285709527615608749;0.021428571428571428769682682969;0.009226190476190476372209126055;0.023809523809523808202115446875;0.048214285714285716466509512657;0.002976190476190476025264430859;0.019047619047619049337249919063;0.007440476190476190063161077148;0.002678571428571428596210335371;0.012202380952380952397473556914;0.026785714285714284227379877734;0.011904761904761904101057723437;0.027083333333333334258519187188;0.050595238095238095898942276563;0.000297619047619047645894529985;0.045833333333333330095182844843;0.029761904761904760252644308594;0.008333333333333333217685101602;0.024702380952380951356639471328;0.002976190476190476025264430859;0.005357142857142857192420670742;0.010416666666666666088425508008;0.004464285714285714037896646289;0.008035714285714284921269268125;0.004166666666666666608842550801;0.003571428571428571317053490830;0.014583333333333333564629796797;0.007440476190476190063161077148;0.000000000000000000000000000000;0.006250000000000000346944695195;0.063690476190476186246769429999;0.007142857142857142634106981660;0.007738095238095238359576910625;0.006250000000000000346944695195;0.007440476190476190063161077148;0.006547619047619047775998790684
-0.021250000000000001526556658860;0.028333333333333331899295259859;0.047083333333333331205405869468;0.086666666666666669627261399000;0.027500000000000000138777878078;0.015833333333333334674852821422;0.005000000000000000104083408559;0.032500000000000001110223024625;0.031666666666666669349705642844;0.016666666666666666435370203203;0.014583333333333333564629796797;0.013750000000000000069388939039;0.006666666666666667094565124074;0.029166666666666667129259593594;0.041666666666666664353702032031;0.021250000000000001526556658860;0.017916666666666667545593227828;0.044999999999999998334665463062;0.026249999999999999028554853453;0.007916666666666667337426410711;0.016250000000000000555111512313;0.030416666666666668239482618219;0.008750000000000000832667268469;0.015833333333333334674852821422;0.034166666666666664631257788187;0.027916666666666666019036568969;0.028750000000000001249000902703;0.029999999999999998889776975375;0.000833333333333333386820640509;0.014583333333333333564629796797;0.008750000000000000832667268469;0.013333333333333334189130248149;0.012500000000000000693889390391;0.007083333333333332974823814965;0.008750000000000000832667268469;0.024583333333333332038073137937;0.007916666666666667337426410711;0.006250000000000000346944695195;0.007083333333333332974823814965;0.015833333333333334674852821422;0.012500000000000000693889390391;0.014999999999999999444888487687;0.000000000000000000000000000000;0.011666666666666667198648532633;0.022499999999999999167332731531;0.007916666666666667337426410711;0.023750000000000000277555756156;0.014166666666666665949647629930;0.020833333333333332176851016015;0.015416666666666667059870654555
-0.023863636363636364645657295114;0.024621212121212120160773650923;0.056439393939393942001281345711;0.001515151515151515150200967064;0.004545454545454545233762466694;0.024242424242424242403215473018;0.003030303030303030300401934127;0.040909090909090908838585676222;0.034090909090909088385856762216;0.016666666666666666435370203203;0.021212121212121213403856145874;0.023484848484848483418652165255;0.008712121212121212709966755483;0.026893939393939393645016622258;0.032954545454545451643735276548;0.018181818181818180935049866775;0.025000000000000001387778780781;0.065530303030303035938253231052;0.034090909090909088385856762216;0.007954545454545453725403447720;0.026515151515151515887458444354;0.017045454545454544192928381108;0.014772727272727272443408885749;0.021969696969696968918972501683;0.035606060606060606354983377742;0.029924242424242422644375949403;0.046969696969696966837304330511;0.007575757575757575967845269815;0.001136363636363636308440616673;0.020454545454545454419292838111;0.020075757575757576661734660206;0.012121212121212121201607736509;0.021590909090909091161414323778;0.004166666666666666608842550801;0.015909090909090907450806895440;0.040530303030303027611580546363;0.020833333333333332176851016015;0.003787878787878787983922634908;0.000378787878787878787550241766;0.012500000000000000693889390391;0.009090909090909090467524933388;0.018560606060606062162054996634;0.000000000000000000000000000000;0.010227272727272727209646419055;0.009090909090909090467524933388;0.009090909090909090467524933388;0.023863636363636364645657295114;0.014772727272727272443408885749;0.026893939393939393645016622258;0.010606060606060606701928072937
-0.050308641975308640570396789826;0.011111111111111111535154627461;0.020987654320987654543717582101;0.000925925925925925961262885622;0.026851851851851852442942814037;0.051543209876543212566435414601;0.002777777777777777883788656865;0.034876543209876542661618259444;0.017901234567901234961961876024;0.014506172839506172381196513754;0.032716049382716050342168045972;0.042901234567901236349740656806;0.017283950617283948963942563637;0.020061728395061727281412089496;0.017592592592592593697675695807;0.041049382716049381825129671597;0.010802469135802468536144971267;0.024074074074074074125473288177;0.048148148148148148250946576354;0.002160493827160493620492820455;0.032098765432098767813595685539;0.008950617283950617480980938012;0.009567901234567901744276774423;0.021296296296296295808003762318;0.053395061728395060152152495903;0.029012345679012344762393027509;0.035802469135802469923923752049;0.008641975308641974481971281818;0.000000000000000000000000000000;0.053703703703703704885885628073;0.027777777777777776235801354687;0.007098765432098765558455166769;0.021296296296296295808003762318;0.003395061728395061713403624282;0.014197530864197531116910333537;0.022530864197530864334595435139;0.013271604938271605589328316910;0.012345679012345678327022824305;0.004629629629629629372633559115;0.003086419753086419581755706076;0.009876543209876543008562954640;0.012345679012345678327022824305;0.000000000000000000000000000000;0.008950617283950617480980938012;0.014197530864197531116910333537;0.010185185185185186007572610833;0.020987654320987654543717582101;0.020061728395061727281412089496;0.020987654320987654543717582101;0.011728395061728395798450463872
-0.038617886178861790535954412462;0.012195121951219512618225238043;0.043089430894308944353099377622;0.003658536585365853872203745212;0.038211382113821135142472940061;0.040243902439024391293198590347;0.001626016260162601624605915873;0.023170731707317072933793866696;0.034959349593495933627984584291;0.021138211382113820252515168363;0.021138211382113820252515168363;0.025609756097560974069660133523;0.009349593495934959558324450768;0.030487804878048779810839619131;0.017073170731707318359404723651;0.035365853658536582082572152785;0.029674796747967479432217530189;0.028861788617886179053595441246;0.036991869918699189778710234577;0.008536585365853659179702361826;0.019105691056910567571236470030;0.026829268292682926372316742913;0.008943089430894309369013406297;0.028455284552845527129560920798;0.054878048780487805047290095217;0.029268292682926830977629961694;0.026016260162601625993694653971;0.004471544715447154684506703148;0.000406504065040650406151478968;0.032113821138211380568083797016;0.032113821138211380568083797016;0.010975609756097560315568628653;0.017479674796747966813992292145;0.004471544715447154684506703148;0.012601626016260162807536282514;0.027235772357723578296351263361;0.013821138211382113375469415928;0.010569105691056910126257584182;0.003252032520325203249211831746;0.010975609756097560315568628653;0.002845528455284553059900787275;0.015447154471544715867437069790;0.000000000000000000000000000000;0.010569105691056910126257584182;0.014227642276422763564780460399;0.008130081300813008990391317354;0.026422764227642277917729174419;0.020731707317073171797927599869;0.015447154471544715867437069790;0.012195121951219512618225238043
-0.026515151515151515887458444354;0.007196969696969697342925353922;0.093939393939393933674608661022;0.016287878787878788677812025298;0.000757575757575757575100483532;0.007954545454545453725403447720;0.004166666666666666608842550801;0.018560606060606062162054996634;0.022727272727272727903535809446;0.050000000000000002775557561563;0.009848484848484847717364765174;0.003787878787878787983922634908;0.002272727272727272616881233347;0.055303030303030305259159860043;0.007954545454545453725403447720;0.014015151515151515193569053963;0.044696969696969700291955263083;0.042045454545454545580707161889;0.011363636363636363951767904723;0.014393939393939394685850707845;0.010984848484848484459486250842;0.016666666666666666435370203203;0.002651515151515151675482018234;0.076515151515151508254675150056;0.017424242424242425419933510966;0.043560606060606063549833777415;0.032954545454545451643735276548;0.002272727272727272616881233347;0.003409090909090908925321850020;0.000757575757575757575100483532;0.003787878787878787983922634908;0.042045454545454545580707161889;0.002272727272727272616881233347;0.003787878787878787983922634908;0.008333333333333333217685101602;0.078409090909090914389700799347;0.015151515151515151935690539631;0.005681818181818181975883952362;0.000757575757575757575100483532;0.009090909090909090467524933388;0.005303030303030303350964036468;0.009848484848484847717364765174;0.000000000000000000000000000000;0.028787878787878789371701415689;0.001893939393939393991961317454;0.018181818181818180935049866775;0.053409090909090906063028114659;0.025757575757575756902895136591;0.017045454545454544192928381108;0.009469696969696969959806587269
-0.029532163742690058921835927208;0.026900584795321636627507544404;0.020467836257309940384274682401;0.042982456140350878970313175387;0.135672514619883027853219914505;0.023391812865497074724885351316;0.003508771929824561468941324094;0.025730994152046784972931448010;0.016374269005847954389087917093;0.012573099415204678705459961918;0.013450292397660818313753772202;0.018421052631578945651957823770;0.009649122807017544364849293004;0.015497076023391813046070630833;0.068421052631578951896962337287;0.019005847953216373213969347944;0.017251461988304093997381727377;0.028947368421052631359824403035;0.035672514619883043118786503101;0.004093567251461988597271979273;0.014912280701754385484059106659;0.006725146198830409156876886101;0.003216374269005848121616431001;0.021929824561403507554580016858;0.030409356725146198530129737492;0.024269005847953217802626113553;0.025438596491228069457202209946;0.026900584795321636627507544404;0.002339181286549707645960882729;0.043859649122807015109160033717;0.006725146198830409156876886101;0.017543859649122806043664013487;0.024269005847953217802626113553;0.001461988304093567170305334457;0.007017543859649122937882648188;0.021637426900584795508297730748;0.006725146198830409156876886101;0.006432748538011696243232862003;0.002923976608187134340610668914;0.001754385964912280734470662047;0.008187134502923977194543958547;0.011695906432748537362442675658;0.000000000000000000000000000000;0.010233918128654970192137341201;0.045029239766081870233183082064;0.007017543859649122937882648188;0.020175438596491228337992396291;0.009064327485380116802837768830;0.012280701754385964924454199831;0.012280701754385964924454199831
-0.013782051282051281659857266959;0.038141025641025644299375585433;0.031410256410256409687065115577;0.095192307692307687183586040192;0.110576923076923072652988366826;0.014743589743589743251694912374;0.005769230769230769551025872488;0.031089743589743590312934884423;0.025641025641025640136039243089;0.006410256410256410034009810772;0.011858974358974358476181976130;0.016666666666666666435370203203;0.006410256410256410034009810772;0.009935897435897435292506685300;0.062179487179487180625869768846;0.010897435897435896884344330715;0.008012820512820512108831394471;0.033333333333333332870740406406;0.042628205128205129414986629399;0.003846153846153846367350581659;0.013782051282051281659857266959;0.028205128205128205537421948179;0.009935897435897435292506685300;0.011858974358974358476181976130;0.017628205128205128027207848618;0.010576923076923077510214099561;0.019871794871794870585013370601;0.037820512820512817986351450372;0.000000000000000000000000000000;0.045512820512820510721052613690;0.007051282051282051384355487045;0.004487179487179486850334519943;0.018910256410256408993175725186;0.006410256410256410034009810772;0.005769230769230769551025872488;0.012820512820512820068019621544;0.005128205128205128200680196215;0.006089743589743589792517841630;0.009935897435897435292506685300;0.025000000000000001387778780781;0.013461538461538462285727035805;0.015064102564102564360548619504;0.000000000000000000000000000000;0.004166666666666666608842550801;0.047756410256410253278858135673;0.004166666666666666608842550801;0.011538461538461539102051744976;0.010256410256410256401360392431;0.013461538461538462285727035805;0.004807692307692307959188227073
-0.015151515151515151935690539631;0.024242424242424242403215473018;0.033333333333333332870740406406;0.061818181818181820730284670162;0.087272727272727279590469606774;0.024242424242424242403215473018;0.005151515151515151727523722514;0.036060606060606063827389533571;0.023333333333333334397297065266;0.007878787878787879214725897725;0.016060606060606059941608947383;0.023636363636363635909454217199;0.008181818181818182461606525635;0.014545454545454545441929283811;0.063030303030303033717807181802;0.012727272727272727695368992329;0.016060606060606059941608947383;0.040606060606060603856981572335;0.035454545454545453864181325798;0.004242424242424242854243576772;0.014242424242424242195048655901;0.017575757575757574441288610956;0.010000000000000000208166817117;0.009090909090909090467524933388;0.021212121212121213403856145874;0.013636363636363635701287400082;0.027272727272727271402574800163;0.055454545454545457749961911986;0.001515151515151515150200967064;0.036666666666666666851703837438;0.024242424242424242403215473018;0.007272727272727272720964641906;0.013030303030303030942249620239;0.001818181818181818180241160476;0.006969696969696969474084013996;0.020303030303030301928490786167;0.007575757575757575967845269815;0.006969696969696969474084013996;0.007575757575757575967845269815;0.008484848484848485708487153545;0.008181818181818182461606525635;0.024545454545454543915372624951;0.000000000000000000000000000000;0.003636363636363636360482320953;0.047878787878787881782116642171;0.005151515151515151727523722514;0.010606060606060606701928072937;0.008787878787878787220644305478;0.016969696969696971416974307090;0.010303030303030303455047445027
-0.018560606060606062162054996634;0.035606060606060606354983377742;0.026893939393939393645016622258;0.093560606060606066325391338978;0.125378787878787867349217322044;0.027272727272727271402574800163;0.005681818181818181975883952362;0.019696969696969695434729530348;0.031818181818181814901613790880;0.007575757575757575967845269815;0.007575757575757575967845269815;0.032196969696969696128618920739;0.007196969696969697342925353922;0.014015151515151515193569053963;0.045454545454545455807071618892;0.012878787878787878451447568295;0.015151515151515151935690539631;0.035984848484848487581988507600;0.029545454545454544886817771498;0.003030303030303030300401934127;0.014772727272727272443408885749;0.015530303030303029693248717535;0.008333333333333333217685101602;0.011742424242424241709326082628;0.022348484848484850145977631541;0.018560606060606062162054996634;0.015151515151515151935690539631;0.044318181818181819064950133225;0.000000000000000000000000000000;0.044696969696969700291955263083;0.014393939393939394685850707845;0.011363636363636363951767904723;0.008333333333333333217685101602;0.004166666666666666608842550801;0.008333333333333333217685101602;0.015530303030303029693248717535;0.007575757575757575967845269815;0.004545454545454545233762466694;0.008333333333333333217685101602;0.007196969696969697342925353922;0.007575757575757575967845269815;0.029166666666666667129259593594;0.000000000000000000000000000000;0.005303030303030303350964036468;0.034469696969696969612861892074;0.003787878787878787983922634908;0.010227272727272727209646419055;0.007196969696969697342925353922;0.011742424242424241709326082628;0.010227272727272727209646419055
-0.037797619047619045173913576718;0.008928571428571428075793292578;0.038095238095238098674499838125;0.023511904761904761640423089375;0.102976190476190471168038698124;0.039285714285714284921269268125;0.001488095238095238012632215430;0.016666666666666666435370203203;0.021130952380952382207990325469;0.013690476190476190410105772344;0.018452380952380952744418252109;0.030357142857142856845475975547;0.018452380952380952744418252109;0.022321428571428571924206707422;0.022619047619047618485899064922;0.030952380952380953438307642500;0.023214285714285715078730731875;0.029166666666666667129259593594;0.025297619047619047949471138281;0.005654761904761904621474766230;0.016666666666666666435370203203;0.022619047619047618485899064922;0.009523809523809524668624959531;0.018154761904761906182725894610;0.038392857142857145236192195625;0.027380952380952380820211544687;0.030357142857142856845475975547;0.003273809523809523887999395342;0.000892857142857142829263372708;0.039285714285714284921269268125;0.031845238095238093123384715000;0.016964285714285712997062560703;0.014285714285714285268213963320;0.006547619047619047775998790684;0.015773809523809523280846178750;0.021130952380952382207990325469;0.006547619047619047775998790684;0.008928571428571428075793292578;0.004761904761904762334312479766;0.010416666666666666088425508008;0.005059523809523809763366575254;0.008333333333333333217685101602;0.000000000000000000000000000000;0.008928571428571428075793292578;0.026488095238095237665687520234;0.008333333333333333217685101602;0.019345238095238095898942276563;0.016964285714285712997062560703;0.015178571428571428422737987773;0.017559523809523809589894227656
-0.044557823129251702964914727545;0.013605442176870747791883609068;0.058843537414965986498405214888;0.036394557823129253248950476518;0.023129251700680270725785092623;0.024829931972789116151334454230;0.002040816326530612428991062757;0.022448979591836733249454738370;0.022108843537414966246013037221;0.025510204081632653627664808482;0.014965986394557822744544317572;0.023469387755102041198673745726;0.008163265306122449715964251027;0.026870748299319728580325516987;0.019047619047619049337249919063;0.044897959183673466498909476741;0.031292517006802723911196295603;0.029931972789115645489088635145;0.023129251700680270725785092623;0.006462585034013605157776627408;0.013945578231292516530048786194;0.015986394557823128959039848951;0.003741496598639455686136079393;0.028571428571428570536427926640;0.046258503401360541451570185245;0.034353741496598637350512461808;0.026190476190476191103995162734;0.014965986394557822744544317572;0.001700680272108843473985451134;0.021428571428571428769682682969;0.026530612244897958107436863884;0.023809523809523808202115446875;0.007142857142857142634106981660;0.007823129251700680977799073901;0.004761904761904762334312479766;0.041496598639455782586704657433;0.008503401360544218454129428153;0.015306122448979591482709494699;0.004081632653061224857982125513;0.007142857142857142634106981660;0.007482993197278911372272158786;0.011904761904761904101057723437;0.000000000000000000000000000000;0.015306122448979591482709494699;0.017346938775510203911700557455;0.011904761904761904101057723437;0.028571428571428570536427926640;0.024829931972789116151334454230;0.013945578231292516530048786194;0.013265306122448979053718431942
-0.038983050847457630105896697614;0.026553672316384179657999808910;0.030508474576271187722609212756;0.053672316384180789039515246941;0.046892655367231639296221601398;0.027966101694915253966788881712;0.004802259887005650047797633562;0.026553672316384179657999808910;0.028813559322033898552062325393;0.014124293785310734414273348136;0.019774011299435029914706163368;0.023163841807909604786352986139;0.011016949152542372669660863949;0.028813559322033898552062325393;0.030225988700564972860851398195;0.026553672316384179657999808910;0.013559322033898304690757719015;0.025988700564971749934484179789;0.035310734463276836903045108329;0.005932203389830508627467153815;0.018079096045197740744159276005;0.014689265536723164137788977257;0.008757062146892655510321823442;0.022598870056497175062837357018;0.038700564971751415244138883054;0.024293785310734464233384244380;0.022316384180790960201079542458;0.025423728813559323680415502622;0.000282485875706214699127488688;0.031355932203389828838435704483;0.022316384180790960201079542458;0.006779661016949152345378859508;0.014124293785310734414273348136;0.004802259887005650047797633562;0.010734463276836157807903049388;0.017514124293785311020643646884;0.009887005649717514957353081684;0.009887005649717514957353081684;0.007062146892655367207136674068;0.008192090395480225786806194321;0.007062146892655367207136674068;0.024858757062146893956899873501;0.000000000000000000000000000000;0.010169491525423728084387420267;0.026553672316384179657999808910;0.009322033898305085233837452563;0.028248587570621468828546696272;0.023446327683615819648110800699;0.018644067796610170467674905126;0.014689265536723164137788977257
-0.058695652173913044624686818906;0.015217391304347826705423152305;0.031521739130434781039902247812;0.061594202898550727554027872657;0.031159420289855074143181568047;0.041304347826086953987534400312;0.000362318840579710149327197222;0.012681159420289855876973206250;0.017753623188405797533873098359;0.015942028985507245703034939766;0.021739130434782608092270095312;0.036231884057971015800081460156;0.017028985507246376801537834922;0.035144927536231884701578565000;0.022101449275362318458437727031;0.036956521739130436532416723594;0.011956521739130435144637942813;0.021739130434782608092270095312;0.022463768115942028824605358750;0.007246376811594202986543944434;0.013768115942028985240752625430;0.011594202898550724778470311094;0.002898550724637681194617577773;0.018115942028985507900040730078;0.071739130434782610867827656875;0.031884057971014491406069879531;0.024275362318840580655443517344;0.016666666666666666435370203203;0.000362318840579710149327197222;0.018115942028985507900040730078;0.029347826086956522312343409453;0.007971014492753622851517469883;0.006521739130434782254208680996;0.007971014492753622851517469883;0.014855072463768116339255520586;0.022101449275362318458437727031;0.008695652173913043583852733320;0.011231884057971014412302679375;0.003623188405797101493271972217;0.006159420289855072755402787266;0.003985507246376811425758734941;0.011231884057971014412302679375;0.000000000000000000000000000000;0.009057971014492753950020365039;0.014130434782608695606920257148;0.005434782608695652023067523828;0.028260869565217391213840514297;0.034420289855072463969243301563;0.025724637681159418650667092265;0.021014492753623187359934831875
-0.051190476190476189022326991562;0.008630952380952381514100935078;0.042261904761904764415980650938;0.016964285714285712997062560703;0.012797619047619047255581747891;0.043154761904761904101057723437;0.002380952380952381167156239883;0.013392857142857142113689938867;0.016964285714285712997062560703;0.033035714285714286309048048906;0.022023809523809525362514349922;0.029761904761904760252644308594;0.016666666666666666435370203203;0.041071428571428571230317317031;0.008630952380952381514100935078;0.034821428571428572618096097813;0.012797619047619047255581747891;0.013095238095238095551997581367;0.014880952380952380126322154297;0.008333333333333333217685101602;0.013988095238095238706521605820;0.011011904761904762681257174961;0.005654761904761904621474766230;0.042857142857142857539365365938;0.059523809523809520505288617187;0.051190476190476189022326991562;0.024404761904761904794947113828;0.008928571428571428075793292578;0.000595238095238095291789059971;0.026785714285714284227379877734;0.025892857142857144542302805235;0.015476190476190476719153821250;0.005952380952380952050528861719;0.005654761904761904621474766230;0.015476190476190476719153821250;0.033630952380952379432432763906;0.011904761904761904101057723437;0.009821428571428571230317317031;0.005357142857142857192420670742;0.009226190476190476372209126055;0.004166666666666666608842550801;0.009226190476190476372209126055;0.000000000000000000000000000000;0.020238095238095239053466301016;0.007142857142857142634106981660;0.012500000000000000693889390391;0.042261904761904764415980650938;0.034821428571428572618096097813;0.022619047619047618485899064922;0.020833333333333332176851016015
-0.034722222222222223764198645313;0.022916666666666665047591422422;0.049652777777777774848022573906;0.008333333333333333217685101602;0.011111111111111111535154627461;0.012847222222222221682530474141;0.003125000000000000173472347598;0.031597222222222220988641083750;0.015277777777777777276635440273;0.066666666666666665741480812812;0.010416666666666666088425508008;0.017361111111111111882099322656;0.005555555555555555767577313730;0.041666666666666664353702032031;0.021527777777777777623580135469;0.019444444444444444752839729063;0.019097222222222223764198645313;0.025000000000000001387778780781;0.011111111111111111535154627461;0.003819444444444444319158860068;0.014930555555555556287994356524;0.007986111111111110494320541875;0.002777777777777777883788656865;0.094097222222222220988641083750;0.022222222222222223070309254922;0.047916666666666669904817155157;0.022569444444444444058950338672;0.019097222222222223764198645313;0.000694444444444444470947164216;0.011458333333333332523795711211;0.006250000000000000346944695195;0.030902777777777779011358916250;0.003125000000000000173472347598;0.002777777777777777883788656865;0.005902777777777777623580135469;0.059374999999999997224442438437;0.009722222222222222376419864531;0.007638888888888888638317720137;0.001388888888888888941894328433;0.003125000000000000173472347598;0.011458333333333332523795711211;0.015625000000000000000000000000;0.000000000000000000000000000000;0.041666666666666664353702032031;0.011805555555555555247160270937;0.020833333333333332176851016015;0.048958333333333332870740406406;0.023611111111111110494320541875;0.007638888888888888638317720137;0.013194444444444444405895033867
-0.022340425531914894635709956106;0.037234042553191487590069641556;0.037943262411347516982473848657;0.045390070921985818663824119312;0.053900709219858157494886796712;0.021276595744680850547103645454;0.004964539007092198807935545801;0.033333333333333332870740406406;0.036879432624113472893867538005;0.009219858156028368223466884501;0.011347517730496454665956029828;0.010283687943262410577349719176;0.006737588652482269686860849589;0.017375886524822695827774410304;0.059929078014184400391428653165;0.019858156028368795231742183205;0.017375886524822695827774410304;0.044326241134751774575217808660;0.034397163120567376959346717058;0.007446808510638298211903318702;0.017375886524822695827774410304;0.015602836879432624081487368528;0.013829787234042552335200326752;0.015248226950354609385285264977;0.023404255319148935254869314804;0.016312056737588651739168099652;0.023758865248226949951071418354;0.042907801418439715790409394458;0.000354609929078014208311125932;0.024822695035460994039677729006;0.014893617021276596423806637404;0.008510638297872340565786153377;0.010283687943262410577349719176;0.005673758865248227332978014914;0.014184397163120567031402430302;0.030851063829787233466772633506;0.012765957446808509981317492077;0.007801418439716312040743684264;0.005673758865248227332978014914;0.009574468085106382919668988052;0.010283687943262410577349719176;0.041134751773049642309398876705;0.000000000000000000000000000000;0.005319148936170212636775911363;0.028723404255319148759006964156;0.006737588652482269686860849589;0.013120567375886524677519595627;0.010638297872340425273551822727;0.027659574468085104670400653504;0.010992907801418439969753926277
-0.032323232323232323204287297358;0.031313131313131313537834188310;0.037878787878787879839226349077;0.051010101010101012442010670611;0.040909090909090908838585676222;0.031313131313131313537834188310;0.006565656565656565434030422779;0.024242424242424242403215473018;0.037373737373737371536552842599;0.010101010101010101868701518413;0.016161616161616161602143648679;0.024242424242424242403215473018;0.013636363636363635701287400082;0.011616161616161616368381181985;0.026262626262626261736121691115;0.022727272727272727903535809446;0.026767676767676766569348245639;0.044949494949494947504398112414;0.020202020202020203737403036826;0.005555555555555555767577313730;0.026262626262626261736121691115;0.023232323232323232736762363970;0.011616161616161616368381181985;0.013636363636363635701287400082;0.032323232323232323204287297358;0.017676767676767676101823312251;0.024747474747474747236442027543;0.027777777777777776235801354687;0.002020202020202020200267956085;0.040909090909090908838585676222;0.025757575757575756902895136591;0.010101010101010101868701518413;0.014646464646464647102463985107;0.006060606060606060600803868255;0.008585858585858585634298378864;0.022727272727272727903535809446;0.011111111111111111535154627461;0.009090909090909090467524933388;0.005050505050505050934350759206;0.012626262626262626034834291033;0.007575757575757575967845269815;0.039898989898989899172132567173;0.000000000000000000000000000000;0.010101010101010101868701518413;0.012626262626262626034834291033;0.013131313131313130868060845557;0.014646464646464647102463985107;0.009090909090909090467524933388;0.017676767676767676101823312251;0.014141414141414142269237430583
-0.051282051282051280272078486178;0.017628205128205128027207848618;0.028525641025641024911552179333;0.000320512820512820512542512263;0.013141025641025641176873328675;0.036217948717948721115700294604;0.002564102564102564100340098108;0.023076923076923078204103489952;0.037820512820512817986351450372;0.018269230769230770244915262879;0.024358974358974359170071366520;0.023076923076923078204103489952;0.012500000000000000693889390391;0.032692307692307694122479944099;0.017628205128205128027207848618;0.038461538461538463673505816587;0.020512820512820512802720784862;0.034615384615384617306155234928;0.027243589743589743945584302764;0.008012820512820512108831394471;0.022115384615384616612265844537;0.019871794871794870585013370601;0.007692307692307692734701163317;0.013782051282051281659857266959;0.056730769230769230448974127512;0.033653846153846152244870637560;0.031410256410256409687065115577;0.030769230769230770938804653269;0.001282051282051282050170049054;0.022435897435897435986396075691;0.016346153846153847061239972049;0.008653846153846154326538808732;0.014102564102564102768710974090;0.003846153846153846367350581659;0.009935897435897435292506685300;0.032371794871794874748349712945;0.013141025641025641176873328675;0.010256410256410256401360392431;0.007371794871794871625847456187;0.008974358974358973700669039886;0.004487179487179486850334519943;0.032051282051282048435325577884;0.000000000000000000000000000000;0.010256410256410256401360392431;0.008974358974358973700669039886;0.010897435897435896884344330715;0.027884615384615386163291717025;0.025000000000000001387778780781;0.028205128205128205537421948179;0.019551282051282051210883139447
-0.050438596491228067375534038774;0.007017543859649122937882648188;0.034210526315789475948481168643;0.000438596491228070183617665512;0.006140350877192982462227099916;0.050877192982456138914404419893;0.002631578947368420993285775822;0.022368421052631579093450397977;0.013596491228070176071618391234;0.011403508771929825316160389548;0.022807017543859650632320779096;0.033771929824561404409610787525;0.023684210526315790240614589379;0.027631578947368420212660211632;0.017105263157894737974240584322;0.035964912280701755165068789211;0.007017543859649122937882648188;0.034649122807017540548457645855;0.034649122807017540548457645855;0.010526315789473683973143103287;0.026315789473684209065496020230;0.011842105263157895120307294690;0.022807017543859650632320779096;0.016228070175438594896499822084;0.057456140350877191180778424950;0.025000000000000001387778780781;0.026754385964912280604366401349;0.028947368421052631359824403035;0.000000000000000000000000000000;0.039035087719298248998267553134;0.026315789473684209065496020230;0.007017543859649122937882648188;0.025000000000000001387778780781;0.006140350877192982462227099916;0.029824561403508770968118213318;0.019736842105263156799122015173;0.014035087719298245875765296375;0.012719298245614034728601104973;0.001754385964912280734470662047;0.019736842105263156799122015173;0.007456140350877192742029553330;0.005263157894736841986571551644;0.000000000000000000000000000000;0.008333333333333333217685101602;0.008771929824561403021832006743;0.009649122807017544364849293004;0.024122807017543858310038018544;0.023245614035087718701744208261;0.032456140350877189792999644169;0.017105263157894737974240584322
-0.053921568627450983113291727022;0.018300653594771242732575089462;0.059803921568627453619892975212;0.000326797385620915010074477580;0.002614379084967320080595820642;0.038235294117647061762355065184;0.001307189542483660040297910321;0.023529411764705882026404992757;0.031045751633986928830211127206;0.016666666666666666435370203203;0.023202614379084968154742796287;0.036274509803921571593487982454;0.011764705882352941013202496379;0.027124183006535948492476961746;0.009477124183006535237949741202;0.036274509803921571593487982454;0.022222222222222223070309254922;0.043464052287581697586738016525;0.016666666666666666435370203203;0.009803921568627450844335413649;0.015032679738562091872888792921;0.018954248366013070475899482403;0.011437908496732025406816823931;0.021895424836601305729200106498;0.059803921568627453619892975212;0.035620915032679736911269685606;0.033660130718954246742402602877;0.001307189542483660040297910321;0.000980392156862745084433541365;0.016013071895424835222598858309;0.028758169934640521320234896052;0.008169934640522876281854003366;0.009150326797385621366287544731;0.005228758169934640161191641283;0.011111111111111111535154627461;0.039542483660130717249003851066;0.020588235294117646773104368663;0.015686274509803921350936661838;0.002287581699346405341571886183;0.013071895424836601704021710191;0.007516339869281045936444396460;0.017647058823529411519803744568;0.000000000000000000000000000000;0.013725490196078431182069579108;0.004248366013071895076758099918;0.007843137254901960675468330919;0.026143790849673203408043420382;0.018627450980392156604237285933;0.036274509803921571593487982454;0.017647058823529411519803744568
-0.032269503546099288782134095754;0.034042553191489362263144613507;0.031560283687943259389729888653;0.077659574468085107445958215067;0.039716312056737590463484366410;0.033687943262411347566942509957;0.002482269503546099403967772901;0.022340425531914894635709956106;0.022340425531914894635709956106;0.014184397163120567031402430302;0.014184397163120567031402430302;0.021276595744680850547103645454;0.012411347517730497019838864503;0.021631205673758865243305749004;0.036879432624113472893867538005;0.026950354609929078747443398356;0.021631205673758865243305749004;0.034397163120567376959346717058;0.019148936170212765839337976104;0.003191489361702127495329373019;0.013475177304964539373721699178;0.014893617021276596423806637404;0.008156028368794325869584049826;0.018085106382978721750731665452;0.042198581560283686398005187357;0.022695035460992909331912059656;0.021985815602836879939507852555;0.057092198581560282821811824761;0.001063829787234042570723269172;0.028368794326241134062804860605;0.015248226950354609385285264977;0.012056737588652482323636760952;0.008865248226950355261988256927;0.003900709219858156020371842132;0.012056737588652482323636760952;0.021276595744680850547103645454;0.006382978723404254990658746038;0.007446808510638298211903318702;0.004964539007092198807935545801;0.008865248226950355261988256927;0.008510638297872340565786153377;0.021631205673758865243305749004;0.000000000000000000000000000000;0.006737588652482269686860849589;0.023758865248226949951071418354;0.006737588652482269686860849589;0.023758865248226949951071418354;0.026595744680851064051241294806;0.016312056737588651739168099652;0.014893617021276596423806637404
-0.048958333333333332870740406406;0.007638888888888888638317720137;0.042013888888888892281237019688;0.003819444444444444319158860068;0.051041666666666665741480812812;0.035416666666666665741480812812;0.003819444444444444319158860068;0.022916666666666665047591422422;0.019791666666666665741480812812;0.017708333333333332870740406406;0.020138888888888890199568848516;0.023611111111111110494320541875;0.028125000000000000693889390391;0.026388888888888888811790067734;0.013194444444444444405895033867;0.030208333333333333564629796797;0.012152777777777777970524830664;0.028472222222222221682530474141;0.025347222222222222376419864531;0.004513888888888888464845372539;0.022916666666666665047591422422;0.024652777777777776929690745078;0.023611111111111110494320541875;0.019097222222222223764198645313;0.049305555555555553859381490156;0.030902777777777779011358916250;0.026041666666666667823148983985;0.001736111111111111014737584668;0.000347222222222222235473582108;0.030555555555555554553270880547;0.020486111111111111188209932266;0.007291666666666666782314898398;0.019097222222222223764198645313;0.007638888888888888638317720137;0.021180555555555556634939051719;0.022916666666666665047591422422;0.011111111111111111535154627461;0.011458333333333332523795711211;0.006944444444444444058950338672;0.031944444444444441977282167500;0.006250000000000000346944695195;0.010069444444444445099784424258;0.000000000000000000000000000000;0.011805555555555555247160270937;0.013888888888888888117900677344;0.017013888888888887424011286953;0.025000000000000001387778780781;0.020486111111111111188209932266;0.029166666666666667129259593594;0.011805555555555555247160270937
-0.040310077519379844401825607747;0.006589147286821705334913801266;0.030232558139534883301369205810;0.004651162790697674354056800894;0.049224806201550390383214761414;0.056201550387596901914299962755;0.006201550387596899138742401192;0.013178294573643410669827602533;0.015891472868217054043027403054;0.007751937984496123923428001490;0.021705426356589146985598404171;0.051162790697674417894624809833;0.031782945736434108086054806108;0.016666666666666666435370203203;0.012790697674418604473656202458;0.040697674418604654067443959775;0.013953488372093023062170402682;0.016666666666666666435370203203;0.037596899224806204498072759179;0.004263565891472868157885400819;0.020542635658914728397084203948;0.017054263565891472631541603278;0.012790697674418604473656202458;0.014728682170542635454513202831;0.039534883720930232009482807598;0.025581395348837208947312404916;0.020930232558139534593255604022;0.000775193798449612392342800149;0.003488372093023255765542600670;0.078682170542635654353347263168;0.050775193798449615167900361712;0.011240310077519379688970602160;0.019379844961240309808570003725;0.007364341085271317727256601415;0.020930232558139534593255604022;0.015891472868217054043027403054;0.007364341085271317727256601415;0.029069767441860464712855005587;0.004263565891472868157885400819;0.017441860465116278827713003352;0.006589147286821705334913801266;0.005813953488372092942571001117;0.000000000000000000000000000000;0.007751937984496123923428001490;0.012015503875968992081313402309;0.015116279069767441650684602905;0.011627906976744185885142002235;0.017054263565891472631541603278;0.014341085271317829258341802756;0.014341085271317829258341802756
-0.031818181818181814901613790880;0.021212121212121213403856145874;0.023484848484848483418652165255;0.011363636363636363951767904723;0.059848484848484845288751898806;0.039393939393939390869459060696;0.004545454545454545233762466694;0.045075757575757574580066489034;0.017045454545454544192928381108;0.006818181818181817850643700041;0.017424242424242425419933510966;0.026515151515151515887458444354;0.018181818181818180935049866775;0.011742424242424241709326082628;0.036363636363636361870099733551;0.023484848484848483418652165255;0.016666666666666666435370203203;0.024242424242424242403215473018;0.064015151515151511030232711619;0.004545454545454545233762466694;0.031060606060606059386497435071;0.010227272727272727209646419055;0.015530303030303029693248717535;0.010606060606060606701928072937;0.041666666666666664353702032031;0.014015151515151515193569053963;0.025757575757575756902895136591;0.018560606060606062162054996634;0.000378787878787878787550241766;0.054166666666666668517038374375;0.031060606060606059386497435071;0.004166666666666666608842550801;0.028787878787878789371701415689;0.004166666666666666608842550801;0.015151515151515151935690539631;0.021212121212121213403856145874;0.011363636363636363951767904723;0.008712121212121212709966755483;0.002651515151515151675482018234;0.010984848484848484459486250842;0.010227272727272727209646419055;0.018939393939393939919613174538;0.000000000000000000000000000000;0.007196969696969697342925353922;0.033712121212121214097745536264;0.009848484848484847717364765174;0.009469696969696969959806587269;0.012500000000000000693889390391;0.026136363636363634660453314495;0.007954545454545453725403447720
-0.028518518518518519433424529552;0.020370370370370372015145221667;0.029259259259259259161600752464;0.011481481481481481399242738917;0.070000000000000006661338147751;0.028148148148148147834612942120;0.007777777777777777554191196430;0.022962962962962962798485477833;0.034814814814814812327092852229;0.012592592592592592726230549260;0.012222222222222222862142437805;0.026296296296296296779448908865;0.009629629629629630344078705662;0.017777777777777777762358013547;0.032222222222222221543752596062;0.018518518518518517490534236458;0.014444444444444443781394582516;0.031481481481481478346129421197;0.052962962962962961688262453208;0.003703703703703703845051542487;0.027407407407407408106436719208;0.010740740740740739936343040029;0.005555555555555555767577313730;0.015185185185185185244294281404;0.027777777777777776235801354687;0.023333333333333334397297065266;0.027407407407407408106436719208;0.075185185185185188228018660084;0.000000000000000000000000000000;0.064444444444444443087505192125;0.006296296296296296363115274630;0.007777777777777777554191196430;0.022592592592592591199673890401;0.002222222222222222220294751693;0.007777777777777777554191196430;0.022962962962962962798485477833;0.010370370370370370072254928573;0.004814814814814815172039352831;0.006666666666666667094565124074;0.002222222222222222220294751693;0.012222222222222222862142437805;0.038148148148148146308056283260;0.000000000000000000000000000000;0.007037037037037036958653235530;0.030370370370370370488588562807;0.011851851851851851263330850372;0.015185185185185185244294281404;0.009259259259259258745267118229;0.012962962962962962590318660716;0.007037037037037036958653235530
-0.040816326530612241640927351227;0.016326530612244899431928502054;0.028231292517006803532986225491;0.051700680272108841262213019263;0.021088435374149658296794029866;0.038775510204081632681383240424;0.002040816326530612428991062757;0.026870748299319728580325516987;0.022108843537414966246013037221;0.013605442176870747791883609068;0.021428571428571428769682682969;0.027891156462585033060097572388;0.027891156462585033060097572388;0.025170068027210883154776155379;0.025850340136054420631106509632;0.022789115646258503722343391473;0.008503401360544218454129428153;0.035374149659863948769178421117;0.037414965986394557728722531920;0.005782312925170067681446273156;0.021088435374149658296794029866;0.016326530612244899431928502054;0.021428571428571428769682682969;0.018027210884353741388030911708;0.043537414965986391546248768236;0.026870748299319728580325516987;0.032312925170068028390968351005;0.015646258503401361955598147802;0.000000000000000000000000000000;0.036734693877551023721839129621;0.015306122448979591482709494699;0.004081632653061224857982125513;0.026190476190476191103995162734;0.006802721088435373895941804534;0.019047619047619049337249919063;0.017346938775510203911700557455;0.008163265306122449715964251027;0.012244897959183672839222900564;0.006462585034013605157776627408;0.020748299319727891293352328717;0.009523809523809524668624959531;0.007823129251700680977799073901;0.000000000000000000000000000000;0.012925170068027210315553254816;0.021768707482993195773124384118;0.011564625850340135362892546311;0.015646258503401361955598147802;0.015646258503401361955598147802;0.026190476190476191103995162734;0.010884353741496597886562192059
-0.033006535947712418999078209936;0.013725490196078431182069579108;0.058823529411764705066012481893;0.020261437908496732901442172192;0.055555555555555552471602709375;0.016993464052287580307032399674;0.003594771241830065165029362007;0.023856209150326795898067189228;0.030392156862745097617439782312;0.026470588235294117279705616852;0.016666666666666666435370203203;0.012091503267973856619588168826;0.009477124183006535237949741202;0.028758169934640521320234896052;0.023529411764705882026404992757;0.021895424836601305729200106498;0.015032679738562091872888792921;0.036601307189542485465150178925;0.030392156862745097617439782312;0.006862745098039215591034789554;0.021895424836601305729200106498;0.030718954248366011489101978782;0.010784313725490195928768955014;0.029738562091503266404668437417;0.031045751633986928830211127206;0.031045751633986928830211127206;0.031699346405228756573535520147;0.011764705882352941013202496379;0.000326797385620915010074477580;0.027124183006535948492476961746;0.010130718954248366450721086096;0.013398692810457515575683906661;0.020915032679738560644766565133;0.008169934640522876281854003366;0.009477124183006535237949741202;0.034640522875816995296283096195;0.011764705882352941013202496379;0.008823529411764705759901872284;0.000980392156862745084433541365;0.015032679738562091872888792921;0.007516339869281045936444396460;0.005555555555555555767577313730;0.000000000000000000000000000000;0.016666666666666666435370203203;0.021568627450980391857537910028;0.015359477124183005744550989391;0.027124183006535948492476961746;0.021241830065359477985875713557;0.029084967320261438661344044476;0.012418300653594770491250365296
-0.033333333333333332870740406406;0.023333333333333334397297065266;0.025555555555555557051272685953;0.036296296296296298722339201959;0.071481481481481479178796689666;0.038148148148148146308056283260;0.005185185185185185036127464286;0.023333333333333334397297065266;0.028148148148148147834612942120;0.011851851851851851263330850372;0.017037037037037038034181790636;0.031111111111111110216764785719;0.014074074074074073917306471060;0.012962962962962962590318660716;0.022592592592592591199673890401;0.025925925925925925180637321432;0.029259259259259259161600752464;0.041851851851851848418384349770;0.030370370370370370488588562807;0.004074074074074073709139653943;0.015555555555555555108382392859;0.014814814814814815380206169948;0.007777777777777777554191196430;0.015925925925925926707193980292;0.038518518518518521376314822646;0.020740740740740740144509857146;0.026296296296296296779448908865;0.020740740740740740144509857146;0.000370370370370370351979089074;0.038148148148148146308056283260;0.027777777777777776235801354687;0.014814814814814815380206169948;0.018518518518518517490534236458;0.002962962962962962815832712593;0.008888888888888888881179006773;0.021851851851851851471497667490;0.008888888888888888881179006773;0.011851851851851851263330850372;0.004444444444444444440589503387;0.004074074074074073709139653943;0.010740740740740739936343040029;0.035555555555555555524716027094;0.000000000000000000000000000000;0.013333333333333334189130248149;0.034074074074074076068363581271;0.012592592592592592726230549260;0.008148148148148147418279307885;0.011111111111111111535154627461;0.016296296296296294836558615771;0.009259259259259258745267118229
-0.047727272727272729291314590228;0.009469696969696969959806587269;0.040530303030303027611580546363;0.005681818181818181975883952362;0.004924242424242423858682382587;0.038636363636363635354342704886;0.000378787878787878787550241766;0.031060606060606059386497435071;0.019318181818181817677171352443;0.021590909090909091161414323778;0.021212121212121213403856145874;0.022727272727272727903535809446;0.021590909090909091161414323778;0.030303030303030303871381079261;0.011363636363636363951767904723;0.032575757575757577355624050597;0.022727272727272727903535809446;0.034848484848484850839867021932;0.029924242424242422644375949403;0.009848484848484847717364765174;0.020075757575757576661734660206;0.010984848484848484459486250842;0.015151515151515151935690539631;0.022348484848484850145977631541;0.060984848484848482030873384474;0.034469696969696969612861892074;0.032954545454545451643735276548;0.007954545454545453725403447720;0.001136363636363636308440616673;0.019696969696969695434729530348;0.020454545454545454419292838111;0.011742424242424241709326082628;0.020833333333333332176851016015;0.007196969696969697342925353922;0.027651515151515152629579930021;0.032575757575757577355624050597;0.015151515151515151935690539631;0.011742424242424241709326082628;0.004545454545454545233762466694;0.008712121212121212709966755483;0.007575757575757575967845269815;0.012500000000000000693889390391;0.000000000000000000000000000000;0.013636363636363635701287400082;0.005303030303030303350964036468;0.020075757575757576661734660206;0.021590909090909091161414323778;0.022348484848484850145977631541;0.038257575757575754127337575028;0.015909090909090907450806895440
-0.040217391304347822889031505156;0.027173913043478260115337619141;0.033333333333333332870740406406;0.038405797101449277997087250469;0.007608695652173913352711576152;0.044565217391304347283043085781;0.003623188405797101493271972217;0.023913043478260870289275885625;0.029347826086956522312343409453;0.011956521739130435144637942813;0.022463768115942028824605358750;0.030797101449275363777013936328;0.022101449275362318458437727031;0.023913043478260870289275885625;0.022826086956521739190772990469;0.022101449275362318458437727031;0.018840579710144928632375993516;0.036594202898550726166249091875;0.034420289855072463969243301563;0.011594202898550724778470311094;0.018840579710144928632375993516;0.017391304347826087167705466641;0.017753623188405797533873098359;0.013043478260869564508417361992;0.043115942028985505818372558906;0.019565217391304349364711256953;0.032246376811594201772237511250;0.023188405797101449556940622188;0.001449275362318840597308788887;0.032246376811594201772237511250;0.021739130434782608092270095312;0.007608695652173913352711576152;0.022101449275362318458437727031;0.004347826086956521791926366660;0.018478260869565218266208361797;0.019202898550724638998543625235;0.018478260869565218266208361797;0.007971014492753622851517469883;0.002536231884057970828449946055;0.007608695652173913352711576152;0.009420289855072464316187996758;0.023913043478260870289275885625;0.000000000000000000000000000000;0.010507246376811593679967415937;0.015579710144927537071590784024;0.010507246376811593679967415937;0.019202898550724638998543625235;0.011956521739130435144637942813;0.030797101449275363777013936328;0.013405797101449274874584993711
-0.067073170731707321134962285214;0.010975609756097560315568628653;0.028048780487804878674973352304;0.014634146341463415488814980847;0.013008130081300812996847326986;0.039430894308943087445129549451;0.002032520325203252247597829339;0.024390243902439025236450476086;0.011382113821138212239603149101;0.032520325203252035961565269417;0.023577235772357724857828387144;0.021544715447154472176549688811;0.012195121951219512618225238043;0.029674796747967479432217530189;0.009756097560975609747635495239;0.028861788617886179053595441246;0.013008130081300812996847326986;0.022764227642276424479206298201;0.028861788617886179053595441246;0.007317073170731707744407490424;0.021138211382113820252515168363;0.005691056910569106119801574550;0.009349593495934959558324450768;0.039430894308943087445129549451;0.045528455284552848958412596403;0.054878048780487805047290095217;0.030487804878048779810839619131;0.027235772357723578296351263361;0.000000000000000000000000000000;0.026829268292682926372316742913;0.010569105691056910126257584182;0.009349593495934959558324450768;0.015447154471544715867437069790;0.004065040650406504495195658677;0.015853658536585366056748114261;0.032926829268292684416152837912;0.013414634146341463186158371457;0.016666666666666666435370203203;0.000000000000000000000000000000;0.005691056910569106119801574550;0.006910569105691056687734707964;0.008536585365853659179702361826;0.000000000000000000000000000000;0.030081300813008131356252050637;0.009756097560975609747635495239;0.019512195121951219495270990478;0.029268292682926830977629961694;0.026016260162601625993694653971;0.028861788617886179053595441246;0.015447154471544715867437069790
-0.034188034188034191473981593390;0.033333333333333332870740406406;0.036324786324786327573743704988;0.007264957264957265167804045802;0.008974358974358973700669039886;0.032051282051282048435325577884;0.005982905982905983334474431246;0.035897435897435894802676159543;0.041880341880341877269788852800;0.007264957264957265167804045802;0.013247863247863247634916739059;0.022649572649572648902482896460;0.015384615384615385469402326635;0.018803418803418802535132314802;0.046581196581196582240380621442;0.034615384615384617306155234928;0.013247863247863247634916739059;0.050854700854700854439904844639;0.027350427350427350403627713149;0.003846153846153846367350581659;0.013675213675213675201813856575;0.029487179487179486503389824748;0.010683760683760683968257509946;0.012393162393162392501122504029;0.038888888888888889505679458125;0.020512820512820512802720784862;0.027777777777777776235801354687;0.051282051282051280272078486178;0.000427350427350427350056683018;0.021367521367521367936515019892;0.018376068376068376702958673263;0.007692307692307692734701163317;0.014529914529914530335608091605;0.006410256410256410034009810772;0.014957264957264957902505209120;0.022649572649572648902482896460;0.010256410256410256401360392431;0.010683760683760683968257509946;0.015384615384615385469402326635;0.014957264957264957902505209120;0.009829059829059828834463274916;0.030769230769230770938804653269;0.000000000000000000000000000000;0.006410256410256410034009810772;0.023931623931623933337897724982;0.005982905982905983334474431246;0.017948717948717947401338079771;0.021794871794871793768688661430;0.015811965811965811301575968173;0.015384615384615385469402326635
-0.033333333333333332870740406406;0.031355932203389828838435704483;0.033898305084745762594256035527;0.043785310734463275816885641234;0.018079096045197740744159276005;0.029943502824858757999093583635;0.006214689265536723489224968375;0.029943502824858757999093583635;0.032768361581920903147224777285;0.018079096045197740744159276005;0.018361581920903955605917090566;0.028531073446327683690304510833;0.011299435028248587531418678509;0.025423728813559323680415502622;0.026553672316384179657999808910;0.024011299435028249371626429820;0.020338983050847456168774840535;0.045762711864406779849190343157;0.031638418079096043700193519044;0.008192090395480225786806194321;0.030225988700564972860851398195;0.016949152542372881297128017763;0.013841807909604519552515533576;0.016666666666666666435370203203;0.038700564971751415244138883054;0.024576271186440679095142058941;0.032485875706214688285466962725;0.022598870056497175062837357018;0.000564971751412429398254977375;0.029943502824858757999093583635;0.020338983050847456168774840535;0.008474576271186440648564008882;0.012994350282485874967242089895;0.006779661016949152345378859508;0.016384180790960451573612388643;0.022598870056497175062837357018;0.012429378531073446978449936751;0.009322033898305085233837452563;0.002259887005649717593019909501;0.012429378531073446978449936751;0.014689265536723164137788977257;0.014689265536723164137788977257;0.000000000000000000000000000000;0.007627118644067796930652303189;0.016384180790960451573612388643;0.010169491525423728084387420267;0.020621468926553671030532655095;0.016666666666666666435370203203;0.021751412429378530477563913337;0.009322033898305085233837452563
-0.026296296296296296779448908865;0.018888888888888889089345823891;0.018888888888888889089345823891;0.041481481481481480289019714291;0.097777777777777782897139502438;0.038888888888888889505679458125;0.011111111111111111535154627461;0.028148148148148147834612942120;0.013703703703703704053218359604;0.006666666666666667094565124074;0.015925925925925926707193980292;0.020370370370370372015145221667;0.010370370370370370072254928573;0.015185185185185185244294281404;0.031851851851851853414387960584;0.021851851851851851471497667490;0.007407407407407407690103084974;0.020370370370370372015145221667;0.065185185185185179346234463083;0.003333333333333333547282562037;0.032592592592592589673117231541;0.010740740740740739936343040029;0.013703703703703704053218359604;0.014074074074074073917306471060;0.047407407407407405053323401489;0.018518518518518517490534236458;0.026296296296296296779448908865;0.024074074074074074125473288177;0.000000000000000000000000000000;0.043333333333333334813630699500;0.017037037037037038034181790636;0.005555555555555555767577313730;0.022222222222222223070309254922;0.002962962962962962815832712593;0.007407407407407407690103084974;0.017037037037037038034181790636;0.005925925925925925631665425186;0.008888888888888888881179006773;0.007407407407407407690103084974;0.014814814814814815380206169948;0.011481481481481481399242738917;0.007407407407407407690103084974;0.000000000000000000000000000000;0.007777777777777777554191196430;0.047407407407407405053323401489;0.009629629629629630344078705662;0.011851851851851851263330850372;0.021111111111111111743321444578;0.016296296296296294836558615771;0.013333333333333334189130248149
-0.031300813008130083658908660027;0.025609756097560974069660133523;0.039024390243902438990541980957;0.023983739837398373312415955638;0.035365853658536582082572152785;0.012195121951219512618225238043;0.004065040650406504495195658677;0.032520325203252035961565269417;0.037398373983739838233297803072;0.028048780487804878674973352304;0.012601626016260162807536282514;0.009349593495934959558324450768;0.003252032520325203249211831746;0.028861788617886179053595441246;0.045528455284552848958412596403;0.015853658536585366056748114261;0.017479674796747966813992292145;0.034959349593495933627984584291;0.029674796747967479432217530189;0.006910569105691056687734707964;0.019512195121951219495270990478;0.010975609756097560315568628653;0.009756097560975609747635495239;0.049593495934959347382076089161;0.027642276422764226750938831856;0.044308943089430896655755987013;0.030487804878048779810839619131;0.010975609756097560315568628653;0.000000000000000000000000000000;0.017479674796747966813992292145;0.006910569105691056687734707964;0.015447154471544715867437069790;0.010569105691056910126257584182;0.004065040650406504495195658677;0.012195121951219512618225238043;0.033739837398373981325327974901;0.006910569105691056687734707964;0.005691056910569106119801574550;0.006097560975609756309112619022;0.011788617886178862428914193572;0.006504065040650406498423663493;0.025609756097560974069660133523;0.000000000000000000000000000000;0.022357723577235772555171777753;0.029674796747967479432217530189;0.014227642276422763564780460399;0.036178861788617885930641193681;0.021544715447154472176549688811;0.020731707317073171797927599869;0.015040650406504065678126025318
-0.033615819209039547732498220967;0.012429378531073446978449936751;0.057909604519774011965882465347;0.002542372881355932021096855067;0.007062146892655367207136674068;0.029661016949152543137335769075;0.003954802259887005462524189880;0.035593220338983051764802922889;0.041242937853107342061065310190;0.017514124293785311020643646884;0.022881355932203389924595171578;0.025706214689265535072726365229;0.011016949152542372669660863949;0.026836158192090394519757623470;0.022316384180790960201079542458;0.021186440677966100754048284216;0.022316384180790960201079542458;0.051412429378531070145452730458;0.031638418079096043700193519044;0.010734463276836157807903049388;0.022598870056497175062837357018;0.026836158192090394519757623470;0.015819209039548021850096759522;0.024011299435028249371626429820;0.032485875706214688285466962725;0.026271186440677964796241994350;0.035310734463276836903045108329;0.023163841807909604786352986139;0.000282485875706214699127488688;0.020338983050847456168774840535;0.021468926553672315615806098776;0.010734463276836157807903049388;0.017231638418079096158885832324;0.005932203389830508627467153815;0.013841807909604519552515533576;0.033333333333333332870740406406;0.013559322033898304690757719015;0.005932203389830508627467153815;0.003107344632768361744612484188;0.008474576271186440648564008882;0.009322033898305085233837452563;0.021751412429378530477563913337;0.000000000000000000000000000000;0.014124293785310734414273348136;0.012711864406779661840207751311;0.007909604519774010925048379761;0.025141242937853108818657688062;0.018361581920903955605917090566;0.030508474576271187722609212756;0.011864406779661017254934307630
-0.035964912280701755165068789211;0.012865497076023392486465724005;0.065497076023391817556351668372;0.006140350877192982462227099916;0.016081871345029238873358679029;0.030116959064327486483847451382;0.002046783625730994298635989637;0.024853801169590641895190685773;0.042105263157894735892572413150;0.018421052631578945651957823770;0.014327485380116959656771058462;0.024853801169590641895190685773;0.013450292397660818313753772202;0.039181286549707601551961744235;0.023976608187134502286896875489;0.030994152046783626092141261665;0.030994152046783626092141261665;0.040350877192982456675984792582;0.018128654970760233605675537660;0.016081871345029238873358679029;0.015789473684210526827076392919;0.022514619883040935116591541032;0.008771929824561403021832006743;0.022222222222222223070309254922;0.042982456140350878970313175387;0.026900584795321636627507544404;0.025146198830409357410919923836;0.020760233918128655900003920465;0.000000000000000000000000000000;0.020760233918128655900003920465;0.021345029239766083462015444638;0.020760233918128655900003920465;0.008479532163742689240826244657;0.005263157894736841986571551644;0.014035087719298245875765296375;0.032456140350877189792999644169;0.014912280701754385484059106659;0.007894736842105263413538196460;0.002631578947368420993285775822;0.008479532163742689240826244657;0.004970760233918129072927527545;0.020760233918128655900003920465;0.000000000000000000000000000000;0.009356725146198830583843530917;0.014619883040935671703053344572;0.007894736842105263413538196460;0.032748538011695908778175834186;0.023099415204678362678603065206;0.019883040935672516291710110181;0.018128654970760233605675537660
-0.026315789473684209065496020230;0.005263157894736841986571551644;0.098684210526315790934503979770;0.014912280701754385484059106659;0.004385964912280701510916003372;0.020614035087719299876862777410;0.000438596491228070183617665512;0.009210526315789472825978911885;0.053947368421052632747603183816;0.023684210526315790240614589379;0.009649122807017544364849293004;0.017543859649122806043664013487;0.007456140350877192742029553330;0.046491228070175437403488416521;0.003947368421052631706769098230;0.027192982456140352143236782467;0.047807017543859652020099559877;0.046929824561403508942358797640;0.003070175438596491231113549958;0.016228070175438594896499822084;0.008333333333333333217685101602;0.029385964912280702898694784153;0.006140350877192982462227099916;0.028947368421052631359824403035;0.038596491228070177459397172015;0.030701754385964910576412023602;0.017105263157894737974240584322;0.041666666666666664353702032031;0.001754385964912280734470662047;0.010964912280701753777290008429;0.019298245614035088729698586008;0.025877192982456140996072591065;0.004824561403508772182424646502;0.005701754385964912658080194774;0.011842105263157895120307294690;0.051315789473684210453274801012;0.011403508771929825316160389548;0.006578947368421052266374005058;0.000877192982456140367235331023;0.015789473684210526827076392919;0.004824561403508772182424646502;0.013596491228070176071618391234;0.000000000000000000000000000000;0.015350877192982455288206011801;0.001754385964912280734470662047;0.005263157894736841986571551644;0.043859649122807015109160033717;0.029824561403508770968118213318;0.016666666666666666435370203203;0.017982456140350877582534394605
-0.030701754385964910576412023602;0.025877192982456140996072591065;0.025438596491228069457202209946;0.057017543859649119641908043832;0.022807017543859650632320779096;0.040350877192982456675984792582;0.003070175438596491231113549958;0.017982456140350877582534394605;0.025877192982456140996072591065;0.009210526315789472825978911885;0.020175438596491228337992396291;0.039035087719298248998267553134;0.023684210526315790240614589379;0.015789473684210526827076392919;0.026754385964912280604366401349;0.019298245614035088729698586008;0.019298245614035088729698586008;0.028947368421052631359824403035;0.029385964912280702898694784153;0.006140350877192982462227099916;0.013596491228070176071618391234;0.013596491228070176071618391234;0.016228070175438594896499822084;0.017543859649122806043664013487;0.040350877192982456675984792582;0.012280701754385964924454199831;0.030263157894736842506988594437;0.023684210526315790240614589379;0.001315789473684210496642887911;0.039473684210526313598244030345;0.037280701754385962842786028659;0.009210526315789472825978911885;0.021052631578947367946286206575;0.007456140350877192742029553330;0.015350877192982455288206011801;0.019736842105263156799122015173;0.011403508771929825316160389548;0.009210526315789472825978911885;0.029385964912280702898694784153;0.014473684210526315679912201517;0.004385964912280701510916003372;0.019736842105263156799122015173;0.000000000000000000000000000000;0.007456140350877192742029553330;0.024561403508771929848908399663;0.008333333333333333217685101602;0.013596491228070176071618391234;0.014473684210526315679912201517;0.023245614035087718701744208261;0.014473684210526315679912201517
-0.030232558139534883301369205810;0.023255813953488371770284004469;0.037596899224806204498072759179;0.069767441860465115310852013408;0.049612403100775193109939209535;0.032170542635658917751673158136;0.003488372093023255765542600670;0.026356589147286821339655205065;0.031395348837209305359330357987;0.006976744186046511531085201341;0.015891472868217054043027403054;0.032170542635658917751673158136;0.016279069767441860239198803129;0.012015503875968992081313402309;0.029844961240310077105197805736;0.031395348837209305359330357987;0.013953488372093023062170402682;0.042248062015503878852129560073;0.022480620155038759377941204320;0.003875968992248061961714000745;0.011627906976744185885142002235;0.024031007751937984162626804618;0.017054263565891472631541603278;0.011240310077519379688970602160;0.032945736434108530144015958285;0.016279069767441860239198803129;0.020542635658914728397084203948;0.021317829457364340789427004097;0.000387596899224806196171400074;0.032170542635658917751673158136;0.035271317829457367321044358732;0.008527131782945736315770801639;0.013178294573643410669827602533;0.006589147286821705334913801266;0.015503875968992247846856002980;0.018992248062015503612398603650;0.008527131782945736315770801639;0.012015503875968992081313402309;0.005038759689922480550228200968;0.020155038759689922200912803874;0.012015503875968992081313402309;0.020542635658914728397084203948;0.000000000000000000000000000000;0.006589147286821705334913801266;0.026744186046511627535826605140;0.008914728682170542511942201713;0.012015503875968992081313402309;0.012015503875968992081313402309;0.029844961240310077105197805736;0.008914728682170542511942201713
-0.041489361702127657005600980256;0.019148936170212765839337976104;0.040070921985815605159686469960;0.020567375886524821154699438353;0.033687943262411347566942509957;0.037943262411347516982473848657;0.006028368794326241161818380476;0.023758865248226949951071418354;0.022695035460992909331912059656;0.010992907801418439969753926277;0.020921985815602835850901541903;0.026241134751773049355039191255;0.013829787234042552335200326752;0.028014184397163119366602757054;0.039007092198581561071080159309;0.029432624113475178151411171257;0.007092198581560283515701215151;0.034751773049645391655548820609;0.026241134751773049355039191255;0.006028368794326241161818380476;0.013475177304964539373721699178;0.017021276595744681131572306754;0.010992907801418439969753926277;0.019148936170212765839337976104;0.045390070921985818663824119312;0.025531914893617019962634984154;0.031914893617021274085931992204;0.026241134751773049355039191255;0.000709219858156028416622251864;0.029787234042553192847613274807;0.033333333333333332870740406406;0.009929078014184397615871091602;0.012056737588652482323636760952;0.009574468085106382919668988052;0.017730496453900710523976513855;0.020212765957446809927944286756;0.010992907801418439969753926277;0.012765957446808509981317492077;0.003900709219858156020371842132;0.007801418439716312040743684264;0.005319148936170212636775911363;0.009929078014184397615871091602;0.000000000000000000000000000000;0.012411347517730497019838864503;0.022340425531914894635709956106;0.008156028368794325869584049826;0.028368794326241134062804860605;0.024468085106382979343475625456;0.024113475177304964647273521905;0.018439716312056736446933769002
-0.027407407407407408106436719208;0.017407407407407406163546426114;0.028888888888888887562789165031;0.002592592592592592518063732143;0.134074074074074067741690896582;0.017407407407407406163546426114;0.002962962962962962815832712593;0.025185185185185185452461098521;0.034444444444444444197728216750;0.012222222222222222862142437805;0.006666666666666667094565124074;0.013703703703703704053218359604;0.007407407407407407690103084974;0.017777777777777777762358013547;0.023703703703703702526661700745;0.018518518518518517490534236458;0.011111111111111111535154627461;0.028518518518518519433424529552;0.025555555555555557051272685953;0.005185185185185185036127464286;0.014814814814814815380206169948;0.012592592592592592726230549260;0.006666666666666667094565124074;0.019259259259259260688157411323;0.024444444444444445724284875610;0.021481481481481479872686080057;0.021111111111111111743321444578;0.137037037037037040532183596042;0.000000000000000000000000000000;0.034814814814814812327092852229;0.010740740740740739936343040029;0.008888888888888888881179006773;0.009629629629629630344078705662;0.003333333333333333547282562037;0.005555555555555555767577313730;0.019629629629629628817522046802;0.006666666666666667094565124074;0.008518518518518519017090895318;0.007777777777777777554191196430;0.007037037037037036958653235530;0.010740740740740739936343040029;0.051851851851851850361274642864;0.000000000000000000000000000000;0.007407407407407407690103084974;0.018148148148148149361169600979;0.007037037037037036958653235530;0.023333333333333334397297065266;0.016296296296296294836558615771;0.011481481481481481399242738917;0.012962962962962962590318660716
-0.020454545454545454419292838111;0.023484848484848483418652165255;0.033712121212121214097745536264;0.145833333333333342585191871876;0.063257575757575762454010259717;0.020075757575757576661734660206;0.006818181818181817850643700041;0.021212121212121213403856145874;0.020833333333333332176851016015;0.017045454545454544192928381108;0.014393939393939394685850707845;0.011742424242424241709326082628;0.011363636363636363951767904723;0.019696969696969695434729530348;0.022727272727272727903535809446;0.021969696969696968918972501683;0.017045454545454544192928381108;0.034090909090909088385856762216;0.027272727272727271402574800163;0.008333333333333333217685101602;0.017424242424242425419933510966;0.017045454545454544192928381108;0.011363636363636363951767904723;0.017045454545454544192928381108;0.026893939393939393645016622258;0.017424242424242425419933510966;0.021969696969696968918972501683;0.032196969696969696128618920739;0.001893939393939393991961317454;0.028409090909090908144696285831;0.021969696969696968918972501683;0.010606060606060606701928072937;0.014772727272727272443408885749;0.003409090909090908925321850020;0.010606060606060606701928072937;0.020454545454545454419292838111;0.005681818181818181975883952362;0.012121212121212121201607736509;0.003787878787878787983922634908;0.017424242424242425419933510966;0.007954545454545453725403447720;0.012500000000000000693889390391;0.000000000000000000000000000000;0.012500000000000000693889390391;0.016666666666666666435370203203;0.012500000000000000693889390391;0.018181818181818180935049866775;0.017803030303030303177491688871;0.018181818181818180935049866775;0.009848484848484847717364765174
-0.044907407407407409771771256146;0.005092592592592593003786305417;0.026388888888888888811790067734;0.022685185185185186701462001224;0.026388888888888888811790067734;0.067592592592592593003786305417;0.004166666666666666608842550801;0.015740740740740739173064710599;0.018981481481481481121686982760;0.011111111111111111535154627461;0.017592592592592593697675695807;0.052777777777777777623580135469;0.039814814814814816767984950729;0.019444444444444444752839729063;0.004166666666666666608842550801;0.048611111111111111882099322656;0.007407407407407407690103084974;0.018518518518518517490534236458;0.023611111111111110494320541875;0.005555555555555555767577313730;0.013425925925925926221471407018;0.013888888888888888117900677344;0.018981481481481481121686982760;0.013425925925925926221471407018;0.057407407407407406996213694583;0.019907407407407408383992475365;0.018518518518518517490534236458;0.016203703703703702804217456901;0.000000000000000000000000000000;0.062500000000000000000000000000;0.038425925925925925874526711823;0.006018518518518518531368322044;0.018518518518518517490534236458;0.010648148148148147904001881159;0.029629629629629630760412339896;0.011111111111111111535154627461;0.011111111111111111535154627461;0.015740740740740739173064710599;0.005555555555555555767577313730;0.013425925925925926221471407018;0.002314814814814814686316779557;0.011574074074074073431583897786;0.000000000000000000000000000000;0.010185185185185186007572610833;0.007407407407407407690103084974;0.009722222222222222376419864531;0.018518518518518517490534236458;0.021759259259259259439156508620;0.025925925925925925180637321432;0.017592592592592593697675695807
-0.054166666666666668517038374375;0.005555555555555555767577313730;0.039583333333333331482961625625;0.045833333333333330095182844843;0.006597222222222222202947516934;0.028125000000000000693889390391;0.003472222222222222029475169336;0.019791666666666665741480812812;0.006597222222222222202947516934;0.043402777777777776235801354687;0.019791666666666665741480812812;0.013541666666666667129259593594;0.012500000000000000693889390391;0.053124999999999998612221219219;0.009027777777777776929690745078;0.035069444444444444752839729063;0.011458333333333332523795711211;0.016319444444444445446729119453;0.018402777777777778317469525859;0.004513888888888888464845372539;0.018402777777777778317469525859;0.006597222222222222202947516934;0.005208333333333333044212754004;0.054513888888888889505679458125;0.047222222222222220988641083750;0.056250000000000001387778780781;0.027083333333333334258519187188;0.005208333333333333044212754004;0.000000000000000000000000000000;0.016666666666666666435370203203;0.010763888888888888811790067734;0.019791666666666665741480812812;0.006597222222222222202947516934;0.005208333333333333044212754004;0.009027777777777776929690745078;0.042013888888888892281237019688;0.017013888888888887424011286953;0.016666666666666666435370203203;0.000347222222222222235473582108;0.004513888888888888464845372539;0.004861111111111111188209932266;0.002083333333333333304421275400;0.000000000000000000000000000000;0.030208333333333333564629796797;0.007291666666666666782314898398;0.021874999999999998612221219219;0.054166666666666668517038374375;0.034722222222222223764198645313;0.015277777777777777276635440273;0.013541666666666667129259593594
-0.041666666666666664353702032031;0.012301587301587301251371009414;0.036507936507936510073246694219;0.010714285714285714384841341484;0.025793650793650792218958400781;0.044444444444444446140618509844;0.005158730158730158617264027754;0.023015873015873017370935826875;0.017063492063492061850960013203;0.022619047619047618485899064922;0.020634920634920634469056111016;0.030952380952380953438307642500;0.013492063492063492702310867344;0.026984126984126985404621734688;0.019841269841269840168429539062;0.034920634920634921471993550313;0.018253968253968255036623347110;0.029365079365079364837054498594;0.034126984126984123701920026406;0.003968253968253968033685907812;0.022222222222222223070309254922;0.017063492063492061850960013203;0.011507936507936508685467913438;0.029761904761904760252644308594;0.038492063492063494090089648125;0.030952380952380953438307642500;0.033333333333333332870740406406;0.010317460317460317234528055508;0.002777777777777777883788656865;0.041269841269841268938112222031;0.015476190476190476719153821250;0.015873015873015872134743631250;0.019841269841269840168429539062;0.012698412698412698401684295391;0.019841269841269840168429539062;0.031746031746031744269487262500;0.008730158730158730367998387578;0.010317460317460317234528055508;0.003571428571428571317053490830;0.010317460317460317234528055508;0.007539682539682539784420267637;0.007142857142857142634106981660;0.000000000000000000000000000000;0.010317460317460317234528055508;0.017857142857142856151586585156;0.014682539682539682418527249297;0.025000000000000001387778780781;0.022619047619047618485899064922;0.021428571428571428769682682969;0.015476190476190476719153821250
-0.059615384615384618693934015710;0.002243589743589743425167259971;0.042307692307692310040856398246;0.016987179487179485809500434357;0.008333333333333333217685101602;0.014743589743589743251694912374;0.002564102564102564100340098108;0.021474358974358974394558430276;0.009615384615384615918376454147;0.065384615384615388244959888198;0.018910256410256408993175725186;0.006410256410256410034009810772;0.008653846153846154326538808732;0.052884615384615384081623545853;0.008974358974358973700669039886;0.029166666666666667129259593594;0.008333333333333333217685101602;0.012820512820512820068019621544;0.009935897435897435292506685300;0.004807692307692307959188227073;0.018589743589743589619045494032;0.007051282051282051384355487045;0.003205128205128205017004905386;0.082371794871794870585013370601;0.047115384615384614530597673365;0.079487179487179482340053482403;0.025000000000000001387778780781;0.004807692307692307959188227073;0.000000000000000000000000000000;0.010576923076923077510214099561;0.004166666666666666608842550801;0.026602564102564101727876888503;0.002884615384615384775512936244;0.002884615384615384775512936244;0.006089743589743589792517841630;0.041666666666666664353702032031;0.013141025641025641176873328675;0.007692307692307692734701163317;0.000000000000000000000000000000;0.001602564102564102508502452693;0.006410256410256410034009810772;0.001282051282051282050170049054;0.000000000000000000000000000000;0.048717948717948718340142733041;0.004487179487179486850334519943;0.024358974358974359170071366520;0.052884615384615384081623545853;0.040384615384615386857181107416;0.015705128205128204843532557788;0.016666666666666666435370203203
-0.018085106382978721750731665452;0.027659574468085104670400653504;0.033333333333333332870740406406;0.232624113475177307641672541649;0.042907801418439715790409394458;0.012765957446808509981317492077;0.002482269503546099403967772901;0.021276595744680850547103645454;0.021276595744680850547103645454;0.013120567375886524677519595627;0.012411347517730497019838864503;0.012056737588652482323636760952;0.003191489361702127495329373019;0.026950354609929078747443398356;0.038297872340425531678675952207;0.012765957446808509981317492077;0.012765957446808509981317492077;0.022340425531914894635709956106;0.017375886524822695827774410304;0.006382978723404254990658746038;0.012765957446808509981317492077;0.013120567375886524677519595627;0.004964539007092198807935545801;0.015248226950354609385285264977;0.020567375886524821154699438353;0.022695035460992909331912059656;0.026595744680851064051241294806;0.032978723404255318174538302856;0.002836879432624113666489007457;0.024113475177304964647273521905;0.006028368794326241161818380476;0.013829787234042552335200326752;0.006028368794326241161818380476;0.004609929078014184111733442251;0.009219858156028368223466884501;0.023404255319148935254869314804;0.009929078014184397615871091602;0.005319148936170212636775911363;0.006737588652482269686860849589;0.009574468085106382919668988052;0.008865248226950355261988256927;0.009219858156028368223466884501;0.000000000000000000000000000000;0.011347517730496454665956029828;0.026950354609929078747443398356;0.009574468085106382919668988052;0.021276595744680850547103645454;0.020567375886524821154699438353;0.017021276595744681131572306754;0.014539007092198581727604533853
-0.017567567567567568542763467576;0.039189189189189191364626196901;0.020270270270270271395496308742;0.329729729729729748033406622199;0.011261261261261260729904520872;0.002252252252252252232717077973;0.018018018018018017861736623786;0.017117117117117115754343359413;0.036036036036036035723473247572;0.009009009009009008930868311893;0.006306306306306306078135470727;0.003153153153153153039067735364;0.002702702702702702852732841166;0.007657657657657657504501891310;0.033783783783783785659160514570;0.005405405405405405705465682331;0.011261261261261260729904520872;0.035135135135135137085526935152;0.008558558558558557877171679706;0.002702702702702702852732841166;0.020720720720720720714469464951;0.017117117117117115754343359413;0.002252252252252252232717077973;0.016666666666666666435370203203;0.010810810810810811410931364662;0.016666666666666666435370203203;0.012612612612612612156270941455;0.050900900900900901413503873982;0.001801801801801801829541749278;0.003603603603603603659083498556;0.009909909909909909303538100289;0.009009009009009008930868311893;0.001801801801801801829541749278;0.002252252252252252232717077973;0.002702702702702702852732841166;0.012612612612612612156270941455;0.004054054054054054279099261748;0.025225225225225224312541882909;0.012612612612612612156270941455;0.006756756756756757131832102914;0.012612612612612612156270941455;0.046396396396396394345984504071;0.000000000000000000000000000000;0.015765765765765764327976938830;0.013063063063063063209967573641;0.028378378378378379953694832238;0.007657657657657657504501891310;0.004054054054054054279099261748;0.004954954954954954651769050145;0.009909909909909909303538100289
-0.031250000000000000000000000000;0.014236111111111110841265237070;0.029513888888888888117900677344;0.132291666666666668517038374375;0.018749999999999999306110609609;0.050347222222222223764198645313;0.003819444444444444319158860068;0.018055555555555553859381490156;0.025000000000000001387778780781;0.008680555555555555941049661328;0.023263888888888889505679458125;0.037152777777777777623580135469;0.020486111111111111188209932266;0.017013888888888887424011286953;0.011805555555555555247160270937;0.023263888888888889505679458125;0.010416666666666666088425508008;0.037152777777777777623580135469;0.042708333333333334258519187188;0.007638888888888888638317720137;0.018749999999999999306110609609;0.013194444444444444405895033867;0.011458333333333332523795711211;0.014236111111111110841265237070;0.035069444444444444752839729063;0.014930555555555556287994356524;0.024652777777777776929690745078;0.007638888888888888638317720137;0.000347222222222222235473582108;0.059374999999999997224442438437;0.025347222222222222376419864531;0.006597222222222222202947516934;0.022916666666666665047591422422;0.008680555555555555941049661328;0.018055555555555553859381490156;0.015625000000000000000000000000;0.012847222222222221682530474141;0.007638888888888888638317720137;0.004861111111111111188209932266;0.011458333333333332523795711211;0.005208333333333333044212754004;0.019444444444444444752839729063;0.000000000000000000000000000000;0.004513888888888888464845372539;0.012847222222222221682530474141;0.007638888888888888638317720137;0.010069444444444445099784424258;0.009374999999999999653055304805;0.021874999999999998612221219219;0.012500000000000000693889390391
-0.038580246913580244771946325955;0.008333333333333333217685101602;0.029012345679012344762393027509;0.026851851851851852442942814037;0.084567901234567907642336592744;0.045061728395061728669190870278;0.002777777777777777883788656865;0.019444444444444444752839729063;0.027160493827160493707228994253;0.011419753086419752799440807678;0.021604938271604937072289942535;0.037962962962962962243373965521;0.022839506172839505598881615356;0.020061728395061727281412089496;0.028086419753086420969534486858;0.032407407407407405608434913802;0.021604938271604937072289942535;0.024382716049382715389759468394;0.039197530864197534239412590296;0.001234567901234567876070369330;0.015740740740740739173064710599;0.015740740740740739173064710599;0.006172839506172839163511412153;0.016666666666666666435370203203;0.048765432098765430779518936788;0.022839506172839505598881615356;0.019444444444444444752839729063;0.015432098765432097908778530382;0.000617283950617283938035184665;0.052777777777777777623580135469;0.027469135802469134971515174470;0.008333333333333333217685101602;0.012037037037037037062736644089;0.002160493827160493620492820455;0.009876543209876543008562954640;0.016975308641975307699656383420;0.005864197530864197899225231936;0.014506172839506172381196513754;0.008950617283950617480980938012;0.004012345679012345976699460692;0.008024691358024691953398921385;0.023456790123456791596900927743;0.000000000000000000000000000000;0.009567901234567901744276774423;0.018827160493827162224267368629;0.008641975308641974481971281818;0.017283950617283948963942563637;0.017901234567901234961961876024;0.014197530864197531116910333537;0.015123456790123456644492350165
-0.051111111111111114102545371907;0.012592592592592592726230549260;0.024444444444444445724284875610;0.001111111111111111110147375847;0.029259259259259259161600752464;0.066666666666666665741480812812;0.003333333333333333547282562037;0.026666666666666668378260496297;0.017037037037037038034181790636;0.006666666666666667094565124074;0.027037037037037036507625131776;0.047037037037037036923958766010;0.020370370370370372015145221667;0.011851851851851851263330850372;0.017777777777777777762358013547;0.027407407407407408106436719208;0.013703703703703704053218359604;0.025925925925925925180637321432;0.042592592592592591616007524635;0.001851851851851851922525771243;0.026666666666666668378260496297;0.010740740740740739936343040029;0.013333333333333334189130248149;0.011111111111111111535154627461;0.057407407407407406996213694583;0.021851851851851851471497667490;0.027407407407407408106436719208;0.017037037037037038034181790636;0.002222222222222222220294751693;0.086666666666666669627261399000;0.028888888888888887562789165031;0.007777777777777777554191196430;0.028148148148148147834612942120;0.003703703703703703845051542487;0.011481481481481481399242738917;0.016666666666666666435370203203;0.015555555555555555108382392859;0.011111111111111111535154627461;0.002592592592592592518063732143;0.002962962962962962815832712593;0.005185185185185185036127464286;0.021851851851851851471497667490;0.000000000000000000000000000000;0.006296296296296296363115274630;0.020740740740740740144509857146;0.008888888888888888881179006773;0.014814814814814815380206169948;0.013703703703703704053218359604;0.018518518518518517490534236458;0.012222222222222222862142437805
-0.033333333333333332870740406406;0.012999999999999999403255124264;0.035333333333333334647097245806;0.006000000000000000124900090270;0.024333333333333331816028533012;0.040333333333333332149095440400;0.002333333333333333526465880325;0.028000000000000000582867087928;0.020333333333333331732761806165;0.016000000000000000333066907388;0.020000000000000000416333634234;0.022333333333333333509118645566;0.019333333333333334314030338419;0.029333333333333332787473679559;0.017333333333333332537673499019;0.013666666666666667240281896056;0.013666666666666667240281896056;0.035333333333333334647097245806;0.044333333333333335701809119200;0.009666666666666667157015169209;0.021666666666666667406815349750;0.019333333333333334314030338419;0.017666666666666667323548622903;0.018999999999999999528155214534;0.033000000000000001554312234475;0.029999999999999998889776975375;0.042000000000000002609024107869;0.017999999999999998639976794834;0.001333333333333333288808764117;0.049666666666666664520235485725;0.014666666666666666393736839780;0.008666666666666666268836749509;0.014999999999999999444888487687;0.006333333333333333176051738178;0.023333333333333334397297065266;0.027666666666666665796991964044;0.013666666666666667240281896056;0.004666666666666667052931760651;0.008000000000000000166533453694;0.035000000000000003330669073875;0.008333333333333333217685101602;0.013666666666666667240281896056;0.000000000000000000000000000000;0.009666666666666667157015169209;0.024333333333333331816028533012;0.008000000000000000166533453694;0.019666666666666665630458510350;0.017666666666666667323548622903;0.030999999999999999777955395075;0.014999999999999999444888487687
-0.047407407407407405053323401489;0.004444444444444444440589503387;0.047777777777777780121581940875;0.007407407407407407690103084974;0.025185185185185185452461098521;0.021851851851851851471497667490;0.001481481481481481407916356297;0.027037037037037036507625131776;0.030370370370370370488588562807;0.045555555555555557467606320188;0.018148148148148149361169600979;0.007407407407407407690103084974;0.007777777777777777554191196430;0.031481481481481478346129421197;0.006666666666666667094565124074;0.030740740740740742087400150240;0.020000000000000000416333634234;0.027777777777777776235801354687;0.018518518518518517490534236458;0.005925925925925925631665425186;0.016666666666666666435370203203;0.014814814814814815380206169948;0.006666666666666667094565124074;0.065555555555555561353386906376;0.046666666666666668794594130532;0.048518518518518516380311211833;0.036666666666666666851703837438;0.003703703703703703845051542487;0.002592592592592592518063732143;0.010740740740740739936343040029;0.008148148148148147418279307885;0.023703703703703702526661700745;0.008148148148148147418279307885;0.002592592592592592518063732143;0.007777777777777777554191196430;0.041851851851851848418384349770;0.013703703703703704053218359604;0.012592592592592592726230549260;0.003703703703703703845051542487;0.003333333333333333547282562037;0.009629629629629630344078705662;0.010370370370370370072254928573;0.000000000000000000000000000000;0.032592592592592589673117231541;0.007407407407407407690103084974;0.021111111111111111743321444578;0.041851851851851848418384349770;0.022962962962962962798485477833;0.025555555555555557051272685953;0.017407407407407406163546426114
-0.050909090909090910781475969316;0.016060606060606059941608947383;0.044848484848484845843863411119;0.003939393939393939607362948863;0.023939393939393940891058321085;0.030303030303030303871381079261;0.006969696969696969474084013996;0.031515151515151516858903590901;0.025151515151515150409133880771;0.019696969696969695434729530348;0.019393939393939393922572378415;0.021212121212121213403856145874;0.013636363636363635701287400082;0.020303030303030301928490786167;0.020303030303030301928490786167;0.040606060606060603856981572335;0.017272727272727272929131459023;0.037878787878787879839226349077;0.040000000000000000832667268469;0.006060606060606060600803868255;0.029090909090909090883858567622;0.014545454545454545441929283811;0.011515151515151514707846480690;0.022121212121212121409774553626;0.049696969696969697793953457676;0.033939393939393942833948614179;0.038787878787878787845144756830;0.006969696969696969474084013996;0.000909090909090909090120580238;0.023030303030303029415692961379;0.016969696969696971416974307090;0.009090909090909090467524933388;0.019393939393939393922572378415;0.003939393939393939607362948863;0.010606060606060606701928072937;0.026363636363636363396656392410;0.016363636363636364923213051270;0.017575757575757574441288610956;0.002121212121212121427121788386;0.008787878787878787220644305478;0.007575757575757575967845269815;0.011515151515151514707846480690;0.000000000000000000000000000000;0.010000000000000000208166817117;0.017272727272727272929131459023;0.012727272727272727695368992329;0.025454545454545455390737984658;0.028181818181818182877940159869;0.020909090909090908422252041987;0.014545454545454545441929283811
-0.027083333333333334258519187188;0.025694444444444443365060948281;0.032291666666666669904817155157;0.060763888888888888117900677344;0.059722222222222225151977426094;0.025347222222222222376419864531;0.004166666666666666608842550801;0.029861111111111112575988713047;0.019444444444444444752839729063;0.017361111111111111882099322656;0.012847222222222221682530474141;0.023263888888888889505679458125;0.009027777777777776929690745078;0.020833333333333332176851016015;0.045138888888888888117900677344;0.027430555555555555247160270937;0.013194444444444444405895033867;0.028125000000000000693889390391;0.036805555555555556634939051719;0.002083333333333333304421275400;0.019791666666666665741480812812;0.014236111111111110841265237070;0.009722222222222222376419864531;0.021180555555555556634939051719;0.040625000000000001387778780781;0.028125000000000000693889390391;0.026041666666666667823148983985;0.030555555555555554553270880547;0.001736111111111111014737584668;0.037152777777777777623580135469;0.019097222222222223764198645313;0.012847222222222221682530474141;0.019097222222222223764198645313;0.004861111111111111188209932266;0.003819444444444444319158860068;0.022916666666666665047591422422;0.008333333333333333217685101602;0.009374999999999999653055304805;0.001388888888888888941894328433;0.006944444444444444058950338672;0.011805555555555555247160270937;0.007986111111111110494320541875;0.000000000000000000000000000000;0.013888888888888888117900677344;0.031944444444444441977282167500;0.011805555555555555247160270937;0.027430555555555555247160270937;0.012152777777777777970524830664;0.012152777777777777970524830664;0.012500000000000000693889390391
-0.026666666666666668378260496297;0.021851851851851851471497667490;0.022222222222222223070309254922;0.042962962962962959745372160114;0.100370370370370373680479758605;0.027407407407407408106436719208;0.004074074074074073709139653943;0.028518518518518519433424529552;0.028148148148148147834612942120;0.009259259259259258745267118229;0.012222222222222222862142437805;0.014074074074074073917306471060;0.011481481481481481399242738917;0.018518518518518517490534236458;0.031851851851851853414387960584;0.020000000000000000416333634234;0.032962962962962964741375770927;0.040370370370370368962031903948;0.038518518518518521376314822646;0.002962962962962962815832712593;0.017777777777777777762358013547;0.007037037037037036958653235530;0.005185185185185185036127464286;0.010370370370370370072254928573;0.037037037037037034981068472916;0.014444444444444443781394582516;0.026296296296296296779448908865;0.024814814814814813853649511088;0.000370370370370370351979089074;0.048888888888888891448569751219;0.018518518518518517490534236458;0.012592592592592592726230549260;0.026666666666666668378260496297;0.003333333333333333547282562037;0.008148148148148147418279307885;0.020000000000000000416333634234;0.012592592592592592726230549260;0.014074074074074073917306471060;0.001851851851851851922525771243;0.004814814814814815172039352831;0.011851851851851851263330850372;0.033333333333333332870740406406;0.000000000000000000000000000000;0.007407407407407407690103084974;0.040740740740740744030290443334;0.005185185185185185036127464286;0.012592592592592592726230549260;0.016296296296296294836558615771;0.012592592592592592726230549260;0.010740740740740739936343040029
-0.036249999999999997501998194593;0.035833333333333335091186455656;0.028333333333333331899295259859;0.019583333333333334536074943344;0.030833333333333334119741309109;0.025833333333333333148296162562;0.005000000000000000104083408559;0.046249999999999999444888487687;0.027500000000000000138777878078;0.013333333333333334189130248149;0.016250000000000000555111512313;0.017500000000000001665334536938;0.011666666666666667198648532633;0.010000000000000000208166817117;0.041250000000000001942890293094;0.030416666666666668239482618219;0.011249999999999999583666365766;0.046666666666666668794594130532;0.044999999999999998334665463062;0.007083333333333332974823814965;0.020833333333333332176851016015;0.014999999999999999444888487687;0.016666666666666666435370203203;0.015833333333333334674852821422;0.038333333333333330372738601000;0.019166666666666665186369300500;0.042500000000000003053113317719;0.016250000000000000555111512313;0.000416666666666666693410320255;0.024583333333333332038073137937;0.016666666666666666435370203203;0.007499999999999999722444243844;0.025416666666666667268037471672;0.002500000000000000052041704279;0.011249999999999999583666365766;0.024166666666666666157814447047;0.017083333333333332315628894094;0.015833333333333334674852821422;0.006666666666666667094565124074;0.010416666666666666088425508008;0.016666666666666666435370203203;0.020833333333333332176851016015;0.000000000000000000000000000000;0.006666666666666667094565124074;0.032083333333333331760517381781;0.008333333333333333217685101602;0.008750000000000000832667268469;0.015833333333333334674852821422;0.026249999999999999028554853453;0.011666666666666667198648532633
-0.023076923076923078204103489952;0.019551282051282051210883139447;0.022115384615384616612265844537;0.104807692307692310040856398246;0.177564102564102571646387218607;0.022435897435897435986396075691;0.003205128205128205017004905386;0.011858974358974358476181976130;0.019551282051282051210883139447;0.008012820512820512108831394471;0.014102564102564102768710974090;0.024679487179487178544201597674;0.006089743589743589792517841630;0.011538461538461539102051744976;0.028846153846153847755129362440;0.025000000000000001387778780781;0.010576923076923077510214099561;0.021794871794871793768688661430;0.019230769230769231836752908293;0.002884615384615384775512936244;0.007692307692307692734701163317;0.021794871794871793768688661430;0.004807692307692307959188227073;0.011538461538461539102051744976;0.031730769230769229061195346731;0.014423076923076923877564681220;0.020192307692307693428590553708;0.042307692307692310040856398246;0.001282051282051282050170049054;0.040064102564102567483050876262;0.033653846153846152244870637560;0.005769230769230769551025872488;0.015064102564102564360548619504;0.007371794871794871625847456187;0.008974358974358973700669039886;0.013461538461538462285727035805;0.006730769230769231142863517903;0.013461538461538462285727035805;0.006410256410256410034009810772;0.006410256410256410034009810772;0.004166666666666666608842550801;0.016987179487179485809500434357;0.000000000000000000000000000000;0.004487179487179486850334519943;0.024679487179487178544201597674;0.004807692307692307959188227073;0.016025641025641024217662788942;0.016666666666666666435370203203;0.009294871794871794809522747016;0.012820512820512820068019621544
-0.033750000000000002220446049250;0.036666666666666666851703837438;0.027083333333333334258519187188;0.003333333333333333547282562037;0.014583333333333333564629796797;0.022499999999999999167332731531;0.001666666666666666773641281019;0.037499999999999998612221219219;0.030416666666666668239482618219;0.014166666666666665949647629930;0.014999999999999999444888487687;0.011249999999999999583666365766;0.011249999999999999583666365766;0.023750000000000000277555756156;0.057083333333333333148296162562;0.022916666666666665047591422422;0.013750000000000000069388939039;0.052916666666666667406815349750;0.030416666666666668239482618219;0.009583333333333332593184650250;0.021250000000000001526556658860;0.018749999999999999306110609609;0.014999999999999999444888487687;0.017916666666666667545593227828;0.031250000000000000000000000000;0.022916666666666665047591422422;0.047916666666666669904817155157;0.023750000000000000277555756156;0.000000000000000000000000000000;0.025416666666666667268037471672;0.007499999999999999722444243844;0.006250000000000000346944695195;0.033750000000000002220446049250;0.004166666666666666608842550801;0.010416666666666666088425508008;0.033750000000000002220446049250;0.015416666666666667059870654555;0.006666666666666667094565124074;0.008333333333333333217685101602;0.007083333333333332974823814965;0.007083333333333332974823814965;0.027916666666666666019036568969;0.000000000000000000000000000000;0.006666666666666667094565124074;0.033750000000000002220446049250;0.008750000000000000832667268469;0.024166666666666666157814447047;0.021250000000000001526556658860;0.027500000000000000138777878078;0.015833333333333334674852821422
-0.019629629629629628817522046802;0.019629629629629628817522046802;0.017407407407407406163546426114;0.007037037037037036958653235530;0.123333333333333336478965236438;0.021481481481481479872686080057;0.008518518518518519017090895318;0.037407407407407410049327012302;0.032222222222222221543752596062;0.007407407407407407690103084974;0.016666666666666666435370203203;0.037037037037037034981068472916;0.007777777777777777554191196430;0.010740740740740739936343040029;0.034444444444444444197728216750;0.010740740740740739936343040029;0.017777777777777777762358013547;0.038518518518518521376314822646;0.067407407407407402000210083770;0.004444444444444444440589503387;0.029629629629629630760412339896;0.020000000000000000416333634234;0.013333333333333334189130248149;0.007777777777777777554191196430;0.025185185185185185452461098521;0.012222222222222222862142437805;0.024444444444444445724284875610;0.015555555555555555108382392859;0.000370370370370370351979089074;0.071111111111111111049432054187;0.020740740740740740144509857146;0.005925925925925925631665425186;0.015555555555555555108382392859;0.002962962962962962815832712593;0.007037037037037036958653235530;0.015185185185185185244294281404;0.004444444444444444440589503387;0.004814814814814815172039352831;0.011481481481481481399242738917;0.015555555555555555108382392859;0.015555555555555555108382392859;0.036666666666666666851703837438;0.000000000000000000000000000000;0.002592592592592592518063732143;0.035925925925925923654080662573;0.006296296296296296363115274630;0.010000000000000000208166817117;0.010370370370370370072254928573;0.014814814814814815380206169948;0.004814814814814815172039352831
-0.051219512195121948139320267046;0.016666666666666666435370203203;0.034959349593495933627984584291;0.006910569105691056687734707964;0.044715447154471545110343555507;0.040243902439024391293198590347;0.002845528455284553059900787275;0.017886178861788618738026812593;0.018699186991869919116648901536;0.018292682926829267192614381088;0.021951219512195120631137257305;0.033333333333333332870740406406;0.019105691056910567571236470030;0.031707317073170732113496228521;0.012601626016260162807536282514;0.030487804878048779810839619131;0.013821138211382113375469415928;0.023577235772357724857828387144;0.031300813008130083658908660027;0.004065040650406504495195658677;0.019105691056910567571236470030;0.010569105691056910126257584182;0.005691056910569106119801574550;0.025609756097560974069660133523;0.050813008130081299684732698552;0.036991869918699189778710234577;0.026016260162601625993694653971;0.038211382113821135142472940061;0.000406504065040650406151478968;0.048780487804878050472900952172;0.023983739837398373312415955638;0.015853658536585366056748114261;0.012195121951219512618225238043;0.004471544715447154684506703148;0.011788617886178862428914193572;0.023170731707317072933793866696;0.010162601626016259936946539710;0.012601626016260162807536282514;0.000000000000000000000000000000;0.005284552845528455063128792091;0.003252032520325203249211831746;0.015447154471544715867437069790;0.000000000000000000000000000000;0.015853658536585366056748114261;0.020325203252032519873893079421;0.011382113821138212239603149101;0.024390243902439025236450476086;0.022764227642276424479206298201;0.016666666666666666435370203203;0.013821138211382113375469415928
-0.056250000000000001387778780781;0.005000000000000000104083408559;0.037499999999999998612221219219;0.000416666666666666693410320255;0.010416666666666666088425508008;0.039166666666666669072149886688;0.002916666666666666799662133158;0.015833333333333334674852821422;0.011666666666666667198648532633;0.039583333333333331482961625625;0.014583333333333333564629796797;0.037083333333333336201409480282;0.012083333333333333078907223523;0.051249999999999996946886682281;0.007916666666666667337426410711;0.032916666666666663521034763562;0.008750000000000000832667268469;0.015833333333333334674852821422;0.015416666666666667059870654555;0.005833333333333333599324266316;0.018749999999999999306110609609;0.011666666666666667198648532633;0.002916666666666666799662133158;0.060833333333333336478965236438;0.047500000000000000555111512313;0.062500000000000000000000000000;0.028333333333333331899295259859;0.004166666666666666608842550801;0.001250000000000000026020852140;0.018749999999999999306110609609;0.016666666666666666435370203203;0.017916666666666667545593227828;0.006250000000000000346944695195;0.007083333333333332974823814965;0.010416666666666666088425508008;0.041666666666666664353702032031;0.014999999999999999444888487687;0.012500000000000000693889390391;0.001666666666666666773641281019;0.004166666666666666608842550801;0.004583333333333333356462979680;0.005000000000000000104083408559;0.000000000000000000000000000000;0.027083333333333334258519187188;0.007499999999999999722444243844;0.017916666666666667545593227828;0.053749999999999999167332731531;0.039583333333333331482961625625;0.019166666666666665186369300500;0.014999999999999999444888487687
-0.049673202614379081965001461185;0.016339869281045752563708006733;0.042156862745098042100089230644;0.000653594771241830020148955160;0.004575163398692810683143772366;0.030065359477124183745777585841;0.001307189542483660040297910321;0.029411764705882352533006240947;0.028431372549019607448572699582;0.017320261437908497648141548098;0.027777777777777776235801354687;0.014052287581699346788455251556;0.016666666666666666435370203203;0.033986928104575160614064799347;0.022222222222222223070309254922;0.025490196078431372195272075487;0.012745098039215686097636037744;0.035620915032679736911269685606;0.034313725490196081424620899725;0.008169934640522876281854003366;0.019281045751633987817008630827;0.026797385620915031151367813322;0.020261437908496732901442172192;0.029411764705882352533006240947;0.039542483660130717249003851066;0.033006535947712418999078209936;0.039542483660130717249003851066;0.008496732026143790153516199837;0.000000000000000000000000000000;0.011764705882352941013202496379;0.013071895424836601704021710191;0.008496732026143790153516199837;0.015686274509803921350936661838;0.005882352941176470506601248189;0.018300653594771242732575089462;0.035294117647058823039607489136;0.019607843137254901688670827298;0.006209150326797385245625182648;0.012418300653594770491250365296;0.015686274509803921350936661838;0.009150326797385621366287544731;0.016993464052287580307032399674;0.000000000000000000000000000000;0.014052287581699346788455251556;0.008823529411764705759901872284;0.012091503267973856619588168826;0.029738562091503266404668437417;0.025490196078431372195272075487;0.037908496732026140951798964807;0.016013071895424835222598858309
-0.035648148148148151026504137917;0.042129629629629627984854778333;0.022222222222222223070309254922;0.010185185185185186007572610833;0.012962962962962962590318660716;0.042129629629629627984854778333;0.005555555555555555767577313730;0.024074074074074074125473288177;0.034722222222222223764198645313;0.007407407407407407690103084974;0.013888888888888888117900677344;0.033333333333333332870740406406;0.016203703703703702804217456901;0.015277777777777777276635440273;0.054166666666666668517038374375;0.033333333333333332870740406406;0.019444444444444444752839729063;0.054166666666666668517038374375;0.018981481481481481121686982760;0.006018518518518518531368322044;0.016666666666666666435370203203;0.021296296296296295808003762318;0.019907407407407408383992475365;0.016203703703703702804217456901;0.037499999999999998612221219219;0.019907407407407408383992475365;0.028703703703703703498106847292;0.038888888888888889505679458125;0.001851851851851851922525771243;0.020370370370370372015145221667;0.030092592592592590922118134245;0.010185185185185186007572610833;0.012037037037037037062736644089;0.002314814814814814686316779557;0.012500000000000000693889390391;0.018518518518518517490534236458;0.011111111111111111535154627461;0.013425925925925926221471407018;0.006481481481481481295159330358;0.011574074074074073431583897786;0.021759259259259259439156508620;0.032870370370370369239587660104;0.000000000000000000000000000000;0.003703703703703703845051542487;0.024537037037037037756626034479;0.009259259259259258745267118229;0.012037037037037037062736644089;0.014814814814814815380206169948;0.018518518518518517490534236458;0.011111111111111111535154627461
-0.031300813008130083658908660027;0.019918699186991871419305510926;0.028455284552845527129560920798;0.004065040650406504495195658677;0.034959349593495933627984584291;0.036178861788617885930641193681;0.004065040650406504495195658677;0.024390243902439025236450476086;0.039837398373983742838611021853;0.010569105691056910126257584182;0.023983739837398373312415955638;0.028048780487804878674973352304;0.017073170731707318359404723651;0.016260162601626017980782634709;0.023983739837398373312415955638;0.015447154471544715867437069790;0.029674796747967479432217530189;0.047154471544715449715656774288;0.045528455284552848958412596403;0.004878048780487804873817747620;0.034146341463414636718809447302;0.023983739837398373312415955638;0.014227642276422763564780460399;0.013821138211382113375469415928;0.032520325203252035961565269417;0.017073170731707318359404723651;0.039024390243902438990541980957;0.037804878048780486687885371566;0.001219512195121951218454436905;0.031707317073170732113496228521;0.017479674796747966813992292145;0.008943089430894309369013406297;0.020731707317073171797927599869;0.006097560975609756309112619022;0.014227642276422763564780460399;0.027642276422764226750938831856;0.008943089430894309369013406297;0.004065040650406504495195658677;0.009349593495934959558324450768;0.010162601626016259936946539710;0.010569105691056910126257584182;0.033333333333333332870740406406;0.000000000000000000000000000000;0.009349593495934959558324450768;0.013414634146341463186158371457;0.006097560975609756309112619022;0.012601626016260162807536282514;0.010162601626016259936946539710;0.030487804878048779810839619131;0.015040650406504065678126025318
-0.048639455782312927822896853058;0.012244897959183672839222900564;0.047959183673469386877119546853;0.000340136054421768683955068502;0.003061224489795918209805725141;0.036394557823129253248950476518;0.001360544217687074735820274007;0.023469387755102041198673745726;0.014965986394557822744544317572;0.018707482993197278864361265960;0.025510204081632653627664808482;0.022789115646258503722343391473;0.019047619047619049337249919063;0.033333333333333332870740406406;0.012585034013605441577388077690;0.030612244897959182965418989397;0.019387755102040816340691620212;0.035714285714285712303173170312;0.026190476190476191103995162734;0.012925170068027210315553254816;0.022789115646258503722343391473;0.015306122448979591482709494699;0.019727891156462583344133321361;0.030612244897959182965418989397;0.044897959183673466498909476741;0.035034013605442178296289768014;0.031632653061224487445191044799;0.007823129251700680977799073901;0.000680272108843537367910137004;0.024149659863945578675004099978;0.017346938775510203911700557455;0.014285714285714285268213963320;0.015646258503401361955598147802;0.006802721088435373895941804534;0.020748299319727891293352328717;0.039795918367346937161155295826;0.017687074829931974384589210558;0.009863945578231291672066660681;0.001360544217687074735820274007;0.018707482993197278864361265960;0.002721088435374149471640548015;0.005782312925170067681446273156;0.000000000000000000000000000000;0.017346938775510203911700557455;0.007823129251700680977799073901;0.012244897959183672839222900564;0.031972789115646257918079697902;0.024829931972789116151334454230;0.041836734693877553059593310536;0.015306122448979591482709494699
-0.024637681159420291021611149063;0.027898550724637680847672882578;0.053985507246376809864507606562;0.005434782608695652023067523828;0.015579710144927537071590784024;0.009057971014492753950020365039;0.003623188405797101493271972217;0.047101449275362319846216507813;0.043478260869565216184540190625;0.020652173913043476993767200156;0.014855072463768116339255520586;0.013043478260869564508417361992;0.008333333333333333217685101602;0.016666666666666666435370203203;0.038043478260869567630919618750;0.016666666666666666435370203203;0.049637681159420292409389929844;0.069202898550724631365760330937;0.025000000000000001387778780781;0.007971014492753622851517469883;0.020652173913043476993767200156;0.019927536231884056261431936719;0.008695652173913043583852733320;0.039130434782608698729422513907;0.017753623188405797533873098359;0.022463768115942028824605358750;0.034782608695652174335410933281;0.016666666666666666435370203203;0.002536231884057970828449946055;0.018478260869565218266208361797;0.007971014492753622851517469883;0.028985507246376811946175777734;0.009057971014492753950020365039;0.002173913043478260895963183330;0.007608695652173913352711576152;0.047826086956521740578551771250;0.013043478260869564508417361992;0.002898550724637681194617577773;0.003623188405797101493271972217;0.001449275362318840597308788887;0.010144927536231883313799784219;0.041666666666666664353702032031;0.000000000000000000000000000000;0.015217391304347826705423152305;0.018840579710144928632375993516;0.012318840579710145510805574531;0.022826086956521739190772990469;0.015942028985507245703034939766;0.018840579710144928632375993516;0.007608695652173913352711576152
-0.018518518518518517490534236458;0.000740740740740740703958178148;0.054444444444444441144614899031;0.000370370370370370351979089074;0.000370370370370370351979089074;0.007407407407407407690103084974;0.001481481481481481407916356297;0.019629629629629628817522046802;0.015555555555555555108382392859;0.099629629629629623543962679832;0.012222222222222222862142437805;0.002592592592592592518063732143;0.005185185185185185036127464286;0.036666666666666666851703837438;0.001481481481481481407916356297;0.011851851851851851263330850372;0.015555555555555555108382392859;0.018518518518518517490534236458;0.002592592592592592518063732143;0.005555555555555555767577313730;0.007407407407407407690103084974;0.007777777777777777554191196430;0.002222222222222222220294751693;0.151111111111111112714766591125;0.019629629629629628817522046802;0.053703703703703704885885628073;0.018888888888888889089345823891;0.001481481481481481407916356297;0.002962962962962962815832712593;0.003333333333333333547282562037;0.001851851851851851922525771243;0.061481481481481484174800300480;0.001851851851851851922525771243;0.005555555555555555767577313730;0.006666666666666667094565124074;0.080370370370370369794699172417;0.011851851851851851263330850372;0.004074074074074073709139653943;0.001851851851851851922525771243;0.003703703703703703845051542487;0.008888888888888888881179006773;0.004814814814814815172039352831;0.000000000000000000000000000000;0.084444444444444446973285778313;0.000370370370370370351979089074;0.030740740740740742087400150240;0.054074074074074073015250263552;0.020000000000000000416333634234;0.005925925925925925631665425186;0.012592592592592592726230549260
-0.052499999999999998057109706906;0.015416666666666667059870654555;0.032500000000000001110223024625;0.005833333333333333599324266316;0.007083333333333332974823814965;0.045416666666666667684371105906;0.003333333333333333547282562037;0.034583333333333333980963431031;0.016666666666666666435370203203;0.014166666666666665949647629930;0.024583333333333332038073137937;0.025833333333333333148296162562;0.023333333333333334397297065266;0.022499999999999999167332731531;0.024583333333333332038073137937;0.041666666666666664353702032031;0.012916666666666666574148081281;0.044166666666666666574148081281;0.029999999999999998889776975375;0.008750000000000000832667268469;0.023333333333333334397297065266;0.012083333333333333078907223523;0.014583333333333333564629796797;0.016666666666666666435370203203;0.051249999999999996946886682281;0.036249999999999997501998194593;0.035000000000000003330669073875;0.008333333333333333217685101602;0.001250000000000000026020852140;0.026666666666666668378260496297;0.022916666666666665047591422422;0.010416666666666666088425508008;0.014583333333333333564629796797;0.007916666666666667337426410711;0.020416666666666666296592325125;0.025833333333333333148296162562;0.014999999999999999444888487687;0.016666666666666666435370203203;0.000416666666666666693410320255;0.007083333333333332974823814965;0.007916666666666667337426410711;0.007083333333333332974823814965;0.000000000000000000000000000000;0.014583333333333333564629796797;0.013750000000000000069388939039;0.011666666666666667198648532633;0.020416666666666666296592325125;0.022083333333333333287074040641;0.031666666666666669349705642844;0.018333333333333333425851918719
-0.018840579710144928632375993516;0.018840579710144928632375993516;0.019927536231884056261431936719;0.469202898550724611936857399996;0.005434782608695652023067523828;0.017028985507246376801537834922;0.004347826086956521791926366660;0.021014492753623187359934831875;0.011956521739130435144637942813;0.011956521739130435144637942813;0.009420289855072464316187996758;0.014130434782608695606920257148;0.006884057971014492620376312715;0.009782608695652174682355628477;0.017028985507246376801537834922;0.007246376811594202986543944434;0.013043478260869564508417361992;0.019927536231884056261431936719;0.010144927536231883313799784219;0.005434782608695652023067523828;0.017753623188405797533873098359;0.006521739130434782254208680996;0.007971014492753622851517469883;0.017028985507246376801537834922;0.019202898550724638998543625235;0.014855072463768116339255520586;0.018115942028985507900040730078;0.019565217391304349364711256953;0.002536231884057970828449946055;0.015579710144927537071590784024;0.009782608695652174682355628477;0.009420289855072464316187996758;0.005434782608695652023067523828;0.004347826086956521791926366660;0.006521739130434782254208680996;0.021376811594202897726102463594;0.004710144927536232158093998379;0.002173913043478260895963183330;0.001811594202898550746635986108;0.003623188405797101493271972217;0.007246376811594202986543944434;0.010144927536231883313799784219;0.000000000000000000000000000000;0.006521739130434782254208680996;0.010869565217391304046135047656;0.007608695652173913352711576152;0.013405797101449274874584993711;0.006521739130434782254208680996;0.010507246376811593679967415937;0.007246376811594202986543944434
-0.021544715447154472176549688811;0.002439024390243902436908873810;0.061382113821138208076266806756;0.108130081300813002398442108642;0.000813008130081300812302957937;0.007723577235772357933718534895;0.002439024390243902436908873810;0.023577235772357724857828387144;0.016260162601626017980782634709;0.061382113821138208076266806756;0.012601626016260162807536282514;0.008536585365853659179702361826;0.002845528455284553059900787275;0.052845528455284555835458348838;0.008130081300813008990391317354;0.016260162601626017980782634709;0.024390243902439025236450476086;0.028861788617886179053595441246;0.005284552845528455063128792091;0.016260162601626017980782634709;0.010975609756097560315568628653;0.007723577235772357933718534895;0.002845528455284553059900787275;0.082520325203252031798228927073;0.019512195121951219495270990478;0.046341463414634145867587733392;0.027642276422764226750938831856;0.002439024390243902436908873810;0.000406504065040650406151478968;0.003252032520325203249211831746;0.007317073170731707744407490424;0.031707317073170732113496228521;0.001219512195121951218454436905;0.001626016260162601624605915873;0.009349593495934959558324450768;0.076016260162601628769252215534;0.014227642276422763564780460399;0.003658536585365853872203745212;0.000813008130081300812302957937;0.003658536585365853872203745212;0.004878048780487804873817747620;0.003658536585365853872203745212;0.000000000000000000000000000000;0.034959349593495933627984584291;0.003658536585365853872203745212;0.016666666666666666435370203203;0.056910569105691054259121841596;0.016666666666666666435370203203;0.016260162601626017980782634709;0.011382113821138212239603149101
-0.007723577235772357933718534895;0.054471544715447156592702526723;0.008536585365853659179702361826;0.058536585365853661955259923388;0.115040650406504060820900292583;0.010162601626016259936946539710;0.024390243902439025236450476086;0.051626016260162603532801739448;0.015853658536585366056748114261;0.005284552845528455063128792091;0.012195121951219512618225238043;0.009756097560975609747635495239;0.005284552845528455063128792091;0.008130081300813008990391317354;0.086991869918699185615373892233;0.007723577235772357933718534895;0.011788617886178862428914193572;0.029268292682926830977629961694;0.051219512195121948139320267046;0.001626016260162601624605915873;0.032113821138211380568083797016;0.008130081300813008990391317354;0.003252032520325203249211831746;0.011788617886178862428914193572;0.008130081300813008990391317354;0.009756097560975609747635495239;0.024796747967479673691038044581;0.064634146341463416529649066433;0.000406504065040650406151478968;0.037398373983739838233297803072;0.008130081300813008990391317354;0.005691056910569106119801574550;0.015447154471544715867437069790;0.001626016260162601624605915873;0.004471544715447154684506703148;0.014634146341463415488814980847;0.004471544715447154684506703148;0.003658536585365853872203745212;0.006504065040650406498423663493;0.000813008130081300812302957937;0.039837398373983742838611021853;0.021951219512195120631137257305;0.000000000000000000000000000000;0.004878048780487804873817747620;0.056504065040650405804534273102;0.012195121951219512618225238043;0.009349593495934959558324450768;0.002032520325203252247597829339;0.003252032520325203249211831746;0.008536585365853659179702361826
-0.004545454545454545233762466694;0.060606060606060607742762158523;0.014015151515151515193569053963;0.157196969696969696128618920739;0.098484848484848480643094603693;0.011742424242424241709326082628;0.005681818181818181975883952362;0.023106060606060605661093987351;0.024242424242424242403215473018;0.005303030303030303350964036468;0.007954545454545453725403447720;0.015530303030303029693248717535;0.004545454545454545233762466694;0.005681818181818181975883952362;0.060984848484848482030873384474;0.002651515151515151675482018234;0.020833333333333332176851016015;0.050000000000000002775557561563;0.026136363636363634660453314495;0.006818181818181817850643700041;0.009848484848484847717364765174;0.011742424242424241709326082628;0.013257575757575757943729222177;0.004166666666666666608842550801;0.009090909090909090467524933388;0.007196969696969697342925353922;0.018560606060606062162054996634;0.073484848484848486194209726818;0.000757575757575757575100483532;0.042424242424242426807712291748;0.007575757575757575967845269815;0.010227272727272727209646419055;0.012121212121212121201607736509;0.003030303030303030300401934127;0.006818181818181817850643700041;0.013257575757575757943729222177;0.007954545454545453725403447720;0.003030303030303030300401934127;0.004924242424242423858682382587;0.007196969696969697342925353922;0.014772727272727272443408885749;0.037878787878787879839226349077;0.000000000000000000000000000000;0.004166666666666666608842550801;0.039772727272727272096464190554;0.004924242424242423858682382587;0.004545454545454545233762466694;0.003787878787878787983922634908;0.013636363636363635701287400082;0.003787878787878787983922634908
-0.031349206349206348853897452500;0.036507936507936510073246694219;0.030952380952380953438307642500;0.028968253968253969421464688594;0.013095238095238095551997581367;0.021825396825396824185272492969;0.004365079365079365183999193789;0.022619047619047618485899064922;0.027380952380952380820211544687;0.015079365079365079568840535273;0.015079365079365079568840535273;0.015476190476190476719153821250;0.013492063492063492702310867344;0.025793650793650792218958400781;0.014682539682539682418527249297;0.019047619047619049337249919063;0.019444444444444444752839729063;0.052777777777777777623580135469;0.022222222222222223070309254922;0.007539682539682539784420267637;0.016269841269841271019780393203;0.019047619047619049337249919063;0.029365079365079364837054498594;0.023015873015873017370935826875;0.024603174603174602502742018828;0.028968253968253969421464688594;0.028571428571428570536427926640;0.037698412698412696320016124218;0.001587301587301587300210536924;0.026587301587301586519584972734;0.010317460317460317234528055508;0.012301587301587301251371009414;0.014285714285714285268213963320;0.005158730158730158617264027754;0.021428571428571428769682682969;0.038095238095238098674499838125;0.017063492063492061850960013203;0.010714285714285714384841341484;0.007936507936507936067371815625;0.031746031746031744269487262500;0.009523809523809524668624959531;0.037301587301587300904426314219;0.000000000000000000000000000000;0.010714285714285714384841341484;0.007936507936507936067371815625;0.013492063492063492702310867344;0.021428571428571428769682682969;0.018650793650793650452213157109;0.026587301587301586519584972734;0.011904761904761904101057723437
-0.024786324786324785002245008059;0.002564102564102564100340098108;0.026923076923076924571454071611;0.000000000000000000000000000000;0.092735042735042738648587601347;0.050427350427350428607731203101;0.002564102564102564100340098108;0.010683760683760683968257509946;0.014102564102564102768710974090;0.008974358974358973700669039886;0.020512820512820512802720784862;0.103846153846153851918465704784;0.024786324786324785002245008059;0.019658119658119657668926549832;0.004700854700854700633783078700;0.015384615384615385469402326635;0.012393162393162392501122504029;0.023076923076923078204103489952;0.014102564102564102768710974090;0.006837606837606837600906928287;0.006410256410256410034009810772;0.015811965811965811301575968173;0.012820512820512820068019621544;0.011965811965811966668948862491;0.032478632478632481206393123330;0.016239316239316240603196561665;0.016666666666666666435370203203;0.002991452991452991667237215623;0.001709401709401709400226732072;0.130341880341880350657746134857;0.052991452991452990539666956238;0.011111111111111111535154627461;0.013247863247863247634916739059;0.008974358974358973700669039886;0.015384615384615385469402326635;0.025641025641025640136039243089;0.007264957264957265167804045802;0.015384615384615385469402326635;0.006410256410256410034009810772;0.015384615384615385469402326635;0.002136752136752136967123849587;0.003846153846153846367350581659;0.000000000000000000000000000000;0.011965811965811966668948862491;0.008547008547008547868495398347;0.005982905982905983334474431246;0.019658119658119657668926549832;0.014957264957264957902505209120;0.023931623931623933337897724982;0.010683760683760683968257509946
-0.035919540229885055238057134375;0.010632183908045976863943060664;0.051724137931034482040804078906;0.006896551724137930938773877187;0.040517241379310342530573052500;0.037068965517241377061186113906;0.003160919540229885013604693711;0.018103448275862070449004903594;0.020689655172413792816321631562;0.020114942528735631904757141797;0.019252873563218392272133883125;0.038218390804597698884315093437;0.022126436781609196829956331953;0.033620689655172411591799175312;0.009482758620689655040814081133;0.018103448275862070449004903594;0.024137931034482758285708570156;0.032758620689655175428622868594;0.017241379310344827346934692969;0.010632183908045976863943060664;0.015517241379310344612241223672;0.019252873563218392272133883125;0.013218390804597700965983264609;0.020402298850574714095262862656;0.037643678160919541442197555625;0.021839080459770114639450611094;0.027873563218390805945601229610;0.004597701149425287292515918125;0.001149425287356321823128979531;0.049137931034482759673487350938;0.026149425287356323210907760313;0.014080459770114942333329999258;0.016954022988505748625875924063;0.008045977011494252761902856719;0.025574712643678162299343270547;0.031321839080459767945541216250;0.015804597701149426802746944531;0.011494252873563218231289795312;0.002586206896551724102040203945;0.024712643678160919197273059922;0.006896551724137930938773877187;0.013505747126436781421765509492;0.000000000000000000000000000000;0.012643678160919540054418774844;0.006321839080459770027209387422;0.011494252873563218231289795312;0.028160919540229884666659998516;0.016954022988505748625875924063;0.030172413793103449591859188672;0.016091954022988505523805713437
-0.031481481481481478346129421197;0.016296296296296294836558615771;0.065925925925925929482751541855;0.000370370370370370351979089074;0.015555555555555555108382392859;0.017407407407407406163546426114;0.002222222222222222220294751693;0.019259259259259260688157411323;0.053703703703703704885885628073;0.028148148148148147834612942120;0.017037037037037038034181790636;0.013703703703703704053218359604;0.007037037037037036958653235530;0.035925925925925923654080662573;0.007777777777777777554191196430;0.016296296296296294836558615771;0.031481481481481478346129421197;0.047777777777777780121581940875;0.015925925925925926707193980292;0.015185185185185185244294281404;0.012962962962962962590318660716;0.031111111111111110216764785719;0.007777777777777777554191196430;0.037777777777777778178691647781;0.031481481481481478346129421197;0.036296296296296298722339201959;0.024814814814814813853649511088;0.047407407407407405053323401489;0.001111111111111111110147375847;0.012222222222222222862142437805;0.005185185185185185036127464286;0.018888888888888889089345823891;0.005555555555555555767577313730;0.002962962962962962815832712593;0.007037037037037036958653235530;0.054444444444444441144614899031;0.014444444444444443781394582516;0.008148148148148147418279307885;0.007407407407407407690103084974;0.005185185185185185036127464286;0.008148148148148147418279307885;0.026666666666666668378260496297;0.000000000000000000000000000000;0.017407407407407406163546426114;0.005925925925925925631665425186;0.012592592592592592726230549260;0.040740740740740744030290443334;0.024074074074074074125473288177;0.019629629629629628817522046802;0.014074074074074073917306471060
-0.021929824561403507554580016858;0.025877192982456140996072591065;0.067982456140350880358091956168;0.002192982456140350755458001686;0.010526315789473683973143103287;0.029385964912280702898694784153;0.002631578947368420993285775822;0.032894736842105261331870025288;0.060526315789473685013977188873;0.010087719298245614168996198146;0.017105263157894737974240584322;0.032017543859649125193023166958;0.011842105263157895120307294690;0.027192982456140352143236782467;0.027192982456140352143236782467;0.014473684210526315679912201517;0.022368421052631579093450397977;0.060087719298245613475106807755;0.024561403508771929848908399663;0.013157894736842104532748010115;0.020175438596491228337992396291;0.032894736842105261331870025288;0.015350877192982455288206011801;0.012719298245614034728601104973;0.028947368421052631359824403035;0.017105263157894737974240584322;0.029824561403508770968118213318;0.015350877192982455288206011801;0.000877192982456140367235331023;0.023684210526315790240614589379;0.017105263157894737974240584322;0.010964912280701753777290008429;0.014035087719298245875765296375;0.008333333333333333217685101602;0.013157894736842104532748010115;0.032456140350877189792999644169;0.011842105263157895120307294690;0.002631578947368420993285775822;0.013157894736842104532748010115;0.018421052631578945651957823770;0.007456140350877192742029553330;0.027631578947368420212660211632;0.000000000000000000000000000000;0.009210526315789472825978911885;0.011842105263157895120307294690;0.013596491228070176071618391234;0.021052631578947367946286206575;0.016228070175438594896499822084;0.028508771929824559820954021916;0.011403508771929825316160389548
-0.022592592592592591199673890401;0.018518518518518517490534236458;0.069259259259259256524821068979;0.042962962962962959745372160114;0.003703703703703703845051542487;0.020370370370370372015145221667;0.002962962962962962815832712593;0.021481481481481479872686080057;0.078888888888888883399452822687;0.016666666666666666435370203203;0.014444444444444443781394582516;0.018148148148148149361169600979;0.008888888888888888881179006773;0.035185185185185187395351391615;0.015555555555555555108382392859;0.019629629629629628817522046802;0.032962962962962964741375770927;0.060370370370370372847812490136;0.011851851851851851263330850372;0.012592592592592592726230549260;0.012962962962962962590318660716;0.036296296296296298722339201959;0.011111111111111111535154627461;0.024814814814814813853649511088;0.023703703703703702526661700745;0.025925925925925925180637321432;0.030740740740740742087400150240;0.008888888888888888881179006773;0.000740740740740740703958178148;0.009259259259259258745267118229;0.020740740740740740144509857146;0.011111111111111111535154627461;0.005925925925925925631665425186;0.005185185185185185036127464286;0.014074074074074073917306471060;0.039629629629629632703302632990;0.015925925925925926707193980292;0.007407407407407407690103084974;0.006296296296296296363115274630;0.015555555555555555108382392859;0.006296296296296296363115274630;0.032962962962962964741375770927;0.000000000000000000000000000000;0.012592592592592592726230549260;0.008148148148148147418279307885;0.009629629629629630344078705662;0.021481481481481479872686080057;0.017777777777777777762358013547;0.025185185185185185452461098521;0.012592592592592592726230549260
-0.021544715447154472176549688811;0.027235772357723578296351263361;0.036991869918699189778710234577;0.100813008130081302460290260115;0.030487804878048779810839619131;0.028048780487804878674973352304;0.002439024390243902436908873810;0.019918699186991871419305510926;0.052439024390243900441976876436;0.018292682926829267192614381088;0.013414634146341463186158371457;0.030487804878048779810839619131;0.011788617886178862428914193572;0.017479674796747966813992292145;0.018699186991869919116648901536;0.016260162601626017980782634709;0.022764227642276424479206298201;0.038211382113821135142472940061;0.013008130081300812996847326986;0.006910569105691056687734707964;0.013008130081300812996847326986;0.022357723577235772555171777753;0.012195121951219512618225238043;0.022357723577235772555171777753;0.032520325203252035961565269417;0.021138211382113820252515168363;0.019918699186991871419305510926;0.016260162601626017980782634709;0.002032520325203252247597829339;0.039837398373983742838611021853;0.029268292682926830977629961694;0.017479674796747966813992292145;0.006097560975609756309112619022;0.008536585365853659179702361826;0.013414634146341463186158371457;0.026422764227642277917729174419;0.010569105691056910126257584182;0.010162601626016259936946539710;0.006097560975609756309112619022;0.014634146341463415488814980847;0.009349593495934959558324450768;0.026422764227642277917729174419;0.000000000000000000000000000000;0.014227642276422763564780460399;0.010569105691056910126257584182;0.011788617886178862428914193572;0.021544715447154472176549688811;0.011788617886178862428914193572;0.014634146341463415488814980847;0.008130081300813008990391317354
-0.005974842767295597892318603783;0.054716981132075473426290557200;0.023899371069182391569274415133;0.101257861635220131057977255296;0.071069182389937105015498275407;0.017610062893081760565516802330;0.006603773584905660645749669868;0.012893081761006289914783806694;0.025786163522012579829567613388;0.007232704402515723399180735953;0.008805031446540880282758401165;0.011006289308176099919767132462;0.005974842767295597892318603783;0.010691823899371068543051599420;0.042452830188679242795490864637;0.008490566037735848906042868123;0.011320754716981131296482665505;0.037735849056603772144757869000;0.010062893081761005789620533335;0.003459119496855346011232601455;0.007547169811320754775896268995;0.018238993710691823318947868415;0.022012578616352199839534264925;0.006918238993710692022465202911;0.009119496855345911659473934208;0.011006289308176099919767132462;0.018238993710691823318947868415;0.197484276729559760088505981912;0.001572327044025157317258534206;0.027987421383647799466576344685;0.009748427672955974412905000293;0.007547169811320754775896268995;0.006289308176100629269034136826;0.008490566037735848906042868123;0.011006289308176099919767132462;0.011320754716981131296482665505;0.006289308176100629269034136826;0.004716981132075471518094733625;0.007547169811320754775896268995;0.024213836477987422945989948175;0.009748427672955974412905000293;0.038364779874213834898188935085;0.000000000000000000000000000000;0.002515723270440251447405133334;0.016981132075471697812085736246;0.005974842767295597892318603783;0.008176100628930817529327335080;0.007547169811320754775896268995;0.009119496855345911659473934208;0.007232704402515723399180735953
-0.015408805031446540928508071033;0.038050314465408803521473402043;0.033647798742138364247455939449;0.118867924528301888154047105672;0.121383647798742139167771370012;0.013836477987421384044930405821;0.002830188679245282824120666376;0.017295597484276729188801269288;0.019496855345911948825810000585;0.011635220125786162673198198547;0.012893081761006289914783806694;0.013522012578616352668214872779;0.004716981132075471518094733625;0.023584905660377360192558882090;0.038679245283018866274904468128;0.008490566037735848906042868123;0.017295597484276729188801269288;0.029245283018867924973438476854;0.023270440251572325346396397094;0.005345911949685534271525799710;0.011006289308176099919767132462;0.012893081761006289914783806694;0.007547169811320754775896268995;0.013207547169811321291499339736;0.017295597484276729188801269288;0.016666666666666666435370203203;0.018867924528301886072378934500;0.075157232704402512912800204958;0.000943396226415094346987033624;0.034905660377358489754318071618;0.014465408805031446798361471906;0.006918238993710692022465202911;0.010062893081761005789620533335;0.003773584905660377387948134498;0.008176100628930817529327335080;0.017295597484276729188801269288;0.007861635220125786152611802038;0.005031446540880502894810266667;0.013207547169811321291499339736;0.008805031446540880282758401165;0.006603773584905660645749669868;0.032075471698113207363878274236;0.000000000000000000000000000000;0.004088050314465408764663667540;0.027358490566037736713145278600;0.006289308176100629269034136826;0.021069182389937105709387665797;0.010377358490566037166336066377;0.010062893081761005789620533335;0.008490566037735848906042868123
-0.021825396825396824185272492969;0.036507936507936510073246694219;0.037698412698412696320016124218;0.006746031746031746351155433672;0.020238095238095239053466301016;0.033333333333333332870740406406;0.001190476190476190583578119941;0.019841269841269840168429539062;0.040079365079365082691342792032;0.013492063492063492702310867344;0.013492063492063492702310867344;0.013888888888888888117900677344;0.015079365079365079568840535273;0.034126984126984123701920026406;0.040476190476190478106932602032;0.015079365079365079568840535273;0.018253968253968255036623347110;0.044047619047619050725028699844;0.016269841269841271019780393203;0.006349206349206349200842147695;0.008333333333333333217685101602;0.019047619047619049337249919063;0.008730158730158730367998387578;0.020634920634920634469056111016;0.030158730158730159137681070547;0.025000000000000001387778780781;0.028571428571428570536427926640;0.078968253968253965258128346250;0.000793650793650793650105268462;0.030555555555555554553270880547;0.016269841269841271019780393203;0.008333333333333333217685101602;0.007142857142857142634106981660;0.008333333333333333217685101602;0.015476190476190476719153821250;0.023809523809523808202115446875;0.011111111111111111535154627461;0.004761904761904762334312479766;0.007142857142857142634106981660;0.015476190476190476719153821250;0.007142857142857142634106981660;0.063492063492063488538974525000;0.000000000000000000000000000000;0.006349206349206349200842147695;0.015873015873015872134743631250;0.008333333333333333217685101602;0.029365079365079364837054498594;0.015873015873015872134743631250;0.019047619047619049337249919063;0.017857142857142856151586585156
-0.049145299145299144172316374579;0.003418803418803418800453464144;0.035897435897435894802676159543;0.075641025641025635972702900744;0.014529914529914530335608091605;0.036324786324786327573743704988;0.002564102564102564100340098108;0.024786324786324785002245008059;0.014529914529914530335608091605;0.027350427350427350403627713149;0.025641025641025640136039243089;0.014957264957264957902505209120;0.008547008547008547868495398347;0.029487179487179486503389824748;0.011538461538461539102051744976;0.031196581196581196770978294808;0.010256410256410256401360392431;0.025213675213675214303865601551;0.035897435897435894802676159543;0.004273504273504273934247699174;0.022649572649572648902482896460;0.013247863247863247634916739059;0.005555555555555555767577313730;0.041880341880341877269788852800;0.054273504273504274975081784760;0.041025641025641025605441569724;0.035042735042735043138328876466;0.006410256410256410034009810772;0.002564102564102564100340098108;0.019230769230769231836752908293;0.008547008547008547868495398347;0.014529914529914530335608091605;0.015384615384615385469402326635;0.006837606837606837600906928287;0.009829059829059828834463274916;0.024358974358974359170071366520;0.016239316239316240603196561665;0.008547008547008547868495398347;0.001282051282051282050170049054;0.004273504273504273934247699174;0.006837606837606837600906928287;0.005555555555555555767577313730;0.000000000000000000000000000000;0.024358974358974359170071366520;0.010683760683760683968257509946;0.018376068376068376702958673263;0.031196581196581196770978294808;0.025213675213675214303865601551;0.026495726495726495269833478119;0.018376068376068376702958673263
-0.016666666666666666435370203203;0.012962962962962962590318660716;0.038518518518518521376314822646;0.327037037037037014997054029664;0.008888888888888888881179006773;0.017037037037037038034181790636;0.002592592592592592518063732143;0.024814814814814813853649511088;0.010370370370370370072254928573;0.020370370370370372015145221667;0.012222222222222222862142437805;0.014444444444444443781394582516;0.007777777777777777554191196430;0.019259259259259260688157411323;0.023703703703703702526661700745;0.013703703703703704053218359604;0.020370370370370372015145221667;0.025925925925925925180637321432;0.014814814814814815380206169948;0.003703703703703703845051542487;0.012592592592592592726230549260;0.015925925925925926707193980292;0.005185185185185185036127464286;0.025185185185185185452461098521;0.014444444444444443781394582516;0.019629629629629628817522046802;0.022962962962962962798485477833;0.008148148148148147418279307885;0.005925925925925925631665425186;0.013703703703703704053218359604;0.008148148148148147418279307885;0.018888888888888889089345823891;0.007407407407407407690103084974;0.009629629629629630344078705662;0.008888888888888888881179006773;0.032962962962962964741375770927;0.007777777777777777554191196430;0.005925925925925925631665425186;0.002962962962962962815832712593;0.006666666666666667094565124074;0.010740740740740739936343040029;0.007777777777777777554191196430;0.000000000000000000000000000000;0.013333333333333334189130248149;0.014814814814814815380206169948;0.013703703703703704053218359604;0.021481481481481479872686080057;0.008518518518518519017090895318;0.013333333333333334189130248149;0.008148148148148147418279307885
-0.031972789115646257918079697902;0.011224489795918366624727369185;0.029591836734693878485646933996;0.120068027210884359368137097590;0.037414965986394557728722531920;0.037074829931972787255833878817;0.003401360544217686947970902267;0.022108843537414966246013037221;0.016326530612244899431928502054;0.015306122448979591482709494699;0.022789115646258503722343391473;0.030272108843537415961977288248;0.017687074829931974384589210558;0.024489795918367345678445801127;0.014625850340136054006379140446;0.021428571428571428769682682969;0.008163265306122449715964251027;0.024829931972789116151334454230;0.037074829931972787255833878817;0.004081632653061224857982125513;0.024489795918367345678445801127;0.011904761904761904101057723437;0.005442176870748298943281096030;0.022448979591836733249454738370;0.030612244897959182965418989397;0.023129251700680270725785092623;0.028571428571428570536427926640;0.013605442176870747791883609068;0.001020408163265306214495531378;0.031972789115646257918079697902;0.021088435374149658296794029866;0.008503401360544218454129428153;0.014285714285714285268213963320;0.008503401360544218454129428153;0.019387755102040816340691620212;0.030272108843537415961977288248;0.012244897959183672839222900564;0.008503401360544218454129428153;0.008843537414965987192294605279;0.007142857142857142634106981660;0.005442176870748298943281096030;0.010204081632653060410231837807;0.000000000000000000000000000000;0.012925170068027210315553254816;0.018707482993197278864361265960;0.012925170068027210315553254816;0.019387755102040816340691620212;0.017006802721088436908258856306;0.027551020408163266056655871239;0.013945578231292516530048786194
-0.026515151515151515887458444354;0.014015151515151515193569053963;0.045833333333333330095182844843;0.004545454545454545233762466694;0.042045454545454545580707161889;0.042045454545454545580707161889;0.002272727272727272616881233347;0.013636363636363635701287400082;0.039772727272727272096464190554;0.017424242424242425419933510966;0.014772727272727272443408885749;0.053787878787878787290033244517;0.017424242424242425419933510966;0.024242424242424242403215473018;0.010984848484848484459486250842;0.028030303030303030387138107926;0.020454545454545454419292838111;0.033333333333333332870740406406;0.016287878787878788677812025298;0.007954545454545453725403447720;0.009469696969696969959806587269;0.026893939393939393645016622258;0.013257575757575757943729222177;0.017424242424242425419933510966;0.037878787878787879839226349077;0.021969696969696968918972501683;0.020833333333333332176851016015;0.040151515151515153323469320412;0.001515151515151515150200967064;0.056818181818181816289392571662;0.033712121212121214097745536264;0.014393939393939394685850707845;0.006060606060606060600803868255;0.006818181818181817850643700041;0.016287878787878788677812025298;0.023484848484848483418652165255;0.010227272727272727209646419055;0.011742424242424241709326082628;0.005303030303030303350964036468;0.021590909090909091161414323778;0.006060606060606060600803868255;0.033333333333333332870740406406;0.000000000000000000000000000000;0.009848484848484847717364765174;0.006439393939393939225723784148;0.007196969696969697342925353922;0.015151515151515151935690539631;0.017424242424242425419933510966;0.016666666666666666435370203203;0.016666666666666666435370203203
-0.006918238993710692022465202911;0.027044025157232705336429745557;0.017610062893081760565516802330;0.235849056603773588047801013090;0.103773584905660382071701519635;0.011006289308176099919767132462;0.006918238993710692022465202911;0.017295597484276729188801269288;0.023899371069182391569274415133;0.011949685534591195784637207566;0.006603773584905660645749669868;0.009748427672955974412905000293;0.008176100628930817529327335080;0.010377358490566037166336066377;0.060062893081761006830454618921;0.006289308176100629269034136826;0.012893081761006289914783806694;0.021069182389937105709387665797;0.019182389937106917449094467543;0.000943396226415094346987033624;0.009748427672955974412905000293;0.016352201257861635058654670161;0.006603773584905660645749669868;0.016037735849056603681939137118;0.006603773584905660645749669868;0.007232704402515723399180735953;0.014465408805031446798361471906;0.111006289308176103736158779611;0.001886792452830188693974067249;0.019811320754716980202525533628;0.007861635220125786152611802038;0.011949685534591195784637207566;0.006289308176100629269034136826;0.003144654088050314634517068413;0.006918238993710692022465202911;0.016666666666666666435370203203;0.001886792452830188693974067249;0.002830188679245282824120666376;0.005031446540880502894810266667;0.004716981132075471518094733625;0.011949685534591195784637207566;0.023899371069182391569274415133;0.000000000000000000000000000000;0.007547169811320754775896268995;0.030503144654088050480300609024;0.006918238993710692022465202911;0.010062893081761005789620533335;0.004088050314465408764663667540;0.006918238993710692022465202911;0.003459119496855346011232601455
-0.027619047619047619457344211469;0.012380952380952381375323057000;0.050952380952380950385194324781;0.002857142857142857140378966463;0.011904761904761904101057723437;0.016666666666666666435370203203;0.003809523809523809520505288617;0.025714285714285713829729829172;0.023333333333333334397297065266;0.022380952380952379848766398140;0.019047619047619049337249919063;0.016666666666666666435370203203;0.025714285714285713829729829172;0.029523809523809525084958593766;0.010952380952380953021974008266;0.013809523809523809728672105734;0.033333333333333332870740406406;0.035714285714285712303173170312;0.024285714285714285476380780437;0.009523809523809524668624959531;0.017142857142857143709635536766;0.021904761904761906043948016531;0.031904761904761907986838309625;0.031904761904761907986838309625;0.014761904761904762542479296883;0.029999999999999998889776975375;0.026190476190476191103995162734;0.004285714285714285927408884191;0.004285714285714285927408884191;0.029523809523809525084958593766;0.015714285714285715356286488031;0.026190476190476191103995162734;0.018095238095238094788719251937;0.012857142857142856914864914586;0.034761904761904764693536407094;0.048571428571428570952761560875;0.012380952380952381375323057000;0.009047619047619047394359625969;0.006666666666666667094565124074;0.029523809523809525084958593766;0.007619047619047619041010577234;0.013333333333333334189130248149;0.000000000000000000000000000000;0.016666666666666666435370203203;0.010000000000000000208166817117;0.016666666666666666435370203203;0.033333333333333332870740406406;0.018571428571428572062984585500;0.029523809523809525084958593766;0.012380952380952381375323057000
-0.034166666666666664631257788187;0.012500000000000000693889390391;0.059999999999999997779553950750;0.000000000000000000000000000000;0.005416666666666666851703837438;0.025833333333333333148296162562;0.000833333333333333386820640509;0.019166666666666665186369300500;0.041250000000000001942890293094;0.020000000000000000416333634234;0.018333333333333333425851918719;0.024583333333333332038073137937;0.016250000000000000555111512313;0.037916666666666667961926862063;0.005416666666666666851703837438;0.017916666666666667545593227828;0.027500000000000000138777878078;0.054583333333333330927850113312;0.013333333333333334189130248149;0.013333333333333334189130248149;0.014999999999999999444888487687;0.022499999999999999167332731531;0.025000000000000001387778780781;0.025416666666666667268037471672;0.040000000000000000832667268469;0.034583333333333333980963431031;0.033333333333333332870740406406;0.001250000000000000026020852140;0.000416666666666666693410320255;0.014999999999999999444888487687;0.018333333333333333425851918719;0.014999999999999999444888487687;0.008750000000000000832667268469;0.005416666666666666851703837438;0.024583333333333332038073137937;0.044999999999999998334665463062;0.014166666666666665949647629930;0.009583333333333332593184650250;0.003749999999999999861222121922;0.026666666666666668378260496297;0.004166666666666666608842550801;0.020833333333333332176851016015;0.000000000000000000000000000000;0.014999999999999999444888487687;0.001666666666666666773641281019;0.009583333333333332593184650250;0.035000000000000003330669073875;0.028333333333333331899295259859;0.042500000000000003053113317719;0.010833333333333333703407674875
-0.027407407407407408106436719208;0.021481481481481479872686080057;0.036666666666666666851703837438;0.132222222222222213217079911374;0.059999999999999997779553950750;0.019259259259259260688157411323;0.005555555555555555767577313730;0.021851851851851851471497667490;0.017037037037037038034181790636;0.020740740740740740144509857146;0.013333333333333334189130248149;0.013703703703703704053218359604;0.015925925925925926707193980292;0.027777777777777776235801354687;0.037777777777777778178691647781;0.012592592592592592726230549260;0.018518518518518517490534236458;0.028148148148148147834612942120;0.020000000000000000416333634234;0.007037037037037036958653235530;0.015925925925925926707193980292;0.012962962962962962590318660716;0.010370370370370370072254928573;0.026296296296296296779448908865;0.023333333333333334397297065266;0.026666666666666668378260496297;0.024444444444444445724284875610;0.032962962962962964741375770927;0.000370370370370370351979089074;0.020000000000000000416333634234;0.008888888888888888881179006773;0.013333333333333334189130248149;0.012962962962962962590318660716;0.004444444444444444440589503387;0.013333333333333334189130248149;0.024814814814814813853649511088;0.011851851851851851263330850372;0.010370370370370370072254928573;0.002592592592592592518063732143;0.005925925925925925631665425186;0.009259259259259258745267118229;0.012222222222222222862142437805;0.000000000000000000000000000000;0.013703703703703704053218359604;0.027777777777777776235801354687;0.012592592592592592726230549260;0.019259259259259260688157411323;0.014074074074074073917306471060;0.023333333333333334397297065266;0.008888888888888888881179006773
-0.016666666666666666435370203203;0.027777777777777776235801354687;0.030208333333333333564629796797;0.064930555555555560798275394063;0.041666666666666664353702032031;0.026041666666666667823148983985;0.004513888888888888464845372539;0.048611111111111111882099322656;0.010763888888888888811790067734;0.010763888888888888811790067734;0.019791666666666665741480812812;0.009722222222222222376419864531;0.014236111111111110841265237070;0.015277777777777777276635440273;0.049652777777777774848022573906;0.007291666666666666782314898398;0.018749999999999999306110609609;0.048263888888888890893458238907;0.048611111111111111882099322656;0.006597222222222222202947516934;0.030208333333333333564629796797;0.020833333333333332176851016015;0.012152777777777777970524830664;0.018402777777777778317469525859;0.021874999999999998612221219219;0.014236111111111110841265237070;0.038888888888888889505679458125;0.022569444444444444058950338672;0.002777777777777777883788656865;0.041319444444444443365060948281;0.003819444444444444319158860068;0.015972222222222220988641083750;0.027083333333333334258519187188;0.004166666666666666608842550801;0.006250000000000000346944695195;0.031250000000000000000000000000;0.015277777777777777276635440273;0.004861111111111111188209932266;0.004861111111111111188209932266;0.010069444444444445099784424258;0.009722222222222222376419864531;0.011458333333333332523795711211;0.000000000000000000000000000000;0.009722222222222222376419864531;0.036805555555555556634939051719;0.011111111111111111535154627461;0.012847222222222221682530474141;0.008333333333333333217685101602;0.023263888888888889505679458125;0.009722222222222222376419864531
-0.044444444444444446140618509844;0.018888888888888889089345823891;0.048888888888888891448569751219;0.047037037037037036923958766010;0.018888888888888889089345823891;0.032962962962962964741375770927;0.001481481481481481407916356297;0.020370370370370372015145221667;0.038888888888888889505679458125;0.017037037037037038034181790636;0.017777777777777777762358013547;0.037037037037037034981068472916;0.012962962962962962590318660716;0.025925925925925925180637321432;0.012962962962962962590318660716;0.023703703703703702526661700745;0.019259259259259260688157411323;0.039629629629629632703302632990;0.018888888888888889089345823891;0.006666666666666667094565124074;0.018148148148148149361169600979;0.011481481481481481399242738917;0.011111111111111111535154627461;0.026296296296296296779448908865;0.043703703703703702942995334979;0.032222222222222221543752596062;0.026666666666666668378260496297;0.015925925925925926707193980292;0.001111111111111111110147375847;0.037037037037037034981068472916;0.022592592592592591199673890401;0.011851851851851851263330850372;0.010740740740740739936343040029;0.004074074074074073709139653943;0.012592592592592592726230549260;0.027407407407407408106436719208;0.016666666666666666435370203203;0.013703703703703704053218359604;0.002592592592592592518063732143;0.010740740740740739936343040029;0.007037037037037036958653235530;0.024444444444444445724284875610;0.000000000000000000000000000000;0.012592592592592592726230549260;0.010370370370370370072254928573;0.012592592592592592726230549260;0.024444444444444445724284875610;0.018148148148148149361169600979;0.019629629629629628817522046802;0.010370370370370370072254928573
-0.031349206349206348853897452500;0.022619047619047618485899064922;0.046825396825396825573051273750;0.004761904761904762334312479766;0.015873015873015872134743631250;0.016666666666666666435370203203;0.005555555555555555767577313730;0.050793650793650793606737181562;0.011507936507936508685467913438;0.014682539682539682418527249297;0.020634920634920634469056111016;0.017063492063492061850960013203;0.017063492063492061850960013203;0.037301587301587300904426314219;0.031746031746031744269487262500;0.012301587301587301251371009414;0.022222222222222223070309254922;0.061111111111111109106541761093;0.035317460317460316887583360312;0.008333333333333333217685101602;0.021031746031746033354092872969;0.008333333333333333217685101602;0.015873015873015872134743631250;0.026984126984126985404621734688;0.024206349206349207087152208828;0.026587301587301586519584972734;0.046825396825396825573051273750;0.015476190476190476719153821250;0.003174603174603174600421073848;0.022619047619047618485899064922;0.018650793650793650452213157109;0.016269841269841271019780393203;0.019841269841269840168429539062;0.004761904761904762334312479766;0.011507936507936508685467913438;0.045634920634920632387387939843;0.021031746031746033354092872969;0.004761904761904762334312479766;0.000793650793650793650105268462;0.014285714285714285268213963320;0.014682539682539682418527249297;0.009523809523809524668624959531;0.000000000000000000000000000000;0.010317460317460317234528055508;0.014682539682539682418527249297;0.010714285714285714384841341484;0.022619047619047618485899064922;0.017857142857142856151586585156;0.038492063492063494090089648125;0.008730158730158730367998387578
-0.032291666666666669904817155157;0.030208333333333333564629796797;0.045486111111111109106541761093;0.006944444444444444058950338672;0.027430555555555555247160270937;0.017708333333333332870740406406;0.002083333333333333304421275400;0.042013888888888892281237019688;0.018749999999999999306110609609;0.023611111111111110494320541875;0.013194444444444444405895033867;0.018402777777777778317469525859;0.011458333333333332523795711211;0.031944444444444441977282167500;0.021180555555555556634939051719;0.010416666666666666088425508008;0.020138888888888890199568848516;0.063194444444444441977282167500;0.020833333333333332176851016015;0.009722222222222222376419864531;0.016319444444444445446729119453;0.005902777777777777623580135469;0.016319444444444445446729119453;0.026388888888888888811790067734;0.034722222222222223764198645313;0.031944444444444441977282167500;0.039930555555555552471602709375;0.023263888888888889505679458125;0.002430555555555555594104966133;0.027430555555555555247160270937;0.012847222222222221682530474141;0.014236111111111110841265237070;0.015277777777777777276635440273;0.003125000000000000173472347598;0.012500000000000000693889390391;0.038541666666666668517038374375;0.019097222222222223764198645313;0.008333333333333333217685101602;0.001388888888888888941894328433;0.016666666666666666435370203203;0.007638888888888888638317720137;0.026736111111111109800431151484;0.000000000000000000000000000000;0.017013888888888887424011286953;0.010069444444444445099784424258;0.012152777777777777970524830664;0.028819444444444446140618509844;0.017361111111111111882099322656;0.034722222222222223764198645313;0.011805555555555555247160270937
-0.007083333333333332974823814965;0.033750000000000002220446049250;0.012916666666666666574148081281;0.153749999999999997779553950750;0.151249999999999995559107901499;0.023750000000000000277555756156;0.001666666666666666773641281019;0.015833333333333334674852821422;0.014999999999999999444888487687;0.002916666666666666799662133158;0.007916666666666667337426410711;0.014166666666666665949647629930;0.009583333333333332593184650250;0.004166666666666666608842550801;0.028333333333333331899295259859;0.004166666666666666608842550801;0.011249999999999999583666365766;0.031666666666666669349705642844;0.024166666666666666157814447047;0.005416666666666666851703837438;0.007916666666666667337426410711;0.011249999999999999583666365766;0.011249999999999999583666365766;0.005416666666666666851703837438;0.005833333333333333599324266316;0.004166666666666666608842550801;0.015833333333333334674852821422;0.111666666666666664076146275875;0.002916666666666666799662133158;0.087083333333333332038073137937;0.008333333333333333217685101602;0.010833333333333333703407674875;0.012500000000000000693889390391;0.004166666666666666608842550801;0.005000000000000000104083408559;0.008333333333333333217685101602;0.004166666666666666608842550801;0.003749999999999999861222121922;0.009166666666666666712925959359;0.010000000000000000208166817117;0.010833333333333333703407674875;0.025833333333333333148296162562;0.000000000000000000000000000000;0.005416666666666666851703837438;0.037083333333333336201409480282;0.005000000000000000104083408559;0.004583333333333333356462979680;0.002500000000000000052041704279;0.006666666666666667094565124074;0.003749999999999999861222121922
-0.008974358974358973700669039886;0.026495726495726495269833478119;0.013675213675213675201813856575;0.229914529914529902621112000816;0.134615384615384608979482550239;0.014102564102564102768710974090;0.008974358974358973700669039886;0.021794871794871793768688661430;0.011965811965811966668948862491;0.009829059829059828834463274916;0.006410256410256410034009810772;0.013247863247863247634916739059;0.010683760683760683968257509946;0.006837606837606837600906928287;0.047863247863247866675795449964;0.005982905982905983334474431246;0.010256410256410256401360392431;0.025641025641025640136039243089;0.027777777777777776235801354687;0.002136752136752136967123849587;0.015811965811965811301575968173;0.007264957264957265167804045802;0.008547008547008547868495398347;0.015384615384615385469402326635;0.008974358974358973700669039886;0.010256410256410256401360392431;0.019230769230769231836752908293;0.033333333333333332870740406406;0.002564102564102564100340098108;0.061111111111111109106541761093;0.013675213675213675201813856575;0.006837606837606837600906928287;0.008974358974358973700669039886;0.005128205128205128200680196215;0.010683760683760683968257509946;0.010683760683760683968257509946;0.003846153846153846367350581659;0.006410256410256410034009810772;0.006410256410256410034009810772;0.008547008547008547868495398347;0.012393162393162392501122504029;0.012393162393162392501122504029;0.000000000000000000000000000000;0.007692307692307692734701163317;0.032905982905982907038566764868;0.010683760683760683968257509946;0.006837606837606837600906928287;0.003418803418803418800453464144;0.008119658119658120301598280832;0.004700854700854700633783078700
-0.021171171171171170033442621161;0.017567567567567568542763467576;0.025225225225225224312541882909;0.191441441441441428938929902870;0.065765765765765760164640596486;0.021171171171171170033442621161;0.004054054054054054279099261748;0.023423423423423423567202306117;0.022972972972972974248229149907;0.018468468468468467180709779996;0.013513513513513514263664205828;0.026576576576576575738908303492;0.005405405405405405705465682331;0.016216216216216217116397046993;0.019819819819819818607076200578;0.023873873873873872886175462327;0.015765765765765764327976938830;0.020270270270270271395496308742;0.012612612612612612156270941455;0.003153153153153153039067735364;0.015765765765765764327976938830;0.014414414414414414636333994224;0.004054054054054054279099261748;0.022072072072072072140835885534;0.033333333333333332870740406406;0.029279279279279278591641144658;0.018918918918918919969129888159;0.020720720720720720714469464951;0.004054054054054054279099261748;0.042342342342342340066885242322;0.024774774774774774993568726700;0.017567567567567568542763467576;0.004054054054054054279099261748;0.005855855855855855891800576529;0.008108108108108108558198523497;0.022522522522522521459809041744;0.006756756756756757131832102914;0.006306306306306306078135470727;0.008108108108108108558198523497;0.004954954954954954651769050145;0.010810810810810811410931364662;0.013513513513513514263664205828;0.000000000000000000000000000000;0.012612612612612612156270941455;0.010360360360360360357234732476;0.010810810810810811410931364662;0.019819819819819818607076200578;0.020270270270270271395496308742;0.010810810810810811410931364662;0.008558558558558557877171679706
-0.016666666666666666435370203203;0.032407407407407405608434913802;0.038580246913580244771946325955;0.001234567901234567876070369330;0.016666666666666666435370203203;0.028086419753086420969534486858;0.003395061728395061713403624282;0.028395061728395062233820667075;0.043827160493827163612046149410;0.011419753086419752799440807678;0.012962962962962962590318660716;0.049691358024691358041824429392;0.012037037037037037062736644089;0.012654320987654321326032480499;0.032098765432098767813595685539;0.014197530864197531116910333537;0.032098765432098767813595685539;0.058641975308641972053358415451;0.025308641975308642652064960998;0.004938271604938271504281477320;0.012037037037037037062736644089;0.033950617283950615399312766840;0.037654320987654324448534737257;0.016049382716049383906797842769;0.017283950617283948963942563637;0.018518518518518517490534236458;0.025617283950617283916351141215;0.023765432098765432861187107960;0.000925925925925925961262885622;0.045061728395061728669190870278;0.022222222222222223070309254922;0.012345679012345678327022824305;0.023456790123456791596900927743;0.006172839506172839163511412153;0.015123456790123456644492350165;0.024382716049382715389759468394;0.011111111111111111535154627461;0.006172839506172839163511412153;0.010802469135802468536144971267;0.026543209876543211178656633820;0.006790123456790123426807248563;0.044135802469135801406885377673;0.000000000000000000000000000000;0.006481481481481481295159330358;0.016975308641975307699656383420;0.008641975308641974481971281818;0.011728395061728395798450463872;0.008950617283950617480980938012;0.025308641975308642652064960998;0.006481481481481481295159330358
-0.015833333333333334674852821422;0.010416666666666666088425508008;0.054166666666666668517038374375;0.027500000000000000138777878078;0.101666666666666669072149886688;0.008333333333333333217685101602;0.000416666666666666693410320255;0.014999999999999999444888487687;0.038749999999999999722444243844;0.025416666666666667268037471672;0.012916666666666666574148081281;0.011666666666666667198648532633;0.008750000000000000832667268469;0.028750000000000001249000902703;0.012500000000000000693889390391;0.006666666666666667094565124074;0.027083333333333334258519187188;0.032500000000000001110223024625;0.012083333333333333078907223523;0.009166666666666666712925959359;0.013750000000000000069388939039;0.016666666666666666435370203203;0.006250000000000000346944695195;0.030833333333333334119741309109;0.015416666666666667059870654555;0.020000000000000000416333634234;0.025416666666666667268037471672;0.088333333333333333148296162562;0.000833333333333333386820640509;0.026249999999999999028554853453;0.006250000000000000346944695195;0.028750000000000001249000902703;0.005416666666666666851703837438;0.007499999999999999722444243844;0.009583333333333332593184650250;0.044583333333333335923853724125;0.009166666666666666712925959359;0.002916666666666666799662133158;0.006666666666666667094565124074;0.017083333333333332315628894094;0.006666666666666667094565124074;0.054166666666666668517038374375;0.000000000000000000000000000000;0.013750000000000000069388939039;0.008333333333333333217685101602;0.009166666666666666712925959359;0.026249999999999999028554853453;0.012916666666666666574148081281;0.015833333333333334674852821422;0.011666666666666667198648532633
-0.042857142857142857539365365938;0.007142857142857142634106981660;0.076190476190476197348999676251;0.000000000000000000000000000000;0.000595238095238095291789059971;0.025892857142857144542302805235;0.002083333333333333304421275400;0.020833333333333332176851016015;0.022023809523809525362514349922;0.027083333333333334258519187188;0.018452380952380952744418252109;0.014583333333333333564629796797;0.024404761904761904794947113828;0.053273809523809521893067397968;0.007738095238095238359576910625;0.019642857142857142460634634062;0.029166666666666667129259593594;0.032738095238095239747355691406;0.011904761904761904101057723437;0.012797619047619047255581747891;0.013095238095238095551997581367;0.023214285714285715078730731875;0.016071428571428569842538536250;0.034523809523809526056403740313;0.039285714285714284921269268125;0.037797619047619045173913576718;0.029166666666666667129259593594;0.000297619047619047645894529985;0.000595238095238095291789059971;0.014880952380952380126322154297;0.013988095238095238706521605820;0.012500000000000000693889390391;0.009523809523809524668624959531;0.008333333333333333217685101602;0.029761904761904760252644308594;0.044940476190476190410105772344;0.020833333333333332176851016015;0.006845238095238095205052886172;0.001785714285714285658526745415;0.019345238095238095898942276563;0.001488095238095238012632215430;0.008035714285714284921269268125;0.000000000000000000000000000000;0.016964285714285712997062560703;0.002976190476190476025264430859;0.016071428571428569842538536250;0.044940476190476190410105772344;0.029464285714285713690951951094;0.036011904761904758864865527812;0.017857142857142856151586585156
-0.023504273504273504036277131490;0.032478632478632481206393123330;0.049145299145299144172316374579;0.005982905982905983334474431246;0.017948717948717947401338079771;0.020512820512820512802720784862;0.011538461538461539102051744976;0.025641025641025640136039243089;0.017521367521367521569164438233;0.016666666666666666435370203203;0.015384615384615385469402326635;0.005128205128205128200680196215;0.015811965811965811301575968173;0.026495726495726495269833478119;0.024358974358974359170071366520;0.013675213675213675201813856575;0.023931623931623933337897724982;0.047435897435897433904727904519;0.026068376068376069437659836581;0.011111111111111111535154627461;0.020512820512820512802720784862;0.014529914529914530335608091605;0.026495726495726495269833478119;0.029914529914529915805010418239;0.022222222222222223070309254922;0.031623931623931622603151936346;0.031196581196581196770978294808;0.023076923076923078204103489952;0.002564102564102564100340098108;0.026923076923076924571454071611;0.004273504273504273934247699174;0.013247863247863247634916739059;0.026923076923076924571454071611;0.010256410256410256401360392431;0.031196581196581196770978294808;0.031623931623931622603151936346;0.011111111111111111535154627461;0.003846153846153846367350581659;0.002991452991452991667237215623;0.029059829059829060671216183209;0.020940170940170938634894426400;0.013247863247863247634916739059;0.000000000000000000000000000000;0.017521367521367521569164438233;0.016666666666666666435370203203;0.022222222222222223070309254922;0.026068376068376069437659836581;0.017948717948717947401338079771;0.024786324786324785002245008059;0.016666666666666666435370203203
-0.023333333333333334397297065266;0.036388888888888887285233408875;0.045833333333333330095182844843;0.005555555555555555767577313730;0.013611111111111110286153724758;0.029444444444444443226283070203;0.011666666666666667198648532633;0.024722222222222221821308352219;0.035833333333333335091186455656;0.013888888888888888117900677344;0.014444444444444443781394582516;0.016944444444444446001840631766;0.017222222222222222098864108375;0.021666666666666667406815349750;0.023333333333333334397297065266;0.022777777777777778733803160094;0.022222222222222223070309254922;0.055555555555555552471602709375;0.025277777777777777484802257391;0.008611111111111111049432054187;0.027222222222222220572307449515;0.024166666666666666157814447047;0.018333333333333333425851918719;0.013888888888888888117900677344;0.035555555555555555524716027094;0.025555555555555557051272685953;0.027500000000000000138777878078;0.032222222222222221543752596062;0.000555555555555555555073687923;0.026388888888888888811790067734;0.013611111111111110286153724758;0.008055555555555555385938149016;0.016388888888888890338346726594;0.005833333333333333599324266316;0.014166666666666665949647629930;0.027777777777777776235801354687;0.009444444444444444544672911945;0.012222222222222222862142437805;0.003333333333333333547282562037;0.015833333333333334674852821422;0.016666666666666666435370203203;0.034444444444444444197728216750;0.000000000000000000000000000000;0.011666666666666667198648532633;0.016388888888888890338346726594;0.018611111111111109522875395328;0.019444444444444444752839729063;0.016111111111111110771876298031;0.020277777777777776513357110844;0.020000000000000000416333634234
-0.021851851851851851471497667490;0.055925925925925927539861248761;0.012592592592592592726230549260;0.017777777777777777762358013547;0.066666666666666665741480812812;0.016296296296296294836558615771;0.016666666666666666435370203203;0.034074074074074076068363581271;0.011481481481481481399242738917;0.006296296296296296363115274630;0.007037037037037036958653235530;0.011851851851851851263330850372;0.017407407407407406163546426114;0.007037037037037036958653235530;0.057407407407407406996213694583;0.010740740740740739936343040029;0.007777777777777777554191196430;0.033703703703703701000105041885;0.056296296296296295669225884239;0.001481481481481481407916356297;0.030370370370370370488588562807;0.010000000000000000208166817117;0.020740740740740740144509857146;0.008148148148148147418279307885;0.011851851851851851263330850372;0.008888888888888888881179006773;0.022592592592592591199673890401;0.104814814814814818988430999980;0.000740740740740740703958178148;0.062592592592592588562894206916;0.007407407407407407690103084974;0.006666666666666667094565124074;0.037037037037037034981068472916;0.002962962962962962815832712593;0.011111111111111111535154627461;0.015185185185185185244294281404;0.005555555555555555767577313730;0.011481481481481481399242738917;0.010370370370370370072254928573;0.005555555555555555767577313730;0.023703703703703702526661700745;0.013703703703703704053218359604;0.000000000000000000000000000000;0.005555555555555555767577313730;0.050000000000000002775557561563;0.017777777777777777762358013547;0.005925925925925925631665425186;0.005555555555555555767577313730;0.011481481481481481399242738917;0.001851851851851851922525771243
-0.005555555555555555767577313730;0.074999999999999997224442438437;0.015873015873015872134743631250;0.044841269841269841556208319844;0.068253968253968247403840052812;0.010714285714285714384841341484;0.005555555555555555767577313730;0.038492063492063494090089648125;0.021825396825396824185272492969;0.006349206349206349200842147695;0.011111111111111111535154627461;0.009920634920634920084214769531;0.006746031746031746351155433672;0.005555555555555555767577313730;0.071031746031746029190756530625;0.003968253968253968033685907812;0.011507936507936508685467913438;0.054365079365079366224833279375;0.041269841269841268938112222031;0.003174603174603174600421073848;0.021031746031746033354092872969;0.010714285714285714384841341484;0.015873015873015872134743631250;0.007936507936507936067371815625;0.010317460317460317234528055508;0.006349206349206349200842147695;0.029761904761904760252644308594;0.127380952380952372493538859999;0.001587301587301587300210536924;0.040079365079365082691342792032;0.010714285714285714384841341484;0.005158730158730158617264027754;0.021031746031746033354092872969;0.001984126984126984016842953906;0.006746031746031746351155433672;0.014285714285714285268213963320;0.010317460317460317234528055508;0.002777777777777777883788656865;0.006349206349206349200842147695;0.009523809523809524668624959531;0.024206349206349207087152208828;0.032142857142857139685077072500;0.000000000000000000000000000000;0.005555555555555555767577313730;0.033730158730158728286330216406;0.007936507936507936067371815625;0.005158730158730158617264027754;0.001587301587301587300210536924;0.013492063492063492702310867344;0.005158730158730158617264027754
-0.028205128205128205537421948179;0.024786324786324785002245008059;0.038461538461538463673505816587;0.001282051282051282050170049054;0.011111111111111111535154627461;0.038034188034188030902438271141;0.007264957264957265167804045802;0.024358974358974359170071366520;0.036324786324786327573743704988;0.020085470085470086970547143324;0.021367521367521367936515019892;0.023931623931623933337897724982;0.017094017094017095736990796695;0.021367521367521367936515019892;0.027350427350427350403627713149;0.017948717948717947401338079771;0.016666666666666666435370203203;0.034188034188034191473981593390;0.029059829059829060671216183209;0.008547008547008547868495398347;0.013675213675213675201813856575;0.014529914529914530335608091605;0.010683760683760683968257509946;0.027350427350427350403627713149;0.031623931623931622603151936346;0.025641025641025640136039243089;0.035042735042735043138328876466;0.042307692307692310040856398246;0.001709401709401709400226732072;0.031623931623931622603151936346;0.020940170940170938634894426400;0.018376068376068376702958673263;0.020512820512820512802720784862;0.010256410256410256401360392431;0.014529914529914530335608091605;0.032478632478632481206393123330;0.014102564102564102768710974090;0.006837606837606837600906928287;0.004273504273504273934247699174;0.017521367521367521569164438233;0.008974358974358973700669039886;0.017521367521367521569164438233;0.000000000000000000000000000000;0.016239316239316240603196561665;0.018376068376068376702958673263;0.021367521367521367936515019892;0.022222222222222223070309254922;0.014957264957264957902505209120;0.026068376068376069437659836581;0.012820512820512820068019621544
-0.023263888888888889505679458125;0.018402777777777778317469525859;0.039930555555555552471602709375;0.004513888888888888464845372539;0.060069444444444446140618509844;0.023611111111111110494320541875;0.008333333333333333217685101602;0.026041666666666667823148983985;0.022222222222222223070309254922;0.015277777777777777276635440273;0.015972222222222220988641083750;0.018402777777777778317469525859;0.011805555555555555247160270937;0.020138888888888890199568848516;0.027430555555555555247160270937;0.019097222222222223764198645313;0.021874999999999998612221219219;0.037847222222222219600862302968;0.036111111111111107718762980312;0.008680555555555555941049661328;0.018402777777777778317469525859;0.015277777777777777276635440273;0.013888888888888888117900677344;0.024652777777777776929690745078;0.024305555555555555941049661328;0.022222222222222223070309254922;0.030208333333333333564629796797;0.033333333333333332870740406406;0.002083333333333333304421275400;0.052430555555555556634939051719;0.020138888888888890199568848516;0.013888888888888888117900677344;0.026388888888888888811790067734;0.004861111111111111188209932266;0.014236111111111110841265237070;0.036458333333333335646297967969;0.007291666666666666782314898398;0.007291666666666666782314898398;0.003125000000000000173472347598;0.017013888888888887424011286953;0.013194444444444444405895033867;0.030902777777777779011358916250;0.000000000000000000000000000000;0.011458333333333332523795711211;0.018055555555555553859381490156;0.011805555555555555247160270937;0.019791666666666665741480812812;0.014583333333333333564629796797;0.021527777777777777623580135469;0.012152777777777777970524830664
-0.032638888888888890893458238907;0.015277777777777777276635440273;0.057291666666666664353702032031;0.017361111111111111882099322656;0.006944444444444444058950338672;0.018402777777777778317469525859;0.003125000000000000173472347598;0.021874999999999998612221219219;0.032291666666666669904817155157;0.038194444444444447528397290625;0.015277777777777777276635440273;0.018055555555555553859381490156;0.009374999999999999653055304805;0.045138888888888888117900677344;0.019444444444444444752839729063;0.027777777777777776235801354687;0.019444444444444444752839729063;0.028472222222222221682530474141;0.010069444444444445099784424258;0.003819444444444444319158860068;0.012500000000000000693889390391;0.010416666666666666088425508008;0.006250000000000000346944695195;0.053124999999999998612221219219;0.028472222222222221682530474141;0.042708333333333334258519187188;0.025694444444444443365060948281;0.043402777777777776235801354687;0.001736111111111111014737584668;0.011458333333333332523795711211;0.013541666666666667129259593594;0.020138888888888890199568848516;0.004513888888888888464845372539;0.004166666666666666608842550801;0.011458333333333332523795711211;0.048263888888888890893458238907;0.012152777777777777970524830664;0.010763888888888888811790067734;0.003125000000000000173472347598;0.004513888888888888464845372539;0.009027777777777776929690745078;0.024305555555555555941049661328;0.000000000000000000000000000000;0.025347222222222222376419864531;0.013541666666666667129259593594;0.018055555555555553859381490156;0.043749999999999997224442438437;0.028819444444444446140618509844;0.014930555555555556287994356524;0.013541666666666667129259593594
-0.022435897435897435986396075691;0.011858974358974358476181976130;0.092307692307692312816413959808;0.002884615384615384775512936244;0.008012820512820512108831394471;0.016666666666666666435370203203;0.001282051282051282050170049054;0.024679487179487178544201597674;0.029166666666666667129259593594;0.040384615384615386857181107416;0.015705128205128204843532557788;0.012500000000000000693889390391;0.007371794871794871625847456187;0.048076923076923079591882270734;0.009294871794871794809522747016;0.031730769230769229061195346731;0.020192307692307693428590553708;0.046794871794871795156467442212;0.017307692307692308653077617464;0.005128205128205128200680196215;0.011858974358974358476181976130;0.017628205128205128027207848618;0.008012820512820512108831394471;0.044871794871794871972792151382;0.034294871794871797932025003774;0.057371794871794869197234589819;0.021474358974358974394558430276;0.004807692307692307959188227073;0.000000000000000000000000000000;0.014743589743589743251694912374;0.006410256410256410034009810772;0.014423076923076923877564681220;0.007692307692307692734701163317;0.006089743589743589792517841630;0.007371794871794871625847456187;0.053846153846153849142908143222;0.011858974358974358476181976130;0.005128205128205128200680196215;0.000961538461538461591837645415;0.008333333333333333217685101602;0.006410256410256410034009810772;0.015064102564102564360548619504;0.000000000000000000000000000000;0.016987179487179485809500434357;0.007692307692307692734701163317;0.008974358974358973700669039886;0.056730769230769230448974127512;0.040705128205128206231311338570;0.020512820512820512802720784862;0.025961538461538462979616426196
-0.006201550387596899138742401192;0.084108527131782948038640768118;0.028682170542635658516683605512;0.056589147286821704641024410876;0.060077519379844963876013963500;0.013178294573643410669827602533;0.006976744186046511531085201341;0.041472868217054266459786759924;0.031395348837209305359330357987;0.004263565891472868157885400819;0.009689922480620154904285001862;0.006589147286821705334913801266;0.006976744186046511531085201341;0.009689922480620154904285001862;0.053488372093023255071653210280;0.002325581395348837177028400447;0.015116279069767441650684602905;0.083720930232558138373022416090;0.022480620155038759377941204320;0.005813953488372092942571001117;0.013565891472868216865999002607;0.016279069767441860239198803129;0.025193798449612402751141004842;0.010852713178294573492799202086;0.006976744186046511531085201341;0.007751937984496123923428001490;0.030620155038759689497540605885;0.078294573643410858565516718954;0.000775193798449612392342800149;0.022868217054263565574112604395;0.006201550387596899138742401192;0.006589147286821705334913801266;0.015116279069767441650684602905;0.003875968992248061961714000745;0.008139534883720930119599401564;0.023255813953488371770284004469;0.015503875968992247846856002980;0.002713178294573643373199800521;0.007751937984496123923428001490;0.012403100775193798277484802384;0.014341085271317829258341802756;0.046899224806201553206186360967;0.000000000000000000000000000000;0.004651162790697674354056800894;0.030620155038759689497540605885;0.003875968992248061961714000745;0.006201550387596899138742401192;0.005038759689922480550228200968;0.021317829457364340789427004097;0.003488372093023255765542600670
-0.022580645161290321260016966676;0.022043010752688170506008447092;0.054838709677419356092187285867;0.001075268817204301074336170174;0.004838709677419355051353200281;0.017204301075268817189378722787;0.003763440860215053977017030107;0.036021505376344083171336052374;0.037096774193548384679353091542;0.014516129032258065154059600843;0.015053763440860215908068120427;0.017741935483870967943387242372;0.012903225806451612892034042090;0.025268817204301075030059564597;0.025268817204301075030059564597;0.011827956989247311384017002922;0.029032258064516130308119201686;0.063440860215053768156323599214;0.025806451612903225784068084181;0.008064516129032257840680841809;0.027419354838709678046093642934;0.029032258064516130308119201686;0.014516129032258065154059600843;0.026344086021505376538076603765;0.024193548387096773522042525428;0.025268817204301075030059564597;0.032258064516129031362723367238;0.005376344086021505805361719865;0.002688172043010752902680859933;0.015591397849462364927353164035;0.027956989247311828800102162518;0.015053763440860215908068120427;0.019892473118279570959421320708;0.006989247311827957200025540629;0.019892473118279570959421320708;0.032258064516129031362723367238;0.016129032258064515681361683619;0.008064516129032257840680841809;0.015053763440860215908068120427;0.025268817204301075030059564597;0.016666666666666666435370203203;0.028494623655913979554110682102;0.000000000000000000000000000000;0.010752688172043011610723439730;0.007526881720430107954034060214;0.013978494623655914400051081259;0.018817204301075269451404281540;0.009677419354838710102706400562;0.043548387096774193727455326552;0.012903225806451612892034042090
-0.026576576576576575738908303492;0.013963963963963963582637362038;0.060810810810810814186488926225;0.002252252252252252232717077973;0.004954954954954954651769050145;0.026126126126126126419935147283;0.003603603603603603659083498556;0.038738738738738738576206088737;0.034684684684684684297106826989;0.022072072072072072140835885534;0.019369369369369369288103044369;0.013063063063063063209967573641;0.015315315315315315009003782620;0.033333333333333332870740406406;0.017117117117117115754343359413;0.023873873873873872886175462327;0.021621621621621622821862729324;0.050000000000000002775557561563;0.020720720720720720714469464951;0.011261261261261260729904520872;0.023423423423423423567202306117;0.022972972972972974248229149907;0.025225225225225224312541882909;0.034684684684684684297106826989;0.025225225225225224312541882909;0.027927927927927927165274724075;0.039189189189189191364626196901;0.007657657657657657504501891310;0.001351351351351351426366420583;0.014864864864864865690030626411;0.007657657657657657504501891310;0.010810810810810811410931364662;0.018018018018018017861736623786;0.009909909909909909303538100289;0.021621621621621622821862729324;0.035585585585585582935053139408;0.016216216216216217116397046993;0.011261261261261260729904520872;0.005855855855855855891800576529;0.023423423423423423567202306117;0.006756756756756757131832102914;0.014414414414414414636333994224;0.000000000000000000000000000000;0.013513513513513514263664205828;0.007657657657657657504501891310;0.013063063063063063209967573641;0.034684684684684684297106826989;0.021621621621621622821862729324;0.031081081081081082806427673404;0.014864864864864865690030626411
-0.028333333333333331899295259859;0.005000000000000000104083408559;0.050416666666666665186369300500;0.139166666666666660745477201999;0.005000000000000000104083408559;0.007083333333333332974823814965;0.000833333333333333386820640509;0.014999999999999999444888487687;0.027500000000000000138777878078;0.045416666666666667684371105906;0.010000000000000000208166817117;0.023750000000000000277555756156;0.005000000000000000104083408559;0.041666666666666664353702032031;0.008333333333333333217685101602;0.019166666666666665186369300500;0.026249999999999999028554853453;0.022083333333333333287074040641;0.006666666666666667094565124074;0.007916666666666667337426410711;0.008750000000000000832667268469;0.015416666666666667059870654555;0.002916666666666666799662133158;0.073333333333333333703407674875;0.018749999999999999306110609609;0.035416666666666665741480812812;0.020416666666666666296592325125;0.002916666666666666799662133158;0.003749999999999999861222121922;0.013750000000000000069388939039;0.012500000000000000693889390391;0.034583333333333333980963431031;0.002083333333333333304421275400;0.004583333333333333356462979680;0.008333333333333333217685101602;0.056250000000000001387778780781;0.007499999999999999722444243844;0.009166666666666666712925959359;0.002916666666666666799662133158;0.005416666666666666851703837438;0.004583333333333333356462979680;0.014166666666666665949647629930;0.000000000000000000000000000000;0.032083333333333331760517381781;0.004166666666666666608842550801;0.014999999999999999444888487687;0.052083333333333335646297967969;0.016666666666666666435370203203;0.014999999999999999444888487687;0.012916666666666666574148081281
-0.020261437908496732901442172192;0.008823529411764705759901872284;0.047385620915032677924472181985;0.132026143790849675996312839743;0.005555555555555555767577313730;0.017973856209150325391465941038;0.003594771241830065165029362007;0.024509803921568627110838534122;0.036928104575163399336812375395;0.031699346405228756573535520147;0.013398692810457515575683906661;0.008496732026143790153516199837;0.018627450980392156604237285933;0.027124183006535948492476961746;0.010784313725490195928768955014;0.016339869281045752563708006733;0.019607843137254901688670827298;0.031699346405228756573535520147;0.015032679738562091872888792921;0.005228758169934640161191641283;0.015686274509803921350936661838;0.018954248366013070475899482403;0.019281045751633987817008630827;0.030065359477124183745777585841;0.025490196078431372195272075487;0.026143790849673203408043420382;0.024509803921568627110838534122;0.009477124183006535237949741202;0.002287581699346405341571886183;0.021241830065359477985875713557;0.011437908496732025406816823931;0.017647058823529411519803744568;0.013071895424836601704021710191;0.006535947712418300852010855095;0.017647058823529411519803744568;0.037254901960784313208474571866;0.010784313725490195928768955014;0.007843137254901960675468330919;0.010130718954248366450721086096;0.020915032679738560644766565133;0.007843137254901960675468330919;0.024836601307189540982500730593;0.000000000000000000000000000000;0.018627450980392156604237285933;0.006535947712418300852010855095;0.016339869281045752563708006733;0.027777777777777776235801354687;0.024509803921568627110838534122;0.019281045751633987817008630827;0.012745098039215686097636037744
-0.010606060606060606701928072937;0.053333333333333336756520992594;0.013939393939393938948168027991;0.202121212121212118217883357829;0.036666666666666666851703837438;0.020303030303030301928490786167;0.004848484848484848480643094604;0.028484848484848484390097311802;0.023333333333333334397297065266;0.006060606060606060600803868255;0.012727272727272727695368992329;0.013636363636363635701287400082;0.010606060606060606701928072937;0.010303030303030303455047445027;0.041212121212121213820189780108;0.011212121212121211460965852780;0.015757575757575758429451795450;0.044848484848484845843863411119;0.022424242424242422921931705559;0.003636363636363636360482320953;0.013636363636363635701287400082;0.013939393939393938948168027991;0.019090909090909092410415226482;0.006666666666666667094565124074;0.011515151515151514707846480690;0.008787878787878787220644305478;0.023030303030303029415692961379;0.047878787878787881782116642171;0.002121212121212121427121788386;0.029999999999999998889776975375;0.022121212121212121409774553626;0.007272727272727272720964641906;0.013939393939393938948168027991;0.004848484848484848480643094604;0.012121212121212121201607736509;0.015151515151515151935690539631;0.006666666666666667094565124074;0.006363636363636363847684496164;0.022727272727272727903535809446;0.020606060606060606910094890054;0.015151515151515151935690539631;0.023333333333333334397297065266;0.000000000000000000000000000000;0.008484848484848485708487153545;0.020606060606060606910094890054;0.007575757575757575967845269815;0.006363636363636363847684496164;0.006060606060606060600803868255;0.012121212121212121201607736509;0.005757575757575757353923240345
-0.009523809523809524668624959531;0.021825396825396824185272492969;0.008333333333333333217685101602;0.447222222222222243193101576253;0.047222222222222220988641083750;0.017857142857142856151586585156;0.012301587301587301251371009414;0.018253968253968255036623347110;0.005158730158730158617264027754;0.002380952380952381167156239883;0.005952380952380952050528861719;0.006349206349206349200842147695;0.007936507936507936067371815625;0.008333333333333333217685101602;0.026587301587301586519584972734;0.002777777777777777883788656865;0.008333333333333333217685101602;0.015476190476190476719153821250;0.029365079365079364837054498594;0.002777777777777777883788656865;0.014285714285714285268213963320;0.006349206349206349200842147695;0.005158730158730158617264027754;0.006349206349206349200842147695;0.008730158730158730367998387578;0.005158730158730158617264027754;0.015476190476190476719153821250;0.054365079365079366224833279375;0.002777777777777777883788656865;0.034920634920634921471993550313;0.006349206349206349200842147695;0.003571428571428571317053490830;0.007539682539682539784420267637;0.000793650793650793650105268462;0.008730158730158730367998387578;0.013095238095238095551997581367;0.002380952380952381167156239883;0.005158730158730158617264027754;0.001587301587301587300210536924;0.009126984126984127518311673555;0.016269841269841271019780393203;0.015079365079365079568840535273;0.000000000000000000000000000000;0.005555555555555555767577313730;0.024206349206349207087152208828;0.007539682539682539784420267637;0.005952380952380952050528861719;0.001587301587301587300210536924;0.006746031746031746351155433672;0.001190476190476190583578119941
-0.004519774011299435186039819001;0.010734463276836157807903049388;0.007909604519774010925048379761;0.787005649717514077501334668341;0.002542372881355932021096855067;0.003389830508474576172689429754;0.000847457627118644043172357438;0.007344632768361582068894488629;0.008192090395480225786806194321;0.002259887005649717593019909501;0.002259887005649717593019909501;0.002259887005649717593019909501;0.001412429378531073441427334814;0.003672316384180791034447244314;0.009887005649717514957353081684;0.001977401129943502731262094940;0.008192090395480225786806194321;0.009039548022598870372079638003;0.003672316384180791034447244314;0.000847457627118644043172357438;0.005649717514124293765709339254;0.005084745762711864042193710134;0.001129943502824858796509954750;0.004237288135593220324282004441;0.005367231638418078903951524694;0.004237288135593220324282004441;0.005649717514124293765709339254;0.029378531073446328275577954514;0.001412429378531073441427334814;0.003389830508474576172689429754;0.001694915254237288086344714877;0.004802259887005650047797633562;0.002259887005649717593019909501;0.002542372881355932021096855067;0.001977401129943502731262094940;0.007062146892655367207136674068;0.001412429378531073441427334814;0.001412429378531073441427334814;0.000282485875706214699127488688;0.000847457627118644043172357438;0.002259887005649717593019909501;0.006214689265536723489224968375;0.000000000000000000000000000000;0.003107344632768361744612484188;0.004802259887005650047797633562;0.003389830508474576172689429754;0.005649717514124293765709339254;0.001694915254237288086344714877;0.003389830508474576172689429754;0.001694915254237288086344714877
-0.013333333333333334189130248149;0.037037037037037034981068472916;0.022222222222222223070309254922;0.244444444444444436426167044374;0.015555555555555555108382392859;0.014814814814814815380206169948;0.008518518518518519017090895318;0.027037037037037036507625131776;0.014814814814814815380206169948;0.008888888888888888881179006773;0.008888888888888888881179006773;0.010000000000000000208166817117;0.013703703703703704053218359604;0.013333333333333334189130248149;0.035185185185185187395351391615;0.007407407407407407690103084974;0.010740740740740739936343040029;0.029629629629629630760412339896;0.014444444444444443781394582516;0.007777777777777777554191196430;0.020740740740740740144509857146;0.011111111111111111535154627461;0.012592592592592592726230549260;0.011851851851851851263330850372;0.012222222222222222862142437805;0.015925925925925926707193980292;0.020370370370370372015145221667;0.081481481481481488060580886668;0.001111111111111111110147375847;0.017777777777777777762358013547;0.009259259259259258745267118229;0.007407407407407407690103084974;0.012962962962962962590318660716;0.005555555555555555767577313730;0.014444444444444443781394582516;0.016666666666666666435370203203;0.008148148148148147418279307885;0.006296296296296296363115274630;0.008148148148148147418279307885;0.012592592592592592726230549260;0.013703703703703704053218359604;0.025185185185185185452461098521;0.000000000000000000000000000000;0.007777777777777777554191196430;0.021111111111111111743321444578;0.008888888888888888881179006773;0.015185185185185185244294281404;0.010740740740740739936343040029;0.021111111111111111743321444578;0.011851851851851851263330850372
-0.030740740740740742087400150240;0.030740740740740742087400150240;0.044444444444444446140618509844;0.000000000000000000000000000000;0.013333333333333334189130248149;0.028148148148148147834612942120;0.003703703703703703845051542487;0.017407407407407406163546426114;0.019629629629629628817522046802;0.018518518518518517490534236458;0.019259259259259260688157411323;0.017407407407407406163546426114;0.034074074074074076068363581271;0.022962962962962962798485477833;0.031851851851851853414387960584;0.016666666666666666435370203203;0.015925925925925926707193980292;0.053333333333333336756520992594;0.016666666666666666435370203203;0.011481481481481481399242738917;0.009259259259259258745267118229;0.011851851851851851263330850372;0.018888888888888889089345823891;0.016296296296296294836558615771;0.036296296296296298722339201959;0.027407407407407408106436719208;0.028888888888888887562789165031;0.042222222222222223486642889156;0.000370370370370370351979089074;0.054444444444444441144614899031;0.011111111111111111535154627461;0.009259259259259258745267118229;0.018888888888888889089345823891;0.008888888888888888881179006773;0.035925925925925923654080662573;0.027037037037037036507625131776;0.015555555555555555108382392859;0.011111111111111111535154627461;0.001481481481481481407916356297;0.031851851851851853414387960584;0.004444444444444444440589503387;0.021851851851851851471497667490;0.000000000000000000000000000000;0.010000000000000000208166817117;0.011111111111111111535154627461;0.014814814814814815380206169948;0.015185185185185185244294281404;0.011851851851851851263330850372;0.033333333333333332870740406406;0.014074074074074073917306471060
-0.020987654320987654543717582101;0.018518518518518517490534236458;0.085493827160493821026854277534;0.003086419753086419581755706076;0.005555555555555555767577313730;0.024691358024691356654045648611;0.002160493827160493620492820455;0.021604938271604937072289942535;0.061419753086419753840274893264;0.023148148148148146863167795573;0.014814814814814815380206169948;0.011419753086419752799440807678;0.012654320987654321326032480499;0.039814814814814816767984950729;0.011728395061728395798450463872;0.015432098765432097908778530382;0.031172839506172840551290192934;0.054012345679012342680724856336;0.012654320987654321326032480499;0.013580246913580246853614497127;0.009259259259259258745267118229;0.040432098765432099296557311163;0.008641975308641974481971281818;0.025308641975308642652064960998;0.028703703703703703498106847292;0.029320987654320986026679207725;0.025000000000000001387778780781;0.016666666666666666435370203203;0.002777777777777777883788656865;0.008950617283950617480980938012;0.012345679012345678327022824305;0.025000000000000001387778780781;0.006481481481481481295159330358;0.008333333333333333217685101602;0.018518518518518517490534236458;0.045987654320987655931496362882;0.014197530864197531116910333537;0.006481481481481481295159330358;0.006481481481481481295159330358;0.018209876543209876226248056241;0.006481481481481481295159330358;0.027469135802469134971515174470;0.000000000000000000000000000000;0.013888888888888888117900677344;0.007716049382716048954389265191;0.009259259259259258745267118229;0.034259259259259260133045899011;0.019135802469135803488553548846;0.025000000000000001387778780781;0.015740740740740739173064710599
-0.035460992907801421047953027710;0.018439716312056736446933769002;0.036170212765957443501463330904;0.034042553191489362263144613507;0.026595744680851064051241294806;0.027659574468085104670400653504;0.004255319148936170282893076688;0.028368794326241134062804860605;0.006737588652482269686860849589;0.016666666666666666435370203203;0.019503546099290780535540079654;0.017375886524822695827774410304;0.016312056737588651739168099652;0.030496453900709218770570529955;0.024822695035460994039677729006;0.019503546099290780535540079654;0.017730496453900710523976513855;0.031560283687943259389729888653;0.035815602836879435744155131260;0.008156028368794325869584049826;0.022695035460992909331912059656;0.008156028368794325869584049826;0.017375886524822695827774410304;0.027304964539007093443645501907;0.031205673758865248162974737056;0.031914893617021274085931992204;0.038297872340425531678675952207;0.021985815602836879939507852555;0.002836879432624113666489007457;0.029078014184397163455209067706;0.015957446808510637042965996102;0.010638297872340425273551822727;0.015602836879432624081487368528;0.007446808510638298211903318702;0.028723404255319148759006964156;0.026241134751773049355039191255;0.013829787234042552335200326752;0.013475177304964539373721699178;0.000709219858156028416622251864;0.021631205673758865243305749004;0.008156028368794325869584049826;0.005319148936170212636775911363;0.000000000000000000000000000000;0.014539007092198581727604533853;0.031560283687943259389729888653;0.012411347517730497019838864503;0.022695035460992909331912059656;0.023758865248226949951071418354;0.026950354609929078747443398356;0.013829787234042552335200326752
-0.013636363636363635701287400082;0.040909090909090908838585676222;0.027777777777777776235801354687;0.008080808080808080801071824339;0.024242424242424242403215473018;0.024747474747474747236442027543;0.012121212121212121201607736509;0.030303030303030303871381079261;0.037373737373737371536552842599;0.009595959595959595300751487912;0.013636363636363635701287400082;0.011111111111111111535154627461;0.016161616161616161602143648679;0.012121212121212121201607736509;0.029292929292929294204927970213;0.009595959595959595300751487912;0.029292929292929294204927970213;0.074242424242424248648219986535;0.042929292929292928171491894318;0.006565656565656565434030422779;0.031313131313131313537834188310;0.026262626262626261736121691115;0.043434343434343436474165400796;0.018686868686868685768276421300;0.014141414141414142269237430583;0.010101010101010101868701518413;0.025252525252525252069668582067;0.024242424242424242403215473018;0.001515151515151515150200967064;0.044444444444444446140618509844;0.007070707070707071134618715291;0.015656565656565656768917094155;0.031313131313131313537834188310;0.002525252525252525467175379603;0.013131313131313130868060845557;0.027777777777777776235801354687;0.012626262626262626034834291033;0.003535353535353535567309357646;0.010606060606060606701928072937;0.024242424242424242403215473018;0.018181818181818180935049866775;0.040909090909090908838585676222;0.000000000000000000000000000000;0.006565656565656565434030422779;0.017676767676767676101823312251;0.019191919191919190601502975824;0.006060606060606060600803868255;0.002525252525252525467175379603;0.024747474747474747236442027543;0.002525252525252525467175379603
-0.003508771929824561468941324094;0.069298245614035081096915291710;0.005263157894736841986571551644;0.187719298245614035769435190559;0.082017543859649127968580728520;0.007017543859649122937882648188;0.006578947368421052266374005058;0.041666666666666664353702032031;0.021052631578947367946286206575;0.002631578947368420993285775822;0.006578947368421052266374005058;0.004824561403508772182424646502;0.009210526315789472825978911885;0.003508771929824561468941324094;0.086842105263157901018367113011;0.003947368421052631706769098230;0.006578947368421052266374005058;0.042543859649122807431442794268;0.042982456140350878970313175387;0.001754385964912280734470662047;0.013596491228070176071618391234;0.008333333333333333217685101602;0.010964912280701753777290008429;0.005263157894736841986571551644;0.006578947368421052266374005058;0.006140350877192982462227099916;0.020175438596491228337992396291;0.088596491228070173296060829671;0.000438596491228070183617665512;0.032894736842105261331870025288;0.007017543859649122937882648188;0.001315789473684210496642887911;0.016666666666666666435370203203;0.001754385964912280734470662047;0.004385964912280701510916003372;0.009210526315789472825978911885;0.004824561403508772182424646502;0.007017543859649122937882648188;0.003070175438596491231113549958;0.004824561403508772182424646502;0.016666666666666666435370203203;0.023684210526315790240614589379;0.000000000000000000000000000000;0.004824561403508772182424646502;0.046052631578947365864618035403;0.006140350877192982462227099916;0.002192982456140350755458001686;0.000000000000000000000000000000;0.009649122807017544364849293004;0.002192982456140350755458001686
-0.012612612612612612156270941455;0.022072072072072072140835885534;0.032432432432432434232794093987;0.048198198198198198560771032817;0.016666666666666666435370203203;0.018468468468468467180709779996;0.004504504504504504465434155946;0.024774774774774774993568726700;0.020270270270270271395496308742;0.053603603603603604266236715148;0.010360360360360360357234732476;0.004054054054054054279099261748;0.008558558558558557877171679706;0.026576576576576575738908303492;0.038738738738738738576206088737;0.008558558558558557877171679706;0.026126126126126126419935147283;0.034234234234234231508686718826;0.015315315315315315009003782620;0.004954954954954954651769050145;0.013513513513513514263664205828;0.021621621621621622821862729324;0.006756756756756757131832102914;0.085135135135135139861084496715;0.009459459459459459984564944079;0.021621621621621622821862729324;0.015765765765765764327976938830;0.037387387387387387149839668155;0.002702702702702702852732841166;0.020720720720720720714469464951;0.011261261261261260729904520872;0.038738738738738738576206088737;0.007657657657657657504501891310;0.004504504504504504465434155946;0.009459459459459459984564944079;0.069819819819819814443739858234;0.009909909909909909303538100289;0.008558558558558557877171679706;0.009459459459459459984564944079;0.017117117117117115754343359413;0.014864864864864865690030626411;0.013063063063063063209967573641;0.000000000000000000000000000000;0.031981981981981981444373985823;0.013513513513513514263664205828;0.024324324324324325674595570490;0.025675675675675677100961991073;0.012162162162162162837297785245;0.006306306306306306078135470727;0.005855855855855855891800576529
-0.020454545454545454419292838111;0.006439393939393939225723784148;0.073484848484848486194209726818;0.000378787878787878787550241766;0.008333333333333333217685101602;0.017045454545454544192928381108;0.001893939393939393991961317454;0.019318181818181817677171352443;0.017803030303030303177491688871;0.044318181818181819064950133225;0.010227272727272727209646419055;0.015530303030303029693248717535;0.006818181818181817850643700041;0.049621212121212121548552431705;0.007196969696969697342925353922;0.014393939393939394685850707845;0.032196969696969696128618920739;0.042045454545454545580707161889;0.007196969696969697342925353922;0.018181818181818180935049866775;0.010606060606060606701928072937;0.016666666666666666435370203203;0.009848484848484847717364765174;0.074999999999999997224442438437;0.023484848484848483418652165255;0.043939393939393937837945003366;0.023484848484848483418652165255;0.003030303030303030300401934127;0.002651515151515151675482018234;0.017045454545454544192928381108;0.013257575757575757943729222177;0.035984848484848487581988507600;0.005681818181818181975883952362;0.007575757575757575967845269815;0.018181818181818180935049866775;0.064015151515151511030232711619;0.014015151515151515193569053963;0.003409090909090908925321850020;0.002651515151515151675482018234;0.018181818181818180935049866775;0.010227272727272727209646419055;0.014772727272727272443408885749;0.000000000000000000000000000000;0.028787878787878789371701415689;0.002651515151515151675482018234;0.018939393939393939919613174538;0.039772727272727272096464190554;0.020833333333333332176851016015;0.031439393939393940613502564929;0.010984848484848484459486250842
-0.020915032679738560644766565133;0.039869281045751631120666047536;0.041176470588235293546208737325;0.011764705882352941013202496379;0.031372549019607842701873323676;0.017647058823529411519803744568;0.007516339869281045936444396460;0.037254901960784313208474571866;0.033333333333333332870740406406;0.017973856209150325391465941038;0.016013071895424835222598858309;0.008823529411764705759901872284;0.015359477124183005744550989391;0.018627450980392156604237285933;0.040522875816993465802884344384;0.009477124183006535237949741202;0.027124183006535948492476961746;0.064705882352941182511507633990;0.022875816993464050813633647863;0.009150326797385621366287544731;0.018627450980392156604237285933;0.020915032679738560644766565133;0.031372549019607842701873323676;0.022549019607843136941971451392;0.025816993464052286066934271958;0.026143790849673203408043420382;0.033006535947712418999078209936;0.032679738562091505127416013465;0.000980392156862745084433541365;0.023529411764705882026404992757;0.006209150326797385245625182648;0.013071895424836601704021710191;0.016339869281045752563708006733;0.005882352941176470506601248189;0.018300653594771242732575089462;0.034640522875816995296283096195;0.015359477124183005744550989391;0.004901960784313725422167706824;0.007843137254901960675468330919;0.022875816993464050813633647863;0.014705882352941176266503120473;0.016013071895424835222598858309;0.000000000000000000000000000000;0.014379084967320260660117448026;0.010784313725490195928768955014;0.013398692810457515575683906661;0.015359477124183005744550989391;0.011111111111111111535154627461;0.024509803921568627110838534122;0.007189542483660130330058724013
-0.015350877192982455288206011801;0.044298245614035086648030414835;0.019736842105263156799122015173;0.012719298245614034728601104973;0.039912280701754385137114411464;0.024122807017543858310038018544;0.008333333333333333217685101602;0.037280701754385962842786028659;0.019298245614035088729698586008;0.006578947368421052266374005058;0.010526315789473683973143103287;0.009649122807017544364849293004;0.021929824561403507554580016858;0.014912280701754385484059106659;0.041228070175438599753725554820;0.007894736842105263413538196460;0.019298245614035088729698586008;0.054824561403508768886450042146;0.044736842105263158186900795954;0.007456140350877192742029553330;0.030701754385964910576412023602;0.013157894736842104532748010115;0.038157894736842105920526790896;0.007894736842105263413538196460;0.015789473684210526827076392919;0.016666666666666666435370203203;0.028947368421052631359824403035;0.035964912280701755165068789211;0.000877192982456140367235331023;0.042543859649122807431442794268;0.019736842105263156799122015173;0.011842105263157895120307294690;0.036842105263157891303915647541;0.003947368421052631706769098230;0.017543859649122806043664013487;0.026315789473684209065496020230;0.015350877192982455288206011801;0.012719298245614034728601104973;0.002192982456140350755458001686;0.021052631578947367946286206575;0.020614035087719299876862777410;0.014035087719298245875765296375;0.000000000000000000000000000000;0.005701754385964912658080194774;0.035526315789473683626198408092;0.015789473684210526827076392919;0.011842105263157895120307294690;0.007017543859649122937882648188;0.026754385964912280604366401349;0.004385964912280701510916003372
-0.028409090909090908144696285831;0.024242424242424242403215473018;0.033333333333333332870740406406;0.012878787878787878451447568295;0.048106060606060603579425816179;0.034090909090909088385856762216;0.002272727272727272616881233347;0.026515151515151515887458444354;0.056060606060606060774276215852;0.007575757575757575967845269815;0.015530303030303029693248717535;0.079166666666666662965923251249;0.015530303030303029693248717535;0.018560606060606062162054996634;0.021590909090909091161414323778;0.009090909090909090467524933388;0.024621212121212120160773650923;0.055681818181818179547271085994;0.018181818181818180935049866775;0.005303030303030303350964036468;0.016666666666666666435370203203;0.028030303030303030387138107926;0.017424242424242425419933510966;0.009848484848484847717364765174;0.029166666666666667129259593594;0.014772727272727272443408885749;0.026893939393939393645016622258;0.012878787878787878451447568295;0.001893939393939393991961317454;0.055681818181818179547271085994;0.035227272727272725127978247883;0.008333333333333333217685101602;0.012878787878787878451447568295;0.003409090909090908925321850020;0.012121212121212121201607736509;0.022727272727272727903535809446;0.010606060606060606701928072937;0.004924242424242423858682382587;0.004924242424242423858682382587;0.013636363636363635701287400082;0.007575757575757575967845269815;0.034469696969696969612861892074;0.000000000000000000000000000000;0.003409090909090908925321850020;0.007954545454545453725403447720;0.007196969696969697342925353922;0.014393939393939394685850707845;0.012500000000000000693889390391;0.026136363636363634660453314495;0.007575757575757575967845269815
-0.025833333333333333148296162562;0.043888888888888887007677652718;0.028611111111111111465765688422;0.024722222222222221821308352219;0.031944444444444441977282167500;0.028055555555555555802271783250;0.006666666666666667094565124074;0.037777777777777778178691647781;0.043333333333333334813630699500;0.011388888888888889366901580047;0.014722222222222221613141535101;0.033888888888888892003681263532;0.010555555555555555871660722289;0.017500000000000001665334536938;0.039722222222222221266196839906;0.018611111111111109522875395328;0.018611111111111109522875395328;0.049722222222222223209087133000;0.030833333333333334119741309109;0.006388888888888889262818171488;0.020833333333333332176851016015;0.018333333333333333425851918719;0.014999999999999999444888487687;0.016666666666666666435370203203;0.032500000000000001110223024625;0.019722222222222220849863205672;0.028611111111111111465765688422;0.037499999999999998612221219219;0.000277777777777777777536843962;0.028333333333333331899295259859;0.021111111111111111743321444578;0.010000000000000000208166817117;0.013333333333333334189130248149;0.003888888888888888777095598215;0.010277777777777778039913769703;0.026666666666666668378260496297;0.012500000000000000693889390391;0.008333333333333333217685101602;0.008611111111111111049432054187;0.008888888888888888881179006773;0.014722222222222221613141535101;0.034444444444444444197728216750;0.000000000000000000000000000000;0.008333333333333333217685101602;0.018055555555555553859381490156;0.006388888888888889262818171488;0.016388888888888890338346726594;0.011111111111111111535154627461;0.018333333333333333425851918719;0.008055555555555555385938149016
-0.011851851851851851263330850372;0.031481481481481478346129421197;0.010370370370370370072254928573;0.245555555555555554692048758625;0.031851851851851853414387960584;0.023333333333333334397297065266;0.005555555555555555767577313730;0.031111111111111110216764785719;0.011481481481481481399242738917;0.003333333333333333547282562037;0.015555555555555555108382392859;0.028888888888888887562789165031;0.010740740740740739936343040029;0.012592592592592592726230549260;0.035555555555555555524716027094;0.012592592592592592726230549260;0.007777777777777777554191196430;0.025185185185185185452461098521;0.041111111111111112159655078813;0.002962962962962962815832712593;0.021481481481481479872686080057;0.007777777777777777554191196430;0.014814814814814815380206169948;0.010740740740740739936343040029;0.018148148148148149361169600979;0.016296296296296294836558615771;0.025925925925925925180637321432;0.017037037037037038034181790636;0.002592592592592592518063732143;0.047407407407407405053323401489;0.024444444444444445724284875610;0.005925925925925925631665425186;0.015555555555555555108382392859;0.005925925925925925631665425186;0.011481481481481481399242738917;0.012962962962962962590318660716;0.007407407407407407690103084974;0.003703703703703703845051542487;0.005185185185185185036127464286;0.005925925925925925631665425186;0.010740740740740739936343040029;0.009259259259259258745267118229;0.000000000000000000000000000000;0.005925925925925925631665425186;0.030370370370370370488588562807;0.008148148148148147418279307885;0.008888888888888888881179006773;0.009629629629629630344078705662;0.026296296296296296779448908865;0.011111111111111111535154627461
-0.016339869281045752563708006733;0.015359477124183005744550989391;0.010784313725490195928768955014;0.384967320261437928596848223606;0.006535947712418300852010855095;0.012418300653594770491250365296;0.022549019607843136941971451392;0.025816993464052286066934271958;0.013071895424836601704021710191;0.016013071895424835222598858309;0.011764705882352941013202496379;0.004248366013071895076758099918;0.005555555555555555767577313730;0.014379084967320260660117448026;0.025490196078431372195272075487;0.021241830065359477985875713557;0.020261437908496732901442172192;0.012418300653594770491250365296;0.018954248366013070475899482403;0.001633986928104575213002713774;0.039869281045751631120666047536;0.003267973856209150426005427548;0.000653594771241830020148955160;0.025490196078431372195272075487;0.023202614379084968154742796287;0.023202614379084968154742796287;0.018300653594771242732575089462;0.011764705882352941013202496379;0.002287581699346405341571886183;0.006209150326797385245625182648;0.002614379084967320080595820642;0.015032679738562091872888792921;0.003267973856209150426005427548;0.001960784313725490168867082730;0.002941176470588235253300624095;0.015686274509803921350936661838;0.004248366013071895076758099918;0.005228758169934640161191641283;0.000326797385620915010074477580;0.000653594771241830020148955160;0.015032679738562091872888792921;0.017320261437908497648141548098;0.000000000000000000000000000000;0.016339869281045752563708006733;0.013071895424836601704021710191;0.021241830065359477985875713557;0.017647058823529411519803744568;0.015032679738562091872888792921;0.004575163398692810683143772366;0.013725490196078431182069579108
-0.017924528301886791942232335373;0.049371069182389940022126495478;0.039937106918238991781766600297;0.024213836477987422945989948175;0.034591194968553458377602538576;0.017610062893081760565516802330;0.006289308176100629269034136826;0.035534591194968552507749137703;0.030503144654088050480300609024;0.011006289308176099919767132462;0.011635220125786162673198198547;0.022641509433962262592965331010;0.007547169811320754775896268995;0.020125786163522011579241066670;0.052830188679245285165997358945;0.011320754716981131296482665505;0.015094339622641509551792537991;0.052830188679245285165997358945;0.034905660377358489754318071618;0.006918238993710692022465202911;0.016352201257861635058654670161;0.030817610062893081857016142067;0.013207547169811321291499339736;0.016037735849056603681939137118;0.022955974842767293969680864052;0.015723270440251572305223604076;0.029559748427672956350154009897;0.051257861635220128282419693733;0.000314465408805031430925641667;0.033018867924528301494024873364;0.008805031446540880282758401165;0.007547169811320754775896268995;0.014150943396226415421645938864;0.006918238993710692022465202911;0.007547169811320754775896268995;0.027358490566037736713145278600;0.009433962264150943036189467250;0.004402515723270440141379200583;0.017295597484276729188801269288;0.016352201257861635058654670161;0.014779874213836478175077004948;0.038364779874213834898188935085;0.000000000000000000000000000000;0.005345911949685534271525799710;0.027358490566037736713145278600;0.007861635220125786152611802038;0.014150943396226415421645938864;0.010062893081761005789620533335;0.021069182389937105709387665797;0.009119496855345911659473934208
-0.036394557823129253248950476518;0.005782312925170067681446273156;0.038095238095238098674499838125;0.158503401360544221576631684911;0.005782312925170067681446273156;0.023469387755102041198673745726;0.001700680272108843473985451134;0.013265306122448979053718431942;0.022108843537414966246013037221;0.021428571428571428769682682969;0.019727891156462583344133321361;0.019047619047619049337249919063;0.008163265306122449715964251027;0.039115646258503403154271893527;0.013265306122448979053718431942;0.032993197278911562397851753303;0.010204081632653060410231837807;0.024829931972789116151334454230;0.011564625850340135362892546311;0.009183673469387755930459782405;0.015306122448979591482709494699;0.018367346938775511860919564811;0.011564625850340135362892546311;0.028231292517006803532986225491;0.034693877551020407823401114911;0.033333333333333332870740406406;0.023129251700680270725785092623;0.004421768707482993596147302640;0.001020408163265306214495531378;0.011904761904761904101057723437;0.034353741496598637350512461808;0.012585034013605441577388077690;0.008163265306122449715964251027;0.013605442176870747791883609068;0.020068027210884353817021974464;0.029931972789115645489088635145;0.006462585034013605157776627408;0.012244897959183672839222900564;0.004421768707482993596147302640;0.021428571428571428769682682969;0.004421768707482993596147302640;0.003741496598639455686136079393;0.000000000000000000000000000000;0.011904761904761904101057723437;0.006462585034013605157776627408;0.007482993197278911372272158786;0.032993197278911562397851753303;0.027210884353741495583767218136;0.024489795918367345678445801127;0.021428571428571428769682682969
-0.025308641975308642652064960998;0.008641975308641974481971281818;0.016666666666666666435370203203;0.417283950617283960760062200279;0.002777777777777777883788656865;0.011111111111111111535154627461;0.006790123456790123426807248563;0.013271604938271605589328316910;0.005864197530864197899225231936;0.007407407407407407690103084974;0.012037037037037037062736644089;0.004629629629629629372633559115;0.017901234567901234961961876024;0.021296296296296295808003762318;0.012654320987654321326032480499;0.016666666666666666435370203203;0.023148148148148146863167795573;0.010493827160493827271858791050;0.012345679012345678327022824305;0.002777777777777777883788656865;0.009876543209876543008562954640;0.003086419753086419581755706076;0.008950617283950617480980938012;0.017592592592592593697675695807;0.016358024691358025171084022986;0.024691358024691356654045648611;0.021913580246913581806023074705;0.002777777777777777883788656865;0.004938271604938271504281477320;0.006172839506172839163511412153;0.006172839506172839163511412153;0.016049382716049383906797842769;0.008024691358024691953398921385;0.008024691358024691953398921385;0.033333333333333332870740406406;0.012037037037037037062736644089;0.003703703703703703845051542487;0.021913580246913581806023074705;0.000617283950617283938035184665;0.009567901234567901744276774423;0.003395061728395061713403624282;0.002469135802469135752140738660;0.000000000000000000000000000000;0.010802469135802468536144971267;0.011419753086419752799440807678;0.012345679012345678327022824305;0.017901234567901234961961876024;0.021296296296296295808003762318;0.018827160493827162224267368629;0.016666666666666666435370203203
-0.025320512820512820761909011935;0.012500000000000000693889390391;0.030128205128205128721097239008;0.218269230769230770938804653269;0.007371794871794871625847456187;0.033333333333333332870740406406;0.005448717948717948442172165358;0.024038461538461539795941135367;0.026602564102564101727876888503;0.016346153846153847061239972049;0.016346153846153847061239972049;0.036538461538461540489830525757;0.007371794871794871625847456187;0.016346153846153847061239972049;0.026282051282051282353746657350;0.032692307692307694122479944099;0.019551282051282051210883139447;0.023397435897435897578233721106;0.016987179487179485809500434357;0.002564102564102564100340098108;0.021794871794871793768688661430;0.013782051282051281659857266959;0.007371794871794871625847456187;0.023717948717948716952363952259;0.042948717948717948789116860553;0.020512820512820512802720784862;0.026282051282051282353746657350;0.014423076923076923877564681220;0.002243589743589743425167259971;0.018589743589743589619045494032;0.018910256410256408993175725186;0.015064102564102564360548619504;0.002884615384615384775512936244;0.006730769230769231142863517903;0.006410256410256410034009810772;0.024358974358974359170071366520;0.004487179487179486850334519943;0.005128205128205128200680196215;0.001602564102564102508502452693;0.006730769230769231142863517903;0.008012820512820512108831394471;0.015064102564102564360548619504;0.000000000000000000000000000000;0.011858974358974358476181976130;0.016346153846153847061239972049;0.013141025641025641176873328675;0.020192307692307693428590553708;0.010897435897435896884344330715;0.010576923076923077510214099561;0.012500000000000000693889390391
-0.015408805031446540928508071033;0.020440251572327042955956599712;0.013207547169811321291499339736;0.505660377358490564780879594764;0.005974842767295597892318603783;0.022327044025157231216249797967;0.003144654088050314634517068413;0.012264150943396227161352740609;0.013522012578616352668214872779;0.003459119496855346011232601455;0.011949685534591195784637207566;0.007547169811320754775896268995;0.013836477987421384044930405821;0.008176100628930817529327335080;0.017610062893081760565516802330;0.017610062893081760565516802330;0.008805031446540880282758401165;0.018238993710691823318947868415;0.016037735849056603681939137118;0.001572327044025157317258534206;0.005974842767295597892318603783;0.006603773584905660645749669868;0.003773584905660377387948134498;0.006603773584905660645749669868;0.023270440251572325346396397094;0.010062893081761005789620533335;0.012264150943396227161352740609;0.018238993710691823318947868415;0.000628930817610062861851283333;0.018867924528301886072378934500;0.025157232704402517076136547303;0.003773584905660377387948134498;0.007232704402515723399180735953;0.001257861635220125723702566667;0.007547169811320754775896268995;0.012578616352201258538068273651;0.003773584905660377387948134498;0.012578616352201258538068273651;0.000314465408805031430925641667;0.002830188679245282824120666376;0.005974842767295597892318603783;0.024842767295597485699421014260;0.000000000000000000000000000000;0.003144654088050314634517068413;0.010062893081761005789620533335;0.006918238993710692022465202911;0.005345911949685534271525799710;0.008805031446540880282758401165;0.007861635220125786152611802038;0.006918238993710692022465202911
-0.019298245614035088729698586008;0.034795321637426900041045740863;0.020760233918128655900003920465;0.175730994152046793299604132699;0.026900584795321636627507544404;0.031871345029239765700435071949;0.009064327485380116802837768830;0.019298245614035088729698586008;0.023684210526315790240614589379;0.010526315789473683973143103287;0.015204678362573099265064868746;0.028070175438596491751530592751;0.020175438596491228337992396291;0.015204678362573099265064868746;0.028362573099415203797812878861;0.019005847953216373213969347944;0.011988304093567251143448437745;0.030994152046783626092141261665;0.023391812865497074724885351316;0.002631578947368420993285775822;0.021637426900584795508297730748;0.007894736842105263413538196460;0.014327485380116959656771058462;0.017836257309941521559393251550;0.030409356725146198530129737492;0.025438596491228069457202209946;0.021052631578947367946286206575;0.019298245614035088729698586008;0.000584795321637426911490220682;0.050000000000000002775557561563;0.012865497076023392486465724005;0.008771929824561403021832006743;0.013742690058479532094759534289;0.004678362573099415291921765458;0.010526315789473683973143103287;0.014912280701754385484059106659;0.004970760233918129072927527545;0.006140350877192982462227099916;0.006725146198830409156876886101;0.016666666666666666435370203203;0.009064327485380116802837768830;0.027485380116959064189519068577;0.000000000000000000000000000000;0.013450292397660818313753772202;0.010526315789473683973143103287;0.015497076023391813046070630833;0.013157894736842104532748010115;0.014035087719298245875765296375;0.012865497076023392486465724005;0.008479532163742689240826244657
-0.022598870056497175062837357018;0.024293785310734464233384244380;0.029943502824858757999093583635;0.087005649717514121910255653347;0.034745762711864407179529479208;0.029378531073446328275577954514;0.003389830508474576172689429754;0.025141242937853108818657688062;0.017514124293785311020643646884;0.011581920903954802393176493069;0.013559322033898304690757719015;0.058757062146892656551155909028;0.010734463276836157807903049388;0.018926553672316385329432719686;0.035875706214689266626560737450;0.015536723163841808723062420938;0.014971751412429378999546791817;0.027683615819209039105031067152;0.021186440677966100754048284216;0.003672316384180791034447244314;0.016384180790960451573612388643;0.011299435028248587531418678509;0.005649717514124293765709339254;0.026271186440677964796241994350;0.032203389830508473423709148165;0.023728813559322034509868615260;0.028248587570621468828546696272;0.028531073446327683690304510833;0.004802259887005650047797633562;0.068361581920903954912027700175;0.034745762711864407179529479208;0.015819209039548021850096759522;0.014971751412429378999546791817;0.007062146892655367207136674068;0.006779661016949152345378859508;0.019491525423728815052948348807;0.011299435028248587531418678509;0.003389830508474576172689429754;0.003672316384180791034447244314;0.005649717514124293765709339254;0.008757062146892655510321823442;0.018926553672316385329432719686;0.000000000000000000000000000000;0.010451977401129942946145234828;0.020338983050847456168774840535;0.006497175141242937483621044947;0.024293785310734464233384244380;0.010734463276836157807903049388;0.014689265536723164137788977257;0.010451977401129942946145234828
-0.016959064327485378481652489313;0.009064327485380116802837768830;0.023684210526315790240614589379;0.285672514619883022302104791379;0.020760233918128655900003920465;0.035087719298245612087328026973;0.003216374269005848121616431001;0.015497076023391813046070630833;0.023391812865497074724885351316;0.016666666666666666435370203203;0.012573099415204678705459961918;0.031578947368421053654152785839;0.011988304093567251143448437745;0.013157894736842104532748010115;0.022222222222222223070309254922;0.021637426900584795508297730748;0.021929824561403507554580016858;0.018128654970760233605675537660;0.016081871345029238873358679029;0.002046783625730994298635989637;0.014035087719298245875765296375;0.007894736842105263413538196460;0.004970760233918129072927527545;0.024269005847953217802626113553;0.028947368421052631359824403035;0.022222222222222223070309254922;0.021345029239766083462015444638;0.012280701754385964924454199831;0.001461988304093567170305334457;0.042105263157894735892572413150;0.016374269005847954389087917093;0.024269005847953217802626113553;0.007309941520467835851526672286;0.003801169590643274816266217186;0.007894736842105263413538196460;0.017543859649122806043664013487;0.004093567251461988597271979273;0.006140350877192982462227099916;0.001169590643274853822980441365;0.001754385964912280734470662047;0.006140350877192982462227099916;0.014327485380116959656771058462;0.000000000000000000000000000000;0.016081871345029238873358679029;0.009649122807017544364849293004;0.007894736842105263413538196460;0.017543859649122806043664013487;0.010233918128654970192137341201;0.010526315789473683973143103287;0.016374269005847954389087917093
-0.023099415204678362678603065206;0.007017543859649122937882648188;0.025438596491228069457202209946;0.356725146198830389554501607563;0.009941520467836258145855055091;0.041520467836257311800007840930;0.006725146198830409156876886101;0.009064327485380116802837768830;0.014619883040935671703053344572;0.015789473684210526827076392919;0.015204678362573099265064868746;0.019590643274853800775980872118;0.016081871345029238873358679029;0.013450292397660818313753772202;0.010233918128654970192137341201;0.024853801169590641895190685773;0.018128654970760233605675537660;0.015789473684210526827076392919;0.011403508771929825316160389548;0.002046783625730994298635989637;0.011695906432748537362442675658;0.004970760233918129072927527545;0.002631578947368420993285775822;0.023391812865497074724885351316;0.031578947368421053654152785839;0.018713450292397661167687061834;0.014327485380116959656771058462;0.009649122807017544364849293004;0.003216374269005848121616431001;0.038596491228070177459397172015;0.014619883040935671703053344572;0.020175438596491228337992396291;0.003801169590643274816266217186;0.004385964912280701510916003372;0.004093567251461988597271979273;0.020175438596491228337992396291;0.006140350877192982462227099916;0.008479532163742689240826244657;0.001461988304093567170305334457;0.002046783625730994298635989637;0.004678362573099415291921765458;0.013157894736842104532748010115;0.000000000000000000000000000000;0.013450292397660818313753772202;0.009941520467836258145855055091;0.008479532163742689240826244657;0.016959064327485378481652489313;0.011695906432748537362442675658;0.006725146198830409156876886101;0.014035087719298245875765296375
-0.020303030303030301928490786167;0.016363636363636364923213051270;0.014545454545454545441929283811;0.343030303030303018729796349362;0.065454545454545459692852205080;0.025757575757575756902895136591;0.007575757575757575967845269815;0.014545454545454545441929283811;0.016666666666666666435370203203;0.007272727272727272720964641906;0.011515151515151514707846480690;0.017878787878787879422892714842;0.010000000000000000208166817117;0.008181818181818182461606525635;0.030303030303030303871381079261;0.015454545454545455182571167541;0.013333333333333334189130248149;0.016666666666666666435370203203;0.025454545454545455390737984658;0.001818181818181818180241160476;0.009696969696969696961286189207;0.008484848484848485708487153545;0.001212121212121212120160773651;0.007878787878787879214725897725;0.020606060606060606910094890054;0.011515151515151514707846480690;0.009696969696969696961286189207;0.044242424242424242819549107253;0.000909090909090909090120580238;0.057575757575757578743402831378;0.010000000000000000208166817117;0.005757575757575757353923240345;0.008484848484848485708487153545;0.002121212121212121427121788386;0.002121212121212121427121788386;0.010303030303030303455047445027;0.002121212121212121427121788386;0.010000000000000000208166817117;0.003030303030303030300401934127;0.001212121212121212120160773651;0.004545454545454545233762466694;0.025454545454545455390737984658;0.000000000000000000000000000000;0.006666666666666667094565124074;0.019696969696969695434729530348;0.008484848484848485708487153545;0.006666666666666667094565124074;0.006060606060606060600803868255;0.006666666666666667094565124074;0.006666666666666667094565124074
-0.023939393939393940891058321085;0.017272727272727272929131459023;0.028181818181818182877940159869;0.166363636363636352433204024237;0.041818181818181816844504083974;0.028181818181818182877940159869;0.001818181818181818180241160476;0.020000000000000000416333634234;0.025151515151515150409133880771;0.018181818181818180935049866775;0.010909090909090909948808700847;0.042424242424242426807712291748;0.008181818181818182461606525635;0.016969696969696971416974307090;0.031515151515151516858903590901;0.028787878787878789371701415689;0.014545454545454545441929283811;0.015151515151515151935690539631;0.019090909090909092410415226482;0.001818181818181818180241160476;0.014242424242424242195048655901;0.012121212121212121201607736509;0.001515151515151515150200967064;0.028181818181818182877940159869;0.027878787878787877896336055983;0.019393939393939393922572378415;0.018484848484848485916653970662;0.048181818181818179824826842150;0.002424242424242424240321547302;0.050606060606060605799871865429;0.023333333333333334397297065266;0.014242424242424242195048655901;0.004545454545454545233762466694;0.001515151515151515150200967064;0.002727272727272727487202175212;0.019696969696969695434729530348;0.006060606060606060600803868255;0.008787878787878787220644305478;0.003636363636363636360482320953;0.001212121212121212120160773651;0.005151515151515151727523722514;0.017878787878787879422892714842;0.000000000000000000000000000000;0.016969696969696971416974307090;0.023636363636363635909454217199;0.011515151515151514707846480690;0.022424242424242422921931705559;0.017878787878787879422892714842;0.004848484848484848480643094604;0.010606060606060606701928072937
-0.022962962962962962798485477833;0.010740740740740739936343040029;0.023333333333333334397297065266;0.318888888888888888395456433500;0.022222222222222223070309254922;0.032962962962962964741375770927;0.002222222222222222220294751693;0.011851851851851851263330850372;0.014074074074074073917306471060;0.015925925925925926707193980292;0.011481481481481481399242738917;0.063333333333333338699411285688;0.002962962962962962815832712593;0.019259259259259260688157411323;0.021111111111111111743321444578;0.021111111111111111743321444578;0.007407407407407407690103084974;0.022222222222222223070309254922;0.012592592592592592726230549260;0.002962962962962962815832712593;0.008148148148148147418279307885;0.012222222222222222862142437805;0.001481481481481481407916356297;0.014444444444444443781394582516;0.034074074074074076068363581271;0.022222222222222223070309254922;0.013703703703703704053218359604;0.021851851851851851471497667490;0.000370370370370370351979089074;0.041851851851851848418384349770;0.033333333333333332870740406406;0.008518518518518519017090895318;0.004074074074074073709139653943;0.002592592592592592518063732143;0.004074074074074073709139653943;0.016296296296296294836558615771;0.004074074074074073709139653943;0.005185185185185185036127464286;0.004814814814814815172039352831;0.001111111111111111110147375847;0.002962962962962962815832712593;0.011111111111111111535154627461;0.000000000000000000000000000000;0.009259259259259258745267118229;0.014074074074074073917306471060;0.004444444444444444440589503387;0.015925925925925926707193980292;0.012962962962962962590318660716;0.006296296296296296363115274630;0.008888888888888888881179006773
-0.029310344827586206489788978047;0.019252873563218392272133883125;0.021551724137931035918391842188;0.064080459770114936435270180937;0.034770114942528733414928154843;0.054022988505747125687062037969;0.004022988505747126380951428359;0.017241379310344827346934692969;0.028160919540229884666659998516;0.011206896551724137775507550430;0.017816091954022988258499182734;0.055172413793103447510191017500;0.024712643678160919197273059922;0.019252873563218392272133883125;0.017241379310344827346934692969;0.021839080459770114639450611094;0.018678160919540231360569393360;0.024137931034482758285708570156;0.022701149425287357741520821719;0.002873563218390804557822448828;0.012643678160919540054418774844;0.010632183908045976863943060664;0.007183908045977011394556122070;0.018965517241379310081628162266;0.039080459770114941986385304062;0.020689655172413792816321631562;0.025287356321839080108837549687;0.025574712643678162299343270547;0.001724137931034482734693469297;0.077298850574712640870700397500;0.030459770114942528312917957578;0.010344827586206896408160815781;0.015229885057471264156458978789;0.007758620689655172306120611836;0.012643678160919540054418774844;0.020114942528735631904757141797;0.007183908045977011394556122070;0.009482758620689655040814081133;0.008908045977011494129249591367;0.010057471264367815952378570898;0.008045977011494252761902856719;0.026436781609195401931966529219;0.000000000000000000000000000000;0.007758620689655172306120611836;0.013793103448275861877547754375;0.007758620689655172306120611836;0.014367816091954022789112244141;0.013218390804597700965983264609;0.016666666666666666435370203203;0.012643678160919540054418774844
-0.014814814814814815380206169948;0.018209876543209876226248056241;0.031172839506172840551290192934;0.237654320987654321672977175695;0.030864197530864195817557060764;0.025308641975308642652064960998;0.003703703703703703845051542487;0.015123456790123456644492350165;0.021296296296296295808003762318;0.009567901234567901744276774423;0.012345679012345678327022824305;0.038888888888888889505679458125;0.014197530864197531116910333537;0.017283950617283948963942563637;0.020987654320987654543717582101;0.016049382716049383906797842769;0.016049382716049383906797842769;0.030246913580246913288984700330;0.017901234567901234961961876024;0.004012345679012345976699460692;0.016666666666666666435370203203;0.020370370370370372015145221667;0.012654320987654321326032480499;0.015123456790123456644492350165;0.021604938271604937072289942535;0.014506172839506172381196513754;0.018827160493827162224267368629;0.015432098765432097908778530382;0.000617283950617283938035184665;0.037345679012345679714801605087;0.033950617283950615399312766840;0.011111111111111111535154627461;0.011419753086419752799440807678;0.004012345679012345976699460692;0.010185185185185186007572610833;0.023765432098765432861187107960;0.004938271604938271504281477320;0.010185185185185186007572610833;0.005864197530864197899225231936;0.009259259259259258745267118229;0.005864197530864197899225231936;0.020679012345679013279431401884;0.000000000000000000000000000000;0.009876543209876543008562954640;0.012654320987654321326032480499;0.010802469135802468536144971267;0.014506172839506172381196513754;0.009876543209876543008562954640;0.011419753086419752799440807678;0.010802469135802468536144971267
-0.027536231884057970481505250859;0.011594202898550724778470311094;0.044927536231884057649210717500;0.021376811594202897726102463594;0.006521739130434782254208680996;0.065579710144927541581871821563;0.001811594202898550746635986108;0.023188405797101449556940622188;0.027898550724637680847672882578;0.017753623188405797533873098359;0.025000000000000001387778780781;0.026086956521739129016834723984;0.027536231884057970481505250859;0.035507246376811595067746196719;0.013405797101449274874584993711;0.024637681159420291021611149063;0.028985507246376811946175777734;0.039492753623188409095590145625;0.019565217391304349364711256953;0.007608695652173913352711576152;0.013405797101449274874584993711;0.015217391304347826705423152305;0.005797101449275362389235155547;0.020652173913043476993767200156;0.051086956521739133874060456719;0.033695652173913043236908038125;0.026086956521739129016834723984;0.007971014492753622851517469883;0.000362318840579710149327197222;0.055072463768115940963010501719;0.011956521739130435144637942813;0.017391304347826087167705466641;0.009782608695652174682355628477;0.007246376811594202986543944434;0.022101449275362318458437727031;0.031521739130434781039902247812;0.007971014492753622851517469883;0.007246376811594202986543944434;0.000724637681159420298654394443;0.005072463768115941656899892109;0.002536231884057970828449946055;0.022463768115942028824605358750;0.000000000000000000000000000000;0.010507246376811593679967415937;0.012318840579710145510805574531;0.008695652173913043583852733320;0.025362318840579711753946412500;0.026086956521739129016834723984;0.022101449275362318458437727031;0.023550724637681159923108253906
-0.033333333333333332870740406406;0.011309523809523809242949532461;0.034821428571428572618096097813;0.000297619047619047645894529985;0.004761904761904762334312479766;0.043154761904761904101057723437;0.003273809523809523887999395342;0.031845238095238093123384715000;0.008630952380952381514100935078;0.025297619047619047949471138281;0.022619047619047618485899064922;0.009226190476190476372209126055;0.043154761904761904101057723437;0.032142857142857139685077072500;0.010119047619047619526733150508;0.017261904761904763028201870156;0.016666666666666666435370203203;0.034821428571428572618096097813;0.028273809523809523974735569141;0.008035714285714284921269268125;0.017559523809523809589894227656;0.004166666666666666608842550801;0.010416666666666666088425508008;0.041071428571428571230317317031;0.058630952380952380820211544687;0.034821428571428572618096097813;0.034523809523809526056403740313;0.004166666666666666608842550801;0.003571428571428571317053490830;0.030654761904761903407168333047;0.004464285714285714037896646289;0.031845238095238093123384715000;0.025595238095238094511163495781;0.008333333333333333217685101602;0.030059523809523810283783618047;0.037797619047619045173913576718;0.010714285714285714384841341484;0.007142857142857142634106981660;0.000297619047619047645894529985;0.007738095238095238359576910625;0.004464285714285714037896646289;0.013095238095238095551997581367;0.000000000000000000000000000000;0.023214285714285715078730731875;0.010714285714285714384841341484;0.011904761904761904101057723437;0.031547619047619046561692357500;0.024404761904761904794947113828;0.034226190476190479494711382813;0.023809523809523808202115446875
-0.019774011299435029914706163368;0.027401129943502824243273252591;0.025988700564971749934484179789;0.223163841807909602010795424576;0.023728813559322034509868615260;0.032485875706214688285466962725;0.003672316384180791034447244314;0.026836158192090394519757623470;0.011581920903954802393176493069;0.016949152542372881297128017763;0.012146892655367232116692122190;0.011016949152542372669660863949;0.010451977401129942946145234828;0.018644067796610170467674905126;0.038700564971751415244138883054;0.018079096045197740744159276005;0.009604519774011300095595267123;0.027118644067796609381515438031;0.028531073446327683690304510833;0.002542372881355932021096855067;0.015536723163841808723062420938;0.005649717514124293765709339254;0.007344632768361582068894488629;0.018361581920903955605917090566;0.030790960451977402584367027316;0.020338983050847456168774840535;0.026836158192090394519757623470;0.027683615819209039105031067152;0.000564971751412429398254977375;0.033333333333333332870740406406;0.008474576271186440648564008882;0.009322033898305085233837452563;0.015536723163841808723062420938;0.003672316384180791034447244314;0.007344632768361582068894488629;0.021468926553672315615806098776;0.006779661016949152345378859508;0.008474576271186440648564008882;0.000000000000000000000000000000;0.006779661016949152345378859508;0.013841807909604519552515533576;0.016384180790960451573612388643;0.000000000000000000000000000000;0.008474576271186440648564008882;0.023728813559322034509868615260;0.010734463276836157807903049388;0.014971751412429378999546791817;0.014406779661016949276031162697;0.019774011299435029914706163368;0.014971751412429378999546791817
-0.024509803921568627110838534122;0.023202614379084968154742796287;0.026143790849673203408043420382;0.065686274509803924126494223401;0.032352941176470591255753816995;0.050980392156862744390544150974;0.005555555555555555767577313730;0.015359477124183005744550989391;0.031372549019607842701873323676;0.011111111111111111535154627461;0.014379084967320260660117448026;0.052614379084967320687749037234;0.017320261437908497648141548098;0.017320261437908497648141548098;0.016339869281045752563708006733;0.027777777777777776235801354687;0.015032679738562091872888792921;0.035620915032679736911269685606;0.019607843137254901688670827298;0.002941176470588235253300624095;0.012418300653594770491250365296;0.015359477124183005744550989391;0.007516339869281045936444396460;0.016339869281045752563708006733;0.046078431372549022437823396103;0.025816993464052286066934271958;0.021895424836601305729200106498;0.027450980392156862364139158217;0.000653594771241830020148955160;0.056209150326797387153821006223;0.022222222222222223070309254922;0.010784313725490195928768955014;0.008496732026143790153516199837;0.005882352941176470506601248189;0.009150326797385621366287544731;0.023529411764705882026404992757;0.006209150326797385245625182648;0.007843137254901960675468330919;0.004901960784313725422167706824;0.002941176470588235253300624095;0.007843137254901960675468330919;0.039542483660130717249003851066;0.000000000000000000000000000000;0.011111111111111111535154627461;0.011437908496732025406816823931;0.017320261437908497648141548098;0.018954248366013070475899482403;0.015686274509803921350936661838;0.017320261437908497648141548098;0.023856209150326795898067189228
-0.017407407407407406163546426114;0.039629629629629632703302632990;0.031851851851851853414387960584;0.040740740740740744030290443334;0.044814814814814814269983145323;0.041481481481481480289019714291;0.002222222222222222220294751693;0.022222222222222223070309254922;0.035185185185185187395351391615;0.005185185185185185036127464286;0.018148148148148149361169600979;0.037407407407407410049327012302;0.014444444444444443781394582516;0.014814814814814815380206169948;0.037037037037037034981068472916;0.014814814814814815380206169948;0.018148148148148149361169600979;0.052222222222222225429533182250;0.028148148148148147834612942120;0.004814814814814815172039352831;0.013333333333333334189130248149;0.015925925925925926707193980292;0.018148148148148149361169600979;0.010000000000000000208166817117;0.023333333333333334397297065266;0.013703703703703704053218359604;0.025925925925925925180637321432;0.043703703703703702942995334979;0.000000000000000000000000000000;0.063703703703703706828775921167;0.018148148148148149361169600979;0.003333333333333333547282562037;0.018518518518518517490534236458;0.005555555555555555767577313730;0.016296296296296294836558615771;0.017037037037037038034181790636;0.007777777777777777554191196430;0.003333333333333333547282562037;0.005555555555555555767577313730;0.022222222222222223070309254922;0.009259259259259258745267118229;0.034814814814814812327092852229;0.000000000000000000000000000000;0.002962962962962962815832712593;0.022592592592592591199673890401;0.006296296296296296363115274630;0.010000000000000000208166817117;0.012222222222222222862142437805;0.025185185185185185452461098521;0.010370370370370370072254928573
-0.023643410852713177966455404544;0.015503875968992247846856002980;0.054651162790697677129614362457;0.022868217054263565574112604395;0.017054263565891472631541603278;0.041860465116279069186511208045;0.001937984496124030980857000372;0.010852713178294573492799202086;0.038759689922480619617140007449;0.009302325581395348708113601788;0.018992248062015503612398603650;0.050387596899224805502282009684;0.013178294573643410669827602533;0.027906976744186046124340805363;0.015503875968992247846856002980;0.033720930232558142536358758434;0.012403100775193798277484802384;0.034496124031007754928701558583;0.015891472868217054043027403054;0.005813953488372092942571001117;0.006201550387596899138742401192;0.040310077519379844401825607747;0.005813953488372092942571001117;0.008139534883720930119599401564;0.053488372093023255071653210280;0.018217054263565891220055803501;0.023255813953488371770284004469;0.034496124031007754928701558583;0.000000000000000000000000000000;0.059689922480620154210395611472;0.048449612403100777990871961265;0.006589147286821705334913801266;0.007751937984496123923428001490;0.010465116279069767296627802011;0.014341085271317829258341802756;0.018992248062015503612398603650;0.003875968992248061961714000745;0.011627906976744185885142002235;0.015116279069767441650684602905;0.014728682170542635454513202831;0.004263565891472868157885400819;0.026356589147286821339655205065;0.000000000000000000000000000000;0.004263565891472868157885400819;0.011627906976744185885142002235;0.001937984496124030980857000372;0.024418604651162790358798204693;0.019379844961240309808570003725;0.015891472868217054043027403054;0.025581395348837208947312404916
-0.010691823899371068543051599420;0.030188679245283019103585075982;0.011006289308176099919767132462;0.417610062893081779300530342880;0.037106918238993709391326802916;0.019811320754716980202525533628;0.005031446540880502894810266667;0.016037735849056603681939137118;0.011320754716981131296482665505;0.003773584905660377387948134498;0.007547169811320754775896268995;0.018553459119496854695663401458;0.012578616352201258538068273651;0.006289308176100629269034136826;0.025786163522012579829567613388;0.007861635220125786152611802038;0.010062893081761005789620533335;0.029874213836477987726869542939;0.016037735849056603681939137118;0.002201257861635220070689600291;0.008490566037735848906042868123;0.007547169811320754775896268995;0.010062893081761005789620533335;0.005031446540880502894810266667;0.012578616352201258538068273651;0.009748427672955974412905000293;0.017295597484276729188801269288;0.029245283018867924973438476854;0.000628930817610062861851283333;0.049056603773584908645410962436;0.007861635220125786152611802038;0.004088050314465408764663667540;0.011635220125786162673198198547;0.002515723270440251447405133334;0.008805031446540880282758401165;0.011006289308176099919767132462;0.003144654088050314634517068413;0.003144654088050314634517068413;0.005031446540880502894810266667;0.004716981132075471518094733625;0.005974842767295597892318603783;0.027044025157232705336429745557;0.000000000000000000000000000000;0.007861635220125786152611802038;0.016981132075471697812085736246;0.008176100628930817529327335080;0.003144654088050314634517068413;0.003773584905660377387948134498;0.011635220125786162673198198547;0.004402515723270440141379200583
-0.020192307692307693428590553708;0.009935897435897435292506685300;0.019871794871794870585013370601;0.267628205128205121088313944711;0.005448717948717948442172165358;0.016025641025641024217662788942;0.010256410256410256401360392431;0.012500000000000000693889390391;0.021474358974358974394558430276;0.019230769230769231836752908293;0.012500000000000000693889390391;0.002884615384615384775512936244;0.020192307692307693428590553708;0.029487179487179486503389824748;0.018589743589743589619045494032;0.019230769230769231836752908293;0.016025641025641024217662788942;0.020192307692307693428590553708;0.011858974358974358476181976130;0.005448717948717948442172165358;0.017948717948717947401338079771;0.008974358974358973700669039886;0.002884615384615384775512936244;0.025320512820512820761909011935;0.021474358974358974394558430276;0.027243589743589743945584302764;0.023076923076923078204103489952;0.011538461538461539102051744976;0.007692307692307692734701163317;0.008012820512820512108831394471;0.006730769230769231142863517903;0.021153846153846155020428199123;0.009294871794871794809522747016;0.016025641025641024217662788942;0.024358974358974359170071366520;0.023397435897435897578233721106;0.006089743589743589792517841630;0.012179487179487179585035683260;0.002243589743589743425167259971;0.005448717948717948442172165358;0.005128205128205128200680196215;0.017628205128205128027207848618;0.000000000000000000000000000000;0.020833333333333332176851016015;0.008653846153846154326538808732;0.021794871794871793768688661430;0.024358974358974359170071366520;0.020512820512820512802720784862;0.020512820512820512802720784862;0.020512820512820512802720784862
-0.021851851851851851471497667490;0.035185185185185187395351391615;0.029629629629629630760412339896;0.089629629629629628539966290646;0.016666666666666666435370203203;0.031481481481481478346129421197;0.002592592592592592518063732143;0.028518518518518519433424529552;0.013703703703703704053218359604;0.021111111111111111743321444578;0.014814814814814815380206169948;0.031481481481481478346129421197;0.010000000000000000208166817117;0.017777777777777777762358013547;0.034074074074074076068363581271;0.014074074074074073917306471060;0.018888888888888889089345823891;0.038888888888888889505679458125;0.021111111111111111743321444578;0.004444444444444444440589503387;0.012962962962962962590318660716;0.007037037037037036958653235530;0.009629629629629630344078705662;0.041111111111111112159655078813;0.025925925925925925180637321432;0.021481481481481479872686080057;0.016666666666666666435370203203;0.044444444444444446140618509844;0.002222222222222222220294751693;0.039259259259259257635044093604;0.011481481481481481399242738917;0.027777777777777776235801354687;0.010000000000000000208166817117;0.005925925925925925631665425186;0.010740740740740739936343040029;0.044444444444444446140618509844;0.006666666666666667094565124074;0.001851851851851851922525771243;0.003703703703703703845051542487;0.010740740740740739936343040029;0.009259259259259258745267118229;0.029999999999999998889776975375;0.000000000000000000000000000000;0.022962962962962962798485477833;0.011481481481481481399242738917;0.011111111111111111535154627461;0.021481481481481479872686080057;0.013703703703703704053218359604;0.017037037037037038034181790636;0.012962962962962962590318660716
-0.018181818181818180935049866775;0.015454545454545455182571167541;0.017878787878787879422892714842;0.278787878787878806718936175457;0.018484848484848485916653970662;0.024242424242424242403215473018;0.007878787878787879214725897725;0.024242424242424242403215473018;0.004848484848484848480643094604;0.020606060606060606910094890054;0.012121212121212121201607736509;0.011212121212121211460965852780;0.035454545454545453864181325798;0.016060606060606059941608947383;0.018484848484848485916653970662;0.008484848484848485708487153545;0.011515151515151514707846480690;0.019393939393939393922572378415;0.021515151515151514916013297807;0.003030303030303030300401934127;0.017272727272727272929131459023;0.005757575757575757353923240345;0.003030303030303030300401934127;0.033030303030303027889136302520;0.015151515151515151935690539631;0.016363636363636364923213051270;0.021515151515151514916013297807;0.015757575757575758429451795450;0.007575757575757575967845269815;0.036060606060606063827389533571;0.003636363636363636360482320953;0.022121212121212121409774553626;0.016060606060606059941608947383;0.004848484848484848480643094604;0.021818181818181819897617401693;0.022727272727272727903535809446;0.005454545454545454974404350423;0.008181818181818182461606525635;0.002727272727272727487202175212;0.003333333333333333547282562037;0.007878787878787879214725897725;0.014242424242424242195048655901;0.000000000000000000000000000000;0.022424242424242422921931705559;0.019090909090909092410415226482;0.012424242424242424448488364419;0.013636363636363635701287400082;0.012424242424242424448488364419;0.016666666666666666435370203203;0.010909090909090909948808700847
-0.030994152046783626092141261665;0.022222222222222223070309254922;0.023684210526315790240614589379;0.014619883040935671703053344572;0.042105263157894735892572413150;0.051754385964912281992145182130;0.009356725146198830583843530917;0.025146198830409357410919923836;0.023099415204678362678603065206;0.012280701754385964924454199831;0.018713450292397661167687061834;0.050584795321637426868122133783;0.010233918128654970192137341201;0.013157894736842104532748010115;0.036257309941520467211351075321;0.022222222222222223070309254922;0.009649122807017544364849293004;0.029239766081871343406106689145;0.034502923976608187994763454753;0.005847953216374268681221337829;0.025438596491228069457202209946;0.011988304093567251143448437745;0.004970760233918129072927527545;0.019590643274853800775980872118;0.036257309941520467211351075321;0.021929824561403507554580016858;0.026315789473684209065496020230;0.039473684210526313598244030345;0.000877192982456140367235331023;0.072807017543859653407878340658;0.030409356725146198530129737492;0.008771929824561403021832006743;0.017543859649122806043664013487;0.003216374269005848121616431001;0.009649122807017544364849293004;0.016374269005847954389087917093;0.009064327485380116802837768830;0.009064327485380116802837768830;0.003801169590643274816266217186;0.003508771929824561468941324094;0.008771929824561403021832006743;0.018128654970760233605675537660;0.000000000000000000000000000000;0.021929824561403507554580016858;0.023099415204678362678603065206;0.020467836257309940384274682401;0.011403508771929825316160389548;0.010233918128654970192137341201;0.018421052631578945651957823770;0.010818713450292397754148865374
-0.024652777777777776929690745078;0.018749999999999999306110609609;0.037152777777777777623580135469;0.050347222222222223764198645313;0.016319444444444445446729119453;0.038541666666666668517038374375;0.000694444444444444470947164216;0.021874999999999998612221219219;0.032638888888888890893458238907;0.013541666666666667129259593594;0.015277777777777777276635440273;0.043402777777777776235801354687;0.014583333333333333564629796797;0.025694444444444443365060948281;0.030902777777777779011358916250;0.022222222222222223070309254922;0.017361111111111111882099322656;0.037499999999999998612221219219;0.024652777777777776929690745078;0.005208333333333333044212754004;0.013888888888888888117900677344;0.016666666666666666435370203203;0.011805555555555555247160270937;0.017013888888888887424011286953;0.039930555555555552471602709375;0.020138888888888890199568848516;0.030555555555555554553270880547;0.034375000000000002775557561563;0.000347222222222222235473582108;0.046875000000000000000000000000;0.022222222222222223070309254922;0.011111111111111111535154627461;0.024652777777777776929690745078;0.003472222222222222029475169336;0.007638888888888888638317720137;0.025694444444444443365060948281;0.010763888888888888811790067734;0.004861111111111111188209932266;0.001736111111111111014737584668;0.007638888888888888638317720137;0.007638888888888888638317720137;0.027430555555555555247160270937;0.000000000000000000000000000000;0.009027777777777776929690745078;0.021180555555555556634939051719;0.004861111111111111188209932266;0.025347222222222222376419864531;0.018749999999999999306110609609;0.025694444444444443365060948281;0.017361111111111111882099322656
-0.030208333333333333564629796797;0.006597222222222222202947516934;0.040625000000000001387778780781;0.060763888888888888117900677344;0.033333333333333332870740406406;0.051736111111111107718762980312;0.001041666666666666652210637700;0.009722222222222222376419864531;0.032638888888888890893458238907;0.012500000000000000693889390391;0.017708333333333332870740406406;0.092708333333333337034076748751;0.011458333333333332523795711211;0.025347222222222222376419864531;0.004861111111111111188209932266;0.040972222222222222376419864531;0.010069444444444445099784424258;0.015625000000000000000000000000;0.016319444444444445446729119453;0.003819444444444444319158860068;0.007638888888888888638317720137;0.021180555555555556634939051719;0.005208333333333333044212754004;0.011805555555555555247160270937;0.069791666666666668517038374375;0.023958333333333334952408577578;0.020486111111111111188209932266;0.015277777777777777276635440273;0.000347222222222222235473582108;0.055555555555555552471602709375;0.056944444444444443365060948281;0.006597222222222222202947516934;0.007638888888888888638317720137;0.008680555555555555941049661328;0.006944444444444444058950338672;0.013194444444444444405895033867;0.004513888888888888464845372539;0.006250000000000000346944695195;0.006944444444444444058950338672;0.009722222222222222376419864531;0.004861111111111111188209932266;0.015625000000000000000000000000;0.000000000000000000000000000000;0.006597222222222222202947516934;0.003125000000000000173472347598;0.006597222222222222202947516934;0.020833333333333332176851016015;0.026388888888888888811790067734;0.016319444444444445446729119453;0.022916666666666665047591422422
-0.042138364779874211418775331595;0.014465408805031446798361471906;0.030188679245283019103585075982;0.000943396226415094346987033624;0.014465408805031446798361471906;0.077044025157232701173093403213;0.006289308176100629269034136826;0.021698113207547168462818731882;0.015723270440251572305223604076;0.012578616352201258538068273651;0.022327044025157231216249797967;0.038364779874213834898188935085;0.038679245283018866274904468128;0.023584905660377360192558882090;0.010377358490566037166336066377;0.030188679245283019103585075982;0.011006289308176099919767132462;0.019182389937106917449094467543;0.021069182389937105709387665797;0.002830188679245282824120666376;0.025471698113207548452852080345;0.005345911949685534271525799710;0.008805031446540880282758401165;0.020754716981132074332672132755;0.066666666666666665741480812812;0.036477987421383646637895736831;0.025786163522012579829567613388;0.011635220125786162673198198547;0.003773584905660377387948134498;0.049685534591194971398842028520;0.017610062893081760565516802330;0.012893081761006289914783806694;0.015723270440251572305223604076;0.004088050314465408764663667540;0.022955974842767293969680864052;0.023584905660377360192558882090;0.010691823899371068543051599420;0.013207547169811321291499339736;0.001257861635220125723702566667;0.006918238993710692022465202911;0.009119496855345911659473934208;0.016666666666666666435370203203;0.000000000000000000000000000000;0.013836477987421384044930405821;0.006918238993710692022465202911;0.021383647798742137086103198840;0.025786163522012579829567613388;0.028616352201257862220007410770;0.025471698113207548452852080345;0.015723270440251572305223604076
-0.029078014184397163455209067706;0.018085106382978721750731665452;0.030851063829787233466772633506;0.010992907801418439969753926277;0.021276595744680850547103645454;0.040070921985815605159686469960;0.003900709219858156020371842132;0.020921985815602835850901541903;0.043617021276595745182813601559;0.016666666666666666435370203203;0.018794326241134751143135872553;0.020921985815602835850901541903;0.028723404255319148759006964156;0.019858156028368795231742183205;0.021631205673758865243305749004;0.027659574468085104670400653504;0.021276595744680850547103645454;0.047872340425531914598344940259;0.025886524822695034658837087704;0.004964539007092198807935545801;0.020212765957446809927944286756;0.017375886524822695827774410304;0.016666666666666666435370203203;0.023404255319148935254869314804;0.041843971631205671701803083806;0.023404255319148935254869314804;0.026241134751773049355039191255;0.037234042553191487590069641556;0.002127659574468085141446538344;0.048226950354609929294547043810;0.014893617021276596423806637404;0.014893617021276596423806637404;0.023049645390070920558667211253;0.002482269503546099403967772901;0.014893617021276596423806637404;0.017730496453900710523976513855;0.009574468085106382919668988052;0.010992907801418439969753926277;0.006028368794326241161818380476;0.007446808510638298211903318702;0.005673758865248227332978014914;0.037588652482269502286271745106;0.000000000000000000000000000000;0.013120567375886524677519595627;0.011702127659574467627434657402;0.012056737588652482323636760952;0.014184397163120567031402430302;0.018439716312056736446933769002;0.019858156028368795231742183205;0.015602836879432624081487368528
-0.018644067796610170467674905126;0.024576271186440679095142058941;0.032203389830508473423709148165;0.040960451977401127199307495630;0.048305084745762713605010674200;0.031638418079096043700193519044;0.007627118644067796930652303189;0.034463276836158192317771664648;0.018079096045197740744159276005;0.010451977401129942946145234828;0.015819209039548021850096759522;0.038700564971751415244138883054;0.018079096045197740744159276005;0.012429378531073446978449936751;0.038418079096045200382381068493;0.015819209039548021850096759522;0.013841807909604519552515533576;0.037288135593220340935349810252;0.036158192090395481488318552010;0.005367231638418078903951524694;0.020338983050847456168774840535;0.015536723163841808723062420938;0.019209039548022600191190534247;0.017514124293785311020643646884;0.024293785310734464233384244380;0.016666666666666666435370203203;0.029096045197740113413820139954;0.028248587570621468828546696272;0.003672316384180791034447244314;0.052542372881355929592483988699;0.030508474576271187722609212756;0.012711864406779661840207751311;0.016384180790960451573612388643;0.005932203389830508627467153815;0.012146892655367232116692122190;0.019209039548022600191190534247;0.012994350282485874967242089895;0.006497175141242937483621044947;0.003389830508474576172689429754;0.015819209039548021850096759522;0.009887005649717514957353081684;0.024858757062146893956899873501;0.000000000000000000000000000000;0.011016949152542372669660863949;0.026553672316384179657999808910;0.007627118644067796930652303189;0.014689265536723164137788977257;0.014124293785310734414273348136;0.021186440677966100754048284216;0.008474576271186440648564008882
-0.021111111111111111743321444578;0.020740740740740740144509857146;0.021111111111111111743321444578;0.219629629629629619103070581332;0.017037037037037038034181790636;0.042592592592592591616007524635;0.005185185185185185036127464286;0.024444444444444445724284875610;0.012962962962962962590318660716;0.017037037037037038034181790636;0.014814814814814815380206169948;0.017407407407407406163546426114;0.017777777777777777762358013547;0.019629629629629628817522046802;0.024814814814814813853649511088;0.021481481481481479872686080057;0.014074074074074073917306471060;0.020740740740740740144509857146;0.023333333333333334397297065266;0.004074074074074073709139653943;0.014074074074074073917306471060;0.003703703703703703845051542487;0.005925925925925925631665425186;0.025185185185185185452461098521;0.034444444444444444197728216750;0.025555555555555557051272685953;0.025925925925925925180637321432;0.017037037037037038034181790636;0.002592592592592592518063732143;0.036666666666666666851703837438;0.007037037037037036958653235530;0.017037037037037038034181790636;0.012222222222222222862142437805;0.003333333333333333547282562037;0.009629629629629630344078705662;0.026666666666666668378260496297;0.008148148148148147418279307885;0.004074074074074073709139653943;0.003703703703703703845051542487;0.002592592592592592518063732143;0.006296296296296296363115274630;0.020000000000000000416333634234;0.000000000000000000000000000000;0.013333333333333334189130248149;0.012962962962962962590318660716;0.006666666666666667094565124074;0.025555555555555557051272685953;0.017037037037037038034181790636;0.017777777777777777762358013547;0.014814814814814815380206169948
-0.032352941176470591255753816995;0.018300653594771242732575089462;0.030392156862745097617439782312;0.087908496732026150666250430277;0.038888888888888889505679458125;0.062091503267973857660422254412;0.003594771241830065165029362007;0.013725490196078431182069579108;0.020261437908496732901442172192;0.013725490196078431182069579108;0.017320261437908497648141548098;0.045098039215686273883942902785;0.014379084967320260660117448026;0.023856209150326795898067189228;0.016666666666666666435370203203;0.023202614379084968154742796287;0.014379084967320260660117448026;0.019607843137254901688670827298;0.023856209150326795898067189228;0.004575163398692810683143772366;0.012091503267973856619588168826;0.013725490196078431182069579108;0.005228758169934640161191641283;0.019934640522875815560333023768;0.040196078431372551931222147914;0.016993464052287580307032399674;0.019281045751633987817008630827;0.027450980392156862364139158217;0.000653594771241830020148955160;0.085947712418300653558489443640;0.030065359477124183745777585841;0.007843137254901960675468330919;0.012091503267973856619588168826;0.001960784313725490168867082730;0.010130718954248366450721086096;0.022875816993464050813633647863;0.005555555555555555767577313730;0.011764705882352941013202496379;0.003921568627450980337734165460;0.009477124183006535237949741202;0.004248366013071895076758099918;0.022875816993464050813633647863;0.000000000000000000000000000000;0.009150326797385621366287544731;0.016339869281045752563708006733;0.006209150326797385245625182648;0.016666666666666666435370203203;0.014052287581699346788455251556;0.013398692810457515575683906661;0.015686274509803921350936661838
-0.038888888888888889505679458125;0.022962962962962962798485477833;0.019259259259259260688157411323;0.077777777777777779011358916250;0.011851851851851851263330850372;0.050370370370370370904922197042;0.003703703703703703845051542487;0.026296296296296296779448908865;0.025555555555555557051272685953;0.010370370370370370072254928573;0.018518518518518517490534236458;0.029259259259259259161600752464;0.038148148148148146308056283260;0.017407407407407406163546426114;0.014074074074074073917306471060;0.020000000000000000416333634234;0.012222222222222222862142437805;0.039259259259259257635044093604;0.033333333333333332870740406406;0.007037037037037036958653235530;0.021851851851851851471497667490;0.005555555555555555767577313730;0.006296296296296296363115274630;0.011851851851851851263330850372;0.038518518518518521376314822646;0.019259259259259260688157411323;0.025925925925925925180637321432;0.028148148148148147834612942120;0.000740740740740740703958178148;0.068148148148148152136727162542;0.025925925925925925180637321432;0.006296296296296296363115274630;0.012592592592592592726230549260;0.002592592592592592518063732143;0.012222222222222222862142437805;0.015925925925925926707193980292;0.014814814814814815380206169948;0.008888888888888888881179006773;0.001851851851851851922525771243;0.005185185185185185036127464286;0.006666666666666667094565124074;0.040000000000000000832667268469;0.000000000000000000000000000000;0.012962962962962962590318660716;0.015555555555555555108382392859;0.010000000000000000208166817117;0.012222222222222222862142437805;0.014444444444444443781394582516;0.027407407407407408106436719208;0.011851851851851851263330850372
-0.019135802469135803488553548846;0.024074074074074074125473288177;0.015123456790123456644492350165;0.380864197530864201368672183889;0.012654320987654321326032480499;0.018209876543209876226248056241;0.005555555555555555767577313730;0.018827160493827162224267368629;0.005555555555555555767577313730;0.008333333333333333217685101602;0.012962962962962962590318660716;0.002777777777777777883788656865;0.021913580246913581806023074705;0.017283950617283948963942563637;0.025000000000000001387778780781;0.014197530864197531116910333537;0.028395061728395062233820667075;0.020370370370370372015145221667;0.015740740740740739173064710599;0.003086419753086419581755706076;0.014506172839506172381196513754;0.003086419753086419581755706076;0.001543209876543209790877853038;0.009876543209876543008562954640;0.027469135802469134971515174470;0.016049382716049383906797842769;0.015740740740740739173064710599;0.021604938271604937072289942535;0.001851851851851851922525771243;0.012962962962962962590318660716;0.000925925925925925961262885622;0.011111111111111111535154627461;0.009876543209876543008562954640;0.004320987654320987240985640909;0.015740740740740739173064710599;0.014814814814814815380206169948;0.004938271604938271504281477320;0.008950617283950617480980938012;0.000000000000000000000000000000;0.004012345679012345976699460692;0.006790123456790123426807248563;0.017283950617283948963942563637;0.000000000000000000000000000000;0.006790123456790123426807248563;0.017592592592592593697675695807;0.009876543209876543008562954640;0.020679012345679013279431401884;0.020987654320987654543717582101;0.010493827160493827271858791050;0.020061728395061727281412089496
-0.020370370370370372015145221667;0.032716049382716050342168045972;0.028703703703703703498106847292;0.019444444444444444752839729063;0.031172839506172840551290192934;0.033950617283950615399312766840;0.006172839506172839163511412153;0.029629629629629630760412339896;0.022839506172839505598881615356;0.010802469135802468536144971267;0.017592592592592593697675695807;0.032407407407407405608434913802;0.013888888888888888117900677344;0.017901234567901234961961876024;0.021296296296296295808003762318;0.011728395061728395798450463872;0.018827160493827162224267368629;0.042283950617283953821168296372;0.049074074074074075513252068959;0.004629629629629629372633559115;0.030555555555555554553270880547;0.013580246913580246853614497127;0.010185185185185186007572610833;0.018518518518518517490534236458;0.029012345679012344762393027509;0.012345679012345678327022824305;0.029938271604938272024698520113;0.037654320987654324448534737257;0.002777777777777777883788656865;0.051234567901234567832702282431;0.022222222222222223070309254922;0.012345679012345678327022824305;0.030246913580246913288984700330;0.007407407407407407690103084974;0.020061728395061727281412089496;0.026851851851851852442942814037;0.010802469135802468536144971267;0.011419753086419752799440807678;0.004938271604938271504281477320;0.008950617283950617480980938012;0.014506172839506172381196513754;0.032098765432098767813595685539;0.000000000000000000000000000000;0.010185185185185186007572610833;0.012962962962962962590318660716;0.012962962962962962590318660716;0.014814814814814815380206169948;0.010493827160493827271858791050;0.022222222222222223070309254922;0.013271604938271605589328316910
-0.026744186046511627535826605140;0.042635658914728681578854008194;0.030232558139534883301369205810;0.096124031007751936650507218474;0.025193798449612402751141004842;0.024418604651162790358798204693;0.003488372093023255765542600670;0.029844961240310077105197805736;0.035658914728682170047768806853;0.006201550387596899138742401192;0.015503875968992247846856002980;0.014728682170542635454513202831;0.022093023255813953181769804246;0.014728682170542635454513202831;0.027131782945736433731998005214;0.026744186046511627535826605140;0.022868217054263565574112604395;0.051162790697674417894624809833;0.025193798449612402751141004842;0.002325581395348837177028400447;0.018604651162790697416227203576;0.017054263565891472631541603278;0.010465116279069767296627802011;0.009302325581395348708113601788;0.036046511627906979713387158881;0.017441860465116278827713003352;0.022480620155038759377941204320;0.028682170542635658516683605512;0.000775193798449612392342800149;0.026744186046511627535826605140;0.018604651162790697416227203576;0.006976744186046511531085201341;0.021317829457364340789427004097;0.005038759689922480550228200968;0.017441860465116278827713003352;0.021705426356589146985598404171;0.011240310077519379688970602160;0.015116279069767441650684602905;0.003875968992248061961714000745;0.008914728682170542511942201713;0.007364341085271317727256601415;0.042248062015503878852129560073;0.000000000000000000000000000000;0.006201550387596899138742401192;0.020542635658914728397084203948;0.006589147286821705334913801266;0.011627906976744185885142002235;0.013178294573643410669827602533;0.018604651162790697416227203576;0.012790697674418604473656202458
-0.025000000000000001387778780781;0.011781609195402298687072040195;0.020402298850574714095262862656;0.095402298850574718258599205001;0.052873563218390803863933058437;0.064367816091954022095222853750;0.003160919540229885013604693711;0.010919540229885057319725305547;0.028160919540229884666659998516;0.006321839080459770027209387422;0.014080459770114942333329999258;0.084195402298850571809474274687;0.022126436781609196829956331953;0.014367816091954022789112244141;0.010344827586206896408160815781;0.017241379310344827346934692969;0.009770114942528735496596326016;0.023275862068965518653085311485;0.025862068965517241020402039453;0.006321839080459770027209387422;0.015804597701149426802746944531;0.016379310344827587714311434297;0.014942528735632183700676733906;0.008333333333333333217685101602;0.033908045977011497251751848125;0.015229885057471264156458978789;0.020689655172413792816321631562;0.025287356321839080108837549687;0.000000000000000000000000000000;0.083045977011494256925239199063;0.029597701149425288680294698906;0.005172413793103448204080407891;0.012068965517241379142854285078;0.005172413793103448204080407891;0.014655172413793103244894489023;0.013218390804597700965983264609;0.010057471264367815952378570898;0.004885057471264367748298163008;0.010919540229885057319725305547;0.015517241379310344612241223672;0.003735632183908045925169183477;0.023850574712643679564649801250;0.000000000000000000000000000000;0.005747126436781609115644897656;0.006609195402298850482991632305;0.005172413793103448204080407891;0.007183908045977011394556122070;0.012643678160919540054418774844;0.023850574712643679564649801250;0.010344827586206896408160815781
-0.020588235294117646773104368663;0.011764705882352941013202496379;0.023856209150326795898067189228;0.268954248366013060067558626542;0.041830065359477121289533130266;0.045751633986928101627267295726;0.001633986928104575213002713774;0.015359477124183005744550989391;0.011764705882352941013202496379;0.013071895424836601704021710191;0.014379084967320260660117448026;0.033986928104575160614064799347;0.017320261437908497648141548098;0.017973856209150325391465941038;0.022222222222222223070309254922;0.012418300653594770491250365296;0.014052287581699346788455251556;0.019934640522875815560333023768;0.020915032679738560644766565133;0.003921568627450980337734165460;0.012745098039215686097636037744;0.010130718954248366450721086096;0.006535947712418300852010855095;0.016013071895424835222598858309;0.027777777777777776235801354687;0.011764705882352941013202496379;0.019281045751633987817008630827;0.016993464052287580307032399674;0.000653594771241830020148955160;0.058496732026143791194350285423;0.015686274509803921350936661838;0.008496732026143790153516199837;0.010130718954248366450721086096;0.005555555555555555767577313730;0.013398692810457515575683906661;0.014379084967320260660117448026;0.007843137254901960675468330919;0.005228758169934640161191641283;0.002941176470588235253300624095;0.013398692810457515575683906661;0.005555555555555555767577313730;0.011764705882352941013202496379;0.000000000000000000000000000000;0.004575163398692810683143772366;0.017320261437908497648141548098;0.007189542483660130330058724013;0.013398692810457515575683906661;0.011437908496732025406816823931;0.010457516339869280322383282567;0.009150326797385621366287544731
-0.013492063492063492702310867344;0.008730158730158730367998387578;0.025396825396825396803368590781;0.312698412698412697707794905000;0.003968253968253968033685907812;0.005555555555555555767577313730;0.008730158730158730367998387578;0.021031746031746033354092872969;0.005952380952380952050528861719;0.023809523809523808202115446875;0.014682539682539682418527249297;0.000793650793650793650105268462;0.023412698412698412786525636875;0.029761904761904760252644308594;0.012698412698412698401684295391;0.009126984126984127518311673555;0.028968253968253969421464688594;0.028571428571428570536427926640;0.011507936507936508685467913438;0.004365079365079365183999193789;0.017857142857142856151586585156;0.000793650793650793650105268462;0.006349206349206349200842147695;0.033333333333333332870740406406;0.015873015873015872134743631250;0.024206349206349207087152208828;0.028174603174603175120838116641;0.006349206349206349200842147695;0.003968253968253968033685907812;0.007142857142857142634106981660;0.000793650793650793650105268462;0.020238095238095239053466301016;0.007539682539682539784420267637;0.006746031746031746351155433672;0.023809523809523808202115446875;0.021428571428571428769682682969;0.011904761904761904101057723437;0.009126984126984127518311673555;0.000396825396825396825052634231;0.002777777777777777883788656865;0.005158730158730158617264027754;0.006349206349206349200842147695;0.000000000000000000000000000000;0.020634920634920634469056111016;0.008333333333333333217685101602;0.015476190476190476719153821250;0.028174603174603175120838116641;0.027380952380952380820211544687;0.024206349206349207087152208828;0.022222222222222223070309254922
-0.025277777777777777484802257391;0.026388888888888888811790067734;0.017222222222222222098864108375;0.030277777777777778456247403938;0.065000000000000002220446049250;0.031111111111111110216764785719;0.003055555555555555715535609451;0.036388888888888887285233408875;0.010833333333333333703407674875;0.012500000000000000693889390391;0.024166666666666666157814447047;0.028055555555555555802271783250;0.009444444444444444544672911945;0.014166666666666665949647629930;0.059166666666666666019036568969;0.021666666666666667406815349750;0.008611111111111111049432054187;0.033333333333333332870740406406;0.050555555555555554969604514781;0.002222222222222222220294751693;0.023888888888888890060790970438;0.006111111111111111431071218902;0.004444444444444444440589503387;0.020555555555555556079827539406;0.034444444444444444197728216750;0.022499999999999999167332731531;0.028888888888888887562789165031;0.042777777777777775680689842375;0.002777777777777777883788656865;0.045833333333333330095182844843;0.020000000000000000416333634234;0.013611111111111110286153724758;0.023611111111111110494320541875;0.006388888888888889262818171488;0.008611111111111111049432054187;0.019166666666666665186369300500;0.007222222222222221890697291258;0.009444444444444444544672911945;0.001944444444444444388547799107;0.003333333333333333547282562037;0.009444444444444444544672911945;0.007777777777777777554191196430;0.000000000000000000000000000000;0.012500000000000000693889390391;0.046666666666666668794594130532;0.011111111111111111535154627461;0.018055555555555553859381490156;0.010833333333333333703407674875;0.019722222222222220849863205672;0.008888888888888888881179006773
-0.021474358974358974394558430276;0.013461538461538462285727035805;0.025961538461538462979616426196;0.186538461538461541877609306539;0.010256410256410256401360392431;0.033333333333333332870740406406;0.002884615384615384775512936244;0.016666666666666666435370203203;0.021474358974358974394558430276;0.012820512820512820068019621544;0.012500000000000000693889390391;0.011858974358974358476181976130;0.026282051282051282353746657350;0.021474358974358974394558430276;0.017948717948717947401338079771;0.016987179487179485809500434357;0.017307692307692308653077617464;0.026602564102564101727876888503;0.015064102564102564360548619504;0.004166666666666666608842550801;0.011858974358974358476181976130;0.036538461538461540489830525757;0.006089743589743589792517841630;0.023717948717948716952363952259;0.035256410256410256054415697236;0.023076923076923078204103489952;0.025961538461538462979616426196;0.025641025641025640136039243089;0.001923076923076923183675290829;0.041025641025641025605441569724;0.009935897435897435292506685300;0.016666666666666666435370203203;0.009615384615384615918376454147;0.004807692307692307959188227073;0.013782051282051281659857266959;0.024038461538461539795941135367;0.010576923076923077510214099561;0.006730769230769231142863517903;0.012820512820512820068019621544;0.012820512820512820068019621544;0.007692307692307692734701163317;0.023076923076923078204103489952;0.000000000000000000000000000000;0.018910256410256408993175725186;0.007051282051282051384355487045;0.009615384615384615918376454147;0.017628205128205128027207848618;0.015384615384615385469402326635;0.022756410256410255360526306845;0.009935897435897435292506685300
-0.035593220338983051764802922889;0.022033898305084745339321727897;0.023728813559322034509868615260;0.085593220338983047601466580545;0.024576271186440679095142058941;0.038135593220338985520623253933;0.006779661016949152345378859508;0.022033898305084745339321727897;0.019209039548022600191190534247;0.015254237288135593861304606378;0.021468926553672315615806098776;0.030225988700564972860851398195;0.024576271186440679095142058941;0.024293785310734464233384244380;0.011299435028248587531418678509;0.021468926553672315615806098776;0.016101694915254236711854574082;0.024576271186440679095142058941;0.016384180790960451573612388643;0.001694915254237288086344714877;0.014124293785310734414273348136;0.008474576271186440648564008882;0.003954802259887005462524189880;0.029943502824858757999093583635;0.043220338983050846093370012113;0.026553672316384179657999808910;0.023446327683615819648110800699;0.025706214689265535072726365229;0.005649717514124293765709339254;0.058474576271186441689398094468;0.020056497175141241307017025974;0.017231638418079096158885832324;0.010169491525423728084387420267;0.004802259887005650047797633562;0.016666666666666666435370203203;0.022033898305084745339321727897;0.006779661016949152345378859508;0.009887005649717514957353081684;0.002824858757062146882854669627;0.004237288135593220324282004441;0.010734463276836157807903049388;0.022316384180790960201079542458;0.000000000000000000000000000000;0.018079096045197740744159276005;0.012146892655367232116692122190;0.020338983050847456168774840535;0.025706214689265535072726365229;0.020903954802259885892290469656;0.013559322033898304690757719015;0.016949152542372881297128017763
-0.029999999999999998889776975375;0.018484848484848485916653970662;0.025151515151515150409133880771;0.272424242424242402105249993838;0.010000000000000000208166817117;0.031515151515151516858903590901;0.003333333333333333547282562037;0.014545454545454545441929283811;0.011515151515151514707846480690;0.017272727272727272929131459023;0.018181818181818180935049866775;0.012727272727272727695368992329;0.019393939393939393922572378415;0.021515151515151514916013297807;0.019090909090909092410415226482;0.022727272727272727903535809446;0.017272727272727272929131459023;0.019696969696969695434729530348;0.009696969696969696961286189207;0.003030303030303030300401934127;0.012121212121212121201607736509;0.006363636363636363847684496164;0.001818181818181818180241160476;0.023333333333333334397297065266;0.043939393939393937837945003366;0.035454545454545453864181325798;0.020303030303030301928490786167;0.012121212121212121201607736509;0.002121212121212121427121788386;0.020000000000000000416333634234;0.008181818181818182461606525635;0.013636363636363635701287400082;0.003939393939393939607362948863;0.003333333333333333547282562037;0.012121212121212121201607736509;0.024242424242424242403215473018;0.005454545454545454974404350423;0.008181818181818182461606525635;0.000606060606060606060080386825;0.003030303030303030300401934127;0.006969696969696969474084013996;0.017878787878787879422892714842;0.000000000000000000000000000000;0.015757575757575758429451795450;0.012424242424242424448488364419;0.011212121212121211460965852780;0.023636363636363635909454217199;0.024242424242424242403215473018;0.011818181818181817954727108599;0.018181818181818180935049866775
-0.019858156028368795231742183205;0.024822695035460994039677729006;0.035106382978723406351750924159;0.202836879432624100916271459027;0.012056737588652482323636760952;0.038652482269503546374878055758;0.002836879432624113666489007457;0.018439716312056736446933769002;0.030496453900709218770570529955;0.010283687943262410577349719176;0.015602836879432624081487368528;0.019148936170212765839337976104;0.012765957446808509981317492077;0.020921985815602835850901541903;0.019503546099290780535540079654;0.018794326241134751143135872553;0.010638297872340425273551822727;0.029432624113475178151411171257;0.020921985815602835850901541903;0.002482269503546099403967772901;0.013120567375886524677519595627;0.019503546099290780535540079654;0.004609929078014184111733442251;0.014184397163120567031402430302;0.032624113475177303478336199305;0.020921985815602835850901541903;0.026241134751773049355039191255;0.028368794326241134062804860605;0.000709219858156028416622251864;0.041134751773049642309398876705;0.007446808510638298211903318702;0.009929078014184397615871091602;0.008510638297872340565786153377;0.007801418439716312040743684264;0.008865248226950355261988256927;0.021985815602836879939507852555;0.007092198581560283515701215151;0.004964539007092198807935545801;0.005673758865248227332978014914;0.003900709219858156020371842132;0.005673758865248227332978014914;0.045390070921985818663824119312;0.000000000000000000000000000000;0.007801418439716312040743684264;0.012411347517730497019838864503;0.006382978723404254990658746038;0.023758865248226949951071418354;0.011702127659574467627434657402;0.017730496453900710523976513855;0.015957446808510637042965996102
-0.033055555555555553304269977843;0.003888888888888888777095598215;0.027222222222222220572307449515;0.191111111111111120486327763501;0.029444444444444443226283070203;0.033055555555555553304269977843;0.000833333333333333386820640509;0.013611111111111110286153724758;0.034444444444444444197728216750;0.010833333333333333703407674875;0.016388888888888890338346726594;0.085833333333333330927850113312;0.011944444444444445030395485219;0.020277777777777776513357110844;0.007499999999999999722444243844;0.029999999999999998889776975375;0.008611111111111111049432054187;0.014999999999999999444888487687;0.013611111111111110286153724758;0.005833333333333333599324266316;0.010833333333333333703407674875;0.014444444444444443781394582516;0.005000000000000000104083408559;0.008888888888888888881179006773;0.044999999999999998334665463062;0.016388888888888890338346726594;0.017777777777777777762358013547;0.013333333333333334189130248149;0.000000000000000000000000000000;0.049444444444444443642616704437;0.044722222222222218768195034500;0.004722222222222222272336455973;0.005555555555555555767577313730;0.005000000000000000104083408559;0.011388888888888889366901580047;0.014166666666666665949647629930;0.008055555555555555385938149016;0.009444444444444444544672911945;0.004444444444444444440589503387;0.009722222222222222376419864531;0.002500000000000000052041704279;0.026388888888888888811790067734;0.000000000000000000000000000000;0.005277777777777777935830361145;0.005277777777777777935830361145;0.005833333333333333599324266316;0.020833333333333332176851016015;0.015277777777777777276635440273;0.013055555555555556357383295563;0.014722222222222221613141535101
-0.038148148148148146308056283260;0.020370370370370372015145221667;0.020000000000000000416333634234;0.159629629629629621323516630582;0.017777777777777777762358013547;0.018518518518518517490534236458;0.029259259259259259161600752464;0.037407407407407410049327012302;0.005555555555555555767577313730;0.018888888888888889089345823891;0.018518518518518517490534236458;0.004444444444444444440589503387;0.017407407407407406163546426114;0.016296296296296294836558615771;0.025555555555555557051272685953;0.018888888888888889089345823891;0.024444444444444445724284875610;0.015925925925925926707193980292;0.029259259259259259161600752464;0.001851851851851851922525771243;0.033333333333333332870740406406;0.004444444444444444440589503387;0.003703703703703703845051542487;0.033703703703703701000105041885;0.033333333333333332870740406406;0.037777777777777778178691647781;0.018888888888888889089345823891;0.014074074074074073917306471060;0.002592592592592592518063732143;0.017407407407407406163546426114;0.002592592592592592518063732143;0.017407407407407406163546426114;0.008148148148148147418279307885;0.003703703703703703845051542487;0.015185185185185185244294281404;0.025925925925925925180637321432;0.004444444444444444440589503387;0.013333333333333334189130248149;0.000000000000000000000000000000;0.002592592592592592518063732143;0.024074074074074074125473288177;0.003333333333333333547282562037;0.000000000000000000000000000000;0.024444444444444445724284875610;0.014814814814814815380206169948;0.029259259259259259161600752464;0.027407407407407408106436719208;0.020370370370370372015145221667;0.012962962962962962590318660716;0.012592592592592592726230549260
-0.019491525423728815052948348807;0.027118644067796609381515438031;0.012146892655367232116692122190;0.157344632768361580854588055445;0.040960451977401127199307495630;0.024293785310734464233384244380;0.020056497175141241307017025974;0.032768361581920903147224777285;0.004237288135593220324282004441;0.013276836158192089828999904455;0.020903954802259885892290469656;0.002259887005649717593019909501;0.030508474576271187722609212756;0.016666666666666666435370203203;0.042090395480225986646338753872;0.013841807909604519552515533576;0.008474576271186440648564008882;0.023728813559322034509868615260;0.034180790960451977456013850087;0.003954802259887005462524189880;0.027401129943502824243273252591;0.001977401129943502731262094940;0.007627118644067796930652303189;0.024576271186440679095142058941;0.022033898305084745339321727897;0.023163841807909604786352986139;0.029096045197740113413820139954;0.028531073446327683690304510833;0.001977401129943502731262094940;0.032768361581920903147224777285;0.006214689265536723489224968375;0.010451977401129942946145234828;0.022033898305084745339321727897;0.008474576271186440648564008882;0.016666666666666666435370203203;0.015536723163841808723062420938;0.009604519774011300095595267123;0.009322033898305085233837452563;0.000000000000000000000000000000;0.005084745762711864042193710134;0.015536723163841808723062420938;0.011299435028248587531418678509;0.000000000000000000000000000000;0.012146892655367232116692122190;0.029096045197740113413820139954;0.018644067796610170467674905126;0.013559322033898304690757719015;0.012994350282485874967242089895;0.022316384180790960201079542458;0.013559322033898304690757719015
-0.025833333333333333148296162562;0.011388888888888889366901580047;0.012777777777777778525636342977;0.360833333333333339254522798001;0.021666666666666667406815349750;0.017222222222222222098864108375;0.006111111111111111431071218902;0.022222222222222223070309254922;0.010555555555555555871660722289;0.008333333333333333217685101602;0.014722222222222221613141535101;0.006388888888888889262818171488;0.027777777777777776235801354687;0.020277777777777776513357110844;0.015833333333333334674852821422;0.014722222222222221613141535101;0.001111111111111111110147375847;0.010277777777777778039913769703;0.013888888888888888117900677344;0.002222222222222222220294751693;0.013055555555555556357383295563;0.004166666666666666608842550801;0.009444444444444444544672911945;0.010833333333333333703407674875;0.029722222222222222792753498766;0.026111111111111112714766591125;0.021666666666666667406815349750;0.021111111111111111743321444578;0.000000000000000000000000000000;0.021666666666666667406815349750;0.003611111111111110945348645629;0.003055555555555555715535609451;0.011666666666666667198648532633;0.008888888888888888881179006773;0.020000000000000000416333634234;0.008333333333333333217685101602;0.004166666666666666608842550801;0.011944444444444445030395485219;0.005277777777777777935830361145;0.006111111111111111431071218902;0.006388888888888889262818171488;0.011388888888888889366901580047;0.000000000000000000000000000000;0.011944444444444445030395485219;0.021111111111111111743321444578;0.018888888888888889089345823891;0.011388888888888889366901580047;0.018888888888888889089345823891;0.019166666666666665186369300500;0.015833333333333334674852821422
-0.020000000000000000416333634234;0.012727272727272727695368992329;0.047575757575757576800512538284;0.190606060606060612183654257024;0.029999999999999998889776975375;0.050303030303030300818267761542;0.003636363636363636360482320953;0.017878787878787879422892714842;0.017575757575757574441288610956;0.013030303030303030942249620239;0.013636363636363635701287400082;0.043030303030303029832026595614;0.009696969696969696961286189207;0.020909090909090908422252041987;0.014848484848484848688809911721;0.027272727272727271402574800163;0.015454545454545455182571167541;0.021515151515151514916013297807;0.017575757575757574441288610956;0.004242424242424242854243576772;0.008787878787878787220644305478;0.011818181818181817954727108599;0.005454545454545454974404350423;0.017575757575757574441288610956;0.044545454545454547801153211140;0.017878787878787879422892714842;0.020000000000000000416333634234;0.018181818181818180935049866775;0.002121212121212121427121788386;0.051212121212121208824186169295;0.018181818181818180935049866775;0.011212121212121211460965852780;0.007575757575757575967845269815;0.010303030303030303455047445027;0.006969696969696969474084013996;0.018787878787878787428811122595;0.006060606060606060600803868255;0.007878787878787879214725897725;0.002727272727272727487202175212;0.003636363636363636360482320953;0.005757575757575757353923240345;0.018181818181818180935049866775;0.000000000000000000000000000000;0.006060606060606060600803868255;0.013030303030303030942249620239;0.006060606060606060600803868255;0.021212121212121213403856145874;0.016363636363636364923213051270;0.010606060606060606701928072937;0.020303030303030301928490786167
-0.023391812865497074724885351316;0.013450292397660818313753772202;0.024269005847953217802626113553;0.260526315789473661421737915589;0.040935672514619880768549364802;0.040058479532163744629702506472;0.001461988304093567170305334457;0.008479532163742689240826244657;0.022514619883040935116591541032;0.007017543859649122937882648188;0.013157894736842104532748010115;0.066081871345029241648916240592;0.007017543859649122937882648188;0.011695906432748537362442675658;0.013742690058479532094759534289;0.024269005847953217802626113553;0.007017543859649122937882648188;0.013742690058479532094759534289;0.013450292397660818313753772202;0.002339181286549707645960882729;0.008187134502923977194543958547;0.008479532163742689240826244657;0.008479532163742689240826244657;0.014035087719298245875765296375;0.035964912280701755165068789211;0.011988304093567251143448437745;0.012865497076023392486465724005;0.044444444444444446140618509844;0.000292397660818713455745110341;0.046491228070175437403488416521;0.035672514619883043118786503101;0.006432748538011696243232862003;0.004385964912280701510916003372;0.006725146198830409156876886101;0.006432748538011696243232862003;0.009064327485380116802837768830;0.005555555555555555767577313730;0.006432748538011696243232862003;0.004385964912280701510916003372;0.007309941520467835851526672286;0.002046783625730994298635989637;0.033040935672514620824458120296;0.000000000000000000000000000000;0.004970760233918129072927527545;0.007894736842105263413538196460;0.006432748538011696243232862003;0.017543859649122806043664013487;0.009064327485380116802837768830;0.010818713450292397754148865374;0.009941520467836258145855055091
-0.025000000000000001387778780781;0.010416666666666666088425508008;0.022916666666666665047591422422;0.341071428571428580944768782501;0.024107142857142858233254756328;0.027678571428571427381903902187;0.001190476190476190583578119941;0.010714285714285714384841341484;0.019047619047619049337249919063;0.007142857142857142634106981660;0.014285714285714285268213963320;0.060119047619047620567567236094;0.012202380952380952397473556914;0.015773809523809523280846178750;0.011309523809523809242949532461;0.029464285714285713690951951094;0.004761904761904762334312479766;0.013988095238095238706521605820;0.012202380952380952397473556914;0.003571428571428571317053490830;0.008630952380952381514100935078;0.008630952380952381514100935078;0.002678571428571428596210335371;0.005357142857142857192420670742;0.046428571428571430157461463750;0.016964285714285712997062560703;0.013392857142857142113689938867;0.021428571428571428769682682969;0.000297619047619047645894529985;0.038095238095238098674499838125;0.030357142857142856845475975547;0.002976190476190476025264430859;0.005952380952380952050528861719;0.005357142857142857192420670742;0.008333333333333333217685101602;0.007738095238095238359576910625;0.005357142857142857192420670742;0.005059523809523809763366575254;0.002678571428571428596210335371;0.002976190476190476025264430859;0.004166666666666666608842550801;0.015178571428571428422737987773;0.000000000000000000000000000000;0.007440476190476190063161077148;0.010416666666666666088425508008;0.005059523809523809763366575254;0.015178571428571428422737987773;0.011011904761904762681257174961;0.012202380952380952397473556914;0.013690476190476190410105772344
-0.020754716981132074332672132755;0.024528301886792454322705481218;0.013836477987421384044930405821;0.262893081761006286445336854740;0.032389937106918238740593807279;0.037106918238993709391326802916;0.005974842767295597892318603783;0.011635220125786162673198198547;0.011949685534591195784637207566;0.010377358490566037166336066377;0.012893081761006289914783806694;0.019811320754716980202525533628;0.016037735849056603681939137118;0.011635220125786162673198198547;0.027672955974842768089860811642;0.019811320754716980202525533628;0.019182389937106917449094467543;0.018238993710691823318947868415;0.014465408805031446798361471906;0.002201257861635220070689600291;0.009433962264150943036189467250;0.005031446540880502894810266667;0.003144654088050314634517068413;0.017295597484276729188801269288;0.033018867924528301494024873364;0.021698113207547168462818731882;0.011949685534591195784637207566;0.068553459119496854001774011067;0.003773584905660377387948134498;0.046540880503144650692792794189;0.014779874213836478175077004948;0.011006289308176099919767132462;0.006918238993710692022465202911;0.003459119496855346011232601455;0.004402515723270440141379200583;0.012893081761006289914783806694;0.004402515723270440141379200583;0.010062893081761005789620533335;0.002830188679245282824120666376;0.001886792452830188693974067249;0.005974842767295597892318603783;0.030503144654088050480300609024;0.000000000000000000000000000000;0.013207547169811321291499339736;0.011635220125786162673198198547;0.007547169811320754775896268995;0.012264150943396227161352740609;0.013207547169811321291499339736;0.008805031446540880282758401165;0.010377358490566037166336066377
-0.013071895424836601704021710191;0.029411764705882352533006240947;0.013071895424836601704021710191;0.194117647058823533656735094155;0.103921568627450985888849288585;0.022222222222222223070309254922;0.003594771241830065165029362007;0.011111111111111111535154627461;0.024836601307189540982500730593;0.003921568627450980337734165460;0.009803921568627450844335413649;0.034640522875816995296283096195;0.009150326797385621366287544731;0.007843137254901960675468330919;0.033986928104575160614064799347;0.008496732026143790153516199837;0.010130718954248366450721086096;0.018300653594771242732575089462;0.018300653594771242732575089462;0.002287581699346405341571886183;0.009477124183006535237949741202;0.010457516339869280322383282567;0.002941176470588235253300624095;0.007189542483660130330058724013;0.015032679738562091872888792921;0.012091503267973856619588168826;0.013071895424836601704021710191;0.110457516339869277199881025808;0.003594771241830065165029362007;0.074183006535947712545286947261;0.016339869281045752563708006733;0.005882352941176470506601248189;0.011111111111111111535154627461;0.005228758169934640161191641283;0.004575163398692810683143772366;0.009150326797385621366287544731;0.002614379084967320080595820642;0.003921568627450980337734165460;0.008823529411764705759901872284;0.004575163398692810683143772366;0.006862745098039215591034789554;0.036601307189542485465150178925;0.000000000000000000000000000000;0.003267973856209150426005427548;0.022222222222222223070309254922;0.004248366013071895076758099918;0.010130718954248366450721086096;0.004248366013071895076758099918;0.003921568627450980337734165460;0.005555555555555555767577313730
-0.018678160919540231360569393360;0.010632183908045976863943060664;0.038505747126436784544267766250;0.180747126436781618830096363126;0.058620689655172412979577956094;0.023850574712643679564649801250;0.002873563218390804557822448828;0.017816091954022988258499182734;0.016666666666666666435370203203;0.016954022988505748625875924063;0.015804597701149426802746944531;0.059195402298850577360589397813;0.005459770114942528659862652773;0.026149425287356323210907760313;0.021551724137931035918391842188;0.019827586206896553183698372891;0.010919540229885057319725305547;0.018103448275862070449004903594;0.016379310344827587714311434297;0.005172413793103448204080407891;0.010344827586206896408160815781;0.018390804597701149170063672500;0.004310344827586206836733673242;0.022988505747126436462579590625;0.029885057471264367401353467812;0.021551724137931035918391842188;0.020689655172413792816321631562;0.015517241379310344612241223672;0.001436781609195402278911224414;0.058620689655172412979577956094;0.018965517241379310081628162266;0.012356321839080459598636529961;0.005747126436781609115644897656;0.008908045977011494129249591367;0.006321839080459770027209387422;0.022126436781609196829956331953;0.006609195402298850482991632305;0.008045977011494252761902856719;0.001724137931034482734693469297;0.008045977011494252761902856719;0.008333333333333333217685101602;0.010919540229885057319725305547;0.000000000000000000000000000000;0.012643678160919540054418774844;0.017816091954022988258499182734;0.008620689655172413673467346484;0.019827586206896553183698372891;0.013793103448275861877547754375;0.007758620689655172306120611836;0.013793103448275861877547754375
-0.030790960451977402584367027316;0.016666666666666666435370203203;0.033615819209039547732498220967;0.126836158192090403540319698550;0.029943502824858757999093583635;0.029378531073446328275577954514;0.005932203389830508627467153815;0.027966101694915253966788881712;0.019491525423728815052948348807;0.036440677966101696350076366571;0.017514124293785311020643646884;0.021186440677966100754048284216;0.013559322033898304690757719015;0.024011299435028249371626429820;0.022316384180790960201079542458;0.025988700564971749934484179789;0.020056497175141241307017025974;0.011864406779661017254934307630;0.017231638418079096158885832324;0.004802259887005650047797633562;0.016101694915254236711854574082;0.015819209039548021850096759522;0.000847457627118644043172357438;0.040960451977401127199307495630;0.033050847457627118008982591846;0.031638418079096043700193519044;0.025706214689265535072726365229;0.019491525423728815052948348807;0.001129943502824858796509954750;0.022881355932203389924595171578;0.011016949152542372669660863949;0.018926553672316385329432719686;0.009887005649717514957353081684;0.005649717514124293765709339254;0.008757062146892655510321823442;0.035310734463276836903045108329;0.006497175141242937483621044947;0.008192090395480225786806194321;0.001977401129943502731262094940;0.002824858757062146882854669627;0.012994350282485874967242089895;0.009322033898305085233837452563;0.000000000000000000000000000000;0.024576271186440679095142058941;0.014406779661016949276031162697;0.014124293785310734414273348136;0.026271186440677964796241994350;0.016949152542372881297128017763;0.015819209039548021850096759522;0.013276836158192089828999904455
-0.013945578231292516530048786194;0.024829931972789116151334454230;0.014965986394557822744544317572;0.253741496598639482140669088039;0.061904761904761906876615285000;0.029591836734693878485646933996;0.004421768707482993596147302640;0.023809523809523808202115446875;0.014285714285714285268213963320;0.009183673469387755930459782405;0.014285714285714285268213963320;0.019047619047619049337249919063;0.017346938775510203911700557455;0.009183673469387755930459782405;0.041156462585034012113816004330;0.013605442176870747791883609068;0.013265306122448979053718431942;0.021768707482993195773124384118;0.028231292517006803532986225491;0.002380952380952381167156239883;0.012585034013605441577388077690;0.005102040816326530205115918903;0.006122448979591836419611450282;0.019047619047619049337249919063;0.022448979591836733249454738370;0.014625850340136054006379140446;0.020408163265306120820463675614;0.032312925170068028390968351005;0.001700680272108843473985451134;0.053401360544217686687762380870;0.009183673469387755930459782405;0.011564625850340135362892546311;0.010544217687074829148397014933;0.005102040816326530205115918903;0.014285714285714285268213963320;0.010544217687074829148397014933;0.005102040816326530205115918903;0.004421768707482993596147302640;0.001700680272108843473985451134;0.002380952380952381167156239883;0.006122448979591836419611450282;0.025510204081632653627664808482;0.000000000000000000000000000000;0.006802721088435373895941804534;0.021088435374149658296794029866;0.005442176870748298943281096030;0.010544217687074829148397014933;0.012244897959183672839222900564;0.011564625850340135362892546311;0.007142857142857142634106981660
-0.016666666666666666435370203203;0.043567251461988303062877747607;0.011988304093567251143448437745;0.093859649122807017884717595280;0.060233918128654972967694902763;0.046198830409356725357206130411;0.010233918128654970192137341201;0.023391812865497074724885351316;0.010526315789473683973143103287;0.009064327485380116802837768830;0.012573099415204678705459961918;0.027485380116959064189519068577;0.008479532163742689240826244657;0.009064327485380116802837768830;0.035087719298245612087328026973;0.014035087719298245875765296375;0.007602339181286549632532434373;0.029532163742690058921835927208;0.035964912280701755165068789211;0.001461988304093567170305334457;0.021637426900584795508297730748;0.004093567251461988597271979273;0.005555555555555555767577313730;0.008771929824561403021832006743;0.024269005847953217802626113553;0.013742690058479532094759534289;0.015789473684210526827076392919;0.119005847953216378765084471070;0.000000000000000000000000000000;0.089181286549707597388625401891;0.010233918128654970192137341201;0.006140350877192982462227099916;0.009064327485380116802837768830;0.003508771929824561468941324094;0.008187134502923977194543958547;0.016374269005847954389087917093;0.004970760233918129072927527545;0.004678362573099415291921765458;0.001754385964912280734470662047;0.001754385964912280734470662047;0.022222222222222223070309254922;0.034210526315789475948481168643;0.000000000000000000000000000000;0.004385964912280701510916003372;0.021052631578947367946286206575;0.008479532163742689240826244657;0.007602339181286549632532434373;0.007309941520467835851526672286;0.011111111111111111535154627461;0.007894736842105263413538196460
-0.026999999999999999694688668228;0.022999999999999999611421941381;0.034333333333333333758918826106;0.094000000000000000222044604925;0.038333333333333330372738601000;0.052666666666666667184770744825;0.002333333333333333526465880325;0.017333333333333332537673499019;0.037333333333333336423454085207;0.008333333333333333217685101602;0.017333333333333332537673499019;0.044333333333333335701809119200;0.012333333333333333300951828448;0.023333333333333334397297065266;0.017000000000000001221245327088;0.016666666666666666435370203203;0.011666666666666667198648532633;0.027666666666666665796991964044;0.018666666666666668211727042603;0.003666666666666666598434209945;0.013666666666666667240281896056;0.020333333333333331732761806165;0.003333333333333333547282562037;0.013666666666666667240281896056;0.036666666666666666851703837438;0.019666666666666665630458510350;0.021999999999999998723243521681;0.050666666666666665408413905425;0.000333333333333333322202191029;0.074333333333333334591586094575;0.014000000000000000291433543964;0.007666666666666666248020067798;0.010000000000000000208166817117;0.007666666666666666248020067798;0.008666666666666666268836749509;0.014999999999999999444888487687;0.006000000000000000124900090270;0.005666666666666667073748442363;0.005333333333333333155235056466;0.009333333333333334105863521302;0.003333333333333333547282562037;0.043666666666666666130058871431;0.000000000000000000000000000000;0.006333333333333333176051738178;0.008999999999999999319988397417;0.007333333333333333196868419890;0.018333333333333333425851918719;0.014666666666666666393736839780;0.014333333333333333342585191872;0.011666666666666667198648532633
-0.026602564102564101727876888503;0.007692307692307692734701163317;0.022756410256410255360526306845;0.201602564102564107972881402020;0.081410256410256412462622677140;0.038141025641025644299375585433;0.001602564102564102508502452693;0.013461538461538462285727035805;0.021474358974358974394558430276;0.006089743589743589792517841630;0.010897435897435896884344330715;0.079807692307692301714183713557;0.006089743589743589792517841630;0.018589743589743589619045494032;0.018910256410256408993175725186;0.023076923076923078204103489952;0.007051282051282051384355487045;0.012820512820512820068019621544;0.023397435897435897578233721106;0.002884615384615384775512936244;0.016987179487179485809500434357;0.012500000000000000693889390391;0.002564102564102564100340098108;0.012179487179487179585035683260;0.038461538461538463673505816587;0.013461538461538462285727035805;0.014423076923076923877564681220;0.016987179487179485809500434357;0.000320512820512820512542512263;0.065705128205128207619090119351;0.029166666666666667129259593594;0.006089743589743589792517841630;0.005769230769230769551025872488;0.004487179487179486850334519943;0.005128205128205128200680196215;0.012179487179487179585035683260;0.003846153846153846367350581659;0.004807692307692307959188227073;0.004166666666666666608842550801;0.004807692307692307959188227073;0.003846153846153846367350581659;0.017628205128205128027207848618;0.000000000000000000000000000000;0.006730769230769231142863517903;0.016025641025641024217662788942;0.005128205128205128200680196215;0.015384615384615385469402326635;0.009615384615384615918376454147;0.009935897435897435292506685300;0.017307692307692308653077617464
-0.041964285714285710915394389531;0.007738095238095238359576910625;0.046726190476190476719153821250;0.118452380952380947887192519374;0.007142857142857142634106981660;0.028273809523809523974735569141;0.005357142857142857192420670742;0.014880952380952380126322154297;0.027976190476190477413043211641;0.029464285714285713690951951094;0.014880952380952380126322154297;0.029166666666666667129259593594;0.009821428571428571230317317031;0.029761904761904760252644308594;0.007142857142857142634106981660;0.034523809523809526056403740313;0.021726190476190475331375040469;0.017857142857142856151586585156;0.015178571428571428422737987773;0.005654761904761904621474766230;0.011904761904761904101057723437;0.020238095238095239053466301016;0.002083333333333333304421275400;0.038690476190476191797884553125;0.043154761904761904101057723437;0.044940476190476190410105772344;0.022916666666666665047591422422;0.002678571428571428596210335371;0.000297619047619047645894529985;0.020833333333333332176851016015;0.019940476190476189022326991562;0.016964285714285712997062560703;0.005654761904761904621474766230;0.006547619047619047775998790684;0.011011904761904762681257174961;0.030357142857142856845475975547;0.010119047619047619526733150508;0.014285714285714285268213963320;0.003869047619047619179788455313;0.004464285714285714037896646289;0.005654761904761904621474766230;0.013690476190476190410105772344;0.000000000000000000000000000000;0.018154761904761906182725894610;0.004761904761904762334312479766;0.015178571428571428422737987773;0.037202380952380952050528861719;0.028571428571428570536427926640;0.012202380952380952397473556914;0.019940476190476189022326991562
-0.032222222222222221543752596062;0.010370370370370370072254928573;0.051111111111111114102545371907;0.033703703703703701000105041885;0.008148148148148147418279307885;0.025555555555555557051272685953;0.000370370370370370351979089074;0.021481481481481479872686080057;0.016296296296296294836558615771;0.040740740740740744030290443334;0.019259259259259260688157411323;0.002962962962962962815832712593;0.013703703703703704053218359604;0.046296296296296293726335591145;0.014074074074074073917306471060;0.019259259259259260688157411323;0.023333333333333334397297065266;0.028148148148148147834612942120;0.015925925925925926707193980292;0.008518518518518519017090895318;0.012962962962962962590318660716;0.009259259259259258745267118229;0.010000000000000000208166817117;0.058148148148148150193836869448;0.025555555555555557051272685953;0.051851851851851850361274642864;0.025185185185185185452461098521;0.006296296296296296363115274630;0.001851851851851851922525771243;0.021851851851851851471497667490;0.003333333333333333547282562037;0.025925925925925925180637321432;0.010740740740740739936343040029;0.009629629629629630344078705662;0.018148148148148149361169600979;0.054814814814814816212873438417;0.014074074074074073917306471060;0.007407407407407407690103084974;0.000740740740740740703958178148;0.004444444444444444440589503387;0.005925925925925925631665425186;0.010370370370370370072254928573;0.000000000000000000000000000000;0.020370370370370372015145221667;0.009629629629629630344078705662;0.010000000000000000208166817117;0.055925925925925927539861248761;0.034074074074074076068363581271;0.027777777777777776235801354687;0.022222222222222223070309254922
-0.025438596491228069457202209946;0.032456140350877189792999644169;0.035672514619883043118786503101;0.007602339181286549632532434373;0.019883040935672516291710110181;0.023391812865497074724885351316;0.007309941520467835851526672286;0.041228070175438599753725554820;0.015204678362573099265064868746;0.015789473684210526827076392919;0.019590643274853800775980872118;0.010233918128654970192137341201;0.025146198830409357410919923836;0.028362573099415203797812878861;0.034795321637426900041045740863;0.016666666666666666435370203203;0.017836257309941521559393251550;0.050877192982456138914404419893;0.031286549707602341607870499729;0.005555555555555555767577313730;0.023099415204678362678603065206;0.009649122807017544364849293004;0.010818713450292397754148865374;0.021052631578947367946286206575;0.028070175438596491751530592751;0.030116959064327486483847451382;0.035672514619883043118786503101;0.021345029239766083462015444638;0.002046783625730994298635989637;0.037719298245614034381656409778;0.004093567251461988597271979273;0.015497076023391813046070630833;0.024561403508771929848908399663;0.007017543859649122937882648188;0.026900584795321636627507544404;0.036549707602339179257633361431;0.015497076023391813046070630833;0.014912280701754385484059106659;0.001169590643274853822980441365;0.006140350877192982462227099916;0.011111111111111111535154627461;0.023391812865497074724885351316;0.000000000000000000000000000000;0.009064327485380116802837768830;0.021345029239766083462015444638;0.015204678362573099265064868746;0.022807017543859650632320779096;0.016959064327485378481652489313;0.028654970760233919313542116925;0.015204678362573099265064868746
-0.020212765957446809927944286756;0.025177304964539008735879832557;0.032269503546099288782134095754;0.000000000000000000000000000000;0.017730496453900710523976513855;0.043971631205673759879015705110;0.004255319148936170282893076688;0.026595744680851064051241294806;0.024822695035460994039677729006;0.009574468085106382919668988052;0.016312056737588651739168099652;0.080496453900709225015575043471;0.015248226950354609385285264977;0.015957446808510637042965996102;0.019503546099290780535540079654;0.015248226950354609385285264977;0.016312056737588651739168099652;0.068085106382978724526289227015;0.029787234042553192847613274807;0.010638297872340425273551822727;0.016312056737588651739168099652;0.014184397163120567031402430302;0.028723404255319148759006964156;0.019503546099290780535540079654;0.030141843971631204074368426404;0.017375886524822695827774410304;0.034397163120567376959346717058;0.012411347517730497019838864503;0.000709219858156028416622251864;0.050354609929078017471759665113;0.034397163120567376959346717058;0.009574468085106382919668988052;0.024113475177304964647273521905;0.004609929078014184111733442251;0.017375886524822695827774410304;0.025886524822695034658837087704;0.012056737588652482323636760952;0.002482269503546099403967772901;0.006737588652482269686860849589;0.015957446808510637042965996102;0.013120567375886524677519595627;0.020567375886524821154699438353;0.000000000000000000000000000000;0.008510638297872340565786153377;0.014184397163120567031402430302;0.010638297872340425273551822727;0.013829787234042552335200326752;0.013829787234042552335200326752;0.022695035460992909331912059656;0.013120567375886524677519595627
-0.021590909090909091161414323778;0.032954545454545451643735276548;0.029545454545454544886817771498;0.009848484848484847717364765174;0.022348484848484850145977631541;0.051893939393939395032795403040;0.003409090909090908925321850020;0.031818181818181814901613790880;0.021590909090909091161414323778;0.018560606060606062162054996634;0.015151515151515151935690539631;0.015909090909090907450806895440;0.022348484848484850145977631541;0.026136363636363634660453314495;0.023863636363636364645657295114;0.014393939393939394685850707845;0.039772727272727272096464190554;0.046590909090909092549193104560;0.021590909090909091161414323778;0.009848484848484847717364765174;0.018181818181818180935049866775;0.013636363636363635701287400082;0.018939393939393939919613174538;0.021590909090909091161414323778;0.029924242424242422644375949403;0.016287878787878788677812025298;0.034090909090909088385856762216;0.023106060606060605661093987351;0.002272727272727272616881233347;0.052651515151515150547911758849;0.008333333333333333217685101602;0.021212121212121213403856145874;0.013636363636363635701287400082;0.005303030303030303350964036468;0.017424242424242425419933510966;0.039393939393939390869459060696;0.014772727272727272443408885749;0.006439393939393939225723784148;0.001515151515151515150200967064;0.014015151515151515193569053963;0.011742424242424241709326082628;0.035984848484848487581988507600;0.000000000000000000000000000000;0.010606060606060606701928072937;0.014393939393939394685850707845;0.009848484848484847717364765174;0.015909090909090907450806895440;0.012121212121212121201607736509;0.023106060606060605661093987351;0.014393939393939394685850707845
-0.031349206349206348853897452500;0.019841269841269840168429539062;0.033730158730158728286330216406;0.001587301587301587300210536924;0.007539682539682539784420267637;0.053968253968253970809243469375;0.013888888888888888117900677344;0.022619047619047618485899064922;0.035317460317460316887583360312;0.021031746031746033354092872969;0.021428571428571428769682682969;0.010714285714285714384841341484;0.039285714285714284921269268125;0.028174603174603175120838116641;0.014682539682539682418527249297;0.018650793650793650452213157109;0.022222222222222223070309254922;0.036904761904761905488836504219;0.023412698412698412786525636875;0.007936507936507936067371815625;0.016269841269841271019780393203;0.017857142857142856151586585156;0.014285714285714285268213963320;0.028571428571428570536427926640;0.038888888888888889505679458125;0.034126984126984123701920026406;0.025793650793650792218958400781;0.013888888888888888117900677344;0.005158730158730158617264027754;0.060317460317460318275362141094;0.007936507936507936067371815625;0.012698412698412698401684295391;0.020634920634920634469056111016;0.005158730158730158617264027754;0.017460317460317460735996775156;0.024603174603174602502742018828;0.013492063492063492702310867344;0.013888888888888888117900677344;0.005158730158730158617264027754;0.013492063492063492702310867344;0.007142857142857142634106981660;0.030952380952380953438307642500;0.000000000000000000000000000000;0.013888888888888888117900677344;0.006746031746031746351155433672;0.029365079365079364837054498594;0.014285714285714285268213963320;0.011507936507936508685467913438;0.020634920634920634469056111016;0.011507936507936508685467913438
-0.019166666666666665186369300500;0.018333333333333333425851918719;0.020555555555555556079827539406;0.246111111111111113824989615750;0.013333333333333334189130248149;0.037499999999999998612221219219;0.008888888888888888881179006773;0.021666666666666667406815349750;0.018888888888888889089345823891;0.010833333333333333703407674875;0.013888888888888888117900677344;0.016111111111111110771876298031;0.032222222222222221543752596062;0.014444444444444443781394582516;0.017777777777777777762358013547;0.016111111111111110771876298031;0.017222222222222222098864108375;0.023333333333333334397297065266;0.018888888888888889089345823891;0.003611111111111110945348645629;0.017500000000000001665334536938;0.014999999999999999444888487687;0.006666666666666667094565124074;0.019722222222222220849863205672;0.028611111111111111465765688422;0.016388888888888890338346726594;0.018333333333333333425851918719;0.014999999999999999444888487687;0.001111111111111111110147375847;0.050000000000000002775557561563;0.008888888888888888881179006773;0.008333333333333333217685101602;0.012500000000000000693889390391;0.008333333333333333217685101602;0.016388888888888890338346726594;0.015833333333333334674852821422;0.006388888888888889262818171488;0.011388888888888889366901580047;0.004444444444444444440589503387;0.011944444444444445030395485219;0.007499999999999999722444243844;0.022222222222222223070309254922;0.000000000000000000000000000000;0.013611111111111110286153724758;0.011388888888888889366901580047;0.018333333333333333425851918719;0.012777777777777778525636342977;0.010555555555555555871660722289;0.012222222222222222862142437805;0.009722222222222222376419864531
-0.016326530612244899431928502054;0.017346938775510203911700557455;0.026530612244897958107436863884;0.345578231292517024098032152324;0.015646258503401361955598147802;0.038095238095238098674499838125;0.002040816326530612428991062757;0.010204081632653060410231837807;0.011224489795918366624727369185;0.009523809523809524668624959531;0.011904761904761904101057723437;0.011904761904761904101057723437;0.022789115646258503722343391473;0.016326530612244899431928502054;0.019727891156462583344133321361;0.014625850340136054006379140446;0.017346938775510203911700557455;0.015986394557823128959039848951;0.018027210884353741388030911708;0.004081632653061224857982125513;0.004421768707482993596147302640;0.010204081632653060410231837807;0.003401360544217686947970902267;0.016326530612244899431928502054;0.027210884353741495583767218136;0.014285714285714285268213963320;0.020748299319727891293352328717;0.015986394557823128959039848951;0.002721088435374149471640548015;0.030612244897959182965418989397;0.008503401360544218454129428153;0.016666666666666666435370203203;0.007823129251700680977799073901;0.009523809523809524668624959531;0.011224489795918366624727369185;0.014625850340136054006379140446;0.003401360544217686947970902267;0.009523809523809524668624959531;0.001700680272108843473985451134;0.009183673469387755930459782405;0.005782312925170067681446273156;0.025850340136054420631106509632;0.000000000000000000000000000000;0.007482993197278911372272158786;0.020408163265306120820463675614;0.004081632653061224857982125513;0.013265306122448979053718431942;0.014965986394557822744544317572;0.012925170068027210315553254816;0.011904761904761904101057723437
-0.029885057471264367401353467812;0.017528735632183909537440413828;0.031321839080459767945541216250;0.188218390804597707210987778126;0.022413793103448275551015100859;0.020114942528735631904757141797;0.006609195402298850482991632305;0.020689655172413792816321631562;0.017241379310344827346934692969;0.014655172413793103244894489023;0.016091954022988505523805713437;0.010919540229885057319725305547;0.024137931034482758285708570156;0.027586206896551723755095508750;0.018965517241379310081628162266;0.018103448275862070449004903594;0.023563218390804597374144080391;0.027873563218390805945601229610;0.021551724137931035918391842188;0.004885057471264367748298163008;0.016666666666666666435370203203;0.008620689655172413673467346484;0.008908045977011494129249591367;0.014367816091954022789112244141;0.028160919540229884666659998516;0.032183908045977011047611426875;0.022988505747126436462579590625;0.015229885057471264156458978789;0.001436781609195402278911224414;0.020402298850574714095262862656;0.005172413793103448204080407891;0.006609195402298850482991632305;0.014942528735632183700676733906;0.012068965517241379142854285078;0.033908045977011497251751848125;0.014367816091954022789112244141;0.007758620689655172306120611836;0.012931034482758620510201019727;0.004885057471264367748298163008;0.008908045977011494129249591367;0.006609195402298850482991632305;0.016954022988505748625875924063;0.000000000000000000000000000000;0.009195402298850574585031836250;0.015804597701149426802746944531;0.015517241379310344612241223672;0.017816091954022988258499182734;0.021551724137931035918391842188;0.023275862068965518653085311485;0.020402298850574714095262862656
-0.034375000000000002775557561563;0.010416666666666666088425508008;0.043055555555555555247160270937;0.012152777777777777970524830664;0.018402777777777778317469525859;0.039583333333333331482961625625;0.001736111111111111014737584668;0.018749999999999999306110609609;0.034027777777777774848022573906;0.019097222222222223764198645313;0.020138888888888890199568848516;0.022569444444444444058950338672;0.021180555555555556634939051719;0.034722222222222223764198645313;0.012152777777777777970524830664;0.025694444444444443365060948281;0.027430555555555555247160270937;0.034375000000000002775557561563;0.018055555555555553859381490156;0.011805555555555555247160270937;0.019097222222222223764198645313;0.015625000000000000000000000000;0.010763888888888888811790067734;0.034722222222222223764198645313;0.045833333333333330095182844843;0.042361111111111113269878103438;0.020486111111111111188209932266;0.005902777777777777623580135469;0.001736111111111111014737584668;0.034722222222222223764198645313;0.007986111111111110494320541875;0.016319444444444445446729119453;0.013541666666666667129259593594;0.005208333333333333044212754004;0.017361111111111111882099322656;0.041666666666666664353702032031;0.014236111111111110841265237070;0.009027777777777776929690745078;0.003819444444444444319158860068;0.009374999999999999653055304805;0.006597222222222222202947516934;0.024652777777777776929690745078;0.000000000000000000000000000000;0.019444444444444444752839729063;0.006944444444444444058950338672;0.014583333333333333564629796797;0.031597222222222220988641083750;0.025000000000000001387778780781;0.021874999999999998612221219219;0.019791666666666665741480812812
-0.028611111111111111465765688422;0.007777777777777777554191196430;0.042777777777777775680689842375;0.174722222222222223209087133000;0.013055555555555556357383295563;0.046666666666666668794594130532;0.000277777777777777777536843962;0.012222222222222222862142437805;0.032500000000000001110223024625;0.010000000000000000208166817117;0.018333333333333333425851918719;0.047500000000000000555111512313;0.024444444444444445724284875610;0.025000000000000001387778780781;0.008333333333333333217685101602;0.017777777777777777762358013547;0.017777777777777777762358013547;0.026388888888888888811790067734;0.013611111111111110286153724758;0.007222222222222221890697291258;0.007499999999999999722444243844;0.014444444444444443781394582516;0.006111111111111111431071218902;0.016666666666666666435370203203;0.044999999999999998334665463062;0.022777777777777778733803160094;0.022222222222222223070309254922;0.005277777777777777935830361145;0.000555555555555555555073687923;0.049722222222222223209087133000;0.021111111111111111743321444578;0.010277777777777778039913769703;0.007777777777777777554191196430;0.003888888888888888777095598215;0.017500000000000001665334536938;0.023888888888888890060790970438;0.008888888888888888881179006773;0.008611111111111111049432054187;0.000277777777777777777536843962;0.005833333333333333599324266316;0.003888888888888888777095598215;0.023888888888888890060790970438;0.000000000000000000000000000000;0.007499999999999999722444243844;0.006388888888888889262818171488;0.004722222222222222272336455973;0.019722222222222220849863205672;0.021666666666666667406815349750;0.019166666666666665186369300500;0.019722222222222220849863205672
-0.029559748427672956350154009897;0.013836477987421384044930405821;0.043710691823899368302352996807;0.121069182389937107791055836969;0.009433962264150943036189467250;0.047798742138364783138548830266;0.003144654088050314634517068413;0.008176100628930817529327335080;0.022641509433962262592965331010;0.013522012578616352668214872779;0.018553459119496854695663401458;0.032389937106918238740593807279;0.031446540880503144610447208152;0.028301886792452830843291877727;0.016666666666666666435370203203;0.024842767295597485699421014260;0.034905660377358489754318071618;0.028930817610062893596722943812;0.013522012578616352668214872779;0.006603773584905660645749669868;0.006289308176100629269034136826;0.014465408805031446798361471906;0.008176100628930817529327335080;0.014779874213836478175077004948;0.048113207547169814515264363308;0.016981132075471697812085736246;0.023899371069182391569274415133;0.011949685534591195784637207566;0.001572327044025157317258534206;0.027987421383647799466576344685;0.017924528301886791942232335373;0.015723270440251572305223604076;0.009119496855345911659473934208;0.006918238993710692022465202911;0.023270440251572325346396397094;0.026729559748427673959714212515;0.005974842767295597892318603783;0.016981132075471697812085736246;0.004402515723270440141379200583;0.008176100628930817529327335080;0.007861635220125786152611802038;0.016666666666666666435370203203;0.000000000000000000000000000000;0.008805031446540880282758401165;0.011949685534591195784637207566;0.005974842767295597892318603783;0.020125786163522011579241066670;0.024528301886792454322705481218;0.018553459119496854695663401458;0.027044025157232705336429745557
-0.027333333333333334480563792113;0.006333333333333333176051738178;0.043999999999999997446487043362;0.145999999999999990896171198074;0.032333333333333331982561986706;0.034333333333333333758918826106;0.000666666666666666644404382058;0.007000000000000000145716771982;0.019333333333333334314030338419;0.010666666666666666310470112933;0.011666666666666667198648532633;0.077333333333333337256121353676;0.016333333333333331649495079319;0.021000000000000001304512053935;0.007666666666666666248020067798;0.028000000000000000582867087928;0.016666666666666666435370203203;0.022333333333333333509118645566;0.010999999999999999361621760841;0.007666666666666666248020067798;0.008999999999999999319988397417;0.023666666666666665713725237197;0.010000000000000000208166817117;0.013666666666666667240281896056;0.049000000000000001887379141863;0.017666666666666667323548622903;0.017999999999999998639976794834;0.010666666666666666310470112933;0.001333333333333333288808764117;0.057666666666666664686768939418;0.035333333333333334647097245806;0.008999999999999999319988397417;0.008333333333333333217685101602;0.009333333333333334105863521302;0.017333333333333332537673499019;0.017666666666666667323548622903;0.007000000000000000145716771982;0.006000000000000000124900090270;0.003666666666666666598434209945;0.008333333333333333217685101602;0.004000000000000000083266726847;0.015666666666666665547191783503;0.000000000000000000000000000000;0.008999999999999999319988397417;0.008333333333333333217685101602;0.006333333333333333176051738178;0.022999999999999999611421941381;0.024000000000000000499600361081;0.013666666666666667240281896056;0.015666666666666665547191783503
-0.027011494252873562843531018984;0.015517241379310344612241223672;0.028735632183908045578224488281;0.192816091954022994503503696251;0.005747126436781609115644897656;0.055459770114942526231249786406;0.001724137931034482734693469297;0.012068965517241379142854285078;0.021839080459770114639450611094;0.009770114942528735496596326016;0.018678160919540231360569393360;0.014080459770114942333329999258;0.038218390804597698884315093437;0.025287356321839080108837549687;0.018678160919540231360569393360;0.030747126436781610503423678438;0.016379310344827587714311434297;0.022701149425287357741520821719;0.016666666666666666435370203203;0.002298850574712643646257959062;0.010919540229885057319725305547;0.010057471264367815952378570898;0.005172413793103448204080407891;0.020114942528735631904757141797;0.060344827586206899183718377344;0.025287356321839080108837549687;0.020402298850574714095262862656;0.014655172413793103244894489023;0.002011494252873563190475714180;0.024712643678160919197273059922;0.010632183908045976863943060664;0.017528735632183909537440413828;0.009482758620689655040814081133;0.005459770114942528659862652773;0.012068965517241379142854285078;0.024712643678160919197273059922;0.004597701149425287292515918125;0.006896551724137930938773877187;0.002873563218390804557822448828;0.003160919540229885013604693711;0.004885057471264367748298163008;0.025287356321839080108837549687;0.000000000000000000000000000000;0.012931034482758620510201019727;0.009482758620689655040814081133;0.007183908045977011394556122070;0.022413793103448275551015100859;0.020977011494252875006827352422;0.012068965517241379142854285078;0.019252873563218392272133883125
-0.025141242937853108818657688062;0.022316384180790960201079542458;0.034180790960451977456013850087;0.159887005649717500732620578674;0.050282485875706217637315376123;0.026271186440677964796241994350;0.003107344632768361744612484188;0.028531073446327683690304510833;0.022881355932203389924595171578;0.012994350282485874967242089895;0.012711864406779661840207751311;0.032768361581920903147224777285;0.010451977401129942946145234828;0.018361581920903955605917090566;0.037570621468926555797107624812;0.015536723163841808723062420938;0.016384180790960451573612388643;0.030225988700564972860851398195;0.022316384180790960201079542458;0.004237288135593220324282004441;0.014689265536723164137788977257;0.009604519774011300095595267123;0.001977401129943502731262094940;0.016949152542372881297128017763;0.033333333333333332870740406406;0.022033898305084745339321727897;0.018644067796610170467674905126;0.046327683615819209572705972278;0.001694915254237288086344714877;0.036440677966101696350076366571;0.022316384180790960201079542458;0.009887005649717514957353081684;0.009604519774011300095595267123;0.003107344632768361744612484188;0.003107344632768361744612484188;0.019774011299435029914706163368;0.006779661016949152345378859508;0.005932203389830508627467153815;0.005649717514124293765709339254;0.001977401129943502731262094940;0.012429378531073446978449936751;0.017514124293785311020643646884;0.000000000000000000000000000000;0.006214689265536723489224968375;0.022033898305084745339321727897;0.008474576271186440648564008882;0.020903954802259885892290469656;0.012429378531073446978449936751;0.012994350282485874967242089895;0.011016949152542372669660863949
-0.015384615384615385469402326635;0.044551282051282052598661920229;0.016346153846153847061239972049;0.161858974358974366802854660818;0.042628205128205129414986629399;0.032051282051282048435325577884;0.004487179487179486850334519943;0.022756410256410255360526306845;0.020192307692307693428590553708;0.007371794871794871625847456187;0.008333333333333333217685101602;0.045512820512820510721052613690;0.008012820512820512108831394471;0.008333333333333333217685101602;0.033333333333333332870740406406;0.011217948717948717993198037846;0.016346153846153847061239972049;0.045512820512820510721052613690;0.027564102564102563319714533918;0.002884615384615384775512936244;0.015064102564102564360548619504;0.009935897435897435292506685300;0.017307692307692308653077617464;0.016025641025641024217662788942;0.021794871794871793768688661430;0.014102564102564102768710974090;0.017307692307692308653077617464;0.058333333333333334258519187188;0.001282051282051282050170049054;0.048717948717948718340142733041;0.019871794871794870585013370601;0.008333333333333333217685101602;0.010256410256410256401360392431;0.001923076923076923183675290829;0.007692307692307692734701163317;0.018910256410256408993175725186;0.006730769230769231142863517903;0.002884615384615384775512936244;0.005769230769230769551025872488;0.008333333333333333217685101602;0.012820512820512820068019621544;0.032692307692307694122479944099;0.000000000000000000000000000000;0.007371794871794871625847456187;0.020192307692307693428590553708;0.007692307692307692734701163317;0.008653846153846154326538808732;0.008653846153846154326538808732;0.009935897435897435292506685300;0.006730769230769231142863517903
-0.010763888888888888811790067734;0.013194444444444444405895033867;0.012500000000000000693889390391;0.515625000000000000000000000000;0.046875000000000000000000000000;0.019097222222222223764198645313;0.001736111111111111014737584668;0.006944444444444444058950338672;0.013194444444444444405895033867;0.005555555555555555767577313730;0.005902777777777777623580135469;0.054861111111111110494320541875;0.003125000000000000173472347598;0.009027777777777776929690745078;0.015625000000000000000000000000;0.014236111111111110841265237070;0.007638888888888888638317720137;0.006944444444444444058950338672;0.010416666666666666088425508008;0.000694444444444444470947164216;0.012847222222222221682530474141;0.004166666666666666608842550801;0.000694444444444444470947164216;0.005555555555555555767577313730;0.014583333333333333564629796797;0.007986111111111110494320541875;0.006944444444444444058950338672;0.010416666666666666088425508008;0.000000000000000000000000000000;0.060763888888888888117900677344;0.023958333333333334952408577578;0.003472222222222222029475169336;0.002777777777777777883788656865;0.002083333333333333304421275400;0.002430555555555555594104966133;0.006944444444444444058950338672;0.001736111111111111014737584668;0.002777777777777777883788656865;0.008333333333333333217685101602;0.001041666666666666652210637700;0.002430555555555555594104966133;0.009722222222222222376419864531;0.000000000000000000000000000000;0.005208333333333333044212754004;0.007638888888888888638317720137;0.001388888888888888941894328433;0.006597222222222222202947516934;0.004513888888888888464845372539;0.003125000000000000173472347598;0.005902777777777777623580135469
-0.019551282051282051210883139447;0.005448717948717948442172165358;0.024358974358974359170071366520;0.351602564102564130177341894523;0.013141025641025641176873328675;0.015064102564102564360548619504;0.007371794871794871625847456187;0.016346153846153847061239972049;0.019871794871794870585013370601;0.025000000000000001387778780781;0.007371794871794871625847456187;0.010256410256410256401360392431;0.006089743589743589792517841630;0.013461538461538462285727035805;0.014102564102564102768710974090;0.020192307692307693428590553708;0.011858974358974358476181976130;0.015384615384615385469402326635;0.008974358974358973700669039886;0.002243589743589743425167259971;0.010256410256410256401360392431;0.010576923076923077510214099561;0.001602564102564102508502452693;0.030128205128205128721097239008;0.027884615384615386163291717025;0.025961538461538462979616426196;0.016346153846153847061239972049;0.053525641025641022829884008161;0.003205128205128205017004905386;0.010256410256410256401360392431;0.009615384615384615918376454147;0.016987179487179485809500434357;0.002884615384615384775512936244;0.002564102564102564100340098108;0.003205128205128205017004905386;0.022435897435897435986396075691;0.004807692307692307959188227073;0.007371794871794871625847456187;0.002243589743589743425167259971;0.002243589743589743425167259971;0.005128205128205128200680196215;0.015705128205128204843532557788;0.000000000000000000000000000000;0.026923076923076924571454071611;0.007051282051282051384355487045;0.026923076923076924571454071611;0.017948717948717947401338079771;0.012179487179487179585035683260;0.006730769230769231142863517903;0.009615384615384615918376454147
-0.015185185185185185244294281404;0.012222222222222222862142437805;0.008518518518518519017090895318;0.400000000000000022204460492503;0.113333333333333327597181039437;0.018518518518518517490534236458;0.010740740740740739936343040029;0.009629629629629630344078705662;0.009629629629629630344078705662;0.007037037037037036958653235530;0.004444444444444444440589503387;0.006296296296296296363115274630;0.019259259259259260688157411323;0.008148148148148147418279307885;0.012222222222222222862142437805;0.003703703703703703845051542487;0.012592592592592592726230549260;0.010740740740740739936343040029;0.008518518518518519017090895318;0.001481481481481481407916356297;0.009629629629629630344078705662;0.005925925925925925631665425186;0.001851851851851851922525771243;0.013333333333333334189130248149;0.012222222222222222862142437805;0.011481481481481481399242738917;0.010000000000000000208166817117;0.079629629629629633535969901459;0.001111111111111111110147375847;0.018888888888888889089345823891;0.003333333333333333547282562037;0.007407407407407407690103084974;0.005555555555555555767577313730;0.004444444444444444440589503387;0.008518518518518519017090895318;0.010740740740740739936343040029;0.002222222222222222220294751693;0.011111111111111111535154627461;0.001851851851851851922525771243;0.003333333333333333547282562037;0.005555555555555555767577313730;0.015925925925925926707193980292;0.000000000000000000000000000000;0.011851851851851851263330850372;0.010370370370370370072254928573;0.020740740740740740144509857146;0.004074074074074073709139653943;0.006296296296296296363115274630;0.002962962962962962815832712593;0.007407407407407407690103084974
-0.017751479289940828854010845816;0.011834319526627218657766071885;0.025641025641025640136039243089;0.390532544378698220910450800147;0.001972386587771203254187968312;0.035502958579881657708021691633;0.000000000000000000000000000000;0.017751479289940828854010845816;0.021696252465483234495025044453;0.011834319526627218657766071885;0.007889546351084813016751873249;0.013806706114398421478273171203;0.020710059171597634819494970770;0.011834319526627218657766071885;0.023668639053254437315532143771;0.013806706114398421478273171203;0.006903353057199210739136585602;0.013806706114398421478273171203;0.007889546351084813016751873249;0.001972386587771203254187968312;0.010848126232741617247512522226;0.011834319526627218657766071885;0.001972386587771203254187968312;0.026627218934911243281016268725;0.023668639053254437315532143771;0.022682445759368837640002070088;0.019723865877712031674517945135;0.013806706114398421478273171203;0.007889546351084813016751873249;0.036489151873767257383551765315;0.005917159763313609328883035943;0.015779092702169626033503746498;0.009861932938856015837258972567;0.002958579881656804664441517971;0.005917159763313609328883035943;0.013806706114398421478273171203;0.004930966469428007918629486284;0.001972386587771203254187968312;0.000986193293885601627093984156;0.000000000000000000000000000000;0.004930966469428007918629486284;0.043392504930966468990050088905;0.000000000000000000000000000000;0.012820512820512820068019621544;0.008875739644970414427005422908;0.005917159763313609328883035943;0.011834319526627218657766071885;0.009861932938856015837258972567;0.003944773175542406508375936625;0.003944773175542406508375936625
-0.034516765285996058032491617951;0.011834319526627218657766071885;0.018737672583826428529540919499;0.097633136094674555227612700037;0.030571992110453648922030467361;0.052268244575936886886502463767;0.002958579881656804664441517971;0.014792899408284022888526720863;0.009861932938856015837258972567;0.012820512820512820068019621544;0.029585798816568045777053441725;0.042406311637080869314520015223;0.026627218934911243281016268725;0.016765285996055225709033820181;0.024654832347140040460509169407;0.020710059171597634819494970770;0.018737672583826428529540919499;0.019723865877712031674517945135;0.024654832347140040460509169407;0.003944773175542406508375936625;0.014792899408284022888526720863;0.001972386587771203254187968312;0.002958579881656804664441517971;0.032544378698224851742537566679;0.039447731755424063349035890269;0.016765285996055225709033820181;0.021696252465483234495025044453;0.014792899408284022888526720863;0.004930966469428007918629486284;0.082840236686390539277979883082;0.010848126232741617247512522226;0.036489151873767257383551765315;0.004930966469428007918629486284;0.002958579881656804664441517971;0.008875739644970414427005422908;0.025641025641025640136039243089;0.007889546351084813016751873249;0.000986193293885601627093984156;0.000000000000000000000000000000;0.001972386587771203254187968312;0.003944773175542406508375936625;0.034516765285996058032491617951;0.000000000000000000000000000000;0.015779092702169626033503746498;0.020710059171597634819494970770;0.004930966469428007918629486284;0.017751479289940828854010845816;0.023668639053254437315532143771;0.014792899408284022888526720863;0.016765285996055225709033820181
-0.008875739644970414427005422908;0.029585798816568045777053441725;0.030571992110453648922030467361;0.184418145956607493207712877847;0.024654832347140040460509169407;0.020710059171597634819494970770;0.009861932938856015837258972567;0.012820512820512820068019621544;0.040433925049309663024565963951;0.016765285996055225709033820181;0.009861932938856015837258972567;0.015779092702169626033503746498;0.012820512820512820068019621544;0.019723865877712031674517945135;0.023668639053254437315532143771;0.019723865877712031674517945135;0.049309664694280080921018338813;0.037475345167652857059081838997;0.015779092702169626033503746498;0.005917159763313609328883035943;0.017751479289940828854010845816;0.019723865877712031674517945135;0.008875739644970414427005422908;0.011834319526627218657766071885;0.021696252465483234495025044453;0.012820512820512820068019621544;0.014792899408284022888526720863;0.045364891518737675280004140177;0.006903353057199210739136585602;0.020710059171597634819494970770;0.006903353057199210739136585602;0.017751479289940828854010845816;0.004930966469428007918629486284;0.005917159763313609328883035943;0.004930966469428007918629486284;0.030571992110453648922030467361;0.004930966469428007918629486284;0.003944773175542406508375936625;0.007889546351084813016751873249;0.005917159763313609328883035943;0.011834319526627218657766071885;0.061143984220907297844060934722;0.000000000000000000000000000000;0.009861932938856015837258972567;0.006903353057199210739136585602;0.005917159763313609328883035943;0.016765285996055225709033820181;0.006903353057199210739136585602;0.009861932938856015837258972567;0.007889546351084813016751873249
-0.011834319526627218657766071885;0.039447731755424063349035890269;0.024654832347140040460509169407;0.115384615384615391020517449761;0.094674556213017749262128575083;0.033530571992110451418067640361;0.009861932938856015837258972567;0.014792899408284022888526720863;0.014792899408284022888526720863;0.009861932938856015837258972567;0.009861932938856015837258972567;0.022682445759368837640002070088;0.008875739644970414427005422908;0.011834319526627218657766071885;0.071992110453648922030467360855;0.011834319526627218657766071885;0.011834319526627218657766071885;0.019723865877712031674517945135;0.021696252465483234495025044453;0.001972386587771203254187968312;0.012820512820512820068019621544;0.010848126232741617247512522226;0.005917159763313609328883035943;0.003944773175542406508375936625;0.030571992110453648922030467361;0.003944773175542406508375936625;0.011834319526627218657766071885;0.076923076923076927347011633174;0.001972386587771203254187968312;0.072978303747534514767103530630;0.020710059171597634819494970770;0.007889546351084813016751873249;0.006903353057199210739136585602;0.005917159763313609328883035943;0.008875739644970414427005422908;0.012820512820512820068019621544;0.007889546351084813016751873249;0.017751479289940828854010845816;0.003944773175542406508375936625;0.014792899408284022888526720863;0.011834319526627218657766071885;0.015779092702169626033503746498;0.000000000000000000000000000000;0.004930966469428007918629486284;0.030571992110453648922030467361;0.002958579881656804664441517971;0.009861932938856015837258972567;0.005917159763313609328883035943;0.008875739644970414427005422908;0.008875739644970414427005422908
-0.013806706114398421478273171203;0.025641025641025640136039243089;0.031558185404339252067007492997;0.015779092702169626033503746498;0.070019723865877708801619405676;0.052268244575936886886502463767;0.006903353057199210739136585602;0.027613412228796842956546342407;0.007889546351084813016751873249;0.010848126232741617247512522226;0.011834319526627218657766071885;0.056213017751479292527516662403;0.027613412228796842956546342407;0.017751479289940828854010845816;0.025641025641025640136039243089;0.013806706114398421478273171203;0.020710059171597634819494970770;0.028599605522682446101523368043;0.023668639053254437315532143771;0.005917159763313609328883035943;0.009861932938856015837258972567;0.009861932938856015837258972567;0.009861932938856015837258972567;0.010848126232741617247512522226;0.023668639053254437315532143771;0.011834319526627218657766071885;0.018737672583826428529540919499;0.034516765285996058032491617951;0.000986193293885601627093984156;0.114398422090729784406093472171;0.029585798816568045777053441725;0.010848126232741617247512522226;0.013806706114398421478273171203;0.004930966469428007918629486284;0.013806706114398421478273171203;0.023668639053254437315532143771;0.007889546351084813016751873249;0.022682445759368837640002070088;0.002958579881656804664441517971;0.008875739644970414427005422908;0.004930966469428007918629486284;0.026627218934911243281016268725;0.000000000000000000000000000000;0.005917159763313609328883035943;0.029585798816568045777053441725;0.013806706114398421478273171203;0.006903353057199210739136585602;0.012820512820512820068019621544;0.013806706114398421478273171203;0.007889546351084813016751873249
-0.010848126232741617247512522226;0.023668639053254437315532143771;0.039447731755424063349035890269;0.102564102564102560544156972355;0.069033530571992116064983235901;0.014792899408284022888526720863;0.011834319526627218657766071885;0.029585798816568045777053441725;0.019723865877712031674517945135;0.021696252465483234495025044453;0.005917159763313609328883035943;0.018737672583826428529540919499;0.003944773175542406508375936625;0.035502958579881657708021691633;0.028599605522682446101523368043;0.006903353057199210739136585602;0.016765285996055225709033820181;0.033530571992110451418067640361;0.035502958579881657708021691633;0.006903353057199210739136585602;0.021696252465483234495025044453;0.015779092702169626033503746498;0.013806706114398421478273171203;0.028599605522682446101523368043;0.010848126232741617247512522226;0.018737672583826428529540919499;0.016765285996055225709033820181;0.048323471400394474306594361224;0.001972386587771203254187968312;0.019723865877712031674517945135;0.017751479289940828854010845816;0.018737672583826428529540919499;0.004930966469428007918629486284;0.001972386587771203254187968312;0.011834319526627218657766071885;0.039447731755424063349035890269;0.003944773175542406508375936625;0.003944773175542406508375936625;0.005917159763313609328883035943;0.004930966469428007918629486284;0.012820512820512820068019621544;0.030571992110453648922030467361;0.000000000000000000000000000000;0.012820512820512820068019621544;0.024654832347140040460509169407;0.014792899408284022888526720863;0.019723865877712031674517945135;0.014792899408284022888526720863;0.019723865877712031674517945135;0.004930966469428007918629486284
-0.040433925049309663024565963951;0.001972386587771203254187968312;0.058185404339250491878576809768;0.000000000000000000000000000000;0.005917159763313609328883035943;0.017751479289940828854010845816;0.001972386587771203254187968312;0.013806706114398421478273171203;0.028599605522682446101523368043;0.045364891518737675280004140177;0.013806706114398421478273171203;0.034516765285996058032491617951;0.009861932938856015837258972567;0.052268244575936886886502463767;0.004930966469428007918629486284;0.016765285996055225709033820181;0.008875739644970414427005422908;0.020710059171597634819494970770;0.012820512820512820068019621544;0.017751479289940828854010845816;0.017751479289940828854010845816;0.016765285996055225709033820181;0.007889546351084813016751873249;0.046351084812623274955534213859;0.031558185404339252067007492997;0.041420118343195269638989941541;0.029585798816568045777053441725;0.004930966469428007918629486284;0.000000000000000000000000000000;0.028599605522682446101523368043;0.013806706114398421478273171203;0.023668639053254437315532143771;0.019723865877712031674517945135;0.002958579881656804664441517971;0.019723865877712031674517945135;0.059171597633136091554106883450;0.017751479289940828854010845816;0.006903353057199210739136585602;0.004930966469428007918629486284;0.012820512820512820068019621544;0.008875739644970414427005422908;0.014792899408284022888526720863;0.000000000000000000000000000000;0.020710059171597634819494970770;0.009861932938856015837258972567;0.010848126232741617247512522226;0.055226824457593685913092684814;0.027613412228796842956546342407;0.019723865877712031674517945135;0.019723865877712031674517945135
-0.033530571992110451418067640361;0.003944773175542406508375936625;0.038461538461538463673505816587;0.006903353057199210739136585602;0.029585798816568045777053441725;0.008875739644970414427005422908;0.005917159763313609328883035943;0.017751479289940828854010845816;0.022682445759368837640002070088;0.023668639053254437315532143771;0.017751479289940828854010845816;0.021696252465483234495025044453;0.008875739644970414427005422908;0.064102564102564096870651155768;0.013806706114398421478273171203;0.021696252465483234495025044453;0.016765285996055225709033820181;0.014792899408284022888526720863;0.022682445759368837640002070088;0.012820512820512820068019621544;0.015779092702169626033503746498;0.008875739644970414427005422908;0.008875739644970414427005422908;0.050295857988165680596548412495;0.027613412228796842956546342407;0.044378698224852068665580162588;0.023668639053254437315532143771;0.001972386587771203254187968312;0.000000000000000000000000000000;0.039447731755424063349035890269;0.018737672583826428529540919499;0.019723865877712031674517945135;0.004930966469428007918629486284;0.002958579881656804664441517971;0.020710059171597634819494970770;0.050295857988165680596548412495;0.017751479289940828854010845816;0.013806706114398421478273171203;0.005917159763313609328883035943;0.005917159763313609328883035943;0.010848126232741617247512522226;0.012820512820512820068019621544;0.000000000000000000000000000000;0.029585798816568045777053441725;0.019723865877712031674517945135;0.014792899408284022888526720863;0.045364891518737675280004140177;0.039447731755424063349035890269;0.023668639053254437315532143771;0.015779092702169626033503746498
-0.006903353057199210739136585602;0.005917159763313609328883035943;0.070019723865877708801619405676;0.005917159763313609328883035943;0.023668639053254437315532143771;0.008875739644970414427005422908;0.001972386587771203254187968312;0.018737672583826428529540919499;0.036489151873767257383551765315;0.043392504930966468990050088905;0.008875739644970414427005422908;0.017751479289940828854010845816;0.008875739644970414427005422908;0.058185404339250491878576809768;0.030571992110453648922030467361;0.013806706114398421478273171203;0.025641025641025640136039243089;0.043392504930966468990050088905;0.011834319526627218657766071885;0.006903353057199210739136585602;0.006903353057199210739136585602;0.016765285996055225709033820181;0.010848126232741617247512522226;0.051282051282051280272078486178;0.012820512820512820068019621544;0.025641025641025640136039243089;0.033530571992110451418067640361;0.012820512820512820068019621544;0.000986193293885601627093984156;0.033530571992110451418067640361;0.008875739644970414427005422908;0.035502958579881657708021691633;0.007889546351084813016751873249;0.005917159763313609328883035943;0.008875739644970414427005422908;0.076923076923076927347011633174;0.014792899408284022888526720863;0.004930966469428007918629486284;0.007889546351084813016751873249;0.012820512820512820068019621544;0.005917159763313609328883035943;0.016765285996055225709033820181;0.000000000000000000000000000000;0.020710059171597634819494970770;0.017751479289940828854010845816;0.006903353057199210739136585602;0.031558185404339252067007492997;0.019723865877712031674517945135;0.027613412228796842956546342407;0.015779092702169626033503746498
-0.018737672583826428529540919499;0.010848126232741617247512522226;0.077909270216962520083647802949;0.000000000000000000000000000000;0.005917159763313609328883035943;0.008875739644970414427005422908;0.000000000000000000000000000000;0.020710059171597634819494970770;0.037475345167652857059081838997;0.050295857988165680596548412495;0.010848126232741617247512522226;0.030571992110453648922030467361;0.008875739644970414427005422908;0.060157790927021698168530861039;0.007889546351084813016751873249;0.010848126232741617247512522226;0.022682445759368837640002070088;0.047337278106508874631064287541;0.004930966469428007918629486284;0.016765285996055225709033820181;0.012820512820512820068019621544;0.010848126232741617247512522226;0.009861932938856015837258972567;0.053254437869822486562032537449;0.021696252465483234495025044453;0.043392504930966468990050088905;0.022682445759368837640002070088;0.009861932938856015837258972567;0.000986193293885601627093984156;0.023668639053254437315532143771;0.009861932938856015837258972567;0.029585798816568045777053441725;0.003944773175542406508375936625;0.004930966469428007918629486284;0.018737672583826428529540919499;0.066074950690335310099499110947;0.014792899408284022888526720863;0.001972386587771203254187968312;0.005917159763313609328883035943;0.016765285996055225709033820181;0.007889546351084813016751873249;0.025641025641025640136039243089;0.000000000000000000000000000000;0.026627218934911243281016268725;0.010848126232741617247512522226;0.007889546351084813016751873249;0.037475345167652857059081838997;0.020710059171597634819494970770;0.020710059171597634819494970770;0.008875739644970414427005422908
-0.058185404339250491878576809768;0.002958579881656804664441517971;0.052268244575936886886502463767;0.000000000000000000000000000000;0.003944773175542406508375936625;0.019723865877712031674517945135;0.000000000000000000000000000000;0.016765285996055225709033820181;0.027613412228796842956546342407;0.045364891518737675280004140177;0.021696252465483234495025044453;0.032544378698224851742537566679;0.010848126232741617247512522226;0.056213017751479292527516662403;0.004930966469428007918629486284;0.038461538461538463673505816587;0.013806706114398421478273171203;0.024654832347140040460509169407;0.008875739644970414427005422908;0.010848126232741617247512522226;0.010848126232741617247512522226;0.010848126232741617247512522226;0.003944773175542406508375936625;0.045364891518737675280004140177;0.054240631163708086237562611132;0.049309664694280080921018338813;0.020710059171597634819494970770;0.005917159763313609328883035943;0.000000000000000000000000000000;0.023668639053254437315532143771;0.017751479289940828854010845816;0.017751479289940828854010845816;0.005917159763313609328883035943;0.002958579881656804664441517971;0.016765285996055225709033820181;0.050295857988165680596548412495;0.009861932938856015837258972567;0.003944773175542406508375936625;0.006903353057199210739136585602;0.004930966469428007918629486284;0.005917159763313609328883035943;0.010848126232741617247512522226;0.000000000000000000000000000000;0.018737672583826428529540919499;0.004930966469428007918629486284;0.015779092702169626033503746498;0.050295857988165680596548412495;0.035502958579881657708021691633;0.015779092702169626033503746498;0.030571992110453648922030467361
-0.080867850098619326049131927903;0.000000000000000000000000000000;0.030571992110453648922030467361;0.000000000000000000000000000000;0.004930966469428007918629486284;0.032544378698224851742537566679;0.000986193293885601627093984156;0.003944773175542406508375936625;0.026627218934911243281016268725;0.035502958579881657708021691633;0.027613412228796842956546342407;0.049309664694280080921018338813;0.014792899408284022888526720863;0.052268244575936886886502463767;0.001972386587771203254187968312;0.061143984220907297844060934722;0.007889546351084813016751873249;0.005917159763313609328883035943;0.016765285996055225709033820181;0.005917159763313609328883035943;0.009861932938856015837258972567;0.005917159763313609328883035943;0.006903353057199210739136585602;0.038461538461538463673505816587;0.064102564102564096870651155768;0.059171597633136091554106883450;0.016765285996055225709033820181;0.000986193293885601627093984156;0.000986193293885601627093984156;0.030571992110453648922030467361;0.023668639053254437315532143771;0.005917159763313609328883035943;0.002958579881656804664441517971;0.003944773175542406508375936625;0.016765285996055225709033820181;0.033530571992110451418067640361;0.007889546351084813016751873249;0.007889546351084813016751873249;0.002958579881656804664441517971;0.002958579881656804664441517971;0.000000000000000000000000000000;0.012820512820512820068019621544;0.000000000000000000000000000000;0.019723865877712031674517945135;0.009861932938856015837258972567;0.013806706114398421478273171203;0.042406311637080869314520015223;0.047337278106508874631064287541;0.018737672583826428529540919499;0.033530571992110451418067640361
-0.035502958579881657708021691633;0.001972386587771203254187968312;0.072978303747534514767103530630;0.000000000000000000000000000000;0.004930966469428007918629486284;0.014792899408284022888526720863;0.000000000000000000000000000000;0.017751479289940828854010845816;0.013806706114398421478273171203;0.034516765285996058032491617951;0.011834319526627218657766071885;0.023668639053254437315532143771;0.009861932938856015837258972567;0.046351084812623274955534213859;0.008875739644970414427005422908;0.028599605522682446101523368043;0.016765285996055225709033820181;0.034516765285996058032491617951;0.010848126232741617247512522226;0.018737672583826428529540919499;0.013806706114398421478273171203;0.014792899408284022888526720863;0.011834319526627218657766071885;0.048323471400394474306594361224;0.029585798816568045777053441725;0.039447731755424063349035890269;0.025641025641025640136039243089;0.005917159763313609328883035943;0.000000000000000000000000000000;0.021696252465483234495025044453;0.009861932938856015837258972567;0.023668639053254437315532143771;0.007889546351084813016751873249;0.007889546351084813016751873249;0.016765285996055225709033820181;0.069033530571992116064983235901;0.019723865877712031674517945135;0.002958579881656804664441517971;0.004930966469428007918629486284;0.010848126232741617247512522226;0.006903353057199210739136585602;0.017751479289940828854010845816;0.000000000000000000000000000000;0.014792899408284022888526720863;0.008875739644970414427005422908;0.014792899408284022888526720863;0.063116370808678504134014985993;0.042406311637080869314520015223;0.028599605522682446101523368043;0.011834319526627218657766071885
-0.043392504930966468990050088905;0.006903353057199210739136585602;0.045364891518737675280004140177;0.000000000000000000000000000000;0.016765285996055225709033820181;0.024654832347140040460509169407;0.000000000000000000000000000000;0.015779092702169626033503746498;0.027613412228796842956546342407;0.041420118343195269638989941541;0.022682445759368837640002070088;0.031558185404339252067007492997;0.018737672583826428529540919499;0.048323471400394474306594361224;0.006903353057199210739136585602;0.020710059171597634819494970770;0.007889546351084813016751873249;0.022682445759368837640002070088;0.014792899408284022888526720863;0.006903353057199210739136585602;0.013806706114398421478273171203;0.006903353057199210739136585602;0.018737672583826428529540919499;0.046351084812623274955534213859;0.036489151873767257383551765315;0.049309664694280080921018338813;0.035502958579881657708021691633;0.002958579881656804664441517971;0.000000000000000000000000000000;0.029585798816568045777053441725;0.009861932938856015837258972567;0.015779092702169626033503746498;0.012820512820512820068019621544;0.006903353057199210739136585602;0.015779092702169626033503746498;0.047337278106508874631064287541;0.014792899408284022888526720863;0.005917159763313609328883035943;0.004930966469428007918629486284;0.009861932938856015837258972567;0.004930966469428007918629486284;0.016765285996055225709033820181;0.000000000000000000000000000000;0.017751479289940828854010845816;0.010848126232741617247512522226;0.009861932938856015837258972567;0.060157790927021698168530861039;0.032544378698224851742537566679;0.024654832347140040460509169407;0.015779092702169626033503746498
-0.048323471400394474306594361224;0.007889546351084813016751873249;0.038461538461538463673505816587;0.000986193293885601627093984156;0.025641025641025640136039243089;0.022682445759368837640002070088;0.006903353057199210739136585602;0.020710059171597634819494970770;0.010848126232741617247512522226;0.034516765285996058032491617951;0.013806706114398421478273171203;0.034516765285996058032491617951;0.012820512820512820068019621544;0.031558185404339252067007492997;0.009861932938856015837258972567;0.017751479289940828854010845816;0.006903353057199210739136585602;0.026627218934911243281016268725;0.034516765285996058032491617951;0.005917159763313609328883035943;0.029585798816568045777053441725;0.008875739644970414427005422908;0.013806706114398421478273171203;0.027613412228796842956546342407;0.054240631163708086237562611132;0.046351084812623274955534213859;0.026627218934911243281016268725;0.007889546351084813016751873249;0.000000000000000000000000000000;0.048323471400394474306594361224;0.015779092702169626033503746498;0.012820512820512820068019621544;0.017751479289940828854010845816;0.002958579881656804664441517971;0.025641025641025640136039243089;0.025641025641025640136039243089;0.013806706114398421478273171203;0.015779092702169626033503746498;0.001972386587771203254187968312;0.004930966469428007918629486284;0.005917159763313609328883035943;0.014792899408284022888526720863;0.000000000000000000000000000000;0.024654832347140040460509169407;0.012820512820512820068019621544;0.014792899408284022888526720863;0.036489151873767257383551765315;0.029585798816568045777053441725;0.023668639053254437315532143771;0.025641025641025640136039243089
-0.046351084812623274955534213859;0.008875739644970414427005422908;0.040433925049309663024565963951;0.007889546351084813016751873249;0.028599605522682446101523368043;0.038461538461538463673505816587;0.000000000000000000000000000000;0.014792899408284022888526720863;0.022682445759368837640002070088;0.024654832347140040460509169407;0.012820512820512820068019621544;0.034516765285996058032491617951;0.019723865877712031674517945135;0.040433925049309663024565963951;0.021696252465483234495025044453;0.033530571992110451418067640361;0.004930966469428007918629486284;0.024654832347140040460509169407;0.017751479289940828854010845816;0.010848126232741617247512522226;0.013806706114398421478273171203;0.009861932938856015837258972567;0.004930966469428007918629486284;0.038461538461538463673505816587;0.054240631163708086237562611132;0.038461538461538463673505816587;0.016765285996055225709033820181;0.007889546351084813016751873249;0.000986193293885601627093984156;0.050295857988165680596548412495;0.026627218934911243281016268725;0.015779092702169626033503746498;0.017751479289940828854010845816;0.001972386587771203254187968312;0.013806706114398421478273171203;0.031558185404339252067007492997;0.010848126232741617247512522226;0.006903353057199210739136585602;0.005917159763313609328883035943;0.003944773175542406508375936625;0.003944773175542406508375936625;0.013806706114398421478273171203;0.000000000000000000000000000000;0.013806706114398421478273171203;0.025641025641025640136039243089;0.009861932938856015837258972567;0.032544378698224851742537566679;0.038461538461538463673505816587;0.019723865877712031674517945135;0.017751479289940828854010845816
-0.057199211045364892203046736086;0.000986193293885601627093984156;0.049309664694280080921018338813;0.000000000000000000000000000000;0.002958579881656804664441517971;0.024654832347140040460509169407;0.000000000000000000000000000000;0.009861932938856015837258972567;0.025641025641025640136039243089;0.032544378698224851742537566679;0.013806706114398421478273171203;0.038461538461538463673505816587;0.027613412228796842956546342407;0.056213017751479292527516662403;0.000986193293885601627093984156;0.034516765285996058032491617951;0.012820512820512820068019621544;0.014792899408284022888526720863;0.008875739644970414427005422908;0.013806706114398421478273171203;0.009861932938856015837258972567;0.017751479289940828854010845816;0.001972386587771203254187968312;0.047337278106508874631064287541;0.063116370808678504134014985993;0.051282051282051280272078486178;0.020710059171597634819494970770;0.000986193293885601627093984156;0.000986193293885601627093984156;0.030571992110453648922030467361;0.016765285996055225709033820181;0.011834319526627218657766071885;0.003944773175542406508375936625;0.009861932938856015837258972567;0.020710059171597634819494970770;0.040433925049309663024565963951;0.004930966469428007918629486284;0.008875739644970414427005422908;0.001972386587771203254187968312;0.008875739644970414427005422908;0.002958579881656804664441517971;0.010848126232741617247512522226;0.000000000000000000000000000000;0.017751479289940828854010845816;0.009861932938856015837258972567;0.012820512820512820068019621544;0.050295857988165680596548412495;0.054240631163708086237562611132;0.020710059171597634819494970770;0.022682445759368837640002070088
-0.043392504930966468990050088905;0.002958579881656804664441517971;0.051282051282051280272078486178;0.000000000000000000000000000000;0.005917159763313609328883035943;0.025641025641025640136039243089;0.001972386587771203254187968312;0.022682445759368837640002070088;0.025641025641025640136039243089;0.052268244575936886886502463767;0.008875739644970414427005422908;0.025641025641025640136039243089;0.007889546351084813016751873249;0.055226824457593685913092684814;0.002958579881656804664441517971;0.024654832347140040460509169407;0.017751479289940828854010845816;0.017751479289940828854010845816;0.005917159763313609328883035943;0.006903353057199210739136585602;0.015779092702169626033503746498;0.008875739644970414427005422908;0.003944773175542406508375936625;0.073964497041420121381527508220;0.037475345167652857059081838997;0.051282051282051280272078486178;0.032544378698224851742537566679;0.004930966469428007918629486284;0.000000000000000000000000000000;0.016765285996055225709033820181;0.015779092702169626033503746498;0.014792899408284022888526720863;0.003944773175542406508375936625;0.006903353057199210739136585602;0.006903353057199210739136585602;0.050295857988165680596548412495;0.018737672583826428529540919499;0.009861932938856015837258972567;0.004930966469428007918629486284;0.012820512820512820068019621544;0.005917159763313609328883035943;0.015779092702169626033503746498;0.000000000000000000000000000000;0.032544378698224851742537566679;0.007889546351084813016751873249;0.014792899408284022888526720863;0.055226824457593685913092684814;0.035502958579881657708021691633;0.021696252465483234495025044453;0.014792899408284022888526720863
-0.027613412228796842956546342407;0.001972386587771203254187968312;0.070019723865877708801619405676;0.000000000000000000000000000000;0.001972386587771203254187968312;0.007889546351084813016751873249;0.000000000000000000000000000000;0.014792899408284022888526720863;0.028599605522682446101523368043;0.069033530571992116064983235901;0.008875739644970414427005422908;0.017751479289940828854010845816;0.004930966469428007918629486284;0.053254437869822486562032537449;0.001972386587771203254187968312;0.011834319526627218657766071885;0.019723865877712031674517945135;0.020710059171597634819494970770;0.003944773175542406508375936625;0.009861932938856015837258972567;0.007889546351084813016751873249;0.013806706114398421478273171203;0.008875739644970414427005422908;0.089743589743589743945584302764;0.026627218934911243281016268725;0.058185404339250491878576809768;0.030571992110453648922030467361;0.001972386587771203254187968312;0.000000000000000000000000000000;0.016765285996055225709033820181;0.012820512820512820068019621544;0.026627218934911243281016268725;0.005917159763313609328883035943;0.003944773175542406508375936625;0.014792899408284022888526720863;0.067061143984220902836135280722;0.005917159763313609328883035943;0.004930966469428007918629486284;0.002958579881656804664441517971;0.009861932938856015837258972567;0.007889546351084813016751873249;0.010848126232741617247512522226;0.000000000000000000000000000000;0.028599605522682446101523368043;0.005917159763313609328883035943;0.016765285996055225709033820181;0.067061143984220902836135280722;0.034516765285996058032491617951;0.029585798816568045777053441725;0.014792899408284022888526720863
-0.019723865877712031674517945135;0.017751479289940828854010845816;0.052268244575936886886502463767;0.001972386587771203254187968312;0.021696252465483234495025044453;0.014792899408284022888526720863;0.001972386587771203254187968312;0.017751479289940828854010845816;0.021696252465483234495025044453;0.042406311637080869314520015223;0.003944773175542406508375936625;0.023668639053254437315532143771;0.004930966469428007918629486284;0.048323471400394474306594361224;0.018737672583826428529540919499;0.012820512820512820068019621544;0.013806706114398421478273171203;0.037475345167652857059081838997;0.013806706114398421478273171203;0.012820512820512820068019621544;0.015779092702169626033503746498;0.012820512820512820068019621544;0.008875739644970414427005422908;0.066074950690335310099499110947;0.027613412228796842956546342407;0.054240631163708086237562611132;0.024654832347140040460509169407;0.020710059171597634819494970770;0.000000000000000000000000000000;0.038461538461538463673505816587;0.010848126232741617247512522226;0.025641025641025640136039243089;0.006903353057199210739136585602;0.003944773175542406508375936625;0.004930966469428007918629486284;0.056213017751479292527516662403;0.011834319526627218657766071885;0.000986193293885601627093984156;0.004930966469428007918629486284;0.011834319526627218657766071885;0.010848126232741617247512522226;0.015779092702169626033503746498;0.000000000000000000000000000000;0.020710059171597634819494970770;0.009861932938856015837258972567;0.021696252465483234495025044453;0.040433925049309663024565963951;0.037475345167652857059081838997;0.012820512820512820068019621544;0.020710059171597634819494970770
-0.018737672583826428529540919499;0.029585798816568045777053441725;0.024654832347140040460509169407;0.003944773175542406508375936625;0.069033530571992116064983235901;0.020710059171597634819494970770;0.008875739644970414427005422908;0.023668639053254437315532143771;0.006903353057199210739136585602;0.028599605522682446101523368043;0.018737672583826428529540919499;0.019723865877712031674517945135;0.015779092702169626033503746498;0.019723865877712031674517945135;0.029585798816568045777053441725;0.008875739644970414427005422908;0.011834319526627218657766071885;0.043392504930966468990050088905;0.040433925049309663024565963951;0.000986193293885601627093984156;0.038461538461538463673505816587;0.004930966469428007918629486284;0.008875739644970414427005422908;0.039447731755424063349035890269;0.015779092702169626033503746498;0.030571992110453648922030467361;0.025641025641025640136039243089;0.044378698224852068665580162588;0.000986193293885601627093984156;0.062130177514792897519591008404;0.008875739644970414427005422908;0.007889546351084813016751873249;0.026627218934911243281016268725;0.004930966469428007918629486284;0.007889546351084813016751873249;0.019723865877712031674517945135;0.006903353057199210739136585602;0.004930966469428007918629486284;0.004930966469428007918629486284;0.007889546351084813016751873249;0.023668639053254437315532143771;0.018737672583826428529540919499;0.000000000000000000000000000000;0.020710059171597634819494970770;0.033530571992110451418067640361;0.017751479289940828854010845816;0.021696252465483234495025044453;0.014792899408284022888526720863;0.017751479289940828854010845816;0.015779092702169626033503746498
-0.019723865877712031674517945135;0.005917159763313609328883035943;0.077909270216962520083647802949;0.004930966469428007918629486284;0.029585798816568045777053441725;0.014792899408284022888526720863;0.005917159763313609328883035943;0.014792899408284022888526720863;0.021696252465483234495025044453;0.023668639053254437315532143771;0.011834319526627218657766071885;0.021696252465483234495025044453;0.010848126232741617247512522226;0.055226824457593685913092684814;0.021696252465483234495025044453;0.006903353057199210739136585602;0.022682445759368837640002070088;0.028599605522682446101523368043;0.010848126232741617247512522226;0.014792899408284022888526720863;0.011834319526627218657766071885;0.010848126232741617247512522226;0.013806706114398421478273171203;0.051282051282051280272078486178;0.023668639053254437315532143771;0.026627218934911243281016268725;0.032544378698224851742537566679;0.020710059171597634819494970770;0.000986193293885601627093984156;0.019723865877712031674517945135;0.008875739644970414427005422908;0.024654832347140040460509169407;0.009861932938856015837258972567;0.006903353057199210739136585602;0.029585798816568045777053441725;0.046351084812623274955534213859;0.014792899408284022888526720863;0.003944773175542406508375936625;0.004930966469428007918629486284;0.022682445759368837640002070088;0.005917159763313609328883035943;0.008875739644970414427005422908;0.000000000000000000000000000000;0.014792899408284022888526720863;0.023668639053254437315532143771;0.008875739644970414427005422908;0.055226824457593685913092684814;0.024654832347140040460509169407;0.033530571992110451418067640361;0.015779092702169626033503746498
-0.024654832347140040460509169407;0.001972386587771203254187968312;0.096646942800788948613188722447;0.000000000000000000000000000000;0.002958579881656804664441517971;0.006903353057199210739136585602;0.000000000000000000000000000000;0.025641025641025640136039243089;0.027613412228796842956546342407;0.047337278106508874631064287541;0.006903353057199210739136585602;0.032544378698224851742537566679;0.010848126232741617247512522226;0.079881656804733733312495758128;0.003944773175542406508375936625;0.011834319526627218657766071885;0.017751479289940828854010845816;0.037475345167652857059081838997;0.002958579881656804664441517971;0.013806706114398421478273171203;0.005917159763313609328883035943;0.008875739644970414427005422908;0.008875739644970414427005422908;0.050295857988165680596548412495;0.022682445759368837640002070088;0.039447731755424063349035890269;0.026627218934911243281016268725;0.001972386587771203254187968312;0.000000000000000000000000000000;0.017751479289940828854010845816;0.006903353057199210739136585602;0.022682445759368837640002070088;0.001972386587771203254187968312;0.006903353057199210739136585602;0.005917159763313609328883035943;0.069033530571992116064983235901;0.018737672583826428529540919499;0.003944773175542406508375936625;0.003944773175542406508375936625;0.009861932938856015837258972567;0.003944773175542406508375936625;0.019723865877712031674517945135;0.000000000000000000000000000000;0.023668639053254437315532143771;0.009861932938856015837258972567;0.013806706114398421478273171203;0.058185404339250491878576809768;0.045364891518737675280004140177;0.026627218934911243281016268725;0.014792899408284022888526720863
-0.031558185404339252067007492997;0.010848126232741617247512522226;0.061143984220907297844060934722;0.000000000000000000000000000000;0.016765285996055225709033820181;0.008875739644970414427005422908;0.003944773175542406508375936625;0.024654832347140040460509169407;0.018737672583826428529540919499;0.042406311637080869314520015223;0.012820512820512820068019621544;0.020710059171597634819494970770;0.013806706114398421478273171203;0.051282051282051280272078486178;0.004930966469428007918629486284;0.009861932938856015837258972567;0.015779092702169626033503746498;0.050295857988165680596548412495;0.012820512820512820068019621544;0.009861932938856015837258972567;0.016765285996055225709033820181;0.007889546351084813016751873249;0.012820512820512820068019621544;0.036489151873767257383551765315;0.014792899408284022888526720863;0.047337278106508874631064287541;0.026627218934911243281016268725;0.012820512820512820068019621544;0.000000000000000000000000000000;0.035502958579881657708021691633;0.009861932938856015837258972567;0.026627218934911243281016268725;0.010848126232741617247512522226;0.006903353057199210739136585602;0.014792899408284022888526720863;0.064102564102564096870651155768;0.022682445759368837640002070088;0.004930966469428007918629486284;0.005917159763313609328883035943;0.010848126232741617247512522226;0.008875739644970414427005422908;0.021696252465483234495025044453;0.000000000000000000000000000000;0.017751479289940828854010845816;0.008875739644970414427005422908;0.017751479289940828854010845816;0.038461538461538463673505816587;0.027613412228796842956546342407;0.028599605522682446101523368043;0.020710059171597634819494970770
-0.014792899408284022888526720863;0.017751479289940828854010845816;0.079881656804733733312495758128;0.000986193293885601627093984156;0.019723865877712031674517945135;0.017751479289940828854010845816;0.001972386587771203254187968312;0.025641025641025640136039243089;0.035502958579881657708021691633;0.027613412228796842956546342407;0.012820512820512820068019621544;0.022682445759368837640002070088;0.011834319526627218657766071885;0.035502958579881657708021691633;0.004930966469428007918629486284;0.004930966469428007918629486284;0.050295857988165680596548412495;0.045364891518737675280004140177;0.016765285996055225709033820181;0.010848126232741617247512522226;0.011834319526627218657766071885;0.017751479289940828854010845816;0.026627218934911243281016268725;0.030571992110453648922030467361;0.014792899408284022888526720863;0.013806706114398421478273171203;0.019723865877712031674517945135;0.007889546351084813016751873249;0.000986193293885601627093984156;0.034516765285996058032491617951;0.012820512820512820068019621544;0.019723865877712031674517945135;0.014792899408284022888526720863;0.008875739644970414427005422908;0.017751479289940828854010845816;0.062130177514792897519591008404;0.015779092702169626033503746498;0.001972386587771203254187968312;0.010848126232741617247512522226;0.031558185404339252067007492997;0.014792899408284022888526720863;0.036489151873767257383551765315;0.000000000000000000000000000000;0.011834319526627218657766071885;0.011834319526627218657766071885;0.011834319526627218657766071885;0.033530571992110451418067640361;0.011834319526627218657766071885;0.026627218934911243281016268725;0.008875739644970414427005422908
-0.018737672583826428529540919499;0.012820512820512820068019621544;0.101577909270216967807520802580;0.000000000000000000000000000000;0.001972386587771203254187968312;0.004930966469428007918629486284;0.000000000000000000000000000000;0.014792899408284022888526720863;0.046351084812623274955534213859;0.039447731755424063349035890269;0.007889546351084813016751873249;0.027613412228796842956546342407;0.004930966469428007918629486284;0.059171597633136091554106883450;0.002958579881656804664441517971;0.005917159763313609328883035943;0.021696252465483234495025044453;0.042406311637080869314520015223;0.001972386587771203254187968312;0.015779092702169626033503746498;0.003944773175542406508375936625;0.018737672583826428529540919499;0.004930966469428007918629486284;0.066074950690335310099499110947;0.015779092702169626033503746498;0.042406311637080869314520015223;0.022682445759368837640002070088;0.002958579881656804664441517971;0.000000000000000000000000000000;0.005917159763313609328883035943;0.011834319526627218657766071885;0.033530571992110451418067640361;0.001972386587771203254187968312;0.000000000000000000000000000000;0.014792899408284022888526720863;0.076923076923076927347011633174;0.017751479289940828854010845816;0.000000000000000000000000000000;0.009861932938856015837258972567;0.018737672583826428529540919499;0.002958579881656804664441517971;0.019723865877712031674517945135;0.000000000000000000000000000000;0.017751479289940828854010845816;0.000000000000000000000000000000;0.011834319526627218657766071885;0.067061143984220902836135280722;0.035502958579881657708021691633;0.027613412228796842956546342407;0.017751479289940828854010845816
-0.012820512820512820068019621544;0.004930966469428007918629486284;0.057199211045364892203046736086;0.000000000000000000000000000000;0.008875739644970414427005422908;0.011834319526627218657766071885;0.000986193293885601627093984156;0.021696252465483234495025044453;0.025641025641025640136039243089;0.043392504930966468990050088905;0.009861932938856015837258972567;0.027613412228796842956546342407;0.006903353057199210739136585602;0.041420118343195269638989941541;0.002958579881656804664441517971;0.011834319526627218657766071885;0.025641025641025640136039243089;0.048323471400394474306594361224;0.010848126232741617247512522226;0.003944773175542406508375936625;0.003944773175542406508375936625;0.016765285996055225709033820181;0.013806706114398421478273171203;0.083826429980276132014616052857;0.010848126232741617247512522226;0.041420118343195269638989941541;0.029585798816568045777053441725;0.006903353057199210739136585602;0.000000000000000000000000000000;0.017751479289940828854010845816;0.011834319526627218657766071885;0.045364891518737675280004140177;0.002958579881656804664441517971;0.003944773175542406508375936625;0.011834319526627218657766071885;0.081854043392504932663555905492;0.020710059171597634819494970770;0.006903353057199210739136585602;0.003944773175542406508375936625;0.011834319526627218657766071885;0.003944773175542406508375936625;0.018737672583826428529540919499;0.000000000000000000000000000000;0.030571992110453648922030467361;0.005917159763313609328883035943;0.020710059171597634819494970770;0.052268244575936886886502463767;0.028599605522682446101523368043;0.025641025641025640136039243089;0.010848126232741617247512522226
-0.015779092702169626033503746498;0.030571992110453648922030467361;0.047337278106508874631064287541;0.020710059171597634819494970770;0.015779092702169626033503746498;0.008875739644970414427005422908;0.004930966469428007918629486284;0.026627218934911243281016268725;0.034516765285996058032491617951;0.036489151873767257383551765315;0.009861932938856015837258972567;0.022682445759368837640002070088;0.000986193293885601627093984156;0.044378698224852068665580162588;0.017751479289940828854010845816;0.009861932938856015837258972567;0.028599605522682446101523368043;0.050295857988165680596548412495;0.006903353057199210739136585602;0.007889546351084813016751873249;0.009861932938856015837258972567;0.020710059171597634819494970770;0.008875739644970414427005422908;0.060157790927021698168530861039;0.018737672583826428529540919499;0.020710059171597634819494970770;0.028599605522682446101523368043;0.049309664694280080921018338813;0.001972386587771203254187968312;0.018737672583826428529540919499;0.005917159763313609328883035943;0.026627218934911243281016268725;0.003944773175542406508375936625;0.007889546351084813016751873249;0.012820512820512820068019621544;0.042406311637080869314520015223;0.010848126232741617247512522226;0.004930966469428007918629486284;0.010848126232741617247512522226;0.020710059171597634819494970770;0.015779092702169626033503746498;0.030571992110453648922030467361;0.000000000000000000000000000000;0.019723865877712031674517945135;0.015779092702169626033503746498;0.014792899408284022888526720863;0.027613412228796842956546342407;0.020710059171597634819494970770;0.022682445759368837640002070088;0.006903353057199210739136585602
-0.026627218934911243281016268725;0.044378698224852068665580162588;0.057199211045364892203046736086;0.011834319526627218657766071885;0.021696252465483234495025044453;0.014792899408284022888526720863;0.001972386587771203254187968312;0.020710059171597634819494970770;0.022682445759368837640002070088;0.020710059171597634819494970770;0.011834319526627218657766071885;0.029585798816568045777053441725;0.008875739644970414427005422908;0.045364891518737675280004140177;0.037475345167652857059081838997;0.018737672583826428529540919499;0.018737672583826428529540919499;0.018737672583826428529540919499;0.005917159763313609328883035943;0.012820512820512820068019621544;0.008875739644970414427005422908;0.011834319526627218657766071885;0.012820512820512820068019621544;0.034516765285996058032491617951;0.018737672583826428529540919499;0.030571992110453648922030467361;0.025641025641025640136039243089;0.061143984220907297844060934722;0.000986193293885601627093984156;0.008875739644970414427005422908;0.013806706114398421478273171203;0.016765285996055225709033820181;0.001972386587771203254187968312;0.006903353057199210739136585602;0.016765285996055225709033820181;0.038461538461538463673505816587;0.006903353057199210739136585602;0.006903353057199210739136585602;0.004930966469428007918629486284;0.024654832347140040460509169407;0.007889546351084813016751873249;0.025641025641025640136039243089;0.000000000000000000000000000000;0.024654832347140040460509169407;0.005917159763313609328883035943;0.012820512820512820068019621544;0.042406311637080869314520015223;0.033530571992110451418067640361;0.030571992110453648922030467361;0.013806706114398421478273171203
-0.029585798816568045777053441725;0.000986193293885601627093984156;0.038461538461538463673505816587;0.000000000000000000000000000000;0.007889546351084813016751873249;0.034516765285996058032491617951;0.001972386587771203254187968312;0.011834319526627218657766071885;0.022682445759368837640002070088;0.045364891518737675280004140177;0.011834319526627218657766071885;0.043392504930966468990050088905;0.015779092702169626033503746498;0.054240631163708086237562611132;0.004930966469428007918629486284;0.023668639053254437315532143771;0.007889546351084813016751873249;0.008875739644970414427005422908;0.007889546351084813016751873249;0.015779092702169626033503746498;0.012820512820512820068019621544;0.006903353057199210739136585602;0.004930966469428007918629486284;0.053254437869822486562032537449;0.041420118343195269638989941541;0.057199211045364892203046736086;0.029585798816568045777053441725;0.002958579881656804664441517971;0.000986193293885601627093984156;0.030571992110453648922030467361;0.024654832347140040460509169407;0.008875739644970414427005422908;0.002958579881656804664441517971;0.007889546351084813016751873249;0.018737672583826428529540919499;0.045364891518737675280004140177;0.013806706114398421478273171203;0.014792899408284022888526720863;0.008875739644970414427005422908;0.006903353057199210739136585602;0.000986193293885601627093984156;0.017751479289940828854010845816;0.000000000000000000000000000000;0.028599605522682446101523368043;0.008875739644970414427005422908;0.018737672583826428529540919499;0.049309664694280080921018338813;0.048323471400394474306594361224;0.018737672583826428529540919499;0.027613412228796842956546342407
-0.038461538461538463673505816587;0.004930966469428007918629486284;0.058185404339250491878576809768;0.000986193293885601627093984156;0.008875739644970414427005422908;0.032544378698224851742537566679;0.000986193293885601627093984156;0.020710059171597634819494970770;0.022682445759368837640002070088;0.031558185404339252067007492997;0.009861932938856015837258972567;0.042406311637080869314520015223;0.016765285996055225709033820181;0.051282051282051280272078486178;0.008875739644970414427005422908;0.025641025641025640136039243089;0.015779092702169626033503746498;0.022682445759368837640002070088;0.008875739644970414427005422908;0.012820512820512820068019621544;0.018737672583826428529540919499;0.014792899408284022888526720863;0.004930966469428007918629486284;0.040433925049309663024565963951;0.057199211045364892203046736086;0.050295857988165680596548412495;0.021696252465483234495025044453;0.010848126232741617247512522226;0.000000000000000000000000000000;0.023668639053254437315532143771;0.021696252465483234495025044453;0.018737672583826428529540919499;0.000986193293885601627093984156;0.007889546351084813016751873249;0.016765285996055225709033820181;0.044378698224852068665580162588;0.015779092702169626033503746498;0.006903353057199210739136585602;0.001972386587771203254187968312;0.010848126232741617247512522226;0.003944773175542406508375936625;0.021696252465483234495025044453;0.000000000000000000000000000000;0.015779092702169626033503746498;0.006903353057199210739136585602;0.007889546351084813016751873249;0.051282051282051280272078486178;0.031558185404339252067007492997;0.025641025641025640136039243089;0.011834319526627218657766071885
-0.021696252465483234495025044453;0.003944773175542406508375936625;0.078895463510848126698071780538;0.000000000000000000000000000000;0.005917159763313609328883035943;0.006903353057199210739136585602;0.000000000000000000000000000000;0.016765285996055225709033820181;0.026627218934911243281016268725;0.050295857988165680596548412495;0.015779092702169626033503746498;0.025641025641025640136039243089;0.000986193293885601627093984156;0.063116370808678504134014985993;0.003944773175542406508375936625;0.015779092702169626033503746498;0.026627218934911243281016268725;0.034516765285996058032491617951;0.008875739644970414427005422908;0.010848126232741617247512522226;0.006903353057199210739136585602;0.015779092702169626033503746498;0.001972386587771203254187968312;0.053254437869822486562032537449;0.020710059171597634819494970770;0.042406311637080869314520015223;0.025641025641025640136039243089;0.000986193293885601627093984156;0.000000000000000000000000000000;0.023668639053254437315532143771;0.017751479289940828854010845816;0.030571992110453648922030467361;0.004930966469428007918629486284;0.002958579881656804664441517971;0.016765285996055225709033820181;0.076923076923076927347011633174;0.022682445759368837640002070088;0.005917159763313609328883035943;0.000000000000000000000000000000;0.013806706114398421478273171203;0.007889546351084813016751873249;0.011834319526627218657766071885;0.000000000000000000000000000000;0.026627218934911243281016268725;0.010848126232741617247512522226;0.021696252465483234495025044453;0.055226824457593685913092684814;0.026627218934911243281016268725;0.028599605522682446101523368043;0.009861932938856015837258972567
-0.015779092702169626033503746498;0.006903353057199210739136585602;0.069033530571992116064983235901;0.000000000000000000000000000000;0.010848126232741617247512522226;0.016765285996055225709033820181;0.000000000000000000000000000000;0.024654832347140040460509169407;0.034516765285996058032491617951;0.052268244575936886886502463767;0.016765285996055225709033820181;0.025641025641025640136039243089;0.005917159763313609328883035943;0.051282051282051280272078486178;0.005917159763313609328883035943;0.013806706114398421478273171203;0.031558185404339252067007492997;0.033530571992110451418067640361;0.008875739644970414427005422908;0.012820512820512820068019621544;0.008875739644970414427005422908;0.014792899408284022888526720863;0.013806706114398421478273171203;0.068047337278106509450559258312;0.007889546351084813016751873249;0.027613412228796842956546342407;0.037475345167652857059081838997;0.006903353057199210739136585602;0.001972386587771203254187968312;0.022682445759368837640002070088;0.006903353057199210739136585602;0.030571992110453648922030467361;0.005917159763313609328883035943;0.003944773175542406508375936625;0.009861932938856015837258972567;0.075936883629191320732587655584;0.010848126232741617247512522226;0.000986193293885601627093984156;0.004930966469428007918629486284;0.018737672583826428529540919499;0.008875739644970414427005422908;0.017751479289940828854010845816;0.000000000000000000000000000000;0.018737672583826428529540919499;0.005917159763313609328883035943;0.012820512820512820068019621544;0.043392504930966468990050088905;0.026627218934911243281016268725;0.027613412228796842956546342407;0.022682445759368837640002070088
-0.029585798816568045777053441725;0.009861932938856015837258972567;0.053254437869822486562032537449;0.000986193293885601627093984156;0.012820512820512820068019621544;0.013806706114398421478273171203;0.000986193293885601627093984156;0.030571992110453648922030467361;0.027613412228796842956546342407;0.039447731755424063349035890269;0.013806706114398421478273171203;0.013806706114398421478273171203;0.012820512820512820068019621544;0.035502958579881657708021691633;0.010848126232741617247512522226;0.019723865877712031674517945135;0.013806706114398421478273171203;0.032544378698224851742537566679;0.022682445759368837640002070088;0.008875739644970414427005422908;0.024654832347140040460509169407;0.014792899408284022888526720863;0.022682445759368837640002070088;0.044378698224852068665580162588;0.020710059171597634819494970770;0.049309664694280080921018338813;0.031558185404339252067007492997;0.003944773175542406508375936625;0.000000000000000000000000000000;0.030571992110453648922030467361;0.015779092702169626033503746498;0.017751479289940828854010845816;0.015779092702169626033503746498;0.005917159763313609328883035943;0.011834319526627218657766071885;0.059171597633136091554106883450;0.017751479289940828854010845816;0.005917159763313609328883035943;0.007889546351084813016751873249;0.014792899408284022888526720863;0.004930966469428007918629486284;0.016765285996055225709033820181;0.000000000000000000000000000000;0.015779092702169626033503746498;0.012820512820512820068019621544;0.016765285996055225709033820181;0.048323471400394474306594361224;0.025641025641025640136039243089;0.024654832347140040460509169407;0.015779092702169626033503746498
-0.025641025641025640136039243089;0.000000000000000000000000000000;0.073964497041420121381527508220;0.000000000000000000000000000000;0.002958579881656804664441517971;0.014792899408284022888526720863;0.000000000000000000000000000000;0.011834319526627218657766071885;0.019723865877712031674517945135;0.048323471400394474306594361224;0.017751479289940828854010845816;0.029585798816568045777053441725;0.007889546351084813016751873249;0.066074950690335310099499110947;0.004930966469428007918629486284;0.018737672583826428529540919499;0.022682445759368837640002070088;0.027613412228796842956546342407;0.010848126232741617247512522226;0.012820512820512820068019621544;0.015779092702169626033503746498;0.009861932938856015837258972567;0.002958579881656804664441517971;0.068047337278106509450559258312;0.032544378698224851742537566679;0.046351084812623274955534213859;0.019723865877712031674517945135;0.000000000000000000000000000000;0.000986193293885601627093984156;0.023668639053254437315532143771;0.012820512820512820068019621544;0.032544378698224851742537566679;0.002958579881656804664441517971;0.006903353057199210739136585602;0.018737672583826428529540919499;0.050295857988165680596548412495;0.016765285996055225709033820181;0.001972386587771203254187968312;0.005917159763313609328883035943;0.007889546351084813016751873249;0.000986193293885601627093984156;0.011834319526627218657766071885;0.000000000000000000000000000000;0.029585798816568045777053441725;0.004930966469428007918629486284;0.008875739644970414427005422908;0.072978303747534514767103530630;0.036489151873767257383551765315;0.023668639053254437315532143771;0.017751479289940828854010845816
-0.006903353057199210739136585602;0.024654832347140040460509169407;0.063116370808678504134014985993;0.056213017751479292527516662403;0.016765285996055225709033820181;0.008875739644970414427005422908;0.001972386587771203254187968312;0.026627218934911243281016268725;0.018737672583826428529540919499;0.040433925049309663024565963951;0.008875739644970414427005422908;0.026627218934911243281016268725;0.004930966469428007918629486284;0.049309664694280080921018338813;0.018737672583826428529540919499;0.005917159763313609328883035943;0.028599605522682446101523368043;0.023668639053254437315532143771;0.008875739644970414427005422908;0.015779092702169626033503746498;0.007889546351084813016751873249;0.021696252465483234495025044453;0.007889546351084813016751873249;0.058185404339250491878576809768;0.013806706114398421478273171203;0.028599605522682446101523368043;0.011834319526627218657766071885;0.083826429980276132014616052857;0.000986193293885601627093984156;0.025641025641025640136039243089;0.008875739644970414427005422908;0.024654832347140040460509169407;0.003944773175542406508375936625;0.003944773175542406508375936625;0.011834319526627218657766071885;0.059171597633136091554106883450;0.009861932938856015837258972567;0.001972386587771203254187968312;0.001972386587771203254187968312;0.006903353057199210739136585602;0.001972386587771203254187968312;0.018737672583826428529540919499;0.000000000000000000000000000000;0.028599605522682446101523368043;0.014792899408284022888526720863;0.005917159763313609328883035943;0.039447731755424063349035890269;0.019723865877712031674517945135;0.009861932938856015837258972567;0.011834319526627218657766071885
-0.027613412228796842956546342407;0.020710059171597634819494970770;0.048323471400394474306594361224;0.049309664694280080921018338813;0.034516765285996058032491617951;0.017751479289940828854010845816;0.001972386587771203254187968312;0.007889546351084813016751873249;0.022682445759368837640002070088;0.043392504930966468990050088905;0.016765285996055225709033820181;0.023668639053254437315532143771;0.005917159763313609328883035943;0.041420118343195269638989941541;0.021696252465483234495025044453;0.009861932938856015837258972567;0.011834319526627218657766071885;0.012820512820512820068019621544;0.009861932938856015837258972567;0.007889546351084813016751873249;0.014792899408284022888526720863;0.013806706114398421478273171203;0.004930966469428007918629486284;0.050295857988165680596548412495;0.021696252465483234495025044453;0.035502958579881657708021691633;0.015779092702169626033503746498;0.062130177514792897519591008404;0.001972386587771203254187968312;0.021696252465483234495025044453;0.019723865877712031674517945135;0.019723865877712031674517945135;0.006903353057199210739136585602;0.002958579881656804664441517971;0.016765285996055225709033820181;0.048323471400394474306594361224;0.012820512820512820068019621544;0.007889546351084813016751873249;0.002958579881656804664441517971;0.009861932938856015837258972567;0.005917159763313609328883035943;0.018737672583826428529540919499;0.000000000000000000000000000000;0.019723865877712031674517945135;0.009861932938856015837258972567;0.021696252465483234495025044453;0.043392504930966468990050088905;0.022682445759368837640002070088;0.014792899408284022888526720863;0.016765285996055225709033820181
-0.035502958579881657708021691633;0.014792899408284022888526720863;0.052268244575936886886502463767;0.000000000000000000000000000000;0.005917159763313609328883035943;0.009861932938856015837258972567;0.001972386587771203254187968312;0.011834319526627218657766071885;0.022682445759368837640002070088;0.043392504930966468990050088905;0.014792899408284022888526720863;0.023668639053254437315532143771;0.010848126232741617247512522226;0.049309664694280080921018338813;0.006903353057199210739136585602;0.020710059171597634819494970770;0.020710059171597634819494970770;0.029585798816568045777053441725;0.006903353057199210739136585602;0.014792899408284022888526720863;0.011834319526627218657766071885;0.021696252465483234495025044453;0.010848126232741617247512522226;0.048323471400394474306594361224;0.024654832347140040460509169407;0.047337278106508874631064287541;0.023668639053254437315532143771;0.002958579881656804664441517971;0.000986193293885601627093984156;0.018737672583826428529540919499;0.012820512820512820068019621544;0.024654832347140040460509169407;0.001972386587771203254187968312;0.008875739644970414427005422908;0.034516765285996058032491617951;0.053254437869822486562032537449;0.013806706114398421478273171203;0.012820512820512820068019621544;0.003944773175542406508375936625;0.016765285996055225709033820181;0.002958579881656804664441517971;0.013806706114398421478273171203;0.000000000000000000000000000000;0.026627218934911243281016268725;0.010848126232741617247512522226;0.008875739644970414427005422908;0.054240631163708086237562611132;0.044378698224852068665580162588;0.025641025641025640136039243089;0.021696252465483234495025044453
-0.039447731755424063349035890269;0.010848126232741617247512522226;0.061143984220907297844060934722;0.000000000000000000000000000000;0.000000000000000000000000000000;0.009861932938856015837258972567;0.001972386587771203254187968312;0.016765285996055225709033820181;0.015779092702169626033503746498;0.056213017751479292527516662403;0.015779092702169626033503746498;0.016765285996055225709033820181;0.003944773175542406508375936625;0.090729783037475350560008280354;0.001972386587771203254187968312;0.020710059171597634819494970770;0.016765285996055225709033820181;0.019723865877712031674517945135;0.005917159763313609328883035943;0.014792899408284022888526720863;0.013806706114398421478273171203;0.016765285996055225709033820181;0.000986193293885601627093984156;0.075936883629191320732587655584;0.028599605522682446101523368043;0.055226824457593685913092684814;0.016765285996055225709033820181;0.000986193293885601627093984156;0.000986193293885601627093984156;0.005917159763313609328883035943;0.010848126232741617247512522226;0.031558185404339252067007492997;0.000986193293885601627093984156;0.008875739644970414427005422908;0.005917159763313609328883035943;0.059171597633136091554106883450;0.008875739644970414427005422908;0.010848126232741617247512522226;0.001972386587771203254187968312;0.007889546351084813016751873249;0.003944773175542406508375936625;0.008875739644970414427005422908;0.000000000000000000000000000000;0.031558185404339252067007492997;0.001972386587771203254187968312;0.023668639053254437315532143771;0.070019723865877708801619405676;0.046351084812623274955534213859;0.014792899408284022888526720863;0.016765285996055225709033820181
-0.021696252465483234495025044453;0.002958579881656804664441517971;0.050295857988165680596548412495;0.003944773175542406508375936625;0.042406311637080869314520015223;0.013806706114398421478273171203;0.012820512820512820068019621544;0.023668639053254437315532143771;0.017751479289940828854010845816;0.057199211045364892203046736086;0.010848126232741617247512522226;0.025641025641025640136039243089;0.001972386587771203254187968312;0.054240631163708086237562611132;0.002958579881656804664441517971;0.019723865877712031674517945135;0.014792899408284022888526720863;0.013806706114398421478273171203;0.024654832347140040460509169407;0.004930966469428007918629486284;0.025641025641025640136039243089;0.002958579881656804664441517971;0.000986193293885601627093984156;0.062130177514792897519591008404;0.023668639053254437315532143771;0.051282051282051280272078486178;0.021696252465483234495025044453;0.013806706114398421478273171203;0.000986193293885601627093984156;0.034516765285996058032491617951;0.012820512820512820068019621544;0.031558185404339252067007492997;0.000986193293885601627093984156;0.004930966469428007918629486284;0.005917159763313609328883035943;0.046351084812623274955534213859;0.007889546351084813016751873249;0.006903353057199210739136585602;0.002958579881656804664441517971;0.008875739644970414427005422908;0.016765285996055225709033820181;0.005917159763313609328883035943;0.000000000000000000000000000000;0.038461538461538463673505816587;0.009861932938856015837258972567;0.023668639053254437315532143771;0.067061143984220902836135280722;0.031558185404339252067007492997;0.005917159763313609328883035943;0.013806706114398421478273171203
-0.029585798816568045777053441725;0.009861932938856015837258972567;0.038461538461538463673505816587;0.005917159763313609328883035943;0.056213017751479292527516662403;0.016765285996055225709033820181;0.006903353057199210739136585602;0.017751479289940828854010845816;0.030571992110453648922030467361;0.034516765285996058032491617951;0.011834319526627218657766071885;0.016765285996055225709033820181;0.003944773175542406508375936625;0.035502958579881657708021691633;0.024654832347140040460509169407;0.023668639053254437315532143771;0.008875739644970414427005422908;0.024654832347140040460509169407;0.009861932938856015837258972567;0.004930966469428007918629486284;0.010848126232741617247512522226;0.015779092702169626033503746498;0.011834319526627218657766071885;0.041420118343195269638989941541;0.038461538461538463673505816587;0.042406311637080869314520015223;0.024654832347140040460509169407;0.010848126232741617247512522226;0.000986193293885601627093984156;0.033530571992110451418067640361;0.024654832347140040460509169407;0.028599605522682446101523368043;0.018737672583826428529540919499;0.008875739644970414427005422908;0.013806706114398421478273171203;0.022682445759368837640002070088;0.009861932938856015837258972567;0.018737672583826428529540919499;0.003944773175542406508375936625;0.009861932938856015837258972567;0.003944773175542406508375936625;0.015779092702169626033503746498;0.000000000000000000000000000000;0.038461538461538463673505816587;0.023668639053254437315532143771;0.019723865877712031674517945135;0.036489151873767257383551765315;0.020710059171597634819494970770;0.021696252465483234495025044453;0.017751479289940828854010845816
-0.037475345167652857059081838997;0.012820512820512820068019621544;0.022682445759368837640002070088;0.013806706114398421478273171203;0.043392504930966468990050088905;0.016765285996055225709033820181;0.003944773175542406508375936625;0.019723865877712031674517945135;0.011834319526627218657766071885;0.050295857988165680596548412495;0.013806706114398421478273171203;0.016765285996055225709033820181;0.004930966469428007918629486284;0.057199211045364892203046736086;0.018737672583826428529540919499;0.026627218934911243281016268725;0.015779092702169626033503746498;0.019723865877712031674517945135;0.018737672583826428529540919499;0.008875739644970414427005422908;0.023668639053254437315532143771;0.002958579881656804664441517971;0.001972386587771203254187968312;0.063116370808678504134014985993;0.034516765285996058032491617951;0.037475345167652857059081838997;0.022682445759368837640002070088;0.020710059171597634819494970770;0.000986193293885601627093984156;0.027613412228796842956546342407;0.013806706114398421478273171203;0.034516765285996058032491617951;0.008875739644970414427005422908;0.008875739644970414427005422908;0.007889546351084813016751873249;0.028599605522682446101523368043;0.010848126232741617247512522226;0.009861932938856015837258972567;0.000000000000000000000000000000;0.004930966469428007918629486284;0.006903353057199210739136585602;0.004930966469428007918629486284;0.000000000000000000000000000000;0.035502958579881657708021691633;0.012820512820512820068019621544;0.021696252465483234495025044453;0.056213017751479292527516662403;0.034516765285996058032491617951;0.015779092702169626033503746498;0.013806706114398421478273171203
-0.030571992110453648922030467361;0.029585798816568045777053441725;0.027613412228796842956546342407;0.021696252465483234495025044453;0.101577909270216967807520802580;0.011834319526627218657766071885;0.012820512820512820068019621544;0.023668639053254437315532143771;0.014792899408284022888526720863;0.027613412228796842956546342407;0.010848126232741617247512522226;0.026627218934911243281016268725;0.003944773175542406508375936625;0.025641025641025640136039243089;0.041420118343195269638989941541;0.012820512820512820068019621544;0.008875739644970414427005422908;0.042406311637080869314520015223;0.030571992110453648922030467361;0.010848126232741617247512522226;0.020710059171597634819494970770;0.005917159763313609328883035943;0.007889546351084813016751873249;0.020710059171597634819494970770;0.032544378698224851742537566679;0.028599605522682446101523368043;0.023668639053254437315532143771;0.043392504930966468990050088905;0.000000000000000000000000000000;0.045364891518737675280004140177;0.015779092702169626033503746498;0.009861932938856015837258972567;0.002958579881656804664441517971;0.001972386587771203254187968312;0.006903353057199210739136585602;0.038461538461538463673505816587;0.000986193293885601627093984156;0.003944773175542406508375936625;0.004930966469428007918629486284;0.002958579881656804664441517971;0.024654832347140040460509169407;0.024654832347140040460509169407;0.000000000000000000000000000000;0.009861932938856015837258972567;0.021696252465483234495025044453;0.007889546351084813016751873249;0.030571992110453648922030467361;0.024654832347140040460509169407;0.010848126232741617247512522226;0.011834319526627218657766071885
-0.042406311637080869314520015223;0.021696252465483234495025044453;0.029585798816568045777053441725;0.003944773175542406508375936625;0.051282051282051280272078486178;0.025641025641025640136039243089;0.000986193293885601627093984156;0.017751479289940828854010845816;0.020710059171597634819494970770;0.034516765285996058032491617951;0.010848126232741617247512522226;0.030571992110453648922030467361;0.009861932938856015837258972567;0.043392504930966468990050088905;0.052268244575936886886502463767;0.018737672583826428529540919499;0.006903353057199210739136585602;0.017751479289940828854010845816;0.010848126232741617247512522226;0.005917159763313609328883035943;0.008875739644970414427005422908;0.004930966469428007918629486284;0.007889546351084813016751873249;0.042406311637080869314520015223;0.032544378698224851742537566679;0.025641025641025640136039243089;0.028599605522682446101523368043;0.031558185404339252067007492997;0.000986193293885601627093984156;0.030571992110453648922030467361;0.021696252465483234495025044453;0.015779092702169626033503746498;0.018737672583826428529540919499;0.001972386587771203254187968312;0.017751479289940828854010845816;0.028599605522682446101523368043;0.009861932938856015837258972567;0.008875739644970414427005422908;0.000000000000000000000000000000;0.009861932938856015837258972567;0.002958579881656804664441517971;0.019723865877712031674517945135;0.000000000000000000000000000000;0.026627218934911243281016268725;0.022682445759368837640002070088;0.012820512820512820068019621544;0.038461538461538463673505816587;0.032544378698224851742537566679;0.028599605522682446101523368043;0.012820512820512820068019621544
-0.037475345167652857059081838997;0.021696252465483234495025044453;0.043392504930966468990050088905;0.000000000000000000000000000000;0.009861932938856015837258972567;0.016765285996055225709033820181;0.006903353057199210739136585602;0.018737672583826428529540919499;0.032544378698224851742537566679;0.021696252465483234495025044453;0.019723865877712031674517945135;0.028599605522682446101523368043;0.011834319526627218657766071885;0.038461538461538463673505816587;0.003944773175542406508375936625;0.020710059171597634819494970770;0.018737672583826428529540919499;0.029585798816568045777053441725;0.007889546351084813016751873249;0.006903353057199210739136585602;0.013806706114398421478273171203;0.013806706114398421478273171203;0.008875739644970414427005422908;0.045364891518737675280004140177;0.029585798816568045777053441725;0.044378698224852068665580162588;0.032544378698224851742537566679;0.027613412228796842956546342407;0.003944773175542406508375936625;0.033530571992110451418067640361;0.011834319526627218657766071885;0.020710059171597634819494970770;0.007889546351084813016751873249;0.006903353057199210739136585602;0.019723865877712031674517945135;0.041420118343195269638989941541;0.006903353057199210739136585602;0.008875739644970414427005422908;0.001972386587771203254187968312;0.012820512820512820068019621544;0.012820512820512820068019621544;0.033530571992110451418067640361;0.000000000000000000000000000000;0.024654832347140040460509169407;0.006903353057199210739136585602;0.027613412228796842956546342407;0.044378698224852068665580162588;0.025641025641025640136039243089;0.014792899408284022888526720863;0.021696252465483234495025044453
-0.037475345167652857059081838997;0.004930966469428007918629486284;0.042406311637080869314520015223;0.000000000000000000000000000000;0.004930966469428007918629486284;0.021696252465483234495025044453;0.000986193293885601627093984156;0.011834319526627218657766071885;0.047337278106508874631064287541;0.033530571992110451418067640361;0.017751479289940828854010845816;0.036489151873767257383551765315;0.018737672583826428529540919499;0.045364891518737675280004140177;0.009861932938856015837258972567;0.023668639053254437315532143771;0.011834319526627218657766071885;0.038461538461538463673505816587;0.010848126232741617247512522226;0.012820512820512820068019621544;0.012820512820512820068019621544;0.015779092702169626033503746498;0.015779092702169626033503746498;0.038461538461538463673505816587;0.039447731755424063349035890269;0.033530571992110451418067640361;0.032544378698224851742537566679;0.006903353057199210739136585602;0.000000000000000000000000000000;0.020710059171597634819494970770;0.013806706114398421478273171203;0.027613412228796842956546342407;0.010848126232741617247512522226;0.006903353057199210739136585602;0.022682445759368837640002070088;0.030571992110453648922030467361;0.019723865877712031674517945135;0.007889546351084813016751873249;0.001972386587771203254187968312;0.015779092702169626033503746498;0.005917159763313609328883035943;0.033530571992110451418067640361;0.000000000000000000000000000000;0.027613412228796842956546342407;0.012820512820512820068019621544;0.009861932938856015837258972567;0.033530571992110451418067640361;0.027613412228796842956546342407;0.022682445759368837640002070088;0.021696252465483234495025044453
-0.061143984220907297844060934722;0.003944773175542406508375936625;0.032544378698224851742537566679;0.000000000000000000000000000000;0.004930966469428007918629486284;0.046351084812623274955534213859;0.001972386587771203254187968312;0.012820512820512820068019621544;0.022682445759368837640002070088;0.047337278106508874631064287541;0.020710059171597634819494970770;0.043392504930966468990050088905;0.027613412228796842956546342407;0.035502958579881657708021691633;0.002958579881656804664441517971;0.058185404339250491878576809768;0.003944773175542406508375936625;0.008875739644970414427005422908;0.010848126232741617247512522226;0.006903353057199210739136585602;0.009861932938856015837258972567;0.007889546351084813016751873249;0.005917159763313609328883035943;0.032544378698224851742537566679;0.052268244575936886886502463767;0.041420118343195269638989941541;0.017751479289940828854010845816;0.001972386587771203254187968312;0.000000000000000000000000000000;0.027613412228796842956546342407;0.054240631163708086237562611132;0.006903353057199210739136585602;0.007889546351084813016751873249;0.003944773175542406508375936625;0.029585798816568045777053441725;0.027613412228796842956546342407;0.007889546351084813016751873249;0.023668639053254437315532143771;0.001972386587771203254187968312;0.010848126232741617247512522226;0.000986193293885601627093984156;0.007889546351084813016751873249;0.000000000000000000000000000000;0.021696252465483234495025044453;0.007889546351084813016751873249;0.018737672583826428529540919499;0.046351084812623274955534213859;0.034516765285996058032491617951;0.018737672583826428529540919499;0.018737672583826428529540919499
-0.053254437869822486562032537449;0.004930966469428007918629486284;0.051282051282051280272078486178;0.004930966469428007918629486284;0.007889546351084813016751873249;0.025641025641025640136039243089;0.001972386587771203254187968312;0.005917159763313609328883035943;0.037475345167652857059081838997;0.028599605522682446101523368043;0.014792899408284022888526720863;0.037475345167652857059081838997;0.018737672583826428529540919499;0.064102564102564096870651155768;0.004930966469428007918629486284;0.051282051282051280272078486178;0.007889546351084813016751873249;0.010848126232741617247512522226;0.005917159763313609328883035943;0.009861932938856015837258972567;0.012820512820512820068019621544;0.011834319526627218657766071885;0.009861932938856015837258972567;0.037475345167652857059081838997;0.040433925049309663024565963951;0.038461538461538463673505816587;0.014792899408284022888526720863;0.001972386587771203254187968312;0.000000000000000000000000000000;0.014792899408284022888526720863;0.050295857988165680596548412495;0.019723865877712031674517945135;0.005917159763313609328883035943;0.004930966469428007918629486284;0.030571992110453648922030467361;0.029585798816568045777053441725;0.012820512820512820068019621544;0.033530571992110451418067640361;0.005917159763313609328883035943;0.011834319526627218657766071885;0.002958579881656804664441517971;0.014792899408284022888526720863;0.000000000000000000000000000000;0.013806706114398421478273171203;0.001972386587771203254187968312;0.006903353057199210739136585602;0.041420118343195269638989941541;0.037475345167652857059081838997;0.026627218934911243281016268725;0.018737672583826428529540919499
-0.024654832347140040460509169407;0.007889546351084813016751873249;0.055226824457593685913092684814;0.000000000000000000000000000000;0.000000000000000000000000000000;0.011834319526627218657766071885;0.001972386587771203254187968312;0.008875739644970414427005422908;0.032544378698224851742537566679;0.047337278106508874631064287541;0.017751479289940828854010845816;0.028599605522682446101523368043;0.019723865877712031674517945135;0.048323471400394474306594361224;0.002958579881656804664441517971;0.022682445759368837640002070088;0.018737672583826428529540919499;0.029585798816568045777053441725;0.005917159763313609328883035943;0.007889546351084813016751873249;0.010848126232741617247512522226;0.029585798816568045777053441725;0.012820512820512820068019621544;0.047337278106508874631064287541;0.026627218934911243281016268725;0.029585798816568045777053441725;0.023668639053254437315532143771;0.006903353057199210739136585602;0.006903353057199210739136585602;0.024654832347140040460509169407;0.006903353057199210739136585602;0.030571992110453648922030467361;0.006903353057199210739136585602;0.014792899408284022888526720863;0.036489151873767257383551765315;0.032544378698224851742537566679;0.012820512820512820068019621544;0.007889546351084813016751873249;0.002958579881656804664441517971;0.024654832347140040460509169407;0.005917159763313609328883035943;0.030571992110453648922030467361;0.000000000000000000000000000000;0.025641025641025640136039243089;0.007889546351084813016751873249;0.028599605522682446101523368043;0.035502958579881657708021691633;0.025641025641025640136039243089;0.030571992110453648922030467361;0.021696252465483234495025044453
-0.019723865877712031674517945135;0.012820512820512820068019621544;0.081854043392504932663555905492;0.000000000000000000000000000000;0.003944773175542406508375936625;0.013806706114398421478273171203;0.000000000000000000000000000000;0.008875739644970414427005422908;0.039447731755424063349035890269;0.027613412228796842956546342407;0.009861932938856015837258972567;0.021696252465483234495025044453;0.008875739644970414427005422908;0.047337278106508874631064287541;0.004930966469428007918629486284;0.022682445759368837640002070088;0.028599605522682446101523368043;0.030571992110453648922030467361;0.001972386587771203254187968312;0.015779092702169626033503746498;0.011834319526627218657766071885;0.032544378698224851742537566679;0.011834319526627218657766071885;0.041420118343195269638989941541;0.034516765285996058032491617951;0.031558185404339252067007492997;0.017751479289940828854010845816;0.021696252465483234495025044453;0.000986193293885601627093984156;0.006903353057199210739136585602;0.011834319526627218657766071885;0.025641025641025640136039243089;0.000986193293885601627093984156;0.007889546351084813016751873249;0.022682445759368837640002070088;0.055226824457593685913092684814;0.004930966469428007918629486284;0.008875739644970414427005422908;0.013806706114398421478273171203;0.030571992110453648922030467361;0.003944773175542406508375936625;0.034516765285996058032491617951;0.000000000000000000000000000000;0.022682445759368837640002070088;0.000000000000000000000000000000;0.013806706114398421478273171203;0.057199211045364892203046736086;0.030571992110453648922030467361;0.022682445759368837640002070088;0.020710059171597634819494970770
-0.023668639053254437315532143771;0.003944773175542406508375936625;0.082840236686390539277979883082;0.000000000000000000000000000000;0.002958579881656804664441517971;0.017751479289940828854010845816;0.000986193293885601627093984156;0.024654832347140040460509169407;0.025641025641025640136039243089;0.038461538461538463673505816587;0.011834319526627218657766071885;0.036489151873767257383551765315;0.010848126232741617247512522226;0.064102564102564096870651155768;0.000986193293885601627093984156;0.020710059171597634819494970770;0.026627218934911243281016268725;0.030571992110453648922030467361;0.002958579881656804664441517971;0.026627218934911243281016268725;0.004930966469428007918629486284;0.015779092702169626033503746498;0.003944773175542406508375936625;0.049309664694280080921018338813;0.022682445759368837640002070088;0.046351084812623274955534213859;0.026627218934911243281016268725;0.000986193293885601627093984156;0.000986193293885601627093984156;0.018737672583826428529540919499;0.012820512820512820068019621544;0.035502958579881657708021691633;0.001972386587771203254187968312;0.007889546351084813016751873249;0.020710059171597634819494970770;0.057199211045364892203046736086;0.011834319526627218657766071885;0.006903353057199210739136585602;0.001972386587771203254187968312;0.010848126232741617247512522226;0.002958579881656804664441517971;0.009861932938856015837258972567;0.000000000000000000000000000000;0.017751479289940828854010845816;0.006903353057199210739136585602;0.019723865877712031674517945135;0.064102564102564096870651155768;0.027613412228796842956546342407;0.025641025641025640136039243089;0.014792899408284022888526720863
-0.035502958579881657708021691633;0.002958579881656804664441517971;0.044378698224852068665580162588;0.000000000000000000000000000000;0.009861932938856015837258972567;0.031558185404339252067007492997;0.003944773175542406508375936625;0.012820512820512820068019621544;0.020710059171597634819494970770;0.032544378698224851742537566679;0.014792899408284022888526720863;0.026627218934911243281016268725;0.009861932938856015837258972567;0.051282051282051280272078486178;0.005917159763313609328883035943;0.014792899408284022888526720863;0.014792899408284022888526720863;0.018737672583826428529540919499;0.011834319526627218657766071885;0.013806706114398421478273171203;0.014792899408284022888526720863;0.007889546351084813016751873249;0.009861932938856015837258972567;0.049309664694280080921018338813;0.038461538461538463673505816587;0.048323471400394474306594361224;0.025641025641025640136039243089;0.003944773175542406508375936625;0.002958579881656804664441517971;0.029585798816568045777053441725;0.020710059171597634819494970770;0.024654832347140040460509169407;0.007889546351084813016751873249;0.011834319526627218657766071885;0.023668639053254437315532143771;0.053254437869822486562032537449;0.014792899408284022888526720863;0.007889546351084813016751873249;0.002958579881656804664441517971;0.008875739644970414427005422908;0.001972386587771203254187968312;0.019723865877712031674517945135;0.000000000000000000000000000000;0.029585798816568045777053441725;0.014792899408284022888526720863;0.014792899408284022888526720863;0.050295857988165680596548412495;0.031558185404339252067007492997;0.030571992110453648922030467361;0.022682445759368837640002070088
-0.034516765285996058032491617951;0.002958579881656804664441517971;0.053254437869822486562032537449;0.000000000000000000000000000000;0.004930966469428007918629486284;0.019723865877712031674517945135;0.003944773175542406508375936625;0.019723865877712031674517945135;0.019723865877712031674517945135;0.045364891518737675280004140177;0.020710059171597634819494970770;0.025641025641025640136039243089;0.009861932938856015837258972567;0.052268244575936886886502463767;0.002958579881656804664441517971;0.025641025641025640136039243089;0.013806706114398421478273171203;0.012820512820512820068019621544;0.009861932938856015837258972567;0.009861932938856015837258972567;0.016765285996055225709033820181;0.020710059171597634819494970770;0.007889546351084813016751873249;0.058185404339250491878576809768;0.040433925049309663024565963951;0.047337278106508874631064287541;0.022682445759368837640002070088;0.002958579881656804664441517971;0.002958579881656804664441517971;0.028599605522682446101523368043;0.010848126232741617247512522226;0.020710059171597634819494970770;0.006903353057199210739136585602;0.007889546351084813016751873249;0.020710059171597634819494970770;0.031558185404339252067007492997;0.010848126232741617247512522226;0.006903353057199210739136585602;0.002958579881656804664441517971;0.019723865877712031674517945135;0.003944773175542406508375936625;0.012820512820512820068019621544;0.000000000000000000000000000000;0.030571992110453648922030467361;0.007889546351084813016751873249;0.018737672583826428529540919499;0.062130177514792897519591008404;0.029585798816568045777053441725;0.031558185404339252067007492997;0.027613412228796842956546342407
-0.036489151873767257383551765315;0.001972386587771203254187968312;0.056213017751479292527516662403;0.000000000000000000000000000000;0.007889546351084813016751873249;0.016765285996055225709033820181;0.000986193293885601627093984156;0.014792899408284022888526720863;0.024654832347140040460509169407;0.046351084812623274955534213859;0.025641025641025640136039243089;0.025641025641025640136039243089;0.009861932938856015837258972567;0.076923076923076927347011633174;0.000986193293885601627093984156;0.025641025641025640136039243089;0.005917159763313609328883035943;0.009861932938856015837258972567;0.005917159763313609328883035943;0.007889546351084813016751873249;0.008875739644970414427005422908;0.007889546351084813016751873249;0.006903353057199210739136585602;0.062130177514792897519591008404;0.040433925049309663024565963951;0.065088757396449703485075133358;0.024654832347140040460509169407;0.004930966469428007918629486284;0.000986193293885601627093984156;0.021696252465483234495025044453;0.018737672583826428529540919499;0.019723865877712031674517945135;0.003944773175542406508375936625;0.006903353057199210739136585602;0.017751479289940828854010845816;0.047337278106508874631064287541;0.014792899408284022888526720863;0.006903353057199210739136585602;0.003944773175542406508375936625;0.007889546351084813016751873249;0.001972386587771203254187968312;0.007889546351084813016751873249;0.000000000000000000000000000000;0.021696252465483234495025044453;0.005917159763313609328883035943;0.015779092702169626033503746498;0.061143984220907297844060934722;0.051282051282051280272078486178;0.024654832347140040460509169407;0.017751479289940828854010845816
-0.030571992110453648922030467361;0.001972386587771203254187968312;0.070019723865877708801619405676;0.000000000000000000000000000000;0.000986193293885601627093984156;0.020710059171597634819494970770;0.000986193293885601627093984156;0.018737672583826428529540919499;0.024654832347140040460509169407;0.053254437869822486562032537449;0.021696252465483234495025044453;0.014792899408284022888526720863;0.010848126232741617247512522226;0.071005917159763315416043383266;0.003944773175542406508375936625;0.018737672583826428529540919499;0.022682445759368837640002070088;0.025641025641025640136039243089;0.005917159763313609328883035943;0.010848126232741617247512522226;0.009861932938856015837258972567;0.015779092702169626033503746498;0.001972386587771203254187968312;0.074950690335305714118163677995;0.040433925049309663024565963951;0.052268244575936886886502463767;0.017751479289940828854010845816;0.000986193293885601627093984156;0.000986193293885601627093984156;0.013806706114398421478273171203;0.006903353057199210739136585602;0.018737672583826428529540919499;0.000000000000000000000000000000;0.003944773175542406508375936625;0.014792899408284022888526720863;0.052268244575936886886502463767;0.012820512820512820068019621544;0.008875739644970414427005422908;0.000986193293885601627093984156;0.009861932938856015837258972567;0.007889546351084813016751873249;0.010848126232741617247512522226;0.000000000000000000000000000000;0.027613412228796842956546342407;0.008875739644970414427005422908;0.011834319526627218657766071885;0.067061143984220902836135280722;0.040433925049309663024565963951;0.018737672583826428529540919499;0.020710059171597634819494970770
-0.023668639053254437315532143771;0.004930966469428007918629486284;0.061143984220907297844060934722;0.009861932938856015837258972567;0.016765285996055225709033820181;0.017751479289940828854010845816;0.002958579881656804664441517971;0.014792899408284022888526720863;0.021696252465483234495025044453;0.045364891518737675280004140177;0.015779092702169626033503746498;0.022682445759368837640002070088;0.006903353057199210739136585602;0.049309664694280080921018338813;0.006903353057199210739136585602;0.018737672583826428529540919499;0.022682445759368837640002070088;0.023668639053254437315532143771;0.012820512820512820068019621544;0.006903353057199210739136585602;0.014792899408284022888526720863;0.013806706114398421478273171203;0.000986193293885601627093984156;0.071992110453648922030467360855;0.028599605522682446101523368043;0.060157790927021698168530861039;0.015779092702169626033503746498;0.000000000000000000000000000000;0.000000000000000000000000000000;0.019723865877712031674517945135;0.014792899408284022888526720863;0.031558185404339252067007492997;0.001972386587771203254187968312;0.009861932938856015837258972567;0.015779092702169626033503746498;0.053254437869822486562032537449;0.013806706114398421478273171203;0.011834319526627218657766071885;0.000000000000000000000000000000;0.011834319526627218657766071885;0.003944773175542406508375936625;0.008875739644970414427005422908;0.000000000000000000000000000000;0.029585798816568045777053441725;0.004930966469428007918629486284;0.024654832347140040460509169407;0.050295857988165680596548412495;0.043392504930966468990050088905;0.015779092702169626033503746498;0.022682445759368837640002070088
-0.026627218934911243281016268725;0.013806706114398421478273171203;0.045364891518737675280004140177;0.021696252465483234495025044453;0.039447731755424063349035890269;0.016765285996055225709033820181;0.005917159763313609328883035943;0.020710059171597634819494970770;0.021696252465483234495025044453;0.027613412228796842956546342407;0.015779092702169626033503746498;0.018737672583826428529540919499;0.004930966469428007918629486284;0.029585798816568045777053441725;0.021696252465483234495025044453;0.009861932938856015837258972567;0.019723865877712031674517945135;0.039447731755424063349035890269;0.023668639053254437315532143771;0.005917159763313609328883035943;0.029585798816568045777053441725;0.012820512820512820068019621544;0.011834319526627218657766071885;0.047337278106508874631064287541;0.018737672583826428529540919499;0.033530571992110451418067640361;0.026627218934911243281016268725;0.038461538461538463673505816587;0.002958579881656804664441517971;0.033530571992110451418067640361;0.010848126232741617247512522226;0.019723865877712031674517945135;0.007889546351084813016751873249;0.008875739644970414427005422908;0.011834319526627218657766071885;0.037475345167652857059081838997;0.017751479289940828854010845816;0.005917159763313609328883035943;0.004930966469428007918629486284;0.005917159763313609328883035943;0.013806706114398421478273171203;0.018737672583826428529540919499;0.000000000000000000000000000000;0.020710059171597634819494970770;0.021696252465483234495025044453;0.019723865877712031674517945135;0.035502958579881657708021691633;0.024654832347140040460509169407;0.016765285996055225709033820181;0.012820512820512820068019621544
-0.038461538461538463673505816587;0.003944773175542406508375936625;0.047337278106508874631064287541;0.000986193293885601627093984156;0.019723865877712031674517945135;0.017751479289940828854010845816;0.000000000000000000000000000000;0.019723865877712031674517945135;0.029585798816568045777053441725;0.035502958579881657708021691633;0.016765285996055225709033820181;0.029585798816568045777053441725;0.015779092702169626033503746498;0.050295857988165680596548412495;0.006903353057199210739136585602;0.021696252465483234495025044453;0.013806706114398421478273171203;0.022682445759368837640002070088;0.008875739644970414427005422908;0.006903353057199210739136585602;0.016765285996055225709033820181;0.015779092702169626033503746498;0.005917159763313609328883035943;0.050295857988165680596548412495;0.053254437869822486562032537449;0.057199211045364892203046736086;0.024654832347140040460509169407;0.008875739644970414427005422908;0.001972386587771203254187968312;0.031558185404339252067007492997;0.010848126232741617247512522226;0.017751479289940828854010845816;0.005917159763313609328883035943;0.002958579881656804664441517971;0.026627218934911243281016268725;0.042406311637080869314520015223;0.014792899408284022888526720863;0.015779092702169626033503746498;0.003944773175542406508375936625;0.009861932938856015837258972567;0.003944773175542406508375936625;0.024654832347140040460509169407;0.000000000000000000000000000000;0.020710059171597634819494970770;0.010848126232741617247512522226;0.005917159763313609328883035943;0.034516765285996058032491617951;0.028599605522682446101523368043;0.035502958579881657708021691633;0.011834319526627218657766071885
-0.020710059171597634819494970770;0.001972386587771203254187968312;0.099605522682445754578672847401;0.000000000000000000000000000000;0.006903353057199210739136585602;0.011834319526627218657766071885;0.000986193293885601627093984156;0.014792899408284022888526720863;0.025641025641025640136039243089;0.041420118343195269638989941541;0.012820512820512820068019621544;0.021696252465483234495025044453;0.009861932938856015837258972567;0.060157790927021698168530861039;0.001972386587771203254187968312;0.019723865877712031674517945135;0.025641025641025640136039243089;0.033530571992110451418067640361;0.001972386587771203254187968312;0.011834319526627218657766071885;0.003944773175542406508375936625;0.017751479289940828854010845816;0.009861932938856015837258972567;0.071005917159763315416043383266;0.018737672583826428529540919499;0.033530571992110451418067640361;0.039447731755424063349035890269;0.001972386587771203254187968312;0.000000000000000000000000000000;0.026627218934911243281016268725;0.013806706114398421478273171203;0.030571992110453648922030467361;0.004930966469428007918629486284;0.006903353057199210739136585602;0.008875739644970414427005422908;0.064102564102564096870651155768;0.019723865877712031674517945135;0.006903353057199210739136585602;0.003944773175542406508375936625;0.016765285996055225709033820181;0.003944773175542406508375936625;0.020710059171597634819494970770;0.000000000000000000000000000000;0.027613412228796842956546342407;0.006903353057199210739136585602;0.009861932938856015837258972567;0.047337278106508874631064287541;0.029585798816568045777053441725;0.016765285996055225709033820181;0.014792899408284022888526720863
-0.011834319526627218657766071885;0.005917159763313609328883035943;0.099605522682445754578672847401;0.000000000000000000000000000000;0.000986193293885601627093984156;0.014792899408284022888526720863;0.000000000000000000000000000000;0.015779092702169626033503746498;0.038461538461538463673505816587;0.059171597633136091554106883450;0.008875739644970414427005422908;0.019723865877712031674517945135;0.001972386587771203254187968312;0.064102564102564096870651155768;0.000986193293885601627093984156;0.013806706114398421478273171203;0.041420118343195269638989941541;0.040433925049309663024565963951;0.001972386587771203254187968312;0.016765285996055225709033820181;0.005917159763313609328883035943;0.018737672583826428529540919499;0.006903353057199210739136585602;0.074950690335305714118163677995;0.015779092702169626033503746498;0.033530571992110451418067640361;0.015779092702169626033503746498;0.000986193293885601627093984156;0.000000000000000000000000000000;0.014792899408284022888526720863;0.009861932938856015837258972567;0.046351084812623274955534213859;0.002958579881656804664441517971;0.003944773175542406508375936625;0.006903353057199210739136585602;0.087771203155818544594524155400;0.009861932938856015837258972567;0.001972386587771203254187968312;0.000986193293885601627093984156;0.007889546351084813016751873249;0.000000000000000000000000000000;0.010848126232741617247512522226;0.000000000000000000000000000000;0.018737672583826428529540919499;0.005917159763313609328883035943;0.010848126232741617247512522226;0.069033530571992116064983235901;0.024654832347140040460509169407;0.016765285996055225709033820181;0.020710059171597634819494970770
-0.015779092702169626033503746498;0.000986193293885601627093984156;0.107495069033530565860701244674;0.000000000000000000000000000000;0.000986193293885601627093984156;0.010848126232741617247512522226;0.000000000000000000000000000000;0.013806706114398421478273171203;0.055226824457593685913092684814;0.055226824457593685913092684814;0.006903353057199210739136585602;0.020710059171597634819494970770;0.001972386587771203254187968312;0.064102564102564096870651155768;0.002958579881656804664441517971;0.014792899408284022888526720863;0.040433925049309663024565963951;0.033530571992110451418067640361;0.002958579881656804664441517971;0.023668639053254437315532143771;0.005917159763313609328883035943;0.034516765285996058032491617951;0.002958579881656804664441517971;0.068047337278106509450559258312;0.011834319526627218657766071885;0.042406311637080869314520015223;0.019723865877712031674517945135;0.000986193293885601627093984156;0.000986193293885601627093984156;0.020710059171597634819494970770;0.011834319526627218657766071885;0.022682445759368837640002070088;0.000000000000000000000000000000;0.006903353057199210739136585602;0.007889546351084813016751873249;0.062130177514792897519591008404;0.013806706114398421478273171203;0.001972386587771203254187968312;0.002958579881656804664441517971;0.017751479289940828854010845816;0.008875739644970414427005422908;0.013806706114398421478273171203;0.000000000000000000000000000000;0.021696252465483234495025044453;0.003944773175542406508375936625;0.010848126232741617247512522226;0.054240631163708086237562611132;0.032544378698224851742537566679;0.008875739644970414427005422908;0.016765285996055225709033820181
-0.039447731755424063349035890269;0.002958579881656804664441517971;0.076923076923076927347011633174;0.000000000000000000000000000000;0.001972386587771203254187968312;0.016765285996055225709033820181;0.000986193293885601627093984156;0.019723865877712031674517945135;0.025641025641025640136039243089;0.039447731755424063349035890269;0.005917159763313609328883035943;0.022682445759368837640002070088;0.006903353057199210739136585602;0.073964497041420121381527508220;0.002958579881656804664441517971;0.016765285996055225709033820181;0.019723865877712031674517945135;0.024654832347140040460509169407;0.006903353057199210739136585602;0.015779092702169626033503746498;0.005917159763313609328883035943;0.012820512820512820068019621544;0.006903353057199210739136585602;0.062130177514792897519591008404;0.029585798816568045777053441725;0.050295857988165680596548412495;0.028599605522682446101523368043;0.002958579881656804664441517971;0.000000000000000000000000000000;0.020710059171597634819494970770;0.005917159763313609328883035943;0.021696252465483234495025044453;0.000986193293885601627093984156;0.004930966469428007918629486284;0.022682445759368837640002070088;0.053254437869822486562032537449;0.017751479289940828854010845816;0.005917159763313609328883035943;0.000986193293885601627093984156;0.025641025641025640136039243089;0.002958579881656804664441517971;0.013806706114398421478273171203;0.000000000000000000000000000000;0.031558185404339252067007492997;0.004930966469428007918629486284;0.017751479289940828854010845816;0.055226824457593685913092684814;0.041420118343195269638989941541;0.017751479289940828854010845816;0.014792899408284022888526720863
-0.033530571992110451418067640361;0.001972386587771203254187968312;0.088757396449704137331160325175;0.000000000000000000000000000000;0.005917159763313609328883035943;0.027613412228796842956546342407;0.000986193293885601627093984156;0.015779092702169626033503746498;0.034516765285996058032491617951;0.038461538461538463673505816587;0.009861932938856015837258972567;0.027613412228796842956546342407;0.014792899408284022888526720863;0.057199211045364892203046736086;0.000986193293885601627093984156;0.017751479289940828854010845816;0.017751479289940828854010845816;0.023668639053254437315532143771;0.014792899408284022888526720863;0.018737672583826428529540919499;0.010848126232741617247512522226;0.024654832347140040460509169407;0.005917159763313609328883035943;0.041420118343195269638989941541;0.029585798816568045777053441725;0.034516765285996058032491617951;0.023668639053254437315532143771;0.002958579881656804664441517971;0.000000000000000000000000000000;0.025641025641025640136039243089;0.013806706114398421478273171203;0.026627218934911243281016268725;0.001972386587771203254187968312;0.003944773175542406508375936625;0.017751479289940828854010845816;0.049309664694280080921018338813;0.023668639053254437315532143771;0.015779092702169626033503746498;0.001972386587771203254187968312;0.016765285996055225709033820181;0.001972386587771203254187968312;0.014792899408284022888526720863;0.000000000000000000000000000000;0.021696252465483234495025044453;0.008875739644970414427005422908;0.012820512820512820068019621544;0.060157790927021698168530861039;0.030571992110453648922030467361;0.015779092702169626033503746498;0.011834319526627218657766071885
-0.044378698224852068665580162588;0.005917159763313609328883035943;0.051282051282051280272078486178;0.000000000000000000000000000000;0.014792899408284022888526720863;0.016765285996055225709033820181;0.000000000000000000000000000000;0.019723865877712031674517945135;0.028599605522682446101523368043;0.047337278106508874631064287541;0.019723865877712031674517945135;0.040433925049309663024565963951;0.004930966469428007918629486284;0.045364891518737675280004140177;0.008875739644970414427005422908;0.013806706114398421478273171203;0.018737672583826428529540919499;0.026627218934911243281016268725;0.023668639053254437315532143771;0.013806706114398421478273171203;0.015779092702169626033503746498;0.015779092702169626033503746498;0.003944773175542406508375936625;0.059171597633136091554106883450;0.026627218934911243281016268725;0.052268244575936886886502463767;0.027613412228796842956546342407;0.004930966469428007918629486284;0.000986193293885601627093984156;0.042406311637080869314520015223;0.015779092702169626033503746498;0.016765285996055225709033820181;0.003944773175542406508375936625;0.007889546351084813016751873249;0.009861932938856015837258972567;0.047337278106508874631064287541;0.013806706114398421478273171203;0.009861932938856015837258972567;0.004930966469428007918629486284;0.007889546351084813016751873249;0.001972386587771203254187968312;0.016765285996055225709033820181;0.000000000000000000000000000000;0.033530571992110451418067640361;0.009861932938856015837258972567;0.011834319526627218657766071885;0.044378698224852068665580162588;0.026627218934911243281016268725;0.007889546351084813016751873249;0.014792899408284022888526720863
-0.029585798816568045777053441725;0.002958579881656804664441517971;0.076923076923076927347011633174;0.000000000000000000000000000000;0.005917159763313609328883035943;0.006903353057199210739136585602;0.000986193293885601627093984156;0.009861932938856015837258972567;0.023668639053254437315532143771;0.046351084812623274955534213859;0.007889546351084813016751873249;0.026627218934911243281016268725;0.001972386587771203254187968312;0.064102564102564096870651155768;0.002958579881656804664441517971;0.017751479289940828854010845816;0.027613412228796842956546342407;0.028599605522682446101523368043;0.003944773175542406508375936625;0.013806706114398421478273171203;0.009861932938856015837258972567;0.019723865877712031674517945135;0.002958579881656804664441517971;0.062130177514792897519591008404;0.019723865877712031674517945135;0.035502958579881657708021691633;0.027613412228796842956546342407;0.003944773175542406508375936625;0.001972386587771203254187968312;0.020710059171597634819494970770;0.009861932938856015837258972567;0.038461538461538463673505816587;0.004930966469428007918629486284;0.003944773175542406508375936625;0.011834319526627218657766071885;0.066074950690335310099499110947;0.010848126232741617247512522226;0.005917159763313609328883035943;0.005917159763313609328883035943;0.019723865877712031674517945135;0.002958579881656804664441517971;0.019723865877712031674517945135;0.000000000000000000000000000000;0.027613412228796842956546342407;0.007889546351084813016751873249;0.006903353057199210739136585602;0.074950690335305714118163677995;0.039447731755424063349035890269;0.020710059171597634819494970770;0.019723865877712031674517945135
-0.028599605522682446101523368043;0.007889546351084813016751873249;0.062130177514792897519591008404;0.000000000000000000000000000000;0.001972386587771203254187968312;0.022682445759368837640002070088;0.001972386587771203254187968312;0.011834319526627218657766071885;0.028599605522682446101523368043;0.069033530571992116064983235901;0.012820512820512820068019621544;0.017751479289940828854010845816;0.005917159763313609328883035943;0.053254437869822486562032537449;0.005917159763313609328883035943;0.019723865877712031674517945135;0.025641025641025640136039243089;0.032544378698224851742537566679;0.005917159763313609328883035943;0.012820512820512820068019621544;0.011834319526627218657766071885;0.019723865877712031674517945135;0.013806706114398421478273171203;0.061143984220907297844060934722;0.030571992110453648922030467361;0.051282051282051280272078486178;0.020710059171597634819494970770;0.002958579881656804664441517971;0.000986193293885601627093984156;0.027613412228796842956546342407;0.007889546351084813016751873249;0.032544378698224851742537566679;0.003944773175542406508375936625;0.003944773175542406508375936625;0.016765285996055225709033820181;0.033530571992110451418067640361;0.008875739644970414427005422908;0.012820512820512820068019621544;0.000986193293885601627093984156;0.015779092702169626033503746498;0.004930966469428007918629486284;0.021696252465483234495025044453;0.000000000000000000000000000000;0.023668639053254437315532143771;0.004930966469428007918629486284;0.019723865877712031674517945135;0.057199211045364892203046736086;0.030571992110453648922030467361;0.020710059171597634819494970770;0.011834319526627218657766071885
-0.034516765285996058032491617951;0.012820512820512820068019621544;0.054240631163708086237562611132;0.000000000000000000000000000000;0.012820512820512820068019621544;0.016765285996055225709033820181;0.004930966469428007918629486284;0.016765285996055225709033820181;0.034516765285996058032491617951;0.028599605522682446101523368043;0.011834319526627218657766071885;0.020710059171597634819494970770;0.022682445759368837640002070088;0.040433925049309663024565963951;0.012820512820512820068019621544;0.017751479289940828854010845816;0.019723865877712031674517945135;0.030571992110453648922030467361;0.017751479289940828854010845816;0.010848126232741617247512522226;0.016765285996055225709033820181;0.019723865877712031674517945135;0.017751479289940828854010845816;0.048323471400394474306594361224;0.028599605522682446101523368043;0.034516765285996058032491617951;0.032544378698224851742537566679;0.008875739644970414427005422908;0.001972386587771203254187968312;0.022682445759368837640002070088;0.009861932938856015837258972567;0.024654832347140040460509169407;0.010848126232741617247512522226;0.007889546351084813016751873249;0.017751479289940828854010845816;0.045364891518737675280004140177;0.012820512820512820068019621544;0.010848126232741617247512522226;0.007889546351084813016751873249;0.016765285996055225709033820181;0.009861932938856015837258972567;0.019723865877712031674517945135;0.000000000000000000000000000000;0.021696252465483234495025044453;0.005917159763313609328883035943;0.023668639053254437315532143771;0.031558185404339252067007492997;0.031558185404339252067007492997;0.024654832347140040460509169407;0.013806706114398421478273171203
-0.019723865877712031674517945135;0.012820512820512820068019621544;0.057199211045364892203046736086;0.003944773175542406508375936625;0.014792899408284022888526720863;0.006903353057199210739136585602;0.006903353057199210739136585602;0.017751479289940828854010845816;0.041420118343195269638989941541;0.035502958579881657708021691633;0.009861932938856015837258972567;0.016765285996055225709033820181;0.003944773175542406508375936625;0.053254437869822486562032537449;0.017751479289940828854010845816;0.015779092702169626033503746498;0.018737672583826428529540919499;0.033530571992110451418067640361;0.010848126232741617247512522226;0.021696252465483234495025044453;0.011834319526627218657766071885;0.018737672583826428529540919499;0.007889546351084813016751873249;0.057199211045364892203046736086;0.021696252465483234495025044453;0.048323471400394474306594361224;0.019723865877712031674517945135;0.003944773175542406508375936625;0.001972386587771203254187968312;0.019723865877712031674517945135;0.005917159763313609328883035943;0.018737672583826428529540919499;0.003944773175542406508375936625;0.005917159763313609328883035943;0.017751479289940828854010845816;0.050295857988165680596548412495;0.014792899408284022888526720863;0.004930966469428007918629486284;0.002958579881656804664441517971;0.018737672583826428529540919499;0.010848126232741617247512522226;0.020710059171597634819494970770;0.000000000000000000000000000000;0.028599605522682446101523368043;0.008875739644970414427005422908;0.021696252465483234495025044453;0.066074950690335310099499110947;0.024654832347140040460509169407;0.028599605522682446101523368043;0.015779092702169626033503746498
-0.013806706114398421478273171203;0.016765285996055225709033820181;0.092702169625246549911068427718;0.000000000000000000000000000000;0.000986193293885601627093984156;0.009861932938856015837258972567;0.000986193293885601627093984156;0.018737672583826428529540919499;0.077909270216962520083647802949;0.047337278106508874631064287541;0.007889546351084813016751873249;0.011834319526627218657766071885;0.005917159763313609328883035943;0.032544378698224851742537566679;0.006903353057199210739136585602;0.008875739644970414427005422908;0.028599605522682446101523368043;0.040433925049309663024565963951;0.003944773175542406508375936625;0.016765285996055225709033820181;0.006903353057199210739136585602;0.045364891518737675280004140177;0.018737672583826428529540919499;0.050295857988165680596548412495;0.011834319526627218657766071885;0.034516765285996058032491617951;0.018737672583826428529540919499;0.014792899408284022888526720863;0.000000000000000000000000000000;0.006903353057199210739136585602;0.007889546351084813016751873249;0.023668639053254437315532143771;0.000986193293885601627093984156;0.006903353057199210739136585602;0.015779092702169626033503746498;0.055226824457593685913092684814;0.010848126232741617247512522226;0.006903353057199210739136585602;0.011834319526627218657766071885;0.032544378698224851742537566679;0.005917159763313609328883035943;0.041420118343195269638989941541;0.000000000000000000000000000000;0.017751479289940828854010845816;0.000986193293885601627093984156;0.011834319526627218657766071885;0.042406311637080869314520015223;0.017751479289940828854010845816;0.029585798816568045777053441725;0.008875739644970414427005422908
-0.016765285996055225709033820181;0.014792899408284022888526720863;0.103550295857988167158580949945;0.000000000000000000000000000000;0.003944773175542406508375936625;0.009861932938856015837258972567;0.000986193293885601627093984156;0.015779092702169626033503746498;0.025641025641025640136039243089;0.053254437869822486562032537449;0.013806706114398421478273171203;0.014792899408284022888526720863;0.004930966469428007918629486284;0.058185404339250491878576809768;0.002958579881656804664441517971;0.008875739644970414427005422908;0.016765285996055225709033820181;0.029585798816568045777053441725;0.003944773175542406508375936625;0.014792899408284022888526720863;0.011834319526627218657766071885;0.035502958579881657708021691633;0.005917159763313609328883035943;0.070019723865877708801619405676;0.018737672583826428529540919499;0.047337278106508874631064287541;0.012820512820512820068019621544;0.005917159763313609328883035943;0.000986193293885601627093984156;0.007889546351084813016751873249;0.006903353057199210739136585602;0.020710059171597634819494970770;0.000986193293885601627093984156;0.008875739644970414427005422908;0.011834319526627218657766071885;0.077909270216962520083647802949;0.007889546351084813016751873249;0.009861932938856015837258972567;0.004930966469428007918629486284;0.025641025641025640136039243089;0.003944773175542406508375936625;0.008875739644970414427005422908;0.000000000000000000000000000000;0.041420118343195269638989941541;0.000986193293885601627093984156;0.020710059171597634819494970770;0.058185404339250491878576809768;0.031558185404339252067007492997;0.015779092702169626033503746498;0.012820512820512820068019621544
-0.028599605522682446101523368043;0.007889546351084813016751873249;0.072978303747534514767103530630;0.000000000000000000000000000000;0.003944773175542406508375936625;0.021696252465483234495025044453;0.001972386587771203254187968312;0.011834319526627218657766071885;0.030571992110453648922030467361;0.040433925049309663024565963951;0.013806706114398421478273171203;0.028599605522682446101523368043;0.002958579881656804664441517971;0.066074950690335310099499110947;0.002958579881656804664441517971;0.016765285996055225709033820181;0.030571992110453648922030467361;0.032544378698224851742537566679;0.007889546351084813016751873249;0.009861932938856015837258972567;0.007889546351084813016751873249;0.032544378698224851742537566679;0.005917159763313609328883035943;0.061143984220907297844060934722;0.026627218934911243281016268725;0.047337278106508874631064287541;0.020710059171597634819494970770;0.000986193293885601627093984156;0.000000000000000000000000000000;0.019723865877712031674517945135;0.011834319526627218657766071885;0.033530571992110451418067640361;0.003944773175542406508375936625;0.002958579881656804664441517971;0.008875739644970414427005422908;0.056213017751479292527516662403;0.013806706114398421478273171203;0.005917159763313609328883035943;0.005917159763313609328883035943;0.018737672583826428529540919499;0.004930966469428007918629486284;0.014792899408284022888526720863;0.000000000000000000000000000000;0.029585798816568045777053441725;0.004930966469428007918629486284;0.017751479289940828854010845816;0.054240631163708086237562611132;0.030571992110453648922030467361;0.014792899408284022888526720863;0.011834319526627218657766071885
-0.030571992110453648922030467361;0.005917159763313609328883035943;0.063116370808678504134014985993;0.000000000000000000000000000000;0.007889546351084813016751873249;0.020710059171597634819494970770;0.001972386587771203254187968312;0.016765285996055225709033820181;0.021696252465483234495025044453;0.036489151873767257383551765315;0.017751479289940828854010845816;0.028599605522682446101523368043;0.016765285996055225709033820181;0.031558185404339252067007492997;0.006903353057199210739136585602;0.012820512820512820068019621544;0.027613412228796842956546342407;0.035502958579881657708021691633;0.019723865877712031674517945135;0.006903353057199210739136585602;0.004930966469428007918629486284;0.021696252465483234495025044453;0.028599605522682446101523368043;0.042406311637080869314520015223;0.016765285996055225709033820181;0.031558185404339252067007492997;0.024654832347140040460509169407;0.006903353057199210739136585602;0.003944773175542406508375936625;0.021696252465483234495025044453;0.006903353057199210739136585602;0.025641025641025640136039243089;0.006903353057199210739136585602;0.005917159763313609328883035943;0.024654832347140040460509169407;0.054240631163708086237562611132;0.012820512820512820068019621544;0.003944773175542406508375936625;0.009861932938856015837258972567;0.052268244575936886886502463767;0.011834319526627218657766071885;0.027613412228796842956546342407;0.000000000000000000000000000000;0.026627218934911243281016268725;0.010848126232741617247512522226;0.018737672583826428529540919499;0.033530571992110451418067640361;0.016765285996055225709033820181;0.023668639053254437315532143771;0.014792899408284022888526720863
-0.016765285996055225709033820181;0.008875739644970414427005422908;0.086785009861932937980100177811;0.000986193293885601627093984156;0.003944773175542406508375936625;0.013806706114398421478273171203;0.000000000000000000000000000000;0.011834319526627218657766071885;0.066074950690335310099499110947;0.046351084812623274955534213859;0.006903353057199210739136585602;0.011834319526627218657766071885;0.002958579881656804664441517971;0.035502958579881657708021691633;0.009861932938856015837258972567;0.018737672583826428529540919499;0.074950690335305714118163677995;0.043392504930966468990050088905;0.001972386587771203254187968312;0.015779092702169626033503746498;0.005917159763313609328883035943;0.034516765285996058032491617951;0.007889546351084813016751873249;0.053254437869822486562032537449;0.018737672583826428529540919499;0.028599605522682446101523368043;0.028599605522682446101523368043;0.005917159763313609328883035943;0.002958579881656804664441517971;0.005917159763313609328883035943;0.006903353057199210739136585602;0.031558185404339252067007492997;0.003944773175542406508375936625;0.007889546351084813016751873249;0.005917159763313609328883035943;0.059171597633136091554106883450;0.007889546351084813016751873249;0.005917159763313609328883035943;0.001972386587771203254187968312;0.024654832347140040460509169407;0.002958579881656804664441517971;0.033530571992110451418067640361;0.000000000000000000000000000000;0.015779092702169626033503746498;0.012820512820512820068019621544;0.014792899408284022888526720863;0.049309664694280080921018338813;0.023668639053254437315532143771;0.010848126232741617247512522226;0.010848126232741617247512522226
-0.023668639053254437315532143771;0.013806706114398421478273171203;0.075936883629191320732587655584;0.000000000000000000000000000000;0.000000000000000000000000000000;0.014792899408284022888526720863;0.000986193293885601627093984156;0.010848126232741617247512522226;0.027613412228796842956546342407;0.045364891518737675280004140177;0.015779092702169626033503746498;0.011834319526627218657766071885;0.006903353057199210739136585602;0.059171597633136091554106883450;0.002958579881656804664441517971;0.018737672583826428529540919499;0.016765285996055225709033820181;0.020710059171597634819494970770;0.002958579881656804664441517971;0.012820512820512820068019621544;0.011834319526627218657766071885;0.018737672583826428529540919499;0.003944773175542406508375936625;0.070019723865877708801619405676;0.036489151873767257383551765315;0.047337278106508874631064287541;0.021696252465483234495025044453;0.003944773175542406508375936625;0.000000000000000000000000000000;0.010848126232741617247512522226;0.006903353057199210739136585602;0.026627218934911243281016268725;0.002958579881656804664441517971;0.012820512820512820068019621544;0.022682445759368837640002070088;0.070019723865877708801619405676;0.013806706114398421478273171203;0.008875739644970414427005422908;0.004930966469428007918629486284;0.008875739644970414427005422908;0.004930966469428007918629486284;0.016765285996055225709033820181;0.000000000000000000000000000000;0.024654832347140040460509169407;0.000986193293885601627093984156;0.012820512820512820068019621544;0.072978303747534514767103530630;0.035502958579881657708021691633;0.024654832347140040460509169407;0.021696252465483234495025044453
-0.048323471400394474306594361224;0.006903353057199210739136585602;0.059171597633136091554106883450;0.000000000000000000000000000000;0.003944773175542406508375936625;0.023668639053254437315532143771;0.000986193293885601627093984156;0.019723865877712031674517945135;0.013806706114398421478273171203;0.051282051282051280272078486178;0.019723865877712031674517945135;0.024654832347140040460509169407;0.012820512820512820068019621544;0.047337278106508874631064287541;0.001972386587771203254187968312;0.017751479289940828854010845816;0.023668639053254437315532143771;0.023668639053254437315532143771;0.011834319526627218657766071885;0.008875739644970414427005422908;0.015779092702169626033503746498;0.024654832347140040460509169407;0.003944773175542406508375936625;0.074950690335305714118163677995;0.037475345167652857059081838997;0.044378698224852068665580162588;0.025641025641025640136039243089;0.001972386587771203254187968312;0.001972386587771203254187968312;0.018737672583826428529540919499;0.012820512820512820068019621544;0.027613412228796842956546342407;0.003944773175542406508375936625;0.013806706114398421478273171203;0.013806706114398421478273171203;0.038461538461538463673505816587;0.008875739644970414427005422908;0.007889546351084813016751873249;0.001972386587771203254187968312;0.005917159763313609328883035943;0.003944773175542406508375936625;0.001972386587771203254187968312;0.000000000000000000000000000000;0.030571992110453648922030467361;0.007889546351084813016751873249;0.022682445759368837640002070088;0.059171597633136091554106883450;0.028599605522682446101523368043;0.012820512820512820068019621544;0.027613412228796842956546342407
-0.028599605522682446101523368043;0.012820512820512820068019621544;0.082840236686390539277979883082;0.000000000000000000000000000000;0.021696252465483234495025044453;0.012820512820512820068019621544;0.004930966469428007918629486284;0.009861932938856015837258972567;0.038461538461538463673505816587;0.037475345167652857059081838997;0.016765285996055225709033820181;0.005917159763313609328883035943;0.009861932938856015837258972567;0.063116370808678504134014985993;0.006903353057199210739136585602;0.014792899408284022888526720863;0.023668639053254437315532143771;0.030571992110453648922030467361;0.013806706114398421478273171203;0.012820512820512820068019621544;0.011834319526627218657766071885;0.016765285996055225709033820181;0.014792899408284022888526720863;0.036489151873767257383551765315;0.021696252465483234495025044453;0.038461538461538463673505816587;0.024654832347140040460509169407;0.005917159763313609328883035943;0.000986193293885601627093984156;0.015779092702169626033503746498;0.001972386587771203254187968312;0.025641025641025640136039243089;0.002958579881656804664441517971;0.011834319526627218657766071885;0.022682445759368837640002070088;0.058185404339250491878576809768;0.006903353057199210739136585602;0.010848126232741617247512522226;0.001972386587771203254187968312;0.017751479289940828854010845816;0.002958579881656804664441517971;0.013806706114398421478273171203;0.000000000000000000000000000000;0.024654832347140040460509169407;0.006903353057199210739136585602;0.020710059171597634819494970770;0.054240631163708086237562611132;0.037475345167652857059081838997;0.021696252465483234495025044453;0.021696252465483234495025044453
-0.023668639053254437315532143771;0.020710059171597634819494970770;0.038461538461538463673505816587;0.029585798816568045777053441725;0.074950690335305714118163677995;0.023668639053254437315532143771;0.005917159763313609328883035943;0.025641025641025640136039243089;0.018737672583826428529540919499;0.016765285996055225709033820181;0.008875739644970414427005422908;0.018737672583826428529540919499;0.011834319526627218657766071885;0.052268244575936886886502463767;0.021696252465483234495025044453;0.029585798816568045777053441725;0.006903353057199210739136585602;0.020710059171597634819494970770;0.040433925049309663024565963951;0.004930966469428007918629486284;0.018737672583826428529540919499;0.001972386587771203254187968312;0.002958579881656804664441517971;0.016765285996055225709033820181;0.042406311637080869314520015223;0.035502958579881657708021691633;0.021696252465483234495025044453;0.030571992110453648922030467361;0.000986193293885601627093984156;0.053254437869822486562032537449;0.014792899408284022888526720863;0.008875739644970414427005422908;0.006903353057199210739136585602;0.005917159763313609328883035943;0.015779092702169626033503746498;0.024654832347140040460509169407;0.011834319526627218657766071885;0.003944773175542406508375936625;0.002958579881656804664441517971;0.006903353057199210739136585602;0.010848126232741617247512522226;0.015779092702169626033503746498;0.000000000000000000000000000000;0.011834319526627218657766071885;0.021696252465483234495025044453;0.005917159763313609328883035943;0.036489151873767257383551765315;0.036489151873767257383551765315;0.022682445759368837640002070088;0.016765285996055225709033820181
-0.025641025641025640136039243089;0.025641025641025640136039243089;0.018737672583826428529540919499;0.040433925049309663024565963951;0.096646942800788948613188722447;0.065088757396449703485075133358;0.005917159763313609328883035943;0.007889546351084813016751873249;0.018737672583826428529540919499;0.016765285996055225709033820181;0.016765285996055225709033820181;0.040433925049309663024565963951;0.014792899408284022888526720863;0.017751479289940828854010845816;0.037475345167652857059081838997;0.016765285996055225709033820181;0.006903353057199210739136585602;0.011834319526627218657766071885;0.026627218934911243281016268725;0.002958579881656804664441517971;0.011834319526627218657766071885;0.007889546351084813016751873249;0.000000000000000000000000000000;0.032544378698224851742537566679;0.030571992110453648922030467361;0.014792899408284022888526720863;0.010848126232741617247512522226;0.043392504930966468990050088905;0.003944773175542406508375936625;0.079881656804733733312495758128;0.025641025641025640136039243089;0.014792899408284022888526720863;0.014792899408284022888526720863;0.004930966469428007918629486284;0.002958579881656804664441517971;0.017751479289940828854010845816;0.001972386587771203254187968312;0.008875739644970414427005422908;0.005917159763313609328883035943;0.002958579881656804664441517971;0.002958579881656804664441517971;0.031558185404339252067007492997;0.000000000000000000000000000000;0.012820512820512820068019621544;0.046351084812623274955534213859;0.013806706114398421478273171203;0.012820512820512820068019621544;0.013806706114398421478273171203;0.007889546351084813016751873249;0.007889546351084813016751873249
-0.047337278106508874631064287541;0.014792899408284022888526720863;0.031558185404339252067007492997;0.006903353057199210739136585602;0.057199211045364892203046736086;0.027613412228796842956546342407;0.008875739644970414427005422908;0.011834319526627218657766071885;0.009861932938856015837258972567;0.024654832347140040460509169407;0.015779092702169626033503746498;0.024654832347140040460509169407;0.010848126232741617247512522226;0.036489151873767257383551765315;0.008875739644970414427005422908;0.025641025641025640136039243089;0.014792899408284022888526720863;0.017751479289940828854010845816;0.026627218934911243281016268725;0.004930966469428007918629486284;0.028599605522682446101523368043;0.009861932938856015837258972567;0.004930966469428007918629486284;0.037475345167652857059081838997;0.032544378698224851742537566679;0.041420118343195269638989941541;0.016765285996055225709033820181;0.031558185404339252067007492997;0.000000000000000000000000000000;0.047337278106508874631064287541;0.021696252465483234495025044453;0.018737672583826428529540919499;0.003944773175542406508375936625;0.006903353057199210739136585602;0.015779092702169626033503746498;0.031558185404339252067007492997;0.010848126232741617247512522226;0.013806706114398421478273171203;0.000000000000000000000000000000;0.008875739644970414427005422908;0.032544378698224851742537566679;0.021696252465483234495025044453;0.000000000000000000000000000000;0.015779092702169626033503746498;0.021696252465483234495025044453;0.022682445759368837640002070088;0.031558185404339252067007492997;0.016765285996055225709033820181;0.012820512820512820068019621544;0.014792899408284022888526720863
-0.041420118343195269638989941541;0.014792899408284022888526720863;0.014792899408284022888526720863;0.018737672583826428529540919499;0.101577909270216967807520802580;0.026627218934911243281016268725;0.003944773175542406508375936625;0.012820512820512820068019621544;0.018737672583826428529540919499;0.030571992110453648922030467361;0.024654832347140040460509169407;0.031558185404339252067007492997;0.012820512820512820068019621544;0.027613412228796842956546342407;0.049309664694280080921018338813;0.034516765285996058032491617951;0.006903353057199210739136585602;0.006903353057199210739136585602;0.011834319526627218657766071885;0.003944773175542406508375936625;0.012820512820512820068019621544;0.004930966469428007918629486284;0.002958579881656804664441517971;0.037475345167652857059081838997;0.051282051282051280272078486178;0.041420118343195269638989941541;0.020710059171597634819494970770;0.020710059171597634819494970770;0.000986193293885601627093984156;0.031558185404339252067007492997;0.017751479289940828854010845816;0.014792899408284022888526720863;0.019723865877712031674517945135;0.002958579881656804664441517971;0.008875739644970414427005422908;0.027613412228796842956546342407;0.008875739644970414427005422908;0.012820512820512820068019621544;0.002958579881656804664441517971;0.001972386587771203254187968312;0.003944773175542406508375936625;0.034516765285996058032491617951;0.000000000000000000000000000000;0.015779092702169626033503746498;0.031558185404339252067007492997;0.008875739644970414427005422908;0.022682445759368837640002070088;0.021696252465483234495025044453;0.010848126232741617247512522226;0.012820512820512820068019621544
-0.063116370808678504134014985993;0.013806706114398421478273171203;0.028599605522682446101523368043;0.000000000000000000000000000000;0.011834319526627218657766071885;0.069033530571992116064983235901;0.000000000000000000000000000000;0.006903353057199210739136585602;0.024654832347140040460509169407;0.027613412228796842956546342407;0.034516765285996058032491617951;0.050295857988165680596548412495;0.021696252465483234495025044453;0.031558185404339252067007492997;0.000986193293885601627093984156;0.058185404339250491878576809768;0.005917159763313609328883035943;0.009861932938856015837258972567;0.015779092702169626033503746498;0.007889546351084813016751873249;0.014792899408284022888526720863;0.003944773175542406508375936625;0.001972386587771203254187968312;0.034516765285996058032491617951;0.073964497041420121381527508220;0.031558185404339252067007492997;0.014792899408284022888526720863;0.006903353057199210739136585602;0.000000000000000000000000000000;0.044378698224852068665580162588;0.036489151873767257383551765315;0.012820512820512820068019621544;0.008875739644970414427005422908;0.002958579881656804664441517971;0.013806706114398421478273171203;0.023668639053254437315532143771;0.005917159763313609328883035943;0.014792899408284022888526720863;0.009861932938856015837258972567;0.001972386587771203254187968312;0.001972386587771203254187968312;0.014792899408284022888526720863;0.000000000000000000000000000000;0.015779092702169626033503746498;0.002958579881656804664441517971;0.011834319526627218657766071885;0.039447731755424063349035890269;0.031558185404339252067007492997;0.025641025641025640136039243089;0.015779092702169626033503746498
-0.043392504930966468990050088905;0.007889546351084813016751873249;0.039447731755424063349035890269;0.000000000000000000000000000000;0.012820512820512820068019621544;0.053254437869822486562032537449;0.002958579881656804664441517971;0.007889546351084813016751873249;0.012820512820512820068019621544;0.020710059171597634819494970770;0.030571992110453648922030467361;0.056213017751479292527516662403;0.023668639053254437315532143771;0.032544378698224851742537566679;0.000986193293885601627093984156;0.032544378698224851742537566679;0.012820512820512820068019621544;0.013806706114398421478273171203;0.008875739644970414427005422908;0.005917159763313609328883035943;0.015779092702169626033503746498;0.007889546351084813016751873249;0.005917159763313609328883035943;0.038461538461538463673505816587;0.051282051282051280272078486178;0.043392504930966468990050088905;0.014792899408284022888526720863;0.001972386587771203254187968312;0.000986193293885601627093984156;0.054240631163708086237562611132;0.037475345167652857059081838997;0.019723865877712031674517945135;0.006903353057199210739136585602;0.009861932938856015837258972567;0.032544378698224851742537566679;0.021696252465483234495025044453;0.012820512820512820068019621544;0.013806706114398421478273171203;0.000986193293885601627093984156;0.008875739644970414427005422908;0.002958579881656804664441517971;0.002958579881656804664441517971;0.000000000000000000000000000000;0.021696252465483234495025044453;0.007889546351084813016751873249;0.011834319526627218657766071885;0.043392504930966468990050088905;0.025641025641025640136039243089;0.030571992110453648922030467361;0.034516765285996058032491617951
-0.036489151873767257383551765315;0.023668639053254437315532143771;0.048323471400394474306594361224;0.000000000000000000000000000000;0.002958579881656804664441517971;0.022682445759368837640002070088;0.000986193293885601627093984156;0.019723865877712031674517945135;0.030571992110453648922030467361;0.040433925049309663024565963951;0.010848126232741617247512522226;0.015779092702169626033503746498;0.011834319526627218657766071885;0.052268244575936886886502463767;0.006903353057199210739136585602;0.025641025641025640136039243089;0.019723865877712031674517945135;0.023668639053254437315532143771;0.001972386587771203254187968312;0.011834319526627218657766071885;0.014792899408284022888526720863;0.024654832347140040460509169407;0.018737672583826428529540919499;0.053254437869822486562032537449;0.026627218934911243281016268725;0.050295857988165680596548412495;0.020710059171597634819494970770;0.008875739644970414427005422908;0.001972386587771203254187968312;0.007889546351084813016751873249;0.009861932938856015837258972567;0.023668639053254437315532143771;0.006903353057199210739136585602;0.013806706114398421478273171203;0.034516765285996058032491617951;0.027613412228796842956546342407;0.001972386587771203254187968312;0.006903353057199210739136585602;0.009861932938856015837258972567;0.030571992110453648922030467361;0.005917159763313609328883035943;0.020710059171597634819494970770;0.000000000000000000000000000000;0.027613412228796842956546342407;0.002958579881656804664441517971;0.026627218934911243281016268725;0.050295857988165680596548412495;0.021696252465483234495025044453;0.025641025641025640136039243089;0.018737672583826428529540919499
-0.026627218934911243281016268725;0.006903353057199210739136585602;0.059171597633136091554106883450;0.000000000000000000000000000000;0.003944773175542406508375936625;0.017751479289940828854010845816;0.000986193293885601627093984156;0.016765285996055225709033820181;0.018737672583826428529540919499;0.051282051282051280272078486178;0.014792899408284022888526720863;0.028599605522682446101523368043;0.012820512820512820068019621544;0.046351084812623274955534213859;0.009861932938856015837258972567;0.016765285996055225709033820181;0.033530571992110451418067640361;0.019723865877712031674517945135;0.008875739644970414427005422908;0.009861932938856015837258972567;0.008875739644970414427005422908;0.020710059171597634819494970770;0.002958579881656804664441517971;0.052268244575936886886502463767;0.031558185404339252067007492997;0.057199211045364892203046736086;0.029585798816568045777053441725;0.020710059171597634819494970770;0.000000000000000000000000000000;0.018737672583826428529540919499;0.008875739644970414427005422908;0.024654832347140040460509169407;0.007889546351084813016751873249;0.008875739644970414427005422908;0.008875739644970414427005422908;0.052268244575936886886502463767;0.013806706114398421478273171203;0.007889546351084813016751873249;0.006903353057199210739136585602;0.009861932938856015837258972567;0.002958579881656804664441517971;0.020710059171597634819494970770;0.000000000000000000000000000000;0.029585798816568045777053441725;0.004930966469428007918629486284;0.011834319526627218657766071885;0.073964497041420121381527508220;0.027613412228796842956546342407;0.014792899408284022888526720863;0.017751479289940828854010845816
-0.051282051282051280272078486178;0.002958579881656804664441517971;0.050295857988165680596548412495;0.000000000000000000000000000000;0.005917159763313609328883035943;0.032544378698224851742537566679;0.003944773175542406508375936625;0.007889546351084813016751873249;0.033530571992110451418067640361;0.016765285996055225709033820181;0.014792899408284022888526720863;0.049309664694280080921018338813;0.007889546351084813016751873249;0.031558185404339252067007492997;0.005917159763313609328883035943;0.055226824457593685913092684814;0.014792899408284022888526720863;0.033530571992110451418067640361;0.014792899408284022888526720863;0.005917159763313609328883035943;0.011834319526627218657766071885;0.018737672583826428529540919499;0.007889546351084813016751873249;0.043392504930966468990050088905;0.048323471400394474306594361224;0.049309664694280080921018338813;0.023668639053254437315532143771;0.005917159763313609328883035943;0.000986193293885601627093984156;0.035502958579881657708021691633;0.042406311637080869314520015223;0.013806706114398421478273171203;0.006903353057199210739136585602;0.008875739644970414427005422908;0.010848126232741617247512522226;0.029585798816568045777053441725;0.010848126232741617247512522226;0.034516765285996058032491617951;0.001972386587771203254187968312;0.010848126232741617247512522226;0.007889546351084813016751873249;0.017751479289940828854010845816;0.000000000000000000000000000000;0.024654832347140040460509169407;0.002958579881656804664441517971;0.011834319526627218657766071885;0.028599605522682446101523368043;0.016765285996055225709033820181;0.015779092702169626033503746498;0.018737672583826428529540919499
-0.057199211045364892203046736086;0.004930966469428007918629486284;0.052268244575936886886502463767;0.000000000000000000000000000000;0.000986193293885601627093984156;0.024654832347140040460509169407;0.001972386587771203254187968312;0.010848126232741617247512522226;0.038461538461538463673505816587;0.029585798816568045777053441725;0.016765285996055225709033820181;0.027613412228796842956546342407;0.010848126232741617247512522226;0.044378698224852068665580162588;0.002958579881656804664441517971;0.029585798816568045777053441725;0.019723865877712031674517945135;0.029585798816568045777053441725;0.007889546351084813016751873249;0.015779092702169626033503746498;0.010848126232741617247512522226;0.018737672583826428529540919499;0.002958579881656804664441517971;0.049309664694280080921018338813;0.049309664694280080921018338813;0.045364891518737675280004140177;0.024654832347140040460509169407;0.001972386587771203254187968312;0.000986193293885601627093984156;0.023668639053254437315532143771;0.024654832347140040460509169407;0.023668639053254437315532143771;0.001972386587771203254187968312;0.007889546351084813016751873249;0.013806706114398421478273171203;0.039447731755424063349035890269;0.007889546351084813016751873249;0.013806706114398421478273171203;0.001972386587771203254187968312;0.016765285996055225709033820181;0.000986193293885601627093984156;0.019723865877712031674517945135;0.000000000000000000000000000000;0.031558185404339252067007492997;0.006903353057199210739136585602;0.019723865877712031674517945135;0.042406311637080869314520015223;0.040433925049309663024565963951;0.015779092702169626033503746498;0.016765285996055225709033820181
-0.034516765285996058032491617951;0.003944773175542406508375936625;0.066074950690335310099499110947;0.000000000000000000000000000000;0.006903353057199210739136585602;0.013806706114398421478273171203;0.000986193293885601627093984156;0.014792899408284022888526720863;0.020710059171597634819494970770;0.044378698224852068665580162588;0.018737672583826428529540919499;0.028599605522682446101523368043;0.014792899408284022888526720863;0.055226824457593685913092684814;0.003944773175542406508375936625;0.020710059171597634819494970770;0.024654832347140040460509169407;0.023668639053254437315532143771;0.003944773175542406508375936625;0.003944773175542406508375936625;0.008875739644970414427005422908;0.021696252465483234495025044453;0.005917159763313609328883035943;0.061143984220907297844060934722;0.032544378698224851742537566679;0.040433925049309663024565963951;0.016765285996055225709033820181;0.004930966469428007918629486284;0.003944773175542406508375936625;0.029585798816568045777053441725;0.018737672583826428529540919499;0.023668639053254437315532143771;0.004930966469428007918629486284;0.006903353057199210739136585602;0.030571992110453648922030467361;0.053254437869822486562032537449;0.005917159763313609328883035943;0.010848126232741617247512522226;0.000986193293885601627093984156;0.017751479289940828854010845816;0.002958579881656804664441517971;0.016765285996055225709033820181;0.000000000000000000000000000000;0.033530571992110451418067640361;0.004930966469428007918629486284;0.018737672583826428529540919499;0.061143984220907297844060934722;0.025641025641025640136039243089;0.014792899408284022888526720863;0.017751479289940828854010845816
-0.010848126232741617247512522226;0.022682445759368837640002070088;0.030571992110453648922030467361;0.038461538461538463673505816587;0.080867850098619326049131927903;0.016765285996055225709033820181;0.012820512820512820068019621544;0.017751479289940828854010845816;0.013806706114398421478273171203;0.029585798816568045777053441725;0.017751479289940828854010845816;0.014792899408284022888526720863;0.006903353057199210739136585602;0.023668639053254437315532143771;0.041420118343195269638989941541;0.015779092702169626033503746498;0.013806706114398421478273171203;0.028599605522682446101523368043;0.021696252465483234495025044453;0.002958579881656804664441517971;0.024654832347140040460509169407;0.015779092702169626033503746498;0.014792899408284022888526720863;0.038461538461538463673505816587;0.028599605522682446101523368043;0.024654832347140040460509169407;0.017751479289940828854010845816;0.059171597633136091554106883450;0.002958579881656804664441517971;0.048323471400394474306594361224;0.008875739644970414427005422908;0.012820512820512820068019621544;0.001972386587771203254187968312;0.008875739644970414427005422908;0.015779092702169626033503746498;0.015779092702169626033503746498;0.005917159763313609328883035943;0.006903353057199210739136585602;0.001972386587771203254187968312;0.011834319526627218657766071885;0.023668639053254437315532143771;0.023668639053254437315532143771;0.000000000000000000000000000000;0.013806706114398421478273171203;0.014792899408284022888526720863;0.012820512820512820068019621544;0.023668639053254437315532143771;0.020710059171597634819494970770;0.025641025641025640136039243089;0.013806706114398421478273171203
-0.017751479289940828854010845816;0.025641025641025640136039243089;0.027613412228796842956546342407;0.083826429980276132014616052857;0.102564102564102560544156972355;0.014792899408284022888526720863;0.002958579881656804664441517971;0.018737672583826428529540919499;0.019723865877712031674517945135;0.021696252465483234495025044453;0.010848126232741617247512522226;0.020710059171597634819494970770;0.008875739644970414427005422908;0.027613412228796842956546342407;0.055226824457593685913092684814;0.015779092702169626033503746498;0.020710059171597634819494970770;0.031558185404339252067007492997;0.009861932938856015837258972567;0.004930966469428007918629486284;0.009861932938856015837258972567;0.007889546351084813016751873249;0.002958579881656804664441517971;0.023668639053254437315532143771;0.024654832347140040460509169407;0.023668639053254437315532143771;0.017751479289940828854010845816;0.062130177514792897519591008404;0.001972386587771203254187968312;0.034516765285996058032491617951;0.012820512820512820068019621544;0.019723865877712031674517945135;0.003944773175542406508375936625;0.005917159763313609328883035943;0.014792899408284022888526720863;0.025641025641025640136039243089;0.005917159763313609328883035943;0.004930966469428007918629486284;0.000986193293885601627093984156;0.009861932938856015837258972567;0.015779092702169626033503746498;0.022682445759368837640002070088;0.000000000000000000000000000000;0.009861932938856015837258972567;0.033530571992110451418067640361;0.007889546351084813016751873249;0.024654832347140040460509169407;0.011834319526627218657766071885;0.012820512820512820068019621544;0.005917159763313609328883035943
-0.036489151873767257383551765315;0.008875739644970414427005422908;0.072978303747534514767103530630;0.000000000000000000000000000000;0.003944773175542406508375936625;0.022682445759368837640002070088;0.002958579881656804664441517971;0.012820512820512820068019621544;0.029585798816568045777053441725;0.027613412228796842956546342407;0.008875739644970414427005422908;0.019723865877712031674517945135;0.014792899408284022888526720863;0.063116370808678504134014985993;0.003944773175542406508375936625;0.013806706114398421478273171203;0.029585798816568045777053441725;0.025641025641025640136039243089;0.005917159763313609328883035943;0.007889546351084813016751873249;0.012820512820512820068019621544;0.022682445759368837640002070088;0.005917159763313609328883035943;0.047337278106508874631064287541;0.037475345167652857059081838997;0.043392504930966468990050088905;0.014792899408284022888526720863;0.000000000000000000000000000000;0.000000000000000000000000000000;0.024654832347140040460509169407;0.016765285996055225709033820181;0.020710059171597634819494970770;0.009861932938856015837258972567;0.004930966469428007918629486284;0.027613412228796842956546342407;0.069033530571992116064983235901;0.009861932938856015837258972567;0.013806706114398421478273171203;0.003944773175542406508375936625;0.004930966469428007918629486284;0.004930966469428007918629486284;0.017751479289940828854010845816;0.000000000000000000000000000000;0.023668639053254437315532143771;0.004930966469428007918629486284;0.016765285996055225709033820181;0.050295857988165680596548412495;0.036489151873767257383551765315;0.019723865877712031674517945135;0.023668639053254437315532143771
-0.045364891518737675280004140177;0.001972386587771203254187968312;0.054240631163708086237562611132;0.000000000000000000000000000000;0.007889546351084813016751873249;0.025641025641025640136039243089;0.001972386587771203254187968312;0.012820512820512820068019621544;0.013806706114398421478273171203;0.042406311637080869314520015223;0.011834319526627218657766071885;0.046351084812623274955534213859;0.013806706114398421478273171203;0.063116370808678504134014985993;0.000000000000000000000000000000;0.032544378698224851742537566679;0.003944773175542406508375936625;0.016765285996055225709033820181;0.006903353057199210739136585602;0.006903353057199210739136585602;0.007889546351084813016751873249;0.007889546351084813016751873249;0.000000000000000000000000000000;0.066074950690335310099499110947;0.059171597633136091554106883450;0.058185404339250491878576809768;0.016765285996055225709033820181;0.000986193293885601627093984156;0.000000000000000000000000000000;0.030571992110453648922030467361;0.024654832347140040460509169407;0.019723865877712031674517945135;0.002958579881656804664441517971;0.001972386587771203254187968312;0.016765285996055225709033820181;0.034516765285996058032491617951;0.007889546351084813016751873249;0.013806706114398421478273171203;0.000986193293885601627093984156;0.008875739644970414427005422908;0.000000000000000000000000000000;0.007889546351084813016751873249;0.000000000000000000000000000000;0.018737672583826428529540919499;0.004930966469428007918629486284;0.012820512820512820068019621544;0.055226824457593685913092684814;0.072978303747534514767103530630;0.013806706114398421478273171203;0.025641025641025640136039243089
-0.055226824457593685913092684814;0.001972386587771203254187968312;0.063116370808678504134014985993;0.000000000000000000000000000000;0.002958579881656804664441517971;0.024654832347140040460509169407;0.000000000000000000000000000000;0.011834319526627218657766071885;0.016765285996055225709033820181;0.032544378698224851742537566679;0.019723865877712031674517945135;0.022682445759368837640002070088;0.012820512820512820068019621544;0.049309664694280080921018338813;0.005917159763313609328883035943;0.032544378698224851742537566679;0.016765285996055225709033820181;0.023668639053254437315532143771;0.007889546351084813016751873249;0.014792899408284022888526720863;0.012820512820512820068019621544;0.013806706114398421478273171203;0.003944773175542406508375936625;0.049309664694280080921018338813;0.052268244575936886886502463767;0.042406311637080869314520015223;0.015779092702169626033503746498;0.000000000000000000000000000000;0.000000000000000000000000000000;0.026627218934911243281016268725;0.019723865877712031674517945135;0.020710059171597634819494970770;0.001972386587771203254187968312;0.009861932938856015837258972567;0.020710059171597634819494970770;0.043392504930966468990050088905;0.013806706114398421478273171203;0.013806706114398421478273171203;0.000986193293885601627093984156;0.019723865877712031674517945135;0.000986193293885601627093984156;0.005917159763313609328883035943;0.000000000000000000000000000000;0.017751479289940828854010845816;0.007889546351084813016751873249;0.015779092702169626033503746498;0.053254437869822486562032537449;0.049309664694280080921018338813;0.023668639053254437315532143771;0.028599605522682446101523368043
-0.033530571992110451418067640361;0.004930966469428007918629486284;0.066074950690335310099499110947;0.002958579881656804664441517971;0.011834319526627218657766071885;0.032544378698224851742537566679;0.000986193293885601627093984156;0.019723865877712031674517945135;0.029585798816568045777053441725;0.041420118343195269638989941541;0.016765285996055225709033820181;0.027613412228796842956546342407;0.010848126232741617247512522226;0.039447731755424063349035890269;0.010848126232741617247512522226;0.029585798816568045777053441725;0.024654832347140040460509169407;0.032544378698224851742537566679;0.012820512820512820068019621544;0.004930966469428007918629486284;0.011834319526627218657766071885;0.012820512820512820068019621544;0.002958579881656804664441517971;0.050295857988165680596548412495;0.038461538461538463673505816587;0.036489151873767257383551765315;0.025641025641025640136039243089;0.015779092702169626033503746498;0.000986193293885601627093984156;0.027613412228796842956546342407;0.015779092702169626033503746498;0.034516765285996058032491617951;0.003944773175542406508375936625;0.009861932938856015837258972567;0.012820512820512820068019621544;0.047337278106508874631064287541;0.003944773175542406508375936625;0.009861932938856015837258972567;0.000000000000000000000000000000;0.005917159763313609328883035943;0.004930966469428007918629486284;0.020710059171597634819494970770;0.000000000000000000000000000000;0.029585798816568045777053441725;0.008875739644970414427005422908;0.009861932938856015837258972567;0.048323471400394474306594361224;0.026627218934911243281016268725;0.015779092702169626033503746498;0.014792899408284022888526720863
-0.042406311637080869314520015223;0.000986193293885601627093984156;0.036489151873767257383551765315;0.000000000000000000000000000000;0.033530571992110451418067640361;0.020710059171597634819494970770;0.007889546351084813016751873249;0.025641025641025640136039243089;0.021696252465483234495025044453;0.031558185404339252067007492997;0.025641025641025640136039243089;0.015779092702169626033503746498;0.014792899408284022888526720863;0.043392504930966468990050088905;0.004930966469428007918629486284;0.030571992110453648922030467361;0.010848126232741617247512522226;0.015779092702169626033503746498;0.039447731755424063349035890269;0.003944773175542406508375936625;0.034516765285996058032491617951;0.002958579881656804664441517971;0.001972386587771203254187968312;0.057199211045364892203046736086;0.039447731755424063349035890269;0.053254437869822486562032537449;0.017751479289940828854010845816;0.006903353057199210739136585602;0.000000000000000000000000000000;0.026627218934911243281016268725;0.016765285996055225709033820181;0.011834319526627218657766071885;0.006903353057199210739136585602;0.007889546351084813016751873249;0.012820512820512820068019621544;0.033530571992110451418067640361;0.008875739644970414427005422908;0.010848126232741617247512522226;0.000986193293885601627093984156;0.003944773175542406508375936625;0.011834319526627218657766071885;0.016765285996055225709033820181;0.000000000000000000000000000000;0.032544378698224851742537566679;0.005917159763313609328883035943;0.025641025641025640136039243089;0.042406311637080869314520015223;0.043392504930966468990050088905;0.011834319526627218657766071885;0.028599605522682446101523368043
-0.025641025641025640136039243089;0.018737672583826428529540919499;0.041420118343195269638989941541;0.005917159763313609328883035943;0.082840236686390539277979883082;0.020710059171597634819494970770;0.001972386587771203254187968312;0.007889546351084813016751873249;0.044378698224852068665580162588;0.017751479289940828854010845816;0.006903353057199210739136585602;0.019723865877712031674517945135;0.004930966469428007918629486284;0.025641025641025640136039243089;0.063116370808678504134014985993;0.020710059171597634819494970770;0.012820512820512820068019621544;0.022682445759368837640002070088;0.012820512820512820068019621544;0.005917159763313609328883035943;0.004930966469428007918629486284;0.029585798816568045777053441725;0.013806706114398421478273171203;0.024654832347140040460509169407;0.033530571992110451418067640361;0.020710059171597634819494970770;0.019723865877712031674517945135;0.005917159763313609328883035943;0.000000000000000000000000000000;0.041420118343195269638989941541;0.020710059171597634819494970770;0.011834319526627218657766071885;0.025641025641025640136039243089;0.005917159763313609328883035943;0.017751479289940828854010845816;0.020710059171597634819494970770;0.003944773175542406508375936625;0.005917159763313609328883035943;0.015779092702169626033503746498;0.031558185404339252067007492997;0.002958579881656804664441517971;0.018737672583826428529540919499;0.000000000000000000000000000000;0.011834319526627218657766071885;0.051282051282051280272078486178;0.009861932938856015837258972567;0.025641025641025640136039243089;0.025641025641025640136039243089;0.021696252465483234495025044453;0.015779092702169626033503746498
-0.049309664694280080921018338813;0.004930966469428007918629486284;0.058185404339250491878576809768;0.000000000000000000000000000000;0.001972386587771203254187968312;0.028599605522682446101523368043;0.002958579881656804664441517971;0.011834319526627218657766071885;0.037475345167652857059081838997;0.034516765285996058032491617951;0.017751479289940828854010845816;0.016765285996055225709033820181;0.016765285996055225709033820181;0.036489151873767257383551765315;0.000000000000000000000000000000;0.031558185404339252067007492997;0.025641025641025640136039243089;0.021696252465483234495025044453;0.008875739644970414427005422908;0.010848126232741617247512522226;0.011834319526627218657766071885;0.025641025641025640136039243089;0.012820512820512820068019621544;0.043392504930966468990050088905;0.037475345167652857059081838997;0.052268244575936886886502463767;0.015779092702169626033503746498;0.006903353057199210739136585602;0.000986193293885601627093984156;0.022682445759368837640002070088;0.022682445759368837640002070088;0.018737672583826428529540919499;0.001972386587771203254187968312;0.010848126232741617247512522226;0.017751479289940828854010845816;0.034516765285996058032491617951;0.008875739644970414427005422908;0.007889546351084813016751873249;0.006903353057199210739136585602;0.028599605522682446101523368043;0.004930966469428007918629486284;0.031558185404339252067007492997;0.000000000000000000000000000000;0.017751479289940828854010845816;0.006903353057199210739136585602;0.021696252465483234495025044453;0.047337278106508874631064287541;0.030571992110453648922030467361;0.021696252465483234495025044453;0.012820512820512820068019621544
-0.036489151873767257383551765315;0.003944773175542406508375936625;0.052268244575936886886502463767;0.000986193293885601627093984156;0.000986193293885601627093984156;0.018737672583826428529540919499;0.002958579881656804664441517971;0.012820512820512820068019621544;0.029585798816568045777053441725;0.043392504930966468990050088905;0.016765285996055225709033820181;0.020710059171597634819494970770;0.004930966469428007918629486284;0.050295857988165680596548412495;0.000986193293885601627093984156;0.023668639053254437315532143771;0.023668639053254437315532143771;0.018737672583826428529540919499;0.010848126232741617247512522226;0.011834319526627218657766071885;0.005917159763313609328883035943;0.023668639053254437315532143771;0.006903353057199210739136585602;0.043392504930966468990050088905;0.038461538461538463673505816587;0.062130177514792897519591008404;0.015779092702169626033503746498;0.001972386587771203254187968312;0.001972386587771203254187968312;0.023668639053254437315532143771;0.021696252465483234495025044453;0.034516765285996058032491617951;0.004930966469428007918629486284;0.004930966469428007918629486284;0.013806706114398421478273171203;0.048323471400394474306594361224;0.007889546351084813016751873249;0.010848126232741617247512522226;0.005917159763313609328883035943;0.013806706114398421478273171203;0.002958579881656804664441517971;0.018737672583826428529540919499;0.000000000000000000000000000000;0.028599605522682446101523368043;0.007889546351084813016751873249;0.016765285996055225709033820181;0.066074950690335310099499110947;0.044378698224852068665580162588;0.023668639053254437315532143771;0.015779092702169626033503746498
-0.044378698224852068665580162588;0.000986193293885601627093984156;0.046351084812623274955534213859;0.000000000000000000000000000000;0.003944773175542406508375936625;0.030571992110453648922030467361;0.000000000000000000000000000000;0.012820512820512820068019621544;0.019723865877712031674517945135;0.035502958579881657708021691633;0.013806706114398421478273171203;0.036489151873767257383551765315;0.007889546351084813016751873249;0.051282051282051280272078486178;0.004930966469428007918629486284;0.052268244575936886886502463767;0.019723865877712031674517945135;0.017751479289940828854010845816;0.018737672583826428529540919499;0.007889546351084813016751873249;0.012820512820512820068019621544;0.008875739644970414427005422908;0.005917159763313609328883035943;0.055226824457593685913092684814;0.061143984220907297844060934722;0.050295857988165680596548412495;0.020710059171597634819494970770;0.000000000000000000000000000000;0.000000000000000000000000000000;0.024654832347140040460509169407;0.016765285996055225709033820181;0.019723865877712031674517945135;0.001972386587771203254187968312;0.005917159763313609328883035943;0.015779092702169626033503746498;0.049309664694280080921018338813;0.011834319526627218657766071885;0.010848126232741617247512522226;0.001972386587771203254187968312;0.010848126232741617247512522226;0.001972386587771203254187968312;0.005917159763313609328883035943;0.000000000000000000000000000000;0.022682445759368837640002070088;0.008875739644970414427005422908;0.009861932938856015837258972567;0.054240631163708086237562611132;0.040433925049309663024565963951;0.018737672583826428529540919499;0.027613412228796842956546342407
-0.037475345167652857059081838997;0.000986193293885601627093984156;0.049309664694280080921018338813;0.000000000000000000000000000000;0.007889546351084813016751873249;0.030571992110453648922030467361;0.000000000000000000000000000000;0.016765285996055225709033820181;0.009861932938856015837258972567;0.060157790927021698168530861039;0.018737672583826428529540919499;0.018737672583826428529540919499;0.010848126232741617247512522226;0.059171597633136091554106883450;0.002958579881656804664441517971;0.027613412228796842956546342407;0.012820512820512820068019621544;0.010848126232741617247512522226;0.005917159763313609328883035943;0.005917159763313609328883035943;0.013806706114398421478273171203;0.012820512820512820068019621544;0.003944773175542406508375936625;0.079881656804733733312495758128;0.049309664694280080921018338813;0.049309664694280080921018338813;0.020710059171597634819494970770;0.000000000000000000000000000000;0.001972386587771203254187968312;0.021696252465483234495025044453;0.023668639053254437315532143771;0.022682445759368837640002070088;0.004930966469428007918629486284;0.005917159763313609328883035943;0.018737672583826428529540919499;0.053254437869822486562032537449;0.009861932938856015837258972567;0.006903353057199210739136585602;0.000986193293885601627093984156;0.011834319526627218657766071885;0.002958579881656804664441517971;0.001972386587771203254187968312;0.000000000000000000000000000000;0.034516765285996058032491617951;0.004930966469428007918629486284;0.020710059171597634819494970770;0.062130177514792897519591008404;0.041420118343195269638989941541;0.014792899408284022888526720863;0.017751479289940828854010845816
-0.046351084812623274955534213859;0.000986193293885601627093984156;0.053254437869822486562032537449;0.000000000000000000000000000000;0.006903353057199210739136585602;0.039447731755424063349035890269;0.000986193293885601627093984156;0.011834319526627218657766071885;0.020710059171597634819494970770;0.044378698224852068665580162588;0.021696252465483234495025044453;0.030571992110453648922030467361;0.016765285996055225709033820181;0.061143984220907297844060934722;0.003944773175542406508375936625;0.022682445759368837640002070088;0.013806706114398421478273171203;0.016765285996055225709033820181;0.015779092702169626033503746498;0.011834319526627218657766071885;0.009861932938856015837258972567;0.010848126232741617247512522226;0.004930966469428007918629486284;0.052268244575936886886502463767;0.050295857988165680596548412495;0.040433925049309663024565963951;0.020710059171597634819494970770;0.000986193293885601627093984156;0.000000000000000000000000000000;0.030571992110453648922030467361;0.014792899408284022888526720863;0.019723865877712031674517945135;0.002958579881656804664441517971;0.004930966469428007918629486284;0.017751479289940828854010845816;0.034516765285996058032491617951;0.012820512820512820068019621544;0.009861932938856015837258972567;0.000000000000000000000000000000;0.004930966469428007918629486284;0.001972386587771203254187968312;0.011834319526627218657766071885;0.000000000000000000000000000000;0.026627218934911243281016268725;0.005917159763313609328883035943;0.012820512820512820068019621544;0.059171597633136091554106883450;0.037475345167652857059081838997;0.029585798816568045777053441725;0.031558185404339252067007492997
-0.030571992110453648922030467361;0.002958579881656804664441517971;0.057199211045364892203046736086;0.001972386587771203254187968312;0.014792899408284022888526720863;0.019723865877712031674517945135;0.000986193293885601627093984156;0.013806706114398421478273171203;0.014792899408284022888526720863;0.060157790927021698168530861039;0.024654832347140040460509169407;0.019723865877712031674517945135;0.003944773175542406508375936625;0.064102564102564096870651155768;0.008875739644970414427005422908;0.022682445759368837640002070088;0.011834319526627218657766071885;0.019723865877712031674517945135;0.014792899408284022888526720863;0.010848126232741617247512522226;0.005917159763313609328883035943;0.012820512820512820068019621544;0.002958579881656804664441517971;0.081854043392504932663555905492;0.038461538461538463673505816587;0.035502958579881657708021691633;0.018737672583826428529540919499;0.000000000000000000000000000000;0.000000000000000000000000000000;0.035502958579881657708021691633;0.017751479289940828854010845816;0.023668639053254437315532143771;0.004930966469428007918629486284;0.005917159763313609328883035943;0.009861932938856015837258972567;0.054240631163708086237562611132;0.007889546351084813016751873249;0.006903353057199210739136585602;0.000986193293885601627093984156;0.002958579881656804664441517971;0.007889546351084813016751873249;0.006903353057199210739136585602;0.000000000000000000000000000000;0.035502958579881657708021691633;0.013806706114398421478273171203;0.023668639053254437315532143771;0.049309664694280080921018338813;0.034516765285996058032491617951;0.023668639053254437315532143771;0.019723865877712031674517945135
-0.035502958579881657708021691633;0.001972386587771203254187968312;0.055226824457593685913092684814;0.000000000000000000000000000000;0.005917159763313609328883035943;0.013806706114398421478273171203;0.000986193293885601627093984156;0.013806706114398421478273171203;0.013806706114398421478273171203;0.054240631163708086237562611132;0.024654832347140040460509169407;0.011834319526627218657766071885;0.007889546351084813016751873249;0.065088757396449703485075133358;0.001972386587771203254187968312;0.027613412228796842956546342407;0.018737672583826428529540919499;0.023668639053254437315532143771;0.007889546351084813016751873249;0.003944773175542406508375936625;0.005917159763313609328883035943;0.010848126232741617247512522226;0.003944773175542406508375936625;0.079881656804733733312495758128;0.038461538461538463673505816587;0.059171597633136091554106883450;0.031558185404339252067007492997;0.000986193293885601627093984156;0.000986193293885601627093984156;0.016765285996055225709033820181;0.009861932938856015837258972567;0.023668639053254437315532143771;0.001972386587771203254187968312;0.005917159763313609328883035943;0.016765285996055225709033820181;0.057199211045364892203046736086;0.015779092702169626033503746498;0.011834319526627218657766071885;0.000000000000000000000000000000;0.010848126232741617247512522226;0.002958579881656804664441517971;0.001972386587771203254187968312;0.000000000000000000000000000000;0.039447731755424063349035890269;0.002958579881656804664441517971;0.013806706114398421478273171203;0.067061143984220902836135280722;0.049309664694280080921018338813;0.011834319526627218657766071885;0.019723865877712031674517945135
-0.031558185404339252067007492997;0.001972386587771203254187968312;0.054240631163708086237562611132;0.000986193293885601627093984156;0.025641025641025640136039243089;0.010848126232741617247512522226;0.000986193293885601627093984156;0.016765285996055225709033820181;0.018737672583826428529540919499;0.066074950690335310099499110947;0.010848126232741617247512522226;0.012820512820512820068019621544;0.006903353057199210739136585602;0.057199211045364892203046736086;0.001972386587771203254187968312;0.025641025641025640136039243089;0.016765285996055225709033820181;0.013806706114398421478273171203;0.009861932938856015837258972567;0.007889546351084813016751873249;0.008875739644970414427005422908;0.013806706114398421478273171203;0.004930966469428007918629486284;0.056213017751479292527516662403;0.038461538461538463673505816587;0.051282051282051280272078486178;0.035502958579881657708021691633;0.000986193293885601627093984156;0.000000000000000000000000000000;0.022682445759368837640002070088;0.005917159763313609328883035943;0.036489151873767257383551765315;0.006903353057199210739136585602;0.007889546351084813016751873249;0.022682445759368837640002070088;0.057199211045364892203046736086;0.016765285996055225709033820181;0.003944773175542406508375936625;0.000986193293885601627093984156;0.005917159763313609328883035943;0.002958579881656804664441517971;0.005917159763313609328883035943;0.000000000000000000000000000000;0.025641025641025640136039243089;0.004930966469428007918629486284;0.015779092702169626033503746498;0.070019723865877708801619405676;0.045364891518737675280004140177;0.014792899408284022888526720863;0.025641025641025640136039243089
-0.019723865877712031674517945135;0.000986193293885601627093984156;0.057199211045364892203046736086;0.000000000000000000000000000000;0.010848126232741617247512522226;0.024654832347140040460509169407;0.000000000000000000000000000000;0.008875739644970414427005422908;0.024654832347140040460509169407;0.042406311637080869314520015223;0.014792899408284022888526720863;0.021696252465483234495025044453;0.008875739644970414427005422908;0.050295857988165680596548412495;0.002958579881656804664441517971;0.031558185404339252067007492997;0.031558185404339252067007492997;0.022682445759368837640002070088;0.004930966469428007918629486284;0.017751479289940828854010845816;0.011834319526627218657766071885;0.015779092702169626033503746498;0.007889546351084813016751873249;0.071992110453648922030467360855;0.035502958579881657708021691633;0.035502958579881657708021691633;0.026627218934911243281016268725;0.000000000000000000000000000000;0.005917159763313609328883035943;0.037475345167652857059081838997;0.013806706114398421478273171203;0.037475345167652857059081838997;0.005917159763313609328883035943;0.005917159763313609328883035943;0.023668639053254437315532143771;0.053254437869822486562032537449;0.014792899408284022888526720863;0.007889546351084813016751873249;0.000986193293885601627093984156;0.007889546351084813016751873249;0.003944773175542406508375936625;0.002958579881656804664441517971;0.000000000000000000000000000000;0.025641025641025640136039243089;0.010848126232741617247512522226;0.014792899408284022888526720863;0.050295857988165680596548412495;0.039447731755424063349035890269;0.017751479289940828854010845816;0.017751479289940828854010845816
-0.042406311637080869314520015223;0.001972386587771203254187968312;0.058185404339250491878576809768;0.000000000000000000000000000000;0.000986193293885601627093984156;0.024654832347140040460509169407;0.002958579881656804664441517971;0.013806706114398421478273171203;0.012820512820512820068019621544;0.057199211045364892203046736086;0.011834319526627218657766071885;0.035502958579881657708021691633;0.004930966469428007918629486284;0.058185404339250491878576809768;0.001972386587771203254187968312;0.030571992110453648922030467361;0.024654832347140040460509169407;0.015779092702169626033503746498;0.014792899408284022888526720863;0.009861932938856015837258972567;0.009861932938856015837258972567;0.009861932938856015837258972567;0.002958579881656804664441517971;0.076923076923076927347011633174;0.044378698224852068665580162588;0.051282051282051280272078486178;0.021696252465483234495025044453;0.001972386587771203254187968312;0.003944773175542406508375936625;0.022682445759368837640002070088;0.014792899408284022888526720863;0.021696252465483234495025044453;0.001972386587771203254187968312;0.006903353057199210739136585602;0.012820512820512820068019621544;0.058185404339250491878576809768;0.005917159763313609328883035943;0.006903353057199210739136585602;0.001972386587771203254187968312;0.011834319526627218657766071885;0.003944773175542406508375936625;0.006903353057199210739136585602;0.000000000000000000000000000000;0.029585798816568045777053441725;0.003944773175542406508375936625;0.014792899408284022888526720863;0.049309664694280080921018338813;0.034516765285996058032491617951;0.022682445759368837640002070088;0.022682445759368837640002070088
-0.038461538461538463673505816587;0.001972386587771203254187968312;0.061143984220907297844060934722;0.000000000000000000000000000000;0.006903353057199210739136585602;0.030571992110453648922030467361;0.000986193293885601627093984156;0.018737672583826428529540919499;0.021696252465483234495025044453;0.039447731755424063349035890269;0.020710059171597634819494970770;0.037475345167652857059081838997;0.015779092702169626033503746498;0.053254437869822486562032537449;0.001972386587771203254187968312;0.020710059171597634819494970770;0.017751479289940828854010845816;0.026627218934911243281016268725;0.014792899408284022888526720863;0.013806706114398421478273171203;0.011834319526627218657766071885;0.010848126232741617247512522226;0.012820512820512820068019621544;0.053254437869822486562032537449;0.033530571992110451418067640361;0.054240631163708086237562611132;0.032544378698224851742537566679;0.001972386587771203254187968312;0.000000000000000000000000000000;0.032544378698224851742537566679;0.018737672583826428529540919499;0.016765285996055225709033820181;0.007889546351084813016751873249;0.003944773175542406508375936625;0.016765285996055225709033820181;0.045364891518737675280004140177;0.009861932938856015837258972567;0.005917159763313609328883035943;0.003944773175542406508375936625;0.022682445759368837640002070088;0.000986193293885601627093984156;0.011834319526627218657766071885;0.000000000000000000000000000000;0.013806706114398421478273171203;0.008875739644970414427005422908;0.012820512820512820068019621544;0.049309664694280080921018338813;0.019723865877712031674517945135;0.030571992110453648922030467361;0.013806706114398421478273171203
-0.027613412228796842956546342407;0.003944773175542406508375936625;0.071992110453648922030467360855;0.000000000000000000000000000000;0.004930966469428007918629486284;0.011834319526627218657766071885;0.000000000000000000000000000000;0.020710059171597634819494970770;0.021696252465483234495025044453;0.052268244575936886886502463767;0.017751479289940828854010845816;0.036489151873767257383551765315;0.010848126232741617247512522226;0.051282051282051280272078486178;0.005917159763313609328883035943;0.006903353057199210739136585602;0.017751479289940828854010845816;0.027613412228796842956546342407;0.009861932938856015837258972567;0.014792899408284022888526720863;0.008875739644970414427005422908;0.017751479289940828854010845816;0.010848126232741617247512522226;0.051282051282051280272078486178;0.028599605522682446101523368043;0.034516765285996058032491617951;0.027613412228796842956546342407;0.001972386587771203254187968312;0.000986193293885601627093984156;0.027613412228796842956546342407;0.011834319526627218657766071885;0.023668639053254437315532143771;0.008875739644970414427005422908;0.004930966469428007918629486284;0.017751479289940828854010845816;0.047337278106508874631064287541;0.013806706114398421478273171203;0.002958579881656804664441517971;0.005917159763313609328883035943;0.015779092702169626033503746498;0.001972386587771203254187968312;0.015779092702169626033503746498;0.000000000000000000000000000000;0.025641025641025640136039243089;0.009861932938856015837258972567;0.015779092702169626033503746498;0.054240631163708086237562611132;0.045364891518737675280004140177;0.036489151873767257383551765315;0.017751479289940828854010845816
-0.026627218934911243281016268725;0.000986193293885601627093984156;0.050295857988165680596548412495;0.000986193293885601627093984156;0.012820512820512820068019621544;0.018737672583826428529540919499;0.004930966469428007918629486284;0.028599605522682446101523368043;0.016765285996055225709033820181;0.040433925049309663024565963951;0.022682445759368837640002070088;0.021696252465483234495025044453;0.011834319526627218657766071885;0.044378698224852068665580162588;0.003944773175542406508375936625;0.017751479289940828854010845816;0.015779092702169626033503746498;0.018737672583826428529540919499;0.014792899408284022888526720863;0.011834319526627218657766071885;0.011834319526627218657766071885;0.010848126232741617247512522226;0.004930966469428007918629486284;0.081854043392504932663555905492;0.028599605522682446101523368043;0.047337278106508874631064287541;0.019723865877712031674517945135;0.007889546351084813016751873249;0.000986193293885601627093984156;0.031558185404339252067007492997;0.015779092702169626033503746498;0.029585798816568045777053441725;0.006903353057199210739136585602;0.003944773175542406508375936625;0.011834319526627218657766071885;0.058185404339250491878576809768;0.018737672583826428529540919499;0.005917159763313609328883035943;0.001972386587771203254187968312;0.013806706114398421478273171203;0.013806706114398421478273171203;0.022682445759368837640002070088;0.000000000000000000000000000000;0.033530571992110451418067640361;0.010848126232741617247512522226;0.017751479289940828854010845816;0.043392504930966468990050088905;0.027613412228796842956546342407;0.017751479289940828854010845816;0.015779092702169626033503746498
-0.015779092702169626033503746498;0.010848126232741617247512522226;0.047337278106508874631064287541;0.011834319526627218657766071885;0.040433925049309663024565963951;0.013806706114398421478273171203;0.002958579881656804664441517971;0.024654832347140040460509169407;0.042406311637080869314520015223;0.043392504930966468990050088905;0.007889546351084813016751873249;0.019723865877712031674517945135;0.009861932938856015837258972567;0.038461538461538463673505816587;0.022682445759368837640002070088;0.010848126232741617247512522226;0.025641025641025640136039243089;0.033530571992110451418067640361;0.019723865877712031674517945135;0.012820512820512820068019621544;0.010848126232741617247512522226;0.018737672583826428529540919499;0.017751479289940828854010845816;0.058185404339250491878576809768;0.014792899408284022888526720863;0.035502958579881657708021691633;0.022682445759368837640002070088;0.009861932938856015837258972567;0.000986193293885601627093984156;0.045364891518737675280004140177;0.007889546351084813016751873249;0.027613412228796842956546342407;0.015779092702169626033503746498;0.003944773175542406508375936625;0.005917159763313609328883035943;0.047337278106508874631064287541;0.011834319526627218657766071885;0.007889546351084813016751873249;0.003944773175542406508375936625;0.010848126232741617247512522226;0.002958579881656804664441517971;0.021696252465483234495025044453;0.000000000000000000000000000000;0.016765285996055225709033820181;0.030571992110453648922030467361;0.015779092702169626033503746498;0.034516765285996058032491617951;0.012820512820512820068019621544;0.019723865877712031674517945135;0.012820512820512820068019621544
-0.015779092702169626033503746498;0.007889546351084813016751873249;0.071005917159763315416043383266;0.000000000000000000000000000000;0.008875739644970414427005422908;0.017751479289940828854010845816;0.000000000000000000000000000000;0.016765285996055225709033820181;0.044378698224852068665580162588;0.042406311637080869314520015223;0.003944773175542406508375936625;0.028599605522682446101523368043;0.007889546351084813016751873249;0.062130177514792897519591008404;0.003944773175542406508375936625;0.009861932938856015837258972567;0.018737672583826428529540919499;0.050295857988165680596548412495;0.009861932938856015837258972567;0.009861932938856015837258972567;0.001972386587771203254187968312;0.023668639053254437315532143771;0.015779092702169626033503746498;0.054240631163708086237562611132;0.015779092702169626033503746498;0.032544378698224851742537566679;0.029585798816568045777053441725;0.003944773175542406508375936625;0.000986193293885601627093984156;0.029585798816568045777053441725;0.011834319526627218657766071885;0.028599605522682446101523368043;0.008875739644970414427005422908;0.006903353057199210739136585602;0.007889546351084813016751873249;0.055226824457593685913092684814;0.020710059171597634819494970770;0.002958579881656804664441517971;0.005917159763313609328883035943;0.020710059171597634819494970770;0.002958579881656804664441517971;0.024654832347140040460509169407;0.000000000000000000000000000000;0.027613412228796842956546342407;0.008875739644970414427005422908;0.019723865877712031674517945135;0.049309664694280080921018338813;0.025641025641025640136039243089;0.024654832347140040460509169407;0.008875739644970414427005422908
-0.037475345167652857059081838997;0.004930966469428007918629486284;0.073964497041420121381527508220;0.000000000000000000000000000000;0.006903353057199210739136585602;0.019723865877712031674517945135;0.000000000000000000000000000000;0.014792899408284022888526720863;0.021696252465483234495025044453;0.040433925049309663024565963951;0.017751479289940828854010845816;0.030571992110453648922030467361;0.008875739644970414427005422908;0.054240631163708086237562611132;0.003944773175542406508375936625;0.033530571992110451418067640361;0.006903353057199210739136585602;0.026627218934911243281016268725;0.004930966469428007918629486284;0.004930966469428007918629486284;0.010848126232741617247512522226;0.019723865877712031674517945135;0.012820512820512820068019621544;0.031558185404339252067007492997;0.057199211045364892203046736086;0.055226824457593685913092684814;0.019723865877712031674517945135;0.002958579881656804664441517971;0.000000000000000000000000000000;0.029585798816568045777053441725;0.018737672583826428529540919499;0.012820512820512820068019621544;0.001972386587771203254187968312;0.006903353057199210739136585602;0.020710059171597634819494970770;0.042406311637080869314520015223;0.017751479289940828854010845816;0.008875739644970414427005422908;0.006903353057199210739136585602;0.008875739644970414427005422908;0.000986193293885601627093984156;0.014792899408284022888526720863;0.000000000000000000000000000000;0.015779092702169626033503746498;0.004930966469428007918629486284;0.007889546351084813016751873249;0.043392504930966468990050088905;0.044378698224852068665580162588;0.036489151873767257383551765315;0.033530571992110451418067640361
-0.069033530571992116064983235901;0.002958579881656804664441517971;0.026627218934911243281016268725;0.000000000000000000000000000000;0.006903353057199210739136585602;0.036489151873767257383551765315;0.000000000000000000000000000000;0.011834319526627218657766071885;0.024654832347140040460509169407;0.021696252465483234495025044453;0.025641025641025640136039243089;0.044378698224852068665580162588;0.027613412228796842956546342407;0.047337278106508874631064287541;0.001972386587771203254187968312;0.047337278106508874631064287541;0.008875739644970414427005422908;0.011834319526627218657766071885;0.015779092702169626033503746498;0.005917159763313609328883035943;0.016765285996055225709033820181;0.017751479289940828854010845816;0.000000000000000000000000000000;0.033530571992110451418067640361;0.076923076923076927347011633174;0.048323471400394474306594361224;0.026627218934911243281016268725;0.003944773175542406508375936625;0.000000000000000000000000000000;0.031558185404339252067007492997;0.015779092702169626033503746498;0.005917159763313609328883035943;0.000986193293885601627093984156;0.001972386587771203254187968312;0.022682445759368837640002070088;0.029585798816568045777053441725;0.010848126232741617247512522226;0.008875739644970414427005422908;0.005917159763313609328883035943;0.006903353057199210739136585602;0.000986193293885601627093984156;0.024654832347140040460509169407;0.000000000000000000000000000000;0.020710059171597634819494970770;0.004930966469428007918629486284;0.007889546351084813016751873249;0.045364891518737675280004140177;0.052268244575936886886502463767;0.019723865877712031674517945135;0.021696252465483234495025044453
-0.040433925049309663024565963951;0.007889546351084813016751873249;0.048323471400394474306594361224;0.000000000000000000000000000000;0.010848126232741617247512522226;0.022682445759368837640002070088;0.002958579881656804664441517971;0.021696252465483234495025044453;0.025641025641025640136039243089;0.050295857988165680596548412495;0.012820512820512820068019621544;0.028599605522682446101523368043;0.015779092702169626033503746498;0.060157790927021698168530861039;0.002958579881656804664441517971;0.020710059171597634819494970770;0.015779092702169626033503746498;0.020710059171597634819494970770;0.019723865877712031674517945135;0.009861932938856015837258972567;0.014792899408284022888526720863;0.010848126232741617247512522226;0.007889546351084813016751873249;0.051282051282051280272078486178;0.026627218934911243281016268725;0.039447731755424063349035890269;0.024654832347140040460509169407;0.004930966469428007918629486284;0.000000000000000000000000000000;0.035502958579881657708021691633;0.013806706114398421478273171203;0.027613412228796842956546342407;0.004930966469428007918629486284;0.002958579881656804664441517971;0.022682445759368837640002070088;0.054240631163708086237562611132;0.017751479289940828854010845816;0.004930966469428007918629486284;0.003944773175542406508375936625;0.006903353057199210739136585602;0.004930966469428007918629486284;0.021696252465483234495025044453;0.000000000000000000000000000000;0.017751479289940828854010845816;0.011834319526627218657766071885;0.011834319526627218657766071885;0.053254437869822486562032537449;0.029585798816568045777053441725;0.020710059171597634819494970770;0.014792899408284022888526720863
-0.034516765285996058032491617951;0.002958579881656804664441517971;0.048323471400394474306594361224;0.000000000000000000000000000000;0.010848126232741617247512522226;0.014792899408284022888526720863;0.002958579881656804664441517971;0.013806706114398421478273171203;0.029585798816568045777053441725;0.043392504930966468990050088905;0.013806706114398421478273171203;0.018737672583826428529540919499;0.011834319526627218657766071885;0.058185404339250491878576809768;0.004930966469428007918629486284;0.014792899408284022888526720863;0.021696252465483234495025044453;0.022682445759368837640002070088;0.008875739644970414427005422908;0.006903353057199210739136585602;0.014792899408284022888526720863;0.008875739644970414427005422908;0.010848126232741617247512522226;0.064102564102564096870651155768;0.035502958579881657708021691633;0.040433925049309663024565963951;0.025641025641025640136039243089;0.002958579881656804664441517971;0.008875739644970414427005422908;0.029585798816568045777053441725;0.011834319526627218657766071885;0.030571992110453648922030467361;0.007889546351084813016751873249;0.002958579881656804664441517971;0.017751479289940828854010845816;0.051282051282051280272078486178;0.021696252465483234495025044453;0.006903353057199210739136585602;0.005917159763313609328883035943;0.014792899408284022888526720863;0.004930966469428007918629486284;0.014792899408284022888526720863;0.000000000000000000000000000000;0.030571992110453648922030467361;0.010848126232741617247512522226;0.016765285996055225709033820181;0.053254437869822486562032537449;0.020710059171597634819494970770;0.029585798816568045777053441725;0.021696252465483234495025044453
-0.054240631163708086237562611132;0.006903353057199210739136585602;0.034516765285996058032491617951;0.005917159763313609328883035943;0.017751479289940828854010845816;0.026627218934911243281016268725;0.002958579881656804664441517971;0.018737672583826428529540919499;0.017751479289940828854010845816;0.034516765285996058032491617951;0.018737672583826428529540919499;0.028599605522682446101523368043;0.027613412228796842956546342407;0.050295857988165680596548412495;0.003944773175542406508375936625;0.018737672583826428529540919499;0.007889546351084813016751873249;0.018737672583826428529540919499;0.026627218934911243281016268725;0.004930966469428007918629486284;0.015779092702169626033503746498;0.009861932938856015837258972567;0.004930966469428007918629486284;0.035502958579881657708021691633;0.056213017751479292527516662403;0.052268244575936886886502463767;0.029585798816568045777053441725;0.008875739644970414427005422908;0.000000000000000000000000000000;0.048323471400394474306594361224;0.020710059171597634819494970770;0.016765285996055225709033820181;0.006903353057199210739136585602;0.002958579881656804664441517971;0.021696252465483234495025044453;0.041420118343195269638989941541;0.010848126232741617247512522226;0.005917159763313609328883035943;0.001972386587771203254187968312;0.004930966469428007918629486284;0.005917159763313609328883035943;0.017751479289940828854010845816;0.000000000000000000000000000000;0.015779092702169626033503746498;0.013806706114398421478273171203;0.010848126232741617247512522226;0.041420118343195269638989941541;0.034516765285996058032491617951;0.020710059171597634819494970770;0.017751479289940828854010845816
-0.031558185404339252067007492997;0.008875739644970414427005422908;0.038461538461538463673505816587;0.000986193293885601627093984156;0.025641025641025640136039243089;0.019723865877712031674517945135;0.002958579881656804664441517971;0.027613412228796842956546342407;0.016765285996055225709033820181;0.030571992110453648922030467361;0.018737672583826428529540919499;0.028599605522682446101523368043;0.015779092702169626033503746498;0.045364891518737675280004140177;0.016765285996055225709033820181;0.025641025641025640136039243089;0.012820512820512820068019621544;0.025641025641025640136039243089;0.040433925049309663024565963951;0.001972386587771203254187968312;0.021696252465483234495025044453;0.002958579881656804664441517971;0.010848126232741617247512522226;0.048323471400394474306594361224;0.043392504930966468990050088905;0.040433925049309663024565963951;0.024654832347140040460509169407;0.007889546351084813016751873249;0.000986193293885601627093984156;0.059171597633136091554106883450;0.018737672583826428529540919499;0.015779092702169626033503746498;0.017751479289940828854010845816;0.006903353057199210739136585602;0.018737672583826428529540919499;0.030571992110453648922030467361;0.009861932938856015837258972567;0.005917159763313609328883035943;0.006903353057199210739136585602;0.006903353057199210739136585602;0.011834319526627218657766071885;0.010848126232741617247512522226;0.000000000000000000000000000000;0.022682445759368837640002070088;0.014792899408284022888526720863;0.010848126232741617247512522226;0.034516765285996058032491617951;0.030571992110453648922030467361;0.023668639053254437315532143771;0.006903353057199210739136585602
-0.077909270216962520083647802949;0.002958579881656804664441517971;0.035502958579881657708021691633;0.000000000000000000000000000000;0.003944773175542406508375936625;0.046351084812623274955534213859;0.000986193293885601627093984156;0.007889546351084813016751873249;0.022682445759368837640002070088;0.033530571992110451418067640361;0.017751479289940828854010845816;0.058185404339250491878576809768;0.012820512820512820068019621544;0.053254437869822486562032537449;0.000986193293885601627093984156;0.047337278106508874631064287541;0.008875739644970414427005422908;0.009861932938856015837258972567;0.013806706114398421478273171203;0.003944773175542406508375936625;0.013806706114398421478273171203;0.017751479289940828854010845816;0.001972386587771203254187968312;0.029585798816568045777053441725;0.067061143984220902836135280722;0.041420118343195269638989941541;0.020710059171597634819494970770;0.004930966469428007918629486284;0.000986193293885601627093984156;0.032544378698224851742537566679;0.029585798816568045777053441725;0.006903353057199210739136585602;0.005917159763313609328883035943;0.007889546351084813016751873249;0.019723865877712031674517945135;0.016765285996055225709033820181;0.008875739644970414427005422908;0.018737672583826428529540919499;0.006903353057199210739136585602;0.008875739644970414427005422908;0.001972386587771203254187968312;0.019723865877712031674517945135;0.000000000000000000000000000000;0.021696252465483234495025044453;0.004930966469428007918629486284;0.007889546351084813016751873249;0.044378698224852068665580162588;0.033530571992110451418067640361;0.020710059171597634819494970770;0.025641025641025640136039243089
-0.033530571992110451418067640361;0.003944773175542406508375936625;0.072978303747534514767103530630;0.000000000000000000000000000000;0.000000000000000000000000000000;0.020710059171597634819494970770;0.000986193293885601627093984156;0.008875739644970414427005422908;0.028599605522682446101523368043;0.046351084812623274955534213859;0.011834319526627218657766071885;0.018737672583826428529540919499;0.010848126232741617247512522226;0.059171597633136091554106883450;0.002958579881656804664441517971;0.021696252465483234495025044453;0.017751479289940828854010845816;0.031558185404339252067007492997;0.005917159763313609328883035943;0.014792899408284022888526720863;0.006903353057199210739136585602;0.010848126232741617247512522226;0.009861932938856015837258972567;0.053254437869822486562032537449;0.027613412228796842956546342407;0.048323471400394474306594361224;0.014792899408284022888526720863;0.000000000000000000000000000000;0.001972386587771203254187968312;0.022682445759368837640002070088;0.018737672583826428529540919499;0.030571992110453648922030467361;0.001972386587771203254187968312;0.002958579881656804664441517971;0.017751479289940828854010845816;0.058185404339250491878576809768;0.019723865877712031674517945135;0.014792899408284022888526720863;0.000000000000000000000000000000;0.009861932938856015837258972567;0.001972386587771203254187968312;0.016765285996055225709033820181;0.000000000000000000000000000000;0.026627218934911243281016268725;0.006903353057199210739136585602;0.025641025641025640136039243089;0.056213017751479292527516662403;0.042406311637080869314520015223;0.024654832347140040460509169407;0.016765285996055225709033820181
-0.013806706114398421478273171203;0.002958579881656804664441517971;0.077909270216962520083647802949;0.000000000000000000000000000000;0.004930966469428007918629486284;0.010848126232741617247512522226;0.000986193293885601627093984156;0.013806706114398421478273171203;0.025641025641025640136039243089;0.049309664694280080921018338813;0.015779092702169626033503746498;0.014792899408284022888526720863;0.002958579881656804664441517971;0.067061143984220902836135280722;0.004930966469428007918629486284;0.008875739644970414427005422908;0.013806706114398421478273171203;0.027613412228796842956546342407;0.005917159763313609328883035943;0.011834319526627218657766071885;0.015779092702169626033503746498;0.018737672583826428529540919499;0.008875739644970414427005422908;0.070019723865877708801619405676;0.028599605522682446101523368043;0.048323471400394474306594361224;0.032544378698224851742537566679;0.003944773175542406508375936625;0.000000000000000000000000000000;0.024654832347140040460509169407;0.009861932938856015837258972567;0.021696252465483234495025044453;0.004930966469428007918629486284;0.005917159763313609328883035943;0.013806706114398421478273171203;0.070019723865877708801619405676;0.017751479289940828854010845816;0.004930966469428007918629486284;0.006903353057199210739136585602;0.013806706114398421478273171203;0.006903353057199210739136585602;0.014792899408284022888526720863;0.000000000000000000000000000000;0.025641025641025640136039243089;0.005917159763313609328883035943;0.014792899408284022888526720863;0.059171597633136091554106883450;0.027613412228796842956546342407;0.036489151873767257383551765315;0.013806706114398421478273171203
-0.024654832347140040460509169407;0.014792899408284022888526720863;0.044378698224852068665580162588;0.000000000000000000000000000000;0.011834319526627218657766071885;0.012820512820512820068019621544;0.001972386587771203254187968312;0.027613412228796842956546342407;0.023668639053254437315532143771;0.037475345167652857059081838997;0.022682445759368837640002070088;0.016765285996055225709033820181;0.000000000000000000000000000000;0.051282051282051280272078486178;0.008875739644970414427005422908;0.015779092702169626033503746498;0.018737672583826428529540919499;0.031558185404339252067007492997;0.024654832347140040460509169407;0.010848126232741617247512522226;0.015779092702169626033503746498;0.021696252465483234495025044453;0.007889546351084813016751873249;0.068047337278106509450559258312;0.015779092702169626033503746498;0.043392504930966468990050088905;0.034516765285996058032491617951;0.016765285996055225709033820181;0.003944773175542406508375936625;0.032544378698224851742537566679;0.020710059171597634819494970770;0.027613412228796842956546342407;0.011834319526627218657766071885;0.003944773175542406508375936625;0.005917159763313609328883035943;0.049309664694280080921018338813;0.014792899408284022888526720863;0.003944773175542406508375936625;0.000986193293885601627093984156;0.004930966469428007918629486284;0.008875739644970414427005422908;0.016765285996055225709033820181;0.000000000000000000000000000000;0.016765285996055225709033820181;0.008875739644970414427005422908;0.011834319526627218657766071885;0.062130177514792897519591008404;0.031558185404339252067007492997;0.014792899408284022888526720863;0.023668639053254437315532143771
-0.034516765285996058032491617951;0.021696252465483234495025044453;0.024654832347140040460509169407;0.002958579881656804664441517971;0.034516765285996058032491617951;0.018737672583826428529540919499;0.002958579881656804664441517971;0.035502958579881657708021691633;0.015779092702169626033503746498;0.018737672583826428529540919499;0.015779092702169626033503746498;0.024654832347140040460509169407;0.007889546351084813016751873249;0.034516765285996058032491617951;0.035502958579881657708021691633;0.018737672583826428529540919499;0.012820512820512820068019621544;0.033530571992110451418067640361;0.029585798816568045777053441725;0.005917159763313609328883035943;0.025641025641025640136039243089;0.006903353057199210739136585602;0.012820512820512820068019621544;0.042406311637080869314520015223;0.025641025641025640136039243089;0.030571992110453648922030467361;0.032544378698224851742537566679;0.022682445759368837640002070088;0.000000000000000000000000000000;0.036489151873767257383551765315;0.021696252465483234495025044453;0.012820512820512820068019621544;0.013806706114398421478273171203;0.007889546351084813016751873249;0.013806706114398421478273171203;0.044378698224852068665580162588;0.010848126232741617247512522226;0.005917159763313609328883035943;0.000986193293885601627093984156;0.007889546351084813016751873249;0.006903353057199210739136585602;0.025641025641025640136039243089;0.000000000000000000000000000000;0.019723865877712031674517945135;0.031558185404339252067007492997;0.006903353057199210739136585602;0.038461538461538463673505816587;0.039447731755424063349035890269;0.017751479289940828854010845816;0.008875739644970414427005422908
-0.024654832347140040460509169407;0.022682445759368837640002070088;0.066074950690335310099499110947;0.008875739644970414427005422908;0.034516765285996058032491617951;0.016765285996055225709033820181;0.002958579881656804664441517971;0.017751479289940828854010845816;0.027613412228796842956546342407;0.032544378698224851742537566679;0.009861932938856015837258972567;0.021696252465483234495025044453;0.006903353057199210739136585602;0.042406311637080869314520015223;0.042406311637080869314520015223;0.012820512820512820068019621544;0.027613412228796842956546342407;0.025641025641025640136039243089;0.026627218934911243281016268725;0.011834319526627218657766071885;0.014792899408284022888526720863;0.009861932938856015837258972567;0.012820512820512820068019621544;0.030571992110453648922030467361;0.018737672583826428529540919499;0.034516765285996058032491617951;0.030571992110453648922030467361;0.015779092702169626033503746498;0.001972386587771203254187968312;0.053254437869822486562032537449;0.009861932938856015837258972567;0.014792899408284022888526720863;0.027613412228796842956546342407;0.008875739644970414427005422908;0.019723865877712031674517945135;0.041420118343195269638989941541;0.009861932938856015837258972567;0.004930966469428007918629486284;0.000986193293885601627093984156;0.014792899408284022888526720863;0.003944773175542406508375936625;0.019723865877712031674517945135;0.000000000000000000000000000000;0.016765285996055225709033820181;0.019723865877712031674517945135;0.010848126232741617247512522226;0.021696252465483234495025044453;0.014792899408284022888526720863;0.023668639053254437315532143771;0.010848126232741617247512522226
-0.017751479289940828854010845816;0.005917159763313609328883035943;0.075936883629191320732587655584;0.000000000000000000000000000000;0.000986193293885601627093984156;0.008875739644970414427005422908;0.000000000000000000000000000000;0.016765285996055225709033820181;0.034516765285996058032491617951;0.049309664694280080921018338813;0.006903353057199210739136585602;0.028599605522682446101523368043;0.002958579881656804664441517971;0.061143984220907297844060934722;0.004930966469428007918629486284;0.012820512820512820068019621544;0.019723865877712031674517945135;0.032544378698224851742537566679;0.002958579881656804664441517971;0.021696252465483234495025044453;0.014792899408284022888526720863;0.019723865877712031674517945135;0.009861932938856015837258972567;0.069033530571992116064983235901;0.023668639053254437315532143771;0.040433925049309663024565963951;0.024654832347140040460509169407;0.002958579881656804664441517971;0.000000000000000000000000000000;0.020710059171597634819494970770;0.007889546351084813016751873249;0.030571992110453648922030467361;0.003944773175542406508375936625;0.006903353057199210739136585602;0.012820512820512820068019621544;0.071992110453648922030467360855;0.022682445759368837640002070088;0.000986193293885601627093984156;0.002958579881656804664441517971;0.022682445759368837640002070088;0.000986193293885601627093984156;0.016765285996055225709033820181;0.000000000000000000000000000000;0.024654832347140040460509169407;0.006903353057199210739136585602;0.012820512820512820068019621544;0.054240631163708086237562611132;0.031558185404339252067007492997;0.020710059171597634819494970770;0.017751479289940828854010845816
-0.015779092702169626033503746498;0.011834319526627218657766071885;0.070019723865877708801619405676;0.000986193293885601627093984156;0.018737672583826428529540919499;0.019723865877712031674517945135;0.001972386587771203254187968312;0.025641025641025640136039243089;0.033530571992110451418067640361;0.029585798816568045777053441725;0.011834319526627218657766071885;0.023668639053254437315532143771;0.007889546351084813016751873249;0.038461538461538463673505816587;0.006903353057199210739136585602;0.007889546351084813016751873249;0.012820512820512820068019621544;0.041420118343195269638989941541;0.020710059171597634819494970770;0.008875739644970414427005422908;0.009861932938856015837258972567;0.017751479289940828854010845816;0.024654832347140040460509169407;0.045364891518737675280004140177;0.024654832347140040460509169407;0.033530571992110451418067640361;0.035502958579881657708021691633;0.004930966469428007918629486284;0.000000000000000000000000000000;0.034516765285996058032491617951;0.016765285996055225709033820181;0.012820512820512820068019621544;0.009861932938856015837258972567;0.007889546351084813016751873249;0.015779092702169626033503746498;0.050295857988165680596548412495;0.019723865877712031674517945135;0.004930966469428007918629486284;0.002958579881656804664441517971;0.025641025641025640136039243089;0.006903353057199210739136585602;0.022682445759368837640002070088;0.000000000000000000000000000000;0.024654832347140040460509169407;0.007889546351084813016751873249;0.006903353057199210739136585602;0.049309664694280080921018338813;0.031558185404339252067007492997;0.031558185404339252067007492997;0.012820512820512820068019621544
-0.020710059171597634819494970770;0.014792899408284022888526720863;0.073964497041420121381527508220;0.000000000000000000000000000000;0.008875739644970414427005422908;0.013806706114398421478273171203;0.005917159763313609328883035943;0.021696252465483234495025044453;0.034516765285996058032491617951;0.018737672583826428529540919499;0.008875739644970414427005422908;0.022682445759368837640002070088;0.007889546351084813016751873249;0.039447731755424063349035890269;0.010848126232741617247512522226;0.009861932938856015837258972567;0.030571992110453648922030467361;0.037475345167652857059081838997;0.019723865877712031674517945135;0.017751479289940828854010845816;0.018737672583826428529540919499;0.016765285996055225709033820181;0.021696252465483234495025044453;0.036489151873767257383551765315;0.015779092702169626033503746498;0.030571992110453648922030467361;0.033530571992110451418067640361;0.008875739644970414427005422908;0.000000000000000000000000000000;0.037475345167652857059081838997;0.005917159763313609328883035943;0.016765285996055225709033820181;0.017751479289940828854010845816;0.007889546351084813016751873249;0.016765285996055225709033820181;0.049309664694280080921018338813;0.019723865877712031674517945135;0.004930966469428007918629486284;0.008875739644970414427005422908;0.025641025641025640136039243089;0.010848126232741617247512522226;0.021696252465483234495025044453;0.000000000000000000000000000000;0.011834319526627218657766071885;0.014792899408284022888526720863;0.014792899408284022888526720863;0.046351084812623274955534213859;0.027613412228796842956546342407;0.027613412228796842956546342407;0.012820512820512820068019621544
-0.012820512820512820068019621544;0.009861932938856015837258972567;0.092702169625246549911068427718;0.000000000000000000000000000000;0.001972386587771203254187968312;0.007889546351084813016751873249;0.000986193293885601627093984156;0.019723865877712031674517945135;0.053254437869822486562032537449;0.034516765285996058032491617951;0.004930966469428007918629486284;0.018737672583826428529540919499;0.001972386587771203254187968312;0.055226824457593685913092684814;0.003944773175542406508375936625;0.008875739644970414427005422908;0.039447731755424063349035890269;0.034516765285996058032491617951;0.001972386587771203254187968312;0.022682445759368837640002070088;0.006903353057199210739136585602;0.022682445759368837640002070088;0.009861932938856015837258972567;0.040433925049309663024565963951;0.012820512820512820068019621544;0.035502958579881657708021691633;0.029585798816568045777053441725;0.008875739644970414427005422908;0.000000000000000000000000000000;0.010848126232741617247512522226;0.008875739644970414427005422908;0.035502958579881657708021691633;0.000000000000000000000000000000;0.005917159763313609328883035943;0.012820512820512820068019621544;0.100591715976331361193096824991;0.017751479289940828854010845816;0.000000000000000000000000000000;0.010848126232741617247512522226;0.024654832347140040460509169407;0.004930966469428007918629486284;0.027613412228796842956546342407;0.000000000000000000000000000000;0.025641025641025640136039243089;0.000000000000000000000000000000;0.009861932938856015837258972567;0.051282051282051280272078486178;0.032544378698224851742537566679;0.018737672583826428529540919499;0.008875739644970414427005422908
-0.013806706114398421478273171203;0.006903353057199210739136585602;0.078895463510848126698071780538;0.000000000000000000000000000000;0.003944773175542406508375936625;0.015779092702169626033503746498;0.001972386587771203254187968312;0.014792899408284022888526720863;0.027613412228796842956546342407;0.042406311637080869314520015223;0.009861932938856015837258972567;0.029585798816568045777053441725;0.005917159763313609328883035943;0.064102564102564096870651155768;0.004930966469428007918629486284;0.012820512820512820068019621544;0.022682445759368837640002070088;0.023668639053254437315532143771;0.007889546351084813016751873249;0.007889546351084813016751873249;0.009861932938856015837258972567;0.015779092702169626033503746498;0.009861932938856015837258972567;0.059171597633136091554106883450;0.012820512820512820068019621544;0.048323471400394474306594361224;0.029585798816568045777053441725;0.011834319526627218657766071885;0.000000000000000000000000000000;0.022682445759368837640002070088;0.012820512820512820068019621544;0.031558185404339252067007492997;0.000986193293885601627093984156;0.008875739644970414427005422908;0.018737672583826428529540919499;0.050295857988165680596548412495;0.014792899408284022888526720863;0.004930966469428007918629486284;0.003944773175542406508375936625;0.008875739644970414427005422908;0.003944773175542406508375936625;0.024654832347140040460509169407;0.000000000000000000000000000000;0.032544378698224851742537566679;0.005917159763313609328883035943;0.013806706114398421478273171203;0.071005917159763315416043383266;0.035502958579881657708021691633;0.027613412228796842956546342407;0.013806706114398421478273171203
-0.009861932938856015837258972567;0.040433925049309663024565963951;0.070019723865877708801619405676;0.003944773175542406508375936625;0.010848126232741617247512522226;0.006903353057199210739136585602;0.001972386587771203254187968312;0.019723865877712031674517945135;0.037475345167652857059081838997;0.023668639053254437315532143771;0.005917159763313609328883035943;0.023668639053254437315532143771;0.009861932938856015837258972567;0.037475345167652857059081838997;0.016765285996055225709033820181;0.003944773175542406508375936625;0.028599605522682446101523368043;0.045364891518737675280004140177;0.017751479289940828854010845816;0.008875739644970414427005422908;0.005917159763313609328883035943;0.016765285996055225709033820181;0.011834319526627218657766071885;0.042406311637080869314520015223;0.012820512820512820068019621544;0.027613412228796842956546342407;0.026627218934911243281016268725;0.054240631163708086237562611132;0.000000000000000000000000000000;0.027613412228796842956546342407;0.011834319526627218657766071885;0.022682445759368837640002070088;0.007889546351084813016751873249;0.006903353057199210739136585602;0.016765285996055225709033820181;0.058185404339250491878576809768;0.006903353057199210739136585602;0.002958579881656804664441517971;0.004930966469428007918629486284;0.025641025641025640136039243089;0.010848126232741617247512522226;0.034516765285996058032491617951;0.000000000000000000000000000000;0.017751479289940828854010845816;0.008875739644970414427005422908;0.008875739644970414427005422908;0.048323471400394474306594361224;0.018737672583826428529540919499;0.023668639053254437315532143771;0.014792899408284022888526720863
-0.016765285996055225709033820181;0.032544378698224851742537566679;0.046351084812623274955534213859;0.029585798816568045777053441725;0.026627218934911243281016268725;0.013806706114398421478273171203;0.000986193293885601627093984156;0.021696252465483234495025044453;0.045364891518737675280004140177;0.018737672583826428529540919499;0.007889546351084813016751873249;0.016765285996055225709033820181;0.011834319526627218657766071885;0.041420118343195269638989941541;0.049309664694280080921018338813;0.008875739644970414427005422908;0.022682445759368837640002070088;0.019723865877712031674517945135;0.006903353057199210739136585602;0.009861932938856015837258972567;0.006903353057199210739136585602;0.021696252465483234495025044453;0.015779092702169626033503746498;0.022682445759368837640002070088;0.024654832347140040460509169407;0.031558185404339252067007492997;0.016765285996055225709033820181;0.054240631163708086237562611132;0.000000000000000000000000000000;0.021696252465483234495025044453;0.008875739644970414427005422908;0.018737672583826428529540919499;0.002958579881656804664441517971;0.005917159763313609328883035943;0.031558185404339252067007492997;0.038461538461538463673505816587;0.007889546351084813016751873249;0.006903353057199210739136585602;0.008875739644970414427005422908;0.017751479289940828854010845816;0.009861932938856015837258972567;0.036489151873767257383551765315;0.000000000000000000000000000000;0.015779092702169626033503746498;0.008875739644970414427005422908;0.008875739644970414427005422908;0.042406311637080869314520015223;0.023668639053254437315532143771;0.028599605522682446101523368043;0.013806706114398421478273171203
-0.044378698224852068665580162588;0.000000000000000000000000000000;0.043392504930966468990050088905;0.000986193293885601627093984156;0.004930966469428007918629486284;0.026627218934911243281016268725;0.000000000000000000000000000000;0.022682445759368837640002070088;0.019723865877712031674517945135;0.041420118343195269638989941541;0.012820512820512820068019621544;0.040433925049309663024565963951;0.008875739644970414427005422908;0.062130177514792897519591008404;0.002958579881656804664441517971;0.022682445759368837640002070088;0.003944773175542406508375936625;0.013806706114398421478273171203;0.006903353057199210739136585602;0.009861932938856015837258972567;0.009861932938856015837258972567;0.010848126232741617247512522226;0.003944773175542406508375936625;0.042406311637080869314520015223;0.043392504930966468990050088905;0.055226824457593685913092684814;0.023668639053254437315532143771;0.015779092702169626033503746498;0.000000000000000000000000000000;0.031558185404339252067007492997;0.017751479289940828854010845816;0.010848126232741617247512522226;0.005917159763313609328883035943;0.007889546351084813016751873249;0.019723865877712031674517945135;0.043392504930966468990050088905;0.013806706114398421478273171203;0.005917159763313609328883035943;0.003944773175542406508375936625;0.007889546351084813016751873249;0.001972386587771203254187968312;0.024654832347140040460509169407;0.000000000000000000000000000000;0.018737672583826428529540919499;0.005917159763313609328883035943;0.017751479289940828854010845816;0.064102564102564096870651155768;0.050295857988165680596548412495;0.033530571992110451418067640361;0.020710059171597634819494970770
-0.051282051282051280272078486178;0.000986193293885601627093984156;0.055226824457593685913092684814;0.000000000000000000000000000000;0.006903353057199210739136585602;0.046351084812623274955534213859;0.000000000000000000000000000000;0.012820512820512820068019621544;0.020710059171597634819494970770;0.041420118343195269638989941541;0.017751479289940828854010845816;0.042406311637080869314520015223;0.018737672583826428529540919499;0.042406311637080869314520015223;0.000986193293885601627093984156;0.039447731755424063349035890269;0.007889546351084813016751873249;0.017751479289940828854010845816;0.014792899408284022888526720863;0.006903353057199210739136585602;0.012820512820512820068019621544;0.004930966469428007918629486284;0.004930966469428007918629486284;0.046351084812623274955534213859;0.064102564102564096870651155768;0.037475345167652857059081838997;0.021696252465483234495025044453;0.001972386587771203254187968312;0.000000000000000000000000000000;0.044378698224852068665580162588;0.025641025641025640136039243089;0.010848126232741617247512522226;0.009861932938856015837258972567;0.005917159763313609328883035943;0.016765285996055225709033820181;0.037475345167652857059081838997;0.010848126232741617247512522226;0.010848126232741617247512522226;0.002958579881656804664441517971;0.012820512820512820068019621544;0.002958579881656804664441517971;0.016765285996055225709033820181;0.000000000000000000000000000000;0.011834319526627218657766071885;0.010848126232741617247512522226;0.009861932938856015837258972567;0.039447731755424063349035890269;0.027613412228796842956546342407;0.028599605522682446101523368043;0.024654832347140040460509169407
-0.015779092702169626033503746498;0.000986193293885601627093984156;0.094674556213017749262128575083;0.000000000000000000000000000000;0.008875739644970414427005422908;0.006903353057199210739136585602;0.000986193293885601627093984156;0.017751479289940828854010845816;0.050295857988165680596548412495;0.049309664694280080921018338813;0.006903353057199210739136585602;0.036489151873767257383551765315;0.008875739644970414427005422908;0.051282051282051280272078486178;0.001972386587771203254187968312;0.008875739644970414427005422908;0.017751479289940828854010845816;0.019723865877712031674517945135;0.002958579881656804664441517971;0.020710059171597634819494970770;0.003944773175542406508375936625;0.017751479289940828854010845816;0.013806706114398421478273171203;0.051282051282051280272078486178;0.012820512820512820068019621544;0.047337278106508874631064287541;0.018737672583826428529540919499;0.000986193293885601627093984156;0.000000000000000000000000000000;0.024654832347140040460509169407;0.006903353057199210739136585602;0.024654832347140040460509169407;0.000986193293885601627093984156;0.005917159763313609328883035943;0.014792899408284022888526720863;0.068047337278106509450559258312;0.017751479289940828854010845816;0.004930966469428007918629486284;0.008875739644970414427005422908;0.029585798816568045777053441725;0.006903353057199210739136585602;0.012820512820512820068019621544;0.000000000000000000000000000000;0.022682445759368837640002070088;0.006903353057199210739136585602;0.012820512820512820068019621544;0.056213017751479292527516662403;0.038461538461538463673505816587;0.024654832347140040460509169407;0.023668639053254437315532143771
-0.010848126232741617247512522226;0.017751479289940828854010845816;0.090729783037475350560008280354;0.000000000000000000000000000000;0.007889546351084813016751873249;0.013806706114398421478273171203;0.000000000000000000000000000000;0.023668639053254437315532143771;0.024654832347140040460509169407;0.036489151873767257383551765315;0.009861932938856015837258972567;0.034516765285996058032491617951;0.003944773175542406508375936625;0.062130177514792897519591008404;0.008875739644970414427005422908;0.011834319526627218657766071885;0.020710059171597634819494970770;0.023668639053254437315532143771;0.014792899408284022888526720863;0.008875739644970414427005422908;0.016765285996055225709033820181;0.014792899408284022888526720863;0.008875739644970414427005422908;0.056213017751479292527516662403;0.014792899408284022888526720863;0.042406311637080869314520015223;0.018737672583826428529540919499;0.007889546351084813016751873249;0.000986193293885601627093984156;0.025641025641025640136039243089;0.008875739644970414427005422908;0.031558185404339252067007492997;0.012820512820512820068019621544;0.004930966469428007918629486284;0.017751479289940828854010845816;0.069033530571992116064983235901;0.019723865877712031674517945135;0.000000000000000000000000000000;0.002958579881656804664441517971;0.018737672583826428529540919499;0.002958579881656804664441517971;0.015779092702169626033503746498;0.000000000000000000000000000000;0.018737672583826428529540919499;0.009861932938856015837258972567;0.016765285996055225709033820181;0.054240631163708086237562611132;0.026627218934911243281016268725;0.024654832347140040460509169407;0.011834319526627218657766071885
-0.022682445759368837640002070088;0.011834319526627218657766071885;0.051282051282051280272078486178;0.000000000000000000000000000000;0.009861932938856015837258972567;0.014792899408284022888526720863;0.000986193293885601627093984156;0.017751479289940828854010845816;0.020710059171597634819494970770;0.051282051282051280272078486178;0.019723865877712031674517945135;0.019723865877712031674517945135;0.008875739644970414427005422908;0.053254437869822486562032537449;0.006903353057199210739136585602;0.024654832347140040460509169407;0.010848126232741617247512522226;0.027613412228796842956546342407;0.020710059171597634819494970770;0.008875739644970414427005422908;0.014792899408284022888526720863;0.015779092702169626033503746498;0.010848126232741617247512522226;0.051282051282051280272078486178;0.029585798816568045777053441725;0.041420118343195269638989941541;0.022682445759368837640002070088;0.004930966469428007918629486284;0.000000000000000000000000000000;0.033530571992110451418067640361;0.013806706114398421478273171203;0.022682445759368837640002070088;0.013806706114398421478273171203;0.006903353057199210739136585602;0.010848126232741617247512522226;0.051282051282051280272078486178;0.008875739644970414427005422908;0.005917159763313609328883035943;0.002958579881656804664441517971;0.018737672583826428529540919499;0.006903353057199210739136585602;0.015779092702169626033503746498;0.000000000000000000000000000000;0.026627218934911243281016268725;0.009861932938856015837258972567;0.012820512820512820068019621544;0.066074950690335310099499110947;0.028599605522682446101523368043;0.027613412228796842956546342407;0.022682445759368837640002070088
-0.022682445759368837640002070088;0.000986193293885601627093984156;0.075936883629191320732587655584;0.000000000000000000000000000000;0.000000000000000000000000000000;0.014792899408284022888526720863;0.000986193293885601627093984156;0.017751479289940828854010845816;0.030571992110453648922030467361;0.051282051282051280272078486178;0.011834319526627218657766071885;0.037475345167652857059081838997;0.003944773175542406508375936625;0.060157790927021698168530861039;0.001972386587771203254187968312;0.022682445759368837640002070088;0.025641025641025640136039243089;0.029585798816568045777053441725;0.004930966469428007918629486284;0.015779092702169626033503746498;0.007889546351084813016751873249;0.015779092702169626033503746498;0.006903353057199210739136585602;0.071005917159763315416043383266;0.025641025641025640136039243089;0.047337278106508874631064287541;0.025641025641025640136039243089;0.000986193293885601627093984156;0.000000000000000000000000000000;0.019723865877712031674517945135;0.009861932938856015837258972567;0.023668639053254437315532143771;0.004930966469428007918629486284;0.009861932938856015837258972567;0.013806706114398421478273171203;0.054240631163708086237562611132;0.011834319526627218657766071885;0.008875739644970414427005422908;0.000986193293885601627093984156;0.018737672583826428529540919499;0.001972386587771203254187968312;0.010848126232741617247512522226;0.000000000000000000000000000000;0.017751479289940828854010845816;0.003944773175542406508375936625;0.011834319526627218657766071885;0.074950690335305714118163677995;0.042406311637080869314520015223;0.017751479289940828854010845816;0.011834319526627218657766071885
-0.016765285996055225709033820181;0.019723865877712031674517945135;0.073964497041420121381527508220;0.028599605522682446101523368043;0.016765285996055225709033820181;0.010848126232741617247512522226;0.000000000000000000000000000000;0.010848126232741617247512522226;0.027613412228796842956546342407;0.052268244575936886886502463767;0.005917159763313609328883035943;0.027613412228796842956546342407;0.007889546351084813016751873249;0.056213017751479292527516662403;0.014792899408284022888526720863;0.014792899408284022888526720863;0.014792899408284022888526720863;0.023668639053254437315532143771;0.009861932938856015837258972567;0.012820512820512820068019621544;0.003944773175542406508375936625;0.013806706114398421478273171203;0.003944773175542406508375936625;0.060157790927021698168530861039;0.018737672583826428529540919499;0.042406311637080869314520015223;0.025641025641025640136039243089;0.033530571992110451418067640361;0.001972386587771203254187968312;0.019723865877712031674517945135;0.006903353057199210739136585602;0.029585798816568045777053441725;0.003944773175542406508375936625;0.007889546351084813016751873249;0.015779092702169626033503746498;0.058185404339250491878576809768;0.013806706114398421478273171203;0.003944773175542406508375936625;0.003944773175542406508375936625;0.012820512820512820068019621544;0.003944773175542406508375936625;0.009861932938856015837258972567;0.000000000000000000000000000000;0.020710059171597634819494970770;0.010848126232741617247512522226;0.005917159763313609328883035943;0.058185404339250491878576809768;0.029585798816568045777053441725;0.013806706114398421478273171203;0.020710059171597634819494970770
-0.023668639053254437315532143771;0.025641025641025640136039243089;0.034516765285996058032491617951;0.082840236686390539277979883082;0.040433925049309663024565963951;0.017751479289940828854010845816;0.000986193293885601627093984156;0.013806706114398421478273171203;0.015779092702169626033503746498;0.037475345167652857059081838997;0.002958579881656804664441517971;0.019723865877712031674517945135;0.019723865877712031674517945135;0.026627218934911243281016268725;0.041420118343195269638989941541;0.007889546351084813016751873249;0.012820512820512820068019621544;0.019723865877712031674517945135;0.010848126232741617247512522226;0.007889546351084813016751873249;0.010848126232741617247512522226;0.012820512820512820068019621544;0.012820512820512820068019621544;0.025641025641025640136039243089;0.017751479289940828854010845816;0.021696252465483234495025044453;0.013806706114398421478273171203;0.105522682445759366509641097309;0.000986193293885601627093984156;0.017751479289940828854010845816;0.013806706114398421478273171203;0.016765285996055225709033820181;0.005917159763313609328883035943;0.005917159763313609328883035943;0.019723865877712031674517945135;0.031558185404339252067007492997;0.008875739644970414427005422908;0.008875739644970414427005422908;0.005917159763313609328883035943;0.022682445759368837640002070088;0.004930966469428007918629486284;0.033530571992110451418067640361;0.000000000000000000000000000000;0.016765285996055225709033820181;0.015779092702169626033503746498;0.006903353057199210739136585602;0.019723865877712031674517945135;0.021696252465483234495025044453;0.025641025641025640136039243089;0.012820512820512820068019621544
-0.030571992110453648922030467361;0.009861932938856015837258972567;0.070019723865877708801619405676;0.000000000000000000000000000000;0.005917159763313609328883035943;0.024654832347140040460509169407;0.000986193293885601627093984156;0.017751479289940828854010845816;0.026627218934911243281016268725;0.039447731755424063349035890269;0.008875739644970414427005422908;0.023668639053254437315532143771;0.006903353057199210739136585602;0.054240631163708086237562611132;0.000000000000000000000000000000;0.014792899408284022888526720863;0.016765285996055225709033820181;0.019723865877712031674517945135;0.009861932938856015837258972567;0.006903353057199210739136585602;0.013806706114398421478273171203;0.023668639053254437315532143771;0.009861932938856015837258972567;0.062130177514792897519591008404;0.035502958579881657708021691633;0.042406311637080869314520015223;0.027613412228796842956546342407;0.002958579881656804664441517971;0.000986193293885601627093984156;0.020710059171597634819494970770;0.012820512820512820068019621544;0.032544378698224851742537566679;0.006903353057199210739136585602;0.013806706114398421478273171203;0.028599605522682446101523368043;0.054240631163708086237562611132;0.014792899408284022888526720863;0.012820512820512820068019621544;0.000986193293885601627093984156;0.012820512820512820068019621544;0.004930966469428007918629486284;0.008875739644970414427005422908;0.000000000000000000000000000000;0.020710059171597634819494970770;0.001972386587771203254187968312;0.025641025641025640136039243089;0.045364891518737675280004140177;0.033530571992110451418067640361;0.024654832347140040460509169407;0.016765285996055225709033820181
-0.027613412228796842956546342407;0.012820512820512820068019621544;0.051282051282051280272078486178;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006903353057199210739136585602;0.000000000000000000000000000000;0.018737672583826428529540919499;0.023668639053254437315532143771;0.073964497041420121381527508220;0.008875739644970414427005422908;0.014792899408284022888526720863;0.003944773175542406508375936625;0.051282051282051280272078486178;0.003944773175542406508375936625;0.017751479289940828854010845816;0.020710059171597634819494970770;0.015779092702169626033503746498;0.003944773175542406508375936625;0.007889546351084813016751873249;0.014792899408284022888526720863;0.014792899408284022888526720863;0.000986193293885601627093984156;0.090729783037475350560008280354;0.037475345167652857059081838997;0.055226824457593685913092684814;0.022682445759368837640002070088;0.001972386587771203254187968312;0.002958579881656804664441517971;0.002958579881656804664441517971;0.013806706114398421478273171203;0.039447731755424063349035890269;0.001972386587771203254187968312;0.007889546351084813016751873249;0.003944773175542406508375936625;0.061143984220907297844060934722;0.015779092702169626033503746498;0.007889546351084813016751873249;0.000986193293885601627093984156;0.005917159763313609328883035943;0.006903353057199210739136585602;0.006903353057199210739136585602;0.000000000000000000000000000000;0.043392504930966468990050088905;0.000000000000000000000000000000;0.027613412228796842956546342407;0.078895463510848126698071780538;0.042406311637080869314520015223;0.008875739644970414427005422908;0.017751479289940828854010845816
-0.028599605522682446101523368043;0.007889546351084813016751873249;0.035502958579881657708021691633;0.005917159763313609328883035943;0.034516765285996058032491617951;0.024654832347140040460509169407;0.010848126232741617247512522226;0.015779092702169626033503746498;0.006903353057199210739136585602;0.052268244575936886886502463767;0.015779092702169626033503746498;0.020710059171597634819494970770;0.012820512820512820068019621544;0.052268244575936886886502463767;0.006903353057199210739136585602;0.027613412228796842956546342407;0.007889546351084813016751873249;0.022682445759368837640002070088;0.019723865877712031674517945135;0.008875739644970414427005422908;0.013806706114398421478273171203;0.012820512820512820068019621544;0.000986193293885601627093984156;0.067061143984220902836135280722;0.038461538461538463673505816587;0.046351084812623274955534213859;0.017751479289940828854010845816;0.012820512820512820068019621544;0.000000000000000000000000000000;0.031558185404339252067007492997;0.008875739644970414427005422908;0.031558185404339252067007492997;0.002958579881656804664441517971;0.004930966469428007918629486284;0.007889546351084813016751873249;0.051282051282051280272078486178;0.008875739644970414427005422908;0.005917159763313609328883035943;0.001972386587771203254187968312;0.000986193293885601627093984156;0.019723865877712031674517945135;0.019723865877712031674517945135;0.000000000000000000000000000000;0.026627218934911243281016268725;0.020710059171597634819494970770;0.019723865877712031674517945135;0.043392504930966468990050088905;0.035502958579881657708021691633;0.013806706114398421478273171203;0.015779092702169626033503746498
-0.023668639053254437315532143771;0.004930966469428007918629486284;0.034516765285996058032491617951;0.005917159763313609328883035943;0.063116370808678504134014985993;0.024654832347140040460509169407;0.000986193293885601627093984156;0.010848126232741617247512522226;0.013806706114398421478273171203;0.032544378698224851742537566679;0.020710059171597634819494970770;0.014792899408284022888526720863;0.011834319526627218657766071885;0.044378698224852068665580162588;0.021696252465483234495025044453;0.011834319526627218657766071885;0.009861932938856015837258972567;0.027613412228796842956546342407;0.017751479289940828854010845816;0.006903353057199210739136585602;0.003944773175542406508375936625;0.008875739644970414427005422908;0.017751479289940828854010845816;0.058185404339250491878576809768;0.038461538461538463673505816587;0.036489151873767257383551765315;0.026627218934911243281016268725;0.011834319526627218657766071885;0.000986193293885601627093984156;0.031558185404339252067007492997;0.016765285996055225709033820181;0.018737672583826428529540919499;0.015779092702169626033503746498;0.009861932938856015837258972567;0.018737672583826428529540919499;0.032544378698224851742537566679;0.005917159763313609328883035943;0.008875739644970414427005422908;0.003944773175542406508375936625;0.012820512820512820068019621544;0.001972386587771203254187968312;0.012820512820512820068019621544;0.000000000000000000000000000000;0.017751479289940828854010845816;0.030571992110453648922030467361;0.010848126232741617247512522226;0.058185404339250491878576809768;0.034516765285996058032491617951;0.023668639053254437315532143771;0.028599605522682446101523368043
-0.024654832347140040460509169407;0.004930966469428007918629486284;0.056213017751479292527516662403;0.006903353057199210739136585602;0.020710059171597634819494970770;0.018737672583826428529540919499;0.001972386587771203254187968312;0.015779092702169626033503746498;0.018737672583826428529540919499;0.050295857988165680596548412495;0.009861932938856015837258972567;0.018737672583826428529540919499;0.007889546351084813016751873249;0.046351084812623274955534213859;0.010848126232741617247512522226;0.020710059171597634819494970770;0.011834319526627218657766071885;0.023668639053254437315532143771;0.006903353057199210739136585602;0.004930966469428007918629486284;0.010848126232741617247512522226;0.015779092702169626033503746498;0.000986193293885601627093984156;0.071005917159763315416043383266;0.041420118343195269638989941541;0.043392504930966468990050088905;0.029585798816568045777053441725;0.019723865877712031674517945135;0.004930966469428007918629486284;0.013806706114398421478273171203;0.008875739644970414427005422908;0.033530571992110451418067640361;0.001972386587771203254187968312;0.018737672583826428529540919499;0.012820512820512820068019621544;0.042406311637080869314520015223;0.009861932938856015837258972567;0.006903353057199210739136585602;0.003944773175542406508375936625;0.009861932938856015837258972567;0.009861932938856015837258972567;0.019723865877712031674517945135;0.000000000000000000000000000000;0.027613412228796842956546342407;0.010848126232741617247512522226;0.026627218934911243281016268725;0.050295857988165680596548412495;0.027613412228796842956546342407;0.020710059171597634819494970770;0.025641025641025640136039243089
-0.019723865877712031674517945135;0.029585798816568045777053441725;0.029585798816568045777053441725;0.022682445759368837640002070088;0.067061143984220902836135280722;0.017751479289940828854010845816;0.011834319526627218657766071885;0.024654832347140040460509169407;0.011834319526627218657766071885;0.035502958579881657708021691633;0.010848126232741617247512522226;0.023668639053254437315532143771;0.011834319526627218657766071885;0.028599605522682446101523368043;0.046351084812623274955534213859;0.017751479289940828854010845816;0.007889546351084813016751873249;0.021696252465483234495025044453;0.029585798816568045777053441725;0.002958579881656804664441517971;0.028599605522682446101523368043;0.004930966469428007918629486284;0.006903353057199210739136585602;0.033530571992110451418067640361;0.026627218934911243281016268725;0.037475345167652857059081838997;0.013806706114398421478273171203;0.053254437869822486562032537449;0.000000000000000000000000000000;0.033530571992110451418067640361;0.014792899408284022888526720863;0.016765285996055225709033820181;0.011834319526627218657766071885;0.002958579881656804664441517971;0.011834319526627218657766071885;0.032544378698224851742537566679;0.007889546351084813016751873249;0.003944773175542406508375936625;0.000000000000000000000000000000;0.001972386587771203254187968312;0.027613412228796842956546342407;0.014792899408284022888526720863;0.000000000000000000000000000000;0.021696252465483234495025044453;0.019723865877712031674517945135;0.011834319526627218657766071885;0.031558185404339252067007492997;0.030571992110453648922030467361;0.015779092702169626033503746498;0.011834319526627218657766071885
-0.021696252465483234495025044453;0.034516765285996058032491617951;0.028599605522682446101523368043;0.018737672583826428529540919499;0.108481262327416172475125222263;0.019723865877712031674517945135;0.002958579881656804664441517971;0.019723865877712031674517945135;0.018737672583826428529540919499;0.016765285996055225709033820181;0.015779092702169626033503746498;0.034516765285996058032491617951;0.009861932938856015837258972567;0.027613412228796842956546342407;0.048323471400394474306594361224;0.011834319526627218657766071885;0.012820512820512820068019621544;0.031558185404339252067007492997;0.015779092702169626033503746498;0.003944773175542406508375936625;0.009861932938856015837258972567;0.008875739644970414427005422908;0.011834319526627218657766071885;0.028599605522682446101523368043;0.030571992110453648922030467361;0.034516765285996058032491617951;0.019723865877712031674517945135;0.016765285996055225709033820181;0.001972386587771203254187968312;0.038461538461538463673505816587;0.014792899408284022888526720863;0.006903353057199210739136585602;0.016765285996055225709033820181;0.006903353057199210739136585602;0.011834319526627218657766071885;0.026627218934911243281016268725;0.006903353057199210739136585602;0.005917159763313609328883035943;0.005917159763313609328883035943;0.007889546351084813016751873249;0.012820512820512820068019621544;0.019723865877712031674517945135;0.000000000000000000000000000000;0.013806706114398421478273171203;0.031558185404339252067007492997;0.003944773175542406508375936625;0.032544378698224851742537566679;0.030571992110453648922030467361;0.029585798816568045777053441725;0.011834319526627218657766071885
-0.032544378698224851742537566679;0.008875739644970414427005422908;0.052268244575936886886502463767;0.000986193293885601627093984156;0.007889546351084813016751873249;0.018737672583826428529540919499;0.001972386587771203254187968312;0.016765285996055225709033820181;0.029585798816568045777053441725;0.026627218934911243281016268725;0.012820512820512820068019621544;0.038461538461538463673505816587;0.013806706114398421478273171203;0.041420118343195269638989941541;0.009861932938856015837258972567;0.023668639053254437315532143771;0.015779092702169626033503746498;0.035502958579881657708021691633;0.014792899408284022888526720863;0.004930966469428007918629486284;0.012820512820512820068019621544;0.020710059171597634819494970770;0.009861932938856015837258972567;0.041420118343195269638989941541;0.047337278106508874631064287541;0.039447731755424063349035890269;0.018737672583826428529540919499;0.008875739644970414427005422908;0.000000000000000000000000000000;0.024654832347140040460509169407;0.017751479289940828854010845816;0.015779092702169626033503746498;0.006903353057199210739136585602;0.012820512820512820068019621544;0.028599605522682446101523368043;0.045364891518737675280004140177;0.015779092702169626033503746498;0.001972386587771203254187968312;0.005917159763313609328883035943;0.021696252465483234495025044453;0.006903353057199210739136585602;0.025641025641025640136039243089;0.000000000000000000000000000000;0.023668639053254437315532143771;0.010848126232741617247512522226;0.010848126232741617247512522226;0.036489151873767257383551765315;0.041420118343195269638989941541;0.019723865877712031674517945135;0.020710059171597634819494970770
-0.034516765285996058032491617951;0.031558185404339252067007492997;0.029585798816568045777053441725;0.000986193293885601627093984156;0.004930966469428007918629486284;0.027613412228796842956546342407;0.000986193293885601627093984156;0.010848126232741617247512522226;0.022682445759368837640002070088;0.040433925049309663024565963951;0.009861932938856015837258972567;0.029585798816568045777053441725;0.017751479289940828854010845816;0.041420118343195269638989941541;0.019723865877712031674517945135;0.019723865877712031674517945135;0.013806706114398421478273171203;0.027613412228796842956546342407;0.014792899408284022888526720863;0.005917159763313609328883035943;0.009861932938856015837258972567;0.008875739644970414427005422908;0.039447731755424063349035890269;0.044378698224852068665580162588;0.044378698224852068665580162588;0.034516765285996058032491617951;0.014792899408284022888526720863;0.019723865877712031674517945135;0.002958579881656804664441517971;0.021696252465483234495025044453;0.012820512820512820068019621544;0.014792899408284022888526720863;0.004930966469428007918629486284;0.007889546351084813016751873249;0.024654832347140040460509169407;0.030571992110453648922030467361;0.009861932938856015837258972567;0.013806706114398421478273171203;0.009861932938856015837258972567;0.034516765285996058032491617951;0.006903353057199210739136585602;0.027613412228796842956546342407;0.000000000000000000000000000000;0.015779092702169626033503746498;0.005917159763313609328883035943;0.023668639053254437315532143771;0.048323471400394474306594361224;0.028599605522682446101523368043;0.015779092702169626033503746498;0.018737672583826428529540919499
-0.067061143984220902836135280722;0.003944773175542406508375936625;0.025641025641025640136039243089;0.001972386587771203254187968312;0.007889546351084813016751873249;0.049309664694280080921018338813;0.000000000000000000000000000000;0.010848126232741617247512522226;0.022682445759368837640002070088;0.033530571992110451418067640361;0.018737672583826428529540919499;0.037475345167652857059081838997;0.032544378698224851742537566679;0.037475345167652857059081838997;0.002958579881656804664441517971;0.038461538461538463673505816587;0.008875739644970414427005422908;0.013806706114398421478273171203;0.008875739644970414427005422908;0.009861932938856015837258972567;0.019723865877712031674517945135;0.010848126232741617247512522226;0.003944773175542406508375936625;0.045364891518737675280004140177;0.054240631163708086237562611132;0.052268244575936886886502463767;0.020710059171597634819494970770;0.004930966469428007918629486284;0.000986193293885601627093984156;0.031558185404339252067007492997;0.020710059171597634819494970770;0.013806706114398421478273171203;0.005917159763313609328883035943;0.006903353057199210739136585602;0.020710059171597634819494970770;0.037475345167652857059081838997;0.009861932938856015837258972567;0.011834319526627218657766071885;0.003944773175542406508375936625;0.010848126232741617247512522226;0.003944773175542406508375936625;0.017751479289940828854010845816;0.000000000000000000000000000000;0.023668639053254437315532143771;0.005917159763313609328883035943;0.019723865877712031674517945135;0.037475345167652857059081838997;0.031558185404339252067007492997;0.020710059171597634819494970770;0.020710059171597634819494970770
-0.040433925049309663024565963951;0.006903353057199210739136585602;0.040433925049309663024565963951;0.001972386587771203254187968312;0.010848126232741617247512522226;0.074950690335305714118163677995;0.000000000000000000000000000000;0.009861932938856015837258972567;0.030571992110453648922030467361;0.035502958579881657708021691633;0.013806706114398421478273171203;0.046351084812623274955534213859;0.023668639053254437315532143771;0.043392504930966468990050088905;0.005917159763313609328883035943;0.039447731755424063349035890269;0.007889546351084813016751873249;0.008875739644970414427005422908;0.006903353057199210739136585602;0.004930966469428007918629486284;0.012820512820512820068019621544;0.014792899408284022888526720863;0.007889546351084813016751873249;0.025641025641025640136039243089;0.070019723865877708801619405676;0.041420118343195269638989941541;0.018737672583826428529540919499;0.000000000000000000000000000000;0.000986193293885601627093984156;0.041420118343195269638989941541;0.032544378698224851742537566679;0.012820512820512820068019621544;0.004930966469428007918629486284;0.006903353057199210739136585602;0.025641025641025640136039243089;0.037475345167652857059081838997;0.009861932938856015837258972567;0.012820512820512820068019621544;0.011834319526627218657766071885;0.009861932938856015837258972567;0.000986193293885601627093984156;0.013806706114398421478273171203;0.000000000000000000000000000000;0.014792899408284022888526720863;0.007889546351084813016751873249;0.011834319526627218657766071885;0.028599605522682446101523368043;0.037475345167652857059081838997;0.022682445759368837640002070088;0.010848126232741617247512522226
-0.021696252465483234495025044453;0.010848126232741617247512522226;0.072978303747534514767103530630;0.000000000000000000000000000000;0.002958579881656804664441517971;0.023668639053254437315532143771;0.000986193293885601627093984156;0.012820512820512820068019621544;0.042406311637080869314520015223;0.035502958579881657708021691633;0.009861932938856015837258972567;0.015779092702169626033503746498;0.015779092702169626033503746498;0.037475345167652857059081838997;0.004930966469428007918629486284;0.015779092702169626033503746498;0.027613412228796842956546342407;0.036489151873767257383551765315;0.006903353057199210739136585602;0.020710059171597634819494970770;0.006903353057199210739136585602;0.027613412228796842956546342407;0.008875739644970414427005422908;0.046351084812623274955534213859;0.029585798816568045777053441725;0.040433925049309663024565963951;0.018737672583826428529540919499;0.004930966469428007918629486284;0.002958579881656804664441517971;0.024654832347140040460509169407;0.012820512820512820068019621544;0.024654832347140040460509169407;0.006903353057199210739136585602;0.008875739644970414427005422908;0.030571992110453648922030467361;0.044378698224852068665580162588;0.007889546351084813016751873249;0.004930966469428007918629486284;0.008875739644970414427005422908;0.034516765285996058032491617951;0.005917159763313609328883035943;0.024654832347140040460509169407;0.000000000000000000000000000000;0.017751479289940828854010845816;0.002958579881656804664441517971;0.014792899408284022888526720863;0.046351084812623274955534213859;0.024654832347140040460509169407;0.032544378698224851742537566679;0.019723865877712031674517945135
-0.029585798816568045777053441725;0.010848126232741617247512522226;0.084812623274161738629040030446;0.000000000000000000000000000000;0.001972386587771203254187968312;0.010848126232741617247512522226;0.004930966469428007918629486284;0.011834319526627218657766071885;0.044378698224852068665580162588;0.030571992110453648922030467361;0.011834319526627218657766071885;0.020710059171597634819494970770;0.013806706114398421478273171203;0.055226824457593685913092684814;0.005917159763313609328883035943;0.010848126232741617247512522226;0.031558185404339252067007492997;0.041420118343195269638989941541;0.003944773175542406508375936625;0.017751479289940828854010845816;0.013806706114398421478273171203;0.020710059171597634819494970770;0.013806706114398421478273171203;0.043392504930966468990050088905;0.014792899408284022888526720863;0.043392504930966468990050088905;0.025641025641025640136039243089;0.010848126232741617247512522226;0.000000000000000000000000000000;0.010848126232741617247512522226;0.009861932938856015837258972567;0.020710059171597634819494970770;0.001972386587771203254187968312;0.017751479289940828854010845816;0.025641025641025640136039243089;0.036489151873767257383551765315;0.005917159763313609328883035943;0.013806706114398421478273171203;0.015779092702169626033503746498;0.029585798816568045777053441725;0.005917159763313609328883035943;0.030571992110453648922030467361;0.000000000000000000000000000000;0.024654832347140040460509169407;0.000986193293885601627093984156;0.016765285996055225709033820181;0.039447731755424063349035890269;0.023668639053254437315532143771;0.028599605522682446101523368043;0.011834319526627218657766071885
-0.026627218934911243281016268725;0.000000000000000000000000000000;0.076923076923076927347011633174;0.000986193293885601627093984156;0.001972386587771203254187968312;0.017751479289940828854010845816;0.000986193293885601627093984156;0.016765285996055225709033820181;0.026627218934911243281016268725;0.041420118343195269638989941541;0.009861932938856015837258972567;0.022682445759368837640002070088;0.002958579881656804664441517971;0.062130177514792897519591008404;0.002958579881656804664441517971;0.024654832347140040460509169407;0.016765285996055225709033820181;0.023668639053254437315532143771;0.005917159763313609328883035943;0.009861932938856015837258972567;0.008875739644970414427005422908;0.010848126232741617247512522226;0.005917159763313609328883035943;0.065088757396449703485075133358;0.038461538461538463673505816587;0.060157790927021698168530861039;0.021696252465483234495025044453;0.000986193293885601627093984156;0.000986193293885601627093984156;0.021696252465483234495025044453;0.021696252465483234495025044453;0.037475345167652857059081838997;0.002958579881656804664441517971;0.005917159763313609328883035943;0.011834319526627218657766071885;0.053254437869822486562032537449;0.012820512820512820068019621544;0.012820512820512820068019621544;0.003944773175542406508375936625;0.010848126232741617247512522226;0.002958579881656804664441517971;0.011834319526627218657766071885;0.000000000000000000000000000000;0.040433925049309663024565963951;0.004930966469428007918629486284;0.016765285996055225709033820181;0.053254437869822486562032537449;0.033530571992110451418067640361;0.021696252465483234495025044453;0.014792899408284022888526720863
-0.037475345167652857059081838997;0.004930966469428007918629486284;0.077909270216962520083647802949;0.000000000000000000000000000000;0.003944773175542406508375936625;0.020710059171597634819494970770;0.000986193293885601627093984156;0.018737672583826428529540919499;0.026627218934911243281016268725;0.052268244575936886886502463767;0.007889546351084813016751873249;0.032544378698224851742537566679;0.006903353057199210739136585602;0.062130177514792897519591008404;0.001972386587771203254187968312;0.022682445759368837640002070088;0.021696252465483234495025044453;0.017751479289940828854010845816;0.007889546351084813016751873249;0.018737672583826428529540919499;0.008875739644970414427005422908;0.023668639053254437315532143771;0.004930966469428007918629486284;0.055226824457593685913092684814;0.026627218934911243281016268725;0.047337278106508874631064287541;0.020710059171597634819494970770;0.000000000000000000000000000000;0.000000000000000000000000000000;0.017751479289940828854010845816;0.010848126232741617247512522226;0.026627218934911243281016268725;0.001972386587771203254187968312;0.009861932938856015837258972567;0.021696252465483234495025044453;0.051282051282051280272078486178;0.014792899408284022888526720863;0.004930966469428007918629486284;0.006903353057199210739136585602;0.014792899408284022888526720863;0.002958579881656804664441517971;0.010848126232741617247512522226;0.000000000000000000000000000000;0.031558185404339252067007492997;0.006903353057199210739136585602;0.013806706114398421478273171203;0.053254437869822486562032537449;0.036489151873767257383551765315;0.020710059171597634819494970770;0.010848126232741617247512522226
-0.045364891518737675280004140177;0.000986193293885601627093984156;0.045364891518737675280004140177;0.000000000000000000000000000000;0.014792899408284022888526720863;0.017751479289940828854010845816;0.003944773175542406508375936625;0.017751479289940828854010845816;0.024654832347140040460509169407;0.035502958579881657708021691633;0.015779092702169626033503746498;0.023668639053254437315532143771;0.012820512820512820068019621544;0.049309664694280080921018338813;0.007889546351084813016751873249;0.024654832347140040460509169407;0.011834319526627218657766071885;0.010848126232741617247512522226;0.016765285996055225709033820181;0.005917159763313609328883035943;0.022682445759368837640002070088;0.005917159763313609328883035943;0.014792899408284022888526720863;0.057199211045364892203046736086;0.032544378698224851742537566679;0.031558185404339252067007492997;0.026627218934911243281016268725;0.000986193293885601627093984156;0.000986193293885601627093984156;0.029585798816568045777053441725;0.011834319526627218657766071885;0.027613412228796842956546342407;0.003944773175542406508375936625;0.014792899408284022888526720863;0.022682445759368837640002070088;0.042406311637080869314520015223;0.012820512820512820068019621544;0.018737672583826428529540919499;0.009861932938856015837258972567;0.018737672583826428529540919499;0.003944773175542406508375936625;0.012820512820512820068019621544;0.000000000000000000000000000000;0.023668639053254437315532143771;0.009861932938856015837258972567;0.018737672583826428529540919499;0.052268244575936886886502463767;0.045364891518737675280004140177;0.027613412228796842956546342407;0.013806706114398421478273171203
-0.042406311637080869314520015223;0.003944773175542406508375936625;0.052268244575936886886502463767;0.000000000000000000000000000000;0.007889546351084813016751873249;0.011834319526627218657766071885;0.000000000000000000000000000000;0.010848126232741617247512522226;0.023668639053254437315532143771;0.049309664694280080921018338813;0.019723865877712031674517945135;0.020710059171597634819494970770;0.009861932938856015837258972567;0.069033530571992116064983235901;0.003944773175542406508375936625;0.026627218934911243281016268725;0.011834319526627218657766071885;0.019723865877712031674517945135;0.007889546351084813016751873249;0.006903353057199210739136585602;0.010848126232741617247512522226;0.010848126232741617247512522226;0.000986193293885601627093984156;0.060157790927021698168530861039;0.039447731755424063349035890269;0.051282051282051280272078486178;0.033530571992110451418067640361;0.003944773175542406508375936625;0.000000000000000000000000000000;0.026627218934911243281016268725;0.018737672583826428529540919499;0.022682445759368837640002070088;0.004930966469428007918629486284;0.002958579881656804664441517971;0.017751479289940828854010845816;0.054240631163708086237562611132;0.011834319526627218657766071885;0.005917159763313609328883035943;0.004930966469428007918629486284;0.007889546351084813016751873249;0.000986193293885601627093984156;0.008875739644970414427005422908;0.000000000000000000000000000000;0.026627218934911243281016268725;0.002958579881656804664441517971;0.010848126232741617247512522226;0.068047337278106509450559258312;0.049309664694280080921018338813;0.019723865877712031674517945135;0.024654832347140040460509169407
-0.042406311637080869314520015223;0.000986193293885601627093984156;0.063116370808678504134014985993;0.000000000000000000000000000000;0.001972386587771203254187968312;0.020710059171597634819494970770;0.000986193293885601627093984156;0.014792899408284022888526720863;0.018737672583826428529540919499;0.056213017751479292527516662403;0.007889546351084813016751873249;0.023668639053254437315532143771;0.005917159763313609328883035943;0.064102564102564096870651155768;0.006903353057199210739136585602;0.025641025641025640136039243089;0.019723865877712031674517945135;0.010848126232741617247512522226;0.004930966469428007918629486284;0.007889546351084813016751873249;0.010848126232741617247512522226;0.014792899408284022888526720863;0.003944773175542406508375936625;0.057199211045364892203046736086;0.040433925049309663024565963951;0.076923076923076927347011633174;0.018737672583826428529540919499;0.000000000000000000000000000000;0.000000000000000000000000000000;0.019723865877712031674517945135;0.013806706114398421478273171203;0.022682445759368837640002070088;0.001972386587771203254187968312;0.007889546351084813016751873249;0.012820512820512820068019621544;0.037475345167652857059081838997;0.009861932938856015837258972567;0.013806706114398421478273171203;0.000986193293885601627093984156;0.009861932938856015837258972567;0.001972386587771203254187968312;0.005917159763313609328883035943;0.000000000000000000000000000000;0.029585798816568045777053441725;0.004930966469428007918629486284;0.022682445759368837640002070088;0.073964497041420121381527508220;0.050295857988165680596548412495;0.018737672583826428529540919499;0.020710059171597634819494970770
-0.021696252465483234495025044453;0.019723865877712031674517945135;0.044378698224852068665580162588;0.013806706114398421478273171203;0.008875739644970414427005422908;0.019723865877712031674517945135;0.003944773175542406508375936625;0.019723865877712031674517945135;0.014792899408284022888526720863;0.032544378698224851742537566679;0.012820512820512820068019621544;0.013806706114398421478273171203;0.011834319526627218657766071885;0.047337278106508874631064287541;0.010848126232741617247512522226;0.021696252465483234495025044453;0.021696252465483234495025044453;0.019723865877712031674517945135;0.011834319526627218657766071885;0.009861932938856015837258972567;0.015779092702169626033503746498;0.009861932938856015837258972567;0.011834319526627218657766071885;0.052268244575936886886502463767;0.025641025641025640136039243089;0.059171597633136091554106883450;0.016765285996055225709033820181;0.024654832347140040460509169407;0.000000000000000000000000000000;0.033530571992110451418067640361;0.011834319526627218657766071885;0.032544378698224851742537566679;0.010848126232741617247512522226;0.005917159763313609328883035943;0.015779092702169626033503746498;0.050295857988165680596548412495;0.011834319526627218657766071885;0.011834319526627218657766071885;0.002958579881656804664441517971;0.006903353057199210739136585602;0.004930966469428007918629486284;0.013806706114398421478273171203;0.000000000000000000000000000000;0.043392504930966468990050088905;0.006903353057199210739136585602;0.017751479289940828854010845816;0.050295857988165680596548412495;0.029585798816568045777053441725;0.023668639053254437315532143771;0.018737672583826428529540919499
-0.029585798816568045777053441725;0.004930966469428007918629486284;0.058185404339250491878576809768;0.014792899408284022888526720863;0.041420118343195269638989941541;0.018737672583826428529540919499;0.000986193293885601627093984156;0.025641025641025640136039243089;0.024654832347140040460509169407;0.038461538461538463673505816587;0.014792899408284022888526720863;0.027613412228796842956546342407;0.013806706114398421478273171203;0.046351084812623274955534213859;0.010848126232741617247512522226;0.011834319526627218657766071885;0.007889546351084813016751873249;0.021696252465483234495025044453;0.019723865877712031674517945135;0.009861932938856015837258972567;0.008875739644970414427005422908;0.014792899408284022888526720863;0.013806706114398421478273171203;0.048323471400394474306594361224;0.025641025641025640136039243089;0.048323471400394474306594361224;0.025641025641025640136039243089;0.006903353057199210739136585602;0.000000000000000000000000000000;0.036489151873767257383551765315;0.011834319526627218657766071885;0.015779092702169626033503746498;0.007889546351084813016751873249;0.005917159763313609328883035943;0.020710059171597634819494970770;0.030571992110453648922030467361;0.010848126232741617247512522226;0.005917159763313609328883035943;0.001972386587771203254187968312;0.017751479289940828854010845816;0.006903353057199210739136585602;0.014792899408284022888526720863;0.000000000000000000000000000000;0.024654832347140040460509169407;0.012820512820512820068019621544;0.012820512820512820068019621544;0.041420118343195269638989941541;0.041420118343195269638989941541;0.029585798816568045777053441725;0.015779092702169626033503746498
-0.033530571992110451418067640361;0.004930966469428007918629486284;0.062130177514792897519591008404;0.000000000000000000000000000000;0.019723865877712031674517945135;0.016765285996055225709033820181;0.000986193293885601627093984156;0.023668639053254437315532143771;0.031558185404339252067007492997;0.029585798816568045777053441725;0.017751479289940828854010845816;0.025641025641025640136039243089;0.012820512820512820068019621544;0.058185404339250491878576809768;0.008875739644970414427005422908;0.010848126232741617247512522226;0.023668639053254437315532143771;0.034516765285996058032491617951;0.005917159763313609328883035943;0.010848126232741617247512522226;0.014792899408284022888526720863;0.016765285996055225709033820181;0.008875739644970414427005422908;0.038461538461538463673505816587;0.036489151873767257383551765315;0.050295857988165680596548412495;0.027613412228796842956546342407;0.008875739644970414427005422908;0.000000000000000000000000000000;0.030571992110453648922030467361;0.015779092702169626033503746498;0.014792899408284022888526720863;0.007889546351084813016751873249;0.004930966469428007918629486284;0.018737672583826428529540919499;0.040433925049309663024565963951;0.013806706114398421478273171203;0.010848126232741617247512522226;0.004930966469428007918629486284;0.011834319526627218657766071885;0.001972386587771203254187968312;0.012820512820512820068019621544;0.000000000000000000000000000000;0.015779092702169626033503746498;0.011834319526627218657766071885;0.010848126232741617247512522226;0.052268244575936886886502463767;0.031558185404339252067007492997;0.035502958579881657708021691633;0.018737672583826428529540919499
-0.021696252465483234495025044453;0.002958579881656804664441517971;0.087771203155818544594524155400;0.000986193293885601627093984156;0.010848126232741617247512522226;0.012820512820512820068019621544;0.000986193293885601627093984156;0.020710059171597634819494970770;0.038461538461538463673505816587;0.048323471400394474306594361224;0.007889546351084813016751873249;0.022682445759368837640002070088;0.015779092702169626033503746498;0.055226824457593685913092684814;0.003944773175542406508375936625;0.012820512820512820068019621544;0.027613412228796842956546342407;0.031558185404339252067007492997;0.005917159763313609328883035943;0.018737672583826428529540919499;0.010848126232741617247512522226;0.021696252465483234495025044453;0.004930966469428007918629486284;0.057199211045364892203046736086;0.015779092702169626033503746498;0.032544378698224851742537566679;0.022682445759368837640002070088;0.002958579881656804664441517971;0.001972386587771203254187968312;0.026627218934911243281016268725;0.014792899408284022888526720863;0.023668639053254437315532143771;0.001972386587771203254187968312;0.013806706114398421478273171203;0.020710059171597634819494970770;0.066074950690335310099499110947;0.009861932938856015837258972567;0.002958579881656804664441517971;0.005917159763313609328883035943;0.018737672583826428529540919499;0.001972386587771203254187968312;0.014792899408284022888526720863;0.000000000000000000000000000000;0.023668639053254437315532143771;0.005917159763313609328883035943;0.009861932938856015837258972567;0.061143984220907297844060934722;0.028599605522682446101523368043;0.022682445759368837640002070088;0.007889546351084813016751873249
-0.008875739644970414427005422908;0.001972386587771203254187968312;0.100591715976331361193096824991;0.000000000000000000000000000000;0.001972386587771203254187968312;0.014792899408284022888526720863;0.000000000000000000000000000000;0.020710059171597634819494970770;0.034516765285996058032491617951;0.063116370808678504134014985993;0.007889546351084813016751873249;0.022682445759368837640002070088;0.001972386587771203254187968312;0.059171597633136091554106883450;0.001972386587771203254187968312;0.005917159763313609328883035943;0.040433925049309663024565963951;0.031558185404339252067007492997;0.002958579881656804664441517971;0.028599605522682446101523368043;0.008875739644970414427005422908;0.017751479289940828854010845816;0.005917159763313609328883035943;0.071992110453648922030467360855;0.010848126232741617247512522226;0.037475345167652857059081838997;0.013806706114398421478273171203;0.000000000000000000000000000000;0.000986193293885601627093984156;0.015779092702169626033503746498;0.009861932938856015837258972567;0.039447731755424063349035890269;0.001972386587771203254187968312;0.004930966469428007918629486284;0.007889546351084813016751873249;0.096646942800788948613188722447;0.015779092702169626033503746498;0.001972386587771203254187968312;0.000986193293885601627093984156;0.013806706114398421478273171203;0.002958579881656804664441517971;0.009861932938856015837258972567;0.000000000000000000000000000000;0.024654832347140040460509169407;0.007889546351084813016751873249;0.008875739644970414427005422908;0.070019723865877708801619405676;0.028599605522682446101523368043;0.010848126232741617247512522226;0.009861932938856015837258972567
-0.021696252465483234495025044453;0.000986193293885601627093984156;0.068047337278106509450559258312;0.000000000000000000000000000000;0.002958579881656804664441517971;0.014792899408284022888526720863;0.000000000000000000000000000000;0.012820512820512820068019621544;0.043392504930966468990050088905;0.047337278106508874631064287541;0.008875739644970414427005422908;0.013806706114398421478273171203;0.008875739644970414427005422908;0.065088757396449703485075133358;0.001972386587771203254187968312;0.019723865877712031674517945135;0.027613412228796842956546342407;0.024654832347140040460509169407;0.006903353057199210739136585602;0.016765285996055225709033820181;0.008875739644970414427005422908;0.024654832347140040460509169407;0.004930966469428007918629486284;0.071992110453648922030467360855;0.026627218934911243281016268725;0.034516765285996058032491617951;0.012820512820512820068019621544;0.000000000000000000000000000000;0.000000000000000000000000000000;0.022682445759368837640002070088;0.009861932938856015837258972567;0.029585798816568045777053441725;0.000000000000000000000000000000;0.005917159763313609328883035943;0.018737672583826428529540919499;0.066074950690335310099499110947;0.018737672583826428529540919499;0.008875739644970414427005422908;0.006903353057199210739136585602;0.008875739644970414427005422908;0.005917159763313609328883035943;0.010848126232741617247512522226;0.000000000000000000000000000000;0.033530571992110451418067640361;0.003944773175542406508375936625;0.010848126232741617247512522226;0.078895463510848126698071780538;0.033530571992110451418067640361;0.021696252465483234495025044453;0.013806706114398421478273171203
-0.010848126232741617247512522226;0.005917159763313609328883035943;0.080867850098619326049131927903;0.000000000000000000000000000000;0.001972386587771203254187968312;0.015779092702169626033503746498;0.000000000000000000000000000000;0.012820512820512820068019621544;0.057199211045364892203046736086;0.053254437869822486562032537449;0.013806706114398421478273171203;0.017751479289940828854010845816;0.003944773175542406508375936625;0.047337278106508874631064287541;0.000986193293885601627093984156;0.012820512820512820068019621544;0.044378698224852068665580162588;0.033530571992110451418067640361;0.003944773175542406508375936625;0.016765285996055225709033820181;0.009861932938856015837258972567;0.029585798816568045777053441725;0.004930966469428007918629486284;0.068047337278106509450559258312;0.024654832347140040460509169407;0.042406311637080869314520015223;0.019723865877712031674517945135;0.000000000000000000000000000000;0.000986193293885601627093984156;0.008875739644970414427005422908;0.008875739644970414427005422908;0.043392504930966468990050088905;0.000986193293885601627093984156;0.002958579881656804664441517971;0.019723865877712031674517945135;0.077909270216962520083647802949;0.008875739644970414427005422908;0.002958579881656804664441517971;0.002958579881656804664441517971;0.015779092702169626033503746498;0.001972386587771203254187968312;0.015779092702169626033503746498;0.000000000000000000000000000000;0.019723865877712031674517945135;0.002958579881656804664441517971;0.004930966469428007918629486284;0.061143984220907297844060934722;0.032544378698224851742537566679;0.014792899408284022888526720863;0.018737672583826428529540919499
-0.026627218934911243281016268725;0.001972386587771203254187968312;0.057199211045364892203046736086;0.001972386587771203254187968312;0.007889546351084813016751873249;0.017751479289940828854010845816;0.000000000000000000000000000000;0.025641025641025640136039243089;0.027613412228796842956546342407;0.047337278106508874631064287541;0.013806706114398421478273171203;0.025641025641025640136039243089;0.010848126232741617247512522226;0.059171597633136091554106883450;0.006903353057199210739136585602;0.012820512820512820068019621544;0.031558185404339252067007492997;0.031558185404339252067007492997;0.009861932938856015837258972567;0.010848126232741617247512522226;0.014792899408284022888526720863;0.010848126232741617247512522226;0.009861932938856015837258972567;0.053254437869822486562032537449;0.038461538461538463673505816587;0.053254437869822486562032537449;0.022682445759368837640002070088;0.005917159763313609328883035943;0.001972386587771203254187968312;0.022682445759368837640002070088;0.015779092702169626033503746498;0.016765285996055225709033820181;0.007889546351084813016751873249;0.004930966469428007918629486284;0.013806706114398421478273171203;0.048323471400394474306594361224;0.014792899408284022888526720863;0.007889546351084813016751873249;0.002958579881656804664441517971;0.007889546351084813016751873249;0.003944773175542406508375936625;0.016765285996055225709033820181;0.000000000000000000000000000000;0.024654832347140040460509169407;0.008875739644970414427005422908;0.010848126232741617247512522226;0.054240631163708086237562611132;0.029585798816568045777053441725;0.028599605522682446101523368043;0.020710059171597634819494970770
-0.040433925049309663024565963951;0.004930966469428007918629486284;0.051282051282051280272078486178;0.000986193293885601627093984156;0.007889546351084813016751873249;0.027613412228796842956546342407;0.000000000000000000000000000000;0.025641025641025640136039243089;0.024654832347140040460509169407;0.041420118343195269638989941541;0.006903353057199210739136585602;0.036489151873767257383551765315;0.016765285996055225709033820181;0.040433925049309663024565963951;0.006903353057199210739136585602;0.016765285996055225709033820181;0.010848126232741617247512522226;0.019723865877712031674517945135;0.011834319526627218657766071885;0.014792899408284022888526720863;0.020710059171597634819494970770;0.009861932938856015837258972567;0.010848126232741617247512522226;0.054240631163708086237562611132;0.036489151873767257383551765315;0.038461538461538463673505816587;0.024654832347140040460509169407;0.007889546351084813016751873249;0.000986193293885601627093984156;0.044378698224852068665580162588;0.014792899408284022888526720863;0.013806706114398421478273171203;0.007889546351084813016751873249;0.009861932938856015837258972567;0.013806706114398421478273171203;0.052268244575936886886502463767;0.016765285996055225709033820181;0.007889546351084813016751873249;0.007889546351084813016751873249;0.015779092702169626033503746498;0.006903353057199210739136585602;0.012820512820512820068019621544;0.000000000000000000000000000000;0.028599605522682446101523368043;0.005917159763313609328883035943;0.009861932938856015837258972567;0.040433925049309663024565963951;0.035502958579881657708021691633;0.022682445759368837640002070088;0.021696252465483234495025044453
-0.027613412228796842956546342407;0.005917159763313609328883035943;0.071992110453648922030467360855;0.000000000000000000000000000000;0.004930966469428007918629486284;0.011834319526627218657766071885;0.000986193293885601627093984156;0.016765285996055225709033820181;0.034516765285996058032491617951;0.044378698224852068665580162588;0.008875739644970414427005422908;0.029585798816568045777053441725;0.010848126232741617247512522226;0.063116370808678504134014985993;0.004930966469428007918629486284;0.019723865877712031674517945135;0.021696252465483234495025044453;0.028599605522682446101523368043;0.001972386587771203254187968312;0.011834319526627218657766071885;0.012820512820512820068019621544;0.021696252465483234495025044453;0.011834319526627218657766071885;0.072978303747534514767103530630;0.021696252465483234495025044453;0.055226824457593685913092684814;0.017751479289940828854010845816;0.000986193293885601627093984156;0.000000000000000000000000000000;0.027613412228796842956546342407;0.010848126232741617247512522226;0.028599605522682446101523368043;0.006903353057199210739136585602;0.001972386587771203254187968312;0.014792899408284022888526720863;0.063116370808678504134014985993;0.008875739644970414427005422908;0.001972386587771203254187968312;0.008875739644970414427005422908;0.017751479289940828854010845816;0.003944773175542406508375936625;0.010848126232741617247512522226;0.000000000000000000000000000000;0.027613412228796842956546342407;0.004930966469428007918629486284;0.010848126232741617247512522226;0.057199211045364892203046736086;0.031558185404339252067007492997;0.018737672583826428529540919499;0.007889546351084813016751873249
-0.019723865877712031674517945135;0.000986193293885601627093984156;0.064102564102564096870651155768;0.000000000000000000000000000000;0.003944773175542406508375936625;0.018737672583826428529540919499;0.001972386587771203254187968312;0.013806706114398421478273171203;0.034516765285996058032491617951;0.043392504930966468990050088905;0.019723865877712031674517945135;0.009861932938856015837258972567;0.009861932938856015837258972567;0.059171597633136091554106883450;0.001972386587771203254187968312;0.018737672583826428529540919499;0.017751479289940828854010845816;0.028599605522682446101523368043;0.007889546351084813016751873249;0.021696252465483234495025044453;0.015779092702169626033503746498;0.022682445759368837640002070088;0.014792899408284022888526720863;0.055226824457593685913092684814;0.031558185404339252067007492997;0.049309664694280080921018338813;0.021696252465483234495025044453;0.006903353057199210739136585602;0.000000000000000000000000000000;0.020710059171597634819494970770;0.005917159763313609328883035943;0.030571992110453648922030467361;0.005917159763313609328883035943;0.009861932938856015837258972567;0.018737672583826428529540919499;0.057199211045364892203046736086;0.011834319526627218657766071885;0.005917159763313609328883035943;0.005917159763313609328883035943;0.021696252465483234495025044453;0.001972386587771203254187968312;0.020710059171597634819494970770;0.000000000000000000000000000000;0.022682445759368837640002070088;0.007889546351084813016751873249;0.013806706114398421478273171203;0.054240631163708086237562611132;0.028599605522682446101523368043;0.022682445759368837640002070088;0.018737672583826428529540919499
-0.029585798816568045777053441725;0.023668639053254437315532143771;0.057199211045364892203046736086;0.000000000000000000000000000000;0.005917159763313609328883035943;0.016765285996055225709033820181;0.004930966469428007918629486284;0.016765285996055225709033820181;0.043392504930966468990050088905;0.021696252465483234495025044453;0.008875739644970414427005422908;0.021696252465483234495025044453;0.021696252465483234495025044453;0.045364891518737675280004140177;0.011834319526627218657766071885;0.013806706114398421478273171203;0.027613412228796842956546342407;0.035502958579881657708021691633;0.007889546351084813016751873249;0.009861932938856015837258972567;0.007889546351084813016751873249;0.026627218934911243281016268725;0.031558185404339252067007492997;0.045364891518737675280004140177;0.028599605522682446101523368043;0.031558185404339252067007492997;0.022682445759368837640002070088;0.001972386587771203254187968312;0.000986193293885601627093984156;0.015779092702169626033503746498;0.017751479289940828854010845816;0.014792899408284022888526720863;0.008875739644970414427005422908;0.010848126232741617247512522226;0.022682445759368837640002070088;0.046351084812623274955534213859;0.013806706114398421478273171203;0.008875739644970414427005422908;0.010848126232741617247512522226;0.020710059171597634819494970770;0.004930966469428007918629486284;0.023668639053254437315532143771;0.000000000000000000000000000000;0.022682445759368837640002070088;0.004930966469428007918629486284;0.017751479289940828854010845816;0.041420118343195269638989941541;0.026627218934911243281016268725;0.032544378698224851742537566679;0.012820512820512820068019621544
-0.018737672583826428529540919499;0.012820512820512820068019621544;0.058185404339250491878576809768;0.001972386587771203254187968312;0.022682445759368837640002070088;0.007889546351084813016751873249;0.002958579881656804664441517971;0.026627218934911243281016268725;0.049309664694280080921018338813;0.036489151873767257383551765315;0.008875739644970414427005422908;0.020710059171597634819494970770;0.006903353057199210739136585602;0.039447731755424063349035890269;0.019723865877712031674517945135;0.010848126232741617247512522226;0.037475345167652857059081838997;0.033530571992110451418067640361;0.005917159763313609328883035943;0.020710059171597634819494970770;0.017751479289940828854010845816;0.027613412228796842956546342407;0.002958579881656804664441517971;0.054240631163708086237562611132;0.020710059171597634819494970770;0.041420118343195269638989941541;0.028599605522682446101523368043;0.005917159763313609328883035943;0.000986193293885601627093984156;0.013806706114398421478273171203;0.007889546351084813016751873249;0.021696252465483234495025044453;0.005917159763313609328883035943;0.004930966469428007918629486284;0.004930966469428007918629486284;0.047337278106508874631064287541;0.007889546351084813016751873249;0.012820512820512820068019621544;0.010848126232741617247512522226;0.011834319526627218657766071885;0.009861932938856015837258972567;0.028599605522682446101523368043;0.000000000000000000000000000000;0.043392504930966468990050088905;0.009861932938856015837258972567;0.014792899408284022888526720863;0.060157790927021698168530861039;0.020710059171597634819494970770;0.011834319526627218657766071885;0.008875739644970414427005422908
-0.015779092702169626033503746498;0.019723865877712031674517945135;0.084812623274161738629040030446;0.000986193293885601627093984156;0.004930966469428007918629486284;0.014792899408284022888526720863;0.001972386587771203254187968312;0.016765285996055225709033820181;0.040433925049309663024565963951;0.036489151873767257383551765315;0.013806706114398421478273171203;0.008875739644970414427005422908;0.004930966469428007918629486284;0.053254437869822486562032537449;0.010848126232741617247512522226;0.010848126232741617247512522226;0.041420118343195269638989941541;0.041420118343195269638989941541;0.003944773175542406508375936625;0.021696252465483234495025044453;0.003944773175542406508375936625;0.013806706114398421478273171203;0.012820512820512820068019621544;0.051282051282051280272078486178;0.012820512820512820068019621544;0.021696252465483234495025044453;0.025641025641025640136039243089;0.009861932938856015837258972567;0.001972386587771203254187968312;0.007889546351084813016751873249;0.008875739644970414427005422908;0.040433925049309663024565963951;0.004930966469428007918629486284;0.003944773175542406508375936625;0.015779092702169626033503746498;0.072978303747534514767103530630;0.013806706114398421478273171203;0.003944773175542406508375936625;0.010848126232741617247512522226;0.014792899408284022888526720863;0.002958579881656804664441517971;0.021696252465483234495025044453;0.000000000000000000000000000000;0.024654832347140040460509169407;0.001972386587771203254187968312;0.013806706114398421478273171203;0.066074950690335310099499110947;0.028599605522682446101523368043;0.024654832347140040460509169407;0.015779092702169626033503746498
-0.017751479289940828854010845816;0.012820512820512820068019621544;0.071005917159763315416043383266;0.000000000000000000000000000000;0.001972386587771203254187968312;0.010848126232741617247512522226;0.000000000000000000000000000000;0.017751479289940828854010845816;0.051282051282051280272078486178;0.041420118343195269638989941541;0.008875739644970414427005422908;0.015779092702169626033503746498;0.006903353057199210739136585602;0.073964497041420121381527508220;0.002958579881656804664441517971;0.011834319526627218657766071885;0.035502958579881657708021691633;0.028599605522682446101523368043;0.001972386587771203254187968312;0.012820512820512820068019621544;0.010848126232741617247512522226;0.018737672583826428529540919499;0.006903353057199210739136585602;0.058185404339250491878576809768;0.015779092702169626033503746498;0.039447731755424063349035890269;0.024654832347140040460509169407;0.013806706114398421478273171203;0.000986193293885601627093984156;0.012820512820512820068019621544;0.010848126232741617247512522226;0.032544378698224851742537566679;0.000986193293885601627093984156;0.006903353057199210739136585602;0.017751479289940828854010845816;0.071005917159763315416043383266;0.015779092702169626033503746498;0.003944773175542406508375936625;0.008875739644970414427005422908;0.016765285996055225709033820181;0.007889546351084813016751873249;0.016765285996055225709033820181;0.000000000000000000000000000000;0.022682445759368837640002070088;0.000986193293885601627093984156;0.010848126232741617247512522226;0.052268244575936886886502463767;0.040433925049309663024565963951;0.021696252465483234495025044453;0.014792899408284022888526720863
-0.018737672583826428529540919499;0.001972386587771203254187968312;0.066074950690335310099499110947;0.000000000000000000000000000000;0.008875739644970414427005422908;0.021696252465483234495025044453;0.003944773175542406508375936625;0.013806706114398421478273171203;0.029585798816568045777053441725;0.061143984220907297844060934722;0.013806706114398421478273171203;0.023668639053254437315532143771;0.012820512820512820068019621544;0.063116370808678504134014985993;0.000000000000000000000000000000;0.007889546351084813016751873249;0.023668639053254437315532143771;0.028599605522682446101523368043;0.005917159763313609328883035943;0.013806706114398421478273171203;0.009861932938856015837258972567;0.023668639053254437315532143771;0.008875739644970414427005422908;0.064102564102564096870651155768;0.024654832347140040460509169407;0.039447731755424063349035890269;0.023668639053254437315532143771;0.002958579881656804664441517971;0.000986193293885601627093984156;0.024654832347140040460509169407;0.008875739644970414427005422908;0.029585798816568045777053441725;0.005917159763313609328883035943;0.010848126232741617247512522226;0.014792899408284022888526720863;0.061143984220907297844060934722;0.017751479289940828854010845816;0.003944773175542406508375936625;0.003944773175542406508375936625;0.008875739644970414427005422908;0.003944773175542406508375936625;0.022682445759368837640002070088;0.000000000000000000000000000000;0.018737672583826428529540919499;0.003944773175542406508375936625;0.017751479289940828854010845816;0.052268244575936886886502463767;0.038461538461538463673505816587;0.018737672583826428529540919499;0.015779092702169626033503746498
-0.015779092702169626033503746498;0.009861932938856015837258972567;0.089743589743589743945584302764;0.000986193293885601627093984156;0.001972386587771203254187968312;0.016765285996055225709033820181;0.000000000000000000000000000000;0.011834319526627218657766071885;0.077909270216962520083647802949;0.023668639053254437315532143771;0.006903353057199210739136585602;0.016765285996055225709033820181;0.005917159763313609328883035943;0.032544378698224851742537566679;0.004930966469428007918629486284;0.014792899408284022888526720863;0.051282051282051280272078486178;0.044378698224852068665580162588;0.007889546351084813016751873249;0.013806706114398421478273171203;0.005917159763313609328883035943;0.062130177514792897519591008404;0.011834319526627218657766071885;0.043392504930966468990050088905;0.017751479289940828854010845816;0.028599605522682446101523368043;0.013806706114398421478273171203;0.010848126232741617247512522226;0.001972386587771203254187968312;0.018737672583826428529540919499;0.009861932938856015837258972567;0.020710059171597634819494970770;0.001972386587771203254187968312;0.004930966469428007918629486284;0.030571992110453648922030467361;0.038461538461538463673505816587;0.012820512820512820068019621544;0.002958579881656804664441517971;0.009861932938856015837258972567;0.045364891518737675280004140177;0.002958579881656804664441517971;0.046351084812623274955534213859;0.000000000000000000000000000000;0.008875739644970414427005422908;0.003944773175542406508375936625;0.003944773175542406508375936625;0.040433925049309663024565963951;0.027613412228796842956546342407;0.016765285996055225709033820181;0.008875739644970414427005422908
-0.019723865877712031674517945135;0.015779092702169626033503746498;0.071992110453648922030467360855;0.000000000000000000000000000000;0.008875739644970414427005422908;0.012820512820512820068019621544;0.001972386587771203254187968312;0.022682445759368837640002070088;0.033530571992110451418067640361;0.035502958579881657708021691633;0.006903353057199210739136585602;0.015779092702169626033503746498;0.008875739644970414427005422908;0.046351084812623274955534213859;0.005917159763313609328883035943;0.009861932938856015837258972567;0.035502958579881657708021691633;0.045364891518737675280004140177;0.012820512820512820068019621544;0.010848126232741617247512522226;0.014792899408284022888526720863;0.028599605522682446101523368043;0.014792899408284022888526720863;0.051282051282051280272078486178;0.012820512820512820068019621544;0.028599605522682446101523368043;0.029585798816568045777053441725;0.009861932938856015837258972567;0.003944773175542406508375936625;0.027613412228796842956546342407;0.010848126232741617247512522226;0.025641025641025640136039243089;0.007889546351084813016751873249;0.007889546351084813016751873249;0.020710059171597634819494970770;0.039447731755424063349035890269;0.014792899408284022888526720863;0.007889546351084813016751873249;0.003944773175542406508375936625;0.036489151873767257383551765315;0.002958579881656804664441517971;0.025641025641025640136039243089;0.000000000000000000000000000000;0.026627218934911243281016268725;0.009861932938856015837258972567;0.013806706114398421478273171203;0.034516765285996058032491617951;0.024654832347140040460509169407;0.030571992110453648922030467361;0.012820512820512820068019621544
-0.024654832347140040460509169407;0.011834319526627218657766071885;0.069033530571992116064983235901;0.000000000000000000000000000000;0.000000000000000000000000000000;0.020710059171597634819494970770;0.001972386587771203254187968312;0.015779092702169626033503746498;0.020710059171597634819494970770;0.073964497041420121381527508220;0.014792899408284022888526720863;0.015779092702169626033503746498;0.008875739644970414427005422908;0.052268244575936886886502463767;0.007889546351084813016751873249;0.027613412228796842956546342407;0.021696252465483234495025044453;0.009861932938856015837258972567;0.002958579881656804664441517971;0.007889546351084813016751873249;0.010848126232741617247512522226;0.014792899408284022888526720863;0.003944773175542406508375936625;0.094674556213017749262128575083;0.029585798816568045777053441725;0.062130177514792897519591008404;0.021696252465483234495025044453;0.003944773175542406508375936625;0.003944773175542406508375936625;0.002958579881656804664441517971;0.010848126232741617247512522226;0.042406311637080869314520015223;0.002958579881656804664441517971;0.005917159763313609328883035943;0.004930966469428007918629486284;0.055226824457593685913092684814;0.010848126232741617247512522226;0.006903353057199210739136585602;0.001972386587771203254187968312;0.003944773175542406508375936625;0.008875739644970414427005422908;0.004930966469428007918629486284;0.000000000000000000000000000000;0.029585798816568045777053441725;0.002958579881656804664441517971;0.025641025641025640136039243089;0.054240631163708086237562611132;0.038461538461538463673505816587;0.007889546351084813016751873249;0.024654832347140040460509169407
-0.041420118343195269638989941541;0.005917159763313609328883035943;0.065088757396449703485075133358;0.000000000000000000000000000000;0.005917159763313609328883035943;0.020710059171597634819494970770;0.000000000000000000000000000000;0.011834319526627218657766071885;0.017751479289940828854010845816;0.042406311637080869314520015223;0.025641025641025640136039243089;0.015779092702169626033503746498;0.012820512820512820068019621544;0.050295857988165680596548412495;0.008875739644970414427005422908;0.021696252465483234495025044453;0.017751479289940828854010845816;0.021696252465483234495025044453;0.014792899408284022888526720863;0.005917159763313609328883035943;0.014792899408284022888526720863;0.018737672583826428529540919499;0.001972386587771203254187968312;0.055226824457593685913092684814;0.048323471400394474306594361224;0.061143984220907297844060934722;0.026627218934911243281016268725;0.003944773175542406508375936625;0.000000000000000000000000000000;0.012820512820512820068019621544;0.012820512820512820068019621544;0.022682445759368837640002070088;0.005917159763313609328883035943;0.009861932938856015837258972567;0.014792899408284022888526720863;0.038461538461538463673505816587;0.010848126232741617247512522226;0.016765285996055225709033820181;0.005917159763313609328883035943;0.008875739644970414427005422908;0.006903353057199210739136585602;0.010848126232741617247512522226;0.000000000000000000000000000000;0.033530571992110451418067640361;0.000986193293885601627093984156;0.016765285996055225709033820181;0.045364891518737675280004140177;0.047337278106508874631064287541;0.019723865877712031674517945135;0.021696252465483234495025044453
-0.036489151873767257383551765315;0.009861932938856015837258972567;0.070019723865877708801619405676;0.000000000000000000000000000000;0.008875739644970414427005422908;0.012820512820512820068019621544;0.002958579881656804664441517971;0.012820512820512820068019621544;0.042406311637080869314520015223;0.046351084812623274955534213859;0.020710059171597634819494970770;0.017751479289940828854010845816;0.009861932938856015837258972567;0.054240631163708086237562611132;0.003944773175542406508375936625;0.020710059171597634819494970770;0.039447731755424063349035890269;0.027613412228796842956546342407;0.011834319526627218657766071885;0.013806706114398421478273171203;0.015779092702169626033503746498;0.029585798816568045777053441725;0.003944773175542406508375936625;0.042406311637080869314520015223;0.026627218934911243281016268725;0.047337278106508874631064287541;0.026627218934911243281016268725;0.003944773175542406508375936625;0.002958579881656804664441517971;0.009861932938856015837258972567;0.011834319526627218657766071885;0.035502958579881657708021691633;0.004930966469428007918629486284;0.009861932938856015837258972567;0.015779092702169626033503746498;0.049309664694280080921018338813;0.007889546351084813016751873249;0.007889546351084813016751873249;0.000986193293885601627093984156;0.008875739644970414427005422908;0.003944773175542406508375936625;0.013806706114398421478273171203;0.000000000000000000000000000000;0.021696252465483234495025044453;0.000986193293885601627093984156;0.018737672583826428529540919499;0.054240631163708086237562611132;0.033530571992110451418067640361;0.014792899408284022888526720863;0.013806706114398421478273171203
-0.029585798816568045777053441725;0.012820512820512820068019621544;0.042406311637080869314520015223;0.015779092702169626033503746498;0.067061143984220902836135280722;0.006903353057199210739136585602;0.010848126232741617247512522226;0.021696252465483234495025044453;0.020710059171597634819494970770;0.030571992110453648922030467361;0.009861932938856015837258972567;0.017751479289940828854010845816;0.007889546351084813016751873249;0.034516765285996058032491617951;0.021696252465483234495025044453;0.015779092702169626033503746498;0.012820512820512820068019621544;0.014792899408284022888526720863;0.029585798816568045777053441725;0.009861932938856015837258972567;0.019723865877712031674517945135;0.012820512820512820068019621544;0.012820512820512820068019621544;0.039447731755424063349035890269;0.021696252465483234495025044453;0.041420118343195269638989941541;0.011834319526627218657766071885;0.031558185404339252067007492997;0.000986193293885601627093984156;0.046351084812623274955534213859;0.019723865877712031674517945135;0.013806706114398421478273171203;0.011834319526627218657766071885;0.004930966469428007918629486284;0.008875739644970414427005422908;0.030571992110453648922030467361;0.006903353057199210739136585602;0.013806706114398421478273171203;0.006903353057199210739136585602;0.006903353057199210739136585602;0.005917159763313609328883035943;0.016765285996055225709033820181;0.000000000000000000000000000000;0.024654832347140040460509169407;0.024654832347140040460509169407;0.027613412228796842956546342407;0.032544378698224851742537566679;0.028599605522682446101523368043;0.027613412228796842956546342407;0.015779092702169626033503746498
-0.014792899408284022888526720863;0.026627218934911243281016268725;0.029585798816568045777053441725;0.043392504930966468990050088905;0.115384615384615391020517449761;0.015779092702169626033503746498;0.000986193293885601627093984156;0.021696252465483234495025044453;0.025641025641025640136039243089;0.033530571992110451418067640361;0.007889546351084813016751873249;0.015779092702169626033503746498;0.009861932938856015837258972567;0.035502958579881657708021691633;0.055226824457593685913092684814;0.015779092702169626033503746498;0.015779092702169626033503746498;0.013806706114398421478273171203;0.017751479289940828854010845816;0.008875739644970414427005422908;0.007889546351084813016751873249;0.009861932938856015837258972567;0.004930966469428007918629486284;0.050295857988165680596548412495;0.024654832347140040460509169407;0.015779092702169626033503746498;0.018737672583826428529540919499;0.029585798816568045777053441725;0.001972386587771203254187968312;0.028599605522682446101523368043;0.007889546351084813016751873249;0.013806706114398421478273171203;0.014792899408284022888526720863;0.005917159763313609328883035943;0.010848126232741617247512522226;0.029585798816568045777053441725;0.005917159763313609328883035943;0.004930966469428007918629486284;0.005917159763313609328883035943;0.005917159763313609328883035943;0.003944773175542406508375936625;0.031558185404339252067007492997;0.000000000000000000000000000000;0.019723865877712031674517945135;0.028599605522682446101523368043;0.011834319526627218657766071885;0.031558185404339252067007492997;0.012820512820512820068019621544;0.025641025641025640136039243089;0.012820512820512820068019621544
-0.027613412228796842956546342407;0.010848126232741617247512522226;0.017751479289940828854010845816;0.019723865877712031674517945135;0.054240631163708086237562611132;0.075936883629191320732587655584;0.014792899408284022888526720863;0.019723865877712031674517945135;0.016765285996055225709033820181;0.010848126232741617247512522226;0.016765285996055225709033820181;0.045364891518737675280004140177;0.012820512820512820068019621544;0.031558185404339252067007492997;0.012820512820512820068019621544;0.023668639053254437315532143771;0.003944773175542406508375936625;0.008875739644970414427005422908;0.039447731755424063349035890269;0.000000000000000000000000000000;0.019723865877712031674517945135;0.006903353057199210739136585602;0.004930966469428007918629486284;0.026627218934911243281016268725;0.040433925049309663024565963951;0.030571992110453648922030467361;0.019723865877712031674517945135;0.038461538461538463673505816587;0.000986193293885601627093984156;0.114398422090729784406093472171;0.030571992110453648922030467361;0.011834319526627218657766071885;0.007889546351084813016751873249;0.005917159763313609328883035943;0.008875739644970414427005422908;0.023668639053254437315532143771;0.011834319526627218657766071885;0.012820512820512820068019621544;0.001972386587771203254187968312;0.001972386587771203254187968312;0.012820512820512820068019621544;0.012820512820512820068019621544;0.000000000000000000000000000000;0.016765285996055225709033820181;0.013806706114398421478273171203;0.014792899408284022888526720863;0.018737672583826428529540919499;0.007889546351084813016751873249;0.008875739644970414427005422908;0.009861932938856015837258972567
-0.042406311637080869314520015223;0.018737672583826428529540919499;0.020710059171597634819494970770;0.016765285996055225709033820181;0.122287968441814595688121869443;0.025641025641025640136039243089;0.000986193293885601627093984156;0.002958579881656804664441517971;0.029585798816568045777053441725;0.017751479289940828854010845816;0.014792899408284022888526720863;0.027613412228796842956546342407;0.010848126232741617247512522226;0.026627218934911243281016268725;0.055226824457593685913092684814;0.030571992110453648922030467361;0.013806706114398421478273171203;0.019723865877712031674517945135;0.018737672583826428529540919499;0.004930966469428007918629486284;0.002958579881656804664441517971;0.010848126232741617247512522226;0.000986193293885601627093984156;0.025641025641025640136039243089;0.057199211045364892203046736086;0.034516765285996058032491617951;0.022682445759368837640002070088;0.030571992110453648922030467361;0.000986193293885601627093984156;0.036489151873767257383551765315;0.011834319526627218657766071885;0.005917159763313609328883035943;0.014792899408284022888526720863;0.003944773175542406508375936625;0.009861932938856015837258972567;0.018737672583826428529540919499;0.005917159763313609328883035943;0.008875739644970414427005422908;0.003944773175542406508375936625;0.004930966469428007918629486284;0.000986193293885601627093984156;0.018737672583826428529540919499;0.000000000000000000000000000000;0.019723865877712031674517945135;0.032544378698224851742537566679;0.007889546351084813016751873249;0.029585798816568045777053441725;0.029585798816568045777053441725;0.013806706114398421478273171203;0.014792899408284022888526720863
-0.065088757396449703485075133358;0.013806706114398421478273171203;0.027613412228796842956546342407;0.000000000000000000000000000000;0.007889546351084813016751873249;0.048323471400394474306594361224;0.001972386587771203254187968312;0.005917159763313609328883035943;0.021696252465483234495025044453;0.032544378698224851742537566679;0.022682445759368837640002070088;0.042406311637080869314520015223;0.022682445759368837640002070088;0.036489151873767257383551765315;0.003944773175542406508375936625;0.062130177514792897519591008404;0.005917159763313609328883035943;0.007889546351084813016751873249;0.009861932938856015837258972567;0.001972386587771203254187968312;0.030571992110453648922030467361;0.006903353057199210739136585602;0.000986193293885601627093984156;0.033530571992110451418067640361;0.072978303747534514767103530630;0.030571992110453648922030467361;0.019723865877712031674517945135;0.001972386587771203254187968312;0.000986193293885601627093984156;0.023668639053254437315532143771;0.054240631163708086237562611132;0.008875739644970414427005422908;0.002958579881656804664441517971;0.007889546351084813016751873249;0.022682445759368837640002070088;0.026627218934911243281016268725;0.008875739644970414427005422908;0.017751479289940828854010845816;0.005917159763313609328883035943;0.003944773175542406508375936625;0.001972386587771203254187968312;0.020710059171597634819494970770;0.000000000000000000000000000000;0.023668639053254437315532143771;0.000986193293885601627093984156;0.025641025641025640136039243089;0.032544378698224851742537566679;0.028599605522682446101523368043;0.018737672583826428529540919499;0.024654832347140040460509169407
-0.049309664694280080921018338813;0.011834319526627218657766071885;0.023668639053254437315532143771;0.000000000000000000000000000000;0.022682445759368837640002070088;0.061143984220907297844060934722;0.003944773175542406508375936625;0.013806706114398421478273171203;0.020710059171597634819494970770;0.025641025641025640136039243089;0.020710059171597634819494970770;0.056213017751479292527516662403;0.018737672583826428529540919499;0.033530571992110451418067640361;0.003944773175542406508375936625;0.043392504930966468990050088905;0.014792899408284022888526720863;0.015779092702169626033503746498;0.022682445759368837640002070088;0.001972386587771203254187968312;0.019723865877712031674517945135;0.010848126232741617247512522226;0.003944773175542406508375936625;0.030571992110453648922030467361;0.055226824457593685913092684814;0.025641025641025640136039243089;0.014792899408284022888526720863;0.005917159763313609328883035943;0.000000000000000000000000000000;0.057199211045364892203046736086;0.049309664694280080921018338813;0.015779092702169626033503746498;0.002958579881656804664441517971;0.007889546351084813016751873249;0.013806706114398421478273171203;0.026627218934911243281016268725;0.009861932938856015837258972567;0.013806706114398421478273171203;0.002958579881656804664441517971;0.010848126232741617247512522226;0.003944773175542406508375936625;0.023668639053254437315532143771;0.000000000000000000000000000000;0.017751479289940828854010845816;0.009861932938856015837258972567;0.010848126232741617247512522226;0.029585798816568045777053441725;0.025641025641025640136039243089;0.015779092702169626033503746498;0.020710059171597634819494970770
-0.023668639053254437315532143771;0.021696252465483234495025044453;0.062130177514792897519591008404;0.000000000000000000000000000000;0.005917159763313609328883035943;0.015779092702169626033503746498;0.003944773175542406508375936625;0.023668639053254437315532143771;0.031558185404339252067007492997;0.038461538461538463673505816587;0.008875739644970414427005422908;0.018737672583826428529540919499;0.008875739644970414427005422908;0.058185404339250491878576809768;0.006903353057199210739136585602;0.028599605522682446101523368043;0.016765285996055225709033820181;0.022682445759368837640002070088;0.007889546351084813016751873249;0.009861932938856015837258972567;0.007889546351084813016751873249;0.017751479289940828854010845816;0.009861932938856015837258972567;0.046351084812623274955534213859;0.028599605522682446101523368043;0.051282051282051280272078486178;0.036489151873767257383551765315;0.008875739644970414427005422908;0.001972386587771203254187968312;0.004930966469428007918629486284;0.015779092702169626033503746498;0.026627218934911243281016268725;0.005917159763313609328883035943;0.015779092702169626033503746498;0.033530571992110451418067640361;0.043392504930966468990050088905;0.008875739644970414427005422908;0.019723865877712031674517945135;0.005917159763313609328883035943;0.024654832347140040460509169407;0.005917159763313609328883035943;0.006903353057199210739136585602;0.000000000000000000000000000000;0.021696252465483234495025044453;0.000000000000000000000000000000;0.014792899408284022888526720863;0.042406311637080869314520015223;0.030571992110453648922030467361;0.032544378698224851742537566679;0.016765285996055225709033820181
-0.032544378698224851742537566679;0.016765285996055225709033820181;0.055226824457593685913092684814;0.000000000000000000000000000000;0.002958579881656804664441517971;0.028599605522682446101523368043;0.002958579881656804664441517971;0.016765285996055225709033820181;0.026627218934911243281016268725;0.059171597633136091554106883450;0.020710059171597634819494970770;0.023668639053254437315532143771;0.016765285996055225709033820181;0.050295857988165680596548412495;0.008875739644970414427005422908;0.022682445759368837640002070088;0.024654832347140040460509169407;0.014792899408284022888526720863;0.004930966469428007918629486284;0.008875739644970414427005422908;0.007889546351084813016751873249;0.016765285996055225709033820181;0.004930966469428007918629486284;0.074950690335305714118163677995;0.034516765285996058032491617951;0.043392504930966468990050088905;0.021696252465483234495025044453;0.004930966469428007918629486284;0.000986193293885601627093984156;0.017751479289940828854010845816;0.015779092702169626033503746498;0.027613412228796842956546342407;0.003944773175542406508375936625;0.009861932938856015837258972567;0.010848126232741617247512522226;0.045364891518737675280004140177;0.010848126232741617247512522226;0.005917159763313609328883035943;0.000986193293885601627093984156;0.009861932938856015837258972567;0.007889546351084813016751873249;0.010848126232741617247512522226;0.000000000000000000000000000000;0.031558185404339252067007492997;0.002958579881656804664441517971;0.013806706114398421478273171203;0.062130177514792897519591008404;0.032544378698224851742537566679;0.012820512820512820068019621544;0.018737672583826428529540919499
-0.050295857988165680596548412495;0.000986193293885601627093984156;0.052268244575936886886502463767;0.001972386587771203254187968312;0.003944773175542406508375936625;0.032544378698224851742537566679;0.003944773175542406508375936625;0.014792899408284022888526720863;0.024654832347140040460509169407;0.023668639053254437315532143771;0.015779092702169626033503746498;0.049309664694280080921018338813;0.019723865877712031674517945135;0.048323471400394474306594361224;0.002958579881656804664441517971;0.035502958579881657708021691633;0.028599605522682446101523368043;0.018737672583826428529540919499;0.015779092702169626033503746498;0.002958579881656804664441517971;0.015779092702169626033503746498;0.019723865877712031674517945135;0.003944773175542406508375936625;0.051282051282051280272078486178;0.042406311637080869314520015223;0.053254437869822486562032537449;0.008875739644970414427005422908;0.007889546351084813016751873249;0.000000000000000000000000000000;0.029585798816568045777053441725;0.034516765285996058032491617951;0.020710059171597634819494970770;0.006903353057199210739136585602;0.007889546351084813016751873249;0.015779092702169626033503746498;0.023668639053254437315532143771;0.006903353057199210739136585602;0.009861932938856015837258972567;0.001972386587771203254187968312;0.019723865877712031674517945135;0.002958579881656804664441517971;0.023668639053254437315532143771;0.000000000000000000000000000000;0.028599605522682446101523368043;0.003944773175542406508375936625;0.009861932938856015837258972567;0.044378698224852068665580162588;0.026627218934911243281016268725;0.018737672583826428529540919499;0.013806706114398421478273171203
-0.042406311637080869314520015223;0.004930966469428007918629486284;0.064102564102564096870651155768;0.000000000000000000000000000000;0.002958579881656804664441517971;0.023668639053254437315532143771;0.001972386587771203254187968312;0.013806706114398421478273171203;0.034516765285996058032491617951;0.027613412228796842956546342407;0.016765285996055225709033820181;0.026627218934911243281016268725;0.013806706114398421478273171203;0.056213017751479292527516662403;0.009861932938856015837258972567;0.027613412228796842956546342407;0.026627218934911243281016268725;0.022682445759368837640002070088;0.006903353057199210739136585602;0.008875739644970414427005422908;0.011834319526627218657766071885;0.025641025641025640136039243089;0.007889546351084813016751873249;0.053254437869822486562032537449;0.042406311637080869314520015223;0.032544378698224851742537566679;0.026627218934911243281016268725;0.000986193293885601627093984156;0.000986193293885601627093984156;0.016765285996055225709033820181;0.015779092702169626033503746498;0.020710059171597634819494970770;0.002958579881656804664441517971;0.005917159763313609328883035943;0.010848126232741617247512522226;0.033530571992110451418067640361;0.013806706114398421478273171203;0.016765285996055225709033820181;0.012820512820512820068019621544;0.025641025641025640136039243089;0.005917159763313609328883035943;0.018737672583826428529540919499;0.000000000000000000000000000000;0.034516765285996058032491617951;0.004930966469428007918629486284;0.014792899408284022888526720863;0.048323471400394474306594361224;0.024654832347140040460509169407;0.020710059171597634819494970770;0.017751479289940828854010845816
-0.054240631163708086237562611132;0.010848126232741617247512522226;0.030571992110453648922030467361;0.000986193293885601627093984156;0.008875739644970414427005422908;0.031558185404339252067007492997;0.003944773175542406508375936625;0.016765285996055225709033820181;0.021696252465483234495025044453;0.038461538461538463673505816587;0.020710059171597634819494970770;0.050295857988165680596548412495;0.015779092702169626033503746498;0.036489151873767257383551765315;0.002958579881656804664441517971;0.037475345167652857059081838997;0.017751479289940828854010845816;0.024654832347140040460509169407;0.013806706114398421478273171203;0.005917159763313609328883035943;0.024654832347140040460509169407;0.010848126232741617247512522226;0.009861932938856015837258972567;0.031558185404339252067007492997;0.051282051282051280272078486178;0.044378698224852068665580162588;0.018737672583826428529540919499;0.005917159763313609328883035943;0.000986193293885601627093984156;0.038461538461538463673505816587;0.017751479289940828854010845816;0.017751479289940828854010845816;0.007889546351084813016751873249;0.002958579881656804664441517971;0.017751479289940828854010845816;0.036489151873767257383551765315;0.012820512820512820068019621544;0.013806706114398421478273171203;0.006903353057199210739136585602;0.012820512820512820068019621544;0.004930966469428007918629486284;0.016765285996055225709033820181;0.000000000000000000000000000000;0.018737672583826428529540919499;0.003944773175542406508375936625;0.014792899408284022888526720863;0.032544378698224851742537566679;0.038461538461538463673505816587;0.022682445759368837640002070088;0.019723865877712031674517945135
-0.023668639053254437315532143771;0.012820512820512820068019621544;0.045364891518737675280004140177;0.047337278106508874631064287541;0.050295857988165680596548412495;0.016765285996055225709033820181;0.010848126232741617247512522226;0.019723865877712031674517945135;0.019723865877712031674517945135;0.026627218934911243281016268725;0.008875739644970414427005422908;0.021696252465483234495025044453;0.011834319526627218657766071885;0.031558185404339252067007492997;0.013806706114398421478273171203;0.018737672583826428529540919499;0.020710059171597634819494970770;0.024654832347140040460509169407;0.015779092702169626033503746498;0.008875739644970414427005422908;0.018737672583826428529540919499;0.026627218934911243281016268725;0.014792899408284022888526720863;0.029585798816568045777053441725;0.029585798816568045777053441725;0.022682445759368837640002070088;0.021696252465483234495025044453;0.059171597633136091554106883450;0.000986193293885601627093984156;0.034516765285996058032491617951;0.008875739644970414427005422908;0.025641025641025640136039243089;0.006903353057199210739136585602;0.015779092702169626033503746498;0.025641025641025640136039243089;0.037475345167652857059081838997;0.006903353057199210739136585602;0.005917159763313609328883035943;0.004930966469428007918629486284;0.023668639053254437315532143771;0.015779092702169626033503746498;0.013806706114398421478273171203;0.000000000000000000000000000000;0.019723865877712031674517945135;0.005917159763313609328883035943;0.005917159763313609328883035943;0.018737672583826428529540919499;0.025641025641025640136039243089;0.015779092702169626033503746498;0.008875739644970414427005422908
-0.003944773175542406508375936625;0.027613412228796842956546342407;0.045364891518737675280004140177;0.071992110453648922030467360855;0.116370808678500983757153619536;0.012820512820512820068019621544;0.002958579881656804664441517971;0.013806706114398421478273171203;0.021696252465483234495025044453;0.014792899408284022888526720863;0.004930966469428007918629486284;0.023668639053254437315532143771;0.002958579881656804664441517971;0.027613412228796842956546342407;0.054240631163708086237562611132;0.003944773175542406508375936625;0.015779092702169626033503746498;0.033530571992110451418067640361;0.011834319526627218657766071885;0.017751479289940828854010845816;0.005917159763313609328883035943;0.016765285996055225709033820181;0.005917159763313609328883035943;0.022682445759368837640002070088;0.009861932938856015837258972567;0.020710059171597634819494970770;0.015779092702169626033503746498;0.050295857988165680596548412495;0.001972386587771203254187968312;0.043392504930966468990050088905;0.007889546351084813016751873249;0.016765285996055225709033820181;0.005917159763313609328883035943;0.002958579881656804664441517971;0.010848126232741617247512522226;0.041420118343195269638989941541;0.003944773175542406508375936625;0.003944773175542406508375936625;0.003944773175542406508375936625;0.018737672583826428529540919499;0.010848126232741617247512522226;0.025641025641025640136039243089;0.000000000000000000000000000000;0.010848126232741617247512522226;0.042406311637080869314520015223;0.004930966469428007918629486284;0.030571992110453648922030467361;0.011834319526627218657766071885;0.015779092702169626033503746498;0.009861932938856015837258972567
-0.035502958579881657708021691633;0.008875739644970414427005422908;0.031558185404339252067007492997;0.002958579881656804664441517971;0.005917159763313609328883035943;0.028599605522682446101523368043;0.000986193293885601627093984156;0.014792899408284022888526720863;0.020710059171597634819494970770;0.028599605522682446101523368043;0.016765285996055225709033820181;0.029585798816568045777053441725;0.011834319526627218657766071885;0.041420118343195269638989941541;0.008875739644970414427005422908;0.044378698224852068665580162588;0.007889546351084813016751873249;0.020710059171597634819494970770;0.012820512820512820068019621544;0.007889546351084813016751873249;0.018737672583826428529540919499;0.012820512820512820068019621544;0.010848126232741617247512522226;0.048323471400394474306594361224;0.045364891518737675280004140177;0.051282051282051280272078486178;0.020710059171597634819494970770;0.007889546351084813016751873249;0.000000000000000000000000000000;0.028599605522682446101523368043;0.025641025641025640136039243089;0.017751479289940828854010845816;0.011834319526627218657766071885;0.005917159763313609328883035943;0.030571992110453648922030467361;0.039447731755424063349035890269;0.010848126232741617247512522226;0.014792899408284022888526720863;0.008875739644970414427005422908;0.027613412228796842956546342407;0.004930966469428007918629486284;0.017751479289940828854010845816;0.000000000000000000000000000000;0.017751479289940828854010845816;0.006903353057199210739136585602;0.029585798816568045777053441725;0.036489151873767257383551765315;0.035502958579881657708021691633;0.017751479289940828854010845816;0.014792899408284022888526720863
-0.049309664694280080921018338813;0.000000000000000000000000000000;0.048323471400394474306594361224;0.000000000000000000000000000000;0.000986193293885601627093984156;0.044378698224852068665580162588;0.001972386587771203254187968312;0.013806706114398421478273171203;0.016765285996055225709033820181;0.055226824457593685913092684814;0.020710059171597634819494970770;0.024654832347140040460509169407;0.009861932938856015837258972567;0.055226824457593685913092684814;0.001972386587771203254187968312;0.042406311637080869314520015223;0.012820512820512820068019621544;0.011834319526627218657766071885;0.008875739644970414427005422908;0.008875739644970414427005422908;0.013806706114398421478273171203;0.011834319526627218657766071885;0.000986193293885601627093984156;0.065088757396449703485075133358;0.043392504930966468990050088905;0.050295857988165680596548412495;0.009861932938856015837258972567;0.000000000000000000000000000000;0.000000000000000000000000000000;0.020710059171597634819494970770;0.019723865877712031674517945135;0.028599605522682446101523368043;0.001972386587771203254187968312;0.006903353057199210739136585602;0.019723865877712031674517945135;0.039447731755424063349035890269;0.006903353057199210739136585602;0.013806706114398421478273171203;0.000000000000000000000000000000;0.010848126232741617247512522226;0.000986193293885601627093984156;0.005917159763313609328883035943;0.000000000000000000000000000000;0.028599605522682446101523368043;0.006903353057199210739136585602;0.024654832347140040460509169407;0.053254437869822486562032537449;0.043392504930966468990050088905;0.010848126232741617247512522226;0.033530571992110451418067640361
-0.055226824457593685913092684814;0.007889546351084813016751873249;0.053254437869822486562032537449;0.000986193293885601627093984156;0.001972386587771203254187968312;0.028599605522682446101523368043;0.000986193293885601627093984156;0.017751479289940828854010845816;0.020710059171597634819494970770;0.041420118343195269638989941541;0.017751479289940828854010845816;0.029585798816568045777053441725;0.009861932938856015837258972567;0.047337278106508874631064287541;0.006903353057199210739136585602;0.029585798816568045777053441725;0.029585798816568045777053441725;0.016765285996055225709033820181;0.012820512820512820068019621544;0.008875739644970414427005422908;0.016765285996055225709033820181;0.015779092702169626033503746498;0.004930966469428007918629486284;0.052268244575936886886502463767;0.044378698224852068665580162588;0.031558185404339252067007492997;0.029585798816568045777053441725;0.006903353057199210739136585602;0.000000000000000000000000000000;0.020710059171597634819494970770;0.016765285996055225709033820181;0.030571992110453648922030467361;0.006903353057199210739136585602;0.005917159763313609328883035943;0.012820512820512820068019621544;0.042406311637080869314520015223;0.013806706114398421478273171203;0.005917159763313609328883035943;0.001972386587771203254187968312;0.015779092702169626033503746498;0.004930966469428007918629486284;0.007889546351084813016751873249;0.000000000000000000000000000000;0.030571992110453648922030467361;0.004930966469428007918629486284;0.017751479289940828854010845816;0.055226824457593685913092684814;0.033530571992110451418067640361;0.013806706114398421478273171203;0.017751479289940828854010845816
-0.016765285996055225709033820181;0.000986193293885601627093984156;0.093688362919132156525492405308;0.000000000000000000000000000000;0.003944773175542406508375936625;0.014792899408284022888526720863;0.000000000000000000000000000000;0.019723865877712031674517945135;0.022682445759368837640002070088;0.040433925049309663024565963951;0.016765285996055225709033820181;0.007889546351084813016751873249;0.008875739644970414427005422908;0.065088757396449703485075133358;0.000986193293885601627093984156;0.016765285996055225709033820181;0.024654832347140040460509169407;0.026627218934911243281016268725;0.006903353057199210739136585602;0.020710059171597634819494970770;0.008875739644970414427005422908;0.028599605522682446101523368043;0.005917159763313609328883035943;0.061143984220907297844060934722;0.030571992110453648922030467361;0.048323471400394474306594361224;0.024654832347140040460509169407;0.000986193293885601627093984156;0.001972386587771203254187968312;0.009861932938856015837258972567;0.003944773175542406508375936625;0.037475345167652857059081838997;0.000000000000000000000000000000;0.009861932938856015837258972567;0.012820512820512820068019621544;0.059171597633136091554106883450;0.009861932938856015837258972567;0.007889546351084813016751873249;0.002958579881656804664441517971;0.016765285996055225709033820181;0.002958579881656804664441517971;0.004930966469428007918629486284;0.000000000000000000000000000000;0.038461538461538463673505816587;0.003944773175542406508375936625;0.024654832347140040460509169407;0.061143984220907297844060934722;0.028599605522682446101523368043;0.017751479289940828854010845816;0.027613412228796842956546342407
-0.035502958579881657708021691633;0.011834319526627218657766071885;0.020710059171597634819494970770;0.000000000000000000000000000000;0.015779092702169626033503746498;0.037475345167652857059081838997;0.022682445759368837640002070088;0.022682445759368837640002070088;0.019723865877712031674517945135;0.022682445759368837640002070088;0.023668639053254437315532143771;0.035502958579881657708021691633;0.019723865877712031674517945135;0.031558185404339252067007492997;0.008875739644970414427005422908;0.033530571992110451418067640361;0.008875739644970414427005422908;0.014792899408284022888526720863;0.038461538461538463673505816587;0.003944773175542406508375936625;0.024654832347140040460509169407;0.003944773175542406508375936625;0.001972386587771203254187968312;0.039447731755424063349035890269;0.060157790927021698168530861039;0.041420118343195269638989941541;0.024654832347140040460509169407;0.016765285996055225709033820181;0.000000000000000000000000000000;0.051282051282051280272078486178;0.026627218934911243281016268725;0.004930966469428007918629486284;0.007889546351084813016751873249;0.006903353057199210739136585602;0.009861932938856015837258972567;0.022682445759368837640002070088;0.006903353057199210739136585602;0.009861932938856015837258972567;0.002958579881656804664441517971;0.002958579881656804664441517971;0.031558185404339252067007492997;0.014792899408284022888526720863;0.000000000000000000000000000000;0.027613412228796842956546342407;0.012820512820512820068019621544;0.029585798816568045777053441725;0.027613412228796842956546342407;0.025641025641025640136039243089;0.018737672583826428529540919499;0.017751479289940828854010845816
-0.035502958579881657708021691633;0.004930966469428007918629486284;0.028599605522682446101523368043;0.005917159763313609328883035943;0.102564102564102560544156972355;0.022682445759368837640002070088;0.006903353057199210739136585602;0.015779092702169626033503746498;0.029585798816568045777053441725;0.008875739644970414427005422908;0.010848126232741617247512522226;0.029585798816568045777053441725;0.005917159763313609328883035943;0.031558185404339252067007492997;0.027613412228796842956546342407;0.041420118343195269638989941541;0.010848126232741617247512522226;0.032544378698224851742537566679;0.032544378698224851742537566679;0.006903353057199210739136585602;0.013806706114398421478273171203;0.020710059171597634819494970770;0.022682445759368837640002070088;0.019723865877712031674517945135;0.029585798816568045777053441725;0.032544378698224851742537566679;0.019723865877712031674517945135;0.004930966469428007918629486284;0.000000000000000000000000000000;0.035502958579881657708021691633;0.020710059171597634819494970770;0.009861932938856015837258972567;0.018737672583826428529540919499;0.004930966469428007918629486284;0.018737672583826428529540919499;0.014792899408284022888526720863;0.007889546351084813016751873249;0.007889546351084813016751873249;0.005917159763313609328883035943;0.012820512820512820068019621544;0.000000000000000000000000000000;0.017751479289940828854010845816;0.000000000000000000000000000000;0.009861932938856015837258972567;0.031558185404339252067007492997;0.004930966469428007918629486284;0.033530571992110451418067640361;0.031558185404339252067007492997;0.030571992110453648922030467361;0.027613412228796842956546342407
-0.032544378698224851742537566679;0.006903353057199210739136585602;0.061143984220907297844060934722;0.000000000000000000000000000000;0.003944773175542406508375936625;0.019723865877712031674517945135;0.000986193293885601627093984156;0.007889546351084813016751873249;0.053254437869822486562032537449;0.025641025641025640136039243089;0.010848126232741617247512522226;0.019723865877712031674517945135;0.014792899408284022888526720863;0.045364891518737675280004140177;0.000000000000000000000000000000;0.016765285996055225709033820181;0.038461538461538463673505816587;0.039447731755424063349035890269;0.005917159763313609328883035943;0.013806706114398421478273171203;0.007889546351084813016751873249;0.030571992110453648922030467361;0.011834319526627218657766071885;0.046351084812623274955534213859;0.028599605522682446101523368043;0.036489151873767257383551765315;0.016765285996055225709033820181;0.005917159763313609328883035943;0.000986193293885601627093984156;0.019723865877712031674517945135;0.012820512820512820068019621544;0.028599605522682446101523368043;0.000986193293885601627093984156;0.009861932938856015837258972567;0.015779092702169626033503746498;0.044378698224852068665580162588;0.009861932938856015837258972567;0.006903353057199210739136585602;0.010848126232741617247512522226;0.024654832347140040460509169407;0.005917159763313609328883035943;0.038461538461538463673505816587;0.000000000000000000000000000000;0.022682445759368837640002070088;0.004930966469428007918629486284;0.018737672583826428529540919499;0.044378698224852068665580162588;0.039447731755424063349035890269;0.025641025641025640136039243089;0.012820512820512820068019621544
-0.040433925049309663024565963951;0.002958579881656804664441517971;0.049309664694280080921018338813;0.000000000000000000000000000000;0.003944773175542406508375936625;0.026627218934911243281016268725;0.001972386587771203254187968312;0.007889546351084813016751873249;0.039447731755424063349035890269;0.036489151873767257383551765315;0.027613412228796842956546342407;0.024654832347140040460509169407;0.017751479289940828854010845816;0.041420118343195269638989941541;0.003944773175542406508375936625;0.028599605522682446101523368043;0.019723865877712031674517945135;0.018737672583826428529540919499;0.004930966469428007918629486284;0.013806706114398421478273171203;0.010848126232741617247512522226;0.024654832347140040460509169407;0.010848126232741617247512522226;0.048323471400394474306594361224;0.038461538461538463673505816587;0.042406311637080869314520015223;0.020710059171597634819494970770;0.002958579881656804664441517971;0.000000000000000000000000000000;0.031558185404339252067007492997;0.028599605522682446101523368043;0.015779092702169626033503746498;0.005917159763313609328883035943;0.007889546351084813016751873249;0.025641025641025640136039243089;0.025641025641025640136039243089;0.009861932938856015837258972567;0.014792899408284022888526720863;0.002958579881656804664441517971;0.029585798816568045777053441725;0.000986193293885601627093984156;0.014792899408284022888526720863;0.000000000000000000000000000000;0.014792899408284022888526720863;0.005917159763313609328883035943;0.016765285996055225709033820181;0.042406311637080869314520015223;0.056213017751479292527516662403;0.020710059171597634819494970770;0.019723865877712031674517945135
-0.054240631163708086237562611132;0.000000000000000000000000000000;0.041420118343195269638989941541;0.000000000000000000000000000000;0.004930966469428007918629486284;0.032544378698224851742537566679;0.000986193293885601627093984156;0.010848126232741617247512522226;0.026627218934911243281016268725;0.053254437869822486562032537449;0.020710059171597634819494970770;0.024654832347140040460509169407;0.009861932938856015837258972567;0.070019723865877708801619405676;0.000986193293885601627093984156;0.053254437869822486562032537449;0.007889546351084813016751873249;0.011834319526627218657766071885;0.005917159763313609328883035943;0.010848126232741617247512522226;0.014792899408284022888526720863;0.011834319526627218657766071885;0.005917159763313609328883035943;0.063116370808678504134014985993;0.041420118343195269638989941541;0.063116370808678504134014985993;0.026627218934911243281016268725;0.000000000000000000000000000000;0.001972386587771203254187968312;0.019723865877712031674517945135;0.020710059171597634819494970770;0.017751479289940828854010845816;0.001972386587771203254187968312;0.005917159763313609328883035943;0.007889546351084813016751873249;0.035502958579881657708021691633;0.011834319526627218657766071885;0.025641025641025640136039243089;0.000000000000000000000000000000;0.005917159763313609328883035943;0.001972386587771203254187968312;0.004930966469428007918629486284;0.000000000000000000000000000000;0.026627218934911243281016268725;0.006903353057199210739136585602;0.011834319526627218657766071885;0.045364891518737675280004140177;0.033530571992110451418067640361;0.023668639053254437315532143771;0.022682445759368837640002070088
-0.049309664694280080921018338813;0.000000000000000000000000000000;0.059171597633136091554106883450;0.000000000000000000000000000000;0.002958579881656804664441517971;0.019723865877712031674517945135;0.001972386587771203254187968312;0.012820512820512820068019621544;0.014792899408284022888526720863;0.038461538461538463673505816587;0.017751479289940828854010845816;0.018737672583826428529540919499;0.011834319526627218657766071885;0.048323471400394474306594361224;0.001972386587771203254187968312;0.022682445759368837640002070088;0.022682445759368837640002070088;0.018737672583826428529540919499;0.013806706114398421478273171203;0.006903353057199210739136585602;0.012820512820512820068019621544;0.010848126232741617247512522226;0.003944773175542406508375936625;0.066074950690335310099499110947;0.044378698224852068665580162588;0.048323471400394474306594361224;0.017751479289940828854010845816;0.001972386587771203254187968312;0.002958579881656804664441517971;0.019723865877712031674517945135;0.023668639053254437315532143771;0.039447731755424063349035890269;0.002958579881656804664441517971;0.007889546351084813016751873249;0.009861932938856015837258972567;0.063116370808678504134014985993;0.009861932938856015837258972567;0.012820512820512820068019621544;0.000000000000000000000000000000;0.007889546351084813016751873249;0.003944773175542406508375936625;0.008875739644970414427005422908;0.000000000000000000000000000000;0.037475345167652857059081838997;0.004930966469428007918629486284;0.013806706114398421478273171203;0.062130177514792897519591008404;0.041420118343195269638989941541;0.017751479289940828854010845816;0.020710059171597634819494970770
-0.041420118343195269638989941541;0.000000000000000000000000000000;0.049309664694280080921018338813;0.000000000000000000000000000000;0.001972386587771203254187968312;0.019723865877712031674517945135;0.002958579881656804664441517971;0.018737672583826428529540919499;0.016765285996055225709033820181;0.055226824457593685913092684814;0.020710059171597634819494970770;0.023668639053254437315532143771;0.008875739644970414427005422908;0.063116370808678504134014985993;0.000000000000000000000000000000;0.024654832347140040460509169407;0.013806706114398421478273171203;0.014792899408284022888526720863;0.010848126232741617247512522226;0.015779092702169626033503746498;0.016765285996055225709033820181;0.013806706114398421478273171203;0.003944773175542406508375936625;0.076923076923076927347011633174;0.042406311637080869314520015223;0.057199211045364892203046736086;0.017751479289940828854010845816;0.000000000000000000000000000000;0.000986193293885601627093984156;0.013806706114398421478273171203;0.015779092702169626033503746498;0.027613412228796842956546342407;0.003944773175542406508375936625;0.004930966469428007918629486284;0.013806706114398421478273171203;0.046351084812623274955534213859;0.014792899408284022888526720863;0.007889546351084813016751873249;0.000000000000000000000000000000;0.002958579881656804664441517971;0.002958579881656804664441517971;0.003944773175542406508375936625;0.000000000000000000000000000000;0.034516765285996058032491617951;0.006903353057199210739136585602;0.022682445759368837640002070088;0.058185404339250491878576809768;0.046351084812623274955534213859;0.019723865877712031674517945135;0.020710059171597634819494970770
-0.028828828828828829272667988448;0.001351351351351351426366420583;0.063063063063063057311907755320;0.001351351351351351426366420583;0.013963963963963963582637362038;0.020270270270270271395496308742;0.000450450450450450457385437320;0.013963963963963963582637362038;0.012612612612612612156270941455;0.050450450450450448625083765819;0.017117117117117115754343359413;0.018018018018018017861736623786;0.005855855855855855891800576529;0.063963963963963962888747971647;0.005405405405405405705465682331;0.022072072072072072140835885534;0.014864864864864865690030626411;0.015765765765765764327976938830;0.007657657657657657504501891310;0.013063063063063063209967573641;0.010810810810810811410931364662;0.016666666666666666435370203203;0.003603603603603603659083498556;0.066216216216216219891954608556;0.024324324324324325674595570490;0.063963963963963962888747971647;0.018468468468468467180709779996;0.000900900900900900914770874639;0.000450450450450450457385437320;0.030630630630630630018007565241;0.015315315315315315009003782620;0.033333333333333332870740406406;0.003153153153153153039067735364;0.008108108108108108558198523497;0.011711711711711711783601153058;0.064414414414414408738274175903;0.016216216216216217116397046993;0.006756756756756757131832102914;0.000000000000000000000000000000;0.009459459459459459984564944079;0.001801801801801801829541749278;0.004504504504504504465434155946;0.000000000000000000000000000000;0.032432432432432434232794093987;0.007657657657657657504501891310;0.018018018018018017861736623786;0.061711711711711712824435238645;0.042792792792792792855305350486;0.018018018018018017861736623786;0.018468468468468467180709779996
-0.037037037037037034981068472916;0.002592592592592592518063732143;0.071111111111111111049432054187;0.000370370370370370351979089074;0.004814814814814815172039352831;0.022592592592592591199673890401;0.002592592592592592518063732143;0.017407407407407406163546426114;0.020370370370370372015145221667;0.047777777777777780121581940875;0.014814814814814815380206169948;0.019259259259259260688157411323;0.007777777777777777554191196430;0.055555555555555552471602709375;0.001481481481481481407916356297;0.022962962962962962798485477833;0.020000000000000000416333634234;0.021111111111111111743321444578;0.009629629629629630344078705662;0.010740740740740739936343040029;0.013703703703703704053218359604;0.017407407407407406163546426114;0.004814814814814815172039352831;0.061111111111111109106541761093;0.035555555555555555524716027094;0.046296296296296293726335591145;0.026296296296296296779448908865;0.000740740740740740703958178148;0.000740740740740740703958178148;0.024444444444444445724284875610;0.013703703703703704053218359604;0.025925925925925925180637321432;0.002222222222222222220294751693;0.008888888888888888881179006773;0.016296296296296294836558615771;0.056296296296296295669225884239;0.012962962962962962590318660716;0.009259259259259258745267118229;0.001111111111111111110147375847;0.014074074074074073917306471060;0.002962962962962962815832712593;0.005925925925925925631665425186;0.000000000000000000000000000000;0.032222222222222221543752596062;0.008888888888888888881179006773;0.013333333333333334189130248149;0.050740740740740739034286832521;0.041851851851851848418384349770;0.022962962962962962798485477833;0.019259259259259260688157411323
-0.041489361702127657005600980256;0.004255319148936170282893076688;0.063475177304964533475661880857;0.000354609929078014208311125932;0.012765957446808509981317492077;0.039716312056737590463484366410;0.000000000000000000000000000000;0.011702127659574467627434657402;0.017730496453900710523976513855;0.029432624113475178151411171257;0.015957446808510637042965996102;0.037943262411347516982473848657;0.013120567375886524677519595627;0.045035460992907803967622015762;0.004255319148936170282893076688;0.021985815602836879939507852555;0.026241134751773049355039191255;0.026241134751773049355039191255;0.018439716312056736446933769002;0.010992907801418439969753926277;0.007801418439716312040743684264;0.018794326241134751143135872553;0.007092198581560283515701215151;0.042198581560283686398005187357;0.048936170212765958686951250911;0.032978723404255318174538302856;0.020921985815602835850901541903;0.000709219858156028416622251864;0.001418439716312056833244503729;0.044326241134751774575217808660;0.017021276595744681131572306754;0.028723404255319148759006964156;0.010638297872340425273551822727;0.006028368794326241161818380476;0.019148936170212765839337976104;0.049290780141843973383153354462;0.010638297872340425273551822727;0.003546099290780141757850607576;0.001773049645390070878925303788;0.024822695035460994039677729006;0.002127659574468085141446538344;0.006028368794326241161818380476;0.000000000000000000000000000000;0.017375886524822695827774410304;0.009219858156028368223466884501;0.012056737588652482323636760952;0.044680851063829789271419912211;0.027304964539007093443645501907;0.025177304964539008735879832557;0.018085106382978721750731665452
-0.045289855072463768015378349219;0.002173913043478260895963183330;0.075724637681159417956777701875;0.000362318840579710149327197222;0.002173913043478260895963183330;0.021014492753623187359934831875;0.001449275362318840597308788887;0.016304347826086956069202571484;0.019202898550724638998543625235;0.050724637681159423507892825000;0.018115942028985507900040730078;0.008333333333333333217685101602;0.007608695652173913352711576152;0.059057971014492754990854450625;0.001449275362318840597308788887;0.032608695652173912138405142969;0.022463768115942028824605358750;0.027898550724637680847672882578;0.007608695652173913352711576152;0.006884057971014492620376312715;0.007971014492753622851517469883;0.019565217391304349364711256953;0.005797101449275362389235155547;0.055797101449275361695345765156;0.040942028985507243621366768593;0.061231884057971017187860240938;0.026811594202898549749169987422;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008333333333333333217685101602;0.010144927536231883313799784219;0.027536231884057970481505250859;0.002898550724637681194617577773;0.005797101449275362389235155547;0.015579710144927537071590784024;0.046739130434782609480048876094;0.012681159420289855876973206250;0.007246376811594202986543944434;0.001086956521739130447981591665;0.011956521739130435144637942813;0.004347826086956521791926366660;0.004710144927536232158093998379;0.000000000000000000000000000000;0.024275362318840580655443517344;0.000724637681159420298654394443;0.011594202898550724778470311094;0.063043478260869562079804495625;0.046739130434782609480048876094;0.026086956521739129016834723984;0.023913043478260870289275885625
-0.036858974358974359863960756911;0.006410256410256410034009810772;0.053205128205128203455753777007;0.011538461538461539102051744976;0.017948717948717947401338079771;0.013782051282051281659857266959;0.005128205128205128200680196215;0.032692307692307694122479944099;0.016025641025641024217662788942;0.031730769230769229061195346731;0.023717948717948716952363952259;0.006730769230769231142863517903;0.006089743589743589792517841630;0.041666666666666664353702032031;0.017307692307692308653077617464;0.014423076923076923877564681220;0.018269230769230770244915262879;0.042307692307692310040856398246;0.036217948717948721115700294604;0.008974358974358973700669039886;0.023397435897435897578233721106;0.011217948717948717993198037846;0.008974358974358973700669039886;0.047435897435897433904727904519;0.031730769230769229061195346731;0.042307692307692310040856398246;0.040705128205128206231311338570;0.004166666666666666608842550801;0.000641025641025641025085024527;0.016666666666666666435370203203;0.004487179487179486850334519943;0.016666666666666666435370203203;0.013461538461538462285727035805;0.006089743589743589792517841630;0.011217948717948717993198037846;0.059615384615384618693934015710;0.015384615384615385469402326635;0.008333333333333333217685101602;0.001602564102564102508502452693;0.008012820512820512108831394471;0.010897435897435896884344330715;0.004487179487179486850334519943;0.000000000000000000000000000000;0.023717948717948716952363952259;0.017628205128205128027207848618;0.016346153846153847061239972049;0.043910256410256406911507554014;0.027564102564102563319714533918;0.026923076923076924571454071611;0.015384615384615385469402326635
-0.032592592592592589673117231541;0.007407407407407407690103084974;0.085555555555555551361379684749;0.000740740740740740703958178148;0.000370370370370370351979089074;0.012962962962962962590318660716;0.000740740740740740703958178148;0.016296296296296294836558615771;0.029999999999999998889776975375;0.037777777777777778178691647781;0.011111111111111111535154627461;0.010000000000000000208166817117;0.007777777777777777554191196430;0.053333333333333336756520992594;0.005555555555555555767577313730;0.020000000000000000416333634234;0.032962962962962964741375770927;0.044814814814814814269983145323;0.006666666666666667094565124074;0.011481481481481481399242738917;0.012222222222222222862142437805;0.022592592592592591199673890401;0.010370370370370370072254928573;0.051851851851851850361274642864;0.029629629629629630760412339896;0.051111111111111114102545371907;0.031481481481481478346129421197;0.022592592592592591199673890401;0.001111111111111111110147375847;0.002222222222222222220294751693;0.005925925925925925631665425186;0.022222222222222223070309254922;0.004814814814814815172039352831;0.008148148148148147418279307885;0.012962962962962962590318660716;0.058518518518518518323201504927;0.017037037037037038034181790636;0.012962962962962962590318660716;0.002592592592592592518063732143;0.011851851851851851263330850372;0.004444444444444444440589503387;0.010000000000000000208166817117;0.000000000000000000000000000000;0.027037037037037036507625131776;0.001481481481481481407916356297;0.014444444444444443781394582516;0.053333333333333336756520992594;0.031851851851851853414387960584;0.021481481481481479872686080057;0.015555555555555555108382392859
-0.025793650793650792218958400781;0.003571428571428571317053490830;0.082936507936507933291814254062;0.000000000000000000000000000000;0.003174603174603174600421073848;0.017063492063492061850960013203;0.001587301587301587300210536924;0.008333333333333333217685101602;0.034523809523809526056403740313;0.028571428571428570536427926640;0.008333333333333333217685101602;0.013492063492063492702310867344;0.017857142857142856151586585156;0.050396825396825398191147371563;0.002380952380952381167156239883;0.017063492063492061850960013203;0.046825396825396825573051273750;0.043650793650793648370544985937;0.005952380952380952050528861719;0.022222222222222223070309254922;0.010714285714285714384841341484;0.040873015873015873522522412031;0.026984126984126985404621734688;0.038492063492063494090089648125;0.025793650793650792218958400781;0.031349206349206348853897452500;0.021031746031746033354092872969;0.001190476190476190583578119941;0.002777777777777777883788656865;0.011507936507936508685467913438;0.006349206349206349200842147695;0.026984126984126985404621734688;0.003571428571428571317053490830;0.008730158730158730367998387578;0.031349206349206348853897452500;0.048015873015873018758714607657;0.013095238095238095551997581367;0.007539682539682539784420267637;0.004365079365079365183999193789;0.038492063492063494090089648125;0.003968253968253968033685907812;0.016269841269841271019780393203;0.000000000000000000000000000000;0.023412698412698412786525636875;0.001587301587301587300210536924;0.011904761904761904101057723437;0.035714285714285712303173170312;0.036507936507936510073246694219;0.025000000000000001387778780781;0.012698412698412698401684295391
-0.021913580246913581806023074705;0.002469135802469135752140738660;0.058950617283950616787091547621;0.000617283950617283938035184665;0.001851851851851851922525771243;0.006481481481481481295159330358;0.000925925925925925961262885622;0.024074074074074074125473288177;0.020061728395061727281412089496;0.089506172839506167870915476215;0.009259259259259258745267118229;0.004629629629629629372633559115;0.006172839506172839163511412153;0.054629629629629632148191120677;0.003395061728395061713403624282;0.008333333333333333217685101602;0.025925925925925925180637321432;0.021296296296296295808003762318;0.004012345679012345976699460692;0.008333333333333333217685101602;0.007716049382716048954389265191;0.013888888888888888117900677344;0.004938271604938271504281477320;0.119135802469135798631327816111;0.019444444444444444752839729063;0.054629629629629632148191120677;0.024691358024691356654045648611;0.002469135802469135752140738660;0.001234567901234567876070369330;0.004938271604938271504281477320;0.003395061728395061713403624282;0.044444444444444446140618509844;0.002160493827160493620492820455;0.006172839506172839163511412153;0.012654320987654321326032480499;0.080555555555555560798275394063;0.013888888888888888117900677344;0.003703703703703703845051542487;0.000617283950617283938035184665;0.008641975308641974481971281818;0.006790123456790123426807248563;0.012654320987654321326032480499;0.000000000000000000000000000000;0.043209876543209874144579885069;0.001851851851851851922525771243;0.019135802469135803488553548846;0.060185185185185181844236268489;0.025617283950617283916351141215;0.013271604938271605589328316910;0.015123456790123456644492350165
-0.037804878048780486687885371566;0.026016260162601625993694653971;0.047560975609756098170244342782;0.003658536585365853872203745212;0.000813008130081300812302957937;0.032113821138211380568083797016;0.001626016260162601624605915873;0.018699186991869919116648901536;0.059349593495934958864435060377;0.011382113821138212239603149101;0.020325203252032519873893079421;0.017886178861788618738026812593;0.023577235772357724857828387144;0.031300813008130083658908660027;0.014634146341463415488814980847;0.019512195121951219495270990478;0.028048780487804878674973352304;0.050406504065040651230145130057;0.014634146341463415488814980847;0.007723577235772357933718534895;0.014634146341463415488814980847;0.030487804878048779810839619131;0.011788617886178862428914193572;0.020325203252032519873893079421;0.052845528455284555835458348838;0.022357723577235772555171777753;0.020325203252032519873893079421;0.026422764227642277917729174419;0.000000000000000000000000000000;0.008130081300813008990391317354;0.013008130081300812996847326986;0.013821138211382113375469415928;0.005691056910569106119801574550;0.006504065040650406498423663493;0.023170731707317072933793866696;0.035365853658536582082572152785;0.008536585365853659179702361826;0.017073170731707318359404723651;0.008536585365853659179702361826;0.017479674796747966813992292145;0.008943089430894309369013406297;0.050406504065040651230145130057;0.000000000000000000000000000000;0.010162601626016259936946539710;0.004471544715447154684506703148;0.007723577235772357933718534895;0.026016260162601625993694653971;0.023170731707317072933793866696;0.029674796747967479432217530189;0.015853658536585366056748114261
-0.018918918918918919969129888159;0.013513513513513514263664205828;0.082882882882882882857877859806;0.001351351351351351426366420583;0.001351351351351351426366420583;0.010360360360360360357234732476;0.002252252252252252232717077973;0.034234234234234231508686718826;0.020270270270270271395496308742;0.044144144144144144281671771068;0.015315315315315315009003782620;0.005855855855855855891800576529;0.008108108108108108558198523497;0.040990990990990988640518821740;0.012612612612612612156270941455;0.007207207207207207318166997112;0.043693693693693691493251662905;0.054954954954954955692603135731;0.010360360360360360357234732476;0.012612612612612612156270941455;0.013063063063063063209967573641;0.014864864864864865690030626411;0.008558558558558557877171679706;0.064414414414414408738274175903;0.022522522522522521459809041744;0.029279279279279278591641144658;0.036486486486486488511893355735;0.002702702702702702852732841166;0.001351351351351351426366420583;0.005405405405405405705465682331;0.003153153153153153039067735364;0.044594594594594597070091879232;0.010360360360360360357234732476;0.004954954954954954651769050145;0.009909909909909909303538100289;0.085585585585585585710610700971;0.018468468468468467180709779996;0.005405405405405405705465682331;0.000450450450450450457385437320;0.013963963963963963582637362038;0.008108108108108108558198523497;0.009009009009009008930868311893;0.000000000000000000000000000000;0.025225225225225224312541882909;0.004504504504504504465434155946;0.017117117117117115754343359413;0.049099099099099097198717345236;0.014864864864864865690030626411;0.027927927927927927165274724075;0.007657657657657657504501891310
-0.037654320987654324448534737257;0.011728395061728395798450463872;0.070679012345679012585542011493;0.006172839506172839163511412153;0.021604938271604937072289942535;0.010185185185185186007572610833;0.001543209876543209790877853038;0.023765432098765432861187107960;0.024691358024691356654045648611;0.043209876543209874144579885069;0.011111111111111111535154627461;0.014814814814814815380206169948;0.005246913580246913635929395525;0.045061728395061728669190870278;0.013888888888888888117900677344;0.019753086419753086017125909279;0.039814814814814816767984950729;0.037654320987654324448534737257;0.004938271604938271504281477320;0.010493827160493827271858791050;0.012654320987654321326032480499;0.019444444444444444752839729063;0.003086419753086419581755706076;0.058950617283950616787091547621;0.027160493827160493707228994253;0.041666666666666664353702032031;0.029320987654320986026679207725;0.007098765432098765558455166769;0.002777777777777777883788656865;0.003395061728395061713403624282;0.006790123456790123426807248563;0.034567901234567897927885127274;0.003395061728395061713403624282;0.005246913580246913635929395525;0.009567901234567901744276774423;0.064814814814814811216869827604;0.011419753086419752799440807678;0.003703703703703703845051542487;0.001851851851851851922525771243;0.012654320987654321326032480499;0.005864197530864197899225231936;0.014506172839506172381196513754;0.000000000000000000000000000000;0.028395061728395062233820667075;0.006172839506172839163511412153;0.014506172839506172381196513754;0.054012345679012342680724856336;0.024382716049382715389759468394;0.022839506172839505598881615356;0.015740740740740739173064710599
-0.045454545454545455807071618892;0.006439393939393939225723784148;0.062878787878787881227005129858;0.000378787878787878787550241766;0.013257575757575757943729222177;0.040530303030303027611580546363;0.000378787878787878787550241766;0.011742424242424241709326082628;0.017424242424242425419933510966;0.027651515151515152629579930021;0.020454545454545454419292838111;0.031060606060606059386497435071;0.011742424242424241709326082628;0.048106060606060603579425816179;0.005681818181818181975883952362;0.023106060606060605661093987351;0.025378787878787879145336958686;0.024621212121212120160773650923;0.017045454545454544192928381108;0.009848484848484847717364765174;0.010227272727272727209646419055;0.022348484848484850145977631541;0.006439393939393939225723784148;0.040151515151515153323469320412;0.045454545454545455807071618892;0.035227272727272725127978247883;0.026893939393939393645016622258;0.001515151515151515150200967064;0.001515151515151515150200967064;0.044696969696969700291955263083;0.020454545454545454419292838111;0.028030303030303030387138107926;0.010227272727272727209646419055;0.006818181818181817850643700041;0.013636363636363635701287400082;0.050378787878787877063668787514;0.007575757575757575967845269815;0.004545454545454545233762466694;0.003030303030303030300401934127;0.022348484848484850145977631541;0.001893939393939393991961317454;0.007575757575757575967845269815;0.000000000000000000000000000000;0.017803030303030303177491688871;0.006060606060606060600803868255;0.010984848484848484459486250842;0.044318181818181819064950133225;0.025757575757575756902895136591;0.023106060606060605661093987351;0.017803030303030303177491688871
-0.040873015873015873522522412031;0.005952380952380952050528861719;0.076190476190476197348999676251;0.000000000000000000000000000000;0.001984126984126984016842953906;0.020634920634920634469056111016;0.001190476190476190583578119941;0.019047619047619049337249919063;0.037301587301587300904426314219;0.017857142857142856151586585156;0.018650793650793650452213157109;0.023412698412698412786525636875;0.017857142857142856151586585156;0.050000000000000002775557561563;0.003174603174603174600421073848;0.032539682539682542039560786407;0.029761904761904760252644308594;0.041666666666666664353702032031;0.011111111111111111535154627461;0.012698412698412698401684295391;0.010317460317460317234528055508;0.026190476190476191103995162734;0.011111111111111111535154627461;0.024206349206349207087152208828;0.053571428571428568454759755468;0.036904761904761905488836504219;0.024603174603174602502742018828;0.000396825396825396825052634231;0.000000000000000000000000000000;0.011111111111111111535154627461;0.017460317460317460735996775156;0.015476190476190476719153821250;0.007142857142857142634106981660;0.009523809523809524668624959531;0.028571428571428570536427926640;0.043253968253968252954955175937;0.010714285714285714384841341484;0.012301587301587301251371009414;0.003174603174603174600421073848;0.026190476190476191103995162734;0.001587301587301587300210536924;0.011904761904761904101057723437;0.000000000000000000000000000000;0.011507936507936508685467913438;0.003174603174603174600421073848;0.007142857142857142634106981660;0.045238095238095236971798129844;0.040873015873015873522522412031;0.025396825396825396803368590781;0.019047619047619049337249919063
-0.029999999999999998889776975375;0.017500000000000001665334536938;0.055000000000000000277555756156;0.002083333333333333304421275400;0.012083333333333333078907223523;0.023750000000000000277555756156;0.002083333333333333304421275400;0.045416666666666667684371105906;0.014583333333333333564629796797;0.025000000000000001387778780781;0.021666666666666667406815349750;0.013750000000000000069388939039;0.011666666666666667198648532633;0.041250000000000001942890293094;0.032500000000000001110223024625;0.020416666666666666296592325125;0.019166666666666665186369300500;0.047916666666666669904817155157;0.035000000000000003330669073875;0.010000000000000000208166817117;0.022916666666666665047591422422;0.008750000000000000832667268469;0.012083333333333333078907223523;0.035416666666666665741480812812;0.032083333333333331760517381781;0.037916666666666667961926862063;0.042500000000000003053113317719;0.006250000000000000346944695195;0.000833333333333333386820640509;0.015833333333333334674852821422;0.006250000000000000346944695195;0.018749999999999999306110609609;0.017083333333333332315628894094;0.002500000000000000052041704279;0.010416666666666666088425508008;0.052499999999999998057109706906;0.016666666666666666435370203203;0.007083333333333332974823814965;0.000833333333333333386820640509;0.008333333333333333217685101602;0.012500000000000000693889390391;0.006250000000000000346944695195;0.000000000000000000000000000000;0.012916666666666666574148081281;0.017083333333333332315628894094;0.009166666666666666712925959359;0.041666666666666664353702032031;0.021666666666666667406815349750;0.027916666666666666019036568969;0.014999999999999999444888487687
-0.053900709219858157494886796712;0.010283687943262410577349719176;0.047163120567375885205940733158;0.001773049645390070878925303788;0.003191489361702127495329373019;0.019148936170212765839337976104;0.003191489361702127495329373019;0.021985815602836879939507852555;0.009929078014184397615871091602;0.030141843971631204074368426404;0.021276595744680850547103645454;0.012411347517730497019838864503;0.014539007092198581727604533853;0.037588652482269502286271745106;0.009219858156028368223466884501;0.040425531914893619855888573511;0.020921985815602835850901541903;0.028014184397163119366602757054;0.014539007092198581727604533853;0.007801418439716312040743684264;0.019148936170212765839337976104;0.008510638297872340565786153377;0.004964539007092198807935545801;0.050000000000000002775557561563;0.054964539007092201583493107364;0.058865248226950356302822342514;0.027659574468085104670400653504;0.010992907801418439969753926277;0.000354609929078014208311125932;0.007801418439716312040743684264;0.010283687943262410577349719176;0.019858156028368795231742183205;0.006382978723404254990658746038;0.004964539007092198807935545801;0.017730496453900710523976513855;0.042553191489361701094207290907;0.015957446808510637042965996102;0.014893617021276596423806637404;0.000709219858156028416622251864;0.010283687943262410577349719176;0.004609929078014184111733442251;0.010992907801418439969753926277;0.000000000000000000000000000000;0.024468085106382979343475625456;0.006382978723404254990658746038;0.018439716312056736446933769002;0.053546099290780142798684693162;0.045390070921985818663824119312;0.021631205673758865243305749004;0.020212765957446809927944286756
-0.058503401360544216025516561785;0.007482993197278911372272158786;0.065986394557823124795703506607;0.000340136054421768683955068502;0.002040816326530612428991062757;0.026190476190476191103995162734;0.000680272108843537367910137004;0.013605442176870747791883609068;0.012925170068027210315553254816;0.029931972789115645489088635145;0.017006802721088436908258856306;0.014625850340136054006379140446;0.013945578231292516530048786194;0.052040816326530611735101672366;0.003061224489795918209805725141;0.040816326530612241640927351227;0.020748299319727891293352328717;0.027891156462585033060097572388;0.009523809523809524668624959531;0.015646258503401361955598147802;0.014285714285714285268213963320;0.012925170068027210315553254816;0.006122448979591836419611450282;0.042176870748299316593588059732;0.059523809523809520505288617187;0.048639455782312927822896853058;0.023469387755102041198673745726;0.023129251700680270725785092623;0.001020408163265306214495531378;0.011904761904761904101057723437;0.011904761904761904101057723437;0.019387755102040816340691620212;0.003741496598639455686136079393;0.005442176870748298943281096030;0.020068027210884353817021974464;0.041156462585034012113816004330;0.013265306122448979053718431942;0.013265306122448979053718431942;0.001360544217687074735820274007;0.013945578231292516530048786194;0.003061224489795918209805725141;0.006122448979591836419611450282;0.000000000000000000000000000000;0.020748299319727891293352328717;0.002380952380952381167156239883;0.009523809523809524668624959531;0.051360544217687077728218270067;0.041496598639455782586704657433;0.025850340136054420631106509632;0.019727891156462583344133321361
-0.044999999999999998334665463062;0.003749999999999999861222121922;0.045416666666666667684371105906;0.000833333333333333386820640509;0.007916666666666667337426410711;0.045416666666666667684371105906;0.000416666666666666693410320255;0.015833333333333334674852821422;0.020833333333333332176851016015;0.016250000000000000555111512313;0.022916666666666665047591422422;0.044166666666666666574148081281;0.025833333333333333148296162562;0.045833333333333330095182844843;0.005833333333333333599324266316;0.042083333333333333703407674875;0.015416666666666667059870654555;0.021250000000000001526556658860;0.019583333333333334536074943344;0.007499999999999999722444243844;0.014999999999999999444888487687;0.015416666666666667059870654555;0.010833333333333333703407674875;0.026249999999999999028554853453;0.065833333333333327042069527124;0.045416666666666667684371105906;0.026249999999999999028554853453;0.002083333333333333304421275400;0.000416666666666666693410320255;0.025416666666666667268037471672;0.021666666666666667406815349750;0.009166666666666666712925959359;0.008750000000000000832667268469;0.005833333333333333599324266316;0.027916666666666666019036568969;0.029166666666666667129259593594;0.009166666666666666712925959359;0.018749999999999999306110609609;0.002500000000000000052041704279;0.013750000000000000069388939039;0.001250000000000000026020852140;0.014166666666666665949647629930;0.000000000000000000000000000000;0.014583333333333333564629796797;0.004166666666666666608842550801;0.010000000000000000208166817117;0.030833333333333334119741309109;0.034583333333333333980963431031;0.030833333333333334119741309109;0.027916666666666666019036568969
-0.044318181818181819064950133225;0.007196969696969697342925353922;0.078030303030303033162695669489;0.000000000000000000000000000000;0.000378787878787878787550241766;0.029166666666666667129259593594;0.000757575757575757575100483532;0.015909090909090907450806895440;0.030681818181818181628939257166;0.022727272727272727903535809446;0.015530303030303029693248717535;0.023484848484848483418652165255;0.012500000000000000693889390391;0.056439393939393942001281345711;0.006060606060606060600803868255;0.039772727272727272096464190554;0.026136363636363634660453314495;0.024621212121212120160773650923;0.010227272727272727209646419055;0.014772727272727272443408885749;0.012500000000000000693889390391;0.032196969696969696128618920739;0.008333333333333333217685101602;0.037121212121212124324109993267;0.043181818181818182322828647557;0.043560606060606063549833777415;0.018939393939393939919613174538;0.000757575757575757575100483532;0.000000000000000000000000000000;0.009848484848484847717364765174;0.032575757575757577355624050597;0.014772727272727272443408885749;0.003409090909090908925321850020;0.008712121212121212709966755483;0.017045454545454544192928381108;0.038257575757575754127337575028;0.010606060606060606701928072937;0.015151515151515151935690539631;0.004924242424242423858682382587;0.025000000000000001387778780781;0.000757575757575757575100483532;0.014393939393939394685850707845;0.000000000000000000000000000000;0.018181818181818180935049866775;0.002272727272727272616881233347;0.008712121212121212709966755483;0.042803030303030301095823517699;0.041666666666666664353702032031;0.016666666666666666435370203203;0.018939393939393939919613174538
-0.034615384615384617306155234928;0.006410256410256410034009810772;0.076495726495726501514837991635;0.000000000000000000000000000000;0.000427350427350427350056683018;0.016239316239316240603196561665;0.000427350427350427350056683018;0.014102564102564102768710974090;0.048717948717948718340142733041;0.036324786324786327573743704988;0.018803418803418802535132314802;0.012393162393162392501122504029;0.014102564102564102768710974090;0.052136752136752138875319673161;0.006837606837606837600906928287;0.023076923076923078204103489952;0.027777777777777776235801354687;0.037606837606837605070264629603;0.004700854700854700633783078700;0.013247863247863247634916739059;0.012820512820512820068019621544;0.032478632478632481206393123330;0.009829059829059828834463274916;0.038034188034188030902438271141;0.041025641025641025605441569724;0.041880341880341877269788852800;0.022222222222222223070309254922;0.002991452991452991667237215623;0.000427350427350427350056683018;0.006410256410256410034009810772;0.010256410256410256401360392431;0.017521367521367521569164438233;0.002991452991452991667237215623;0.008974358974358973700669039886;0.029914529914529915805010418239;0.054700854700854700807255426298;0.008974358974358973700669039886;0.008547008547008547868495398347;0.011111111111111111535154627461;0.020085470085470086970547143324;0.002136752136752136967123849587;0.019230769230769231836752908293;0.000000000000000000000000000000;0.022222222222222223070309254922;0.000854700854700854700113366036;0.012393162393162392501122504029;0.040598290598290599773267928185;0.030341880341880341637184059778;0.031196581196581196770978294808;0.015384615384615385469402326635
-0.045925925925925925596970955667;0.001481481481481481407916356297;0.048148148148148148250946576354;0.005555555555555555767577313730;0.026296296296296296779448908865;0.016296296296296294836558615771;0.000740740740740740703958178148;0.016666666666666666435370203203;0.015555555555555555108382392859;0.067407407407407402000210083770;0.014814814814814815380206169948;0.018518518518518517490534236458;0.010370370370370370072254928573;0.046296296296296293726335591145;0.002222222222222222220294751693;0.030740740740740742087400150240;0.016666666666666666435370203203;0.014814814814814815380206169948;0.005925925925925925631665425186;0.005555555555555555767577313730;0.016296296296296294836558615771;0.010000000000000000208166817117;0.002592592592592592518063732143;0.084444444444444446973285778313;0.042962962962962959745372160114;0.062222222222222220433529571437;0.018888888888888889089345823891;0.000740740740740740703958178148;0.001111111111111111110147375847;0.005555555555555555767577313730;0.009259259259259258745267118229;0.025555555555555557051272685953;0.000740740740740740703958178148;0.004444444444444444440589503387;0.010740740740740739936343040029;0.049259259259259259577934386698;0.012592592592592592726230549260;0.014814814814814815380206169948;0.000740740740740740703958178148;0.007407407407407407690103084974;0.002592592592592592518063732143;0.003703703703703703845051542487;0.000000000000000000000000000000;0.048148148148148148250946576354;0.001111111111111111110147375847;0.025925925925925925180637321432;0.052962962962962961688262453208;0.044814814814814814269983145323;0.011481481481481481399242738917;0.018888888888888889089345823891
-0.046296296296296293726335591145;0.000740740740740740703958178148;0.074814814814814820098654024605;0.001481481481481481407916356297;0.004814814814814815172039352831;0.010740740740740739936343040029;0.000000000000000000000000000000;0.016296296296296294836558615771;0.020370370370370372015145221667;0.056296296296296295669225884239;0.018518518518518517490534236458;0.007777777777777777554191196430;0.010370370370370370072254928573;0.077407407407407410881994280771;0.002222222222222222220294751693;0.020000000000000000416333634234;0.018148148148148149361169600979;0.017407407407407406163546426114;0.005185185185185185036127464286;0.013333333333333334189130248149;0.011481481481481481399242738917;0.012222222222222222862142437805;0.005185185185185185036127464286;0.062962962962962956692258842395;0.032592592592592589673117231541;0.061111111111111109106541761093;0.027777777777777776235801354687;0.000370370370370370351979089074;0.000000000000000000000000000000;0.004074074074074073709139653943;0.003703703703703703845051542487;0.021481481481481479872686080057;0.001851851851851851922525771243;0.005925925925925925631665425186;0.014074074074074073917306471060;0.051111111111111114102545371907;0.017037037037037038034181790636;0.010370370370370370072254928573;0.000000000000000000000000000000;0.007037037037037036958653235530;0.001851851851851851922525771243;0.003703703703703703845051542487;0.000000000000000000000000000000;0.036666666666666666851703837438;0.000740740740740740703958178148;0.014814814814814815380206169948;0.073333333333333333703407674875;0.045555555555555557467606320188;0.024814814814814813853649511088;0.025925925925925925180637321432
-0.032098765432098767813595685539;0.006790123456790123426807248563;0.103086419753086425132870829202;0.000000000000000000000000000000;0.000308641975308641969017592332;0.010185185185185186007572610833;0.001234567901234567876070369330;0.020061728395061727281412089496;0.016666666666666666435370203203;0.035802469135802469923923752049;0.012345679012345678327022824305;0.003703703703703703845051542487;0.008950617283950617480980938012;0.072530864197530867110152996702;0.005864197530864197899225231936;0.020987654320987654543717582101;0.023456790123456791596900927743;0.038271604938271606977107097691;0.006790123456790123426807248563;0.017901234567901234961961876024;0.009876543209876543008562954640;0.027469135802469134971515174470;0.007407407407407407690103084974;0.050617283950617285304129921997;0.035493827160493825190190619878;0.050000000000000002775557561563;0.025308641975308642652064960998;0.000925925925925925961262885622;0.000308641975308641969017592332;0.003703703703703703845051542487;0.004012345679012345976699460692;0.025000000000000001387778780781;0.002777777777777777883788656865;0.008333333333333333217685101602;0.017901234567901234961961876024;0.061728395061728391635114121527;0.012962962962962962590318660716;0.006481481481481481295159330358;0.000308641975308641969017592332;0.021604938271604937072289942535;0.003703703703703703845051542487;0.005246913580246913635929395525;0.000000000000000000000000000000;0.020061728395061727281412089496;0.002160493827160493620492820455;0.012037037037037037062736644089;0.070679012345679012585542011493;0.035493827160493825190190619878;0.022530864197530864334595435139;0.018827160493827162224267368629
-0.022777777777777778733803160094;0.009166666666666666712925959359;0.094166666666666662410811738937;0.001111111111111111110147375847;0.015833333333333334674852821422;0.011666666666666667198648532633;0.002500000000000000052041704279;0.023333333333333334397297065266;0.062500000000000000000000000000;0.023333333333333334397297065266;0.011388888888888889366901580047;0.010555555555555555871660722289;0.012222222222222222862142437805;0.048055555555555552749158465531;0.009444444444444444544672911945;0.009444444444444444544672911945;0.033611111111111112437210834969;0.050000000000000002775557561563;0.014722222222222221613141535101;0.015555555555555555108382392859;0.012222222222222222862142437805;0.041944444444444443920172460594;0.015277777777777777276635440273;0.031388888888888889783235214281;0.024722222222222221821308352219;0.029722222222222222792753498766;0.028333333333333331899295259859;0.003611111111111110945348645629;0.000833333333333333386820640509;0.011944444444444445030395485219;0.004166666666666666608842550801;0.021666666666666667406815349750;0.008333333333333333217685101602;0.010833333333333333703407674875;0.016666666666666666435370203203;0.039722222222222221266196839906;0.014444444444444443781394582516;0.003055555555555555715535609451;0.005000000000000000104083408559;0.021944444444444443503838826359;0.004444444444444444440589503387;0.020555555555555556079827539406;0.000000000000000000000000000000;0.012222222222222222862142437805;0.015555555555555555108382392859;0.010555555555555555871660722289;0.039722222222222221266196839906;0.026111111111111112714766591125;0.028055555555555555802271783250;0.015555555555555555108382392859
-0.021130952380952382207990325469;0.012500000000000000693889390391;0.086607142857142854763807804375;0.038988095238095238359576910625;0.005059523809523809763366575254;0.013988095238095238706521605820;0.000297619047619047645894529985;0.012202380952380952397473556914;0.096726190476190479494711382813;0.012500000000000000693889390391;0.011011904761904762681257174961;0.018749999999999999306110609609;0.006845238095238095205052886172;0.039285714285714284921269268125;0.011011904761904762681257174961;0.019345238095238095898942276563;0.041369047619047617792009674531;0.052678571428571428769682682969;0.008630952380952381514100935078;0.011309523809523809242949532461;0.008928571428571428075793292578;0.064583333333333339809634310313;0.009226190476190476372209126055;0.016369047619047619873677845703;0.027380952380952380820211544687;0.024404761904761904794947113828;0.015773809523809523280846178750;0.013392857142857142113689938867;0.000000000000000000000000000000;0.009523809523809524668624959531;0.011309523809523809242949532461;0.014285714285714285268213963320;0.002976190476190476025264430859;0.009821428571428571230317317031;0.016964285714285712997062560703;0.035416666666666665741480812812;0.011607142857142857539365365938;0.002976190476190476025264430859;0.014583333333333333564629796797;0.025000000000000001387778780781;0.004761904761904762334312479766;0.034821428571428572618096097813;0.000000000000000000000000000000;0.007738095238095238359576910625;0.002083333333333333304421275400;0.005357142857142857192420670742;0.030952380952380953438307642500;0.019940476190476189022326991562;0.021726190476190475331375040469;0.017857142857142856151586585156
-0.024583333333333332038073137937;0.029999999999999998889776975375;0.087916666666666670737484423626;0.073333333333333333703407674875;0.006666666666666667094565124074;0.007083333333333332974823814965;0.002916666666666666799662133158;0.018749999999999999306110609609;0.053749999999999999167332731531;0.025000000000000001387778780781;0.011249999999999999583666365766;0.003749999999999999861222121922;0.008333333333333333217685101602;0.039583333333333331482961625625;0.029166666666666667129259593594;0.014583333333333333564629796797;0.039583333333333331482961625625;0.043749999999999997224442438437;0.008333333333333333217685101602;0.009166666666666666712925959359;0.010416666666666666088425508008;0.032500000000000001110223024625;0.007499999999999999722444243844;0.028750000000000001249000902703;0.019583333333333334536074943344;0.032916666666666663521034763562;0.026249999999999999028554853453;0.024583333333333332038073137937;0.001250000000000000026020852140;0.003333333333333333547282562037;0.005416666666666666851703837438;0.022916666666666665047591422422;0.005416666666666666851703837438;0.005416666666666666851703837438;0.008750000000000000832667268469;0.041666666666666664353702032031;0.009166666666666666712925959359;0.008750000000000000832667268469;0.001666666666666666773641281019;0.009166666666666666712925959359;0.006666666666666667094565124074;0.026249999999999999028554853453;0.000000000000000000000000000000;0.012500000000000000693889390391;0.006666666666666667094565124074;0.008333333333333333217685101602;0.040416666666666663243479007406;0.023333333333333334397297065266;0.017083333333333332315628894094;0.015833333333333334674852821422
-0.029059829059829060671216183209;0.005982905982905983334474431246;0.091452991452991447274278868917;0.000000000000000000000000000000;0.001709401709401709400226732072;0.029487179487179486503389824748;0.000854700854700854700113366036;0.016239316239316240603196561665;0.033333333333333332870740406406;0.023076923076923078204103489952;0.023076923076923078204103489952;0.017948717948717947401338079771;0.014529914529914530335608091605;0.045726495726495723637139434459;0.008119658119658120301598280832;0.029487179487179486503389824748;0.023504273504273504036277131490;0.032478632478632481206393123330;0.010683760683760683968257509946;0.014529914529914530335608091605;0.009401709401709401267566157401;0.029059829059829060671216183209;0.008547008547008547868495398347;0.024358974358974359170071366520;0.048290598290598292507969091503;0.040598290598290599773267928185;0.036324786324786327573743704988;0.003418803418803418800453464144;0.000000000000000000000000000000;0.011965811965811966668948862491;0.009829059829059828834463274916;0.015811965811965811301575968173;0.007264957264957265167804045802;0.014102564102564102768710974090;0.020940170940170938634894426400;0.047863247863247866675795449964;0.011538461538461539102051744976;0.007264957264957265167804045802;0.004273504273504273934247699174;0.015811965811965811301575968173;0.001709401709401709400226732072;0.011538461538461539102051744976;0.000000000000000000000000000000;0.011111111111111111535154627461;0.002991452991452991667237215623;0.006410256410256410034009810772;0.055128205128205126639429067836;0.036324786324786327573743704988;0.030341880341880341637184059778;0.026495726495726495269833478119
-0.032624113475177303478336199305;0.009219858156028368223466884501;0.102836879432624109242944143716;0.000354609929078014208311125932;0.000000000000000000000000000000;0.014893617021276596423806637404;0.000000000000000000000000000000;0.010283687943262410577349719176;0.052127659574468084013876278959;0.015248226950354609385285264977;0.013829787234042552335200326752;0.010638297872340425273551822727;0.012765957446808509981317492077;0.058156028368794326910418135412;0.005319148936170212636775911363;0.019858156028368795231742183205;0.035460992907801421047953027710;0.044680851063829789271419912211;0.005319148936170212636775911363;0.015248226950354609385285264977;0.006737588652482269686860849589;0.051418439716312054621472071858;0.013829787234042552335200326752;0.030851063829787233466772633506;0.034751773049645391655548820609;0.032624113475177303478336199305;0.030141843971631204074368426404;0.003191489361702127495329373019;0.000354609929078014208311125932;0.003191489361702127495329373019;0.010283687943262410577349719176;0.017730496453900710523976513855;0.004609929078014184111733442251;0.012411347517730497019838864503;0.025886524822695034658837087704;0.050354609929078017471759665113;0.011702127659574467627434657402;0.006737588652482269686860849589;0.004255319148936170282893076688;0.021985815602836879939507852555;0.002836879432624113666489007457;0.019503546099290780535540079654;0.000000000000000000000000000000;0.012411347517730497019838864503;0.001773049645390070878925303788;0.008865248226950355261988256927;0.043262411347517730486611498009;0.037234042553191487590069641556;0.023758865248226949951071418354;0.018439716312056736446933769002
-0.061111111111111109106541761093;0.003703703703703703845051542487;0.052962962962962961688262453208;0.000000000000000000000000000000;0.000370370370370370351979089074;0.037407407407407410049327012302;0.000370370370370370351979089074;0.008518518518518519017090895318;0.020000000000000000416333634234;0.018888888888888889089345823891;0.015925925925925926707193980292;0.020740740740740740144509857146;0.029999999999999998889776975375;0.047037037037037036923958766010;0.002222222222222222220294751693;0.048148148148148148250946576354;0.018888888888888889089345823891;0.019259259259259260688157411323;0.006666666666666667094565124074;0.014074074074074073917306471060;0.014444444444444443781394582516;0.020000000000000000416333634234;0.008518518518518519017090895318;0.031481481481481478346129421197;0.076666666666666660745477201999;0.045925925925925925596970955667;0.018518518518518517490534236458;0.001111111111111111110147375847;0.000370370370370370351979089074;0.008148148148148147418279307885;0.020740740740740740144509857146;0.017037037037037038034181790636;0.004444444444444444440589503387;0.010000000000000000208166817117;0.035555555555555555524716027094;0.032222222222222221543752596062;0.007037037037037036958653235530;0.014444444444444443781394582516;0.002592592592592592518063732143;0.014444444444444443781394582516;0.002592592592592592518063732143;0.005925925925925925631665425186;0.000000000000000000000000000000;0.017777777777777777762358013547;0.001481481481481481407916356297;0.014074074074074073917306471060;0.037777777777777778178691647781;0.051111111111111114102545371907;0.029629629629629630760412339896;0.029629629629629630760412339896
-0.073030303030303028721803570988;0.001212121212121212120160773651;0.047272727272727271818908434398;0.000000000000000000000000000000;0.000606060606060606060080386825;0.044848484848484845843863411119;0.000303030303030303030040193413;0.008787878787878787220644305478;0.011818181818181817954727108599;0.020303030303030301928490786167;0.026969696969696969890417648230;0.021515151515151514916013297807;0.028484848484848484390097311802;0.055151515151515152768357808100;0.002424242424242424240321547302;0.050606060606060605799871865429;0.010000000000000000208166817117;0.016666666666666666435370203203;0.009696969696969696961286189207;0.007575757575757575967845269815;0.013030303030303030942249620239;0.008787878787878787220644305478;0.006969696969696969474084013996;0.031515151515151516858903590901;0.086666666666666669627261399000;0.049090909090909087830745249903;0.020909090909090908422252041987;0.000303030303030303030040193413;0.001515151515151515150200967064;0.010303030303030303455047445027;0.021212121212121213403856145874;0.008787878787878787220644305478;0.009393939393939393714405561298;0.005757575757575757353923240345;0.032424242424242424864821998653;0.026060606060606061884499240477;0.008787878787878787220644305478;0.016666666666666666435370203203;0.000303030303030303030040193413;0.012424242424242424448488364419;0.003030303030303030300401934127;0.003030303030303030300401934127;0.000000000000000000000000000000;0.016363636363636364923213051270;0.001818181818181818180241160476;0.009393939393939393714405561298;0.040606060606060603856981572335;0.056060606060606060774276215852;0.030606060606060605383538231195;0.030909090909090910365142335081
-0.039942528735632185088455514688;0.005747126436781609115644897656;0.066379310344827580081528139999;0.117528735632183911619108585001;0.002298850574712643646257959062;0.009770114942528735496596326016;0.001149425287356321823128979531;0.015229885057471264156458978789;0.035344827586206897795939596563;0.030172413793103449591859188672;0.010057471264367815952378570898;0.005172413793103448204080407891;0.005172413793103448204080407891;0.046551724137931037306170622969;0.009770114942528735496596326016;0.017816091954022988258499182734;0.031609195402298853605493889063;0.029597701149425288680294698906;0.008620689655172413673467346484;0.012643678160919540054418774844;0.011494252873563218231289795312;0.027011494252873562843531018984;0.006896551724137930938773877187;0.036206896551724140898009807188;0.025862068965517241020402039453;0.042241379310344828734713473750;0.022988505747126436462579590625;0.002586206896551724102040203945;0.001436781609195402278911224414;0.004885057471264367748298163008;0.012643678160919540054418774844;0.022701149425287357741520821719;0.003448275862068965469386938594;0.008333333333333333217685101602;0.014080459770114942333329999258;0.046264367816091951646217950156;0.015804597701149426802746944531;0.011781609195402298687072040195;0.002298850574712643646257959062;0.014367816091954022789112244141;0.002011494252873563190475714180;0.007183908045977011394556122070;0.000000000000000000000000000000;0.023275862068965518653085311485;0.004310344827586206836733673242;0.016091954022988505523805713437;0.042528735632183907455772242656;0.033045977011494254149681637500;0.023275862068965518653085311485;0.014367816091954022789112244141
-0.008680555555555555941049661328;0.008680555555555555941049661328;0.062847222222222220988641083750;0.419097222222222232090871330001;0.005208333333333333044212754004;0.005555555555555555767577313730;0.001736111111111111014737584668;0.009722222222222222376419864531;0.032291666666666669904817155157;0.021527777777777777623580135469;0.005208333333333333044212754004;0.004513888888888888464845372539;0.003125000000000000173472347598;0.023958333333333334952408577578;0.010763888888888888811790067734;0.007638888888888888638317720137;0.038194444444444447528397290625;0.032291666666666669904817155157;0.003125000000000000173472347598;0.006597222222222222202947516934;0.006944444444444444058950338672;0.021874999999999998612221219219;0.002777777777777777883788656865;0.026388888888888888811790067734;0.006250000000000000346944695195;0.020486111111111111188209932266;0.015972222222222220988641083750;0.005208333333333333044212754004;0.003819444444444444319158860068;0.003472222222222222029475169336;0.001388888888888888941894328433;0.028125000000000000693889390391;0.001041666666666666652210637700;0.003472222222222222029475169336;0.001388888888888888941894328433;0.038888888888888889505679458125;0.005555555555555555767577313730;0.002430555555555555594104966133;0.001736111111111111014737584668;0.012152777777777777970524830664;0.004861111111111111188209932266;0.008333333333333333217685101602;0.000000000000000000000000000000;0.010416666666666666088425508008;0.004861111111111111188209932266;0.005208333333333333044212754004;0.026041666666666667823148983985;0.010416666666666666088425508008;0.005555555555555555767577313730;0.004166666666666666608842550801
-0.024031007751937984162626804618;0.001162790697674418588514200223;0.124418604651162792440466375865;0.000000000000000000000000000000;0.000000000000000000000000000000;0.001937984496124030980857000372;0.000387596899224806196171400074;0.020542635658914728397084203948;0.029457364341085270909026405661;0.066279069767441856075862460784;0.008139534883720930119599401564;0.000387596899224806196171400074;0.000775193798449612392342800149;0.064341085271317835503346316273;0.003100775193798449569371200596;0.020542635658914728397084203948;0.032170542635658917751673158136;0.030620155038759689497540605885;0.002325581395348837177028400447;0.006976744186046511531085201341;0.010852713178294573492799202086;0.020930232558139534593255604022;0.000387596899224806196171400074;0.089534883720930227846146465254;0.018992248062015503612398603650;0.068604651162790700191784765138;0.020155038759689922200912803874;0.000000000000000000000000000000;0.000775193798449612392342800149;0.000000000000000000000000000000;0.000387596899224806196171400074;0.038759689922480619617140007449;0.000000000000000000000000000000;0.003100775193798449569371200596;0.002713178294573643373199800521;0.076356589147286824115212766628;0.006589147286821705334913801266;0.003875968992248061961714000745;0.000387596899224806196171400074;0.002713178294573643373199800521;0.007364341085271317727256601415;0.003100775193798449569371200596;0.000000000000000000000000000000;0.034496124031007754928701558583;0.000000000000000000000000000000;0.015116279069767441650684602905;0.081782945736434103922718463764;0.031007751937984495693712005959;0.005426356589147286746399601043;0.018992248062015503612398603650
-0.034782608695652174335410933281;0.003260869565217391127104340498;0.089492753623188411871147707188;0.000000000000000000000000000000;0.000362318840579710149327197222;0.018115942028985507900040730078;0.000362318840579710149327197222;0.017028985507246376801537834922;0.031521739130434781039902247812;0.047101449275362319846216507813;0.017753623188405797533873098359;0.008333333333333333217685101602;0.008333333333333333217685101602;0.055072463768115940963010501719;0.002898550724637681194617577773;0.022463768115942028824605358750;0.033695652173913043236908038125;0.031884057971014491406069879531;0.005434782608695652023067523828;0.012318840579710145510805574531;0.010869565217391304046135047656;0.022101449275362318458437727031;0.004347826086956521791926366660;0.055434782608695651329178133437;0.036956521739130436532416723594;0.042028985507246374719869663750;0.021376811594202897726102463594;0.003260869565217391127104340498;0.000362318840579710149327197222;0.008695652173913043583852733320;0.005797101449275362389235155547;0.026449275362318839383002355703;0.003260869565217391127104340498;0.010144927536231883313799784219;0.015579710144927537071590784024;0.054347826086956520230675238281;0.010869565217391304046135047656;0.007246376811594202986543944434;0.002898550724637681194617577773;0.011956521739130435144637942813;0.002898550724637681194617577773;0.018478260869565218266208361797;0.000000000000000000000000000000;0.023550724637681159923108253906;0.000000000000000000000000000000;0.009420289855072464316187996758;0.064130434782608700117201294688;0.042028985507246374719869663750;0.021739130434782608092270095312;0.023550724637681159923108253906
-0.024285714285714285476380780437;0.002380952380952381167156239883;0.102857142857142855318919316687;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005238095238095237873854337352;0.000000000000000000000000000000;0.020476190476190477690598967797;0.017142857142857143709635536766;0.069523809523809529387072814188;0.007619047619047619041010577234;0.001428571428571428570189483231;0.006666666666666667094565124074;0.059047619047619050169917187532;0.002380952380952381167156239883;0.010476190476190475747708674703;0.053809523809523807091892422250;0.040000000000000000832667268469;0.003333333333333333547282562037;0.014285714285714285268213963320;0.013333333333333334189130248149;0.012857142857142856914864914586;0.002857142857142857140378966463;0.088571428571428564846534925437;0.020000000000000000416333634234;0.053809523809523807091892422250;0.011904761904761904101057723437;0.000000000000000000000000000000;0.000952380952380952380126322154;0.000476190476190476190063161077;0.001904761904761904760252644309;0.045238095238095236971798129844;0.000000000000000000000000000000;0.001904761904761904760252644309;0.008571428571428571854817768383;0.086190476190476192352996065438;0.015714285714285715356286488031;0.004285714285714285927408884191;0.000476190476190476190063161077;0.006190476190476190687661528500;0.004285714285714285927408884191;0.006190476190476190687661528500;0.000000000000000000000000000000;0.035238095238095235028907836750;0.000000000000000000000000000000;0.013809523809523809728672105734;0.063809523809523815973676619251;0.026666666666666668378260496297;0.011428571428571428561515865852;0.022380952380952379848766398140
-0.024418604651162790358798204693;0.029069767441860464712855005587;0.064728682170542631291176860486;0.005426356589147286746399601043;0.005426356589147286746399601043;0.013565891472868216865999002607;0.001162790697674418588514200223;0.035658914728682170047768806853;0.025193798449612402751141004842;0.035271317829457367321044358732;0.012015503875968992081313402309;0.006976744186046511531085201341;0.017054263565891472631541603278;0.037596899224806204498072759179;0.013953488372093023062170402682;0.011240310077519379688970602160;0.031007751937984495693712005959;0.052325581395348839952585962010;0.014341085271317829258341802756;0.010077519379844961100456401937;0.019767441860465116004741403799;0.019379844961240309808570003725;0.016666666666666666435370203203;0.044186046511627906363539608492;0.024806201550387596554969604767;0.034108527131782945263083206555;0.029457364341085270909026405661;0.022868217054263565574112604395;0.000775193798449612392342800149;0.014728682170542635454513202831;0.006589147286821705334913801266;0.029844961240310077105197805736;0.008139534883720930119599401564;0.007364341085271317727256601415;0.016279069767441860239198803129;0.051937984496124030286967609982;0.013953488372093023062170402682;0.005038759689922480550228200968;0.000775193798449612392342800149;0.013953488372093023062170402682;0.011627906976744185885142002235;0.017441860465116278827713003352;0.000000000000000000000000000000;0.017829457364341085023884403427;0.013565891472868216865999002607;0.009689922480620154904285001862;0.032945736434108530144015958285;0.021317829457364340789427004097;0.034883720930232557655426006704;0.013565891472868216865999002607
-0.027131782945736433731998005214;0.015503875968992247846856002980;0.078682170542635654353347263168;0.032945736434108530144015958285;0.005426356589147286746399601043;0.021317829457364340789427004097;0.001162790697674418588514200223;0.021317829457364340789427004097;0.031395348837209305359330357987;0.025968992248062015143483804991;0.018217054263565891220055803501;0.028294573643410852320512205438;0.015116279069767441650684602905;0.040310077519379844401825607747;0.014728682170542635454513202831;0.018217054263565891220055803501;0.033720930232558142536358758434;0.041860465116279069186511208045;0.011627906976744185885142002235;0.008914728682170542511942201713;0.011627906976744185885142002235;0.020155038759689922200912803874;0.010465116279069767296627802011;0.032170542635658917751673158136;0.031782945736434108086054806108;0.031782945736434108086054806108;0.033720930232558142536358758434;0.003875968992248061961714000745;0.001162790697674418588514200223;0.018217054263565891220055803501;0.018604651162790697416227203576;0.018217054263565891220055803501;0.009302325581395348708113601788;0.011240310077519379688970602160;0.020542635658914728397084203948;0.033333333333333332870740406406;0.015891472868217054043027403054;0.006201550387596899138742401192;0.000775193798449612392342800149;0.018604651162790697416227203576;0.005813953488372092942571001117;0.017054263565891472631541603278;0.000000000000000000000000000000;0.017441860465116278827713003352;0.004651162790697674354056800894;0.007751937984496123923428001490;0.040697674418604654067443959775;0.023255813953488371770284004469;0.026744186046511627535826605140;0.017054263565891472631541603278
-0.031111111111111110216764785719;0.012222222222222222862142437805;0.051481481481481482231910007386;0.001481481481481481407916356297;0.002962962962962962815832712593;0.019259259259259260688157411323;0.001111111111111111110147375847;0.017407407407407406163546426114;0.027407407407407408106436719208;0.062592592592592588562894206916;0.016666666666666666435370203203;0.018148148148148149361169600979;0.007037037037037036958653235530;0.045185185185185182399347780802;0.005555555555555555767577313730;0.022592592592592591199673890401;0.024814814814814813853649511088;0.023333333333333334397297065266;0.007037037037037036958653235530;0.007037037037037036958653235530;0.010740740740740739936343040029;0.013703703703703704053218359604;0.000740740740740740703958178148;0.085925925925925919490744320228;0.028518518518518519433424529552;0.049259259259259259577934386698;0.029629629629629630760412339896;0.003333333333333333547282562037;0.001851851851851851922525771243;0.013703703703703704053218359604;0.011111111111111111535154627461;0.038888888888888889505679458125;0.002962962962962962815832712593;0.007037037037037036958653235530;0.011111111111111111535154627461;0.067037037037037033870845448291;0.010370370370370370072254928573;0.015185185185185185244294281404;0.002962962962962962815832712593;0.003703703703703703845051542487;0.007037037037037036958653235530;0.017407407407407406163546426114;0.000000000000000000000000000000;0.038148148148148146308056283260;0.001481481481481481407916356297;0.018888888888888889089345823891;0.050740740740740739034286832521;0.027777777777777776235801354687;0.009259259259259258745267118229;0.017037037037037038034181790636
-0.064393939393939392257237841477;0.010606060606060606701928072937;0.032954545454545451643735276548;0.007196969696969697342925353922;0.014772727272727272443408885749;0.043560606060606063549833777415;0.003030303030303030300401934127;0.020075757575757576661734660206;0.007954545454545453725403447720;0.028409090909090908144696285831;0.022727272727272727903535809446;0.023863636363636364645657295114;0.021212121212121213403856145874;0.037878787878787879839226349077;0.007954545454545453725403447720;0.032575757575757577355624050597;0.015151515151515151935690539631;0.015151515151515151935690539631;0.028030303030303030387138107926;0.003409090909090908925321850020;0.016666666666666666435370203203;0.006439393939393939225723784148;0.012500000000000000693889390391;0.041287878787878790065590806080;0.067803030303030309422496202387;0.038636363636363635354342704886;0.020833333333333332176851016015;0.005303030303030303350964036468;0.000757575757575757575100483532;0.028030303030303030387138107926;0.019696969696969695434729530348;0.020454545454545454419292838111;0.011363636363636363951767904723;0.003409090909090908925321850020;0.024621212121212120160773650923;0.028030303030303030387138107926;0.010227272727272727209646419055;0.022348484848484850145977631541;0.000757575757575757575100483532;0.007954545454545453725403447720;0.003787878787878787983922634908;0.010227272727272727209646419055;0.000000000000000000000000000000;0.020833333333333332176851016015;0.012878787878787878451447568295;0.012121212121212121201607736509;0.032196969696969696128618920739;0.036742424242424243097104863409;0.023484848484848483418652165255;0.019696969696969695434729530348
-0.033888888888888892003681263532;0.007777777777777777554191196430;0.071111111111111111049432054187;0.063055555555555559132940857126;0.002500000000000000052041704279;0.022777777777777778733803160094;0.001666666666666666773641281019;0.017222222222222222098864108375;0.030833333333333334119741309109;0.021666666666666667406815349750;0.016111111111111110771876298031;0.011944444444444445030395485219;0.017777777777777777762358013547;0.038055555555555557745162076344;0.008611111111111111049432054187;0.021944444444444443503838826359;0.028333333333333331899295259859;0.048055555555555552749158465531;0.016111111111111110771876298031;0.014444444444444443781394582516;0.014722222222222221613141535101;0.024444444444444445724284875610;0.017222222222222222098864108375;0.027500000000000000138777878078;0.034722222222222223764198645313;0.029166666666666667129259593594;0.028055555555555555802271783250;0.002500000000000000052041704279;0.000277777777777777777536843962;0.011666666666666667198648532633;0.008888888888888888881179006773;0.020000000000000000416333634234;0.012500000000000000693889390391;0.007777777777777777554191196430;0.026666666666666668378260496297;0.055555555555555552471602709375;0.015277777777777777276635440273;0.006944444444444444058950338672;0.000555555555555555555073687923;0.018333333333333333425851918719;0.006944444444444444058950338672;0.011944444444444445030395485219;0.000000000000000000000000000000;0.014999999999999999444888487687;0.006111111111111111431071218902;0.011944444444444445030395485219;0.029999999999999998889776975375;0.018611111111111109522875395328;0.031111111111111110216764785719;0.011666666666666667198648532633
-0.016666666666666666435370203203;0.003636363636363636360482320953;0.053636363636363634799231192574;0.350606060606060587758747715270;0.000303030303030303030040193413;0.006666666666666667094565124074;0.000606060606060606060080386825;0.010303030303030303455047445027;0.025151515151515150409133880771;0.029090909090909090883858567622;0.010303030303030303455047445027;0.004242424242424242854243576772;0.006363636363636363847684496164;0.025454545454545455390737984658;0.009696969696969696961286189207;0.010000000000000000208166817117;0.038787878787878787845144756830;0.038181818181818184820830452963;0.003030303030303030300401934127;0.009696969696969696961286189207;0.005757575757575757353923240345;0.021515151515151514916013297807;0.005151515151515151727523722514;0.032424242424242424864821998653;0.010000000000000000208166817117;0.019090909090909092410415226482;0.014242424242424242195048655901;0.001818181818181818180241160476;0.000606060606060606060080386825;0.003333333333333333547282562037;0.002121212121212121427121788386;0.028181818181818182877940159869;0.001212121212121212120160773651;0.006060606060606060600803868255;0.007272727272727272720964641906;0.045454545454545455807071618892;0.008484848484848485708487153545;0.003333333333333333547282562037;0.001212121212121212120160773651;0.013333333333333334189130248149;0.004848484848484848480643094604;0.008484848484848485708487153545;0.000000000000000000000000000000;0.015757575757575758429451795450;0.006969696969696969474084013996;0.010606060606060606701928072937;0.029999999999999998889776975375;0.019090909090909092410415226482;0.009696969696969696961286189207;0.011515151515151514707846480690
-0.020740740740740740144509857146;0.004814814814814815172039352831;0.041481481481481480289019714291;0.367037037037037050524190817669;0.001111111111111111110147375847;0.011481481481481481399242738917;0.002962962962962962815832712593;0.008518518518518519017090895318;0.017037037037037038034181790636;0.020740740740740740144509857146;0.012222222222222222862142437805;0.004814814814814815172039352831;0.009629629629629630344078705662;0.026666666666666668378260496297;0.010740740740740739936343040029;0.018518518518518517490534236458;0.021851851851851851471497667490;0.015555555555555555108382392859;0.005555555555555555767577313730;0.006666666666666667094565124074;0.011481481481481481399242738917;0.017777777777777777762358013547;0.007407407407407407690103084974;0.020740740740740740144509857146;0.029259259259259259161600752464;0.029629629629629630760412339896;0.014074074074074073917306471060;0.000370370370370370351979089074;0.001851851851851851922525771243;0.007037037037037036958653235530;0.008518518518518519017090895318;0.015185185185185185244294281404;0.005925925925925925631665425186;0.004814814814814815172039352831;0.014444444444444443781394582516;0.018518518518518517490534236458;0.009629629629629630344078705662;0.012592592592592592726230549260;0.001481481481481481407916356297;0.013703703703703704053218359604;0.002592592592592592518063732143;0.008888888888888888881179006773;0.000000000000000000000000000000;0.013333333333333334189130248149;0.007407407407407407690103084974;0.012592592592592592726230549260;0.027407407407407408106436719208;0.024444444444444445724284875610;0.018888888888888889089345823891;0.011851851851851851263330850372
-0.041666666666666664353702032031;0.002430555555555555594104966133;0.059027777777777776235801354687;0.000347222222222222235473582108;0.000347222222222222235473582108;0.013541666666666667129259593594;0.001388888888888888941894328433;0.018402777777777778317469525859;0.017361111111111111882099322656;0.037499999999999998612221219219;0.017708333333333332870740406406;0.010069444444444445099784424258;0.011458333333333332523795711211;0.062847222222222220988641083750;0.002430555555555555594104966133;0.028125000000000000693889390391;0.030902777777777779011358916250;0.031250000000000000000000000000;0.008680555555555555941049661328;0.014236111111111110841265237070;0.013194444444444444405895033867;0.015277777777777777276635440273;0.005902777777777777623580135469;0.056944444444444443365060948281;0.040972222222222222376419864531;0.058680555555555555247160270937;0.027083333333333334258519187188;0.001041666666666666652210637700;0.000000000000000000000000000000;0.006250000000000000346944695195;0.011111111111111111535154627461;0.028472222222222221682530474141;0.002430555555555555594104966133;0.009027777777777776929690745078;0.018055555555555553859381490156;0.057986111111111113269878103438;0.016666666666666666435370203203;0.012500000000000000693889390391;0.002777777777777777883788656865;0.009027777777777776929690745078;0.004861111111111111188209932266;0.007986111111111110494320541875;0.000000000000000000000000000000;0.026388888888888888811790067734;0.000347222222222222235473582108;0.017708333333333332870740406406;0.059027777777777776235801354687;0.040972222222222222376419864531;0.021527777777777777623580135469;0.018055555555555553859381490156
-0.027777777777777776235801354687;0.004761904761904762334312479766;0.080952380952380956213865204063;0.006349206349206349200842147695;0.000793650793650793650105268462;0.013095238095238095551997581367;0.000793650793650793650105268462;0.029761904761904760252644308594;0.016269841269841271019780393203;0.042857142857142857539365365938;0.022619047619047618485899064922;0.007142857142857142634106981660;0.010317460317460317234528055508;0.053174603174603173039169945469;0.006746031746031746351155433672;0.013492063492063492702310867344;0.027777777777777776235801354687;0.040873015873015873522522412031;0.018253968253968255036623347110;0.009126984126984127518311673555;0.012301587301587301251371009414;0.013492063492063492702310867344;0.007539682539682539784420267637;0.056349206349206350241676233281;0.026190476190476191103995162734;0.052777777777777777623580135469;0.050000000000000002775557561563;0.000396825396825396825052634231;0.001190476190476190583578119941;0.009126984126984127518311673555;0.003571428571428571317053490830;0.024603174603174602502742018828;0.010317460317460317234528055508;0.006746031746031746351155433672;0.014682539682539682418527249297;0.057936507936507938842929377188;0.021428571428571428769682682969;0.006349206349206349200842147695;0.000000000000000000000000000000;0.011111111111111111535154627461;0.003968253968253968033685907812;0.005158730158730158617264027754;0.000000000000000000000000000000;0.024206349206349207087152208828;0.005158730158730158617264027754;0.013888888888888888117900677344;0.048809523809523809589894227656;0.029761904761904760252644308594;0.034920634920634921471993550313;0.015079365079365079568840535273
-0.035576923076923075428545928389;0.017307692307692308653077617464;0.065384615384615388244959888198;0.005769230769230769551025872488;0.005769230769230769551025872488;0.031089743589743590312934884423;0.000641025641025641025085024527;0.019230769230769231836752908293;0.039743589743589741170026741202;0.021153846153846155020428199123;0.018910256410256408993175725186;0.020833333333333332176851016015;0.016025641025641024217662788942;0.031410256410256409687065115577;0.011858974358974358476181976130;0.018910256410256408993175725186;0.033012820512820513496610175252;0.044551282051282052598661920229;0.023076923076923078204103489952;0.011858974358974358476181976130;0.017628205128205128027207848618;0.025000000000000001387778780781;0.010897435897435896884344330715;0.029807692307692309346967007855;0.038141025641025644299375585433;0.035576923076923075428545928389;0.027243589743589743945584302764;0.014102564102564102768710974090;0.000320512820512820512542512263;0.033653846153846152244870637560;0.012179487179487179585035683260;0.021153846153846155020428199123;0.013141025641025641176873328675;0.006410256410256410034009810772;0.018269230769230770244915262879;0.037820512820512817986351450372;0.014743589743589743251694912374;0.010576923076923077510214099561;0.004807692307692307959188227073;0.014102564102564102768710974090;0.006410256410256410034009810772;0.021153846153846155020428199123;0.000000000000000000000000000000;0.012179487179487179585035683260;0.004166666666666666608842550801;0.011217948717948717993198037846;0.026923076923076924571454071611;0.019551282051282051210883139447;0.025961538461538462979616426196;0.014743589743589743251694912374
-0.028703703703703703498106847292;0.009259259259259258745267118229;0.090740740740740746805848004897;0.000000000000000000000000000000;0.006481481481481481295159330358;0.033796296296296296501893152708;0.000925925925925925961262885622;0.019444444444444444752839729063;0.028240740740740739866954100989;0.027314814814814816074095560339;0.012500000000000000693889390391;0.022685185185185186701462001224;0.016666666666666666435370203203;0.047222222222222220988641083750;0.009722222222222222376419864531;0.010648148148148147904001881159;0.046759259259259257357488337448;0.033333333333333332870740406406;0.023148148148148146863167795573;0.011574074074074073431583897786;0.014814814814814815380206169948;0.025925925925925925180637321432;0.014814814814814815380206169948;0.041203703703703700722549285729;0.027314814814814816074095560339;0.026388888888888888811790067734;0.026388888888888888811790067734;0.000462962962962962980631442811;0.000000000000000000000000000000;0.036111111111111107718762980312;0.021759259259259259439156508620;0.031481481481481478346129421197;0.009722222222222222376419864531;0.010648148148148147904001881159;0.011574074074074073431583897786;0.048148148148148148250946576354;0.010185185185185186007572610833;0.006018518518518518531368322044;0.002777777777777777883788656865;0.016203703703703702804217456901;0.002777777777777777883788656865;0.017592592592592593697675695807;0.000000000000000000000000000000;0.014351851851851851749053423646;0.005555555555555555767577313730;0.006944444444444444058950338672;0.043981481481481482509465763542;0.021296296296296295808003762318;0.017592592592592593697675695807;0.008796296296296296848837847904
-0.025185185185185185452461098521;0.010370370370370370072254928573;0.072222222222222215437525960624;0.006666666666666667094565124074;0.026666666666666668378260496297;0.016666666666666666435370203203;0.001481481481481481407916356297;0.018148148148148149361169600979;0.035185185185185187395351391615;0.033333333333333332870740406406;0.011851851851851851263330850372;0.008888888888888888881179006773;0.012962962962962962590318660716;0.045925925925925925596970955667;0.010000000000000000208166817117;0.017037037037037038034181790636;0.033703703703703701000105041885;0.036296296296296298722339201959;0.012592592592592592726230549260;0.012592592592592592726230549260;0.012962962962962962590318660716;0.033333333333333332870740406406;0.010740740740740739936343040029;0.038518518518518521376314822646;0.023333333333333334397297065266;0.041851851851851848418384349770;0.018888888888888889089345823891;0.009259259259259258745267118229;0.000740740740740740703958178148;0.012222222222222222862142437805;0.012592592592592592726230549260;0.022962962962962962798485477833;0.006296296296296296363115274630;0.007777777777777777554191196430;0.028518518518518519433424529552;0.042962962962962959745372160114;0.012962962962962962590318660716;0.008148148148148147418279307885;0.005555555555555555767577313730;0.025555555555555557051272685953;0.002222222222222222220294751693;0.023703703703703702526661700745;0.000000000000000000000000000000;0.017407407407407406163546426114;0.005925925925925925631665425186;0.010740740740740739936343040029;0.040370370370370368962031903948;0.032592592592592589673117231541;0.025185185185185185452461098521;0.018888888888888889089345823891
-0.041111111111111112159655078813;0.005925925925925925631665425186;0.067777777777777784007362527063;0.001111111111111111110147375847;0.008148148148148147418279307885;0.024444444444444445724284875610;0.001851851851851851922525771243;0.014074074074074073917306471060;0.031481481481481478346129421197;0.025555555555555557051272685953;0.014444444444444443781394582516;0.017037037037037038034181790636;0.016296296296296294836558615771;0.053333333333333336756520992594;0.007407407407407407690103084974;0.027777777777777776235801354687;0.024444444444444445724284875610;0.030740740740740742087400150240;0.014074074074074073917306471060;0.011111111111111111535154627461;0.015185185185185185244294281404;0.026666666666666668378260496297;0.011481481481481481399242738917;0.037407407407407410049327012302;0.038148148148148146308056283260;0.032592592592592589673117231541;0.027037037037037036507625131776;0.001851851851851851922525771243;0.000370370370370370351979089074;0.022592592592592591199673890401;0.012592592592592592726230549260;0.020000000000000000416333634234;0.008148148148148147418279307885;0.010000000000000000208166817117;0.019629629629629628817522046802;0.043333333333333334813630699500;0.017037037037037038034181790636;0.006296296296296296363115274630;0.002222222222222222220294751693;0.022592592592592591199673890401;0.001851851851851851922525771243;0.010000000000000000208166817117;0.000000000000000000000000000000;0.019629629629629628817522046802;0.005185185185185185036127464286;0.014814814814814815380206169948;0.050370370370370370904922197042;0.028518518518518519433424529552;0.035185185185185187395351391615;0.021111111111111111743321444578
-0.044350282485875705540401270355;0.005084745762711864042193710134;0.075988700564971756179488693306;0.000000000000000000000000000000;0.001412429378531073441427334814;0.022598870056497175062837357018;0.000847457627118644043172357438;0.013276836158192089828999904455;0.031355932203389828838435704483;0.031638418079096043700193519044;0.015819209039548021850096759522;0.013841807909604519552515533576;0.012429378531073446978449936751;0.056214689265536722795335577985;0.002824858757062146882854669627;0.036440677966101696350076366571;0.035310734463276836903045108329;0.032203389830508473423709148165;0.008474576271186440648564008882;0.011864406779661017254934307630;0.007344632768361582068894488629;0.027401129943502824243273252591;0.011016949152542372669660863949;0.042655367231638416369854382992;0.049435028248587573052041932442;0.042655367231638416369854382992;0.020338983050847456168774840535;0.002542372881355932021096855067;0.001129943502824858796509954750;0.009039548022598870372079638003;0.011864406779661017254934307630;0.019774011299435029914706163368;0.004519774011299435186039819001;0.008474576271186440648564008882;0.020903954802259885892290469656;0.044632768361581920402159084915;0.011864406779661017254934307630;0.014971751412429378999546791817;0.007627118644067796930652303189;0.015254237288135593861304606378;0.001129943502824858796509954750;0.013841807909604519552515533576;0.000000000000000000000000000000;0.017514124293785311020643646884;0.001412429378531073441427334814;0.009322033898305085233837452563;0.053389830508474574177757432381;0.033333333333333332870740406406;0.024858757062146893956899873501;0.019774011299435029914706163368
-0.034782608695652174335410933281;0.009057971014492753950020365039;0.085144927536231887477136126563;0.000000000000000000000000000000;0.007608695652173913352711576152;0.017028985507246376801537834922;0.002173913043478260895963183330;0.014130434782608695606920257148;0.043840579710144926550707822344;0.030434782608695653410846304610;0.008695652173913043583852733320;0.017028985507246376801537834922;0.010507246376811593679967415937;0.052898550724637678766004711406;0.007246376811594202986543944434;0.024275362318840580655443517344;0.034420289855072463969243301563;0.044202898550724636916875454062;0.005434782608695652023067523828;0.013768115942028985240752625430;0.009420289855072464316187996758;0.025362318840579711753946412500;0.007971014492753622851517469883;0.047101449275362319846216507813;0.036594202898550726166249091875;0.043115942028985505818372558906;0.022826086956521739190772990469;0.004347826086956521791926366660;0.001811594202898550746635986108;0.007608695652173913352711576152;0.009782608695652174682355628477;0.025000000000000001387778780781;0.005797101449275362389235155547;0.005797101449275362389235155547;0.020289855072463766627599568437;0.053985507246376809864507606562;0.012318840579710145510805574531;0.005797101449275362389235155547;0.003623188405797101493271972217;0.016304347826086956069202571484;0.003623188405797101493271972217;0.015579710144927537071590784024;0.000000000000000000000000000000;0.017028985507246376801537834922;0.003985507246376811425758734941;0.010144927536231883313799784219;0.047826086956521740578551771250;0.035869565217391305433913828438;0.020289855072463766627599568437;0.018115942028985507900040730078
-0.042517006802721087066476712835;0.001700680272108843473985451134;0.065306122448979597727714008215;0.001020408163265306214495531378;0.016326530612244899431928502054;0.019727891156462583344133321361;0.000000000000000000000000000000;0.014285714285714285268213963320;0.008163265306122449715964251027;0.039455782312925166688266642723;0.019727891156462583344133321361;0.009183673469387755930459782405;0.009863945578231291672066660681;0.073469387755102047443678259242;0.010884353741496597886562192059;0.030272108843537415961977288248;0.015306122448979591482709494699;0.020408163265306120820463675614;0.010204081632653060410231837807;0.012925170068027210315553254816;0.011904761904761904101057723437;0.008503401360544218454129428153;0.007142857142857142634106981660;0.046598639455782311924458838348;0.044217687074829932492026074442;0.048299319727891157350008199955;0.021428571428571428769682682969;0.018027210884353741388030911708;0.000680272108843537367910137004;0.009183673469387755930459782405;0.005442176870748298943281096030;0.021088435374149658296794029866;0.003741496598639455686136079393;0.009863945578231291672066660681;0.023809523809523808202115446875;0.047619047619047616404230893750;0.012244897959183672839222900564;0.010204081632653060410231837807;0.000340136054421768683955068502;0.011224489795918366624727369185;0.002380952380952381167156239883;0.003401360544217686947970902267;0.000000000000000000000000000000;0.020408163265306120820463675614;0.010204081632653060410231837807;0.010544217687074829148397014933;0.066326530612244902207486063617;0.042176870748299316593588059732;0.029931972789115645489088635145;0.032312925170068028390968351005
-0.045833333333333330095182844843;0.008333333333333333217685101602;0.062179487179487180625869768846;0.000000000000000000000000000000;0.000000000000000000000000000000;0.003846153846153846367350581659;0.000320512820512820512542512263;0.015384615384615385469402326635;0.011217948717948717993198037846;0.078205128205128204843532557788;0.011538461538461539102051744976;0.003525641025641025692177743522;0.004166666666666666608842550801;0.061538461538461541877609306539;0.001602564102564102508502452693;0.023717948717948716952363952259;0.021153846153846155020428199123;0.020192307692307693428590553708;0.003205128205128205017004905386;0.004807692307692307959188227073;0.012820512820512820068019621544;0.011217948717948717993198037846;0.003525641025641025692177743522;0.087499999999999994448884876874;0.027243589743589743945584302764;0.076602564102564107972881402020;0.018589743589743589619045494032;0.002564102564102564100340098108;0.000000000000000000000000000000;0.001923076923076923183675290829;0.003205128205128205017004905386;0.027243589743589743945584302764;0.001282051282051282050170049054;0.003525641025641025692177743522;0.008333333333333333217685101602;0.060897435897435896190454940324;0.010576923076923077510214099561;0.011858974358974358476181976130;0.000000000000000000000000000000;0.008012820512820512108831394471;0.003205128205128205017004905386;0.008653846153846154326538808732;0.000000000000000000000000000000;0.052243589743589745333363083546;0.000961538461538461591837645415;0.017628205128205128027207848618;0.085576923076923078204103489952;0.044871794871794871972792151382;0.012820512820512820068019621544;0.016346153846153847061239972049
-0.036296296296296298722339201959;0.008888888888888888881179006773;0.057037037037037038866849059104;0.000740740740740740703958178148;0.005185185185185185036127464286;0.030370370370370370488588562807;0.001851851851851851922525771243;0.015555555555555555108382392859;0.033703703703703701000105041885;0.021111111111111111743321444578;0.012962962962962962590318660716;0.015925925925925926707193980292;0.026666666666666668378260496297;0.039629629629629632703302632990;0.005555555555555555767577313730;0.020740740740740740144509857146;0.034074074074074076068363581271;0.045555555555555557467606320188;0.011481481481481481399242738917;0.012592592592592592726230549260;0.014444444444444443781394582516;0.037777777777777778178691647781;0.025555555555555557051272685953;0.022592592592592591199673890401;0.033703703703703701000105041885;0.030370370370370370488588562807;0.025555555555555557051272685953;0.002962962962962962815832712593;0.001111111111111111110147375847;0.012592592592592592726230549260;0.015925925925925926707193980292;0.015925925925925926707193980292;0.011481481481481481399242738917;0.010370370370370370072254928573;0.040000000000000000832667268469;0.034444444444444444197728216750;0.012592592592592592726230549260;0.011851851851851851263330850372;0.008888888888888888881179006773;0.039259259259259257635044093604;0.004074074074074073709139653943;0.020370370370370372015145221667;0.000000000000000000000000000000;0.016296296296296294836558615771;0.001851851851851851922525771243;0.010740740740740739936343040029;0.028888888888888887562789165031;0.024444444444444445724284875610;0.038518518518518521376314822646;0.011481481481481481399242738917
-0.021474358974358974394558430276;0.004166666666666666608842550801;0.097115384615384617306155234928;0.010576923076923077510214099561;0.002564102564102564100340098108;0.003525641025641025692177743522;0.003205128205128205017004905386;0.016987179487179485809500434357;0.015705128205128204843532557788;0.062820512820512819374130231154;0.007692307692307692734701163317;0.000641025641025641025085024527;0.002564102564102564100340098108;0.066987179487179485115611043966;0.004166666666666666608842550801;0.016025641025641024217662788942;0.027243589743589743945584302764;0.030769230769230770938804653269;0.004487179487179486850334519943;0.016987179487179485809500434357;0.011538461538461539102051744976;0.024038461538461539795941135367;0.005769230769230769551025872488;0.079807692307692301714183713557;0.012500000000000000693889390391;0.054487179487179487891168605529;0.016666666666666666435370203203;0.000000000000000000000000000000;0.000961538461538461591837645415;0.004166666666666666608842550801;0.000961538461538461591837645415;0.029487179487179486503389824748;0.001602564102564102508502452693;0.007051282051282051384355487045;0.011538461538461539102051744976;0.073397435897435900353791282669;0.018910256410256408993175725186;0.006730769230769231142863517903;0.001282051282051282050170049054;0.020512820512820512802720784862;0.004487179487179486850334519943;0.005448717948717948442172165358;0.000000000000000000000000000000;0.033333333333333332870740406406;0.001602564102564102508502452693;0.016025641025641024217662788942;0.072756410256410261605530820361;0.034294871794871797932025003774;0.020512820512820512802720784862;0.014423076923076923877564681220
-0.063782051282051277496520924615;0.002243589743589743425167259971;0.051282051282051280272078486178;0.001602564102564102508502452693;0.000000000000000000000000000000;0.020192307692307693428590553708;0.000961538461538461591837645415;0.011858974358974358476181976130;0.020192307692307693428590553708;0.062179487179487180625869768846;0.019230769230769231836752908293;0.008974358974358973700669039886;0.006730769230769231142863517903;0.050000000000000002775557561563;0.001282051282051282050170049054;0.049358974358974357088403195348;0.014102564102564102768710974090;0.016666666666666666435370203203;0.010576923076923077510214099561;0.008974358974358973700669039886;0.020512820512820512802720784862;0.012500000000000000693889390391;0.001282051282051282050170049054;0.061538461538461541877609306539;0.060256410256410257442194478017;0.074679487179487177850312207283;0.019551282051282051210883139447;0.000320512820512820512542512263;0.001282051282051282050170049054;0.001602564102564102508502452693;0.007371794871794871625847456187;0.024679487179487178544201597674;0.002243589743589743425167259971;0.004166666666666666608842550801;0.008974358974358973700669039886;0.037179487179487179238090988065;0.010576923076923077510214099561;0.014423076923076923877564681220;0.000961538461538461591837645415;0.002564102564102564100340098108;0.006089743589743589792517841630;0.005448717948717948442172165358;0.000000000000000000000000000000;0.038782051282051283047636047741;0.000961538461538461591837645415;0.022115384615384616612265844537;0.059615384615384618693934015710;0.045192307692307691346922382536;0.015705128205128204843532557788;0.019230769230769231836752908293
-0.047575757575757576800512538284;0.008181818181818182461606525635;0.070000000000000006661338147751;0.000000000000000000000000000000;0.000606060606060606060080386825;0.024242424242424242403215473018;0.000303030303030303030040193413;0.012121212121212121201607736509;0.017878787878787879422892714842;0.038181818181818184820830452963;0.018181818181818180935049866775;0.016969696969696971416974307090;0.012727272727272727695368992329;0.052727272727272726793312784821;0.002121212121212121427121788386;0.041212121212121213820189780108;0.023939393939393940891058321085;0.022727272727272727903535809446;0.006363636363636363847684496164;0.009090909090909090467524933388;0.008787878787878787220644305478;0.014242424242424242195048655901;0.002424242424242424240321547302;0.057878787878787876786113031358;0.062121212121212118772994870142;0.062424242424242423754598974028;0.019393939393939393922572378415;0.000303030303030303030040193413;0.000606060606060606060080386825;0.003333333333333333547282562037;0.011515151515151514707846480690;0.021212121212121213403856145874;0.002121212121212121427121788386;0.006363636363636363847684496164;0.015151515151515151935690539631;0.051212121212121208824186169295;0.010909090909090909948808700847;0.009090909090909090467524933388;0.000303030303030303030040193413;0.006666666666666667094565124074;0.004848484848484848480643094604;0.010909090909090909948808700847;0.000000000000000000000000000000;0.023939393939393940891058321085;0.000606060606060606060080386825;0.012424242424242424448488364419;0.064545454545454544748039893420;0.047575757575757576800512538284;0.015151515151515151935690539631;0.028787878787878789371701415689
-0.024305555555555555941049661328;0.005555555555555555767577313730;0.075694444444444439201724605937;0.001736111111111111014737584668;0.000347222222222222235473582108;0.004513888888888888464845372539;0.001041666666666666652210637700;0.013888888888888888117900677344;0.020138888888888890199568848516;0.072916666666666671292595935938;0.007986111111111110494320541875;0.001388888888888888941894328433;0.004166666666666666608842550801;0.058333333333333334258519187188;0.003472222222222222029475169336;0.014236111111111110841265237070;0.033333333333333332870740406406;0.030555555555555554553270880547;0.003472222222222222029475169336;0.009722222222222222376419864531;0.007986111111111110494320541875;0.020833333333333332176851016015;0.002777777777777777883788656865;0.097222222222222223764198645313;0.018749999999999999306110609609;0.063194444444444441977282167500;0.019444444444444444752839729063;0.002430555555555555594104966133;0.001041666666666666652210637700;0.001041666666666666652210637700;0.002083333333333333304421275400;0.047222222222222220988641083750;0.001388888888888888941894328433;0.005555555555555555767577313730;0.011111111111111111535154627461;0.079861111111111104943205418749;0.016319444444444445446729119453;0.006250000000000000346944695195;0.000694444444444444470947164216;0.010069444444444445099784424258;0.005208333333333333044212754004;0.010069444444444445099784424258;0.000000000000000000000000000000;0.038541666666666668517038374375;0.000694444444444444470947164216;0.017361111111111111882099322656;0.068055555555555549696045147812;0.030902777777777779011358916250;0.013888888888888888117900677344;0.013194444444444444405895033867
-0.072514619883040934422702150641;0.004093567251461988597271979273;0.034795321637426900041045740863;0.009356725146198830583843530917;0.009356725146198830583843530917;0.032163742690058477746717358059;0.002046783625730994298635989637;0.008187134502923977194543958547;0.022807017543859650632320779096;0.020175438596491228337992396291;0.024561403508771929848908399663;0.022222222222222223070309254922;0.023391812865497074724885351316;0.047660818713450292527511464868;0.001754385964912280734470662047;0.046198830409356725357206130411;0.013742690058479532094759534289;0.020175438596491228337992396291;0.015204678362573099265064868746;0.006432748538011696243232862003;0.016081871345029238873358679029;0.021052631578947367946286206575;0.006140350877192982462227099916;0.025146198830409357410919923836;0.076608187134502930826229771810;0.045321637426900582279465368174;0.020467836257309940384274682401;0.009356725146198830583843530917;0.000000000000000000000000000000;0.015204678362573099265064868746;0.016081871345029238873358679029;0.009941520467836258145855055091;0.012865497076023392486465724005;0.008187134502923977194543958547;0.026315789473684209065496020230;0.026315789473684209065496020230;0.009649122807017544364849293004;0.016666666666666666435370203203;0.003216374269005848121616431001;0.019883040935672516291710110181;0.002631578947368420993285775822;0.008771929824561403021832006743;0.000000000000000000000000000000;0.016959064327485378481652489313;0.002339181286549707645960882729;0.011403508771929825316160389548;0.038304093567251465413114885905;0.045906432748538013310923844301;0.024853801169590641895190685773;0.027485380116959064189519068577
-0.036999999999999998168132009368;0.002000000000000000041633363423;0.074333333333333334591586094575;0.000000000000000000000000000000;0.004666666666666667052931760651;0.018666666666666668211727042603;0.000333333333333333322202191029;0.013333333333333334189130248149;0.045333333333333336589987538900;0.033000000000000001554312234475;0.015333333333333332496040135595;0.009333333333333334105863521302;0.014333333333333333342585191872;0.052666666666666667184770744825;0.003333333333333333547282562037;0.043999999999999997446487043362;0.024666666666666666601903656897;0.029333333333333332787473679559;0.005000000000000000104083408559;0.010000000000000000208166817117;0.010000000000000000208166817117;0.032333333333333331982561986706;0.008999999999999999319988397417;0.045999999999999999222843882762;0.052999999999999998501198916756;0.050000000000000002775557561563;0.020666666666666666518636930050;0.002666666666666666577617528233;0.000333333333333333322202191029;0.007333333333333333196868419890;0.007333333333333333196868419890;0.021000000000000001304512053935;0.002666666666666666577617528233;0.007000000000000000145716771982;0.015333333333333332496040135595;0.042333333333333333925452279800;0.011333333333333334147496884725;0.009666666666666667157015169209;0.002666666666666666577617528233;0.017333333333333332537673499019;0.003666666666666666598434209945;0.018666666666666668211727042603;0.000000000000000000000000000000;0.014333333333333333342585191872;0.001000000000000000020816681712;0.008000000000000000166533453694;0.050666666666666665408413905425;0.049000000000000001887379141863;0.021333333333333332620940225866;0.028666666666666666685170383744
-0.017021276595744681131572306754;0.012765957446808509981317492077;0.068439716312056739222491330565;0.000000000000000000000000000000;0.014539007092198581727604533853;0.020921985815602835850901541903;0.001773049645390070878925303788;0.014893617021276596423806637404;0.110283687943262417863188318279;0.015957446808510637042965996102;0.011702127659574467627434657402;0.019503546099290780535540079654;0.009219858156028368223466884501;0.035460992907801421047953027710;0.003191489361702127495329373019;0.016312056737588651739168099652;0.034397163120567376959346717058;0.044680851063829789271419912211;0.007446808510638298211903318702;0.008156028368794325869584049826;0.007801418439716312040743684264;0.054609929078014186887291003814;0.008156028368794325869584049826;0.020567375886524821154699438353;0.029787234042553192847613274807;0.021276595744680850547103645454;0.019503546099290780535540079654;0.025531914893617019962634984154;0.000000000000000000000000000000;0.022340425531914894635709956106;0.011347517730496454665956029828;0.012411347517730497019838864503;0.005673758865248227332978014914;0.004609929078014184111733442251;0.017021276595744681131572306754;0.026241134751773049355039191255;0.009574468085106382919668988052;0.009219858156028368223466884501;0.016666666666666666435370203203;0.020921985815602835850901541903;0.004964539007092198807935545801;0.090070921985815607935244031523;0.000000000000000000000000000000;0.009219858156028368223466884501;0.003900709219858156020371842132;0.007446808510638298211903318702;0.020567375886524821154699438353;0.017730496453900710523976513855;0.019148936170212765839337976104;0.017021276595744681131572306754
-0.044217687074829932492026074442;0.008503401360544218454129428153;0.064965986394557820315931451205;0.000000000000000000000000000000;0.000340136054421768683955068502;0.018707482993197278864361265960;0.000680272108843537367910137004;0.008503401360544218454129428153;0.025510204081632653627664808482;0.032312925170068028390968351005;0.016326530612244899431928502054;0.018367346938775511860919564811;0.007823129251700680977799073901;0.065986394557823124795703506607;0.003061224489795918209805725141;0.030272108843537415961977288248;0.030612244897959182965418989397;0.027891156462585033060097572388;0.007482993197278911372272158786;0.015986394557823128959039848951;0.010204081632653060410231837807;0.016326530612244899431928502054;0.004761904761904762334312479766;0.049319727891156461829780255357;0.042176870748299316593588059732;0.053741496598639457160651033973;0.021428571428571428769682682969;0.010544217687074829148397014933;0.001020408163265306214495531378;0.010884353741496597886562192059;0.017006802721088436908258856306;0.022448979591836733249454738370;0.002380952380952381167156239883;0.006122448979591836419611450282;0.011904761904761904101057723437;0.054081632653061227633539687076;0.018027210884353741388030911708;0.006802721088435373895941804534;0.001020408163265306214495531378;0.009523809523809524668624959531;0.001360544217687074735820274007;0.014965986394557822744544317572;0.000000000000000000000000000000;0.022108843537414966246013037221;0.000680272108843537367910137004;0.013945578231292516530048786194;0.064625850340136056781936702009;0.039115646258503403154271893527;0.020068027210884353817021974464;0.025850340136054420631106509632
-0.046825396825396825573051273750;0.001190476190476190583578119941;0.061904761904761906876615285000;0.000000000000000000000000000000;0.003174603174603174600421073848;0.038095238095238098674499838125;0.000396825396825396825052634231;0.016269841269841271019780393203;0.022619047619047618485899064922;0.024206349206349207087152208828;0.018253968253968255036623347110;0.035714285714285712303173170312;0.021031746031746033354092872969;0.048015873015873018758714607657;0.003571428571428571317053490830;0.045634920634920632387387939843;0.011904761904761904101057723437;0.016666666666666666435370203203;0.011507936507936508685467913438;0.015079365079365079568840535273;0.015079365079365079568840535273;0.015476190476190476719153821250;0.009920634920634920084214769531;0.027777777777777776235801354687;0.067857142857142851988250242812;0.044047619047619050725028699844;0.031349206349206348853897452500;0.000793650793650793650105268462;0.000000000000000000000000000000;0.019047619047619049337249919063;0.026984126984126985404621734688;0.013095238095238095551997581367;0.007539682539682539784420267637;0.007539682539682539784420267637;0.024603174603174602502742018828;0.034126984126984123701920026406;0.012698412698412698401684295391;0.011507936507936508685467913438;0.001587301587301587300210536924;0.015476190476190476719153821250;0.004365079365079365183999193789;0.006349206349206349200842147695;0.000000000000000000000000000000;0.012698412698412698401684295391;0.002777777777777777883788656865;0.008333333333333333217685101602;0.048015873015873018758714607657;0.039682539682539680336859078125;0.027777777777777776235801354687;0.021428571428571428769682682969
-0.037999999999999999056310429069;0.006333333333333333176051738178;0.071999999999999994559907179337;0.006333333333333333176051738178;0.021333333333333332620940225866;0.042000000000000002609024107869;0.000666666666666666644404382058;0.010333333333333333259318465025;0.035999999999999997279953589668;0.016000000000000000333066907388;0.016666666666666666435370203203;0.028333333333333331899295259859;0.022333333333333333509118645566;0.043999999999999997446487043362;0.002666666666666666577617528233;0.029666666666666667573348803444;0.026999999999999999694688668228;0.035333333333333334647097245806;0.012000000000000000249800180541;0.012666666666666666352103476356;0.010999999999999999361621760841;0.027666666666666665796991964044;0.009333333333333334105863521302;0.020666666666666666518636930050;0.067333333333333328374337156674;0.026333333333333333592385372413;0.017000000000000001221245327088;0.016000000000000000333066907388;0.000000000000000000000000000000;0.030999999999999999777955395075;0.021666666666666667406815349750;0.012333333333333333300951828448;0.008999999999999999319988397417;0.009333333333333334105863521302;0.024000000000000000499600361081;0.022333333333333333509118645566;0.010666666666666666310470112933;0.007666666666666666248020067798;0.004333333333333333134418374755;0.025999999999999998806510248528;0.002000000000000000041633363423;0.020666666666666666518636930050;0.000000000000000000000000000000;0.008999999999999999319988397417;0.002000000000000000041633363423;0.006666666666666667094565124074;0.032666666666666663298990158637;0.033333333333333332870740406406;0.024333333333333331816028533012;0.016000000000000000333066907388
-0.037005649717514126073591995691;0.009322033898305085233837452563;0.083615819209039543569161878622;0.013841807909604519552515533576;0.006779661016949152345378859508;0.019491525423728815052948348807;0.001129943502824858796509954750;0.017231638418079096158885832324;0.030225988700564972860851398195;0.021751412429378530477563913337;0.014971751412429378999546791817;0.012711864406779661840207751311;0.012711864406779661840207751311;0.059322033898305086274671538149;0.006497175141242937483621044947;0.019774011299435029914706163368;0.020903954802259885892290469656;0.028248587570621468828546696272;0.005932203389830508627467153815;0.016384180790960451573612388643;0.010734463276836157807903049388;0.017231638418079096158885832324;0.010734463276836157807903049388;0.034180790960451977456013850087;0.042372881355932201508096568432;0.033615819209039547732498220967;0.022598870056497175062837357018;0.015819209039548021850096759522;0.000000000000000000000000000000;0.010451977401129942946145234828;0.004519774011299435186039819001;0.015254237288135593861304606378;0.004519774011299435186039819001;0.009039548022598870372079638003;0.025423728813559323680415502622;0.043502824858757060955127826674;0.014689265536723164137788977257;0.010169491525423728084387420267;0.002542372881355932021096855067;0.022033898305084745339321727897;0.004519774011299435186039819001;0.026836158192090394519757623470;0.000000000000000000000000000000;0.012711864406779661840207751311;0.003107344632768361744612484188;0.007062146892655367207136674068;0.052824858757062144454241803260;0.048022598870056498743252859640;0.030790960451977402584367027316;0.026836158192090394519757623470
-0.029999999999999998889776975375;0.007878787878787879214725897725;0.062121212121212118772994870142;0.046363636363636363812990026645;0.014545454545454545441929283811;0.028484848484848484390097311802;0.001818181818181818180241160476;0.013636363636363635701287400082;0.027575757575757576384178904050;0.021212121212121213403856145874;0.016969696969696971416974307090;0.040000000000000000832667268469;0.018484848484848485916653970662;0.039393939393939390869459060696;0.010909090909090909948808700847;0.018484848484848485916653970662;0.022727272727272727903535809446;0.030303030303030303871381079261;0.013636363636363635701287400082;0.007878787878787879214725897725;0.012424242424242424448488364419;0.024848484848484848896976728838;0.014545454545454545441929283811;0.032121212121212119883217894767;0.037272727272727269876018141304;0.030909090909090910365142335081;0.024242424242424242403215473018;0.009393939393939393714405561298;0.000909090909090909090120580238;0.030303030303030303871381079261;0.015757575757575758429451795450;0.015151515151515151935690539631;0.008484848484848485708487153545;0.008787878787878787220644305478;0.023333333333333334397297065266;0.036666666666666666851703837438;0.012121212121212121201607736509;0.008787878787878787220644305478;0.006060606060606060600803868255;0.023333333333333334397297065266;0.003939393939393939607362948863;0.012121212121212121201607736509;0.000000000000000000000000000000;0.014242424242424242195048655901;0.005151515151515151727523722514;0.011515151515151514707846480690;0.032121212121212119883217894767;0.024848484848484848896976728838;0.029090909090909090883858567622;0.019090909090909092410415226482
-0.053191489361702128102482589611;0.003900709219858156020371842132;0.052836879432624113406280486060;0.000000000000000000000000000000;0.010992907801418439969753926277;0.030141843971631204074368426404;0.002127659574468085141446538344;0.010992907801418439969753926277;0.022695035460992909331912059656;0.016666666666666666435370203203;0.018085106382978721750731665452;0.015957446808510637042965996102;0.017021276595744681131572306754;0.055319148936170209340801307007;0.002836879432624113666489007457;0.043617021276595745182813601559;0.027304964539007093443645501907;0.029787234042553192847613274807;0.012765957446808509981317492077;0.012056737588652482323636760952;0.015248226950354609385285264977;0.025177304964539008735879832557;0.011702127659574467627434657402;0.029787234042553192847613274807;0.063120567375886518779459777306;0.036879432624113472893867538005;0.020567375886524821154699438353;0.003546099290780141757850607576;0.000709219858156028416622251864;0.018085106382978721750731665452;0.016666666666666666435370203203;0.013120567375886524677519595627;0.008156028368794325869584049826;0.009219858156028368223466884501;0.029787234042553192847613274807;0.036524822695035458197665434454;0.009574468085106382919668988052;0.014893617021276596423806637404;0.002127659574468085141446538344;0.026595744680851064051241294806;0.001773049645390070878925303788;0.012411347517730497019838864503;0.000000000000000000000000000000;0.017021276595744681131572306754;0.001418439716312056833244503729;0.013120567375886524677519595627;0.037588652482269502286271745106;0.036524822695035458197665434454;0.032624113475177303478336199305;0.017730496453900710523976513855
-0.029938271604938272024698520113;0.006481481481481481295159330358;0.096296296296296296501893152708;0.000617283950617283938035184665;0.001234567901234567876070369330;0.013271604938271605589328316910;0.000925925925925925961262885622;0.012962962962962962590318660716;0.027469135802469134971515174470;0.028395061728395062233820667075;0.013888888888888888117900677344;0.008024691358024691953398921385;0.008641975308641974481971281818;0.061728395061728391635114121527;0.004320987654320987240985640909;0.016666666666666666435370203203;0.032716049382716050342168045972;0.037037037037037034981068472916;0.006790123456790123426807248563;0.017901234567901234961961876024;0.008641975308641974481971281818;0.025000000000000001387778780781;0.015123456790123456644492350165;0.042283950617283953821168296372;0.031172839506172840551290192934;0.041358024691358026558862803768;0.024074074074074074125473288177;0.021913580246913581806023074705;0.002160493827160493620492820455;0.003086419753086419581755706076;0.007407407407407407690103084974;0.023456790123456791596900927743;0.007407407407407407690103084974;0.012345679012345678327022824305;0.027777777777777776235801354687;0.042901234567901236349740656806;0.011419753086419752799440807678;0.007716049382716048954389265191;0.002469135802469135752140738660;0.032716049382716050342168045972;0.004012345679012345976699460692;0.008333333333333333217685101602;0.000000000000000000000000000000;0.015740740740740739173064710599;0.001851851851851851922525771243;0.008950617283950617480980938012;0.052469135802469132889847003298;0.036111111111111107718762980312;0.038580246913580244771946325955;0.018209876543209876226248056241
-0.037280701754385962842786028659;0.001754385964912280734470662047;0.073245614035087724946748721777;0.000000000000000000000000000000;0.000438596491228070183617665512;0.020614035087719299876862777410;0.001315789473684210496642887911;0.014473684210526315679912201517;0.018421052631578945651957823770;0.032017543859649125193023166958;0.016228070175438594896499822084;0.009649122807017544364849293004;0.013157894736842104532748010115;0.051315789473684210453274801012;0.003070175438596491231113549958;0.028947368421052631359824403035;0.023245614035087718701744208261;0.027631578947368420212660211632;0.007456140350877192742029553330;0.016666666666666666435370203203;0.015789473684210526827076392919;0.026754385964912280604366401349;0.017543859649122806043664013487;0.048684210526315788158946418207;0.037280701754385962842786028659;0.046052631578947365864618035403;0.020614035087719299876862777410;0.000000000000000000000000000000;0.001315789473684210496642887911;0.003070175438596491231113549958;0.007017543859649122937882648188;0.022807017543859650632320779096;0.005263157894736841986571551644;0.010964912280701753777290008429;0.032894736842105261331870025288;0.039035087719298248998267553134;0.010087719298245614168996198146;0.013157894736842104532748010115;0.003070175438596491231113549958;0.039473684210526313598244030345;0.003947368421052631706769098230;0.005701754385964912658080194774;0.000000000000000000000000000000;0.023245614035087718701744208261;0.001754385964912280734470662047;0.021052631578947367946286206575;0.050877192982456138914404419893;0.035964912280701755165068789211;0.036842105263157891303915647541;0.022807017543859650632320779096
-0.023129251700680270725785092623;0.007142857142857142634106981660;0.091496598639455778423368315089;0.000000000000000000000000000000;0.000000000000000000000000000000;0.011904761904761904101057723437;0.000340136054421768683955068502;0.007482993197278911372272158786;0.059183673469387756971293867991;0.029591836734693878485646933996;0.010204081632653060410231837807;0.005442176870748298943281096030;0.010884353741496597886562192059;0.047278911564625852870236144554;0.001700680272108843473985451134;0.016326530612244899431928502054;0.051700680272108841262213019263;0.050000000000000002775557561563;0.001020408163265306214495531378;0.012585034013605441577388077690;0.006122448979591836419611450282;0.059523809523809520505288617187;0.007482993197278911372272158786;0.036054421768707482776061823415;0.031972789115646257918079697902;0.035714285714285712303173170312;0.021088435374149658296794029866;0.001020408163265306214495531378;0.001700680272108843473985451134;0.000680272108843537367910137004;0.006122448979591836419611450282;0.025850340136054420631106509632;0.002721088435374149471640548015;0.011564625850340135362892546311;0.023469387755102041198673745726;0.047619047619047616404230893750;0.013945578231292516530048786194;0.005102040816326530205115918903;0.006462585034013605157776627408;0.040816326530612241640927351227;0.003061224489795918209805725141;0.018027210884353741388030911708;0.000000000000000000000000000000;0.015306122448979591482709494699;0.000340136054421768683955068502;0.012244897959183672839222900564;0.049659863945578232302668908460;0.034353741496598637350512461808;0.024829931972789116151334454230;0.019727891156462583344133321361
-0.039583333333333331482961625625;0.000416666666666666693410320255;0.069166666666666667961926862063;0.000000000000000000000000000000;0.000416666666666666693410320255;0.010416666666666666088425508008;0.000833333333333333386820640509;0.013333333333333334189130248149;0.021666666666666667406815349750;0.074999999999999997224442438437;0.010833333333333333703407674875;0.004583333333333333356462979680;0.009583333333333332593184650250;0.055416666666666669627261399000;0.001666666666666666773641281019;0.017916666666666667545593227828;0.021666666666666667406815349750;0.021666666666666667406815349750;0.006250000000000000346944695195;0.010000000000000000208166817117;0.012500000000000000693889390391;0.017500000000000001665334536938;0.003333333333333333547282562037;0.089999999999999996669330926125;0.028333333333333331899295259859;0.062083333333333330650294357156;0.020833333333333332176851016015;0.000416666666666666693410320255;0.000416666666666666693410320255;0.003749999999999999861222121922;0.002916666666666666799662133158;0.032083333333333331760517381781;0.001250000000000000026020852140;0.005000000000000000104083408559;0.012916666666666666574148081281;0.065416666666666664631257788187;0.012083333333333333078907223523;0.007083333333333332974823814965;0.000833333333333333386820640509;0.016666666666666666435370203203;0.005416666666666666851703837438;0.004166666666666666608842550801;0.000000000000000000000000000000;0.046249999999999999444888487687;0.000833333333333333386820640509;0.020833333333333332176851016015;0.065000000000000002220446049250;0.039166666666666669072149886688;0.015833333333333334674852821422;0.016666666666666666435370203203
-0.033030303030303027889136302520;0.007575757575757575967845269815;0.073939393939393943666615882648;0.002424242424242424240321547302;0.003030303030303030300401934127;0.011212121212121211460965852780;0.002121212121212121427121788386;0.026060606060606061884499240477;0.023636363636363635909454217199;0.041515151515151511862899980088;0.017272727272727272929131459023;0.004848484848484848480643094604;0.010909090909090909948808700847;0.054848484848484847786753704213;0.010000000000000000208166817117;0.018181818181818180935049866775;0.021818181818181819897617401693;0.036969696969696971833307941324;0.017272727272727272929131459023;0.012727272727272727695368992329;0.018181818181818180935049866775;0.021212121212121213403856145874;0.011818181818181817954727108599;0.051818181818181818787394377068;0.027272727272727271402574800163;0.044545454545454547801153211140;0.033636363636363637852344510293;0.004848484848484848480643094604;0.000909090909090909090120580238;0.008484848484848485708487153545;0.010000000000000000208166817117;0.020909090909090908422252041987;0.009393939393939393714405561298;0.009393939393939393714405561298;0.022121212121212121409774553626;0.045454545454545455807071618892;0.012121212121212121201607736509;0.007272727272727272720964641906;0.003939393939393939607362948863;0.020000000000000000416333634234;0.005151515151515151727523722514;0.010303030303030303455047445027;0.000000000000000000000000000000;0.021515151515151514916013297807;0.008787878787878787220644305478;0.011515151515151514707846480690;0.043333333333333334813630699500;0.033636363636363637852344510293;0.032121212121212119883217894767;0.020909090909090908422252041987
-0.024712643678160919197273059922;0.003448275862068965469386938594;0.104022988505747121523725695624;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005459770114942528659862652773;0.000862068965517241367346734648;0.015229885057471264156458978789;0.024137931034482758285708570156;0.045114942528735629823088970625;0.011781609195402298687072040195;0.001724137931034482734693469297;0.010919540229885057319725305547;0.065517241379310350857245737188;0.003735632183908045925169183477;0.018678160919540231360569393360;0.036781609195402298340127345000;0.028735632183908045578224488281;0.003448275862068965469386938594;0.016091954022988505523805713437;0.011494252873563218231289795312;0.023275862068965518653085311485;0.005459770114942528659862652773;0.056609195402298848054378765937;0.027298850574712645034036739844;0.045689655172413794204100412344;0.025574712643678162299343270547;0.004597701149425287292515918125;0.000287356321839080455782244883;0.000287356321839080455782244883;0.002011494252873563190475714180;0.028448275862068966857165719375;0.002011494252873563190475714180;0.011781609195402298687072040195;0.019540229885057470993192652031;0.062356321839080457170023663593;0.013218390804597700965983264609;0.007183908045977011394556122070;0.002298850574712643646257959062;0.023563218390804597374144080391;0.002586206896551724102040203945;0.005459770114942528659862652773;0.000000000000000000000000000000;0.021264367816091953727886121328;0.000862068965517241367346734648;0.009482758620689655040814081133;0.071551724137931038693949403751;0.047701149425287359129299602500;0.022988505747126436462579590625;0.024712643678160919197273059922
-0.027891156462585033060097572388;0.000680272108843537367910137004;0.094217687074829928328689732098;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005782312925170067681446273156;0.000000000000000000000000000000;0.012244897959183672839222900564;0.012244897959183672839222900564;0.054761904761904761640423089375;0.013945578231292516530048786194;0.002380952380952381167156239883;0.006802721088435373895941804534;0.081972789115646260693637259465;0.001700680272108843473985451134;0.026190476190476191103995162734;0.023129251700680270725785092623;0.021768707482993195773124384118;0.002721088435374149471640548015;0.016666666666666666435370203203;0.007142857142857142634106981660;0.015646258503401361955598147802;0.006122448979591836419611450282;0.060884353741496595457949325692;0.031972789115646257918079697902;0.053741496598639457160651033973;0.023469387755102041198673745726;0.014965986394557822744544317572;0.000000000000000000000000000000;0.000340136054421768683955068502;0.002380952380952381167156239883;0.024489795918367345678445801127;0.001020408163265306214495531378;0.007823129251700680977799073901;0.017687074829931974384589210558;0.059523809523809520505288617187;0.010544217687074829148397014933;0.006462585034013605157776627408;0.000340136054421768683955068502;0.021428571428571428769682682969;0.003401360544217686947970902267;0.001700680272108843473985451134;0.000000000000000000000000000000;0.016666666666666666435370203203;0.000000000000000000000000000000;0.006462585034013605157776627408;0.087074829931972783092497536472;0.063265306122448974890382089598;0.026190476190476191103995162734;0.024149659863945578675004099978
-0.013939393939393938948168027991;0.004545454545454545233762466694;0.099090909090909090606302811466;0.026969696969696969890417648230;0.023333333333333334397297065266;0.008181818181818182461606525635;0.001212121212121212120160773651;0.015151515151515151935690539631;0.029393939393939392396015719555;0.040303030303030305814271372356;0.010606060606060606701928072937;0.005757575757575757353923240345;0.003030303030303030300401934127;0.064242424242424239766435789534;0.007878787878787879214725897725;0.016969696969696971416974307090;0.037878787878787879839226349077;0.038787878787878787845144756830;0.005151515151515151727523722514;0.010000000000000000208166817117;0.008181818181818182461606525635;0.023030303030303029415692961379;0.004545454545454545233762466694;0.058787878787878784792031439110;0.018181818181818180935049866775;0.053333333333333336756520992594;0.021515151515151514916013297807;0.001212121212121212120160773651;0.000000000000000000000000000000;0.007575757575757575967845269815;0.003636363636363636360482320953;0.030909090909090910365142335081;0.002727272727272727487202175212;0.005151515151515151727523722514;0.006666666666666667094565124074;0.071212121212121212709966755483;0.008181818181818182461606525635;0.004545454545454545233762466694;0.001212121212121212120160773651;0.012727272727272727695368992329;0.002727272727272727487202175212;0.008484848484848485708487153545;0.000000000000000000000000000000;0.022121212121212121409774553626;0.003333333333333333547282562037;0.009393939393939393714405561298;0.070606060606060602746758547710;0.043030303030303029832026595614;0.016969696969696971416974307090;0.017575757575757574441288610956
-0.037499999999999998612221219219;0.011607142857142857539365365938;0.057440476190476187634548210781;0.066964285714285712303173170312;0.023511904761904761640423089375;0.040178571428571431545240244532;0.001785714285714285658526745415;0.016071428571428569842538536250;0.024404761904761904794947113828;0.022321428571428571924206707422;0.018154761904761906182725894610;0.022916666666666665047591422422;0.018452380952380952744418252109;0.031547619047619046561692357500;0.013095238095238095551997581367;0.027083333333333334258519187188;0.024702380952380951356639471328;0.034523809523809526056403740313;0.014880952380952380126322154297;0.009523809523809524668624959531;0.013690476190476190410105772344;0.017261904761904763028201870156;0.011011904761904762681257174961;0.035416666666666665741480812812;0.044047619047619050725028699844;0.029464285714285713690951951094;0.020238095238095239053466301016;0.002678571428571428596210335371;0.000892857142857142829263372708;0.024107142857142858233254756328;0.016666666666666666435370203203;0.021130952380952382207990325469;0.006250000000000000346944695195;0.004761904761904762334312479766;0.015773809523809523280846178750;0.044345238095238097286721057344;0.009821428571428571230317317031;0.013095238095238095551997581367;0.001190476190476190583578119941;0.017559523809523809589894227656;0.003571428571428571317053490830;0.010416666666666666088425508008;0.000000000000000000000000000000;0.012797619047619047255581747891;0.009523809523809524668624959531;0.010119047619047619526733150508;0.028571428571428570536427926640;0.020238095238095239053466301016;0.020833333333333332176851016015;0.017857142857142856151586585156
-0.019819819819819818607076200578;0.006306306306306306078135470727;0.098198198198198194397434690472;0.002702702702702702852732841166;0.003603603603603603659083498556;0.013063063063063063209967573641;0.003153153153153153039067735364;0.022522522522522521459809041744;0.027027027027027028527328411656;0.044144144144144144281671771068;0.013963963963963963582637362038;0.007207207207207207318166997112;0.009459459459459459984564944079;0.050000000000000002775557561563;0.013513513513513514263664205828;0.010810810810810811410931364662;0.034234234234234231508686718826;0.048648648648648651349191140980;0.013963963963963963582637362038;0.016216216216216217116397046993;0.014414414414414414636333994224;0.018468468468468467180709779996;0.009009009009009008930868311893;0.059009009009009009971702397479;0.021171171171171170033442621161;0.043243243243243245643725458649;0.030180180180180180699034409031;0.000000000000000000000000000000;0.001801801801801801829541749278;0.011261261261261260729904520872;0.006756756756756757131832102914;0.033333333333333332870740406406;0.006756756756756757131832102914;0.006756756756756757131832102914;0.009909909909909909303538100289;0.081531531531531531431511439223;0.010810810810810811410931364662;0.004954954954954954651769050145;0.000450450450450450457385437320;0.014864864864864865690030626411;0.006306306306306306078135470727;0.003603603603603603659083498556;0.000000000000000000000000000000;0.022972972972972974248229149907;0.004954954954954954651769050145;0.015765765765765764327976938830;0.044594594594594597070091879232;0.023873873873873872886175462327;0.023423423423423423567202306117;0.011261261261261260729904520872
-0.018611111111111109522875395328;0.011388888888888889366901580047;0.074444444444444438091501581312;0.093055555555555558022717832500;0.021666666666666667406815349750;0.012500000000000000693889390391;0.000833333333333333386820640509;0.024444444444444445724284875610;0.036111111111111107718762980312;0.022222222222222223070309254922;0.012777777777777778525636342977;0.008055555555555555385938149016;0.007777777777777777554191196430;0.042777777777777775680689842375;0.025555555555555557051272685953;0.013888888888888888117900677344;0.035555555555555555524716027094;0.036388888888888887285233408875;0.013888888888888888117900677344;0.012500000000000000693889390391;0.012777777777777778525636342977;0.025277777777777777484802257391;0.011388888888888889366901580047;0.027777777777777776235801354687;0.030277777777777778456247403938;0.024166666666666666157814447047;0.022499999999999999167332731531;0.020833333333333332176851016015;0.002222222222222222220294751693;0.007777777777777777554191196430;0.005833333333333333599324266316;0.021388888888888887840344921187;0.005277777777777777935830361145;0.008333333333333333217685101602;0.017222222222222222098864108375;0.044999999999999998334665463062;0.013888888888888888117900677344;0.003611111111111110945348645629;0.001388888888888888941894328433;0.020277777777777776513357110844;0.007777777777777777554191196430;0.010277777777777778039913769703;0.000000000000000000000000000000;0.009722222222222222376419864531;0.013333333333333334189130248149;0.005555555555555555767577313730;0.033888888888888892003681263532;0.024444444444444445724284875610;0.026111111111111112714766591125;0.017222222222222222098864108375
-0.047058823529411764052809985515;0.006209150326797385245625182648;0.077124183006535951268034523309;0.008823529411764705759901872284;0.001960784313725490168867082730;0.014705882352941176266503120473;0.001960784313725490168867082730;0.016013071895424835222598858309;0.023856209150326795898067189228;0.037581699346405227080136768336;0.016013071895424835222598858309;0.004575163398692810683143772366;0.011764705882352941013202496379;0.061437908496732022978203957564;0.006535947712418300852010855095;0.029411764705882352533006240947;0.033333333333333332870740406406;0.036274509803921571593487982454;0.008823529411764705759901872284;0.012745098039215686097636037744;0.013725490196078431182069579108;0.016013071895424835222598858309;0.008823529411764705759901872284;0.045424836601307187755605099255;0.033333333333333332870740406406;0.050653594771241830518881954504;0.023529411764705882026404992757;0.001633986928104575213002713774;0.000000000000000000000000000000;0.006209150326797385245625182648;0.005882352941176470506601248189;0.021241830065359477985875713557;0.007189542483660130330058724013;0.007516339869281045936444396460;0.015686274509803921350936661838;0.045424836601307187755605099255;0.015359477124183005744550989391;0.009477124183006535237949741202;0.000653594771241830020148955160;0.016013071895424835222598858309;0.003267973856209150426005427548;0.007843137254901960675468330919;0.000000000000000000000000000000;0.019607843137254901688670827298;0.004248366013071895076758099918;0.013725490196078431182069579108;0.066339869281045751869818616342;0.037908496732026140951798964807;0.025163398692810458323609879017;0.021895424836601305729200106498
-0.047368421052631580481229178758;0.002923976608187134340610668914;0.083918128654970766677756444096;0.000000000000000000000000000000;0.000292397660818713455745110341;0.017836257309941521559393251550;0.000584795321637426911490220682;0.018128654970760233605675537660;0.021345029239766083462015444638;0.037719298245614034381656409778;0.016374269005847954389087917093;0.010526315789473683973143103287;0.006725146198830409156876886101;0.066666666666666665741480812812;0.002631578947368420993285775822;0.035672514619883043118786503101;0.035672514619883043118786503101;0.028654970760233919313542116925;0.005847953216374268681221337829;0.013742690058479532094759534289;0.012573099415204678705459961918;0.021929824561403507554580016858;0.004678362573099415291921765458;0.051169590643274850960686706003;0.036842105263157891303915647541;0.052046783625730994038427468240;0.024269005847953217802626113553;0.001169590643274853822980441365;0.000000000000000000000000000000;0.002631578947368420993285775822;0.005847953216374268681221337829;0.024853801169590641895190685773;0.002046783625730994298635989637;0.004970760233918129072927527545;0.014327485380116959656771058462;0.064035087719298250386046333915;0.016666666666666666435370203203;0.010233918128654970192137341201;0.000000000000000000000000000000;0.014619883040935671703053344572;0.002923976608187134340610668914;0.006140350877192982462227099916;0.000000000000000000000000000000;0.019883040935672516291710110181;0.000584795321637426911490220682;0.011695906432748537362442675658;0.064619883040935674478610906135;0.041520467836257311800007840930;0.016959064327485378481652489313;0.018128654970760233605675537660
-0.035119047619047619179788455313;0.009226190476190476372209126055;0.089583333333333334258519187188;0.002380952380952381167156239883;0.008035714285714284921269268125;0.031547619047619046561692357500;0.001785714285714285658526745415;0.016369047619047619873677845703;0.027083333333333334258519187188;0.029761904761904760252644308594;0.015476190476190476719153821250;0.010416666666666666088425508008;0.014285714285714285268213963320;0.046726190476190476719153821250;0.008333333333333333217685101602;0.018452380952380952744418252109;0.037797619047619045173913576718;0.043154761904761904101057723437;0.012500000000000000693889390391;0.013392857142857142113689938867;0.013392857142857142113689938867;0.023809523809523808202115446875;0.005357142857142857192420670742;0.038690476190476191797884553125;0.037499999999999998612221219219;0.037499999999999998612221219219;0.024702380952380951356639471328;0.002976190476190476025264430859;0.001785714285714285658526745415;0.016964285714285712997062560703;0.010119047619047619526733150508;0.028869047619047620567567236094;0.007142857142857142634106981660;0.007738095238095238359576910625;0.014285714285714285268213963320;0.054761904761904761640423089375;0.012500000000000000693889390391;0.005952380952380952050528861719;0.001488095238095238012632215430;0.018452380952380952744418252109;0.003273809523809523887999395342;0.014880952380952380126322154297;0.000000000000000000000000000000;0.019642857142857142460634634062;0.005952380952380952050528861719;0.014583333333333333564629796797;0.039583333333333331482961625625;0.020833333333333332176851016015;0.026488095238095237665687520234;0.019345238095238095898942276563
-0.020238095238095239053466301016;0.004464285714285714037896646289;0.107440476190476197348999676251;0.174702380952380942336077396249;0.007738095238095238359576910625;0.017261904761904763028201870156;0.000000000000000000000000000000;0.009523809523809524668624959531;0.044047619047619050725028699844;0.019940476190476189022326991562;0.010119047619047619526733150508;0.011309523809523809242949532461;0.005654761904761904621474766230;0.037499999999999998612221219219;0.002976190476190476025264430859;0.018452380952380952744418252109;0.047321428571428569842538536250;0.049702380952380949274971300156;0.003869047619047619179788455313;0.013392857142857142113689938867;0.006845238095238095205052886172;0.039583333333333331482961625625;0.003571428571428571317053490830;0.026785714285714284227379877734;0.025000000000000001387778780781;0.022619047619047618485899064922;0.011011904761904762681257174961;0.000297619047619047645894529985;0.000297619047619047645894529985;0.013095238095238095551997581367;0.009523809523809524668624959531;0.023214285714285715078730731875;0.002380952380952381167156239883;0.008333333333333333217685101602;0.011607142857142857539365365938;0.039583333333333331482961625625;0.005654761904761904621474766230;0.006250000000000000346944695195;0.001488095238095238012632215430;0.015178571428571428422737987773;0.001785714285714285658526745415;0.008333333333333333217685101602;0.000000000000000000000000000000;0.008333333333333333217685101602;0.003273809523809523887999395342;0.005357142857142857192420670742;0.045833333333333330095182844843;0.019345238095238095898942276563;0.013095238095238095551997581367;0.016666666666666666435370203203
-0.017083333333333332315628894094;0.006250000000000000346944695195;0.057916666666666664908813544344;0.336666666666666669627261399000;0.001250000000000000026020852140;0.012916666666666666574148081281;0.003333333333333333547282562037;0.012916666666666666574148081281;0.020416666666666666296592325125;0.021666666666666667406815349750;0.011249999999999999583666365766;0.006250000000000000346944695195;0.004583333333333333356462979680;0.029999999999999998889776975375;0.012083333333333333078907223523;0.018333333333333333425851918719;0.017083333333333332315628894094;0.021666666666666667406815349750;0.005000000000000000104083408559;0.004166666666666666608842550801;0.005000000000000000104083408559;0.016666666666666666435370203203;0.001666666666666666773641281019;0.032916666666666663521034763562;0.021666666666666667406815349750;0.032083333333333331760517381781;0.021250000000000001526556658860;0.008333333333333333217685101602;0.002083333333333333304421275400;0.005416666666666666851703837438;0.005416666666666666851703837438;0.022083333333333333287074040641;0.003333333333333333547282562037;0.017083333333333332315628894094;0.008333333333333333217685101602;0.035416666666666665741480812812;0.003333333333333333547282562037;0.006666666666666667094565124074;0.002500000000000000052041704279;0.009583333333333332593184650250;0.005833333333333333599324266316;0.006666666666666667094565124074;0.000000000000000000000000000000;0.020416666666666666296592325125;0.004583333333333333356462979680;0.010416666666666666088425508008;0.032500000000000001110223024625;0.010000000000000000208166817117;0.010000000000000000208166817117;0.017916666666666667545593227828
-0.028654970760233919313542116925;0.011988304093567251143448437745;0.061695906432748540138000237221;0.054678362573099416332755851045;0.020760233918128655900003920465;0.027777777777777776235801354687;0.002631578947368420993285775822;0.016081871345029238873358679029;0.026315789473684209065496020230;0.018713450292397661167687061834;0.012865497076023392486465724005;0.017836257309941521559393251550;0.019005847953216373213969347944;0.034795321637426900041045740863;0.009941520467836258145855055091;0.028654970760233919313542116925;0.027192982456140352143236782467;0.027192982456140352143236782467;0.017836257309941521559393251550;0.006432748538011696243232862003;0.012573099415204678705459961918;0.026023391812865497019213734120;0.019298245614035088729698586008;0.024561403508771929848908399663;0.031578947368421053654152785839;0.030409356725146198530129737492;0.022222222222222223070309254922;0.005555555555555555767577313730;0.001754385964912280734470662047;0.027485380116959064189519068577;0.016959064327485378481652489313;0.019298245614035088729698586008;0.011403508771929825316160389548;0.013450292397660818313753772202;0.026315789473684209065496020230;0.030409356725146198530129737492;0.009941520467836258145855055091;0.012865497076023392486465724005;0.002631578947368420993285775822;0.021345029239766083462015444638;0.005555555555555555767577313730;0.014035087719298245875765296375;0.000000000000000000000000000000;0.012865497076023392486465724005;0.009356725146198830583843530917;0.011695906432748537362442675658;0.031286549707602341607870499729;0.029239766081871343406106689145;0.028070175438596491751530592751;0.020760233918128655900003920465
-0.020606060606060606910094890054;0.012424242424242424448488364419;0.042727272727272724850422491727;0.199696969696969706120626142365;0.011818181818181817954727108599;0.009393939393939393714405561298;0.003030303030303030300401934127;0.020303030303030301928490786167;0.007878787878787879214725897725;0.044848484848484845843863411119;0.012424242424242424448488364419;0.006666666666666667094565124074;0.009393939393939393714405561298;0.040909090909090908838585676222;0.013030303030303030942249620239;0.012424242424242424448488364419;0.013636363636363635701287400082;0.016969696969696971416974307090;0.008484848484848485708487153545;0.007272727272727272720964641906;0.016060606060606059941608947383;0.007878787878787879214725897725;0.006666666666666667094565124074;0.059393939393939394755239646884;0.017272727272727272929131459023;0.040303030303030305814271372356;0.025151515151515150409133880771;0.009696969696969696961286189207;0.002727272727272727487202175212;0.009393939393939393714405561298;0.003939393939393939607362948863;0.020303030303030301928490786167;0.006969696969696969474084013996;0.008787878787878787220644305478;0.014545454545454545441929283811;0.046060606060606058831385922758;0.007272727272727272720964641906;0.005757575757575757353923240345;0.000909090909090909090120580238;0.011515151515151514707846480690;0.006060606060606060600803868255;0.005757575757575757353923240345;0.000000000000000000000000000000;0.030909090909090910365142335081;0.007878787878787879214725897725;0.020606060606060606910094890054;0.041818181818181816844504083974;0.022121212121212121409774553626;0.015757575757575758429451795450;0.014545454545454545441929283811
-0.014492753623188405973087888867;0.010507246376811593679967415937;0.043478260869565216184540190625;0.336956521739130432369080381250;0.002898550724637681194617577773;0.011956521739130435144637942813;0.004710144927536232158093998379;0.024275362318840580655443517344;0.020652173913043476993767200156;0.022463768115942028824605358750;0.012681159420289855876973206250;0.009782608695652174682355628477;0.006159420289855072755402787266;0.025000000000000001387778780781;0.028260869565217391213840514297;0.016666666666666666435370203203;0.017753623188405797533873098359;0.019927536231884056261431936719;0.009782608695652174682355628477;0.003985507246376811425758734941;0.011231884057971014412302679375;0.021739130434782608092270095312;0.006159420289855072755402787266;0.031884057971014491406069879531;0.012318840579710145510805574531;0.021739130434782608092270095312;0.027898550724637680847672882578;0.004710144927536232158093998379;0.002898550724637681194617577773;0.007246376811594202986543944434;0.005072463768115941656899892109;0.012318840579710145510805574531;0.002173913043478260895963183330;0.014130434782608695606920257148;0.006159420289855072755402787266;0.026449275362318839383002355703;0.006884057971014492620376312715;0.006159420289855072755402787266;0.002536231884057970828449946055;0.016666666666666666435370203203;0.009420289855072464316187996758;0.004710144927536232158093998379;0.000000000000000000000000000000;0.018840579710144928632375993516;0.009057971014492753950020365039;0.012681159420289855876973206250;0.020652173913043476993767200156;0.011956521739130435144637942813;0.010507246376811593679967415937;0.013405797101449274874584993711
-0.022764227642276424479206298201;0.002845528455284553059900787275;0.122357723577235774636839948926;0.012601626016260162807536282514;0.000406504065040650406151478968;0.008943089430894309369013406297;0.000406504065040650406151478968;0.018292682926829267192614381088;0.027642276422764226750938831856;0.029674796747967479432217530189;0.017479674796747966813992292145;0.002845528455284553059900787275;0.010162601626016259936946539710;0.067479674796747962650655949801;0.007723577235772357933718534895;0.018699186991869919116648901536;0.026422764227642277917729174419;0.041463414634146343595855199737;0.004065040650406504495195658677;0.015040650406504065678126025318;0.004878048780487804873817747620;0.027235772357723578296351263361;0.006097560975609756309112619022;0.037804878048780486687885371566;0.036991869918699189778710234577;0.043902439024390241262274514611;0.032113821138211380568083797016;0.000406504065040650406151478968;0.000000000000000000000000000000;0.002032520325203252247597829339;0.002032520325203252247597829339;0.018292682926829267192614381088;0.004878048780487804873817747620;0.013821138211382113375469415928;0.019512195121951219495270990478;0.046747967479674794322175301886;0.011382113821138212239603149101;0.005284552845528455063128792091;0.000406504065040650406151478968;0.031300813008130083658908660027;0.001219512195121951218454436905;0.004878048780487804873817747620;0.000000000000000000000000000000;0.010162601626016259936946539710;0.003252032520325203249211831746;0.008130081300813008990391317354;0.065853658536585368832305675824;0.044308943089430896655755987013;0.033333333333333332870740406406;0.026422764227642277917729174419
-0.018803418803418802535132314802;0.007264957264957265167804045802;0.039316239316239315337853099663;0.425213675213675201813856574518;0.018376068376068376702958673263;0.005982905982905983334474431246;0.003418803418803418800453464144;0.015811965811965811301575968173;0.008547008547008547868495398347;0.010683760683760683968257509946;0.008974358974358973700669039886;0.003418803418803418800453464144;0.003418803418803418800453464144;0.027350427350427350403627713149;0.017521367521367521569164438233;0.009829059829059828834463274916;0.011111111111111111535154627461;0.015811965811965811301575968173;0.011538461538461539102051744976;0.006410256410256410034009810772;0.011538461538461539102051744976;0.014102564102564102768710974090;0.004273504273504273934247699174;0.016666666666666666435370203203;0.022222222222222223070309254922;0.032051282051282048435325577884;0.017948717948717947401338079771;0.009829059829059828834463274916;0.002564102564102564100340098108;0.010683760683760683968257509946;0.003418803418803418800453464144;0.013675213675213675201813856575;0.003418803418803418800453464144;0.007692307692307692734701163317;0.007692307692307692734701163317;0.024358974358974359170071366520;0.004700854700854700633783078700;0.007264957264957265167804045802;0.002564102564102564100340098108;0.007692307692307692734701163317;0.006410256410256410034009810772;0.004273504273504273934247699174;0.000000000000000000000000000000;0.008974358974358973700669039886;0.013247863247863247634916739059;0.011965811965811966668948862491;0.026495726495726495269833478119;0.012820512820512820068019621544;0.011965811965811966668948862491;0.010683760683760683968257509946
-0.018055555555555553859381490156;0.016666666666666666435370203203;0.025555555555555557051272685953;0.357499999999999984456877655248;0.007499999999999999722444243844;0.015555555555555555108382392859;0.005833333333333333599324266316;0.016111111111111110771876298031;0.010555555555555555871660722289;0.008888888888888888881179006773;0.014166666666666665949647629930;0.008333333333333333217685101602;0.017222222222222222098864108375;0.017500000000000001665334536938;0.021388888888888887840344921187;0.013055555555555556357383295563;0.015833333333333334674852821422;0.016388888888888890338346726594;0.009444444444444444544672911945;0.005555555555555555767577313730;0.010277777777777778039913769703;0.012500000000000000693889390391;0.017777777777777777762358013547;0.019166666666666665186369300500;0.017500000000000001665334536938;0.018333333333333333425851918719;0.013611111111111110286153724758;0.017222222222222222098864108375;0.003333333333333333547282562037;0.013055555555555556357383295563;0.012500000000000000693889390391;0.011944444444444445030395485219;0.005555555555555555767577313730;0.009444444444444444544672911945;0.023611111111111110494320541875;0.015277777777777777276635440273;0.005000000000000000104083408559;0.009722222222222222376419864531;0.001944444444444444388547799107;0.031111111111111110216764785719;0.007777777777777777554191196430;0.009722222222222222376419864531;0.000000000000000000000000000000;0.008055555555555555385938149016;0.012222222222222222862142437805;0.007777777777777777554191196430;0.015555555555555555108382392859;0.017777777777777777762358013547;0.022222222222222223070309254922;0.008888888888888888881179006773
-0.017037037037037038034181790636;0.011111111111111111535154627461;0.018888888888888889089345823891;0.509259259259259300378630541672;0.010740740740740739936343040029;0.017037037037037038034181790636;0.005555555555555555767577313730;0.014814814814814815380206169948;0.010000000000000000208166817117;0.008518518518518519017090895318;0.008148148148148147418279307885;0.005555555555555555767577313730;0.014814814814814815380206169948;0.011481481481481481399242738917;0.028148148148148147834612942120;0.007777777777777777554191196430;0.008888888888888888881179006773;0.010740740740740739936343040029;0.015925925925925926707193980292;0.005185185185185185036127464286;0.011851851851851851263330850372;0.006666666666666667094565124074;0.005185185185185185036127464286;0.017037037037037038034181790636;0.014074074074074073917306471060;0.011481481481481481399242738917;0.017777777777777777762358013547;0.006666666666666667094565124074;0.000740740740740740703958178148;0.017037037037037038034181790636;0.006666666666666667094565124074;0.007407407407407407690103084974;0.004074074074074073709139653943;0.006296296296296296363115274630;0.010370370370370370072254928573;0.011851851851851851263330850372;0.004814814814814815172039352831;0.007777777777777777554191196430;0.000740740740740740703958178148;0.006296296296296296363115274630;0.007777777777777777554191196430;0.004074074074074073709139653943;0.000000000000000000000000000000;0.010370370370370370072254928573;0.017777777777777777762358013547;0.007037037037037036958653235530;0.011851851851851851263330850372;0.010370370370370370072254928573;0.009259259259259258745267118229;0.007037037037037036958653235530
-0.014666666666666666393736839780;0.014333333333333333342585191872;0.020666666666666666518636930050;0.448333333333333305947832059246;0.018999999999999999528155214534;0.011333333333333334147496884725;0.004333333333333333134418374755;0.018333333333333333425851918719;0.010666666666666666310470112933;0.008666666666666666268836749509;0.008000000000000000166533453694;0.007000000000000000145716771982;0.013666666666666667240281896056;0.012333333333333333300951828448;0.021000000000000001304512053935;0.012000000000000000249800180541;0.005333333333333333155235056466;0.015333333333333332496040135595;0.019666666666666665630458510350;0.004000000000000000083266726847;0.010000000000000000208166817117;0.017333333333333332537673499019;0.008999999999999999319988397417;0.009333333333333334105863521302;0.014999999999999999444888487687;0.013666666666666667240281896056;0.017333333333333332537673499019;0.014000000000000000291433543964;0.001000000000000000020816681712;0.020333333333333331732761806165;0.005000000000000000104083408559;0.006333333333333333176051738178;0.010000000000000000208166817117;0.007333333333333333196868419890;0.018666666666666668211727042603;0.015333333333333332496040135595;0.004000000000000000083266726847;0.009666666666666667157015169209;0.002000000000000000041633363423;0.018999999999999999528155214534;0.007666666666666666248020067798;0.005666666666666667073748442363;0.000000000000000000000000000000;0.007000000000000000145716771982;0.016000000000000000333066907388;0.010333333333333333259318465025;0.011666666666666667198648532633;0.006333333333333333176051738178;0.016333333333333331649495079319;0.006000000000000000124900090270
-0.028787878787878789371701415689;0.011363636363636363951767904723;0.034848484848484850839867021932;0.110606060606060610518319720086;0.003787878787878787983922634908;0.022727272727272727903535809446;0.012500000000000000693889390391;0.017803030303030303177491688871;0.015909090909090907450806895440;0.014015151515151515193569053963;0.018560606060606062162054996634;0.004545454545454545233762466694;0.036742424242424243097104863409;0.021212121212121213403856145874;0.010227272727272727209646419055;0.012500000000000000693889390391;0.018939393939393939919613174538;0.027272727272727271402574800163;0.013257575757575757943729222177;0.008333333333333333217685101602;0.014772727272727272443408885749;0.015151515151515151935690539631;0.041666666666666664353702032031;0.026136363636363634660453314495;0.027651515151515152629579930021;0.024621212121212120160773650923;0.024242424242424242403215473018;0.004545454545454545233762466694;0.001893939393939393991961317454;0.011742424242424241709326082628;0.008712121212121212709966755483;0.012878787878787878451447568295;0.012500000000000000693889390391;0.015151515151515151935690539631;0.055681818181818179547271085994;0.021969696969696968918972501683;0.010227272727272727209646419055;0.014015151515151515193569053963;0.003787878787878787983922634908;0.057575757575757578743402831378;0.004166666666666666608842550801;0.010984848484848484459486250842;0.000000000000000000000000000000;0.017803030303030303177491688871;0.003409090909090908925321850020;0.029924242424242422644375949403;0.016287878787878788677812025298;0.018939393939393939919613174538;0.037121212121212124324109993267;0.012500000000000000693889390391
-0.016312056737588651739168099652;0.014539007092198581727604533853;0.027659574468085104670400653504;0.314184397163120576745853895773;0.009219858156028368223466884501;0.016666666666666666435370203203;0.010283687943262410577349719176;0.022340425531914894635709956106;0.006028368794326241161818380476;0.011347517730496454665956029828;0.013475177304964539373721699178;0.008156028368794325869584049826;0.019503546099290780535540079654;0.020212765957446809927944286756;0.042907801418439715790409394458;0.011347517730496454665956029828;0.010992907801418439969753926277;0.024113475177304964647273521905;0.009219858156028368223466884501;0.003900709219858156020371842132;0.012411347517730497019838864503;0.007092198581560283515701215151;0.014893617021276596423806637404;0.015957446808510637042965996102;0.018085106382978721750731665452;0.017375886524822695827774410304;0.023049645390070920558667211253;0.007092198581560283515701215151;0.002836879432624113666489007457;0.012056737588652482323636760952;0.007801418439716312040743684264;0.015602836879432624081487368528;0.011702127659574467627434657402;0.017730496453900710523976513855;0.033333333333333332870740406406;0.014893617021276596423806637404;0.008865248226950355261988256927;0.008865248226950355261988256927;0.000709219858156028416622251864;0.017375886524822695827774410304;0.007092198581560283515701215151;0.002836879432624113666489007457;0.000000000000000000000000000000;0.011347517730496454665956029828;0.019858156028368795231742183205;0.014184397163120567031402430302;0.015602836879432624081487368528;0.012765957446808509981317492077;0.023049645390070920558667211253;0.013120567375886524677519595627
-0.019565217391304349364711256953;0.011594202898550724778470311094;0.042753623188405795452204927187;0.248550724637681158535329473125;0.007608695652173913352711576152;0.013768115942028985240752625430;0.007971014492753622851517469883;0.023550724637681159923108253906;0.006521739130434782254208680996;0.016666666666666666435370203203;0.010507246376811593679967415937;0.005434782608695652023067523828;0.019202898550724638998543625235;0.040217391304347822889031505156;0.027898550724637680847672882578;0.013043478260869564508417361992;0.011231884057971014412302679375;0.019565217391304349364711256953;0.012318840579710145510805574531;0.009057971014492753950020365039;0.010869565217391304046135047656;0.009782608695652174682355628477;0.015942028985507245703034939766;0.031521739130434781039902247812;0.022463768115942028824605358750;0.023913043478260870289275885625;0.022826086956521739190772990469;0.011956521739130435144637942813;0.001086956521739130447981591665;0.014492753623188405973087888867;0.008333333333333333217685101602;0.009420289855072464316187996758;0.008695652173913043583852733320;0.016666666666666666435370203203;0.025362318840579711753946412500;0.022101449275362318458437727031;0.006521739130434782254208680996;0.006159420289855072755402787266;0.001811594202898550746635986108;0.025000000000000001387778780781;0.006884057971014492620376312715;0.003260869565217391127104340498;0.000000000000000000000000000000;0.013405797101449274874584993711;0.013768115942028985240752625430;0.007246376811594202986543944434;0.030434782608695653410846304610;0.022463768115942028824605358750;0.023188405797101449556940622188;0.017391304347826087167705466641
-0.012500000000000000693889390391;0.011666666666666667198648532633;0.019166666666666665186369300500;0.427916666666666667406815349750;0.001666666666666666773641281019;0.009583333333333332593184650250;0.010833333333333333703407674875;0.022083333333333333287074040641;0.009166666666666666712925959359;0.017083333333333332315628894094;0.007916666666666667337426410711;0.006666666666666667094565124074;0.006250000000000000346944695195;0.013333333333333334189130248149;0.020833333333333332176851016015;0.007083333333333332974823814965;0.012083333333333333078907223523;0.020416666666666666296592325125;0.014583333333333333564629796797;0.003749999999999999861222121922;0.012500000000000000693889390391;0.009583333333333332593184650250;0.007083333333333332974823814965;0.029999999999999998889776975375;0.013333333333333334189130248149;0.018333333333333333425851918719;0.023333333333333334397297065266;0.005416666666666666851703837438;0.004583333333333333356462979680;0.011249999999999999583666365766;0.005833333333333333599324266316;0.017500000000000001665334536938;0.004166666666666666608842550801;0.007083333333333332974823814965;0.011249999999999999583666365766;0.026249999999999999028554853453;0.005000000000000000104083408559;0.007916666666666667337426410711;0.000416666666666666693410320255;0.013750000000000000069388939039;0.011249999999999999583666365766;0.005833333333333333599324266316;0.000000000000000000000000000000;0.019583333333333334536074943344;0.009166666666666666712925959359;0.022083333333333333287074040641;0.016250000000000000555111512313;0.007499999999999999722444243844;0.010833333333333333703407674875;0.008333333333333333217685101602
-0.025378787878787879145336958686;0.008712121212121212709966755483;0.056060606060606060774276215852;0.102651515151515146384575416505;0.001515151515151515150200967064;0.020075757575757576661734660206;0.003030303030303030300401934127;0.017424242424242425419933510966;0.014015151515151515193569053963;0.025757575757575756902895136591;0.017803030303030303177491688871;0.015151515151515151935690539631;0.025378787878787879145336958686;0.035227272727272725127978247883;0.008333333333333333217685101602;0.014393939393939394685850707845;0.021590909090909091161414323778;0.031818181818181814901613790880;0.010984848484848484459486250842;0.010984848484848484459486250842;0.013636363636363635701287400082;0.016666666666666666435370203203;0.020454545454545454419292838111;0.028787878787878789371701415689;0.027272727272727271402574800163;0.035984848484848487581988507600;0.022348484848484850145977631541;0.016666666666666666435370203203;0.002272727272727272616881233347;0.011742424242424241709326082628;0.016287878787878788677812025298;0.016666666666666666435370203203;0.009469696969696969959806587269;0.011363636363636363951767904723;0.036363636363636361870099733551;0.037878787878787879839226349077;0.007575757575757575967845269815;0.014772727272727272443408885749;0.000757575757575757575100483532;0.031439393939393940613502564929;0.008712121212121212709966755483;0.004166666666666666608842550801;0.000000000000000000000000000000;0.018939393939393939919613174538;0.006060606060606060600803868255;0.016666666666666666435370203203;0.030303030303030303871381079261;0.025000000000000001387778780781;0.030303030303030303871381079261;0.015151515151515151935690539631
-0.014035087719298245875765296375;0.006578947368421052266374005058;0.046491228070175437403488416521;0.228070175438596478567632175327;0.000438596491228070183617665512;0.009210526315789472825978911885;0.007456140350877192742029553330;0.027192982456140352143236782467;0.014473684210526315679912201517;0.025877192982456140996072591065;0.013596491228070176071618391234;0.007017543859649122937882648188;0.006578947368421052266374005058;0.044298245614035086648030414835;0.022368421052631579093450397977;0.015789473684210526827076392919;0.017543859649122806043664013487;0.016666666666666666435370203203;0.010964912280701753777290008429;0.003070175438596491231113549958;0.019298245614035088729698586008;0.020614035087719299876862777410;0.008333333333333333217685101602;0.028070175438596491751530592751;0.024561403508771929848908399663;0.035964912280701755165068789211;0.032456140350877189792999644169;0.009649122807017544364849293004;0.002192982456140350755458001686;0.003070175438596491231113549958;0.004385964912280701510916003372;0.017543859649122806043664013487;0.007456140350877192742029553330;0.018421052631578945651957823770;0.021491228070175439485156587693;0.024561403508771929848908399663;0.005263157894736841986571551644;0.004824561403508772182424646502;0.003070175438596491231113549958;0.014912280701754385484059106659;0.017543859649122806043664013487;0.008771929824561403021832006743;0.000000000000000000000000000000;0.021929824561403507554580016858;0.009210526315789472825978911885;0.021491228070175439485156587693;0.035087719298245612087328026973;0.011842105263157895120307294690;0.018421052631578945651957823770;0.011842105263157895120307294690
-0.021666666666666667406815349750;0.001666666666666666773641281019;0.059166666666666666019036568969;0.242916666666666669627261399000;0.000416666666666666693410320255;0.007916666666666667337426410711;0.003749999999999999861222121922;0.016250000000000000555111512313;0.009583333333333332593184650250;0.027916666666666666019036568969;0.014166666666666665949647629930;0.006250000000000000346944695195;0.010833333333333333703407674875;0.038749999999999999722444243844;0.014166666666666665949647629930;0.019166666666666665186369300500;0.015833333333333334674852821422;0.018333333333333333425851918719;0.008750000000000000832667268469;0.009166666666666666712925959359;0.019166666666666665186369300500;0.011666666666666667198648532633;0.005416666666666666851703837438;0.040416666666666663243479007406;0.027500000000000000138777878078;0.045416666666666667684371105906;0.031666666666666669349705642844;0.001250000000000000026020852140;0.001666666666666666773641281019;0.000833333333333333386820640509;0.002083333333333333304421275400;0.018333333333333333425851918719;0.004583333333333333356462979680;0.009583333333333332593184650250;0.019166666666666665186369300500;0.034166666666666664631257788187;0.009166666666666666712925959359;0.010833333333333333703407674875;0.000833333333333333386820640509;0.017500000000000001665334536938;0.005833333333333333599324266316;0.001666666666666666773641281019;0.000000000000000000000000000000;0.016666666666666666435370203203;0.005000000000000000104083408559;0.023333333333333334397297065266;0.033333333333333332870740406406;0.021666666666666667406815349750;0.017083333333333332315628894094;0.017500000000000001665334536938
-0.031707317073170732113496228521;0.028861788617886179053595441246;0.060975609756097559621679238262;0.001626016260162601624605915873;0.006504065040650406498423663493;0.018292682926829267192614381088;0.007317073170731707744407490424;0.028861788617886179053595441246;0.014227642276422763564780460399;0.028455284552845527129560920798;0.012195121951219512618225238043;0.008943089430894309369013406297;0.018699186991869919116648901536;0.039430894308943087445129549451;0.021544715447154472176549688811;0.020325203252032519873893079421;0.019512195121951219495270990478;0.042276422764227640505030336726;0.015447154471544715867437069790;0.009756097560975609747635495239;0.021138211382113820252515168363;0.013414634146341463186158371457;0.016666666666666666435370203203;0.044308943089430896655755987013;0.023577235772357724857828387144;0.033333333333333332870740406406;0.030487804878048779810839619131;0.032520325203252035961565269417;0.002439024390243902436908873810;0.012601626016260162807536282514;0.004065040650406504495195658677;0.020325203252032519873893079421;0.013414634146341463186158371457;0.012601626016260162807536282514;0.017886178861788618738026812593;0.041056910569105688202373727336;0.013008130081300812996847326986;0.007723577235772357933718534895;0.001219512195121951218454436905;0.014634146341463415488814980847;0.016666666666666666435370203203;0.009756097560975609747635495239;0.000000000000000000000000000000;0.019105691056910567571236470030;0.010162601626016259936946539710;0.018699186991869919116648901536;0.032926829268292684416152837912;0.034552845528455285173397015797;0.027642276422764226750938831856;0.019105691056910567571236470030
-0.020567375886524821154699438353;0.021276595744680850547103645454;0.018085106382978721750731665452;0.212765957446808512409930358444;0.046453900709219855813536526057;0.020921985815602835850901541903;0.007801418439716312040743684264;0.020921985815602835850901541903;0.013475177304964539373721699178;0.014893617021276596423806637404;0.013829787234042552335200326752;0.010638297872340425273551822727;0.019503546099290780535540079654;0.018085106382978721750731665452;0.024468085106382979343475625456;0.015602836879432624081487368528;0.008510638297872340565786153377;0.025886524822695034658837087704;0.020212765957446809927944286756;0.003900709219858156020371842132;0.015248226950354609385285264977;0.006382978723404254990658746038;0.009929078014184397615871091602;0.020567375886524821154699438353;0.020212765957446809927944286756;0.021276595744680850547103645454;0.018439716312056736446933769002;0.035815602836879435744155131260;0.004255319148936170282893076688;0.034042553191489362263144613507;0.011347517730496454665956029828;0.014184397163120567031402430302;0.014539007092198581727604533853;0.012765957446808509981317492077;0.020212765957446809927944286756;0.017021276595744681131572306754;0.006028368794326241161818380476;0.012765957446808509981317492077;0.001063829787234042570723269172;0.009929078014184397615871091602;0.009574468085106382919668988052;0.006382978723404254990658746038;0.000000000000000000000000000000;0.018439716312056736446933769002;0.024468085106382979343475625456;0.019503546099290780535540079654;0.017021276595744681131572306754;0.013829787234042552335200326752;0.015602836879432624081487368528;0.011347517730496454665956029828
-0.034583333333333333980963431031;0.011249999999999999583666365766;0.039166666666666669072149886688;0.112500000000000002775557561563;0.028750000000000001249000902703;0.016666666666666666435370203203;0.005000000000000000104083408559;0.016250000000000000555111512313;0.007499999999999999722444243844;0.026666666666666668378260496297;0.018749999999999999306110609609;0.009583333333333332593184650250;0.022499999999999999167332731531;0.040833333333333332593184650250;0.017916666666666667545593227828;0.017916666666666667545593227828;0.015416666666666667059870654555;0.016250000000000000555111512313;0.017916666666666667545593227828;0.012083333333333333078907223523;0.014999999999999999444888487687;0.011249999999999999583666365766;0.010416666666666666088425508008;0.033333333333333332870740406406;0.034583333333333333980963431031;0.035000000000000003330669073875;0.029583333333333333009518284484;0.014583333333333333564629796797;0.000833333333333333386820640509;0.014999999999999999444888487687;0.013333333333333334189130248149;0.020833333333333332176851016015;0.005833333333333333599324266316;0.011666666666666667198648532633;0.022499999999999999167332731531;0.036249999999999997501998194593;0.007499999999999999722444243844;0.008750000000000000832667268469;0.000416666666666666693410320255;0.017500000000000001665334536938;0.007499999999999999722444243844;0.005000000000000000104083408559;0.000000000000000000000000000000;0.022083333333333333287074040641;0.011249999999999999583666365766;0.021666666666666667406815349750;0.033750000000000002220446049250;0.027500000000000000138777878078;0.026666666666666668378260496297;0.012916666666666666574148081281
-0.013095238095238095551997581367;0.013888888888888888117900677344;0.050396825396825398191147371563;0.193253968253968261281627860626;0.009523809523809524668624959531;0.006746031746031746351155433672;0.003968253968253968033685907812;0.035317460317460316887583360312;0.012698412698412698401684295391;0.024603174603174602502742018828;0.013095238095238095551997581367;0.001984126984126984016842953906;0.012301587301587301251371009414;0.031349206349206348853897452500;0.035317460317460316887583360312;0.014682539682539682418527249297;0.013492063492063492702310867344;0.023809523809523808202115446875;0.014285714285714285268213963320;0.005555555555555555767577313730;0.017063492063492061850960013203;0.014682539682539682418527249297;0.011111111111111111535154627461;0.031349206349206348853897452500;0.020634920634920634469056111016;0.031746031746031744269487262500;0.034523809523809526056403740313;0.005555555555555555767577313730;0.001984126984126984016842953906;0.006746031746031746351155433672;0.004761904761904762334312479766;0.017857142857142856151586585156;0.007936507936507936067371815625;0.019444444444444444752839729063;0.016269841269841271019780393203;0.033333333333333332870740406406;0.005952380952380952050528861719;0.004365079365079365183999193789;0.001190476190476190583578119941;0.016666666666666666435370203203;0.012301587301587301251371009414;0.006349206349206349200842147695;0.000000000000000000000000000000;0.021031746031746033354092872969;0.018253968253968255036623347110;0.008730158730158730367998387578;0.035317460317460316887583360312;0.020238095238095239053466301016;0.025793650793650792218958400781;0.019444444444444444752839729063
-0.023170731707317072933793866696;0.004471544715447154684506703148;0.075203252032520331860077078545;0.115853658536585371607863237386;0.006910569105691056687734707964;0.011382113821138212239603149101;0.004471544715447154684506703148;0.028861788617886179053595441246;0.021544715447154472176549688811;0.028861788617886179053595441246;0.013414634146341463186158371457;0.008130081300813008990391317354;0.004065040650406504495195658677;0.029674796747967479432217530189;0.017479674796747966813992292145;0.019512195121951219495270990478;0.035772357723577237476053625187;0.040650406504065039747786158841;0.014634146341463415488814980847;0.009349593495934959558324450768;0.019918699186991871419305510926;0.018292682926829267192614381088;0.006097560975609756309112619022;0.045121951219512193564931124001;0.021544715447154472176549688811;0.039024390243902438990541980957;0.029268292682926830977629961694;0.003658536585365853872203745212;0.003658536585365853872203745212;0.007723577235772357933718534895;0.004065040650406504495195658677;0.029268292682926830977629961694;0.004878048780487804873817747620;0.010162601626016259936946539710;0.012601626016260162807536282514;0.057723577235772358107190882492;0.014227642276422763564780460399;0.009349593495934959558324450768;0.000813008130081300812302957937;0.006910569105691056687734707964;0.006504065040650406498423663493;0.007317073170731707744407490424;0.000000000000000000000000000000;0.021544715447154472176549688811;0.009756097560975609747635495239;0.021951219512195120631137257305;0.028455284552845527129560920798;0.018292682926829267192614381088;0.019918699186991871419305510926;0.008536585365853659179702361826
-0.019607843137254901688670827298;0.013071895424836601704021710191;0.067647058823529407356467402224;0.000000000000000000000000000000;0.001960784313725490168867082730;0.017320261437908497648141548098;0.005228758169934640161191641283;0.025490196078431372195272075487;0.016339869281045752563708006733;0.033333333333333332870740406406;0.016013071895424835222598858309;0.009477124183006535237949741202;0.020915032679738560644766565133;0.039215686274509803377341654596;0.012745098039215686097636037744;0.018300653594771242732575089462;0.036928104575163399336812375395;0.054575163398692810856616119963;0.012418300653594770491250365296;0.008169934640522876281854003366;0.018954248366013070475899482403;0.012091503267973856619588168826;0.015359477124183005744550989391;0.052614379084967320687749037234;0.026797385620915031151367813322;0.027777777777777776235801354687;0.032679738562091505127416013465;0.008823529411764705759901872284;0.004248366013071895076758099918;0.010784313725490195928768955014;0.003921568627450980337734165460;0.023856209150326795898067189228;0.012745098039215686097636037744;0.009150326797385621366287544731;0.033333333333333332870740406406;0.051307189542483658262206347445;0.013725490196078431182069579108;0.010130718954248366450721086096;0.000980392156862745084433541365;0.019607843137254901688670827298;0.010130718954248366450721086096;0.011764705882352941013202496379;0.000000000000000000000000000000;0.027124183006535948492476961746;0.004901960784313725422167706824;0.021568627450980391857537910028;0.030392156862745097617439782312;0.027777777777777776235801354687;0.034313725490196081424620899725;0.014379084967320260660117448026
-0.038617886178861790535954412462;0.007723577235772357933718534895;0.039430894308943087445129549451;0.004065040650406504495195658677;0.003252032520325203249211831746;0.010162601626016259936946539710;0.005691056910569106119801574550;0.028048780487804878674973352304;0.006910569105691056687734707964;0.056097560975609757349946704608;0.015447154471544715867437069790;0.004471544715447154684506703148;0.003658536585365853872203745212;0.049593495934959347382076089161;0.009349593495934959558324450768;0.022357723577235772555171777753;0.008943089430894309369013406297;0.018699186991869919116648901536;0.015040650406504065678126025318;0.003658536585365853872203745212;0.023983739837398373312415955638;0.007317073170731707744407490424;0.003658536585365853872203745212;0.082926829268292687191710399475;0.034146341463414636718809447302;0.058130081300813006561778450987;0.023983739837398373312415955638;0.023577235772357724857828387144;0.002439024390243902436908873810;0.005691056910569106119801574550;0.008536585365853659179702361826;0.035365853658536582082572152785;0.008130081300813008990391317354;0.007317073170731707744407490424;0.006910569105691056687734707964;0.060569105691056911167091669768;0.010975609756097560315568628653;0.010162601626016259936946539710;0.000406504065040650406151478968;0.004471544715447154684506703148;0.008130081300813008990391317354;0.003252032520325203249211831746;0.000000000000000000000000000000;0.052845528455284555835458348838;0.004878048780487804873817747620;0.032520325203252035961565269417;0.064227642276422761136167594032;0.033333333333333332870740406406;0.015447154471544715867437069790;0.015447154471544715867437069790
-0.031632653061224487445191044799;0.009863945578231291672066660681;0.060884353741496595457949325692;0.120748299319727886436126595981;0.008163265306122449715964251027;0.021088435374149658296794029866;0.001700680272108843473985451134;0.013265306122448979053718431942;0.011904761904761904101057723437;0.029251700680272108012758280893;0.015646258503401361955598147802;0.011564625850340135362892546311;0.017006802721088436908258856306;0.043877551020408162019137421339;0.011224489795918366624727369185;0.033673469387755103343629059509;0.015306122448979591482709494699;0.024489795918367345678445801127;0.007482993197278911372272158786;0.005442176870748298943281096030;0.010884353741496597886562192059;0.023129251700680270725785092623;0.007823129251700680977799073901;0.030272108843537415961977288248;0.030272108843537415961977288248;0.043877551020408162019137421339;0.019727891156462583344133321361;0.007823129251700680977799073901;0.001360544217687074735820274007;0.010204081632653060410231837807;0.010204081632653060410231837807;0.013605442176870747791883609068;0.006462585034013605157776627408;0.016666666666666666435370203203;0.027210884353741495583767218136;0.031972789115646257918079697902;0.008163265306122449715964251027;0.012585034013605441577388077690;0.003061224489795918209805725141;0.027891156462585033060097572388;0.004761904761904762334312479766;0.007142857142857142634106981660;0.000000000000000000000000000000;0.013265306122448979053718431942;0.004421768707482993596147302640;0.008163265306122449715964251027;0.044217687074829932492026074442;0.033333333333333332870740406406;0.024829931972789116151334454230;0.022448979591836733249454738370
-0.009748427672955974412905000293;0.024842767295597485699421014260;0.022327044025157231216249797967;0.338050314465408785480349251884;0.007547169811320754775896268995;0.013207547169811321291499339736;0.005974842767295597892318603783;0.025157232704402517076136547303;0.013836477987421384044930405821;0.017295597484276729188801269288;0.006918238993710692022465202911;0.006603773584905660645749669868;0.021069182389937105709387665797;0.012893081761006289914783806694;0.032075471698113207363878274236;0.008490566037735848906042868123;0.017295597484276729188801269288;0.022641509433962262592965331010;0.018867924528301886072378934500;0.004716981132075471518094733625;0.015094339622641509551792537991;0.012893081761006289914783806694;0.010377358490566037166336066377;0.020754716981132074332672132755;0.012264150943396227161352740609;0.012893081761006289914783806694;0.022955974842767293969680864052;0.017295597484276729188801269288;0.002201257861635220070689600291;0.014465408805031446798361471906;0.004088050314465408764663667540;0.013836477987421384044930405821;0.009748427672955974412905000293;0.008490566037735848906042868123;0.021069182389937105709387665797;0.022012578616352199839534264925;0.007861635220125786152611802038;0.008490566037735848906042868123;0.002830188679245282824120666376;0.014465408805031446798361471906;0.008176100628930817529327335080;0.013522012578616352668214872779;0.000000000000000000000000000000;0.019496855345911948825810000585;0.016981132075471697812085736246;0.020754716981132074332672132755;0.012264150943396227161352740609;0.008490566037735848906042868123;0.009119496855345911659473934208;0.007547169811320754775896268995
-0.024074074074074074125473288177;0.008888888888888888881179006773;0.044444444444444446140618509844;0.090740740740740746805848004897;0.003703703703703703845051542487;0.013703703703703704053218359604;0.006666666666666667094565124074;0.032592592592592589673117231541;0.014444444444444443781394582516;0.021481481481481479872686080057;0.012592592592592592726230549260;0.006666666666666667094565124074;0.019259259259259260688157411323;0.034074074074074076068363581271;0.024814814814814813853649511088;0.011111111111111111535154627461;0.017777777777777777762358013547;0.035185185185185187395351391615;0.032222222222222221543752596062;0.007037037037037036958653235530;0.030370370370370370488588562807;0.016296296296296294836558615771;0.020000000000000000416333634234;0.026666666666666668378260496297;0.017777777777777777762358013547;0.029629629629629630760412339896;0.042592592592592591616007524635;0.015185185185185185244294281404;0.003333333333333333547282562037;0.012962962962962962590318660716;0.007037037037037036958653235530;0.018148148148148149361169600979;0.014074074074074073917306471060;0.013703703703703704053218359604;0.020370370370370372015145221667;0.032222222222222221543752596062;0.017777777777777777762358013547;0.014814814814814815380206169948;0.003703703703703703845051542487;0.028888888888888887562789165031;0.007777777777777777554191196430;0.007777777777777777554191196430;0.000000000000000000000000000000;0.020370370370370372015145221667;0.011111111111111111535154627461;0.015925925925925926707193980292;0.022592592592592591199673890401;0.014444444444444443781394582516;0.038888888888888889505679458125;0.014074074074074073917306471060
-0.028125000000000000693889390391;0.013541666666666667129259593594;0.044791666666666667129259593594;0.076736111111111116045435665001;0.004861111111111111188209932266;0.021527777777777777623580135469;0.008680555555555555941049661328;0.043402777777777776235801354687;0.013888888888888888117900677344;0.026388888888888888811790067734;0.020833333333333332176851016015;0.006597222222222222202947516934;0.012847222222222221682530474141;0.027083333333333334258519187188;0.020138888888888890199568848516;0.017361111111111111882099322656;0.015972222222222220988641083750;0.041666666666666664353702032031;0.018749999999999999306110609609;0.007986111111111110494320541875;0.023263888888888889505679458125;0.007638888888888888638317720137;0.015277777777777777276635440273;0.037847222222222219600862302968;0.029166666666666667129259593594;0.032986111111111111882099322656;0.046180555555555558022717832500;0.004861111111111111188209932266;0.004166666666666666608842550801;0.017361111111111111882099322656;0.006597222222222222202947516934;0.013888888888888888117900677344;0.014930555555555556287994356524;0.014236111111111110841265237070;0.019444444444444444752839729063;0.033333333333333332870740406406;0.018055555555555553859381490156;0.012500000000000000693889390391;0.003472222222222222029475169336;0.007638888888888888638317720137;0.013541666666666667129259593594;0.003819444444444444319158860068;0.000000000000000000000000000000;0.020833333333333332176851016015;0.010416666666666666088425508008;0.015972222222222220988641083750;0.033333333333333332870740406406;0.020486111111111111188209932266;0.034027777777777774848022573906;0.013541666666666667129259593594
-0.032768361581920903147224777285;0.008474576271186440648564008882;0.044632768361581920402159084915;0.029096045197740113413820139954;0.004519774011299435186039819001;0.030225988700564972860851398195;0.006779661016949152345378859508;0.027118644067796609381515438031;0.028531073446327683690304510833;0.027401129943502824243273252591;0.018079096045197740744159276005;0.031073446327683617446124841877;0.011581920903954802393176493069;0.032203389830508473423709148165;0.012429378531073446978449936751;0.033050847457627118008982591846;0.020338983050847456168774840535;0.029378531073446328275577954514;0.014689265536723164137788977257;0.006779661016949152345378859508;0.017514124293785311020643646884;0.015819209039548021850096759522;0.009039548022598870372079638003;0.036440677966101696350076366571;0.035310734463276836903045108329;0.037005649717514126073591995691;0.029943502824858757999093583635;0.003389830508474576172689429754;0.002824858757062146882854669627;0.014406779661016949276031162697;0.025141242937853108818657688062;0.024858757062146893956899873501;0.011864406779661017254934307630;0.010451977401129942946145234828;0.015254237288135593861304606378;0.035310734463276836903045108329;0.011864406779661017254934307630;0.016384180790960451573612388643;0.002259887005649717593019909501;0.009604519774011300095595267123;0.007344632768361582068894488629;0.014406779661016949276031162697;0.000000000000000000000000000000;0.029378531073446328275577954514;0.006779661016949152345378859508;0.027118644067796609381515438031;0.043220338983050846093370012113;0.020338983050847456168774840535;0.022598870056497175062837357018;0.014971751412429378999546791817
-0.050000000000000002775557561563;0.005673758865248227332978014914;0.057092198581560282821811824761;0.002482269503546099403967772901;0.003191489361702127495329373019;0.014539007092198581727604533853;0.003546099290780141757850607576;0.017375886524822695827774410304;0.014893617021276596423806637404;0.040070921985815605159686469960;0.017730496453900710523976513855;0.006737588652482269686860849589;0.013475177304964539373721699178;0.053191489361702128102482589611;0.003900709219858156020371842132;0.036524822695035458197665434454;0.025886524822695034658837087704;0.021631205673758865243305749004;0.006382978723404254990658746038;0.006737588652482269686860849589;0.013475177304964539373721699178;0.015248226950354609385285264977;0.006382978723404254990658746038;0.066666666666666665741480812812;0.038652482269503546374878055758;0.053191489361702128102482589611;0.023049645390070920558667211253;0.003900709219858156020371842132;0.001063829787234042570723269172;0.004609929078014184111733442251;0.008865248226950355261988256927;0.029432624113475178151411171257;0.003191489361702127495329373019;0.014539007092198581727604533853;0.015957446808510637042965996102;0.041134751773049642309398876705;0.011702127659574467627434657402;0.020921985815602835850901541903;0.003191489361702127495329373019;0.017375886524822695827774410304;0.004255319148936170282893076688;0.006737588652482269686860849589;0.000000000000000000000000000000;0.038652482269503546374878055758;0.001063829787234042570723269172;0.025886524822695034658837087704;0.047872340425531914598344940259;0.040070921985815605159686469960;0.020567375886524821154699438353;0.021276595744680850547103645454
-0.036170212765957443501463330904;0.007801418439716312040743684264;0.055319148936170209340801307007;0.000354609929078014208311125932;0.001418439716312056833244503729;0.029432624113475178151411171257;0.002482269503546099403967772901;0.014539007092198581727604533853;0.021276595744680850547103645454;0.021985815602836879939507852555;0.016666666666666666435370203203;0.011347517730496454665956029828;0.040070921985815605159686469960;0.046099290780141841117334422506;0.004964539007092198807935545801;0.024113475177304964647273521905;0.020921985815602835850901541903;0.039716312056737590463484366410;0.010638297872340425273551822727;0.011347517730496454665956029828;0.014539007092198581727604533853;0.020212765957446809927944286756;0.026241134751773049355039191255;0.024113475177304964647273521905;0.031914893617021274085931992204;0.035815602836879435744155131260;0.025531914893617019962634984154;0.007446808510638298211903318702;0.000709219858156028416622251864;0.018085106382978721750731665452;0.010638297872340425273551822727;0.017375886524822695827774410304;0.014893617021276596423806637404;0.018085106382978721750731665452;0.049645390070921988079355458012;0.032978723404255318174538302856;0.016666666666666666435370203203;0.014184397163120567031402430302;0.002836879432624113666489007457;0.034397163120567376959346717058;0.005673758865248227332978014914;0.010638297872340425273551822727;0.000000000000000000000000000000;0.014539007092198581727604533853;0.008156028368794325869584049826;0.016666666666666666435370203203;0.029787234042553192847613274807;0.021631205673758865243305749004;0.036170212765957443501463330904;0.023758865248226949951071418354
-0.026587301587301586519584972734;0.004365079365079365183999193789;0.052777777777777777623580135469;0.000396825396825396825052634231;0.014682539682539682418527249297;0.025793650793650792218958400781;0.004365079365079365183999193789;0.012301587301587301251371009414;0.031349206349206348853897452500;0.029365079365079364837054498594;0.016269841269841271019780393203;0.018253968253968255036623347110;0.021825396825396824185272492969;0.040079365079365082691342792032;0.004365079365079365183999193789;0.021428571428571428769682682969;0.029365079365079364837054498594;0.027380952380952380820211544687;0.009126984126984127518311673555;0.007142857142857142634106981660;0.010714285714285714384841341484;0.021825396825396824185272492969;0.015079365079365079568840535273;0.030952380952380953438307642500;0.036507936507936510073246694219;0.036904761904761905488836504219;0.026984126984126985404621734688;0.019444444444444444752839729063;0.002380952380952381167156239883;0.027777777777777776235801354687;0.011904761904761904101057723437;0.022222222222222223070309254922;0.007539682539682539784420267637;0.012698412698412698401684295391;0.041666666666666664353702032031;0.035714285714285712303173170312;0.010714285714285714384841341484;0.009920634920634920084214769531;0.003571428571428571317053490830;0.031349206349206348853897452500;0.003968253968253968033685907812;0.019841269841269840168429539062;0.000000000000000000000000000000;0.021428571428571428769682682969;0.002380952380952381167156239883;0.010317460317460317234528055508;0.039682539682539680336859078125;0.036507936507936510073246694219;0.032142857142857139685077072500;0.020634920634920634469056111016
-0.024786324786324785002245008059;0.021367521367521367936515019892;0.036324786324786327573743704988;0.035897435897435894802676159543;0.070512820512820512108831394471;0.017948717948717947401338079771;0.004700854700854700633783078700;0.017094017094017095736990796695;0.020085470085470086970547143324;0.015811965811965811301575968173;0.022222222222222223070309254922;0.010683760683760683968257509946;0.018803418803418802535132314802;0.029487179487179486503389824748;0.033333333333333332870740406406;0.014102564102564102768710974090;0.017521367521367521569164438233;0.035897435897435894802676159543;0.017094017094017095736990796695;0.004700854700854700633783078700;0.016666666666666666435370203203;0.016239316239316240603196561665;0.021794871794871793768688661430;0.022222222222222223070309254922;0.021367521367521367936515019892;0.021794871794871793768688661430;0.029914529914529915805010418239;0.030769230769230770938804653269;0.002136752136752136967123849587;0.031196581196581196770978294808;0.012820512820512820068019621544;0.011965811965811966668948862491;0.012393162393162392501122504029;0.012820512820512820068019621544;0.021794871794871793768688661430;0.023931623931623933337897724982;0.013675213675213675201813856575;0.013247863247863247634916739059;0.005555555555555555767577313730;0.029914529914529915805010418239;0.011111111111111111535154627461;0.011538461538461539102051744976;0.000000000000000000000000000000;0.011965811965811966668948862491;0.020940170940170938634894426400;0.017094017094017095736990796695;0.023931623931623933337897724982;0.025641025641025640136039243089;0.026495726495726495269833478119;0.010683760683760683968257509946
-0.028282828282828284538474861165;0.015151515151515151935690539631;0.042929292929292928171491894318;0.014141414141414142269237430583;0.086363636363636364645657295114;0.020707070707070708570629591350;0.006565656565656565434030422779;0.021212121212121213403856145874;0.011616161616161616368381181985;0.039898989898989899172132567173;0.016161616161616161602143648679;0.007575757575757575967845269815;0.017171717171717171268596757727;0.030808080808080808704607633786;0.014646464646464647102463985107;0.018181818181818180935049866775;0.013636363636363635701287400082;0.025757575757575756902895136591;0.022727272727272727903535809446;0.006060606060606060600803868255;0.011111111111111111535154627461;0.009595959595959595300751487912;0.013131313131313130868060845557;0.055050505050505051107823106804;0.025252525252525252069668582067;0.035353535353535352203646624503;0.028787878787878789371701415689;0.011616161616161616368381181985;0.002525252525252525467175379603;0.031313131313131313537834188310;0.009595959595959595300751487912;0.016161616161616161602143648679;0.016161616161616161602143648679;0.006565656565656565434030422779;0.016666666666666666435370203203;0.040909090909090908838585676222;0.010101010101010101868701518413;0.010606060606060606701928072937;0.000000000000000000000000000000;0.012121212121212121201607736509;0.007070707070707071134618715291;0.013131313131313130868060845557;0.000000000000000000000000000000;0.027777777777777776235801354687;0.021717171717171718237082700398;0.020202020202020203737403036826;0.036363636363636361870099733551;0.023232323232323232736762363970;0.014646464646464647102463985107;0.013636363636363635701287400082
-0.027477477477477477846301567865;0.010810810810810811410931364662;0.055855855855855854330549448150;0.120270270270270276946611431867;0.009009009009009008930868311893;0.009909909909909909303538100289;0.003153153153153153039067735364;0.023873873873873872886175462327;0.009459459459459459984564944079;0.044144144144144144281671771068;0.013963963963963963582637362038;0.009909909909909909303538100289;0.004504504504504504465434155946;0.039639639639639637214152401157;0.018918918918918919969129888159;0.020270270270270271395496308742;0.012162162162162162837297785245;0.017567567567567568542763467576;0.009459459459459459984564944079;0.007207207207207207318166997112;0.014864864864864865690030626411;0.009909909909909909303538100289;0.004054054054054054279099261748;0.066666666666666665741480812812;0.028828828828828829272667988448;0.048198198198198198560771032817;0.031531531531531528655953877660;0.010360360360360360357234732476;0.001351351351351351426366420583;0.004504504504504504465434155946;0.006756756756756757131832102914;0.027477477477477477846301567865;0.004954954954954954651769050145;0.011711711711711711783601153058;0.006306306306306306078135470727;0.045045045045045042919618083488;0.008558558558558557877171679706;0.008108108108108108558198523497;0.000450450450450450457385437320;0.007207207207207207318166997112;0.008558558558558557877171679706;0.007207207207207207318166997112;0.000000000000000000000000000000;0.036936936936936934361419559991;0.010360360360360360357234732476;0.015765765765765764327976938830;0.050450450450450448625083765819;0.021621621621621622821862729324;0.010810810810810811410931364662;0.023873873873873872886175462327
-0.023015873015873017370935826875;0.006746031746031746351155433672;0.054761904761904761640423089375;0.117460317460317459348217994375;0.002777777777777777883788656865;0.008333333333333333217685101602;0.007936507936507936067371815625;0.024603174603174602502742018828;0.011507936507936508685467913438;0.036507936507936510073246694219;0.013095238095238095551997581367;0.004365079365079365183999193789;0.010317460317460317234528055508;0.042857142857142857539365365938;0.013095238095238095551997581367;0.023412698412698412786525636875;0.015079365079365079568840535273;0.024206349206349207087152208828;0.009126984126984127518311673555;0.005952380952380952050528861719;0.018650793650793650452213157109;0.018650793650793650452213157109;0.006349206349206349200842147695;0.041269841269841268938112222031;0.022619047619047618485899064922;0.049603174603174600421073847656;0.025793650793650792218958400781;0.003174603174603174600421073848;0.003174603174603174600421073848;0.007142857142857142634106981660;0.006746031746031746351155433672;0.031746031746031744269487262500;0.003571428571428571317053490830;0.015079365079365079568840535273;0.022619047619047618485899064922;0.035317460317460316887583360312;0.011507936507936508685467913438;0.015079365079365079568840535273;0.000000000000000000000000000000;0.011507936507936508685467913438;0.007539682539682539784420267637;0.003571428571428571317053490830;0.000000000000000000000000000000;0.035317460317460316887583360312;0.009523809523809524668624959531;0.030555555555555554553270880547;0.046428571428571430157461463750;0.030555555555555554553270880547;0.015873015873015872134743631250;0.015873015873015872134743631250
-0.029166666666666667129259593594;0.015972222222222220988641083750;0.039930555555555552471602709375;0.048263888888888890893458238907;0.008680555555555555941049661328;0.020486111111111111188209932266;0.006597222222222222202947516934;0.038888888888888889505679458125;0.017708333333333332870740406406;0.030208333333333333564629796797;0.018402777777777778317469525859;0.011805555555555555247160270937;0.009027777777777776929690745078;0.028819444444444446140618509844;0.025000000000000001387778780781;0.026041666666666667823148983985;0.017708333333333332870740406406;0.024305555555555555941049661328;0.021180555555555556634939051719;0.009374999999999999653055304805;0.022569444444444444058950338672;0.017013888888888887424011286953;0.009027777777777776929690745078;0.039930555555555552471602709375;0.033333333333333332870740406406;0.035763888888888886730121896562;0.036458333333333335646297967969;0.014236111111111110841265237070;0.002777777777777777883788656865;0.020486111111111111188209932266;0.014930555555555556287994356524;0.019097222222222223764198645313;0.010069444444444445099784424258;0.010069444444444445099784424258;0.017708333333333332870740406406;0.035763888888888886730121896562;0.011458333333333332523795711211;0.017361111111111111882099322656;0.002430555555555555594104966133;0.013541666666666667129259593594;0.008680555555555555941049661328;0.010763888888888888811790067734;0.000000000000000000000000000000;0.021180555555555556634939051719;0.013541666666666667129259593594;0.022569444444444444058950338672;0.034027777777777774848022573906;0.021180555555555556634939051719;0.020833333333333332176851016015;0.015625000000000000000000000000
-0.021212121212121213403856145874;0.016287878787878788677812025298;0.051136363636363639517679047231;0.054545454545454542805149600326;0.026515151515151515887458444354;0.012500000000000000693889390391;0.003409090909090908925321850020;0.029166666666666667129259593594;0.014393939393939394685850707845;0.025757575757575756902895136591;0.013257575757575757943729222177;0.009469696969696969959806587269;0.015530303030303029693248717535;0.036363636363636361870099733551;0.021212121212121213403856145874;0.016287878787878788677812025298;0.015530303030303029693248717535;0.026893939393939393645016622258;0.014772727272727272443408885749;0.012121212121212121201607736509;0.012121212121212121201607736509;0.018939393939393939919613174538;0.016287878787878788677812025298;0.035227272727272725127978247883;0.024621212121212120160773650923;0.034469696969696969612861892074;0.034848484848484850839867021932;0.018181818181818180935049866775;0.002651515151515151675482018234;0.015909090909090907450806895440;0.008712121212121212709966755483;0.017424242424242425419933510966;0.010984848484848484459486250842;0.010984848484848484459486250842;0.034848484848484850839867021932;0.035984848484848487581988507600;0.009090909090909090467524933388;0.009469696969696969959806587269;0.003030303030303030300401934127;0.024242424242424242403215473018;0.007954545454545453725403447720;0.010606060606060606701928072937;0.000000000000000000000000000000;0.018560606060606062162054996634;0.016666666666666666435370203203;0.010984848484848484459486250842;0.040151515151515153323469320412;0.026136363636363634660453314495;0.032196969696969696128618920739;0.022348484848484850145977631541
-0.030833333333333334119741309109;0.007499999999999999722444243844;0.068333333333333329262515576374;0.019722222222222220849863205672;0.006666666666666667094565124074;0.022777777777777778733803160094;0.004722222222222222272336455973;0.012777777777777778525636342977;0.019166666666666665186369300500;0.024444444444444445724284875610;0.014444444444444443781394582516;0.008333333333333333217685101602;0.022222222222222223070309254922;0.044444444444444446140618509844;0.004166666666666666608842550801;0.021944444444444443503838826359;0.028055555555555555802271783250;0.021666666666666667406815349750;0.011111111111111111535154627461;0.010555555555555555871660722289;0.009166666666666666712925959359;0.025555555555555557051272685953;0.013611111111111110286153724758;0.038055555555555557745162076344;0.035555555555555555524716027094;0.042500000000000003053113317719;0.025277777777777777484802257391;0.012222222222222222862142437805;0.001944444444444444388547799107;0.015555555555555555108382392859;0.010833333333333333703407674875;0.017222222222222222098864108375;0.007777777777777777554191196430;0.016944444444444446001840631766;0.040277777777777780399137697032;0.040277777777777780399137697032;0.010555555555555555871660722289;0.010833333333333333703407674875;0.002777777777777777883788656865;0.033611111111111112437210834969;0.003888888888888888777095598215;0.010555555555555555871660722289;0.000000000000000000000000000000;0.020555555555555556079827539406;0.005000000000000000104083408559;0.015277777777777777276635440273;0.043333333333333334813630699500;0.037222222222222219045750790656;0.028333333333333331899295259859;0.021388888888888887840344921187
-0.034333333333333333758918826106;0.019666666666666665630458510350;0.037333333333333336423454085207;0.005333333333333333155235056466;0.019666666666666665630458510350;0.021000000000000001304512053935;0.008999999999999999319988397417;0.025000000000000001387778780781;0.014333333333333333342585191872;0.015666666666666665547191783503;0.014000000000000000291433543964;0.028000000000000000582867087928;0.036666666666666666851703837438;0.034666666666666665075346998037;0.018999999999999999528155214534;0.020333333333333331732761806165;0.014999999999999999444888487687;0.030333333333333333675652099259;0.015666666666666665547191783503;0.008999999999999999319988397417;0.014000000000000000291433543964;0.011333333333333334147496884725;0.021333333333333332620940225866;0.020666666666666666518636930050;0.035000000000000003330669073875;0.024000000000000000499600361081;0.025666666666666667490082076597;0.028333333333333331899295259859;0.002333333333333333526465880325;0.037999999999999999056310429069;0.014333333333333333342585191872;0.016333333333333331649495079319;0.014999999999999999444888487687;0.010999999999999999361621760841;0.053666666666666668072949164525;0.029000000000000001471045507628;0.012333333333333333300951828448;0.012333333333333333300951828448;0.003333333333333333547282562037;0.030666666666666664992080271190;0.013666666666666667240281896056;0.023333333333333334397297065266;0.000000000000000000000000000000;0.013333333333333334189130248149;0.011666666666666667198648532633;0.017333333333333332537673499019;0.021999999999999998723243521681;0.020666666666666666518636930050;0.026333333333333333592385372413;0.008999999999999999319988397417
-0.024652777777777776929690745078;0.007638888888888888638317720137;0.063194444444444441977282167500;0.001736111111111111014737584668;0.002430555555555555594104966133;0.004513888888888888464845372539;0.003472222222222222029475169336;0.028472222222222221682530474141;0.010069444444444445099784424258;0.068750000000000005551115123126;0.015277777777777777276635440273;0.003125000000000000173472347598;0.003819444444444444319158860068;0.057291666666666664353702032031;0.009722222222222222376419864531;0.014583333333333333564629796797;0.019791666666666665741480812812;0.021527777777777777623580135469;0.010416666666666666088425508008;0.010763888888888888811790067734;0.013194444444444444405895033867;0.006250000000000000346944695195;0.005208333333333333044212754004;0.099305555555555549696045147812;0.016319444444444445446729119453;0.052777777777777777623580135469;0.021874999999999998612221219219;0.003125000000000000173472347598;0.000694444444444444470947164216;0.006250000000000000346944695195;0.002777777777777777883788656865;0.050347222222222223764198645313;0.005555555555555555767577313730;0.006597222222222222202947516934;0.009027777777777776929690745078;0.088194444444444450303954852188;0.012847222222222221682530474141;0.006250000000000000346944695195;0.000347222222222222235473582108;0.007986111111111110494320541875;0.012500000000000000693889390391;0.002083333333333333304421275400;0.000000000000000000000000000000;0.041666666666666664353702032031;0.008680555555555555941049661328;0.022916666666666665047591422422;0.053124999999999998612221219219;0.029513888888888888117900677344;0.018055555555555553859381490156;0.015277777777777777276635440273
-0.013333333333333334189130248149;0.020000000000000000416333634234;0.026666666666666668378260496297;0.427222222222222225429533182250;0.005000000000000000104083408559;0.005277777777777777935830361145;0.006944444444444444058950338672;0.027500000000000000138777878078;0.016388888888888890338346726594;0.018055555555555553859381490156;0.010000000000000000208166817117;0.008055555555555555385938149016;0.002222222222222222220294751693;0.013055555555555556357383295563;0.026111111111111112714766591125;0.008888888888888888881179006773;0.012500000000000000693889390391;0.026388888888888888811790067734;0.018888888888888889089345823891;0.001111111111111111110147375847;0.011388888888888889366901580047;0.009166666666666666712925959359;0.004166666666666666608842550801;0.029166666666666667129259593594;0.008888888888888888881179006773;0.019722222222222220849863205672;0.019722222222222220849863205672;0.014722222222222221613141535101;0.003611111111111110945348645629;0.008611111111111111049432054187;0.003611111111111110945348645629;0.019444444444444444752839729063;0.004166666666666666608842550801;0.007222222222222221890697291258;0.002500000000000000052041704279;0.022222222222222223070309254922;0.004722222222222222272336455973;0.001944444444444444388547799107;0.002500000000000000052041704279;0.003333333333333333547282562037;0.014444444444444443781394582516;0.009444444444444444544672911945;0.000000000000000000000000000000;0.018888888888888889089345823891;0.013055555555555556357383295563;0.015555555555555555108382392859;0.022222222222222223070309254922;0.003055555555555555715535609451;0.004444444444444444440589503387;0.004444444444444444440589503387
-0.021212121212121213403856145874;0.017045454545454544192928381108;0.044696969696969700291955263083;0.101893939393939397808352964603;0.001515151515151515150200967064;0.009469696969696969959806587269;0.005681818181818181975883952362;0.023484848484848483418652165255;0.012500000000000000693889390391;0.059090909090909089773635542997;0.011742424242424241709326082628;0.006818181818181817850643700041;0.008712121212121212709966755483;0.033333333333333332870740406406;0.016666666666666666435370203203;0.012121212121212121201607736509;0.016666666666666666435370203203;0.039393939393939390869459060696;0.010227272727272727209646419055;0.008333333333333333217685101602;0.012500000000000000693889390391;0.008712121212121212709966755483;0.011742424242424241709326082628;0.081060606060606055223161092727;0.018939393939393939919613174538;0.028409090909090908144696285831;0.022348484848484850145977631541;0.014015151515151515193569053963;0.001136363636363636308440616673;0.006818181818181817850643700041;0.006818181818181817850643700041;0.034469696969696969612861892074;0.007575757575757575967845269815;0.004166666666666666608842550801;0.014772727272727272443408885749;0.065151515151515154711248101194;0.010227272727272727209646419055;0.006818181818181817850643700041;0.000378787878787878787550241766;0.012121212121212121201607736509;0.015909090909090907450806895440;0.008333333333333333217685101602;0.000000000000000000000000000000;0.032575757575757577355624050597;0.006439393939393939225723784148;0.027272727272727271402574800163;0.034848484848484850839867021932;0.018939393939393939919613174538;0.018560606060606062162054996634;0.008333333333333333217685101602
-0.032882882882882880082320298243;0.034234234234234231508686718826;0.042792792792792792855305350486;0.011711711711711711783601153058;0.006306306306306306078135470727;0.029729729729729731380061252821;0.002252252252252252232717077973;0.025225225225225224312541882909;0.025675675675675677100961991073;0.016216216216216217116397046993;0.015315315315315315009003782620;0.021621621621621622821862729324;0.016216216216216217116397046993;0.024774774774774774993568726700;0.028378378378378379953694832238;0.019369369369369369288103044369;0.022972972972972974248229149907;0.044594594594594597070091879232;0.017567567567567568542763467576;0.009009009009009008930868311893;0.014864864864864865690030626411;0.024774774774774774993568726700;0.022072072072072072140835885534;0.022972972972972974248229149907;0.036936936936936934361419559991;0.026576576576576575738908303492;0.031981981981981981444373985823;0.040090090090090090002572509320;0.000900900900900900914770874639;0.031531531531531528655953877660;0.019819819819819818607076200578;0.012162162162162162837297785245;0.013513513513513514263664205828;0.007657657657657657504501891310;0.025675675675675677100961991073;0.030180180180180180699034409031;0.009459459459459459984564944079;0.009459459459459459984564944079;0.004954954954954954651769050145;0.029729729729729731380061252821;0.007207207207207207318166997112;0.017567567567567568542763467576;0.000000000000000000000000000000;0.009909909909909909303538100289;0.009909909909909909303538100289;0.009009009009009008930868311893;0.023423423423423423567202306117;0.017567567567567568542763467576;0.032882882882882880082320298243;0.010360360360360360357234732476
-0.044326241134751774575217808660;0.004964539007092198807935545801;0.048936170212765958686951250911;0.001418439716312056833244503729;0.006737588652482269686860849589;0.037943262411347516982473848657;0.003546099290780141757850607576;0.017375886524822695827774410304;0.018794326241134751143135872553;0.031560283687943259389729888653;0.017730496453900710523976513855;0.020921985815602835850901541903;0.020921985815602835850901541903;0.048581560283687943990749147360;0.002836879432624113666489007457;0.031914893617021274085931992204;0.020212765957446809927944286756;0.029078014184397163455209067706;0.015248226950354609385285264977;0.007801418439716312040743684264;0.014893617021276596423806637404;0.010638297872340425273551822727;0.007092198581560283515701215151;0.044680851063829789271419912211;0.045390070921985818663824119312;0.044326241134751774575217808660;0.022340425531914894635709956106;0.007092198581560283515701215151;0.002482269503546099403967772901;0.024113475177304964647273521905;0.018794326241134751143135872553;0.018085106382978721750731665452;0.010638297872340425273551822727;0.007092198581560283515701215151;0.026241134751773049355039191255;0.038652482269503546374878055758;0.016666666666666666435370203203;0.014539007092198581727604533853;0.001063829787234042570723269172;0.016666666666666666435370203203;0.005673758865248227332978014914;0.008156028368794325869584049826;0.000000000000000000000000000000;0.018085106382978721750731665452;0.005319148936170212636775911363;0.017021276595744681131572306754;0.038652482269503546374878055758;0.037588652482269502286271745106;0.026950354609929078747443398356;0.020212765957446809927944286756
-0.027683615819209039105031067152;0.025423728813559323680415502622;0.032203389830508473423709148165;0.040960451977401127199307495630;0.032768361581920903147224777285;0.018644067796610170467674905126;0.004802259887005650047797633562;0.038418079096045200382381068493;0.008757062146892655510321823442;0.017231638418079096158885832324;0.020338983050847456168774840535;0.007627118644067796930652303189;0.020338983050847456168774840535;0.027401129943502824243273252591;0.048305084745762713605010674200;0.016101694915254236711854574082;0.012994350282485874967242089895;0.041807909604519771784580939311;0.034463276836158192317771664648;0.005084745762711864042193710134;0.023728813559322034509868615260;0.009887005649717514957353081684;0.013276836158192089828999904455;0.027118644067796609381515438031;0.032768361581920903147224777285;0.026553672316384179657999808910;0.037288135593220340935349810252;0.040677966101694912337549681070;0.001977401129943502731262094940;0.019774011299435029914706163368;0.004802259887005650047797633562;0.012994350282485874967242089895;0.013276836158192089828999904455;0.010451977401129942946145234828;0.014689265536723164137788977257;0.033333333333333332870740406406;0.016949152542372881297128017763;0.007062146892655367207136674068;0.000282485875706214699127488688;0.010734463276836157807903049388;0.011864406779661017254934307630;0.010734463276836157807903049388;0.000000000000000000000000000000;0.014971751412429378999546791817;0.031355932203389828838435704483;0.012429378531073446978449936751;0.023163841807909604786352986139;0.018361581920903955605917090566;0.024293785310734464233384244380;0.013841807909604519552515533576
-0.032993197278911562397851753303;0.031292517006802723911196295603;0.028571428571428570536427926640;0.003741496598639455686136079393;0.005782312925170067681446273156;0.029251700680272108012758280893;0.006122448979591836419611450282;0.036734693877551023721839129621;0.027891156462585033060097572388;0.014965986394557822744544317572;0.021428571428571428769682682969;0.007142857142857142634106981660;0.023129251700680270725785092623;0.017006802721088436908258856306;0.027210884353741495583767218136;0.015646258503401361955598147802;0.024149659863945578675004099978;0.060884353741496595457949325692;0.027891156462585033060097572388;0.006802721088435373895941804534;0.023129251700680270725785092623;0.020748299319727891293352328717;0.034013605442176873816517712612;0.019047619047619049337249919063;0.024829931972789116151334454230;0.022789115646258503722343391473;0.032653061224489798863857004108;0.010544217687074829148397014933;0.003401360544217686947970902267;0.017687074829931974384589210558;0.013265306122448979053718431942;0.013605442176870747791883609068;0.018027210884353741388030911708;0.007142857142857142634106981660;0.035714285714285712303173170312;0.027210884353741495583767218136;0.013605442176870747791883609068;0.017346938775510203911700557455;0.006802721088435373895941804534;0.030612244897959182965418989397;0.009863945578231291672066660681;0.024149659863945578675004099978;0.000000000000000000000000000000;0.017687074829931974384589210558;0.011564625850340135362892546311;0.022448979591836733249454738370;0.015646258503401361955598147802;0.010544217687074829148397014933;0.034353741496598637350512461808;0.012925170068027210315553254816
-0.025000000000000001387778780781;0.032608695652173912138405142969;0.035507246376811595067746196719;0.009057971014492753950020365039;0.022101449275362318458437727031;0.019565217391304349364711256953;0.014130434782608695606920257148;0.044927536231884057649210717500;0.014855072463768116339255520586;0.013768115942028985240752625430;0.016666666666666666435370203203;0.011594202898550724778470311094;0.014855072463768116339255520586;0.019202898550724638998543625235;0.038768115942028988363254882188;0.011956521739130435144637942813;0.020652173913043476993767200156;0.059057971014492754990854450625;0.043478260869565216184540190625;0.006521739130434782254208680996;0.022101449275362318458437727031;0.010144927536231883313799784219;0.029347826086956522312343409453;0.021376811594202897726102463594;0.018115942028985507900040730078;0.021014492753623187359934831875;0.040942028985507243621366768593;0.022101449275362318458437727031;0.004347826086956521791926366660;0.030797101449275363777013936328;0.009782608695652174682355628477;0.015579710144927537071590784024;0.020289855072463766627599568437;0.009782608695652174682355628477;0.024275362318840580655443517344;0.027173913043478260115337619141;0.011231884057971014412302679375;0.011594202898550724778470311094;0.002536231884057970828449946055;0.016304347826086956069202571484;0.023550724637681159923108253906;0.017391304347826087167705466641;0.000000000000000000000000000000;0.015579710144927537071590784024;0.020652173913043476993767200156;0.025362318840579711753946412500;0.011956521739130435144637942813;0.009782608695652174682355628477;0.022826086956521739190772990469;0.009782608695652174682355628477
-0.031250000000000000000000000000;0.025000000000000001387778780781;0.029999999999999998889776975375;0.009583333333333332593184650250;0.014583333333333333564629796797;0.035000000000000003330669073875;0.007499999999999999722444243844;0.030833333333333334119741309109;0.025000000000000001387778780781;0.014583333333333333564629796797;0.015416666666666667059870654555;0.021250000000000001526556658860;0.028750000000000001249000902703;0.016250000000000000555111512313;0.029583333333333333009518284484;0.016250000000000000555111512313;0.016666666666666666435370203203;0.034166666666666664631257788187;0.040000000000000000832667268469;0.005833333333333333599324266316;0.024583333333333332038073137937;0.025833333333333333148296162562;0.024166666666666666157814447047;0.012083333333333333078907223523;0.035416666666666665741480812812;0.022083333333333333287074040641;0.028333333333333331899295259859;0.021666666666666667406815349750;0.000833333333333333386820640509;0.054166666666666668517038374375;0.028333333333333331899295259859;0.009166666666666666712925959359;0.029583333333333333009518284484;0.006666666666666667094565124074;0.028333333333333331899295259859;0.020000000000000000416333634234;0.008333333333333333217685101602;0.019166666666666665186369300500;0.006250000000000000346944695195;0.017916666666666667545593227828;0.009583333333333332593184650250;0.014583333333333333564629796797;0.000000000000000000000000000000;0.013333333333333334189130248149;0.023750000000000000277555756156;0.021666666666666667406815349750;0.009583333333333332593184650250;0.009583333333333332593184650250;0.021250000000000001526556658860;0.006250000000000000346944695195
-0.038888888888888889505679458125;0.010370370370370370072254928573;0.046296296296296293726335591145;0.004074074074074073709139653943;0.035185185185185187395351391615;0.028518518518518519433424529552;0.004444444444444444440589503387;0.022962962962962962798485477833;0.018518518518518517490534236458;0.025925925925925925180637321432;0.019629629629629628817522046802;0.027037037037037036507625131776;0.019629629629629628817522046802;0.029629629629629630760412339896;0.013703703703703704053218359604;0.027777777777777776235801354687;0.018888888888888889089345823891;0.026666666666666668378260496297;0.018518518518518517490534236458;0.007407407407407407690103084974;0.018148148148148149361169600979;0.022222222222222223070309254922;0.011111111111111111535154627461;0.042592592592592591616007524635;0.037777777777777778178691647781;0.034444444444444444197728216750;0.028518518518518519433424529552;0.004814814814814815172039352831;0.001481481481481481407916356297;0.034814814814814812327092852229;0.019629629629629628817522046802;0.018518518518518517490534236458;0.011111111111111111535154627461;0.008148148148148147418279307885;0.019629629629629628817522046802;0.039259259259259257635044093604;0.012592592592592592726230549260;0.011851851851851851263330850372;0.001111111111111111110147375847;0.014074074074074073917306471060;0.007777777777777777554191196430;0.007407407407407407690103084974;0.000000000000000000000000000000;0.021851851851851851471497667490;0.008148148148148147418279307885;0.018888888888888889089345823891;0.034814814814814812327092852229;0.024074074074074074125473288177;0.024814814814814813853649511088;0.016296296296296294836558615771
-0.017037037037037038034181790636;0.020370370370370372015145221667;0.050740740740740739034286832521;0.080740740740740737924063807895;0.040000000000000000832667268469;0.015925925925925926707193980292;0.004444444444444444440589503387;0.020000000000000000416333634234;0.053703703703703704885885628073;0.017037037037037038034181790636;0.012962962962962962590318660716;0.014814814814814815380206169948;0.015185185185185185244294281404;0.022962962962962962798485477833;0.028148148148148147834612942120;0.010740740740740739936343040029;0.026296296296296296779448908865;0.039629629629629632703302632990;0.015185185185185185244294281404;0.006296296296296296363115274630;0.009629629629629630344078705662;0.029259259259259259161600752464;0.011111111111111111535154627461;0.026296296296296296779448908865;0.016296296296296294836558615771;0.023703703703703702526661700745;0.024814814814814813853649511088;0.031111111111111110216764785719;0.002592592592592592518063732143;0.017407407407407406163546426114;0.014074074074074073917306471060;0.018518518518518517490534236458;0.009629629629629630344078705662;0.005925925925925925631665425186;0.019259259259259260688157411323;0.029999999999999998889776975375;0.006296296296296296363115274630;0.011481481481481481399242738917;0.010370370370370370072254928573;0.021111111111111111743321444578;0.010370370370370370072254928573;0.036666666666666666851703837438;0.000000000000000000000000000000;0.014074074074074073917306471060;0.014814814814814815380206169948;0.012222222222222222862142437805;0.022962962962962962798485477833;0.008888888888888888881179006773;0.019259259259259260688157411323;0.009629629629629630344078705662
-0.033045977011494254149681637500;0.014367816091954022789112244141;0.027298850574712645034036739844;0.061781609195402299727906125781;0.012643678160919540054418774844;0.032471264367816089768670195781;0.007471264367816091850338366953;0.021264367816091953727886121328;0.028448275862068966857165719375;0.014942528735632183700676733906;0.010919540229885057319725305547;0.014942528735632183700676733906;0.027011494252873562843531018984;0.020402298850574714095262862656;0.008908045977011494129249591367;0.014655172413793103244894489023;0.017241379310344827346934692969;0.037643678160919541442197555625;0.020402298850574714095262862656;0.006609195402298850482991632305;0.018103448275862070449004903594;0.021551724137931035918391842188;0.041954022988505750013654704844;0.026436781609195401931966529219;0.024137931034482758285708570156;0.019540229885057470993192652031;0.025287356321839080108837549687;0.015517241379310344612241223672;0.002586206896551724102040203945;0.036206896551724140898009807188;0.020977011494252875006827352422;0.019827586206896553183698372891;0.018965517241379310081628162266;0.007471264367816091850338366953;0.030459770114942528312917957578;0.029310344827586206489788978047;0.011781609195402298687072040195;0.018678160919540231360569393360;0.009770114942528735496596326016;0.036494252873563219619068576094;0.007183908045977011394556122070;0.021264367816091953727886121328;0.000000000000000000000000000000;0.013793103448275861877547754375;0.008045977011494252761902856719;0.019827586206896553183698372891;0.012356321839080459598636529961;0.012356321839080459598636529961;0.028735632183908045578224488281;0.008908045977011494129249591367
-0.040064102564102567483050876262;0.009294871794871794809522747016;0.040384615384615386857181107416;0.014423076923076923877564681220;0.009615384615384615918376454147;0.032051282051282048435325577884;0.008333333333333333217685101602;0.025320512820512820761909011935;0.013461538461538462285727035805;0.017948717948717947401338079771;0.016346153846153847061239972049;0.011217948717948717993198037846;0.028525641025641024911552179333;0.027564102564102563319714533918;0.015705128205128204843532557788;0.022435897435897435986396075691;0.016666666666666666435370203203;0.033974358974358971619000868714;0.021474358974358974394558430276;0.009615384615384615918376454147;0.021474358974358974394558430276;0.022435897435897435986396075691;0.026602564102564101727876888503;0.032692307692307694122479944099;0.035576923076923075428545928389;0.028205128205128205537421948179;0.033333333333333332870740406406;0.006730769230769231142863517903;0.001282051282051282050170049054;0.019871794871794870585013370601;0.011217948717948717993198037846;0.016346153846153847061239972049;0.020512820512820512802720784862;0.008974358974358973700669039886;0.033012820512820513496610175252;0.034935897435897436680285466082;0.011217948717948717993198037846;0.018269230769230770244915262879;0.001923076923076923183675290829;0.034615384615384617306155234928;0.005769230769230769551025872488;0.007371794871794871625847456187;0.000000000000000000000000000000;0.022115384615384616612265844537;0.007692307692307692734701163317;0.024358974358974359170071366520;0.022435897435897435986396075691;0.024358974358974359170071366520;0.036858974358974359863960756911;0.015384615384615385469402326635
-0.025193798449612402751141004842;0.031007751937984495693712005959;0.031782945736434108086054806108;0.047674418604651165598529161116;0.022093023255813953181769804246;0.024806201550387596554969604767;0.006201550387596899138742401192;0.034108527131782945263083206555;0.017441860465116278827713003352;0.015891472868217054043027403054;0.013565891472868216865999002607;0.014728682170542635454513202831;0.023255813953488371770284004469;0.025581395348837208947312404916;0.025968992248062015143483804991;0.012403100775193798277484802384;0.021705426356589146985598404171;0.038759689922480619617140007449;0.021317829457364340789427004097;0.005426356589147286746399601043;0.017441860465116278827713003352;0.010465116279069767296627802011;0.027519379844961239928169405289;0.020930232558139534593255604022;0.029844961240310077105197805736;0.024806201550387596554969604767;0.035271317829457367321044358732;0.021317829457364340789427004097;0.001162790697674418588514200223;0.026744186046511627535826605140;0.014341085271317829258341802756;0.009302325581395348708113601788;0.026356589147286821339655205065;0.009302325581395348708113601788;0.032945736434108530144015958285;0.025581395348837208947312404916;0.015116279069767441650684602905;0.016279069767441860239198803129;0.003875968992248061961714000745;0.024806201550387596554969604767;0.015116279069767441650684602905;0.013953488372093023062170402682;0.000000000000000000000000000000;0.010852713178294573492799202086;0.014341085271317829258341802756;0.018217054263565891220055803501;0.015891472868217054043027403054;0.012015503875968992081313402309;0.033720930232558142536358758434;0.013565891472868216865999002607
-0.024011299435028249371626429820;0.027118644067796609381515438031;0.032203389830508473423709148165;0.031355932203389828838435704483;0.016949152542372881297128017763;0.017796610169491525882401461445;0.012994350282485874967242089895;0.043502824858757060955127826674;0.009039548022598870372079638003;0.021751412429378530477563913337;0.013276836158192089828999904455;0.007062146892655367207136674068;0.010451977401129942946145234828;0.025423728813559323680415502622;0.039265536723163844967654512175;0.012711864406779661840207751311;0.019491525423728815052948348807;0.050847457627118647360831005244;0.025988700564971749934484179789;0.008474576271186440648564008882;0.030508474576271187722609212756;0.011299435028248587531418678509;0.025988700564971749934484179789;0.023446327683615819648110800699;0.021751412429378530477563913337;0.023446327683615819648110800699;0.028813559322033898552062325393;0.044915254237288135263916899476;0.003954802259887005462524189880;0.024576271186440679095142058941;0.009604519774011300095595267123;0.016666666666666666435370203203;0.019491525423728815052948348807;0.006214689265536723489224968375;0.016666666666666666435370203203;0.035028248587570622041287293769;0.014406779661016949276031162697;0.016666666666666666435370203203;0.003672316384180791034447244314;0.020338983050847456168774840535;0.014406779661016949276031162697;0.011299435028248587531418678509;0.000000000000000000000000000000;0.017231638418079096158885832324;0.019774011299435029914706163368;0.026553672316384179657999808910;0.017514124293785311020643646884;0.011299435028248587531418678509;0.026271186440677964796241994350;0.008474576271186440648564008882
-0.045945945945945948496458299815;0.014414414414414414636333994224;0.016216216216216217116397046993;0.000000000000000000000000000000;0.011711711711711711783601153058;0.058108108108108111333756085060;0.004954954954954954651769050145;0.019369369369369369288103044369;0.013513513513513514263664205828;0.013513513513513514263664205828;0.015765765765765764327976938830;0.039639639639639637214152401157;0.047297297297297299922824720397;0.014414414414414414636333994224;0.006756756756756757131832102914;0.031531531531531528655953877660;0.013513513513513514263664205828;0.036936936936936934361419559991;0.027477477477477477846301567865;0.004954954954954954651769050145;0.021621621621621622821862729324;0.009459459459459459984564944079;0.033783783783783785659160514570;0.018018018018018017861736623786;0.037387387387387387149839668155;0.015765765765765764327976938830;0.024324324324324325674595570490;0.014414414414414414636333994224;0.000450450450450450457385437320;0.057657657657657658545335976896;0.047747747747747745772350924653;0.006756756756756757131832102914;0.022972972972972974248229149907;0.007657657657657657504501891310;0.034684684684684684297106826989;0.021171171171171170033442621161;0.010360360360360360357234732476;0.023873873873873872886175462327;0.000450450450450450457385437320;0.024324324324324325674595570490;0.007207207207207207318166997112;0.014864864864864865690030626411;0.000000000000000000000000000000;0.013063063063063063209967573641;0.007657657657657657504501891310;0.021621621621621622821862729324;0.009459459459459459984564944079;0.013513513513513514263664205828;0.031081081081081082806427673404;0.012612612612612612156270941455
-0.025185185185185185452461098521;0.044444444444444446140618509844;0.030740740740740742087400150240;0.011851851851851851263330850372;0.025185185185185185452461098521;0.017037037037037038034181790636;0.006666666666666667094565124074;0.052222222222222225429533182250;0.017037037037037038034181790636;0.017407407407407406163546426114;0.012592592592592592726230549260;0.009259259259259258745267118229;0.015925925925925926707193980292;0.013333333333333334189130248149;0.046666666666666668794594130532;0.009629629629629630344078705662;0.020740740740740740144509857146;0.066666666666666665741480812812;0.041111111111111112159655078813;0.006296296296296296363115274630;0.028148148148148147834612942120;0.013333333333333334189130248149;0.022962962962962962798485477833;0.022592592592592591199673890401;0.014074074074074073917306471060;0.020370370370370372015145221667;0.039259259259259257635044093604;0.030370370370370370488588562807;0.003333333333333333547282562037;0.023703703703703702526661700745;0.010000000000000000208166817117;0.012962962962962962590318660716;0.018148148148148149361169600979;0.007777777777777777554191196430;0.017037037037037038034181790636;0.030740740740740742087400150240;0.012222222222222222862142437805;0.010000000000000000208166817117;0.004074074074074073709139653943;0.016666666666666666435370203203;0.023703703703703702526661700745;0.015555555555555555108382392859;0.000000000000000000000000000000;0.015925925925925926707193980292;0.022222222222222223070309254922;0.014814814814814815380206169948;0.012962962962962962590318660716;0.007777777777777777554191196430;0.029629629629629630760412339896;0.009629629629629630344078705662
-0.014583333333333333564629796797;0.021250000000000001526556658860;0.058333333333333334258519187188;0.020000000000000000416333634234;0.012083333333333333078907223523;0.018333333333333333425851918719;0.006666666666666667094565124074;0.043333333333333334813630699500;0.027916666666666666019036568969;0.024583333333333332038073137937;0.010416666666666666088425508008;0.007499999999999999722444243844;0.018749999999999999306110609609;0.037083333333333336201409480282;0.022083333333333333287074040641;0.007499999999999999722444243844;0.031250000000000000000000000000;0.049166666666666664076146275875;0.027500000000000000138777878078;0.016250000000000000555111512313;0.014999999999999999444888487687;0.020416666666666666296592325125;0.019166666666666665186369300500;0.028333333333333331899295259859;0.017500000000000001665334536938;0.022083333333333333287074040641;0.034166666666666664631257788187;0.013333333333333334189130248149;0.001666666666666666773641281019;0.026249999999999999028554853453;0.004583333333333333356462979680;0.016666666666666666435370203203;0.019583333333333334536074943344;0.008333333333333333217685101602;0.024166666666666666157814447047;0.049583333333333333425851918719;0.016666666666666666435370203203;0.005833333333333333599324266316;0.004583333333333333356462979680;0.028333333333333331899295259859;0.008750000000000000832667268469;0.012083333333333333078907223523;0.000000000000000000000000000000;0.009583333333333332593184650250;0.012083333333333333078907223523;0.014583333333333333564629796797;0.032916666666666663521034763562;0.018333333333333333425851918719;0.035833333333333335091186455656;0.005000000000000000104083408559
-0.028682170542635658516683605512;0.011627906976744185885142002235;0.067441860465116285072717516869;0.018217054263565891220055803501;0.019767441860465116004741403799;0.014728682170542635454513202831;0.005426356589147286746399601043;0.027131782945736433731998005214;0.026744186046511627535826605140;0.018217054263565891220055803501;0.023643410852713177966455404544;0.009689922480620154904285001862;0.012790697674418604473656202458;0.039922480620155041675101159626;0.016666666666666666435370203203;0.017441860465116278827713003352;0.031395348837209305359330357987;0.041860465116279069186511208045;0.020930232558139534593255604022;0.016666666666666666435370203203;0.018604651162790697416227203576;0.022480620155038759377941204320;0.016279069767441860239198803129;0.033333333333333332870740406406;0.022480620155038759377941204320;0.039147286821705429282758359477;0.032558139534883720478397606257;0.003488372093023255765542600670;0.001162790697674418588514200223;0.012015503875968992081313402309;0.009689922480620154904285001862;0.017441860465116278827713003352;0.012790697674418604473656202458;0.006201550387596899138742401192;0.020542635658914728397084203948;0.052325581395348839952585962010;0.017054263565891472631541603278;0.009689922480620154904285001862;0.001937984496124030980857000372;0.017054263565891472631541603278;0.010077519379844961100456401937;0.012403100775193798277484802384;0.000000000000000000000000000000;0.018992248062015503612398603650;0.011240310077519379688970602160;0.012015503875968992081313402309;0.033720930232558142536358758434;0.020542635658914728397084203948;0.035658914728682170047768806853;0.010077519379844961100456401937
-0.050000000000000002775557561563;0.015555555555555555108382392859;0.025925925925925925180637321432;0.074444444444444438091501581312;0.025925925925925925180637321432;0.027037037037037036507625131776;0.005185185185185185036127464286;0.022962962962962962798485477833;0.012222222222222222862142437805;0.020740740740740740144509857146;0.019259259259259260688157411323;0.023703703703703702526661700745;0.019259259259259260688157411323;0.029259259259259259161600752464;0.024444444444444445724284875610;0.032222222222222221543752596062;0.018888888888888889089345823891;0.026666666666666668378260496297;0.019259259259259260688157411323;0.003703703703703703845051542487;0.021111111111111111743321444578;0.005185185185185185036127464286;0.011111111111111111535154627461;0.026666666666666668378260496297;0.041851851851851848418384349770;0.033703703703703701000105041885;0.029629629629629630760412339896;0.013333333333333334189130248149;0.001851851851851851922525771243;0.015925925925925926707193980292;0.020740740740740740144509857146;0.016296296296296294836558615771;0.008518518518518519017090895318;0.005185185185185185036127464286;0.024444444444444445724284875610;0.023333333333333334397297065266;0.007407407407407407690103084974;0.021481481481481479872686080057;0.003703703703703703845051542487;0.006666666666666667094565124074;0.006666666666666667094565124074;0.010740740740740739936343040029;0.000000000000000000000000000000;0.018888888888888889089345823891;0.019259259259259260688157411323;0.025925925925925925180637321432;0.023703703703703702526661700745;0.022222222222222223070309254922;0.018888888888888889089345823891;0.018888888888888889089345823891
-0.019727891156462583344133321361;0.024829931972789116151334454230;0.029251700680272108012758280893;0.047278911564625852870236144554;0.078911564625850333376533285445;0.023809523809523808202115446875;0.008843537414965987192294605279;0.036394557823129253248950476518;0.012244897959183672839222900564;0.011904761904761904101057723437;0.012925170068027210315553254816;0.016666666666666666435370203203;0.013945578231292516530048786194;0.014965986394557822744544317572;0.052040816326530611735101672366;0.014285714285714285268213963320;0.014285714285714285268213963320;0.033333333333333332870740406406;0.033673469387755103343629059509;0.006122448979591836419611450282;0.021088435374149658296794029866;0.015986394557823128959039848951;0.011564625850340135362892546311;0.021088435374149658296794029866;0.031292517006802723911196295603;0.021768707482993195773124384118;0.023129251700680270725785092623;0.036394557823129253248950476518;0.001360544217687074735820274007;0.036054421768707482776061823415;0.015306122448979591482709494699;0.009523809523809524668624959531;0.018367346938775511860919564811;0.006462585034013605157776627408;0.017346938775510203911700557455;0.018707482993197278864361265960;0.004421768707482993596147302640;0.012925170068027210315553254816;0.003401360544217686947970902267;0.015306122448979591482709494699;0.015306122448979591482709494699;0.014625850340136054006379140446;0.000000000000000000000000000000;0.010884353741496597886562192059;0.039115646258503403154271893527;0.012925170068027210315553254816;0.014965986394557822744544317572;0.014965986394557822744544317572;0.018367346938775511860919564811;0.011904761904761904101057723437
-0.019097222222222223764198645313;0.028472222222222221682530474141;0.055555555555555552471602709375;0.002083333333333333304421275400;0.009027777777777776929690745078;0.017361111111111111882099322656;0.006944444444444444058950338672;0.041319444444444443365060948281;0.022916666666666665047591422422;0.020138888888888890199568848516;0.019097222222222223764198645313;0.010069444444444445099784424258;0.016319444444444445446729119453;0.023958333333333334952408577578;0.022916666666666665047591422422;0.009027777777777776929690745078;0.019791666666666665741480812812;0.073611111111111113269878103438;0.031944444444444441977282167500;0.010069444444444445099784424258;0.022222222222222223070309254922;0.010763888888888888811790067734;0.027083333333333334258519187188;0.022569444444444444058950338672;0.019444444444444444752839729063;0.026388888888888888811790067734;0.050694444444444444752839729063;0.010069444444444445099784424258;0.001041666666666666652210637700;0.020486111111111111188209932266;0.005208333333333333044212754004;0.015625000000000000000000000000;0.022569444444444444058950338672;0.008680555555555555941049661328;0.018402777777777778317469525859;0.047916666666666669904817155157;0.017013888888888887424011286953;0.005208333333333333044212754004;0.003125000000000000173472347598;0.015972222222222220988641083750;0.013194444444444444405895033867;0.010763888888888888811790067734;0.000000000000000000000000000000;0.013541666666666667129259593594;0.014236111111111110841265237070;0.025347222222222222376419864531;0.027777777777777776235801354687;0.013888888888888888117900677344;0.038888888888888889505679458125;0.012152777777777777970524830664
-0.016666666666666666435370203203;0.009722222222222222376419864531;0.050000000000000002775557561563;0.231944444444444453079512413751;0.037222222222222219045750790656;0.012500000000000000693889390391;0.003055555555555555715535609451;0.019166666666666665186369300500;0.027777777777777776235801354687;0.010833333333333333703407674875;0.012222222222222222862142437805;0.003888888888888888777095598215;0.011666666666666667198648532633;0.029444444444444443226283070203;0.013055555555555556357383295563;0.011666666666666667198648532633;0.021111111111111111743321444578;0.041111111111111112159655078813;0.010000000000000000208166817117;0.011944444444444445030395485219;0.011666666666666667198648532633;0.024166666666666666157814447047;0.013888888888888888117900677344;0.024166666666666666157814447047;0.016111111111111110771876298031;0.021666666666666667406815349750;0.021111111111111111743321444578;0.005000000000000000104083408559;0.002222222222222222220294751693;0.012222222222222222862142437805;0.006666666666666667094565124074;0.011666666666666667198648532633;0.010000000000000000208166817117;0.008611111111111111049432054187;0.019444444444444444752839729063;0.033055555555555553304269977843;0.009722222222222222376419864531;0.007499999999999999722444243844;0.003333333333333333547282562037;0.023611111111111110494320541875;0.008611111111111111049432054187;0.015277777777777777276635440273;0.000000000000000000000000000000;0.011388888888888889366901580047;0.008333333333333333217685101602;0.010833333333333333703407674875;0.020000000000000000416333634234;0.018055555555555553859381490156;0.021111111111111111743321444578;0.015555555555555555108382392859
-0.024836601307189540982500730593;0.027124183006535948492476961746;0.038562091503267975634017261655;0.043790849673202611458400212996;0.013071895424836601704021710191;0.027450980392156862364139158217;0.010784313725490195928768955014;0.033006535947712418999078209936;0.017647058823529411519803744568;0.015686274509803921350936661838;0.018954248366013070475899482403;0.008823529411764705759901872284;0.014052287581699346788455251556;0.018300653594771242732575089462;0.026143790849673203408043420382;0.012418300653594770491250365296;0.023202614379084968154742796287;0.050326797385620916647219758033;0.028104575163398693576910503111;0.010784313725490195928768955014;0.025163398692810458323609879017;0.014052287581699346788455251556;0.024509803921568627110838534122;0.028104575163398693576910503111;0.024509803921568627110838534122;0.026470588235294117279705616852;0.037908496732026140951798964807;0.014052287581699346788455251556;0.002614379084967320080595820642;0.033006535947712418999078209936;0.010130718954248366450721086096;0.014052287581699346788455251556;0.021568627450980391857537910028;0.010130718954248366450721086096;0.020915032679738560644766565133;0.040522875816993465802884344384;0.012418300653594770491250365296;0.010784313725490195928768955014;0.002287581699346405341571886183;0.018300653594771242732575089462;0.008169934640522876281854003366;0.012418300653594770491250365296;0.000000000000000000000000000000;0.019281045751633987817008630827;0.016666666666666666435370203203;0.019607843137254901688670827298;0.016993464052287580307032399674;0.012745098039215686097636037744;0.032352941176470591255753816995;0.007189542483660130330058724013
-0.028333333333333331899295259859;0.012083333333333333078907223523;0.066250000000000003330669073875;0.000416666666666666693410320255;0.000000000000000000000000000000;0.012500000000000000693889390391;0.004166666666666666608842550801;0.025833333333333333148296162562;0.040833333333333332593184650250;0.029583333333333333009518284484;0.014166666666666665949647629930;0.007499999999999999722444243844;0.012916666666666666574148081281;0.038749999999999999722444243844;0.006666666666666667094565124074;0.011249999999999999583666365766;0.035416666666666665741480812812;0.057500000000000002498001805407;0.009583333333333332593184650250;0.013333333333333334189130248149;0.014166666666666665949647629930;0.029999999999999998889776975375;0.021250000000000001526556658860;0.039583333333333331482961625625;0.032916666666666663521034763562;0.038749999999999999722444243844;0.029166666666666667129259593594;0.004166666666666666608842550801;0.000833333333333333386820640509;0.005833333333333333599324266316;0.008333333333333333217685101602;0.022083333333333333287074040641;0.005833333333333333599324266316;0.006666666666666667094565124074;0.025833333333333333148296162562;0.057916666666666664908813544344;0.012916666666666666574148081281;0.011249999999999999583666365766;0.004166666666666666608842550801;0.031250000000000000000000000000;0.006666666666666667094565124074;0.018749999999999999306110609609;0.000000000000000000000000000000;0.021666666666666667406815349750;0.002500000000000000052041704279;0.022499999999999999167332731531;0.028750000000000001249000902703;0.019166666666666665186369300500;0.037499999999999998612221219219;0.012500000000000000693889390391
-0.018939393939393939919613174538;0.022727272727272727903535809446;0.036363636363636361870099733551;0.214772727272727281810915656024;0.003787878787878787983922634908;0.012878787878787878451447568295;0.007575757575757575967845269815;0.019318181818181817677171352443;0.022727272727272727903535809446;0.017803030303030303177491688871;0.015909090909090907450806895440;0.004166666666666666608842550801;0.013636363636363635701287400082;0.019318181818181817677171352443;0.020833333333333332176851016015;0.008333333333333333217685101602;0.032196969696969696128618920739;0.040909090909090908838585676222;0.013257575757575757943729222177;0.007575757575757575967845269815;0.015909090909090907450806895440;0.023863636363636364645657295114;0.011742424242424241709326082628;0.024242424242424242403215473018;0.019696969696969695434729530348;0.020075757575757576661734660206;0.025757575757575756902895136591;0.014393939393939394685850707845;0.003030303030303030300401934127;0.019696969696969695434729530348;0.004924242424242423858682382587;0.019318181818181817677171352443;0.013636363636363635701287400082;0.010606060606060606701928072937;0.014772727272727272443408885749;0.034848484848484850839867021932;0.008712121212121212709966755483;0.006818181818181817850643700041;0.006818181818181817850643700041;0.015909090909090907450806895440;0.010984848484848484459486250842;0.022727272727272727903535809446;0.000000000000000000000000000000;0.014772727272727272443408885749;0.015530303030303029693248717535;0.010984848484848484459486250842;0.019696969696969695434729530348;0.010984848484848484459486250842;0.017424242424242425419933510966;0.009090909090909090467524933388
-0.042483660130718955971751427114;0.007843137254901960675468330919;0.034313725490196081424620899725;0.115686274509803926902051784964;0.005882352941176470506601248189;0.026143790849673203408043420382;0.003594771241830065165029362007;0.024836601307189540982500730593;0.010784313725490195928768955014;0.032679738562091505127416013465;0.016666666666666666435370203203;0.014379084967320260660117448026;0.016013071895424835222598858309;0.033986928104575160614064799347;0.010130718954248366450721086096;0.026470588235294117279705616852;0.016013071895424835222598858309;0.022875816993464050813633647863;0.016993464052287580307032399674;0.011437908496732025406816823931;0.020915032679738560644766565133;0.009150326797385621366287544731;0.007843137254901960675468330919;0.035947712418300650782931882077;0.036928104575163399336812375395;0.036274509803921571593487982454;0.033333333333333332870740406406;0.003267973856209150426005427548;0.003594771241830065165029362007;0.012091503267973856619588168826;0.014705882352941176266503120473;0.020588235294117646773104368663;0.005882352941176470506601248189;0.008823529411764705759901872284;0.018954248366013070475899482403;0.037254901960784313208474571866;0.012745098039215686097636037744;0.015686274509803921350936661838;0.000980392156862745084433541365;0.012091503267973856619588168826;0.007843137254901960675468330919;0.004901960784313725422167706824;0.000000000000000000000000000000;0.026470588235294117279705616852;0.006209150326797385245625182648;0.017973856209150325391465941038;0.035620915032679736911269685606;0.026143790849673203408043420382;0.023529411764705882026404992757;0.015032679738562091872888792921
-0.029674796747967479432217530189;0.025203252032520325615072565029;0.024390243902439025236450476086;0.002032520325203252247597829339;0.024390243902439025236450476086;0.034959349593495933627984584291;0.014634146341463415488814980847;0.025609756097560974069660133523;0.016260162601626017980782634709;0.018292682926829267192614381088;0.012195121951219512618225238043;0.022357723577235772555171777753;0.024390243902439025236450476086;0.018292682926829267192614381088;0.014227642276422763564780460399;0.014227642276422763564780460399;0.017479674796747966813992292145;0.034959349593495933627984584291;0.023170731707317072933793866696;0.006504065040650406498423663493;0.024390243902439025236450476086;0.012195121951219512618225238043;0.046747967479674794322175301886;0.023577235772357724857828387144;0.022357723577235772555171777753;0.016260162601626017980782634709;0.028048780487804878674973352304;0.034959349593495933627984584291;0.001219512195121951218454436905;0.056097560975609757349946704608;0.025203252032520325615072565029;0.016260162601626017980782634709;0.025203252032520325615072565029;0.002439024390243902436908873810;0.026829268292682926372316742913;0.025203252032520325615072565029;0.005284552845528455063128792091;0.019918699186991871419305510926;0.006097560975609756309112619022;0.022357723577235772555171777753;0.013008130081300812996847326986;0.035772357723577237476053625187;0.000000000000000000000000000000;0.015853658536585366056748114261;0.012601626016260162807536282514;0.027235772357723578296351263361;0.017073170731707318359404723651;0.010162601626016259936946539710;0.016260162601626017980782634709;0.008130081300813008990391317354
-0.028260869565217391213840514297;0.017028985507246376801537834922;0.061231884057971017187860240938;0.004347826086956521791926366660;0.005797101449275362389235155547;0.010869565217391304046135047656;0.005797101449275362389235155547;0.025724637681159418650667092265;0.021014492753623187359934831875;0.031159420289855074143181568047;0.013768115942028985240752625430;0.007608695652173913352711576152;0.013405797101449274874584993711;0.042028985507246374719869663750;0.014492753623188405973087888867;0.010869565217391304046135047656;0.030434782608695653410846304610;0.039130434782608698729422513907;0.009782608695652174682355628477;0.014492753623188405973087888867;0.016304347826086956069202571484;0.025000000000000001387778780781;0.021739130434782608092270095312;0.042028985507246374719869663750;0.023550724637681159923108253906;0.032246376811594201772237511250;0.026086956521739129016834723984;0.025724637681159418650667092265;0.003260869565217391127104340498;0.014130434782608695606920257148;0.006884057971014492620376312715;0.020652173913043476993767200156;0.012681159420289855876973206250;0.009057971014492753950020365039;0.019927536231884056261431936719;0.042028985507246374719869663750;0.011594202898550724778470311094;0.012681159420289855876973206250;0.005434782608695652023067523828;0.030797101449275363777013936328;0.007971014492753622851517469883;0.015579710144927537071590784024;0.000000000000000000000000000000;0.027536231884057970481505250859;0.006521739130434782254208680996;0.020652173913043476993767200156;0.040217391304347822889031505156;0.029347826086956522312343409453;0.029347826086956522312343409453;0.013768115942028985240752625430
-0.030487804878048779810839619131;0.011788617886178862428914193572;0.050813008130081299684732698552;0.014634146341463415488814980847;0.008536585365853659179702361826;0.023170731707317072933793866696;0.004878048780487804873817747620;0.020731707317073171797927599869;0.021138211382113820252515168363;0.034959349593495933627984584291;0.014634146341463415488814980847;0.008130081300813008990391317354;0.017886178861788618738026812593;0.043902439024390241262274514611;0.021544715447154472176549688811;0.025203252032520325615072565029;0.039024390243902438990541980957;0.043089430894308944353099377622;0.015447154471544715867437069790;0.009349593495934959558324450768;0.015447154471544715867437069790;0.015040650406504065678126025318;0.011382113821138212239603149101;0.036585365853658534385228762176;0.033739837398373981325327974901;0.039837398373983742838611021853;0.028861788617886179053595441246;0.019512195121951219495270990478;0.001219512195121951218454436905;0.011788617886178862428914193572;0.003658536585365853872203745212;0.020731707317073171797927599869;0.009756097560975609747635495239;0.015040650406504065678126025318;0.023983739837398373312415955638;0.035365853658536582082572152785;0.012195121951219512618225238043;0.013414634146341463186158371457;0.000813008130081300812302957937;0.016666666666666666435370203203;0.005284552845528455063128792091;0.012601626016260162807536282514;0.000000000000000000000000000000;0.022764227642276424479206298201;0.010975609756097560315568628653;0.017479674796747966813992292145;0.035772357723577237476053625187;0.029674796747967479432217530189;0.024796747967479673691038044581;0.016260162601626017980782634709
-0.022916666666666665047591422422;0.017500000000000001665334536938;0.031250000000000000000000000000;0.018749999999999999306110609609;0.029166666666666667129259593594;0.022083333333333333287074040641;0.009166666666666666712925959359;0.021250000000000001526556658860;0.015833333333333334674852821422;0.017083333333333332315628894094;0.019583333333333334536074943344;0.009583333333333332593184650250;0.027916666666666666019036568969;0.022083333333333333287074040641;0.015833333333333334674852821422;0.018333333333333333425851918719;0.022916666666666665047591422422;0.044583333333333335923853724125;0.024166666666666666157814447047;0.005000000000000000104083408559;0.027916666666666666019036568969;0.011249999999999999583666365766;0.033333333333333332870740406406;0.022916666666666665047591422422;0.028750000000000001249000902703;0.026666666666666668378260496297;0.028333333333333331899295259859;0.014583333333333333564629796797;0.001666666666666666773641281019;0.041250000000000001942890293094;0.009583333333333332593184650250;0.014583333333333333564629796797;0.018749999999999999306110609609;0.007916666666666667337426410711;0.027916666666666666019036568969;0.034583333333333333980963431031;0.012500000000000000693889390391;0.017500000000000001665334536938;0.005416666666666666851703837438;0.031666666666666669349705642844;0.008750000000000000832667268469;0.015833333333333334674852821422;0.000000000000000000000000000000;0.017083333333333332315628894094;0.017500000000000001665334536938;0.023333333333333334397297065266;0.021666666666666667406815349750;0.016250000000000000555111512313;0.035833333333333335091186455656;0.011666666666666667198648532633
-0.023423423423423423567202306117;0.020720720720720720714469464951;0.025225225225225224312541882909;0.107657657657657654381999634552;0.032882882882882880082320298243;0.030180180180180180699034409031;0.009459459459459459984564944079;0.025225225225225224312541882909;0.016666666666666666435370203203;0.013513513513513514263664205828;0.013063063063063063209967573641;0.019819819819819818607076200578;0.025675675675675677100961991073;0.017117117117117115754343359413;0.032882882882882880082320298243;0.014414414414414414636333994224;0.012162162162162162837297785245;0.032882882882882880082320298243;0.025225225225225224312541882909;0.003603603603603603659083498556;0.020270270270270271395496308742;0.012612612612612612156270941455;0.021621621621621622821862729324;0.017567567567567568542763467576;0.029279279279279278591641144658;0.020720720720720720714469464951;0.024324324324324325674595570490;0.036036036036036035723473247572;0.002702702702702702852732841166;0.034234234234234231508686718826;0.017567567567567568542763467576;0.009459459459459459984564944079;0.015765765765765764327976938830;0.003153153153153153039067735364;0.030630630630630630018007565241;0.023423423423423423567202306117;0.010360360360360360357234732476;0.012162162162162162837297785245;0.005855855855855855891800576529;0.023423423423423423567202306117;0.009909909909909909303538100289;0.009459459459459459984564944079;0.000000000000000000000000000000;0.012162162162162162837297785245;0.016666666666666666435370203203;0.018468468468468467180709779996;0.016216216216216217116397046993;0.014414414414414414636333994224;0.020720720720720720714469464951;0.009009009009009008930868311893
-0.029999999999999998889776975375;0.019166666666666665186369300500;0.032777777777777780676693453188;0.057222222222222222931531376844;0.014444444444444443781394582516;0.036388888888888887285233408875;0.008888888888888888881179006773;0.028611111111111111465765688422;0.022222222222222223070309254922;0.018055555555555553859381490156;0.015555555555555555108382392859;0.017777777777777777762358013547;0.026111111111111112714766591125;0.018333333333333333425851918719;0.021666666666666667406815349750;0.019166666666666665186369300500;0.020277777777777776513357110844;0.034444444444444444197728216750;0.022777777777777778733803160094;0.006388888888888889262818171488;0.018333333333333333425851918719;0.015833333333333334674852821422;0.020277777777777776513357110844;0.021388888888888887840344921187;0.024722222222222221821308352219;0.025277777777777777484802257391;0.030277777777777778456247403938;0.011111111111111111535154627461;0.002777777777777777883788656865;0.029444444444444443226283070203;0.017500000000000001665334536938;0.012777777777777778525636342977;0.018333333333333333425851918719;0.006944444444444444058950338672;0.024444444444444445724284875610;0.025555555555555557051272685953;0.009722222222222222376419864531;0.018055555555555553859381490156;0.005833333333333333599324266316;0.025555555555555557051272685953;0.009444444444444444544672911945;0.023333333333333334397297065266;0.000000000000000000000000000000;0.019166666666666665186369300500;0.016666666666666666435370203203;0.025000000000000001387778780781;0.015555555555555555108382392859;0.013611111111111110286153724758;0.032222222222222221543752596062;0.010555555555555555871660722289
-0.014341085271317829258341802756;0.045348837209302328421500760669;0.030232558139534883301369205810;0.109302325581395354259228724914;0.031007751937984495693712005959;0.015891472868217054043027403054;0.006201550387596899138742401192;0.035658914728682170047768806853;0.018992248062015503612398603650;0.013953488372093023062170402682;0.010077519379844961100456401937;0.003488372093023255765542600670;0.012015503875968992081313402309;0.012790697674418604473656202458;0.043798449612403103636815160371;0.005038759689922480550228200968;0.025193798449612402751141004842;0.059689922480620154210395611472;0.032170542635658917751673158136;0.005426356589147286746399601043;0.013953488372093023062170402682;0.014341085271317829258341802756;0.012403100775193798277484802384;0.021317829457364340789427004097;0.012790697674418604473656202458;0.017441860465116278827713003352;0.027906976744186046124340805363;0.070542635658914734642088717465;0.001937984496124030980857000372;0.020930232558139534593255604022;0.004263565891472868157885400819;0.020542635658914728397084203948;0.016279069767441860239198803129;0.006976744186046511531085201341;0.010465116279069767296627802011;0.040310077519379844401825607747;0.011627906976744185885142002235;0.004263565891472868157885400819;0.004651162790697674354056800894;0.010077519379844961100456401937;0.015116279069767441650684602905;0.023643410852713177966455404544;0.000000000000000000000000000000;0.011627906976744185885142002235;0.022480620155038759377941204320;0.013178294573643410669827602533;0.009689922480620154904285001862;0.007364341085271317727256601415;0.016666666666666666435370203203;0.006589147286821705334913801266
-0.022789115646258503722343391473;0.021088435374149658296794029866;0.053061224489795916214873727768;0.005102040816326530205115918903;0.005782312925170067681446273156;0.024489795918367345678445801127;0.003401360544217686947970902267;0.024829931972789116151334454230;0.041836734693877553059593310536;0.019727891156462583344133321361;0.015646258503401361955598147802;0.008503401360544218454129428153;0.018027210884353741388030911708;0.024489795918367345678445801127;0.013945578231292516530048786194;0.014625850340136054006379140446;0.033333333333333332870740406406;0.064625850340136056781936702009;0.013605442176870747791883609068;0.009863945578231291672066660681;0.017006802721088436908258856306;0.041496598639455782586704657433;0.029591836734693878485646933996;0.021088435374149658296794029866;0.027551020408163266056655871239;0.027551020408163266056655871239;0.029251700680272108012758280893;0.015646258503401361955598147802;0.002040816326530612428991062757;0.010204081632653060410231837807;0.009183673469387755930459782405;0.018027210884353741388030911708;0.014625850340136054006379140446;0.010884353741496597886562192059;0.032312925170068028390968351005;0.030272108843537415961977288248;0.013945578231292516530048786194;0.010884353741496597886562192059;0.006802721088435373895941804534;0.040136054421768707634043948929;0.009863945578231291672066660681;0.026870748299319728580325516987;0.000000000000000000000000000000;0.015986394557823128959039848951;0.008163265306122449715964251027;0.015646258503401361955598147802;0.018367346938775511860919564811;0.014965986394557822744544317572;0.032312925170068028390968351005;0.010544217687074829148397014933
-0.036440677966101696350076366571;0.009322033898305085233837452563;0.063276836158192087400387038088;0.116101694915254238793522745254;0.003389830508474576172689429754;0.018644067796610170467674905126;0.000847457627118644043172357438;0.020338983050847456168774840535;0.031073446327683617446124841877;0.024858757062146893956899873501;0.018079096045197740744159276005;0.004519774011299435186039819001;0.013276836158192089828999904455;0.039830508474576267752276237388;0.005367231638418078903951524694;0.013841807909604519552515533576;0.025423728813559323680415502622;0.041807909604519771784580939311;0.008757062146892655510321823442;0.010734463276836157807903049388;0.013276836158192089828999904455;0.015536723163841808723062420938;0.014689265536723164137788977257;0.029096045197740113413820139954;0.032203389830508473423709148165;0.034745762711864407179529479208;0.029096045197740113413820139954;0.000847457627118644043172357438;0.000282485875706214699127488688;0.017231638418079096158885832324;0.003107344632768361744612484188;0.018644067796610170467674905126;0.007909604519774010925048379761;0.010451977401129942946145234828;0.031073446327683617446124841877;0.044632768361581920402159084915;0.015819209039548021850096759522;0.008474576271186440648564008882;0.001412429378531073441427334814;0.016949152542372881297128017763;0.004519774011299435186039819001;0.012994350282485874967242089895;0.000000000000000000000000000000;0.014971751412429378999546791817;0.006497175141242937483621044947;0.014124293785310734414273348136;0.031920903954802258561951333604;0.019209039548022600191190534247;0.030225988700564972860851398195;0.014124293785310734414273348136
-0.013333333333333334189130248149;0.011333333333333334147496884725;0.013666666666666667240281896056;0.585666666666666668739082979300;0.008333333333333333217685101602;0.009333333333333334105863521302;0.005000000000000000104083408559;0.010999999999999999361621760841;0.009666666666666667157015169209;0.004666666666666667052931760651;0.006333333333333333176051738178;0.007333333333333333196868419890;0.011666666666666667198648532633;0.007666666666666666248020067798;0.018999999999999999528155214534;0.008999999999999999319988397417;0.011333333333333334147496884725;0.018999999999999999528155214534;0.008000000000000000166533453694;0.003666666666666666598434209945;0.007333333333333333196868419890;0.006333333333333333176051738178;0.011666666666666667198648532633;0.008999999999999999319988397417;0.015666666666666665547191783503;0.008000000000000000166533453694;0.011333333333333334147496884725;0.007000000000000000145716771982;0.001000000000000000020816681712;0.007000000000000000145716771982;0.010666666666666666310470112933;0.005000000000000000104083408559;0.006000000000000000124900090270;0.006000000000000000124900090270;0.014666666666666666393736839780;0.010666666666666666310470112933;0.004333333333333333134418374755;0.006666666666666667094565124074;0.003666666666666666598434209945;0.014666666666666666393736839780;0.005333333333333333155235056466;0.012666666666666666352103476356;0.000000000000000000000000000000;0.007666666666666666248020067798;0.006666666666666667094565124074;0.008333333333333333217685101602;0.003333333333333333547282562037;0.002000000000000000041633363423;0.007666666666666666248020067798;0.004666666666666667052931760651
-0.019767441860465116004741403799;0.015116279069767441650684602905;0.029457364341085270909026405661;0.252325581395348830238134496540;0.038372093023255816890415559328;0.025193798449612402751141004842;0.003875968992248061961714000745;0.015116279069767441650684602905;0.012403100775193798277484802384;0.011240310077519379688970602160;0.016666666666666666435370203203;0.016279069767441860239198803129;0.019767441860465116004741403799;0.014728682170542635454513202831;0.018217054263565891220055803501;0.015503875968992247846856002980;0.011240310077519379688970602160;0.029457364341085270909026405661;0.021705426356589146985598404171;0.005038759689922480550228200968;0.016666666666666666435370203203;0.016279069767441860239198803129;0.016279069767441860239198803129;0.012015503875968992081313402309;0.024418604651162790358798204693;0.015503875968992247846856002980;0.025193798449612402751141004842;0.006201550387596899138742401192;0.001162790697674418588514200223;0.029457364341085270909026405661;0.018992248062015503612398603650;0.009302325581395348708113601788;0.013953488372093023062170402682;0.008914728682170542511942201713;0.020930232558139534593255604022;0.022480620155038759377941204320;0.007364341085271317727256601415;0.011240310077519379688970602160;0.002325581395348837177028400447;0.015891472868217054043027403054;0.010077519379844961100456401937;0.009689922480620154904285001862;0.000000000000000000000000000000;0.005426356589147286746399601043;0.014341085271317829258341802756;0.011627906976744185885142002235;0.013565891472868216865999002607;0.007751937984496123923428001490;0.031395348837209305359330357987;0.010077519379844961100456401937
-0.021985815602836879939507852555;0.030496453900709218770570529955;0.025531914893617019962634984154;0.098936170212765961462508812474;0.020212765957446809927944286756;0.017375886524822695827774410304;0.013475177304964539373721699178;0.032624113475177303478336199305;0.019858156028368795231742183205;0.011702127659574467627434657402;0.012056737588652482323636760952;0.006028368794326241161818380476;0.019148936170212765839337976104;0.014184397163120567031402430302;0.023404255319148935254869314804;0.006382978723404254990658746038;0.018794326241134751143135872553;0.053546099290780142798684693162;0.043617021276595745182813601559;0.007801418439716312040743684264;0.027304964539007093443645501907;0.014893617021276596423806637404;0.032269503546099288782134095754;0.014893617021276596423806637404;0.012765957446808509981317492077;0.018794326241134751143135872553;0.027304964539007093443645501907;0.037943262411347516982473848657;0.004255319148936170282893076688;0.023758865248226949951071418354;0.009219858156028368223466884501;0.010283687943262410577349719176;0.023404255319148935254869314804;0.007446808510638298211903318702;0.024113475177304964647273521905;0.029432624113475178151411171257;0.012411347517730497019838864503;0.007801418439716312040743684264;0.005673758865248227332978014914;0.028368794326241134062804860605;0.012411347517730497019838864503;0.024468085106382979343475625456;0.000000000000000000000000000000;0.015248226950354609385285264977;0.015602836879432624081487368528;0.015957446808510637042965996102;0.009574468085106382919668988052;0.005673758865248227332978014914;0.024468085106382979343475625456;0.007092198581560283515701215151
-0.023550724637681159923108253906;0.015942028985507245703034939766;0.026086956521739129016834723984;0.164130434782608691790528609999;0.042753623188405795452204927187;0.034782608695652174335410933281;0.007246376811594202986543944434;0.022101449275362318458437727031;0.009420289855072464316187996758;0.007971014492753622851517469883;0.011231884057971014412302679375;0.019565217391304349364711256953;0.031159420289855074143181568047;0.015579710144927537071590784024;0.019202898550724638998543625235;0.012318840579710145510805574531;0.021014492753623187359934831875;0.017391304347826087167705466641;0.019927536231884056261431936719;0.005434782608695652023067523828;0.019202898550724638998543625235;0.013405797101449274874584993711;0.020289855072463766627599568437;0.017753623188405797533873098359;0.014855072463768116339255520586;0.018115942028985507900040730078;0.019927536231884056261431936719;0.016304347826086956069202571484;0.003985507246376811425758734941;0.052173913043478258033669447968;0.016666666666666666435370203203;0.009782608695652174682355628477;0.010869565217391304046135047656;0.009057971014492753950020365039;0.028985507246376811946175777734;0.028260869565217391213840514297;0.007608695652173913352711576152;0.016666666666666666435370203203;0.004347826086956521791926366660;0.022101449275362318458437727031;0.009420289855072464316187996758;0.009057971014492753950020365039;0.000000000000000000000000000000;0.013405797101449274874584993711;0.012681159420289855876973206250;0.021739130434782608092270095312;0.014492753623188405973087888867;0.008333333333333333217685101602;0.021014492753623187359934831875;0.012681159420289855876973206250
-0.037333333333333336423454085207;0.008000000000000000166533453694;0.059333333333333335146697606888;0.101000000000000006439293542826;0.012000000000000000249800180541;0.024000000000000000499600361081;0.004666666666666667052931760651;0.014000000000000000291433543964;0.016666666666666666435370203203;0.025666666666666667490082076597;0.017000000000000001221245327088;0.016333333333333331649495079319;0.012666666666666666352103476356;0.036999999999999998168132009368;0.008333333333333333217685101602;0.025666666666666667490082076597;0.021999999999999998723243521681;0.029999999999999998889776975375;0.011333333333333334147496884725;0.010000000000000000208166817117;0.015666666666666665547191783503;0.020333333333333331732761806165;0.015333333333333332496040135595;0.035000000000000003330669073875;0.033000000000000001554312234475;0.032333333333333331982561986706;0.024333333333333331816028533012;0.007000000000000000145716771982;0.000333333333333333322202191029;0.024666666666666666601903656897;0.017000000000000001221245327088;0.015666666666666665547191783503;0.008666666666666666268836749509;0.006666666666666667094565124074;0.011666666666666667198648532633;0.037333333333333336423454085207;0.009666666666666667157015169209;0.014666666666666666393736839780;0.003666666666666666598434209945;0.022333333333333333509118645566;0.007333333333333333196868419890;0.008999999999999999319988397417;0.000000000000000000000000000000;0.022333333333333333509118645566;0.007333333333333333196868419890;0.018666666666666668211727042603;0.035000000000000003330669073875;0.021999999999999998723243521681;0.018333333333333333425851918719;0.011666666666666667198648532633
-0.025000000000000001387778780781;0.015416666666666667059870654555;0.038333333333333330372738601000;0.255000000000000004440892098501;0.007083333333333332974823814965;0.027916666666666666019036568969;0.007083333333333332974823814965;0.019166666666666665186369300500;0.019583333333333334536074943344;0.017083333333333332315628894094;0.017500000000000001665334536938;0.013750000000000000069388939039;0.014999999999999999444888487687;0.021250000000000001526556658860;0.018749999999999999306110609609;0.014166666666666665949647629930;0.013333333333333334189130248149;0.025416666666666667268037471672;0.013750000000000000069388939039;0.003333333333333333547282562037;0.011249999999999999583666365766;0.014166666666666665949647629930;0.010000000000000000208166817117;0.016666666666666666435370203203;0.024583333333333332038073137937;0.018749999999999999306110609609;0.017083333333333332315628894094;0.020833333333333332176851016015;0.001666666666666666773641281019;0.023750000000000000277555756156;0.013750000000000000069388939039;0.009166666666666666712925959359;0.008333333333333333217685101602;0.006666666666666667094565124074;0.018749999999999999306110609609;0.020833333333333332176851016015;0.008333333333333333217685101602;0.016666666666666666435370203203;0.008750000000000000832667268469;0.018333333333333333425851918719;0.005833333333333333599324266316;0.017916666666666667545593227828;0.000000000000000000000000000000;0.010416666666666666088425508008;0.013750000000000000069388939039;0.012500000000000000693889390391;0.018749999999999999306110609609;0.011249999999999999583666365766;0.018749999999999999306110609609;0.014583333333333333564629796797
-0.017647058823529411519803744568;0.033660130718954246742402602877;0.024509803921568627110838534122;0.065686274509803924126494223401;0.012745098039215686097636037744;0.018954248366013070475899482403;0.015359477124183005744550989391;0.038235294117647061762355065184;0.017647058823529411519803744568;0.015686274509803921350936661838;0.008496732026143790153516199837;0.015032679738562091872888792921;0.023529411764705882026404992757;0.012745098039215686097636037744;0.037581699346405227080136768336;0.012091503267973856619588168826;0.022549019607843136941971451392;0.051960784313725492944424644293;0.028104575163398693576910503111;0.005882352941176470506601248189;0.024509803921568627110838534122;0.012091503267973856619588168826;0.030065359477124183745777585841;0.019934640522875815560333023768;0.019934640522875815560333023768;0.017647058823529411519803744568;0.034313725490196081424620899725;0.028431372549019607448572699582;0.004575163398692810683143772366;0.030718954248366011489101978782;0.013071895424836601704021710191;0.009150326797385621366287544731;0.022875816993464050813633647863;0.006862745098039215591034789554;0.025816993464052286066934271958;0.021568627450980391857537910028;0.014705882352941176266503120473;0.013725490196078431182069579108;0.008823529411764705759901872284;0.023856209150326795898067189228;0.014705882352941176266503120473;0.016993464052287580307032399674;0.000000000000000000000000000000;0.015686274509803921350936661838;0.017973856209150325391465941038;0.020915032679738560644766565133;0.010130718954248366450721086096;0.008496732026143790153516199837;0.028104575163398693576910503111;0.006209150326797385245625182648
-0.037234042553191487590069641556;0.032978723404255318174538302856;0.021985815602836879939507852555;0.034042553191489362263144613507;0.007092198581560283515701215151;0.037943262411347516982473848657;0.014539007092198581727604533853;0.027659574468085104670400653504;0.014184397163120567031402430302;0.011347517730496454665956029828;0.018439716312056736446933769002;0.018439716312056736446933769002;0.035460992907801421047953027710;0.021276595744680850547103645454;0.025531914893617019962634984154;0.025177304964539008735879832557;0.011347517730496454665956029828;0.035106382978723406351750924159;0.021985815602836879939507852555;0.005319148936170212636775911363;0.017730496453900710523976513855;0.012056737588652482323636760952;0.013475177304964539373721699178;0.026595744680851064051241294806;0.032269503546099288782134095754;0.026950354609929078747443398356;0.029787234042553192847613274807;0.023049645390070920558667211253;0.002836879432624113666489007457;0.030496453900709218770570529955;0.021631205673758865243305749004;0.009929078014184397615871091602;0.015248226950354609385285264977;0.007092198581560283515701215151;0.033333333333333332870740406406;0.019858156028368795231742183205;0.014184397163120567031402430302;0.023758865248226949951071418354;0.002482269503546099403967772901;0.017375886524822695827774410304;0.011347517730496454665956029828;0.016666666666666666435370203203;0.000000000000000000000000000000;0.015957446808510637042965996102;0.015957446808510637042965996102;0.024113475177304964647273521905;0.021985815602836879939507852555;0.019148936170212765839337976104;0.023049645390070920558667211253;0.014539007092198581727604533853
-0.013821138211382113375469415928;0.014227642276422763564780460399;0.015853658536585366056748114261;0.301219512195121941200426363139;0.008943089430894309369013406297;0.023577235772357724857828387144;0.008943089430894309369013406297;0.017479674796747966813992292145;0.011788617886178862428914193572;0.006910569105691056687734707964;0.017073170731707318359404723651;0.008130081300813008990391317354;0.020731707317073171797927599869;0.011788617886178862428914193572;0.023983739837398373312415955638;0.008536585365853659179702361826;0.015040650406504065678126025318;0.035772357723577237476053625187;0.013821138211382113375469415928;0.004471544715447154684506703148;0.015447154471544715867437069790;0.019918699186991871419305510926;0.017479674796747966813992292145;0.017073170731707318359404723651;0.010569105691056910126257584182;0.011788617886178862428914193572;0.026422764227642277917729174419;0.022357723577235772555171777753;0.003658536585365853872203745212;0.027642276422764226750938831856;0.009756097560975609747635495239;0.009349593495934959558324450768;0.013821138211382113375469415928;0.007723577235772357933718534895;0.022357723577235772555171777753;0.017479674796747966813992292145;0.009349593495934959558324450768;0.010569105691056910126257584182;0.009756097560975609747635495239;0.025203252032520325615072565029;0.006504065040650406498423663493;0.016666666666666666435370203203;0.000000000000000000000000000000;0.010975609756097560315568628653;0.016260162601626017980782634709;0.015853658536585366056748114261;0.007723577235772357933718534895;0.006097560975609756309112619022;0.022764227642276424479206298201;0.007317073170731707744407490424
-0.014367816091954022789112244141;0.048275862068965516571417140312;0.016091954022988505523805713437;0.142816091954022977850158326873;0.018965517241379310081628162266;0.014367816091954022789112244141;0.010919540229885057319725305547;0.044827586206896551102030201719;0.012068965517241379142854285078;0.008908045977011494129249591367;0.013218390804597700965983264609;0.006034482758620689571427142539;0.013793103448275861877547754375;0.007758620689655172306120611836;0.058908045977011491700636725000;0.005747126436781609115644897656;0.014080459770114942333329999258;0.051436781609195403319745310000;0.044252873563218393659912663907;0.004022988505747126380951428359;0.027586206896551723755095508750;0.007183908045977011394556122070;0.021551724137931035918391842188;0.019540229885057470993192652031;0.009482758620689655040814081133;0.018103448275862070449004903594;0.038218390804597698884315093437;0.033045977011494254149681637500;0.006321839080459770027209387422;0.021839080459770114639450611094;0.003448275862068965469386938594;0.013218390804597700965983264609;0.026724137931034484122472250078;0.002873563218390804557822448828;0.014655172413793103244894489023;0.018103448275862070449004903594;0.011206896551724137775507550430;0.006034482758620689571427142539;0.004597701149425287292515918125;0.010344827586206896408160815781;0.016091954022988505523805713437;0.016379310344827587714311434297;0.000000000000000000000000000000;0.012356321839080459598636529961;0.029310344827586206489788978047;0.018678160919540231360569393360;0.007471264367816091850338366953;0.003735632183908045925169183477;0.026149425287356323210907760313;0.004885057471264367748298163008
-0.026785714285714284227379877734;0.013095238095238095551997581367;0.036011904761904758864865527812;0.136904761904761917978845531252;0.003869047619047619179788455313;0.024404761904761904794947113828;0.007440476190476190063161077148;0.018154761904761906182725894610;0.022321428571428571924206707422;0.024404761904761904794947113828;0.016071428571428569842538536250;0.011309523809523809242949532461;0.028571428571428570536427926640;0.027976190476190477413043211641;0.012202380952380952397473556914;0.010416666666666666088425508008;0.024702380952380951356639471328;0.032142857142857139685077072500;0.009226190476190476372209126055;0.007738095238095238359576910625;0.016666666666666666435370203203;0.021130952380952382207990325469;0.019345238095238095898942276563;0.027380952380952380820211544687;0.025297619047619047949471138281;0.024107142857142858233254756328;0.025297619047619047949471138281;0.006250000000000000346944695195;0.005059523809523809763366575254;0.016964285714285712997062560703;0.012797619047619047255581747891;0.015773809523809523280846178750;0.008928571428571428075793292578;0.010714285714285714384841341484;0.039880952380952378044653983125;0.030059523809523810283783618047;0.010416666666666666088425508008;0.013392857142857142113689938867;0.004166666666666666608842550801;0.029761904761904760252644308594;0.005059523809523809763366575254;0.014583333333333333564629796797;0.000000000000000000000000000000;0.016369047619047619873677845703;0.007142857142857142634106981660;0.018452380952380952744418252109;0.019642857142857142460634634062;0.019047619047619049337249919063;0.030059523809523810283783618047;0.012500000000000000693889390391
-0.030065359477124183745777585841;0.013398692810457515575683906661;0.055555555555555552471602709375;0.014379084967320260660117448026;0.010457516339869280322383282567;0.015032679738562091872888792921;0.006535947712418300852010855095;0.019934640522875815560333023768;0.018300653594771242732575089462;0.024509803921568627110838534122;0.017320261437908497648141548098;0.004575163398692810683143772366;0.023856209150326795898067189228;0.030718954248366011489101978782;0.019281045751633987817008630827;0.015032679738562091872888792921;0.031372549019607842701873323676;0.041176470588235293546208737325;0.012091503267973856619588168826;0.013071895424836601704021710191;0.014705882352941176266503120473;0.017973856209150325391465941038;0.026797385620915031151367813322;0.033660130718954246742402602877;0.021568627450980391857537910028;0.034640522875816995296283096195;0.028758169934640521320234896052;0.029084967320261438661344044476;0.004901960784313725422167706824;0.012745098039215686097636037744;0.005882352941176470506601248189;0.025163398692810458323609879017;0.014705882352941176266503120473;0.013071895424836601704021710191;0.029084967320261438661344044476;0.038562091503267975634017261655;0.013725490196078431182069579108;0.011437908496732025406816823931;0.005228758169934640161191641283;0.023856209150326795898067189228;0.006535947712418300852010855095;0.021568627450980391857537910028;0.000000000000000000000000000000;0.016339869281045752563708006733;0.011111111111111111535154627461;0.017647058823529411519803744568;0.026470588235294117279705616852;0.022549019607843136941971451392;0.040849673202614379674546540855;0.014705882352941176266503120473
-0.008333333333333333217685101602;0.026666666666666668378260496297;0.040416666666666663243479007406;0.097500000000000003330669073875;0.064583333333333339809634310313;0.012083333333333333078907223523;0.011666666666666667198648532633;0.020833333333333332176851016015;0.017083333333333332315628894094;0.012916666666666666574148081281;0.009583333333333332593184650250;0.010416666666666666088425508008;0.009166666666666666712925959359;0.007499999999999999722444243844;0.042083333333333333703407674875;0.007083333333333332974823814965;0.024166666666666666157814447047;0.037499999999999998612221219219;0.014583333333333333564629796797;0.005833333333333333599324266316;0.011666666666666667198648532633;0.032083333333333331760517381781;0.021250000000000001526556658860;0.021666666666666667406815349750;0.010833333333333333703407674875;0.014999999999999999444888487687;0.022916666666666665047591422422;0.053333333333333336756520992594;0.010000000000000000208166817117;0.032500000000000001110223024625;0.012916666666666666574148081281;0.019583333333333334536074943344;0.010416666666666666088425508008;0.005833333333333333599324266316;0.018749999999999999306110609609;0.022916666666666665047591422422;0.005833333333333333599324266316;0.012083333333333333078907223523;0.010416666666666666088425508008;0.035416666666666665741480812812;0.008333333333333333217685101602;0.014999999999999999444888487687;0.000000000000000000000000000000;0.017083333333333332315628894094;0.031666666666666669349705642844;0.012083333333333333078907223523;0.015833333333333334674852821422;0.007083333333333332974823814965;0.020833333333333332176851016015;0.006666666666666667094565124074
-0.026666666666666668378260496297;0.014999999999999999444888487687;0.012083333333333333078907223523;0.045833333333333330095182844843;0.053749999999999999167332731531;0.049166666666666664076146275875;0.008333333333333333217685101602;0.020000000000000000416333634234;0.014166666666666665949647629930;0.003333333333333333547282562037;0.016666666666666666435370203203;0.029999999999999998889776975375;0.038333333333333330372738601000;0.009166666666666666712925959359;0.020833333333333332176851016015;0.014583333333333333564629796797;0.009166666666666666712925959359;0.024583333333333332038073137937;0.035833333333333335091186455656;0.005833333333333333599324266316;0.026249999999999999028554853453;0.013750000000000000069388939039;0.019166666666666665186369300500;0.011666666666666667198648532633;0.038333333333333330372738601000;0.013333333333333334189130248149;0.024583333333333332038073137937;0.062500000000000000000000000000;0.000416666666666666693410320255;0.062916666666666662410811738937;0.038333333333333330372738601000;0.007499999999999999722444243844;0.025833333333333333148296162562;0.004583333333333333356462979680;0.026249999999999999028554853453;0.010833333333333333703407674875;0.008750000000000000832667268469;0.013750000000000000069388939039;0.008750000000000000832667268469;0.016250000000000000555111512313;0.005833333333333333599324266316;0.017916666666666667545593227828;0.000000000000000000000000000000;0.009166666666666666712925959359;0.024166666666666666157814447047;0.011249999999999999583666365766;0.005000000000000000104083408559;0.010000000000000000208166817117;0.022083333333333333287074040641;0.007499999999999999722444243844
-0.032051282051282048435325577884;0.018376068376068376702958673263;0.016239316239316240603196561665;0.054273504273504274975081784760;0.038034188034188030902438271141;0.054273504273504274975081784760;0.006837606837606837600906928287;0.027777777777777776235801354687;0.007692307692307692734701163317;0.011538461538461539102051744976;0.013675213675213675201813856575;0.021794871794871793768688661430;0.031623931623931622603151936346;0.016666666666666666435370203203;0.021367521367521367936515019892;0.020085470085470086970547143324;0.010256410256410256401360392431;0.032478632478632481206393123330;0.040170940170940173941094286647;0.002991452991452991667237215623;0.020940170940170938634894426400;0.010256410256410256401360392431;0.020085470085470086970547143324;0.012820512820512820068019621544;0.034615384615384617306155234928;0.018376068376068376702958673263;0.033760683760683758702914047944;0.011538461538461539102051744976;0.002991452991452991667237215623;0.058119658119658121342432366419;0.021367521367521367936515019892;0.007264957264957265167804045802;0.031623931623931622603151936346;0.010683760683760683968257509946;0.033760683760683758702914047944;0.016666666666666666435370203203;0.006837606837606837600906928287;0.017521367521367521569164438233;0.002564102564102564100340098108;0.017094017094017095736990796695;0.007692307692307692734701163317;0.006837606837606837600906928287;0.000000000000000000000000000000;0.015384615384615385469402326635;0.022649572649572648902482896460;0.017094017094017095736990796695;0.011538461538461539102051744976;0.010683760683760683968257509946;0.029487179487179486503389824748;0.011538461538461539102051744976
-0.018027210884353741388030911708;0.025510204081632653627664808482;0.035374149659863948769178421117;0.069727891156462579180796979017;0.043537414965986391546248768236;0.020748299319727891293352328717;0.007482993197278911372272158786;0.027210884353741495583767218136;0.021768707482993195773124384118;0.014285714285714285268213963320;0.017346938775510203911700557455;0.009863945578231291672066660681;0.015986394557823128959039848951;0.023469387755102041198673745726;0.039455782312925166688266642723;0.010884353741496597886562192059;0.017006802721088436908258856306;0.033333333333333332870740406406;0.030272108843537415961977288248;0.003741496598639455686136079393;0.018707482993197278864361265960;0.011564625850340135362892546311;0.012244897959183672839222900564;0.022108843537414966246013037221;0.021088435374149658296794029866;0.018027210884353741388030911708;0.035034013605442178296289768014;0.061904761904761906876615285000;0.002380952380952381167156239883;0.030612244897959182965418989397;0.010884353741496597886562192059;0.014285714285714285268213963320;0.010204081632653060410231837807;0.005102040816326530205115918903;0.018707482993197278864361265960;0.028911564625850341009316579743;0.013945578231292516530048786194;0.009863945578231291672066660681;0.002380952380952381167156239883;0.010884353741496597886562192059;0.010884353741496597886562192059;0.013945578231292516530048786194;0.000000000000000000000000000000;0.019727891156462583344133321361;0.025510204081632653627664808482;0.018027210884353741388030911708;0.015306122448979591482709494699;0.015646258503401361955598147802;0.027551020408163266056655871239;0.009523809523809524668624959531
-0.029268292682926830977629961694;0.018292682926829267192614381088;0.036585365853658534385228762176;0.000813008130081300812302957937;0.008943089430894309369013406297;0.029268292682926830977629961694;0.007723577235772357933718534895;0.023983739837398373312415955638;0.045121951219512193564931124001;0.015040650406504065678126025318;0.011382113821138212239603149101;0.013821138211382113375469415928;0.023170731707317072933793866696;0.019512195121951219495270990478;0.011382113821138212239603149101;0.013008130081300812996847326986;0.018699186991869919116648901536;0.050813008130081299684732698552;0.024796747967479673691038044581;0.004065040650406504495195658677;0.026016260162601625993694653971;0.022764227642276424479206298201;0.032113821138211380568083797016;0.022764227642276424479206298201;0.027642276422764226750938831856;0.020325203252032519873893079421;0.029674796747967479432217530189;0.021951219512195120631137257305;0.002032520325203252247597829339;0.031300813008130083658908660027;0.016666666666666666435370203203;0.013821138211382113375469415928;0.023577235772357724857828387144;0.010975609756097560315568628653;0.030487804878048779810839619131;0.040650406504065039747786158841;0.010162601626016259936946539710;0.014634146341463415488814980847;0.008536585365853659179702361826;0.033739837398373981325327974901;0.009756097560975609747635495239;0.030081300813008131356252050637;0.000000000000000000000000000000;0.016666666666666666435370203203;0.009349593495934959558324450768;0.016260162601626017980782634709;0.015447154471544715867437069790;0.012601626016260162807536282514;0.033739837398373981325327974901;0.010569105691056910126257584182
-0.026249999999999999028554853453;0.015833333333333334674852821422;0.029999999999999998889776975375;0.002916666666666666799662133158;0.075416666666666673513041985188;0.036249999999999997501998194593;0.004583333333333333356462979680;0.020416666666666666296592325125;0.019583333333333334536074943344;0.012500000000000000693889390391;0.018749999999999999306110609609;0.025000000000000001387778780781;0.026666666666666668378260496297;0.015416666666666667059870654555;0.009166666666666666712925959359;0.014166666666666665949647629930;0.017083333333333332315628894094;0.037499999999999998612221219219;0.029583333333333333009518284484;0.003749999999999999861222121922;0.023333333333333334397297065266;0.021250000000000001526556658860;0.025000000000000001387778780781;0.019166666666666665186369300500;0.026666666666666668378260496297;0.014999999999999999444888487687;0.021666666666666667406815349750;0.051249999999999996946886682281;0.000000000000000000000000000000;0.058333333333333334258519187188;0.017500000000000001665334536938;0.011666666666666667198648532633;0.017916666666666667545593227828;0.009166666666666666712925959359;0.025000000000000001387778780781;0.029583333333333333009518284484;0.018333333333333333425851918719;0.009166666666666666712925959359;0.003749999999999999861222121922;0.017916666666666667545593227828;0.006666666666666667094565124074;0.027083333333333334258519187188;0.000000000000000000000000000000;0.015416666666666667059870654555;0.007499999999999999722444243844;0.014583333333333333564629796797;0.014583333333333333564629796797;0.011249999999999999583666365766;0.029166666666666667129259593594;0.011249999999999999583666365766
-0.022619047619047618485899064922;0.020238095238095239053466301016;0.027380952380952380820211544687;0.008730158730158730367998387578;0.038888888888888889505679458125;0.024206349206349207087152208828;0.008730158730158730367998387578;0.023412698412698412786525636875;0.026190476190476191103995162734;0.017063492063492061850960013203;0.013095238095238095551997581367;0.015873015873015872134743631250;0.020238095238095239053466301016;0.017857142857142856151586585156;0.016666666666666666435370203203;0.009523809523809524668624959531;0.022222222222222223070309254922;0.044841269841269841556208319844;0.013888888888888888117900677344;0.006349206349206349200842147695;0.017460317460317460735996775156;0.013095238095238095551997581367;0.029365079365079364837054498594;0.029365079365079364837054498594;0.020634920634920634469056111016;0.021031746031746033354092872969;0.036507936507936510073246694219;0.040873015873015873522522412031;0.005158730158730158617264027754;0.047222222222222220988641083750;0.016269841269841271019780393203;0.021825396825396824185272492969;0.016269841269841271019780393203;0.006746031746031746351155433672;0.025793650793650792218958400781;0.032539682539682542039560786407;0.012698412698412698401684295391;0.014682539682539682418527249297;0.006746031746031746351155433672;0.023015873015873017370935826875;0.008730158730158730367998387578;0.034126984126984123701920026406;0.000000000000000000000000000000;0.018650793650793650452213157109;0.012301587301587301251371009414;0.031746031746031744269487262500;0.018253968253968255036623347110;0.008333333333333333217685101602;0.026190476190476191103995162734;0.006349206349206349200842147695
-0.031250000000000000000000000000;0.014583333333333333564629796797;0.057986111111111113269878103438;0.000347222222222222235473582108;0.002083333333333333304421275400;0.019791666666666665741480812812;0.009374999999999999653055304805;0.027777777777777776235801354687;0.026041666666666667823148983985;0.023263888888888889505679458125;0.017013888888888887424011286953;0.010069444444444445099784424258;0.020833333333333332176851016015;0.027083333333333334258519187188;0.009027777777777776929690745078;0.015625000000000000000000000000;0.031597222222222220988641083750;0.053124999999999998612221219219;0.017361111111111111882099322656;0.012847222222222221682530474141;0.016666666666666666435370203203;0.020138888888888890199568848516;0.025000000000000001387778780781;0.039930555555555552471602709375;0.029513888888888888117900677344;0.030555555555555554553270880547;0.029861111111111112575988713047;0.004861111111111111188209932266;0.006597222222222222202947516934;0.015277777777777777276635440273;0.011458333333333332523795711211;0.019791666666666665741480812812;0.013194444444444444405895033867;0.009374999999999999653055304805;0.034722222222222223764198645313;0.035069444444444444752839729063;0.016319444444444445446729119453;0.015277777777777777276635440273;0.006250000000000000346944695195;0.027777777777777776235801354687;0.010069444444444445099784424258;0.018055555555555553859381490156;0.000000000000000000000000000000;0.021180555555555556634939051719;0.004513888888888888464845372539;0.029166666666666667129259593594;0.020833333333333332176851016015;0.011458333333333332523795711211;0.039930555555555552471602709375;0.010069444444444445099784424258
-0.039622641509433960405051067255;0.015094339622641509551792537991;0.036477987421383646637895736831;0.005974842767295597892318603783;0.004716981132075471518094733625;0.033647798742138364247455939449;0.006918238993710692022465202911;0.019182389937106917449094467543;0.026729559748427673959714212515;0.016352201257861635058654670161;0.019811320754716980202525533628;0.019182389937106917449094467543;0.040566037735849054535197666382;0.029559748427672956350154009897;0.010691823899371068543051599420;0.021383647798742137086103198840;0.018553459119496854695663401458;0.029874213836477987726869542939;0.014150943396226415421645938864;0.010062893081761005789620533335;0.014779874213836478175077004948;0.023270440251572325346396397094;0.022012578616352199839534264925;0.024213836477987422945989948175;0.045911949685534587939361728104;0.028301886792452830843291877727;0.023584905660377360192558882090;0.008490566037735848906042868123;0.002515723270440251447405133334;0.022955974842767293969680864052;0.023899371069182391569274415133;0.016037735849056603681939137118;0.013836477987421384044930405821;0.011320754716981131296482665505;0.049371069182389940022126495478;0.023584905660377360192558882090;0.010377358490566037166336066377;0.020125786163522011579241066670;0.007547169811320754775896268995;0.039622641509433960405051067255;0.004716981132075471518094733625;0.022327044025157231216249797967;0.000000000000000000000000000000;0.014779874213836478175077004948;0.007232704402515723399180735953;0.012264150943396227161352740609;0.020440251572327042955956599712;0.017610062893081760565516802330;0.036792452830188678014611269873;0.013522012578616352668214872779
-0.023750000000000000277555756156;0.030416666666666668239482618219;0.033750000000000002220446049250;0.055833333333333332038073137937;0.022083333333333333287074040641;0.028333333333333331899295259859;0.010416666666666666088425508008;0.029583333333333333009518284484;0.010416666666666666088425508008;0.018749999999999999306110609609;0.015416666666666667059870654555;0.009166666666666666712925959359;0.022916666666666665047591422422;0.017083333333333332315628894094;0.032500000000000001110223024625;0.018749999999999999306110609609;0.031250000000000000000000000000;0.039166666666666669072149886688;0.022916666666666665047591422422;0.003333333333333333547282562037;0.016666666666666666435370203203;0.016666666666666666435370203203;0.013333333333333334189130248149;0.026249999999999999028554853453;0.022083333333333333287074040641;0.022083333333333333287074040641;0.031666666666666669349705642844;0.025000000000000001387778780781;0.007083333333333332974823814965;0.032916666666666663521034763562;0.013750000000000000069388939039;0.021666666666666667406815349750;0.017916666666666667545593227828;0.005833333333333333599324266316;0.014999999999999999444888487687;0.030416666666666668239482618219;0.008333333333333333217685101602;0.015416666666666667059870654555;0.002500000000000000052041704279;0.023750000000000000277555756156;0.009583333333333332593184650250;0.013750000000000000069388939039;0.000000000000000000000000000000;0.021666666666666667406815349750;0.027916666666666666019036568969;0.027916666666666666019036568969;0.016250000000000000555111512313;0.012083333333333333078907223523;0.019583333333333334536074943344;0.007083333333333332974823814965
-0.012500000000000000693889390391;0.005833333333333333599324266316;0.052083333333333335646297967969;0.007499999999999999722444243844;0.006666666666666667094565124074;0.006250000000000000346944695195;0.002916666666666666799662133158;0.025000000000000001387778780781;0.012916666666666666574148081281;0.095833333333333339809634310313;0.009166666666666666712925959359;0.002500000000000000052041704279;0.007499999999999999722444243844;0.038749999999999999722444243844;0.009166666666666666712925959359;0.006666666666666667094565124074;0.015833333333333334674852821422;0.018749999999999999306110609609;0.010833333333333333703407674875;0.010833333333333333703407674875;0.006250000000000000346944695195;0.013333333333333334189130248149;0.004166666666666666608842550801;0.142083333333333339254522798001;0.010833333333333333703407674875;0.044999999999999998334665463062;0.023333333333333334397297065266;0.005000000000000000104083408559;0.000833333333333333386820640509;0.007083333333333332974823814965;0.001250000000000000026020852140;0.053333333333333336756520992594;0.006250000000000000346944695195;0.001666666666666666773641281019;0.008750000000000000832667268469;0.077916666666666661855700226624;0.014999999999999999444888487687;0.001250000000000000026020852140;0.001250000000000000026020852140;0.007916666666666667337426410711;0.008750000000000000832667268469;0.002916666666666666799662133158;0.000000000000000000000000000000;0.055833333333333332038073137937;0.008750000000000000832667268469;0.026666666666666668378260496297;0.050416666666666665186369300500;0.024583333333333332038073137937;0.019583333333333334536074943344;0.012500000000000000693889390391
-0.022499999999999999167332731531;0.002916666666666666799662133158;0.050833333333333334536074943344;0.000833333333333333386820640509;0.001666666666666666773641281019;0.012083333333333333078907223523;0.005416666666666666851703837438;0.024166666666666666157814447047;0.007499999999999999722444243844;0.074166666666666672402818960563;0.012083333333333333078907223523;0.005416666666666666851703837438;0.010833333333333333703407674875;0.043749999999999997224442438437;0.009166666666666666712925959359;0.024583333333333332038073137937;0.022499999999999999167332731531;0.022083333333333333287074040641;0.012083333333333333078907223523;0.006250000000000000346944695195;0.016666666666666666435370203203;0.011249999999999999583666365766;0.003749999999999999861222121922;0.098750000000000004440892098501;0.028333333333333331899295259859;0.051666666666666666296592325125;0.028333333333333331899295259859;0.000416666666666666693410320255;0.001666666666666666773641281019;0.006250000000000000346944695195;0.004583333333333333356462979680;0.041666666666666664353702032031;0.006666666666666667094565124074;0.006666666666666667094565124074;0.012916666666666666574148081281;0.065000000000000002220446049250;0.011249999999999999583666365766;0.008333333333333333217685101602;0.000833333333333333386820640509;0.010000000000000000208166817117;0.013750000000000000069388939039;0.002916666666666666799662133158;0.000000000000000000000000000000;0.052083333333333335646297967969;0.003333333333333333547282562037;0.035000000000000003330669073875;0.052499999999999998057109706906;0.029583333333333333009518284484;0.011666666666666667198648532633;0.013333333333333334189130248149
-0.046666666666666668794594130532;0.007083333333333332974823814965;0.033750000000000002220446049250;0.018333333333333333425851918719;0.010833333333333333703407674875;0.032083333333333331760517381781;0.006666666666666667094565124074;0.027083333333333334258519187188;0.008750000000000000832667268469;0.031250000000000000000000000000;0.023333333333333334397297065266;0.022499999999999999167332731531;0.017500000000000001665334536938;0.035833333333333335091186455656;0.013750000000000000069388939039;0.040833333333333332593184650250;0.011666666666666667198648532633;0.026666666666666668378260496297;0.016666666666666666435370203203;0.005416666666666666851703837438;0.016666666666666666435370203203;0.007916666666666667337426410711;0.015416666666666667059870654555;0.037916666666666667961926862063;0.055000000000000000277555756156;0.041250000000000001942890293094;0.030416666666666668239482618219;0.013750000000000000069388939039;0.002916666666666666799662133158;0.015833333333333334674852821422;0.019166666666666665186369300500;0.023750000000000000277555756156;0.007499999999999999722444243844;0.008750000000000000832667268469;0.021666666666666667406815349750;0.026666666666666668378260496297;0.012500000000000000693889390391;0.019166666666666665186369300500;0.000416666666666666693410320255;0.011666666666666667198648532633;0.005416666666666666851703837438;0.003749999999999999861222121922;0.000000000000000000000000000000;0.027500000000000000138777878078;0.006250000000000000346944695195;0.020000000000000000416333634234;0.034583333333333333980963431031;0.027916666666666666019036568969;0.025000000000000001387778780781;0.024583333333333332038073137937
-0.050406504065040651230145130057;0.008130081300813008990391317354;0.031300813008130083658908660027;0.001219512195121951218454436905;0.002439024390243902436908873810;0.033333333333333332870740406406;0.005691056910569106119801574550;0.024796747967479673691038044581;0.008943089430894309369013406297;0.021951219512195120631137257305;0.028455284552845527129560920798;0.015853658536585366056748114261;0.032520325203252035961565269417;0.041869918699186992050442768232;0.010975609756097560315568628653;0.031707317073170732113496228521;0.013414634146341463186158371457;0.036178861788617885930641193681;0.018699186991869919116648901536;0.005284552845528455063128792091;0.021138211382113820252515168363;0.009349593495934959558324450768;0.015447154471544715867437069790;0.021544715447154472176549688811;0.056910569105691054259121841596;0.043902439024390241262274514611;0.028861788617886179053595441246;0.005691056910569106119801574550;0.002439024390243902436908873810;0.017886178861788618738026812593;0.016260162601626017980782634709;0.008536585365853659179702361826;0.017073170731707318359404723651;0.010569105691056910126257584182;0.032926829268292684416152837912;0.028455284552845527129560920798;0.011788617886178862428914193572;0.022764227642276424479206298201;0.002439024390243902436908873810;0.021138211382113820252515168363;0.005284552845528455063128792091;0.007317073170731707744407490424;0.000000000000000000000000000000;0.021138211382113820252515168363;0.004878048780487804873817747620;0.016666666666666666435370203203;0.030081300813008131356252050637;0.032113821138211380568083797016;0.037804878048780486687885371566;0.026422764227642277917729174419
-0.028231292517006803532986225491;0.023469387755102041198673745726;0.028571428571428570536427926640;0.005782312925170067681446273156;0.025170068027210883154776155379;0.031632653061224487445191044799;0.015306122448979591482709494699;0.022789115646258503722343391473;0.025510204081632653627664808482;0.018367346938775511860919564811;0.011904761904761904101057723437;0.019387755102040816340691620212;0.032993197278911562397851753303;0.019387755102040816340691620212;0.011224489795918366624727369185;0.022789115646258503722343391473;0.025170068027210883154776155379;0.043537414965986391546248768236;0.022448979591836733249454738370;0.005782312925170067681446273156;0.022108843537414966246013037221;0.018027210884353741388030911708;0.023469387755102041198673745726;0.025510204081632653627664808482;0.026190476190476191103995162734;0.026190476190476191103995162734;0.028911564625850341009316579743;0.015646258503401361955598147802;0.003061224489795918209805725141;0.047619047619047616404230893750;0.022789115646258503722343391473;0.019727891156462583344133321361;0.017346938775510203911700557455;0.004421768707482993596147302640;0.020068027210884353817021974464;0.034693877551020407823401114911;0.011224489795918366624727369185;0.022448979591836733249454738370;0.004081632653061224857982125513;0.017687074829931974384589210558;0.007482993197278911372272158786;0.018367346938775511860919564811;0.000000000000000000000000000000;0.021428571428571428769682682969;0.010204081632653060410231837807;0.027210884353741495583767218136;0.014625850340136054006379140446;0.013945578231292516530048786194;0.026870748299319728580325516987;0.009183673469387755930459782405
-0.028148148148148147834612942120;0.012962962962962962590318660716;0.035555555555555555524716027094;0.018888888888888889089345823891;0.017037037037037038034181790636;0.025185185185185185452461098521;0.008148148148148147418279307885;0.035555555555555555524716027094;0.023333333333333334397297065266;0.023703703703703702526661700745;0.018518518518518517490534236458;0.011481481481481481399242738917;0.020740740740740740144509857146;0.022962962962962962798485477833;0.017777777777777777762358013547;0.014074074074074073917306471060;0.016296296296296294836558615771;0.050370370370370370904922197042;0.023703703703703702526661700745;0.006296296296296296363115274630;0.022962962962962962798485477833;0.012592592592592592726230549260;0.027407407407407408106436719208;0.028518518518518519433424529552;0.025925925925925925180637321432;0.029999999999999998889776975375;0.033703703703703701000105041885;0.029259259259259259161600752464;0.002222222222222222220294751693;0.020740740740740740144509857146;0.007407407407407407690103084974;0.017407407407407406163546426114;0.018518518518518517490534236458;0.006666666666666667094565124074;0.024074074074074074125473288177;0.041851851851851848418384349770;0.017037037037037038034181790636;0.012222222222222222862142437805;0.005925925925925925631665425186;0.024444444444444445724284875610;0.008518518518518519017090895318;0.016296296296296294836558615771;0.000000000000000000000000000000;0.017037037037037038034181790636;0.009259259259259258745267118229;0.023703703703703702526661700745;0.021481481481481479872686080057;0.014074074074074073917306471060;0.040000000000000000832667268469;0.010000000000000000208166817117
-0.031972789115646257918079697902;0.015646258503401361955598147802;0.020408163265306120820463675614;0.002040816326530612428991062757;0.022448979591836733249454738370;0.054761904761904761640423089375;0.005442176870748298943281096030;0.035374149659863948769178421117;0.008163265306122449715964251027;0.008843537414965987192294605279;0.026530612244897958107436863884;0.027210884353741495583767218136;0.041496598639455782586704657433;0.016326530612244899431928502054;0.011904761904761904101057723437;0.014285714285714285268213963320;0.011224489795918366624727369185;0.034013605442176873816517712612;0.040816326530612241640927351227;0.005102040816326530205115918903;0.025510204081632653627664808482;0.007823129251700680977799073901;0.026870748299319728580325516987;0.016326530612244899431928502054;0.030952380952380953438307642500;0.017006802721088436908258856306;0.034013605442176873816517712612;0.024489795918367345678445801127;0.002040816326530612428991062757;0.070408163265306120126574285223;0.021768707482993195773124384118;0.008503401360544218454129428153;0.038095238095238098674499838125;0.004421768707482993596147302640;0.034693877551020407823401114911;0.021088435374149658296794029866;0.019047619047619049337249919063;0.017346938775510203911700557455;0.000000000000000000000000000000;0.013605442176870747791883609068;0.008503401360544218454129428153;0.008503401360544218454129428153;0.000000000000000000000000000000;0.010884353741496597886562192059;0.015646258503401361955598147802;0.021088435374149658296794029866;0.012244897959183672839222900564;0.009863945578231291672066660681;0.035374149659863948769178421117;0.009863945578231291672066660681
-0.016296296296296294836558615771;0.040370370370370368962031903948;0.027777777777777776235801354687;0.059259259259259261520824679792;0.037407407407407410049327012302;0.024814814814814813853649511088;0.008888888888888888881179006773;0.036296296296296298722339201959;0.013703703703703704053218359604;0.011111111111111111535154627461;0.015185185185185185244294281404;0.007407407407407407690103084974;0.020000000000000000416333634234;0.014814814814814815380206169948;0.053703703703703704885885628073;0.006296296296296296363115274630;0.017037037037037038034181790636;0.048518518518518516380311211833;0.030740740740740742087400150240;0.005555555555555555767577313730;0.024444444444444445724284875610;0.013333333333333334189130248149;0.020000000000000000416333634234;0.018148148148148149361169600979;0.017407407407407406163546426114;0.019629629629629628817522046802;0.030740740740740742087400150240;0.046296296296296293726335591145;0.002592592592592592518063732143;0.037777777777777778178691647781;0.015925925925925926707193980292;0.010740740740740739936343040029;0.020000000000000000416333634234;0.004444444444444444440589503387;0.017037037037037038034181790636;0.024074074074074074125473288177;0.012592592592592592726230549260;0.010370370370370370072254928573;0.002962962962962962815832712593;0.020000000000000000416333634234;0.011851851851851851263330850372;0.011481481481481481399242738917;0.000000000000000000000000000000;0.012962962962962962590318660716;0.031111111111111110216764785719;0.014444444444444443781394582516;0.012592592592592592726230549260;0.007777777777777777554191196430;0.025185185185185185452461098521;0.008888888888888888881179006773
-0.032520325203252035961565269417;0.013414634146341463186158371457;0.045121951219512193564931124001;0.000406504065040650406151478968;0.029268292682926830977629961694;0.038211382113821135142472940061;0.002032520325203252247597829339;0.016666666666666666435370203203;0.022357723577235772555171777753;0.032520325203252035961565269417;0.012601626016260162807536282514;0.037398373983739838233297803072;0.015447154471544715867437069790;0.025609756097560974069660133523;0.008130081300813008990391317354;0.024390243902439025236450476086;0.023170731707317072933793866696;0.037804878048780486687885371566;0.012195121951219512618225238043;0.004878048780487804873817747620;0.013414634146341463186158371457;0.011788617886178862428914193572;0.010975609756097560315568628653;0.050000000000000002775557561563;0.041463414634146343595855199737;0.026829268292682926372316742913;0.022357723577235772555171777753;0.011382113821138212239603149101;0.002032520325203252247597829339;0.045528455284552848958412596403;0.028455284552845527129560920798;0.026829268292682926372316742913;0.007317073170731707744407490424;0.006910569105691056687734707964;0.014227642276422763564780460399;0.046341463414634145867587733392;0.010569105691056910126257584182;0.014227642276422763564780460399;0.001219512195121951218454436905;0.017073170731707318359404723651;0.006097560975609756309112619022;0.025609756097560974069660133523;0.000000000000000000000000000000;0.023170731707317072933793866696;0.004878048780487804873817747620;0.017073170731707318359404723651;0.025609756097560974069660133523;0.021138211382113820252515168363;0.018292682926829267192614381088;0.015040650406504065678126025318
-0.037681159420289857264751987032;0.024275362318840580655443517344;0.033695652173913043236908038125;0.031521739130434781039902247812;0.010869565217391304046135047656;0.026811594202898549749169987422;0.007971014492753622851517469883;0.032608695652173912138405142969;0.030434782608695653410846304610;0.023188405797101449556940622188;0.018478260869565218266208361797;0.018115942028985507900040730078;0.015942028985507245703034939766;0.020289855072463766627599568437;0.015579710144927537071590784024;0.023188405797101449556940622188;0.032608695652173912138405142969;0.048550724637681161310887034688;0.019565217391304349364711256953;0.006884057971014492620376312715;0.019927536231884056261431936719;0.023188405797101449556940622188;0.013405797101449274874584993711;0.031159420289855074143181568047;0.031521739130434781039902247812;0.025724637681159418650667092265;0.026449275362318839383002355703;0.014855072463768116339255520586;0.004347826086956521791926366660;0.025000000000000001387778780781;0.021376811594202897726102463594;0.015579710144927537071590784024;0.010869565217391304046135047656;0.005797101449275362389235155547;0.010869565217391304046135047656;0.032246376811594201772237511250;0.011231884057971014412302679375;0.011594202898550724778470311094;0.004710144927536232158093998379;0.017028985507246376801537834922;0.010869565217391304046135047656;0.028985507246376811946175777734;0.000000000000000000000000000000;0.021376811594202897726102463594;0.012318840579710145510805574531;0.027536231884057970481505250859;0.023550724637681159923108253906;0.013768115942028985240752625430;0.016304347826086956069202571484;0.010144927536231883313799784219
-0.019230769230769231836752908293;0.014102564102564102768710974090;0.020512820512820512802720784862;0.413461538461538435917930200958;0.009615384615384615918376454147;0.011538461538461539102051744976;0.004487179487179486850334519943;0.021474358974358974394558430276;0.005769230769230769551025872488;0.018589743589743589619045494032;0.009935897435897435292506685300;0.003205128205128205017004905386;0.007692307692307692734701163317;0.020192307692307693428590553708;0.024358974358974359170071366520;0.011217948717948717993198037846;0.008653846153846154326538808732;0.016987179487179485809500434357;0.026602564102564101727876888503;0.003205128205128205017004905386;0.021153846153846155020428199123;0.003525641025641025692177743522;0.004807692307692307959188227073;0.018589743589743589619045494032;0.016987179487179485809500434357;0.019230769230769231836752908293;0.024679487179487178544201597674;0.007692307692307692734701163317;0.000641025641025641025085024527;0.011538461538461539102051744976;0.005448717948717948442172165358;0.014423076923076923877564681220;0.012820512820512820068019621544;0.004166666666666666608842550801;0.006089743589743589792517841630;0.019871794871794870585013370601;0.008333333333333333217685101602;0.004807692307692307959188227073;0.000320512820512820512542512263;0.004807692307692307959188227073;0.005769230769230769551025872488;0.004487179487179486850334519943;0.000000000000000000000000000000;0.011538461538461539102051744976;0.023717948717948716952363952259;0.014102564102564102768710974090;0.022435897435897435986396075691;0.010897435897435896884344330715;0.017628205128205128027207848618;0.008653846153846154326538808732
-0.027777777777777776235801354687;0.005128205128205128200680196215;0.064957264957264962412786246659;0.048290598290598292507969091503;0.021367521367521367936515019892;0.021367521367521367936515019892;0.000427350427350427350056683018;0.017521367521367521569164438233;0.010256410256410256401360392431;0.050854700854700854439904844639;0.005555555555555555767577313730;0.024786324786324785002245008059;0.006410256410256410034009810772;0.068376068376068382947963186780;0.011111111111111111535154627461;0.021794871794871793768688661430;0.011111111111111111535154627461;0.016666666666666666435370203203;0.010256410256410256401360392431;0.013247863247863247634916739059;0.007264957264957265167804045802;0.007692307692307692734701163317;0.003418803418803418800453464144;0.076495726495726501514837991635;0.027350427350427350403627713149;0.052991452991452990539666956238;0.020512820512820512802720784862;0.011111111111111111535154627461;0.000427350427350427350056683018;0.013675213675213675201813856575;0.014957264957264957902505209120;0.023076923076923078204103489952;0.001709401709401709400226732072;0.007264957264957265167804045802;0.013247863247863247634916739059;0.053846153846153849142908143222;0.011965811965811966668948862491;0.005555555555555555767577313730;0.000000000000000000000000000000;0.006837606837606837600906928287;0.004700854700854700633783078700;0.004700854700854700633783078700;0.000000000000000000000000000000;0.024786324786324785002245008059;0.006837606837606837600906928287;0.011965811965811966668948862491;0.060683760683760683274368119555;0.038034188034188030902438271141;0.018376068376068376702958673263;0.013247863247863247634916739059
-0.023809523809523808202115446875;0.013809523809523809728672105734;0.090952380952380951217861593250;0.003809523809523809520505288617;0.003333333333333333547282562037;0.006190476190476190687661528500;0.001904761904761904760252644309;0.025714285714285713829729829172;0.044761904761904759697532796281;0.029047619047619047810693260203;0.010476190476190475747708674703;0.010000000000000000208166817117;0.005238095238095237873854337352;0.045714285714285714246063463406;0.008095238095238094580552434820;0.008095238095238094580552434820;0.040000000000000000832667268469;0.083809523809523805981669397625;0.006666666666666667094565124074;0.014285714285714285268213963320;0.013809523809523809728672105734;0.023333333333333334397297065266;0.014285714285714285268213963320;0.035238095238095235028907836750;0.013809523809523809728672105734;0.026190476190476191103995162734;0.031428571428571430712572976063;0.048095238095238093678496227312;0.000000000000000000000000000000;0.004761904761904762334312479766;0.007142857142857142634106981660;0.022380952380952379848766398140;0.005238095238095237873854337352;0.007142857142857142634106981660;0.007142857142857142634106981660;0.057142857142857141072855853281;0.020952380952380951495417349406;0.005238095238095237873854337352;0.000952380952380952380126322154;0.022857142857142857123031731703;0.006190476190476190687661528500;0.018571428571428572062984585500;0.000000000000000000000000000000;0.011428571428571428561515865852;0.004285714285714285927408884191;0.012380952380952381375323057000;0.036666666666666666851703837438;0.021904761904761906043948016531;0.035238095238095235028907836750;0.010476190476190475747708674703
-0.012121212121212121201607736509;0.022727272727272727903535809446;0.059595959595959598076309049475;0.128282828282828276211802176476;0.011616161616161616368381181985;0.008585858585858585634298378864;0.002020202020202020200267956085;0.026767676767676766569348245639;0.036363636363636361870099733551;0.025757575757575756902895136591;0.007070707070707071134618715291;0.008585858585858585634298378864;0.005050505050505050934350759206;0.024747474747474747236442027543;0.025757575757575756902895136591;0.007070707070707071134618715291;0.043939393939393937837945003366;0.058080808080808080107182433949;0.013636363636363635701287400082;0.008080808080808080801071824339;0.010101010101010101868701518413;0.025252525252525252069668582067;0.008585858585858585634298378864;0.039393939393939390869459060696;0.014646464646464647102463985107;0.026767676767676766569348245639;0.016161616161616161602143648679;0.025757575757575756902895136591;0.002525252525252525467175379603;0.009090909090909090467524933388;0.002525252525252525467175379603;0.025252525252525252069668582067;0.007575757575757575967845269815;0.007070707070707071134618715291;0.006565656565656565434030422779;0.050000000000000002775557561563;0.013131313131313130868060845557;0.008585858585858585634298378864;0.007070707070707071134618715291;0.013131313131313130868060845557;0.011616161616161616368381181985;0.018686868686868685768276421300;0.000000000000000000000000000000;0.023737373737373737569988918494;0.012626262626262626034834291033;0.008585858585858585634298378864;0.027272727272727271402574800163;0.014141414141414142269237430583;0.016666666666666666435370203203;0.011616161616161616368381181985
-0.008119658119658120301598280832;0.018376068376068376702958673263;0.010256410256410256401360392431;0.362820512820512808271899984902;0.085470085470085471746060079568;0.011965811965811966668948862491;0.009401709401709401267566157401;0.026068376068376069437659836581;0.010683760683760683968257509946;0.005982905982905983334474431246;0.009401709401709401267566157401;0.013675213675213675201813856575;0.002564102564102564100340098108;0.008119658119658120301598280832;0.052991452991452990539666956238;0.005982905982905983334474431246;0.008119658119658120301598280832;0.007692307692307692734701163317;0.029914529914529915805010418239;0.001709401709401709400226732072;0.014102564102564102768710974090;0.006837606837606837600906928287;0.001282051282051282050170049054;0.013675213675213675201813856575;0.012393162393162392501122504029;0.012393162393162392501122504029;0.021794871794871793768688661430;0.030341880341880341637184059778;0.002564102564102564100340098108;0.029914529914529915805010418239;0.007264957264957265167804045802;0.011111111111111111535154627461;0.007264957264957265167804045802;0.006410256410256410034009810772;0.002564102564102564100340098108;0.012393162393162392501122504029;0.003418803418803418800453464144;0.005128205128205128200680196215;0.000854700854700854700113366036;0.003418803418803418800453464144;0.006837606837606837600906928287;0.012393162393162392501122504029;0.000000000000000000000000000000;0.011965811965811966668948862491;0.038888888888888889505679458125;0.011111111111111111535154627461;0.008974358974358973700669039886;0.004700854700854700633783078700;0.005128205128205128200680196215;0.005555555555555555767577313730
-0.025396825396825396803368590781;0.018253968253968255036623347110;0.031349206349206348853897452500;0.226984126984126982629064173125;0.060714285714285713690951951094;0.016269841269841271019780393203;0.003571428571428571317053490830;0.019047619047619049337249919063;0.021031746031746033354092872969;0.013888888888888888117900677344;0.011904761904761904101057723437;0.030158730158730159137681070547;0.007142857142857142634106981660;0.019841269841269840168429539062;0.017063492063492061850960013203;0.021031746031746033354092872969;0.011904761904761904101057723437;0.016666666666666666435370203203;0.022222222222222223070309254922;0.001587301587301587300210536924;0.012698412698412698401684295391;0.015873015873015872134743631250;0.001984126984126984016842953906;0.023809523809523808202115446875;0.029365079365079364837054498594;0.025793650793650792218958400781;0.019047619047619049337249919063;0.021031746031746033354092872969;0.000793650793650793650105268462;0.042063492063492066708185745938;0.015873015873015872134743631250;0.012301587301587301251371009414;0.003174603174603174600421073848;0.005952380952380952050528861719;0.003174603174603174600421073848;0.022619047619047618485899064922;0.007539682539682539784420267637;0.007142857142857142634106981660;0.001984126984126984016842953906;0.003571428571428571317053490830;0.007142857142857142634106981660;0.023412698412698412786525636875;0.000000000000000000000000000000;0.015476190476190476719153821250;0.012301587301587301251371009414;0.009523809523809524668624959531;0.021825396825396824185272492969;0.015079365079365079568840535273;0.008730158730158730367998387578;0.014682539682539682418527249297
-0.029629629629629630760412339896;0.009722222222222222376419864531;0.046296296296296293726335591145;0.165277777777777773460243793124;0.002777777777777777883788656865;0.014351851851851851749053423646;0.005555555555555555767577313730;0.019444444444444444752839729063;0.018518518518518517490534236458;0.027777777777777776235801354687;0.018981481481481481121686982760;0.009722222222222222376419864531;0.012500000000000000693889390391;0.022222222222222223070309254922;0.014814814814814815380206169948;0.014814814814814815380206169948;0.020833333333333332176851016015;0.044444444444444446140618509844;0.008796296296296296848837847904;0.008796296296296296848837847904;0.016666666666666666435370203203;0.011574074074074073431583897786;0.019444444444444444752839729063;0.032407407407407405608434913802;0.030092592592592590922118134245;0.025925925925925925180637321432;0.036111111111111107718762980312;0.015277777777777777276635440273;0.000000000000000000000000000000;0.007870370370370369586532355299;0.006018518518518518531368322044;0.014351851851851851749053423646;0.010185185185185186007572610833;0.009722222222222222376419864531;0.023611111111111110494320541875;0.035648148148148151026504137917;0.017592592592592593697675695807;0.007870370370370369586532355299;0.000925925925925925961262885622;0.022685185185185186701462001224;0.008796296296296296848837847904;0.007870370370370369586532355299;0.000000000000000000000000000000;0.020833333333333332176851016015;0.008796296296296296848837847904;0.012500000000000000693889390391;0.024074074074074074125473288177;0.016203703703703702804217456901;0.030092592592592590922118134245;0.011574074074074073431583897786
-0.027916666666666666019036568969;0.015416666666666667059870654555;0.062916666666666662410811738937;0.000416666666666666693410320255;0.003333333333333333547282562037;0.010000000000000000208166817117;0.008750000000000000832667268469;0.021250000000000001526556658860;0.058333333333333334258519187188;0.017083333333333332315628894094;0.014583333333333333564629796797;0.006666666666666667094565124074;0.009166666666666666712925959359;0.029999999999999998889776975375;0.009583333333333332593184650250;0.011666666666666667198648532633;0.033750000000000002220446049250;0.054166666666666668517038374375;0.016666666666666666435370203203;0.012916666666666666574148081281;0.017500000000000001665334536938;0.054583333333333330927850113312;0.022083333333333333287074040641;0.023333333333333334397297065266;0.019166666666666665186369300500;0.025000000000000001387778780781;0.023750000000000000277555756156;0.029999999999999998889776975375;0.000000000000000000000000000000;0.008333333333333333217685101602;0.004166666666666666608842550801;0.010000000000000000208166817117;0.007083333333333332974823814965;0.014166666666666665949647629930;0.021666666666666667406815349750;0.027083333333333334258519187188;0.013750000000000000069388939039;0.015416666666666667059870654555;0.010416666666666666088425508008;0.068333333333333329262515576374;0.003749999999999999861222121922;0.022083333333333333287074040641;0.000000000000000000000000000000;0.017500000000000001665334536938;0.005833333333333333599324266316;0.029583333333333333009518284484;0.025416666666666667268037471672;0.015416666666666667059870654555;0.029583333333333333009518284484;0.010416666666666666088425508008
-0.024806201550387596554969604767;0.014341085271317829258341802756;0.043410852713178293971196808343;0.004651162790697674354056800894;0.011240310077519379688970602160;0.014341085271317829258341802756;0.010465116279069767296627802011;0.029844961240310077105197805736;0.020155038759689922200912803874;0.047674418604651165598529161116;0.016279069767441860239198803129;0.010077519379844961100456401937;0.010077519379844961100456401937;0.024031007751937984162626804618;0.018992248062015503612398603650;0.014728682170542635454513202831;0.017441860465116278827713003352;0.034108527131782945263083206555;0.032945736434108530144015958285;0.005038759689922480550228200968;0.022480620155038759377941204320;0.014728682170542635454513202831;0.020542635658914728397084203948;0.069379844961240305645233661380;0.024031007751937984162626804618;0.034883720930232557655426006704;0.029457364341085270909026405661;0.024806201550387596554969604767;0.001937984496124030980857000372;0.015116279069767441650684602905;0.006589147286821705334913801266;0.020542635658914728397084203948;0.011240310077519379688970602160;0.007364341085271317727256601415;0.020155038759689922200912803874;0.043798449612403103636815160371;0.013178294573643410669827602533;0.008914728682170542511942201713;0.002325581395348837177028400447;0.020930232558139534593255604022;0.010077519379844961100456401937;0.011627906976744185885142002235;0.000000000000000000000000000000;0.044186046511627906363539608492;0.011627906976744185885142002235;0.036821705426356592105729959030;0.022093023255813953181769804246;0.013178294573643410669827602533;0.022093023255813953181769804246;0.011240310077519379688970602160
-0.030208333333333333564629796797;0.006770833333333333564629796797;0.071354166666666662965923251249;0.001041666666666666652210637700;0.001562500000000000086736173799;0.013541666666666667129259593594;0.003125000000000000173472347598;0.018229166666666667823148983985;0.011979166666666667476204288789;0.047395833333333331482961625625;0.016145833333333334952408577578;0.012500000000000000693889390391;0.008854166666666666435370203203;0.068750000000000005551115123126;0.010937499999999999306110609609;0.018229166666666667823148983985;0.018749999999999999306110609609;0.031250000000000000000000000000;0.009374999999999999653055304805;0.013541666666666667129259593594;0.015104166666666666782314898398;0.018749999999999999306110609609;0.005208333333333333044212754004;0.054166666666666668517038374375;0.030729166666666665047591422422;0.045833333333333330095182844843;0.031770833333333331482961625625;0.004166666666666666608842550801;0.002083333333333333304421275400;0.007291666666666666782314898398;0.008854166666666666435370203203;0.025520833333333332870740406406;0.005208333333333333044212754004;0.007291666666666666782314898398;0.013020833333333333911574491992;0.058333333333333334258519187188;0.014062500000000000346944695195;0.008854166666666666435370203203;0.002604166666666666522106377002;0.015104166666666666782314898398;0.006770833333333333564629796797;0.005729166666666666261897855605;0.000000000000000000000000000000;0.032291666666666669904817155157;0.003125000000000000173472347598;0.021354166666666667129259593594;0.069791666666666668517038374375;0.036458333333333335646297967969;0.020312500000000000693889390391;0.016666666666666666435370203203
-0.038700564971751415244138883054;0.007909604519774010925048379761;0.046610169491525424434463786838;0.040112994350282482614034051949;0.003672316384180791034447244314;0.013841807909604519552515533576;0.001694915254237288086344714877;0.024293785310734464233384244380;0.003954802259887005462524189880;0.068079096045197740050269885614;0.014124293785310734414273348136;0.008192090395480225786806194321;0.008757062146892655510321823442;0.046892655367231639296221601398;0.007344632768361582068894488629;0.022881355932203389924595171578;0.015536723163841808723062420938;0.014689265536723164137788977257;0.009887005649717514957353081684;0.005367231638418078903951524694;0.018926553672316385329432719686;0.008192090395480225786806194321;0.004802259887005650047797633562;0.087288135593220336772013467908;0.037288135593220340935349810252;0.059039548022598871412913723589;0.020903954802259885892290469656;0.011299435028248587531418678509;0.000847457627118644043172357438;0.004802259887005650047797633562;0.008474576271186440648564008882;0.028248587570621468828546696272;0.003107344632768361744612484188;0.007062146892655367207136674068;0.011016949152542372669660863949;0.055932203389830507933577763424;0.012994350282485874967242089895;0.007627118644067796930652303189;0.000564971751412429398254977375;0.007062146892655367207136674068;0.006497175141242937483621044947;0.005084745762711864042193710134;0.000000000000000000000000000000;0.038700564971751415244138883054;0.005084745762711864042193710134;0.024576271186440679095142058941;0.057344632768361582242366836226;0.036158192090395481488318552010;0.013276836158192089828999904455;0.015254237288135593861304606378
-0.052713178294573642679310410131;0.004651162790697674354056800894;0.022868217054263565574112604395;0.051937984496124030286967609982;0.003488372093023255765542600670;0.008527131782945736315770801639;0.008527131782945736315770801639;0.021317829457364340789427004097;0.012403100775193798277484802384;0.065116279069767440956795212514;0.013953488372093023062170402682;0.008914728682170542511942201713;0.005813953488372092942571001117;0.036434108527131782440111607002;0.008914728682170542511942201713;0.031395348837209305359330357987;0.012790697674418604473656202458;0.012790697674418604473656202458;0.008139534883720930119599401564;0.003488372093023255765542600670;0.023643410852713177966455404544;0.007751937984496123923428001490;0.000387596899224806196171400074;0.072868217054263564880223214004;0.037596899224806204498072759179;0.078294573643410858565516718954;0.016279069767441860239198803129;0.031782945736434108086054806108;0.003488372093023255765542600670;0.005426356589147286746399601043;0.010465116279069767296627802011;0.022868217054263565574112604395;0.001550387596899224784685600298;0.003100775193798449569371200596;0.004651162790697674354056800894;0.034496124031007754928701558583;0.007751937984496123923428001490;0.027131782945736433731998005214;0.001937984496124030980857000372;0.004651162790697674354056800894;0.005813953488372092942571001117;0.009302325581395348708113601788;0.000000000000000000000000000000;0.053875968992248064737271562308;0.001937984496124030980857000372;0.051550387596899227560243161861;0.036434108527131782440111607002;0.028294573643410852320512205438;0.008139534883720930119599401564;0.014341085271317829258341802756
-0.004365079365079365183999193789;0.008333333333333333217685101602;0.014285714285714285268213963320;0.573015873015872978513129964995;0.071428571428571424606346340624;0.010714285714285714384841341484;0.001190476190476190583578119941;0.011904761904761904101057723437;0.000396825396825396825052634231;0.004761904761904762334312479766;0.008730158730158730367998387578;0.006349206349206349200842147695;0.003968253968253968033685907812;0.012301587301587301251371009414;0.014285714285714285268213963320;0.009523809523809524668624959531;0.001190476190476190583578119941;0.004365079365079365183999193789;0.023412698412698412786525636875;0.001984126984126984016842953906;0.021825396825396824185272492969;0.001984126984126984016842953906;0.001190476190476190583578119941;0.008730158730158730367998387578;0.015079365079365079568840535273;0.014682539682539682418527249297;0.012698412698412698401684295391;0.030158730158730159137681070547;0.000000000000000000000000000000;0.017857142857142856151586585156;0.002380952380952381167156239883;0.005158730158730158617264027754;0.003968253968253968033685907812;0.005555555555555555767577313730;0.001587301587301587300210536924;0.008333333333333333217685101602;0.003968253968253968033685907812;0.002380952380952381167156239883;0.000000000000000000000000000000;0.000793650793650793650105268462;0.002380952380952381167156239883;0.000396825396825396825052634231;0.000000000000000000000000000000;0.005158730158730158617264027754;0.011111111111111111535154627461;0.004365079365079365183999193789;0.010714285714285714384841341484;0.005158730158730158617264027754;0.007539682539682539784420267637;0.008333333333333333217685101602
-0.008854166666666666435370203203;0.012500000000000000693889390391;0.012500000000000000693889390391;0.634895833333333325931846502499;0.020833333333333332176851016015;0.004166666666666666608842550801;0.002604166666666666522106377002;0.006770833333333333564629796797;0.002604166666666666522106377002;0.003125000000000000173472347598;0.003645833333333333391157449199;0.001562500000000000086736173799;0.001562500000000000086736173799;0.004687499999999999826527652402;0.016145833333333334952408577578;0.005729166666666666261897855605;0.005208333333333333044212754004;0.010416666666666666088425508008;0.010937499999999999306110609609;0.002604166666666666522106377002;0.007291666666666666782314898398;0.001041666666666666652210637700;0.000000000000000000000000000000;0.009374999999999999653055304805;0.006770833333333333564629796797;0.013541666666666667129259593594;0.008854166666666666435370203203;0.098437499999999997224442438437;0.001562500000000000086736173799;0.006770833333333333564629796797;0.002083333333333333304421275400;0.003645833333333333391157449199;0.001562500000000000086736173799;0.001562500000000000086736173799;0.002083333333333333304421275400;0.007291666666666666782314898398;0.003125000000000000173472347598;0.003645833333333333391157449199;0.000000000000000000000000000000;0.000000000000000000000000000000;0.007291666666666666782314898398;0.003125000000000000173472347598;0.000000000000000000000000000000;0.005208333333333333044212754004;0.003125000000000000173472347598;0.005729166666666666261897855605;0.010937499999999999306110609609;0.003645833333333333391157449199;0.004166666666666666608842550801;0.006770833333333333564629796797
-0.020833333333333332176851016015;0.005833333333333333599324266316;0.033750000000000002220446049250;0.321666666666666656304585103499;0.001666666666666666773641281019;0.014583333333333333564629796797;0.005416666666666666851703837438;0.013333333333333334189130248149;0.051249999999999996946886682281;0.026249999999999999028554853453;0.010833333333333333703407674875;0.021666666666666667406815349750;0.004166666666666666608842550801;0.023333333333333334397297065266;0.012500000000000000693889390391;0.018333333333333333425851918719;0.015833333333333334674852821422;0.030416666666666668239482618219;0.007499999999999999722444243844;0.005416666666666666851703837438;0.010000000000000000208166817117;0.024583333333333332038073137937;0.002916666666666666799662133158;0.031250000000000000000000000000;0.024583333333333332038073137937;0.018749999999999999306110609609;0.014999999999999999444888487687;0.010416666666666666088425508008;0.004166666666666666608842550801;0.012083333333333333078907223523;0.025000000000000001387778780781;0.016666666666666666435370203203;0.001666666666666666773641281019;0.004166666666666666608842550801;0.003333333333333333547282562037;0.020416666666666666296592325125;0.007083333333333332974823814965;0.008333333333333333217685101602;0.000833333333333333386820640509;0.008333333333333333217685101602;0.005000000000000000104083408559;0.015833333333333334674852821422;0.000000000000000000000000000000;0.020000000000000000416333634234;0.005000000000000000104083408559;0.011666666666666667198648532633;0.019583333333333334536074943344;0.008333333333333333217685101602;0.009583333333333332593184650250;0.010833333333333333703407674875
-0.036904761904761905488836504219;0.007142857142857142634106981660;0.063690476190476186246769429999;0.000000000000000000000000000000;0.000000000000000000000000000000;0.031547619047619046561692357500;0.002380952380952381167156239883;0.013690476190476190410105772344;0.057738095238095241135134472188;0.023214285714285715078730731875;0.020238095238095239053466301016;0.036309523809523812365451789219;0.011904761904761904101057723437;0.034523809523809526056403740313;0.000595238095238095291789059971;0.035714285714285712303173170312;0.023809523809523808202115446875;0.032142857142857139685077072500;0.008928571428571428075793292578;0.011309523809523809242949532461;0.013095238095238095551997581367;0.041071428571428571230317317031;0.009523809523809524668624959531;0.031547619047619046561692357500;0.043452380952380950662750080937;0.030357142857142856845475975547;0.025000000000000001387778780781;0.030952380952380953438307642500;0.000000000000000000000000000000;0.010714285714285714384841341484;0.042857142857142857539365365938;0.020833333333333332176851016015;0.002380952380952381167156239883;0.009523809523809524668624959531;0.021428571428571428769682682969;0.031547619047619046561692357500;0.008928571428571428075793292578;0.016666666666666666435370203203;0.008333333333333333217685101602;0.011904761904761904101057723437;0.000595238095238095291789059971;0.023809523809523808202115446875;0.000000000000000000000000000000;0.018452380952380952744418252109;0.000595238095238095291789059971;0.013690476190476190410105772344;0.024404761904761904794947113828;0.020833333333333332176851016015;0.021428571428571428769682682969;0.014285714285714285268213963320
-0.035869565217391305433913828438;0.012318840579710145510805574531;0.048550724637681161310887034688;0.000000000000000000000000000000;0.000724637681159420298654394443;0.027536231884057970481505250859;0.002898550724637681194617577773;0.029710144927536232678511041172;0.026449275362318839383002355703;0.023913043478260870289275885625;0.026811594202898549749169987422;0.017391304347826087167705466641;0.014492753623188405973087888867;0.034782608695652174335410933281;0.012681159420289855876973206250;0.032608695652173912138405142969;0.014492753623188405973087888867;0.044927536231884057649210717500;0.022463768115942028824605358750;0.006884057971014492620376312715;0.014855072463768116339255520586;0.017028985507246376801537834922;0.012681159420289855876973206250;0.030797101449275363777013936328;0.041666666666666664353702032031;0.034782608695652174335410933281;0.035869565217391305433913828438;0.039855072463768112522863873437;0.000362318840579710149327197222;0.012681159420289855876973206250;0.018115942028985507900040730078;0.014492753623188405973087888867;0.011231884057971014412302679375;0.010869565217391304046135047656;0.017391304347826087167705466641;0.036956521739130436532416723594;0.013768115942028985240752625430;0.011594202898550724778470311094;0.003623188405797101493271972217;0.009782608695652174682355628477;0.006884057971014492620376312715;0.019202898550724638998543625235;0.000000000000000000000000000000;0.020289855072463766627599568437;0.003985507246376811425758734941;0.014855072463768116339255520586;0.034782608695652174335410933281;0.026811594202898549749169987422;0.033695652173913043236908038125;0.015579710144927537071590784024
-0.071333333333333331927050835475;0.003333333333333333547282562037;0.043999999999999997446487043362;0.000000000000000000000000000000;0.000000000000000000000000000000;0.018666666666666668211727042603;0.003333333333333333547282562037;0.019333333333333334314030338419;0.005333333333333333155235056466;0.035999999999999997279953589668;0.023333333333333334397297065266;0.012666666666666666352103476356;0.017999999999999998639976794834;0.057333333333333333370340767488;0.001333333333333333288808764117;0.043333333333333334813630699500;0.007333333333333333196868419890;0.010000000000000000208166817117;0.005333333333333333155235056466;0.004666666666666667052931760651;0.017333333333333332537673499019;0.004666666666666667052931760651;0.002666666666666666577617528233;0.039333333333333331260917020700;0.066000000000000003108624468950;0.058666666666666665574947359119;0.021999999999999998723243521681;0.025999999999999998806510248528;0.001333333333333333288808764117;0.006666666666666667094565124074;0.016666666666666666435370203203;0.014000000000000000291433543964;0.002000000000000000041633363423;0.005333333333333333155235056466;0.025999999999999998806510248528;0.042000000000000002609024107869;0.009333333333333334105863521302;0.016000000000000000333066907388;0.000000000000000000000000000000;0.007333333333333333196868419890;0.002666666666666666577617528233;0.001333333333333333288808764117;0.000000000000000000000000000000;0.031333333333333331094383567006;0.001333333333333333288808764117;0.021333333333333332620940225866;0.055333333333333331593983928087;0.064666666666666663965123973412;0.025333333333333332704206952712;0.028666666666666666685170383744
-0.030864197530864195817557060764;0.012345679012345678327022824305;0.052469135802469132889847003298;0.043827160493827163612046149410;0.006172839506172839163511412153;0.025925925925925925180637321432;0.006172839506172839163511412153;0.017283950617283948963942563637;0.050000000000000002775557561563;0.016666666666666666435370203203;0.015432098765432097908778530382;0.016666666666666666435370203203;0.024074074074074074125473288177;0.023456790123456791596900927743;0.010493827160493827271858791050;0.023456790123456791596900927743;0.025925925925925925180637321432;0.041358024691358026558862803768;0.008024691358024691953398921385;0.005555555555555555767577313730;0.010493827160493827271858791050;0.040740740740740744030290443334;0.016049382716049383906797842769;0.024074074074074074125473288177;0.032098765432098767813595685539;0.032098765432098767813595685539;0.023456790123456791596900927743;0.020987654320987654543717582101;0.001851851851851851922525771243;0.008641975308641974481971281818;0.019135802469135803488553548846;0.015432098765432097908778530382;0.011111111111111111535154627461;0.010493827160493827271858791050;0.029012345679012344762393027509;0.036419753086419752452496112483;0.003703703703703703845051542487;0.014814814814814815380206169948;0.006790123456790123426807248563;0.022222222222222223070309254922;0.003703703703703703845051542487;0.043827160493827163612046149410;0.000000000000000000000000000000;0.016666666666666666435370203203;0.011111111111111111535154627461;0.016049382716049383906797842769;0.018518518518518517490534236458;0.015432098765432097908778530382;0.019753086419753086017125909279;0.019135802469135803488553548846
-0.029166666666666667129259593594;0.012083333333333333078907223523;0.035833333333333335091186455656;0.124583333333333337589188261063;0.006250000000000000346944695195;0.016250000000000000555111512313;0.011666666666666667198648532633;0.028750000000000001249000902703;0.012083333333333333078907223523;0.025416666666666667268037471672;0.017500000000000001665334536938;0.006250000000000000346944695195;0.022499999999999999167332731531;0.026666666666666668378260496297;0.013333333333333334189130248149;0.018749999999999999306110609609;0.018749999999999999306110609609;0.036249999999999997501998194593;0.020833333333333332176851016015;0.005000000000000000104083408559;0.019166666666666665186369300500;0.006666666666666667094565124074;0.017083333333333332315628894094;0.035000000000000003330669073875;0.028333333333333331899295259859;0.035000000000000003330669073875;0.037499999999999998612221219219;0.006250000000000000346944695195;0.005416666666666666851703837438;0.013333333333333334189130248149;0.015416666666666667059870654555;0.015416666666666667059870654555;0.013750000000000000069388939039;0.005416666666666666851703837438;0.021250000000000001526556658860;0.039583333333333331482961625625;0.014583333333333333564629796797;0.021666666666666667406815349750;0.002916666666666666799662133158;0.011666666666666667198648532633;0.007499999999999999722444243844;0.010833333333333333703407674875;0.000000000000000000000000000000;0.014166666666666665949647629930;0.007499999999999999722444243844;0.029166666666666667129259593594;0.023750000000000000277555756156;0.016666666666666666435370203203;0.022916666666666665047591422422;0.014166666666666665949647629930
-0.029259259259259259161600752464;0.016296296296296294836558615771;0.029629629629629630760412339896;0.053333333333333336756520992594;0.013333333333333334189130248149;0.036296296296296298722339201959;0.007777777777777777554191196430;0.019629629629629628817522046802;0.018888888888888889089345823891;0.013333333333333334189130248149;0.018518518518518517490534236458;0.028888888888888887562789165031;0.028888888888888887562789165031;0.023703703703703702526661700745;0.020000000000000000416333634234;0.024444444444444445724284875610;0.016296296296296294836558615771;0.034074074074074076068363581271;0.025185185185185185452461098521;0.007407407407407407690103084974;0.020740740740740740144509857146;0.011851851851851851263330850372;0.022962962962962962798485477833;0.027777777777777776235801354687;0.034444444444444444197728216750;0.029629629629629630760412339896;0.032222222222222221543752596062;0.012222222222222222862142437805;0.002962962962962962815832712593;0.042222222222222223486642889156;0.015925925925925926707193980292;0.008888888888888888881179006773;0.014074074074074073917306471060;0.006666666666666667094565124074;0.027037037037037036507625131776;0.024444444444444445724284875610;0.011111111111111111535154627461;0.013703703703703704053218359604;0.005185185185185185036127464286;0.018518518518518517490534236458;0.008888888888888888881179006773;0.016666666666666666435370203203;0.000000000000000000000000000000;0.009629629629629630344078705662;0.015185185185185185244294281404;0.018888888888888889089345823891;0.022222222222222223070309254922;0.018148148148148149361169600979;0.028888888888888887562789165031;0.013703703703703704053218359604
-0.024242424242424242403215473018;0.006439393939393939225723784148;0.017424242424242425419933510966;0.460227272727272707086854097724;0.006060606060606060600803868255;0.014772727272727272443408885749;0.003787878787878787983922634908;0.016287878787878788677812025298;0.012878787878787878451447568295;0.009848484848484847717364765174;0.014393939393939394685850707845;0.014393939393939394685850707845;0.007575757575757575967845269815;0.011742424242424241709326082628;0.014015151515151515193569053963;0.019318181818181817677171352443;0.009848484848484847717364765174;0.016666666666666666435370203203;0.010606060606060606701928072937;0.002651515151515151675482018234;0.008712121212121212709966755483;0.011363636363636363951767904723;0.008333333333333333217685101602;0.019318181818181817677171352443;0.020075757575757576661734660206;0.019696969696969695434729530348;0.019696969696969695434729530348;0.005681818181818181975883952362;0.000757575757575757575100483532;0.016287878787878788677812025298;0.015530303030303029693248717535;0.006439393939393939225723784148;0.004924242424242423858682382587;0.006439393939393939225723784148;0.013257575757575757943729222177;0.012500000000000000693889390391;0.003787878787878787983922634908;0.007575757575757575967845269815;0.002272727272727272616881233347;0.009090909090909090467524933388;0.003030303030303030300401934127;0.006060606060606060600803868255;0.000000000000000000000000000000;0.013257575757575757943729222177;0.010227272727272727209646419055;0.010606060606060606701928072937;0.015151515151515151935690539631;0.013257575757575757943729222177;0.013257575757575757943729222177;0.010227272727272727209646419055
-0.020238095238095239053466301016;0.028968253968253969421464688594;0.030952380952380953438307642500;0.144841269841269854046217346877;0.030158730158730159137681070547;0.013492063492063492702310867344;0.007539682539682539784420267637;0.033333333333333332870740406406;0.027777777777777776235801354687;0.009920634920634920084214769531;0.012698412698412698401684295391;0.016269841269841271019780393203;0.007539682539682539784420267637;0.022619047619047618485899064922;0.035317460317460316887583360312;0.013095238095238095551997581367;0.014682539682539682418527249297;0.064285714285714279370154144999;0.040873015873015873522522412031;0.006746031746031746351155433672;0.026190476190476191103995162734;0.010714285714285714384841341484;0.018253968253968255036623347110;0.014285714285714285268213963320;0.014682539682539682418527249297;0.018650793650793650452213157109;0.032539682539682542039560786407;0.009920634920634920084214769531;0.000793650793650793650105268462;0.026587301587301586519584972734;0.014682539682539682418527249297;0.005952380952380952050528861719;0.017460317460317460735996775156;0.003968253968253968033685907812;0.007142857142857142634106981660;0.028968253968253969421464688594;0.008333333333333333217685101602;0.006746031746031746351155433672;0.001587301587301587300210536924;0.005555555555555555767577313730;0.009920634920634920084214769531;0.028968253968253969421464688594;0.000000000000000000000000000000;0.013492063492063492702310867344;0.021825396825396824185272492969;0.014285714285714285268213963320;0.016666666666666666435370203203;0.013095238095238095551997581367;0.019841269841269840168429539062;0.007539682539682539784420267637
-0.024637681159420291021611149063;0.034782608695652174335410933281;0.042028985507246374719869663750;0.001811594202898550746635986108;0.016666666666666666435370203203;0.021014492753623187359934831875;0.006884057971014492620376312715;0.046376811594202899113881244375;0.025724637681159418650667092265;0.011594202898550724778470311094;0.023188405797101449556940622188;0.009420289855072464316187996758;0.021014492753623187359934831875;0.027898550724637680847672882578;0.035507246376811595067746196719;0.014855072463768116339255520586;0.030434782608695653410846304610;0.067028985507246383046542348438;0.038405797101449277997087250469;0.006159420289855072755402787266;0.026086956521739129016834723984;0.017028985507246376801537834922;0.025724637681159418650667092265;0.011594202898550724778470311094;0.021376811594202897726102463594;0.019202898550724638998543625235;0.044202898550724636916875454062;0.013768115942028985240752625430;0.001086956521739130447981591665;0.023913043478260870289275885625;0.004710144927536232158093998379;0.013043478260869564508417361992;0.022463768115942028824605358750;0.003985507246376811425758734941;0.020289855072463766627599568437;0.026811594202898549749169987422;0.016304347826086956069202571484;0.010507246376811593679967415937;0.002173913043478260895963183330;0.015217391304347826705423152305;0.015579710144927537071590784024;0.022101449275362318458437727031;0.000000000000000000000000000000;0.009782608695652174682355628477;0.022101449275362318458437727031;0.015217391304347826705423152305;0.016666666666666666435370203203;0.010507246376811593679967415937;0.031159420289855074143181568047;0.011956521739130435144637942813
-0.014957264957264957902505209120;0.008119658119658120301598280832;0.058119658119658121342432366419;0.023504273504273504036277131490;0.004273504273504273934247699174;0.014102564102564102768710974090;0.004700854700854700633783078700;0.034615384615384617306155234928;0.010256410256410256401360392431;0.058119658119658121342432366419;0.014529914529914530335608091605;0.008547008547008547868495398347;0.006410256410256410034009810772;0.047863247863247866675795449964;0.016666666666666666435370203203;0.011111111111111111535154627461;0.017521367521367521569164438233;0.029487179487179486503389824748;0.013247863247863247634916739059;0.009829059829059828834463274916;0.019230769230769231836752908293;0.005982905982905983334474431246;0.011111111111111111535154627461;0.090170940170940169777757944303;0.012393162393162392501122504029;0.039316239316239315337853099663;0.026495726495726495269833478119;0.005555555555555555767577313730;0.003418803418803418800453464144;0.010683760683760683968257509946;0.005982905982905983334474431246;0.041880341880341877269788852800;0.008119658119658120301598280832;0.004700854700854700633783078700;0.013675213675213675201813856575;0.073931623931623932644008334591;0.014957264957264957902505209120;0.005128205128205128200680196215;0.002136752136752136967123849587;0.009829059829059828834463274916;0.011111111111111111535154627461;0.007692307692307692734701163317;0.000000000000000000000000000000;0.039743589743589741170026741202;0.008974358974358973700669039886;0.018376068376068376702958673263;0.060683760683760683274368119555;0.019658119658119657668926549832;0.012820512820512820068019621544;0.010256410256410256401360392431
-0.027407407407407408106436719208;0.004074074074074073709139653943;0.088148148148148142144719940916;0.024814814814814813853649511088;0.002222222222222222220294751693;0.015185185185185185244294281404;0.002962962962962962815832712593;0.017037037037037038034181790636;0.075555555555555556357383295563;0.047777777777777780121581940875;0.010000000000000000208166817117;0.010370370370370370072254928573;0.007037037037037036958653235530;0.046666666666666668794594130532;0.008148148148148147418279307885;0.014814814814814815380206169948;0.031111111111111110216764785719;0.034814814814814812327092852229;0.006296296296296296363115274630;0.011481481481481481399242738917;0.012222222222222222862142437805;0.041851851851851848418384349770;0.008888888888888888881179006773;0.053703703703703704885885628073;0.025925925925925925180637321432;0.033703703703703701000105041885;0.023333333333333334397297065266;0.003333333333333333547282562037;0.001481481481481481407916356297;0.007037037037037036958653235530;0.013703703703703704053218359604;0.019259259259259260688157411323;0.001481481481481481407916356297;0.006296296296296296363115274630;0.012222222222222222862142437805;0.051481481481481482231910007386;0.010740740740740739936343040029;0.011111111111111111535154627461;0.002222222222222222220294751693;0.005925925925925925631665425186;0.005555555555555555767577313730;0.020370370370370372015145221667;0.000000000000000000000000000000;0.029999999999999998889776975375;0.002962962962962962815832712593;0.014444444444444443781394582516;0.047407407407407405053323401489;0.019629629629629628817522046802;0.013703703703703704053218359604;0.014074074074074073917306471060
-0.026562499999999999306110609609;0.009895833333333332870740406406;0.047395833333333331482961625625;0.324479166666666651863693004998;0.003125000000000000173472347598;0.015625000000000000000000000000;0.004687499999999999826527652402;0.015625000000000000000000000000;0.013541666666666667129259593594;0.019791666666666665741480812812;0.009895833333333332870740406406;0.007812500000000000000000000000;0.006770833333333333564629796797;0.028125000000000000693889390391;0.008333333333333333217685101602;0.019791666666666665741480812812;0.013020833333333333911574491992;0.031250000000000000000000000000;0.012500000000000000693889390391;0.008333333333333333217685101602;0.014583333333333333564629796797;0.011979166666666667476204288789;0.005729166666666666261897855605;0.029687499999999998612221219219;0.025520833333333332870740406406;0.030729166666666665047591422422;0.020312500000000000693889390391;0.002083333333333333304421275400;0.002083333333333333304421275400;0.004687499999999999826527652402;0.006250000000000000346944695195;0.013020833333333333911574491992;0.003645833333333333391157449199;0.005208333333333333044212754004;0.008854166666666666435370203203;0.032812500000000001387778780781;0.016145833333333334952408577578;0.004687499999999999826527652402;0.001041666666666666652210637700;0.007812500000000000000000000000;0.003645833333333333391157449199;0.007291666666666666782314898398;0.000000000000000000000000000000;0.018749999999999999306110609609;0.006770833333333333564629796797;0.013541666666666667129259593594;0.027604166666666665741480812812;0.019791666666666665741480812812;0.017187500000000001387778780781;0.011979166666666667476204288789
-0.022463768115942028824605358750;0.011594202898550724778470311094;0.021739130434782608092270095312;0.423913043478260864738160762499;0.015217391304347826705423152305;0.022463768115942028824605358750;0.005797101449275362389235155547;0.019565217391304349364711256953;0.003623188405797101493271972217;0.013043478260869564508417361992;0.019565217391304349364711256953;0.014492753623188405973087888867;0.010144927536231883313799784219;0.013768115942028985240752625430;0.015217391304347826705423152305;0.010869565217391304046135047656;0.006521739130434782254208680996;0.010869565217391304046135047656;0.011594202898550724778470311094;0.005797101449275362389235155547;0.011594202898550724778470311094;0.005072463768115941656899892109;0.002173913043478260895963183330;0.025362318840579711753946412500;0.023188405797101449556940622188;0.018115942028985507900040730078;0.015942028985507245703034939766;0.004347826086956521791926366660;0.002173913043478260895963183330;0.013043478260869564508417361992;0.013768115942028985240752625430;0.012318840579710145510805574531;0.005072463768115941656899892109;0.009420289855072464316187996758;0.011594202898550724778470311094;0.018840579710144928632375993516;0.004347826086956521791926366660;0.007246376811594202986543944434;0.000724637681159420298654394443;0.011594202898550724778470311094;0.003623188405797101493271972217;0.002898550724637681194617577773;0.000000000000000000000000000000;0.012318840579710145510805574531;0.022463768115942028824605358750;0.011594202898550724778470311094;0.020289855072463766627599568437;0.013768115942028985240752625430;0.009420289855072464316187996758;0.009420289855072464316187996758
-0.027083333333333334258519187188;0.006944444444444444058950338672;0.083333333333333328707404064062;0.008333333333333333217685101602;0.000000000000000000000000000000;0.008333333333333333217685101602;0.000000000000000000000000000000;0.029166666666666667129259593594;0.009027777777777776929690745078;0.030555555555555554553270880547;0.014583333333333333564629796797;0.001388888888888888941894328433;0.018749999999999999306110609609;0.070833333333333331482961625625;0.003472222222222222029475169336;0.015277777777777777276635440273;0.025000000000000001387778780781;0.045833333333333330095182844843;0.006944444444444444058950338672;0.009722222222222222376419864531;0.014583333333333333564629796797;0.007638888888888888638317720137;0.016666666666666666435370203203;0.043749999999999997224442438437;0.025000000000000001387778780781;0.047916666666666669904817155157;0.048611111111111111882099322656;0.001388888888888888941894328433;0.001388888888888888941894328433;0.003472222222222222029475169336;0.000694444444444444470947164216;0.022222222222222223070309254922;0.010416666666666666088425508008;0.003472222222222222029475169336;0.018055555555555553859381490156;0.060416666666666667129259593594;0.025694444444444443365060948281;0.005555555555555555767577313730;0.000000000000000000000000000000;0.015277777777777777276635440273;0.007638888888888888638317720137;0.002777777777777777883788656865;0.000000000000000000000000000000;0.018055555555555553859381490156;0.002083333333333333304421275400;0.018749999999999999306110609609;0.054861111111111110494320541875;0.028472222222222221682530474141;0.056944444444444443365060948281;0.023611111111111110494320541875
-0.031609195402298853605493889063;0.009770114942528735496596326016;0.059195402298850577360589397813;0.078160919540229883972770608125;0.008045977011494252761902856719;0.024712643678160919197273059922;0.002298850574712643646257959062;0.021264367816091953727886121328;0.007471264367816091850338366953;0.028160919540229884666659998516;0.015517241379310344612241223672;0.012068965517241379142854285078;0.017241379310344827346934692969;0.048850574712643680952428582032;0.014367816091954022789112244141;0.017816091954022988258499182734;0.012068965517241379142854285078;0.038505747126436784544267766250;0.013793103448275861877547754375;0.010919540229885057319725305547;0.015517241379310344612241223672;0.009195402298850574585031836250;0.011494252873563218231289795312;0.044252873563218393659912663907;0.035057471264367819074880827657;0.043678160919540229278901222187;0.035632183908045976516998365469;0.007471264367816091850338366953;0.000574712643678160911564489766;0.021264367816091953727886121328;0.006321839080459770027209387422;0.017241379310344827346934692969;0.011494252873563218231289795312;0.005172413793103448204080407891;0.020689655172413792816321631562;0.047701149425287359129299602500;0.010344827586206896408160815781;0.010919540229885057319725305547;0.001149425287356321823128979531;0.012643678160919540054418774844;0.003448275862068965469386938594;0.004597701149425287292515918125;0.000000000000000000000000000000;0.017241379310344827346934692969;0.010344827586206896408160815781;0.007471264367816091850338366953;0.043103448275862071836783684375;0.027586206896551723755095508750;0.033908045977011497251751848125;0.012643678160919540054418774844
-0.018390804597701149170063672500;0.018390804597701149170063672500;0.020114942528735631904757141797;0.383908045977011502802866971251;0.013793103448275861877547754375;0.019540229885057470993192652031;0.005172413793103448204080407891;0.016091954022988505523805713437;0.013793103448275861877547754375;0.017241379310344827346934692969;0.011494252873563218231289795312;0.015517241379310344612241223672;0.008045977011494252761902856719;0.027586206896551723755095508750;0.021839080459770114639450611094;0.016091954022988505523805713437;0.009195402298850574585031836250;0.012068965517241379142854285078;0.019540229885057470993192652031;0.005172413793103448204080407891;0.015517241379310344612241223672;0.007471264367816091850338366953;0.002873563218390804557822448828;0.016091954022988505523805713437;0.022413793103448275551015100859;0.019540229885057470993192652031;0.020114942528735631904757141797;0.010344827586206896408160815781;0.001724137931034482734693469297;0.018390804597701149170063672500;0.013793103448275861877547754375;0.014367816091954022789112244141;0.007471264367816091850338366953;0.008045977011494252761902856719;0.006896551724137930938773877187;0.015517241379310344612241223672;0.004597701149425287292515918125;0.005747126436781609115644897656;0.000574712643678160911564489766;0.003448275862068965469386938594;0.006321839080459770027209387422;0.004597701149425287292515918125;0.000000000000000000000000000000;0.012068965517241379142854285078;0.017241379310344827346934692969;0.012643678160919540054418774844;0.017816091954022988258499182734;0.014942528735632183700676733906;0.016666666666666666435370203203;0.009770114942528735496596326016
-0.019117647058823530881177532592;0.010784313725490195928768955014;0.025980392156862746472212322146;0.309313725490196089751293584413;0.023039215686274511218911698052;0.014705882352941176266503120473;0.006862745098039215591034789554;0.023529411764705882026404992757;0.016666666666666666435370203203;0.014705882352941176266503120473;0.017647058823529411519803744568;0.013725490196078431182069579108;0.006372549019607843048818018872;0.020588235294117646773104368663;0.032352941176470591255753816995;0.012254901960784313555419267061;0.007843137254901960675468330919;0.019607843137254901688670827298;0.019117647058823530881177532592;0.005882352941176470506601248189;0.018627450980392156604237285933;0.011274509803921568470985725696;0.004901960784313725422167706824;0.018627450980392156604237285933;0.028431372549019607448572699582;0.029411764705882352533006240947;0.025000000000000001387778780781;0.017156862745098040712310449862;0.001470588235294117626650312047;0.017156862745098040712310449862;0.007352941176470588133251560237;0.006862745098039215591034789554;0.008823529411764705759901872284;0.005392156862745097964384477507;0.016176470588235295627876908497;0.013235294117647058639852808426;0.002941176470588235253300624095;0.008823529411764705759901872284;0.002941176470588235253300624095;0.008823529411764705759901872284;0.008823529411764705759901872284;0.005392156862745097964384477507;0.000000000000000000000000000000;0.012745098039215686097636037744;0.024019607843137256303345239417;0.015686274509803921350936661838;0.019117647058823530881177532592;0.016176470588235295627876908497;0.011274509803921568470985725696;0.013235294117647058639852808426
-0.018699186991869919116648901536;0.008943089430894309369013406297;0.021138211382113820252515168363;0.484959349593495958608002638357;0.010162601626016259936946539710;0.016260162601626017980782634709;0.002439024390243902436908873810;0.012601626016260162807536282514;0.010975609756097560315568628653;0.006504065040650406498423663493;0.009349593495934959558324450768;0.014227642276422763564780460399;0.006097560975609756309112619022;0.014227642276422763564780460399;0.015040650406504065678126025318;0.013008130081300812996847326986;0.008536585365853659179702361826;0.017073170731707318359404723651;0.016260162601626017980782634709;0.001626016260162601624605915873;0.009756097560975609747635495239;0.010162601626016259936946539710;0.002439024390243902436908873810;0.016260162601626017980782634709;0.020731707317073171797927599869;0.015853658536585366056748114261;0.019105691056910567571236470030;0.015853658536585366056748114261;0.000406504065040650406151478968;0.020731707317073171797927599869;0.009349593495934959558324450768;0.008536585365853659179702361826;0.005284552845528455063128792091;0.006504065040650406498423663493;0.010162601626016259936946539710;0.015040650406504065678126025318;0.006504065040650406498423663493;0.006910569105691056687734707964;0.002032520325203252247597829339;0.005284552845528455063128792091;0.005284552845528455063128792091;0.006097560975609756309112619022;0.000000000000000000000000000000;0.011382113821138212239603149101;0.011788617886178862428914193572;0.011382113821138212239603149101;0.011382113821138212239603149101;0.009349593495934959558324450768;0.009349593495934959558324450768;0.008943089430894309369013406297
-0.033333333333333332870740406406;0.006521739130434782254208680996;0.021014492753623187359934831875;0.320289855072463769403157130000;0.023188405797101449556940622188;0.025362318840579711753946412500;0.009420289855072464316187996758;0.011594202898550724778470311094;0.006521739130434782254208680996;0.014492753623188405973087888867;0.016666666666666666435370203203;0.031884057971014491406069879531;0.013043478260869564508417361992;0.019565217391304349364711256953;0.015217391304347826705423152305;0.025362318840579711753946412500;0.004347826086956521791926366660;0.010869565217391304046135047656;0.026811594202898549749169987422;0.005072463768115941656899892109;0.017391304347826087167705466641;0.003623188405797101493271972217;0.002173913043478260895963183330;0.026086956521739129016834723984;0.039130434782608698729422513907;0.025362318840579711753946412500;0.013768115942028985240752625430;0.000724637681159420298654394443;0.002898550724637681194617577773;0.018840579710144928632375993516;0.018840579710144928632375993516;0.011594202898550724778470311094;0.005072463768115941656899892109;0.009420289855072464316187996758;0.010869565217391304046135047656;0.018840579710144928632375993516;0.006521739130434782254208680996;0.014492753623188405973087888867;0.000000000000000000000000000000;0.001449275362318840597308788887;0.004347826086956521791926366660;0.000724637681159420298654394443;0.000000000000000000000000000000;0.016666666666666666435370203203;0.013768115942028985240752625430;0.013043478260869564508417361992;0.022463768115942028824605358750;0.017391304347826087167705466641;0.015217391304347826705423152305;0.008695652173913043583852733320
-0.041666666666666664353702032031;0.019270833333333334258519187188;0.068229166666666660190365689687;0.049479166666666664353702032031;0.008333333333333333217685101602;0.019791666666666665741480812812;0.003645833333333333391157449199;0.019791666666666665741480812812;0.030729166666666665047591422422;0.014583333333333333564629796797;0.015625000000000000000000000000;0.011458333333333332523795711211;0.011458333333333332523795711211;0.032812500000000001387778780781;0.012500000000000000693889390391;0.028645833333333332176851016015;0.022395833333333333564629796797;0.057291666666666664353702032031;0.011458333333333332523795711211;0.009374999999999999653055304805;0.016145833333333334952408577578;0.023437500000000000000000000000;0.013541666666666667129259593594;0.024479166666666666435370203203;0.030729166666666665047591422422;0.038541666666666668517038374375;0.033333333333333332870740406406;0.006770833333333333564629796797;0.002083333333333333304421275400;0.016666666666666666435370203203;0.017708333333333332870740406406;0.016666666666666666435370203203;0.011458333333333332523795711211;0.008333333333333333217685101602;0.013541666666666667129259593594;0.041666666666666664353702032031;0.015104166666666666782314898398;0.017187500000000001387778780781;0.002083333333333333304421275400;0.009895833333333332870740406406;0.004166666666666666608842550801;0.021354166666666667129259593594;0.000000000000000000000000000000;0.016145833333333334952408577578;0.003645833333333333391157449199;0.018229166666666667823148983985;0.030208333333333333564629796797;0.019791666666666665741480812812;0.028125000000000000693889390391;0.010416666666666666088425508008
-0.035858585858585860506320130980;0.013131313131313130868060845557;0.082323232323232325979844858921;0.005555555555555555767577313730;0.003535353535353535567309357646;0.015151515151515151935690539631;0.001010101010101010100133978042;0.027272727272727271402574800163;0.021212121212121213403856145874;0.031818181818181814901613790880;0.021212121212121213403856145874;0.005050505050505050934350759206;0.010101010101010101868701518413;0.057070707070707070440729324901;0.017171717171717171268596757727;0.020707070707070708570629591350;0.019696969696969695434729530348;0.043434343434343436474165400796;0.015151515151515151935690539631;0.014141414141414142269237430583;0.015151515151515151935690539631;0.011111111111111111535154627461;0.013131313131313130868060845557;0.037878787878787879839226349077;0.030303030303030303871381079261;0.037878787878787879839226349077;0.032323232323232323204287297358;0.016161616161616161602143648679;0.001010101010101010100133978042;0.008585858585858585634298378864;0.006565656565656565434030422779;0.022727272727272727903535809446;0.009090909090909090467524933388;0.014141414141414142269237430583;0.020707070707070708570629591350;0.046969696969696966837304330511;0.015151515151515151935690539631;0.012121212121212121201607736509;0.000505050505050505050066989021;0.017676767676767676101823312251;0.005555555555555555767577313730;0.008585858585858585634298378864;0.000000000000000000000000000000;0.019696969696969695434729530348;0.008080808080808080801071824339;0.014646464646464647102463985107;0.035353535353535352203646624503;0.032323232323232323204287297358;0.031818181818181814901613790880;0.014141414141414142269237430583
-0.024814814814814813853649511088;0.018148148148148149361169600979;0.057777777777777775125578330062;0.000000000000000000000000000000;0.014074074074074073917306471060;0.021481481481481479872686080057;0.007407407407407407690103084974;0.025555555555555557051272685953;0.032592592592592589673117231541;0.029259259259259259161600752464;0.016666666666666666435370203203;0.018148148148148149361169600979;0.016666666666666666435370203203;0.032962962962962964741375770927;0.011111111111111111535154627461;0.015185185185185185244294281404;0.024814814814814813853649511088;0.047407407407407405053323401489;0.022222222222222223070309254922;0.009259259259259258745267118229;0.018148148148148149361169600979;0.025925925925925925180637321432;0.013703703703703704053218359604;0.037407407407407410049327012302;0.034074074074074076068363581271;0.042962962962962959745372160114;0.031481481481481478346129421197;0.007407407407407407690103084974;0.002222222222222222220294751693;0.020740740740740740144509857146;0.013333333333333334189130248149;0.021481481481481479872686080057;0.011851851851851851263330850372;0.004444444444444444440589503387;0.011111111111111111535154627461;0.048518518518518516380311211833;0.013333333333333334189130248149;0.012592592592592592726230549260;0.007777777777777777554191196430;0.014074074074074073917306471060;0.009259259259259258745267118229;0.010740740740740739936343040029;0.000000000000000000000000000000;0.021481481481481479872686080057;0.005925925925925925631665425186;0.024444444444444445724284875610;0.032962962962962964741375770927;0.015925925925925926707193980292;0.025925925925925925180637321432;0.015185185185185185244294281404
-0.022072072072072072140835885534;0.016216216216216217116397046993;0.056756756756756759907389664477;0.001801801801801801829541749278;0.024324324324324325674595570490;0.020270270270270271395496308742;0.004504504504504504465434155946;0.045945945945945948496458299815;0.034684684684684684297106826989;0.036486486486486488511893355735;0.021171171171171170033442621161;0.012612612612612612156270941455;0.007207207207207207318166997112;0.020720720720720720714469464951;0.019369369369369369288103044369;0.015315315315315315009003782620;0.020720720720720720714469464951;0.050900900900900901413503873982;0.023423423423423423567202306117;0.007657657657657657504501891310;0.016216216216216217116397046993;0.017117117117117115754343359413;0.013063063063063063209967573641;0.047297297297297299922824720397;0.027927927927927927165274724075;0.038288288288288285787785980574;0.036486486486486488511893355735;0.010360360360360360357234732476;0.001801801801801801829541749278;0.017117117117117115754343359413;0.009909909909909909303538100289;0.027477477477477477846301567865;0.010810810810810811410931364662;0.006756756756756757131832102914;0.008108108108108108558198523497;0.047747747747747745772350924653;0.019369369369369369288103044369;0.007657657657657657504501891310;0.001351351351351351426366420583;0.004504504504504504465434155946;0.009909909909909909303538100289;0.019819819819819818607076200578;0.000000000000000000000000000000;0.021621621621621622821862729324;0.014864864864864865690030626411;0.018918918918918919969129888159;0.037387387387387387149839668155;0.013963963963963963582637362038;0.019819819819819818607076200578;0.012162162162162162837297785245
-0.027941176470588236641079404876;0.029901960784313726809946487606;0.019117647058823530881177532592;0.062745098039215685403746647353;0.069607843137254904464228388861;0.019607843137254901688670827298;0.015686274509803921350936661838;0.041666666666666664353702032031;0.007352941176470588133251560237;0.016666666666666666435370203203;0.015686274509803921350936661838;0.019117647058823530881177532592;0.006862745098039215591034789554;0.015196078431372548808719891156;0.072549019607843143186975964909;0.021568627450980391857537910028;0.008823529411764705759901872284;0.018137254901960785796743991227;0.039215686274509803377341654596;0.003921568627450980337734165460;0.030882352941176471894380028971;0.009803921568627450844335413649;0.011274509803921568470985725696;0.019607843137254901688670827298;0.025490196078431372195272075487;0.021568627450980391857537910028;0.030882352941176471894380028971;0.053921568627450983113291727022;0.000980392156862745084433541365;0.025000000000000001387778780781;0.010294117647058823386552184331;0.006372549019607843048818018872;0.024509803921568627110838534122;0.001960784313725490168867082730;0.010294117647058823386552184331;0.022058823529411766134478156687;0.009803921568627450844335413649;0.011764705882352941013202496379;0.000490196078431372542216770682;0.004411764705882352879950936142;0.013235294117647058639852808426;0.003431372549019607795517394777;0.000000000000000000000000000000;0.014215686274509803724286349791;0.037745098039215684015967866571;0.011764705882352941013202496379;0.018627450980392156604237285933;0.013235294117647058639852808426;0.016666666666666666435370203203;0.008333333333333333217685101602
-0.012765957446808509981317492077;0.034397163120567376959346717058;0.034397163120567376959346717058;0.055319148936170209340801307007;0.060992907801418437541141059910;0.009219858156028368223466884501;0.022340425531914894635709956106;0.019503546099290780535540079654;0.066666666666666665741480812812;0.007446808510638298211903318702;0.008865248226950355261988256927;0.013475177304964539373721699178;0.003191489361702127495329373019;0.018794326241134751143135872553;0.064184397163120562868066087958;0.010638297872340425273551822727;0.010992907801418439969753926277;0.037234042553191487590069641556;0.028014184397163119366602757054;0.006382978723404254990658746038;0.023758865248226949951071418354;0.023758865248226949951071418354;0.006382978723404254990658746038;0.012765957446808509981317492077;0.014893617021276596423806637404;0.015248226950354609385285264977;0.017021276595744681131572306754;0.108510638297872344382177800526;0.001063829787234042570723269172;0.015957446808510637042965996102;0.007446808510638298211903318702;0.006382978723404254990658746038;0.004609929078014184111733442251;0.004964539007092198807935545801;0.008865248226950355261988256927;0.017021276595744681131572306754;0.003546099290780141757850607576;0.004255319148936170282893076688;0.012411347517730497019838864503;0.008865248226950355261988256927;0.020567375886524821154699438353;0.053900709219858157494886796712;0.000000000000000000000000000000;0.007801418439716312040743684264;0.026595744680851064051241294806;0.009574468085106382919668988052;0.014184397163120567031402430302;0.009219858156028368223466884501;0.009929078014184397615871091602;0.005673758865248227332978014914
-0.026296296296296296779448908865;0.004444444444444444440589503387;0.043703703703703702942995334979;0.271111111111111136029450108254;0.007407407407407407690103084974;0.016296296296296294836558615771;0.000740740740740740703958178148;0.010000000000000000208166817117;0.019629629629629628817522046802;0.017037037037037038034181790636;0.013703703703703704053218359604;0.015185185185185185244294281404;0.010370370370370370072254928573;0.041851851851851848418384349770;0.012962962962962962590318660716;0.023703703703703702526661700745;0.014814814814814815380206169948;0.020370370370370372015145221667;0.012962962962962962590318660716;0.009259259259259258745267118229;0.010740740740740739936343040029;0.019629629629629628817522046802;0.008888888888888888881179006773;0.024074074074074074125473288177;0.029259259259259259161600752464;0.034814814814814812327092852229;0.020370370370370372015145221667;0.006296296296296296363115274630;0.000000000000000000000000000000;0.013333333333333334189130248149;0.007407407407407407690103084974;0.010370370370370370072254928573;0.004074074074074073709139653943;0.011851851851851851263330850372;0.015555555555555555108382392859;0.024814814814814813853649511088;0.007037037037037036958653235530;0.007407407407407407690103084974;0.001851851851851851922525771243;0.012222222222222222862142437805;0.005185185185185185036127464286;0.008888888888888888881179006773;0.000000000000000000000000000000;0.011111111111111111535154627461;0.010740740740740739936343040029;0.010740740740740739936343040029;0.031111111111111110216764785719;0.027037037037037036507625131776;0.015925925925925926707193980292;0.017407407407407406163546426114
-0.035227272727272725127978247883;0.018181818181818180935049866775;0.039393939393939390869459060696;0.032196969696969696128618920739;0.016666666666666666435370203203;0.042045454545454545580707161889;0.006818181818181817850643700041;0.037499999999999998612221219219;0.021212121212121213403856145874;0.015909090909090907450806895440;0.017424242424242425419933510966;0.036363636363636361870099733551;0.020454545454545454419292838111;0.028030303030303030387138107926;0.023484848484848483418652165255;0.020075757575757576661734660206;0.014393939393939394685850707845;0.044318181818181819064950133225;0.032954545454545451643735276548;0.005681818181818181975883952362;0.024621212121212120160773650923;0.011363636363636363951767904723;0.020454545454545454419292838111;0.018560606060606062162054996634;0.028030303030303030387138107926;0.022727272727272727903535809446;0.028787878787878789371701415689;0.010606060606060606701928072937;0.001515151515151515150200967064;0.040151515151515153323469320412;0.012878787878787878451447568295;0.009848484848484847717364765174;0.015530303030303029693248717535;0.005303030303030303350964036468;0.023484848484848483418652165255;0.026515151515151515887458444354;0.020075757575757576661734660206;0.006060606060606060600803868255;0.001893939393939393991961317454;0.013636363636363635701287400082;0.012121212121212121201607736509;0.010227272727272727209646419055;0.000000000000000000000000000000;0.010606060606060606701928072937;0.018560606060606062162054996634;0.010984848484848484459486250842;0.017424242424242425419933510966;0.018939393939393939919613174538;0.033333333333333332870740406406;0.017424242424242425419933510966
-0.018518518518518517490534236458;0.022685185185185186701462001224;0.017129629629629630066522949505;0.100000000000000005551115123126;0.102777777777777773460243793124;0.021296296296296295808003762318;0.009722222222222222376419864531;0.025000000000000001387778780781;0.009259259259259258745267118229;0.011111111111111111535154627461;0.014814814814814815380206169948;0.014814814814814815380206169948;0.013425925925925926221471407018;0.013425925925925926221471407018;0.074999999999999997224442438437;0.006481481481481481295159330358;0.005555555555555555767577313730;0.018518518518518517490534236458;0.045833333333333330095182844843;0.004629629629629629372633559115;0.024537037037037037756626034479;0.008796296296296296848837847904;0.011111111111111111535154627461;0.007870370370370369586532355299;0.024074074074074074125473288177;0.015740740740740739173064710599;0.028240740740740739866954100989;0.071296296296296302053008275834;0.001851851851851851922525771243;0.034259259259259260133045899011;0.016203703703703702804217456901;0.005092592592592593003786305417;0.021759259259259259439156508620;0.005555555555555555767577313730;0.011111111111111111535154627461;0.011111111111111111535154627461;0.006944444444444444058950338672;0.004629629629629629372633559115;0.000925925925925925961262885622;0.005555555555555555767577313730;0.015277777777777777276635440273;0.003703703703703703845051542487;0.000000000000000000000000000000;0.005555555555555555767577313730;0.053703703703703704885885628073;0.011574074074074073431583897786;0.009259259259259258745267118229;0.009259259259259258745267118229;0.017592592592592593697675695807;0.007407407407407407690103084974
-0.015853658536585366056748114261;0.069512195121951225740275503995;0.008130081300813008990391317354;0.164634146341463422080764189559;0.037804878048780486687885371566;0.013821138211382113375469415928;0.022764227642276424479206298201;0.040650406504065039747786158841;0.003658536585365853872203745212;0.007317073170731707744407490424;0.006910569105691056687734707964;0.007317073170731707744407490424;0.004471544715447154684506703148;0.005284552845528455063128792091;0.074796747967479676466595606144;0.004471544715447154684506703148;0.005691056910569106119801574550;0.032113821138211380568083797016;0.035365853658536582082572152785;0.001626016260162601624605915873;0.033333333333333332870740406406;0.002439024390243902436908873810;0.008536585365853659179702361826;0.017073170731707318359404723651;0.009756097560975609747635495239;0.010162601626016259936946539710;0.022764227642276424479206298201;0.141463414634146328330288611141;0.003252032520325203249211831746;0.013008130081300812996847326986;0.004065040650406504495195658677;0.006504065040650406498423663493;0.007317073170731707744407490424;0.001626016260162601624605915873;0.002032520325203252247597829339;0.010975609756097560315568628653;0.004878048780487804873817747620;0.004878048780487804873817747620;0.000813008130081300812302957937;0.004065040650406504495195658677;0.034552845528455285173397015797;0.007317073170731707744407490424;0.000000000000000000000000000000;0.011788617886178862428914193572;0.032926829268292684416152837912;0.015447154471544715867437069790;0.006910569105691056687734707964;0.005691056910569106119801574550;0.009349593495934959558324450768;0.004878048780487804873817747620
-0.012254901960784313555419267061;0.085294117647058825815165050699;0.008333333333333333217685101602;0.101960784313725488781088301948;0.070098039215686275271721683566;0.013725490196078431182069579108;0.010784313725490195928768955014;0.033823529411764703678233701112;0.002941176470588235253300624095;0.010294117647058823386552184331;0.009313725490196078302118642966;0.007352941176470588133251560237;0.022058823529411766134478156687;0.000000000000000000000000000000;0.066176470588235294933987518107;0.005392156862745097964384477507;0.004411764705882352879950936142;0.027941176470588236641079404876;0.037254901960784313208474571866;0.001960784313725490168867082730;0.016666666666666666435370203203;0.001960784313725490168867082730;0.017156862745098040712310449862;0.019117647058823530881177532592;0.006862745098039215591034789554;0.011274509803921568470985725696;0.020588235294117646773104368663;0.121078431372549019662265834540;0.000490196078431372542216770682;0.050490196078431373583050856269;0.009803921568627450844335413649;0.008333333333333333217685101602;0.027941176470588236641079404876;0.003431372549019607795517394777;0.015686274509803921350936661838;0.009803921568627450844335413649;0.005392156862745097964384477507;0.013235294117647058639852808426;0.000000000000000000000000000000;0.004411764705882352879950936142;0.011274509803921568470985725696;0.015686274509803921350936661838;0.000000000000000000000000000000;0.008333333333333333217685101602;0.034313725490196081424620899725;0.012745098039215686097636037744;0.009803921568627450844335413649;0.000980392156862745084433541365;0.008823529411764705759901872284;0.002941176470588235253300624095
-0.028616352201257862220007410770;0.025157232704402517076136547303;0.030188679245283019103585075982;0.022327044025157231216249797967;0.031446540880503144610447208152;0.020125786163522011579241066670;0.011949685534591195784637207566;0.023270440251572325346396397094;0.011320754716981131296482665505;0.018867924528301886072378934500;0.016666666666666666435370203203;0.014465408805031446798361471906;0.020125786163522011579241066670;0.021698113207547168462818731882;0.026729559748427673959714212515;0.017295597484276729188801269288;0.012893081761006289914783806694;0.044968553459119493809215128977;0.034276729559748427000887005534;0.004716981132075471518094733625;0.022641509433962262592965331010;0.007547169811320754775896268995;0.021383647798742137086103198840;0.027987421383647799466576344685;0.027987421383647799466576344685;0.027044025157232705336429745557;0.025786163522012579829567613388;0.040251572327044023158482133340;0.003144654088050314634517068413;0.035534591194968552507749137703;0.016981132075471697812085736246;0.016666666666666666435370203203;0.018867924528301886072378934500;0.007232704402515723399180735953;0.024528301886792454322705481218;0.029874213836477987726869542939;0.012893081761006289914783806694;0.014150943396226415421645938864;0.000943396226415094346987033624;0.013522012578616352668214872779;0.017924528301886791942232335373;0.011949685534591195784637207566;0.000000000000000000000000000000;0.019182389937106917449094467543;0.021069182389937105709387665797;0.027987421383647799466576344685;0.015408805031446540928508071033;0.017610062893081760565516802330;0.027358490566037736713145278600;0.009433962264150943036189467250
-0.045714285714285714246063463406;0.003809523809523809520505288617;0.065238095238095233918684812124;0.000000000000000000000000000000;0.001904761904761904760252644309;0.018571428571428572062984585500;0.003333333333333333547282562037;0.017142857142857143709635536766;0.011904761904761904101057723437;0.035714285714285712303173170312;0.018571428571428572062984585500;0.007619047619047619041010577234;0.018571428571428572062984585500;0.049047619047619048227026894438;0.003809523809523809520505288617;0.025238095238095236555464495609;0.015714285714285715356286488031;0.031428571428571430712572976063;0.010952380952380953021974008266;0.013333333333333334189130248149;0.014761904761904762542479296883;0.013333333333333334189130248149;0.022857142857142857123031731703;0.048095238095238093678496227312;0.030476190476190476164042308937;0.052857142857142859482255659032;0.029523809523809525084958593766;0.010000000000000000208166817117;0.000952380952380952380126322154;0.007619047619047619041010577234;0.006666666666666667094565124074;0.016190476190476189161104869640;0.009047619047619047394359625969;0.009523809523809524668624959531;0.030476190476190476164042308937;0.056666666666666663798590519718;0.014285714285714285268213963320;0.011904761904761904101057723437;0.000476190476190476190063161077;0.026190476190476191103995162734;0.002857142857142857140378966463;0.003809523809523809520505288617;0.000000000000000000000000000000;0.026190476190476191103995162734;0.002380952380952381167156239883;0.022857142857142857123031731703;0.039047619047619046284136601344;0.040952380952380955381197935594;0.029523809523809525084958593766;0.022857142857142857123031731703
-0.033625730994152044917022692516;0.007017543859649122937882648188;0.057894736842105262719648806069;0.013742690058479532094759534289;0.038888888888888889505679458125;0.025146198830409357410919923836;0.001169590643274853822980441365;0.025146198830409357410919923836;0.019883040935672516291710110181;0.020467836257309940384274682401;0.022807017543859650632320779096;0.014327485380116959656771058462;0.023099415204678362678603065206;0.042690058479532166924030889277;0.010526315789473683973143103287;0.015497076023391813046070630833;0.010233918128654970192137341201;0.036549707602339179257633361431;0.020175438596491228337992396291;0.008771929824561403021832006743;0.014912280701754385484059106659;0.013742690058479532094759534289;0.014619883040935671703053344572;0.027485380116959064189519068577;0.040643274853801168722267078692;0.034795321637426900041045740863;0.034502923976608187994763454753;0.045906432748538013310923844301;0.000000000000000000000000000000;0.026900584795321636627507544404;0.007894736842105263413538196460;0.014035087719298245875765296375;0.008771929824561403021832006743;0.010233918128654970192137341201;0.025438596491228069457202209946;0.033625730994152044917022692516;0.017543859649122806043664013487;0.005263157894736841986571551644;0.000877192982456140367235331023;0.012280701754385964924454199831;0.005263157894736841986571551644;0.011403508771929825316160389548;0.000000000000000000000000000000;0.014035087719298245875765296375;0.006140350877192982462227099916;0.006725146198830409156876886101;0.031286549707602341607870499729;0.029532163742690058921835927208;0.039766081871345032583420220362;0.018713450292397661167687061834
-0.014539007092198581727604533853;0.009574468085106382919668988052;0.037234042553191487590069641556;0.455673758865248246241463903061;0.009219858156028368223466884501;0.012411347517730497019838864503;0.005673758865248227332978014914;0.031560283687943259389729888653;0.019503546099290780535540079654;0.011702127659574467627434657402;0.011702127659574467627434657402;0.009929078014184397615871091602;0.005319148936170212636775911363;0.021985815602836879939507852555;0.024113475177304964647273521905;0.008865248226950355261988256927;0.008156028368794325869584049826;0.015602836879432624081487368528;0.010638297872340425273551822727;0.001418439716312056833244503729;0.012411347517730497019838864503;0.012056737588652482323636760952;0.004964539007092198807935545801;0.019148936170212765839337976104;0.012765957446808509981317492077;0.015248226950354609385285264977;0.026950354609929078747443398356;0.005673758865248227332978014914;0.001063829787234042570723269172;0.010283687943262410577349719176;0.004609929078014184111733442251;0.004964539007092198807935545801;0.003546099290780141757850607576;0.012411347517730497019838864503;0.003191489361702127495329373019;0.014184397163120567031402430302;0.006737588652482269686860849589;0.002482269503546099403967772901;0.001063829787234042570723269172;0.002482269503546099403967772901;0.009574468085106382919668988052;0.010992907801418439969753926277;0.000000000000000000000000000000;0.008156028368794325869584049826;0.012765957446808509981317492077;0.008510638297872340565786153377;0.018794326241134751143135872553;0.005673758865248227332978014914;0.015957446808510637042965996102;0.008510638297872340565786153377
-0.043749999999999997224442438437;0.002916666666666666799662133158;0.075833333333333335923853724125;0.000000000000000000000000000000;0.000000000000000000000000000000;0.020416666666666666296592325125;0.000000000000000000000000000000;0.023333333333333334397297065266;0.019166666666666665186369300500;0.028333333333333331899295259859;0.025416666666666667268037471672;0.013333333333333334189130248149;0.017916666666666667545593227828;0.062500000000000000000000000000;0.007499999999999999722444243844;0.017083333333333332315628894094;0.013750000000000000069388939039;0.044999999999999998334665463062;0.009583333333333332593184650250;0.009583333333333332593184650250;0.013750000000000000069388939039;0.011666666666666667198648532633;0.014999999999999999444888487687;0.030416666666666668239482618219;0.051249999999999996946886682281;0.052916666666666667406815349750;0.039166666666666669072149886688;0.000000000000000000000000000000;0.000416666666666666693410320255;0.003333333333333333547282562037;0.003333333333333333547282562037;0.009166666666666666712925959359;0.011249999999999999583666365766;0.010000000000000000208166817117;0.030833333333333334119741309109;0.039583333333333331482961625625;0.020416666666666666296592325125;0.005416666666666666851703837438;0.000416666666666666693410320255;0.025416666666666667268037471672;0.005416666666666666851703837438;0.003749999999999999861222121922;0.000000000000000000000000000000;0.010000000000000000208166817117;0.002083333333333333304421275400;0.010416666666666666088425508008;0.050833333333333334536074943344;0.040833333333333332593184650250;0.047083333333333331205405869468;0.020416666666666666296592325125
-0.023983739837398373312415955638;0.006504065040650406498423663493;0.043495934959349592807686946117;0.299186991869918705866382424574;0.046341463414634145867587733392;0.009349593495934959558324450768;0.001626016260162601624605915873;0.027642276422764226750938831856;0.001626016260162601624605915873;0.013821138211382113375469415928;0.012601626016260162807536282514;0.004065040650406504495195658677;0.010569105691056910126257584182;0.043495934959349592807686946117;0.026829268292682926372316742913;0.012601626016260162807536282514;0.006910569105691056687734707964;0.013821138211382113375469415928;0.018292682926829267192614381088;0.004471544715447154684506703148;0.017479674796747966813992292145;0.004065040650406504495195658677;0.006504065040650406498423663493;0.025609756097560974069660133523;0.022764227642276424479206298201;0.032113821138211380568083797016;0.030081300813008131356252050637;0.010975609756097560315568628653;0.000000000000000000000000000000;0.009349593495934959558324450768;0.001626016260162601624605915873;0.007317073170731707744407490424;0.004878048780487804873817747620;0.012601626016260162807536282514;0.008536585365853659179702361826;0.022357723577235772555171777753;0.009756097560975609747635495239;0.006097560975609756309112619022;0.000406504065040650406151478968;0.006910569105691056687734707964;0.004878048780487804873817747620;0.000813008130081300812302957937;0.000000000000000000000000000000;0.010975609756097560315568628653;0.016260162601626017980782634709;0.012601626016260162807536282514;0.033333333333333332870740406406;0.019105691056910567571236470030;0.017479674796747966813992292145;0.017886178861788618738026812593
-0.007000000000000000145716771982;0.048000000000000000999200722163;0.022666666666666668294993769450;0.301999999999999990674126593149;0.071666666666666670182372911313;0.002666666666666666577617528233;0.004666666666666667052931760651;0.020666666666666666518636930050;0.003333333333333333547282562037;0.017666666666666667323548622903;0.005666666666666667073748442363;0.008666666666666666268836749509;0.001333333333333333288808764117;0.011666666666666667198648532633;0.055666666666666669849306003925;0.006000000000000000124900090270;0.004000000000000000083266726847;0.018333333333333333425851918719;0.017000000000000001221245327088;0.003000000000000000062450045135;0.010999999999999999361621760841;0.004666666666666667052931760651;0.002333333333333333526465880325;0.027666666666666665796991964044;0.003000000000000000062450045135;0.017999999999999998639976794834;0.014999999999999999444888487687;0.111333333333333339698612007851;0.000333333333333333322202191029;0.024666666666666666601903656897;0.001000000000000000020816681712;0.013666666666666667240281896056;0.004666666666666667052931760651;0.004666666666666667052931760651;0.001666666666666666773641281019;0.018666666666666668211727042603;0.001666666666666666773641281019;0.003666666666666666598434209945;0.000000000000000000000000000000;0.003333333333333333547282562037;0.011333333333333334147496884725;0.005000000000000000104083408559;0.000000000000000000000000000000;0.010333333333333333259318465025;0.026666666666666668378260496297;0.009333333333333334105863521302;0.017000000000000001221245327088;0.006333333333333333176051738178;0.003666666666666666598434209945;0.007666666666666666248020067798
-0.013492063492063492702310867344;0.023015873015873017370935826875;0.064285714285714279370154144999;0.107539682539682546202897128751;0.029761904761904760252644308594;0.005952380952380952050528861719;0.001984126984126984016842953906;0.019841269841269840168429539062;0.013888888888888888117900677344;0.032142857142857139685077072500;0.008333333333333333217685101602;0.005158730158730158617264027754;0.011111111111111111535154627461;0.042063492063492066708185745938;0.029365079365079364837054498594;0.004761904761904762334312479766;0.023015873015873017370935826875;0.032142857142857139685077072500;0.015873015873015872134743631250;0.013492063492063492702310867344;0.009920634920634920084214769531;0.019841269841269840168429539062;0.012698412698412698401684295391;0.027380952380952380820211544687;0.015873015873015872134743631250;0.032936507936507937455150596406;0.030158730158730159137681070547;0.048809523809523809589894227656;0.001190476190476190583578119941;0.010714285714285714384841341484;0.000396825396825396825052634231;0.017460317460317460735996775156;0.007936507936507936067371815625;0.007539682539682539784420267637;0.017857142857142856151586585156;0.037698412698412696320016124218;0.009920634920634920084214769531;0.000793650793650793650105268462;0.004365079365079365183999193789;0.032539682539682542039560786407;0.009523809523809524668624959531;0.010714285714285714384841341484;0.000000000000000000000000000000;0.015873015873015872134743631250;0.022222222222222223070309254922;0.011904761904761904101057723437;0.031746031746031744269487262500;0.021031746031746033354092872969;0.022619047619047618485899064922;0.011111111111111111535154627461
-0.011627906976744185885142002235;0.005813953488372092942571001117;0.015891472868217054043027403054;0.577906976744186007266534943483;0.006589147286821705334913801266;0.010077519379844961100456401937;0.005038759689922480550228200968;0.016279069767441860239198803129;0.006201550387596899138742401192;0.009302325581395348708113601788;0.008914728682170542511942201713;0.003875968992248061961714000745;0.006976744186046511531085201341;0.013565891472868216865999002607;0.021705426356589146985598404171;0.009302325581395348708113601788;0.007751937984496123923428001490;0.011627906976744185885142002235;0.010465116279069767296627802011;0.002713178294573643373199800521;0.011240310077519379688970602160;0.005038759689922480550228200968;0.006976744186046511531085201341;0.012790697674418604473656202458;0.013953488372093023062170402682;0.017054263565891472631541603278;0.015116279069767441650684602905;0.003488372093023255765542600670;0.002713178294573643373199800521;0.007751937984496123923428001490;0.001937984496124030980857000372;0.007364341085271317727256601415;0.004651162790697674354056800894;0.006976744186046511531085201341;0.012015503875968992081313402309;0.011627906976744185885142002235;0.005038759689922480550228200968;0.005038759689922480550228200968;0.000775193798449612392342800149;0.004651162790697674354056800894;0.006976744186046511531085201341;0.005426356589147286746399601043;0.000000000000000000000000000000;0.009302325581395348708113601788;0.011240310077519379688970602160;0.011240310077519379688970602160;0.013565891472868216865999002607;0.006589147286821705334913801266;0.009302325581395348708113601788;0.008527131782945736315770801639
-0.026422764227642277917729174419;0.025203252032520325615072565029;0.018292682926829267192614381088;0.303252032520325176534470301704;0.039430894308943087445129549451;0.011788617886178862428914193572;0.004878048780487804873817747620;0.032113821138211380568083797016;0.002439024390243902436908873810;0.014634146341463415488814980847;0.011382113821138212239603149101;0.006097560975609756309112619022;0.003252032520325203249211831746;0.022357723577235772555171777753;0.059349593495934958864435060377;0.017886178861788618738026812593;0.006910569105691056687734707964;0.014634146341463415488814980847;0.017886178861788618738026812593;0.001219512195121951218454436905;0.015040650406504065678126025318;0.004471544715447154684506703148;0.000813008130081300812302957937;0.026016260162601625993694653971;0.023170731707317072933793866696;0.032520325203252035961565269417;0.021951219512195120631137257305;0.036178861788617885930641193681;0.000813008130081300812302957937;0.007317073170731707744407490424;0.010162601626016259936946539710;0.010162601626016259936946539710;0.006910569105691056687734707964;0.004471544715447154684506703148;0.002032520325203252247597829339;0.013008130081300812996847326986;0.004878048780487804873817747620;0.015853658536585366056748114261;0.000000000000000000000000000000;0.000406504065040650406151478968;0.008536585365853659179702361826;0.001626016260162601624605915873;0.000000000000000000000000000000;0.013414634146341463186158371457;0.031300813008130083658908660027;0.019512195121951219495270990478;0.016666666666666666435370203203;0.013821138211382113375469415928;0.005284552845528455063128792091;0.014227642276422763564780460399
-0.020000000000000000416333634234;0.016111111111111110771876298031;0.014722222222222221613141535101;0.495277777777777761247790522248;0.028888888888888887562789165031;0.008333333333333333217685101602;0.004444444444444444440589503387;0.019166666666666665186369300500;0.004166666666666666608842550801;0.007777777777777777554191196430;0.007499999999999999722444243844;0.006666666666666667094565124074;0.003888888888888888777095598215;0.012222222222222222862142437805;0.031388888888888889783235214281;0.010555555555555555871660722289;0.004444444444444444440589503387;0.006944444444444444058950338672;0.018333333333333333425851918719;0.002222222222222222220294751693;0.014722222222222221613141535101;0.003611111111111110945348645629;0.002222222222222222220294751693;0.008333333333333333217685101602;0.013055555555555556357383295563;0.013611111111111110286153724758;0.012777777777777778525636342977;0.023333333333333334397297065266;0.000833333333333333386820640509;0.013888888888888888117900677344;0.016111111111111110771876298031;0.006111111111111111431071218902;0.006666666666666667094565124074;0.004166666666666666608842550801;0.012500000000000000693889390391;0.012500000000000000693889390391;0.004722222222222222272336455973;0.013333333333333334189130248149;0.000000000000000000000000000000;0.008333333333333333217685101602;0.006388888888888889262818171488;0.002777777777777777883788656865;0.000000000000000000000000000000;0.007222222222222221890697291258;0.024722222222222221821308352219;0.009166666666666666712925959359;0.011388888888888889366901580047;0.008611111111111111049432054187;0.009166666666666666712925959359;0.006666666666666667094565124074
-0.039166666666666669072149886688;0.014583333333333333564629796797;0.040000000000000000832667268469;0.012500000000000000693889390391;0.009166666666666666712925959359;0.022083333333333333287074040641;0.005416666666666666851703837438;0.028750000000000001249000902703;0.010833333333333333703407674875;0.042500000000000003053113317719;0.021250000000000001526556658860;0.015833333333333334674852821422;0.012500000000000000693889390391;0.038333333333333330372738601000;0.011666666666666667198648532633;0.017500000000000001665334536938;0.016250000000000000555111512313;0.029166666666666667129259593594;0.020416666666666666296592325125;0.011666666666666667198648532633;0.020416666666666666296592325125;0.007916666666666667337426410711;0.014999999999999999444888487687;0.047083333333333331205405869468;0.035000000000000003330669073875;0.043749999999999997224442438437;0.029583333333333333009518284484;0.035000000000000003330669073875;0.001666666666666666773641281019;0.017916666666666667545593227828;0.008750000000000000832667268469;0.020416666666666666296592325125;0.006250000000000000346944695195;0.005000000000000000104083408559;0.020833333333333332176851016015;0.044999999999999998334665463062;0.014999999999999999444888487687;0.016250000000000000555111512313;0.001250000000000000026020852140;0.013333333333333334189130248149;0.011666666666666667198648532633;0.014166666666666665949647629930;0.000000000000000000000000000000;0.025000000000000001387778780781;0.008750000000000000832667268469;0.023750000000000000277555756156;0.029583333333333333009518284484;0.021250000000000001526556658860;0.025833333333333333148296162562;0.014999999999999999444888487687
-0.016250000000000000555111512313;0.009166666666666666712925959359;0.063750000000000001110223024625;0.177083333333333342585191871876;0.014999999999999999444888487687;0.007916666666666667337426410711;0.003333333333333333547282562037;0.027916666666666666019036568969;0.014999999999999999444888487687;0.059999999999999997779553950750;0.012916666666666666574148081281;0.011249999999999999583666365766;0.002083333333333333304421275400;0.037083333333333336201409480282;0.014166666666666665949647629930;0.008750000000000000832667268469;0.012916666666666666574148081281;0.023750000000000000277555756156;0.011666666666666667198648532633;0.003333333333333333547282562037;0.010416666666666666088425508008;0.010416666666666666088425508008;0.000833333333333333386820640509;0.073333333333333333703407674875;0.011666666666666667198648532633;0.043333333333333334813630699500;0.024583333333333332038073137937;0.012500000000000000693889390391;0.001250000000000000026020852140;0.009166666666666666712925959359;0.003333333333333333547282562037;0.024166666666666666157814447047;0.003333333333333333547282562037;0.007083333333333332974823814965;0.005000000000000000104083408559;0.066250000000000003330669073875;0.006666666666666667094565124074;0.003333333333333333547282562037;0.004166666666666666608842550801;0.002500000000000000052041704279;0.012500000000000000693889390391;0.003749999999999999861222121922;0.000000000000000000000000000000;0.023750000000000000277555756156;0.006250000000000000346944695195;0.017083333333333332315628894094;0.051249999999999996946886682281;0.010833333333333333703407674875;0.008750000000000000832667268469;0.009166666666666666712925959359
-0.024786324786324785002245008059;0.017521367521367521569164438233;0.051709401709401706104252127716;0.039316239316239315337853099663;0.019230769230769231836752908293;0.019230769230769231836752908293;0.006837606837606837600906928287;0.036324786324786327573743704988;0.016666666666666666435370203203;0.039743589743589741170026741202;0.018803418803418802535132314802;0.016666666666666666435370203203;0.007692307692307692734701163317;0.025641025641025640136039243089;0.010256410256410256401360392431;0.014102564102564102768710974090;0.012820512820512820068019621544;0.041880341880341877269788852800;0.020085470085470086970547143324;0.004700854700854700633783078700;0.021794871794871793768688661430;0.015811965811965811301575968173;0.014102564102564102768710974090;0.036324786324786327573743704988;0.019658119658119657668926549832;0.036324786324786327573743704988;0.027350427350427350403627713149;0.023931623931623933337897724982;0.000000000000000000000000000000;0.023931623931623933337897724982;0.022649572649572648902482896460;0.015811965811965811301575968173;0.008547008547008547868495398347;0.008974358974358973700669039886;0.008974358974358973700669039886;0.038461538461538463673505816587;0.006837606837606837600906928287;0.016666666666666666435370203203;0.016666666666666666435370203203;0.026923076923076924571454071611;0.017094017094017095736990796695;0.020512820512820512802720784862;0.000000000000000000000000000000;0.018803418803418802535132314802;0.012820512820512820068019621544;0.015811965811965811301575968173;0.040598290598290599773267928185;0.012820512820512820068019621544;0.015811965811965811301575968173;0.011965811965811966668948862491
-0.029259259259259259161600752464;0.020740740740740740144509857146;0.014074074074074073917306471060;0.200740740740740747360959517209;0.034444444444444444197728216750;0.023333333333333334397297065266;0.007777777777777777554191196430;0.023703703703703702526661700745;0.002592592592592592518063732143;0.016296296296296294836558615771;0.017037037037037038034181790636;0.010000000000000000208166817117;0.017777777777777777762358013547;0.018148148148148149361169600979;0.050370370370370370904922197042;0.018518518518518517490534236458;0.002222222222222222220294751693;0.017037037037037038034181790636;0.025185185185185185452461098521;0.003703703703703703845051542487;0.025185185185185185452461098521;0.005925925925925925631665425186;0.015185185185185185244294281404;0.018148148148148149361169600979;0.028888888888888887562789165031;0.021481481481481479872686080057;0.020740740740740740144509857146;0.041851851851851848418384349770;0.000370370370370370351979089074;0.025555555555555557051272685953;0.008148148148148147418279307885;0.003703703703703703845051542487;0.015185185185185185244294281404;0.007407407407407407690103084974;0.022222222222222223070309254922;0.012592592592592592726230549260;0.009259259259259258745267118229;0.017407407407407406163546426114;0.000000000000000000000000000000;0.012962962962962962590318660716;0.011481481481481481399242738917;0.007037037037037036958653235530;0.000000000000000000000000000000;0.008888888888888888881179006773;0.028148148148148147834612942120;0.009259259259259258745267118229;0.022592592592592591199673890401;0.016666666666666666435370203203;0.019259259259259260688157411323;0.011481481481481481399242738917
-0.042592592592592591616007524635;0.019259259259259260688157411323;0.014814814814814815380206169948;0.063703703703703706828775921167;0.047777777777777780121581940875;0.042962962962962959745372160114;0.009259259259259258745267118229;0.025555555555555557051272685953;0.003333333333333333547282562037;0.011481481481481481399242738917;0.017037037037037038034181790636;0.029629629629629630760412339896;0.042962962962962959745372160114;0.020740740740740740144509857146;0.032962962962962964741375770927;0.021481481481481479872686080057;0.003703703703703703845051542487;0.020740740740740740144509857146;0.043703703703703702942995334979;0.002962962962962962815832712593;0.034074074074074076068363581271;0.005185185185185185036127464286;0.012592592592592592726230549260;0.009259259259259258745267118229;0.034444444444444444197728216750;0.015185185185185185244294281404;0.027037037037037036507625131776;0.036666666666666666851703837438;0.000000000000000000000000000000;0.071111111111111111049432054187;0.014814814814814815380206169948;0.006296296296296296363115274630;0.025555555555555557051272685953;0.007777777777777777554191196430;0.029629629629629630760412339896;0.012592592592592592726230549260;0.010370370370370370072254928573;0.011851851851851851263330850372;0.000740740740740740703958178148;0.011111111111111111535154627461;0.004814814814814815172039352831;0.006296296296296296363115274630;0.000000000000000000000000000000;0.006666666666666667094565124074;0.024814814814814813853649511088;0.014074074074074073917306471060;0.010740740740740739936343040029;0.012592592592592592726230549260;0.018148148148148149361169600979;0.008888888888888888881179006773
-0.025609756097560974069660133523;0.008130081300813008990391317354;0.024390243902439025236450476086;0.001219512195121951218454436905;0.015853658536585366056748114261;0.045934959349593497413000164897;0.003252032520325203249211831746;0.019512195121951219495270990478;0.013008130081300812996847326986;0.019918699186991871419305510926;0.015853658536585366056748114261;0.016260162601626017980782634709;0.044715447154471545110343555507;0.019918699186991871419305510926;0.009756097560975609747635495239;0.018699186991869919116648901536;0.012195121951219512618225238043;0.031707317073170732113496228521;0.023577235772357724857828387144;0.007723577235772357933718534895;0.015040650406504065678126025318;0.015853658536585366056748114261;0.051219512195121948139320267046;0.021138211382113820252515168363;0.030081300813008131356252050637;0.026422764227642277917729174419;0.030894308943089431734874139579;0.027235772357723578296351263361;0.002439024390243902436908873810;0.061382113821138208076266806756;0.007317073170731707744407490424;0.008943089430894309369013406297;0.026829268292682926372316742913;0.008943089430894309369013406297;0.037804878048780486687885371566;0.028048780487804878674973352304;0.012601626016260162807536282514;0.009349593495934959558324450768;0.004471544715447154684506703148;0.050406504065040651230145130057;0.007317073170731707744407490424;0.008536585365853659179702361826;0.000000000000000000000000000000;0.011788617886178862428914193572;0.006097560975609756309112619022;0.015040650406504065678126025318;0.029268292682926830977629961694;0.022764227642276424479206298201;0.031707317073170732113496228521;0.013821138211382113375469415928
-0.065833333333333327042069527124;0.015833333333333334674852821422;0.012916666666666666574148081281;0.001666666666666666773641281019;0.002916666666666666799662133158;0.071666666666666670182372911313;0.002083333333333333304421275400;0.019583333333333334536074943344;0.010000000000000000208166817117;0.010833333333333333703407674875;0.020833333333333332176851016015;0.057916666666666664908813544344;0.032916666666666663521034763562;0.022499999999999999167332731531;0.008750000000000000832667268469;0.058749999999999996669330926125;0.009166666666666666712925959359;0.030416666666666668239482618219;0.017500000000000001665334536938;0.004583333333333333356462979680;0.018333333333333333425851918719;0.009583333333333332593184650250;0.029583333333333333009518284484;0.012916666666666666574148081281;0.079166666666666662965923251249;0.031250000000000000000000000000;0.026249999999999999028554853453;0.014999999999999999444888487687;0.000000000000000000000000000000;0.022499999999999999167332731531;0.029166666666666667129259593594;0.005416666666666666851703837438;0.012083333333333333078907223523;0.004166666666666666608842550801;0.030416666666666668239482618219;0.019166666666666665186369300500;0.008750000000000000832667268469;0.009583333333333332593184650250;0.002083333333333333304421275400;0.025000000000000001387778780781;0.007083333333333332974823814965;0.009583333333333332593184650250;0.000000000000000000000000000000;0.011666666666666667198648532633;0.002916666666666666799662133158;0.010416666666666666088425508008;0.012083333333333333078907223523;0.033750000000000002220446049250;0.027916666666666666019036568969;0.017500000000000001665334536938
-0.062500000000000000000000000000;0.012083333333333333078907223523;0.018749999999999999306110609609;0.002083333333333333304421275400;0.012500000000000000693889390391;0.055000000000000000277555756156;0.001666666666666666773641281019;0.023333333333333334397297065266;0.003749999999999999861222121922;0.011249999999999999583666365766;0.027083333333333334258519187188;0.029999999999999998889776975375;0.023750000000000000277555756156;0.029583333333333333009518284484;0.024166666666666666157814447047;0.051249999999999996946886682281;0.004166666666666666608842550801;0.027916666666666666019036568969;0.035833333333333335091186455656;0.007499999999999999722444243844;0.023333333333333334397297065266;0.005000000000000000104083408559;0.009583333333333332593184650250;0.014166666666666665949647629930;0.075833333333333335923853724125;0.032083333333333331760517381781;0.032500000000000001110223024625;0.021666666666666667406815349750;0.000000000000000000000000000000;0.027916666666666666019036568969;0.024166666666666666157814447047;0.006250000000000000346944695195;0.019166666666666665186369300500;0.003333333333333333547282562037;0.026666666666666668378260496297;0.017083333333333332315628894094;0.010416666666666666088425508008;0.011666666666666667198648532633;0.000000000000000000000000000000;0.003749999999999999861222121922;0.005833333333333333599324266316;0.001250000000000000026020852140;0.000000000000000000000000000000;0.010833333333333333703407674875;0.017500000000000001665334536938;0.007499999999999999722444243844;0.024166666666666666157814447047;0.038749999999999999722444243844;0.042916666666666665463925056656;0.022499999999999999167332731531
-0.033333333333333332870740406406;0.024166666666666666157814447047;0.015833333333333334674852821422;0.011666666666666667198648532633;0.039583333333333331482961625625;0.024583333333333332038073137937;0.016666666666666666435370203203;0.052083333333333335646297967969;0.002500000000000000052041704279;0.010000000000000000208166817117;0.020833333333333332176851016015;0.011249999999999999583666365766;0.022916666666666665047591422422;0.011666666666666667198648532633;0.045416666666666667684371105906;0.017083333333333332315628894094;0.008333333333333333217685101602;0.031250000000000000000000000000;0.059166666666666666019036568969;0.005000000000000000104083408559;0.040833333333333332593184650250;0.003749999999999999861222121922;0.015416666666666667059870654555;0.012500000000000000693889390391;0.029999999999999998889776975375;0.020000000000000000416333634234;0.042500000000000003053113317719;0.044583333333333335923853724125;0.002500000000000000052041704279;0.042916666666666665463925056656;0.012500000000000000693889390391;0.009583333333333332593184650250;0.030833333333333334119741309109;0.005416666666666666851703837438;0.016250000000000000555111512313;0.017500000000000001665334536938;0.014166666666666665949647629930;0.013750000000000000069388939039;0.000000000000000000000000000000;0.008333333333333333217685101602;0.021666666666666667406815349750;0.002916666666666666799662133158;0.000000000000000000000000000000;0.013333333333333334189130248149;0.038749999999999999722444243844;0.016250000000000000555111512313;0.014166666666666665949647629930;0.010416666666666666088425508008;0.026666666666666668378260496297;0.009166666666666666712925959359
-0.022222222222222223070309254922;0.034126984126984123701920026406;0.025793650793650792218958400781;0.016666666666666666435370203203;0.050396825396825398191147371563;0.018650793650793650452213157109;0.018253968253968255036623347110;0.037698412698412696320016124218;0.008333333333333333217685101602;0.026190476190476191103995162734;0.015079365079365079568840535273;0.003571428571428571317053490830;0.021825396825396824185272492969;0.021825396825396824185272492969;0.050396825396825398191147371563;0.011904761904761904101057723437;0.014682539682539682418527249297;0.044047619047619050725028699844;0.029365079365079364837054498594;0.003968253968253968033685907812;0.020634920634920634469056111016;0.005158730158730158617264027754;0.019444444444444444752839729063;0.031746031746031744269487262500;0.015873015873015872134743631250;0.027777777777777776235801354687;0.030555555555555554553270880547;0.034523809523809526056403740313;0.002380952380952381167156239883;0.031349206349206348853897452500;0.005158730158730158617264027754;0.013095238095238095551997581367;0.022619047619047618485899064922;0.004365079365079365183999193789;0.020634920634920634469056111016;0.028174603174603175120838116641;0.006746031746031746351155433672;0.009920634920634920084214769531;0.000793650793650793650105268462;0.007142857142857142634106981660;0.016269841269841271019780393203;0.009523809523809524668624959531;0.000000000000000000000000000000;0.018650793650793650452213157109;0.036904761904761905488836504219;0.022619047619047618485899064922;0.026984126984126985404621734688;0.016269841269841271019780393203;0.029365079365079364837054498594;0.010317460317460317234528055508
-0.012592592592592592726230549260;0.064444444444444443087505192125;0.014814814814814815380206169948;0.029999999999999998889776975375;0.085925925925925919490744320228;0.020740740740740740144509857146;0.010000000000000000208166817117;0.029259259259259259161600752464;0.004814814814814815172039352831;0.014074074074074073917306471060;0.014074074074074073917306471060;0.010000000000000000208166817117;0.008518518518518519017090895318;0.013333333333333334189130248149;0.089259259259259260410601655167;0.009259259259259258745267118229;0.010740740740740739936343040029;0.034074074074074076068363581271;0.041111111111111112159655078813;0.002592592592592592518063732143;0.022592592592592591199673890401;0.002592592592592592518063732143;0.013333333333333334189130248149;0.018888888888888889089345823891;0.016666666666666666435370203203;0.018518518518518517490534236458;0.020740740740740740144509857146;0.102222222222222228205090743813;0.001851851851851851922525771243;0.038888888888888889505679458125;0.004444444444444444440589503387;0.011481481481481481399242738917;0.014814814814814815380206169948;0.003703703703703703845051542487;0.007037037037037036958653235530;0.016666666666666666435370203203;0.004074074074074073709139653943;0.004444444444444444440589503387;0.000370370370370370351979089074;0.006296296296296296363115274630;0.023333333333333334397297065266;0.018888888888888889089345823891;0.000000000000000000000000000000;0.012592592592592592726230549260;0.043703703703703702942995334979;0.014444444444444443781394582516;0.011851851851851851263330850372;0.011111111111111111535154627461;0.008888888888888888881179006773;0.005925925925925925631665425186
-0.010000000000000000208166817117;0.038095238095238098674499838125;0.020952380952380951495417349406;0.077142857142857138019742535562;0.070000000000000006661338147751;0.016190476190476189161104869640;0.015238095238095238082021154469;0.027619047619047619457344211469;0.013333333333333334189130248149;0.018095238095238094788719251937;0.010000000000000000208166817117;0.014285714285714285268213963320;0.004285714285714285927408884191;0.015238095238095238082021154469;0.052380952380952382207990325469;0.008571428571428571854817768383;0.015714285714285715356286488031;0.031904761904761907986838309625;0.042380952380952380265100032375;0.003809523809523809520505288617;0.027619047619047619457344211469;0.009523809523809524668624959531;0.009047619047619047394359625969;0.024761904761904762750646114000;0.009523809523809524668624959531;0.016666666666666666435370203203;0.019523809523809523142068300672;0.074761904761904765526203675563;0.001428571428571428570189483231;0.053809523809523807091892422250;0.016190476190476189161104869640;0.019047619047619049337249919063;0.010952380952380953021974008266;0.002857142857142857140378966463;0.006190476190476190687661528500;0.020000000000000000416333634234;0.004761904761904762334312479766;0.009047619047619047394359625969;0.001428571428571428570189483231;0.007142857142857142634106981660;0.024285714285714285476380780437;0.012857142857142856914864914586;0.000000000000000000000000000000;0.012857142857142856914864914586;0.033333333333333332870740406406;0.025714285714285713829729829172;0.015238095238095238082021154469;0.008571428571428571854817768383;0.011428571428571428561515865852;0.006190476190476190687661528500
-0.050854700854700854439904844639;0.027350427350427350403627713149;0.015811965811965811301575968173;0.017094017094017095736990796695;0.032905982905982907038566764868;0.049572649572649570004490016117;0.008547008547008547868495398347;0.023504273504273504036277131490;0.005128205128205128200680196215;0.017094017094017095736990796695;0.020940170940170938634894426400;0.031196581196581196770978294808;0.029914529914529915805010418239;0.023931623931623933337897724982;0.032905982905982907038566764868;0.025213675213675214303865601551;0.004273504273504273934247699174;0.017094017094017095736990796695;0.030341880341880341637184059778;0.002564102564102564100340098108;0.025213675213675214303865601551;0.002991452991452991667237215623;0.015811965811965811301575968173;0.026495726495726495269833478119;0.051282051282051280272078486178;0.026923076923076924571454071611;0.029914529914529915805010418239;0.037606837606837605070264629603;0.001709401709401709400226732072;0.037606837606837605070264629603;0.022222222222222223070309254922;0.012820512820512820068019621544;0.017094017094017095736990796695;0.006837606837606837600906928287;0.022222222222222223070309254922;0.013247863247863247634916739059;0.009829059829059828834463274916;0.010256410256410256401360392431;0.000000000000000000000000000000;0.006410256410256410034009810772;0.014529914529914530335608091605;0.006410256410256410034009810772;0.000000000000000000000000000000;0.008974358974358973700669039886;0.016666666666666666435370203203;0.013247863247863247634916739059;0.023076923076923078204103489952;0.026068376068376069437659836581;0.030769230769230770938804653269;0.017521367521367521569164438233
-0.049612403100775193109939209535;0.002325581395348837177028400447;0.041472868217054266459786759924;0.000000000000000000000000000000;0.000387596899224806196171400074;0.046511627906976743540568008939;0.000387596899224806196171400074;0.012015503875968992081313402309;0.005426356589147286746399601043;0.027906976744186046124340805363;0.036821705426356592105729959030;0.018217054263565891220055803501;0.042635658914728681578854008194;0.050775193798449615167900361712;0.001550387596899224784685600298;0.030620155038759689497540605885;0.007751937984496123923428001490;0.014341085271317829258341802756;0.020542635658914728397084203948;0.008139534883720930119599401564;0.012403100775193798277484802384;0.007751937984496123923428001490;0.014341085271317829258341802756;0.026744186046511627535826605140;0.072868217054263564880223214004;0.042248062015503878852129560073;0.033720930232558142536358758434;0.001937984496124030980857000372;0.000000000000000000000000000000;0.021317829457364340789427004097;0.013178294573643410669827602533;0.008914728682170542511942201713;0.022480620155038759377941204320;0.009302325581395348708113601788;0.046899224806201553206186360967;0.033720930232558142536358758434;0.011627906976744185885142002235;0.006589147286821705334913801266;0.000775193798449612392342800149;0.017829457364341085023884403427;0.001162790697674418588514200223;0.006976744186046511531085201341;0.000000000000000000000000000000;0.014341085271317829258341802756;0.003100775193798449569371200596;0.010465116279069767296627802011;0.035271317829457367321044358732;0.038372093023255816890415559328;0.044186046511627906363539608492;0.024031007751937984162626804618
-0.022058823529411766134478156687;0.031862745098039213509366618382;0.033333333333333332870740406406;0.002450980392156862711083853412;0.026960784313725491556645863511;0.017156862745098040712310449862;0.004411764705882352879950936142;0.042156862745098042100089230644;0.009313725490196078302118642966;0.036764705882352942400981277160;0.015196078431372548808719891156;0.007843137254901960675468330919;0.013235294117647058639852808426;0.040686274509803922738715442620;0.025000000000000001387778780781;0.020588235294117646773104368663;0.010784313725490195928768955014;0.031372549019607842701873323676;0.026470588235294117279705616852;0.004411764705882352879950936142;0.020588235294117646773104368663;0.004901960784313725422167706824;0.009313725490196078302118642966;0.044607843137254903076449608079;0.031862745098039213509366618382;0.039215686274509803377341654596;0.033823529411764703678233701112;0.049509803921568625029170362950;0.000490196078431372542216770682;0.021078431372549021050044615322;0.004411764705882352879950936142;0.014705882352941176266503120473;0.013725490196078431182069579108;0.007352941176470588133251560237;0.023529411764705882026404992757;0.038235294117647061762355065184;0.015196078431372548808719891156;0.003921568627450980337734165460;0.001470588235294117626650312047;0.005392156862745097964384477507;0.006372549019607843048818018872;0.022058823529411766134478156687;0.000000000000000000000000000000;0.019117647058823530881177532592;0.011274509803921568470985725696;0.012745098039215686097636037744;0.036764705882352942400981277160;0.035784313725490193847100783842;0.031372549019607842701873323676;0.019117647058823530881177532592
-0.038888888888888889505679458125;0.013333333333333334189130248149;0.045555555555555557467606320188;0.002222222222222222220294751693;0.028518518518518519433424529552;0.008148148148148147418279307885;0.003703703703703703845051542487;0.034074074074074076068363581271;0.005925925925925925631665425186;0.036296296296296298722339201959;0.016296296296296294836558615771;0.005925925925925925631665425186;0.008888888888888888881179006773;0.056296296296296295669225884239;0.025185185185185185452461098521;0.026296296296296296779448908865;0.012592592592592592726230549260;0.027037037037037036507625131776;0.022962962962962962798485477833;0.010000000000000000208166817117;0.020370370370370372015145221667;0.007777777777777777554191196430;0.006666666666666667094565124074;0.060370370370370372847812490136;0.036666666666666666851703837438;0.054444444444444441144614899031;0.034814814814814812327092852229;0.009259259259259258745267118229;0.001481481481481481407916356297;0.017037037037037038034181790636;0.004444444444444444440589503387;0.020370370370370372015145221667;0.007777777777777777554191196430;0.005925925925925925631665425186;0.015555555555555555108382392859;0.040370370370370368962031903948;0.018148148148148149361169600979;0.010740740740740739936343040029;0.000000000000000000000000000000;0.004444444444444444440589503387;0.010740740740740739936343040029;0.001481481481481481407916356297;0.000000000000000000000000000000;0.031851851851851853414387960584;0.011481481481481481399242738917;0.017407407407407406163546426114;0.048888888888888891448569751219;0.034074074074074076068363581271;0.024444444444444445724284875610;0.014814814814814815380206169948
-0.040833333333333332593184650250;0.005000000000000000104083408559;0.051944444444444445863062753688;0.001388888888888888941894328433;0.001666666666666666773641281019;0.007777777777777777554191196430;0.000277777777777777777536843962;0.023333333333333334397297065266;0.005555555555555555767577313730;0.056111111111111111604543566500;0.017777777777777777762358013547;0.004166666666666666608842550801;0.007222222222222221890697291258;0.059166666666666666019036568969;0.010277777777777778039913769703;0.025277777777777777484802257391;0.009166666666666666712925959359;0.022222222222222223070309254922;0.008333333333333333217685101602;0.006388888888888889262818171488;0.014722222222222221613141535101;0.003611111111111110945348645629;0.007777777777777777554191196430;0.079166666666666662965923251249;0.039722222222222221266196839906;0.072499999999999995003996389187;0.025833333333333333148296162562;0.003055555555555555715535609451;0.000555555555555555555073687923;0.002500000000000000052041704279;0.005277777777777777935830361145;0.023888888888888890060790970438;0.005555555555555555767577313730;0.005833333333333333599324266316;0.015555555555555555108382392859;0.051388888888888886730121896562;0.017500000000000001665334536938;0.012222222222222222862142437805;0.000277777777777777777536843962;0.008055555555555555385938149016;0.006111111111111111431071218902;0.002777777777777777883788656865;0.000000000000000000000000000000;0.044999999999999998334665463062;0.003055555555555555715535609451;0.021666666666666667406815349750;0.065833333333333327042069527124;0.049444444444444443642616704437;0.020833333333333332176851016015;0.026388888888888888811790067734
-0.021138211382113820252515168363;0.036991869918699189778710234577;0.051626016260162603532801739448;0.016260162601626017980782634709;0.015040650406504065678126025318;0.010975609756097560315568628653;0.004065040650406504495195658677;0.039024390243902438990541980957;0.017886178861788618738026812593;0.013821138211382113375469415928;0.015447154471544715867437069790;0.001626016260162601624605915873;0.015447154471544715867437069790;0.032113821138211380568083797016;0.033333333333333332870740406406;0.008130081300813008990391317354;0.013414634146341463186158371457;0.058943089430894310409847491883;0.026016260162601625993694653971;0.011382113821138212239603149101;0.022357723577235772555171777753;0.014634146341463415488814980847;0.043089430894308944353099377622;0.025609756097560974069660133523;0.015447154471544715867437069790;0.021951219512195120631137257305;0.041056910569105688202373727336;0.019105691056910567571236470030;0.002845528455284553059900787275;0.020731707317073171797927599869;0.001626016260162601624605915873;0.011382113821138212239603149101;0.023577235772357724857828387144;0.010162601626016259936946539710;0.025203252032520325615072565029;0.035365853658536582082572152785;0.013821138211382113375469415928;0.003252032520325203249211831746;0.001626016260162601624605915873;0.028861788617886179053595441246;0.012195121951219512618225238043;0.010975609756097560315568628653;0.000000000000000000000000000000;0.013414634146341463186158371457;0.024390243902439025236450476086;0.009349593495934959558324450768;0.027642276422764226750938831856;0.019105691056910567571236470030;0.046341463414634145867587733392;0.012195121951219512618225238043
-0.014957264957264957902505209120;0.037606837606837605070264629603;0.032905982905982907038566764868;0.039743589743589741170026741202;0.057692307692307695510258724880;0.019230769230769231836752908293;0.008547008547008547868495398347;0.044871794871794871972792151382;0.025641025641025640136039243089;0.011538461538461539102051744976;0.010683760683760683968257509946;0.016666666666666666435370203203;0.008119658119658120301598280832;0.015384615384615385469402326635;0.051282051282051280272078486178;0.011111111111111111535154627461;0.018803418803418802535132314802;0.059829059829059831610020836479;0.042735042735042735873030039784;0.005555555555555555767577313730;0.020512820512820512802720784862;0.017948717948717947401338079771;0.014957264957264957902505209120;0.022222222222222223070309254922;0.017094017094017095736990796695;0.018803418803418802535132314802;0.034188034188034191473981593390;0.027777777777777776235801354687;0.000427350427350427350056683018;0.035470085470085468970502518005;0.006837606837606837600906928287;0.021794871794871793768688661430;0.019230769230769231836752908293;0.000427350427350427350056683018;0.003846153846153846367350581659;0.033333333333333332870740406406;0.013675213675213675201813856575;0.008119658119658120301598280832;0.004700854700854700633783078700;0.004273504273504273934247699174;0.012820512820512820068019621544;0.020940170940170938634894426400;0.000000000000000000000000000000;0.012393162393162392501122504029;0.029059829059829060671216183209;0.009829059829059828834463274916;0.011538461538461539102051744976;0.011538461538461539102051744976;0.025641025641025640136039243089;0.007692307692307692734701163317
-0.022083333333333333287074040641;0.035833333333333335091186455656;0.012083333333333333078907223523;0.124583333333333337589188261063;0.052499999999999998057109706906;0.017500000000000001665334536938;0.007916666666666667337426410711;0.044166666666666666574148081281;0.013333333333333334189130248149;0.006250000000000000346944695195;0.013750000000000000069388939039;0.022916666666666665047591422422;0.010000000000000000208166817117;0.007916666666666667337426410711;0.072916666666666671292595935938;0.014583333333333333564629796797;0.003749999999999999861222121922;0.034583333333333333980963431031;0.054166666666666668517038374375;0.001250000000000000026020852140;0.022083333333333333287074040641;0.002083333333333333304421275400;0.005416666666666666851703837438;0.009583333333333332593184650250;0.015833333333333334674852821422;0.014166666666666665949647629930;0.029583333333333333009518284484;0.061249999999999998889776975375;0.000416666666666666693410320255;0.052916666666666667406815349750;0.011666666666666667198648532633;0.004166666666666666608842550801;0.022083333333333333287074040641;0.003333333333333333547282562037;0.002500000000000000052041704279;0.017500000000000001665334536938;0.007083333333333332974823814965;0.015833333333333334674852821422;0.000416666666666666693410320255;0.000833333333333333386820640509;0.013750000000000000069388939039;0.015416666666666667059870654555;0.000000000000000000000000000000;0.004583333333333333356462979680;0.050833333333333334536074943344;0.010000000000000000208166817117;0.005000000000000000104083408559;0.006250000000000000346944695195;0.017083333333333332315628894094;0.006250000000000000346944695195
-0.022023809523809525362514349922;0.014583333333333333564629796797;0.021130952380952382207990325469;0.419642857142857150787307318751;0.035119047619047619179788455313;0.008928571428571428075793292578;0.006845238095238095205052886172;0.023511904761904761640423089375;0.001488095238095238012632215430;0.011607142857142857539365365938;0.011607142857142857539365365938;0.008035714285714284921269268125;0.005059523809523809763366575254;0.022023809523809525362514349922;0.033928571428571425994125121406;0.012500000000000000693889390391;0.003571428571428571317053490830;0.012500000000000000693889390391;0.020833333333333332176851016015;0.002083333333333333304421275400;0.015178571428571428422737987773;0.002678571428571428596210335371;0.001488095238095238012632215430;0.013988095238095238706521605820;0.019047619047619049337249919063;0.023214285714285715078730731875;0.022321428571428571924206707422;0.021428571428571428769682682969;0.001785714285714285658526745415;0.020238095238095239053466301016;0.001488095238095238012632215430;0.007738095238095238359576910625;0.007142857142857142634106981660;0.009226190476190476372209126055;0.004761904761904762334312479766;0.011607142857142857539365365938;0.003273809523809523887999395342;0.006547619047619047775998790684;0.000297619047619047645894529985;0.000297619047619047645894529985;0.009523809523809524668624959531;0.002380952380952381167156239883;0.000000000000000000000000000000;0.014285714285714285268213963320;0.022916666666666665047591422422;0.017559523809523809589894227656;0.017261904761904763028201870156;0.006547619047619047775998790684;0.008035714285714284921269268125;0.010714285714285714384841341484
-0.046491228070175437403488416521;0.003070175438596491231113549958;0.041666666666666664353702032031;0.121052631578947370027954377747;0.002192982456140350755458001686;0.040350877192982456675984792582;0.002192982456140350755458001686;0.020614035087719299876862777410;0.010964912280701753777290008429;0.024122807017543858310038018544;0.017982456140350877582534394605;0.040789473684210528214855173701;0.015350877192982455288206011801;0.032894736842105261331870025288;0.007456140350877192742029553330;0.017105263157894737974240584322;0.008333333333333333217685101602;0.016666666666666666435370203203;0.022807017543859650632320779096;0.007894736842105263413538196460;0.015789473684210526827076392919;0.007017543859649122937882648188;0.003070175438596491231113549958;0.039035087719298248998267553134;0.060526315789473685013977188873;0.049561403508771931236687180444;0.028508771929824559820954021916;0.003508771929824561468941324094;0.000877192982456140367235331023;0.019298245614035088729698586008;0.012719298245614034728601104973;0.014035087719298245875765296375;0.003070175438596491231113549958;0.003947368421052631706769098230;0.010087719298245614168996198146;0.034210526315789475948481168643;0.015350877192982455288206011801;0.006140350877192982462227099916;0.001315789473684210496642887911;0.003508771929824561468941324094;0.003947368421052631706769098230;0.005263157894736841986571551644;0.000000000000000000000000000000;0.027631578947368420212660211632;0.003508771929824561468941324094;0.014912280701754385484059106659;0.043421052631578950509183556505;0.031578947368421053654152785839;0.022368421052631579093450397977;0.015789473684210526827076392919
-0.047083333333333331205405869468;0.000833333333333333386820640509;0.071666666666666670182372911313;0.000000000000000000000000000000;0.000000000000000000000000000000;0.020000000000000000416333634234;0.001666666666666666773641281019;0.024583333333333332038073137937;0.011249999999999999583666365766;0.034166666666666664631257788187;0.019166666666666665186369300500;0.008750000000000000832667268469;0.020000000000000000416333634234;0.059583333333333335368742211813;0.002916666666666666799662133158;0.021250000000000001526556658860;0.010000000000000000208166817117;0.029999999999999998889776975375;0.014166666666666665949647629930;0.010416666666666666088425508008;0.020000000000000000416333634234;0.008750000000000000832667268469;0.015833333333333334674852821422;0.044999999999999998334665463062;0.044166666666666666574148081281;0.067916666666666666851703837438;0.032916666666666663521034763562;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005833333333333333599324266316;0.004583333333333333356462979680;0.010416666666666666088425508008;0.008750000000000000832667268469;0.008333333333333333217685101602;0.032500000000000001110223024625;0.040833333333333332593184650250;0.017500000000000001665334536938;0.009583333333333332593184650250;0.000000000000000000000000000000;0.017916666666666667545593227828;0.003749999999999999861222121922;0.002083333333333333304421275400;0.000000000000000000000000000000;0.025833333333333333148296162562;0.000833333333333333386820640509;0.015833333333333334674852821422;0.043333333333333334813630699500;0.037916666666666667961926862063;0.047500000000000000555111512313;0.024583333333333332038073137937
-0.035460992907801421047953027710;0.007446808510638298211903318702;0.071276595744680856792108158970;0.000000000000000000000000000000;0.021276595744680850547103645454;0.011347517730496454665956029828;0.000709219858156028416622251864;0.025531914893617019962634984154;0.006737588652482269686860849589;0.040070921985815605159686469960;0.018794326241134751143135872553;0.006737588652482269686860849589;0.011702127659574467627434657402;0.070212765957446812703501848318;0.004609929078014184111733442251;0.024822695035460994039677729006;0.009219858156028368223466884501;0.026241134751773049355039191255;0.013475177304964539373721699178;0.014893617021276596423806637404;0.010283687943262410577349719176;0.006382978723404254990658746038;0.009929078014184397615871091602;0.038297872340425531678675952207;0.049645390070921988079355458012;0.058156028368794326910418135412;0.037588652482269502286271745106;0.003191489361702127495329373019;0.000000000000000000000000000000;0.004609929078014184111733442251;0.004255319148936170282893076688;0.013475177304964539373721699178;0.006737588652482269686860849589;0.008510638297872340565786153377;0.027304964539007093443645501907;0.046453900709219855813536526057;0.019858156028368795231742183205;0.007801418439716312040743684264;0.000354609929078014208311125932;0.013829787234042552335200326752;0.002482269503546099403967772901;0.007092198581560283515701215151;0.000000000000000000000000000000;0.020212765957446809927944286756;0.001773049645390070878925303788;0.016312056737588651739168099652;0.054255319148936172191088900263;0.045744680851063826421132318956;0.045390070921985818663824119312;0.019503546099290780535540079654
-0.053030303030303031774916888708;0.015151515151515151935690539631;0.051515151515151513805790273182;0.000000000000000000000000000000;0.003030303030303030300401934127;0.026515151515151515887458444354;0.002272727272727272616881233347;0.031060606060606059386497435071;0.005303030303030303350964036468;0.023484848484848483418652165255;0.029545454545454544886817771498;0.020454545454545454419292838111;0.010606060606060606701928072937;0.065909090909090903287470553096;0.007575757575757575967845269815;0.026515151515151515887458444354;0.005303030303030303350964036468;0.025757575757575756902895136591;0.028030303030303030387138107926;0.003030303030303030300401934127;0.026515151515151515887458444354;0.003030303030303030300401934127;0.018181818181818180935049866775;0.032575757575757577355624050597;0.038636363636363635354342704886;0.043181818181818182322828647557;0.050757575757575758290673917372;0.002272727272727272616881233347;0.000000000000000000000000000000;0.011363636363636363951767904723;0.006818181818181817850643700041;0.003787878787878787983922634908;0.009090909090909090467524933388;0.005303030303030303350964036468;0.018181818181818180935049866775;0.032575757575757577355624050597;0.022727272727272727903535809446;0.025757575757575756902895136591;0.000757575757575757575100483532;0.022727272727272727903535809446;0.003787878787878787983922634908;0.005303030303030303350964036468;0.000000000000000000000000000000;0.013636363636363635701287400082;0.011363636363636363951767904723;0.021212121212121213403856145874;0.043181818181818182322828647557;0.038636363636363635354342704886;0.031060606060606059386497435071;0.023484848484848483418652165255
-0.062424242424242423754598974028;0.014848484848484848688809911721;0.024242424242424242403215473018;0.002727272727272727487202175212;0.006060606060606060600803868255;0.028787878787878789371701415689;0.008787878787878787220644305478;0.035151515151515148882577221912;0.004242424242424242854243576772;0.015151515151515151935690539631;0.020909090909090908422252041987;0.027272727272727271402574800163;0.017575757575757574441288610956;0.025151515151515150409133880771;0.031212121212121211877299487014;0.041515151515151511862899980088;0.007878787878787879214725897725;0.035151515151515148882577221912;0.032121212121212119883217894767;0.005151515151515151727523722514;0.023636363636363635909454217199;0.005151515151515151727523722514;0.015757575757575758429451795450;0.023333333333333334397297065266;0.037575757575757574857622245190;0.025454545454545455390737984658;0.034848484848484850839867021932;0.007878787878787879214725897725;0.002727272727272727487202175212;0.019696969696969695434729530348;0.066969696969696970723084916699;0.006969696969696969474084013996;0.017575757575757574441288610956;0.004545454545454545233762466694;0.015757575757575758429451795450;0.020000000000000000416333634234;0.014848484848484848688809911721;0.048787878787878789788035049924;0.000606060606060606060080386825;0.018787878787878787428811122595;0.007575757575757575967845269815;0.005151515151515151727523722514;0.000000000000000000000000000000;0.020000000000000000416333634234;0.010909090909090909948808700847;0.026060606060606061884499240477;0.018484848484848485916653970662;0.013939393939393938948168027991;0.031818181818181814901613790880;0.008787878787878787220644305478
-0.016025641025641024217662788942;0.024038461538461539795941135367;0.018589743589743589619045494032;0.258653846153846178612667472407;0.012179487179487179585035683260;0.010256410256410256401360392431;0.008974358974358973700669039886;0.052243589743589745333363083546;0.017307692307692308653077617464;0.010256410256410256401360392431;0.016987179487179485809500434357;0.010576923076923077510214099561;0.006089743589743589792517841630;0.012820512820512820068019621544;0.047115384615384614530597673365;0.007051282051282051384355487045;0.006730769230769231142863517903;0.034935897435897436680285466082;0.027884615384615386163291717025;0.002243589743589743425167259971;0.025000000000000001387778780781;0.007371794871794871625847456187;0.018269230769230770244915262879;0.014423076923076923877564681220;0.012179487179487179585035683260;0.016666666666666666435370203203;0.039423076923076921795896510048;0.021474358974358974394558430276;0.001282051282051282050170049054;0.013461538461538462285727035805;0.003846153846153846367350581659;0.003525641025641025692177743522;0.020192307692307693428590553708;0.007692307692307692734701163317;0.011858974358974358476181976130;0.020512820512820512802720784862;0.010256410256410256401360392431;0.003525641025641025692177743522;0.002243589743589743425167259971;0.014423076923076923877564681220;0.014743589743589743251694912374;0.021794871794871793768688661430;0.000000000000000000000000000000;0.009615384615384615918376454147;0.021153846153846155020428199123;0.012820512820512820068019621544;0.014423076923076923877564681220;0.004487179487179486850334519943;0.024038461538461539795941135367;0.008333333333333333217685101602
-0.030158730158730159137681070547;0.004365079365079365183999193789;0.083333333333333328707404064062;0.000000000000000000000000000000;0.019047619047619049337249919063;0.020238095238095239053466301016;0.001190476190476190583578119941;0.017460317460317460735996775156;0.030158730158730159137681070547;0.026190476190476191103995162734;0.016666666666666666435370203203;0.030952380952380953438307642500;0.015079365079365079568840535273;0.051984126984126986792400515469;0.002380952380952381167156239883;0.014682539682539682418527249297;0.022619047619047618485899064922;0.029761904761904760252644308594;0.004761904761904762334312479766;0.015873015873015872134743631250;0.012301587301587301251371009414;0.032936507936507937455150596406;0.009523809523809524668624959531;0.042857142857142857539365365938;0.029365079365079364837054498594;0.034920634920634921471993550313;0.032936507936507937455150596406;0.000396825396825396825052634231;0.001984126984126984016842953906;0.025793650793650792218958400781;0.014285714285714285268213963320;0.019841269841269840168429539062;0.004365079365079365183999193789;0.012698412698412698401684295391;0.019841269841269840168429539062;0.038888888888888889505679458125;0.009920634920634920084214769531;0.012301587301587301251371009414;0.005555555555555555767577313730;0.019841269841269840168429539062;0.004365079365079365183999193789;0.014682539682539682418527249297;0.000000000000000000000000000000;0.016666666666666666435370203203;0.001190476190476190583578119941;0.012698412698412698401684295391;0.046428571428571430157461463750;0.026587301587301586519584972734;0.039285714285714284921269268125;0.020634920634920634469056111016
-0.012037037037037037062736644089;0.037037037037037034981068472916;0.009567901234567901744276774423;0.206481481481481488060580886668;0.060185185185185181844236268489;0.013580246913580246853614497127;0.011419753086419752799440807678;0.017901234567901234961961876024;0.035493827160493825190190619878;0.008950617283950617480980938012;0.010802469135802468536144971267;0.010802469135802468536144971267;0.008333333333333333217685101602;0.008024691358024691953398921385;0.061111111111111109106541761093;0.004938271604938271504281477320;0.008024691358024691953398921385;0.023765432098765432861187107960;0.032407407407407405608434913802;0.001543209876543209790877853038;0.014814814814814815380206169948;0.012345679012345678327022824305;0.007407407407407407690103084974;0.010493827160493827271858791050;0.009567901234567901744276774423;0.007407407407407407690103084974;0.016975308641975307699656383420;0.093518518518518514714976674895;0.002160493827160493620492820455;0.026234567901234566444923501649;0.008333333333333333217685101602;0.007407407407407407690103084974;0.010185185185185186007572610833;0.006481481481481481295159330358;0.007716049382716048954389265191;0.011728395061728395798450463872;0.005555555555555555767577313730;0.005864197530864197899225231936;0.012654320987654321326032480499;0.007716049382716048954389265191;0.013580246913580246853614497127;0.040123456790123454562824178993;0.000000000000000000000000000000;0.006172839506172839163511412153;0.036111111111111107718762980312;0.009567901234567901744276774423;0.006481481481481481295159330358;0.004012345679012345976699460692;0.012345679012345678327022824305;0.004629629629629629372633559115
-0.017272727272727272929131459023;0.004242424242424242854243576772;0.063939393939393934784831685647;0.197878787878787876231001519045;0.005151515151515151727523722514;0.006969696969696969474084013996;0.000909090909090909090120580238;0.014242424242424242195048655901;0.033333333333333332870740406406;0.047272727272727271818908434398;0.009393939393939393714405561298;0.010909090909090909948808700847;0.002727272727272727487202175212;0.041212121212121213820189780108;0.008181818181818182461606525635;0.013939393939393938948168027991;0.026969696969696969890417648230;0.023939393939393940891058321085;0.005454545454545454974404350423;0.016969696969696971416974307090;0.009696969696969696961286189207;0.018181818181818180935049866775;0.003636363636363636360482320953;0.060909090909090905785472358502;0.022727272727272727903535809446;0.034242424242424240876658814159;0.019696969696969695434729530348;0.017878787878787879422892714842;0.001515151515151515150200967064;0.003636363636363636360482320953;0.002424242424242424240321547302;0.025757575757575756902895136591;0.003030303030303030300401934127;0.003333333333333333547282562037;0.005757575757575757353923240345;0.043636363636363639795234803387;0.009696969696969696961286189207;0.002727272727272727487202175212;0.001515151515151515150200967064;0.005757575757575757353923240345;0.004848484848484848480643094604;0.006666666666666667094565124074;0.000000000000000000000000000000;0.033030303030303027889136302520;0.003030303030303030300401934127;0.016363636363636364923213051270;0.047575757575757576800512538284;0.020909090909090908422252041987;0.011212121212121211460965852780;0.009696969696969696961286189207
-0.015476190476190476719153821250;0.005952380952380952050528861719;0.041666666666666664353702032031;0.312698412698412697707794905000;0.001984126984126984016842953906;0.023809523809523808202115446875;0.012301587301587301251371009414;0.034126984126984123701920026406;0.051190476190476189022326991562;0.015873015873015872134743631250;0.017460317460317460735996775156;0.038888888888888889505679458125;0.000000000000000000000000000000;0.014285714285714285268213963320;0.029761904761904760252644308594;0.022619047619047618485899064922;0.010714285714285714384841341484;0.005158730158730158617264027754;0.013095238095238095551997581367;0.000000000000000000000000000000;0.020634920634920634469056111016;0.026587301587301586519584972734;0.000396825396825396825052634231;0.016269841269841271019780393203;0.028174603174603175120838116641;0.021428571428571428769682682969;0.023809523809523808202115446875;0.002777777777777777883788656865;0.003174603174603174600421073848;0.011904761904761904101057723437;0.011904761904761904101057723437;0.012301587301587301251371009414;0.000396825396825396825052634231;0.020238095238095239053466301016;0.000396825396825396825052634231;0.009523809523809524668624959531;0.000396825396825396825052634231;0.002380952380952381167156239883;0.003571428571428571317053490830;0.000000000000000000000000000000;0.018650793650793650452213157109;0.013095238095238095551997581367;0.000000000000000000000000000000;0.015873015873015872134743631250;0.017857142857142856151586585156;0.020238095238095239053466301016;0.017063492063492061850960013203;0.000396825396825396825052634231;0.000000000000000000000000000000;0.013492063492063492702310867344
-0.014634146341463415488814980847;0.009349593495934959558324450768;0.058943089430894310409847491883;0.405691056910569114446474259239;0.013414634146341463186158371457;0.009349593495934959558324450768;0.002439024390243902436908873810;0.020325203252032519873893079421;0.006504065040650406498423663493;0.013414634146341463186158371457;0.010975609756097560315568628653;0.011382113821138212239603149101;0.002439024390243902436908873810;0.028048780487804878674973352304;0.020731707317073171797927599869;0.013008130081300812996847326986;0.013008130081300812996847326986;0.013008130081300812996847326986;0.011788617886178862428914193572;0.004878048780487804873817747620;0.007723577235772357933718534895;0.019512195121951219495270990478;0.001219512195121951218454436905;0.023577235772357724857828387144;0.021544715447154472176549688811;0.019918699186991871419305510926;0.031707317073170732113496228521;0.008130081300813008990391317354;0.001626016260162601624605915873;0.008130081300813008990391317354;0.003252032520325203249211831746;0.015040650406504065678126025318;0.004065040650406504495195658677;0.015447154471544715867437069790;0.004471544715447154684506703148;0.018699186991869919116648901536;0.002845528455284553059900787275;0.002845528455284553059900787275;0.000813008130081300812302957937;0.004065040650406504495195658677;0.004471544715447154684506703148;0.004065040650406504495195658677;0.000000000000000000000000000000;0.010975609756097560315568628653;0.012195121951219512618225238043;0.004471544715447154684506703148;0.026016260162601625993694653971;0.014227642276422763564780460399;0.005691056910569106119801574550;0.019918699186991871419305510926
-0.020125786163522011579241066670;0.035534591194968552507749137703;0.048113207547169814515264363308;0.131446540880503143222668427370;0.007232704402515723399180735953;0.013522012578616352668214872779;0.003459119496855346011232601455;0.037421383647798740768042335958;0.020754716981132074332672132755;0.017610062893081760565516802330;0.014150943396226415421645938864;0.006289308176100629269034136826;0.011006289308176099919767132462;0.027987421383647799466576344685;0.028930817610062893596722943812;0.011006289308176099919767132462;0.020440251572327042955956599712;0.049371069182389940022126495478;0.015408805031446540928508071033;0.005345911949685534271525799710;0.014465408805031446798361471906;0.021383647798742137086103198840;0.015094339622641509551792537991;0.022641509433962262592965331010;0.022955974842767293969680864052;0.022641509433962262592965331010;0.034276729559748427000887005534;0.031761006289308175987162741194;0.002201257861635220070689600291;0.009119496855345911659473934208;0.004088050314465408764663667540;0.015723270440251572305223604076;0.015723270440251572305223604076;0.009119496855345911659473934208;0.015408805031446540928508071033;0.035849056603773583884464670746;0.013207547169811321291499339736;0.007547169811320754775896268995;0.003773584905660377387948134498;0.017610062893081760565516802330;0.011949685534591195784637207566;0.007861635220125786152611802038;0.000000000000000000000000000000;0.015094339622641509551792537991;0.012893081761006289914783806694;0.012893081761006289914783806694;0.027672955974842768089860811642;0.013522012578616352668214872779;0.027358490566037736713145278600;0.011006289308176099919767132462
-0.025757575757575756902895136591;0.009469696969696969959806587269;0.070833333333333331482961625625;0.008333333333333333217685101602;0.010984848484848484459486250842;0.022348484848484850145977631541;0.004166666666666666608842550801;0.015909090909090907450806895440;0.053030303030303031774916888708;0.027272727272727271402574800163;0.014772727272727272443408885749;0.011742424242424241709326082628;0.020833333333333332176851016015;0.042045454545454545580707161889;0.014393939393939394685850707845;0.017424242424242425419933510966;0.029166666666666667129259593594;0.035984848484848487581988507600;0.015909090909090907450806895440;0.018181818181818180935049866775;0.010227272727272727209646419055;0.025378787878787879145336958686;0.010606060606060606701928072937;0.030303030303030303871381079261;0.030303030303030303871381079261;0.031818181818181814901613790880;0.026515151515151515887458444354;0.006060606060606060600803868255;0.001515151515151515150200967064;0.024242424242424242403215473018;0.012121212121212121201607736509;0.023863636363636364645657295114;0.008333333333333333217685101602;0.009469696969696969959806587269;0.025378787878787879145336958686;0.043181818181818182322828647557;0.011742424242424241709326082628;0.012500000000000000693889390391;0.006439393939393939225723784148;0.016287878787878788677812025298;0.003787878787878787983922634908;0.014772727272727272443408885749;0.000000000000000000000000000000;0.010984848484848484459486250842;0.014015151515151515193569053963;0.010227272727272727209646419055;0.037499999999999998612221219219;0.025757575757575756902895136591;0.028030303030303030387138107926;0.020075757575757576661734660206
-0.013559322033898304690757719015;0.027966101694915253966788881712;0.027118644067796609381515438031;0.409039548022598897780710558436;0.020903954802259885892290469656;0.005084745762711864042193710134;0.005367231638418078903951524694;0.027683615819209039105031067152;0.009604519774011300095595267123;0.014971751412429378999546791817;0.010169491525423728084387420267;0.004519774011299435186039819001;0.002824858757062146882854669627;0.018644067796610170467674905126;0.028531073446327683690304510833;0.011581920903954802393176493069;0.014971751412429378999546791817;0.022316384180790960201079542458;0.015254237288135593861304606378;0.004519774011299435186039819001;0.011864406779661017254934307630;0.014971751412429378999546791817;0.001977401129943502731262094940;0.024293785310734464233384244380;0.013276836158192089828999904455;0.016384180790960451573612388643;0.021751412429378530477563913337;0.011016949152542372669660863949;0.004237288135593220324282004441;0.006779661016949152345378859508;0.003389830508474576172689429754;0.018926553672316385329432719686;0.003389830508474576172689429754;0.008474576271186440648564008882;0.003672316384180791034447244314;0.019491525423728815052948348807;0.005367231638418078903951524694;0.005367231638418078903951524694;0.003954802259887005462524189880;0.004237288135593220324282004441;0.012146892655367232116692122190;0.006214689265536723489224968375;0.000000000000000000000000000000;0.015536723163841808723062420938;0.017514124293785311020643646884;0.011016949152542372669660863949;0.016101694915254236711854574082;0.008757062146892655510321823442;0.008757062146892655510321823442;0.006497175141242937483621044947
-0.013055555555555556357383295563;0.009722222222222222376419864531;0.016111111111111110771876298031;0.392777777777777781231804965500;0.053333333333333336756520992594;0.024722222222222221821308352219;0.010000000000000000208166817117;0.026388888888888888811790067734;0.014444444444444443781394582516;0.010277777777777778039913769703;0.010000000000000000208166817117;0.023611111111111110494320541875;0.002500000000000000052041704279;0.008611111111111111049432054187;0.037499999999999998612221219219;0.008611111111111111049432054187;0.007222222222222221890697291258;0.007222222222222221890697291258;0.035833333333333335091186455656;0.000833333333333333386820640509;0.023055555555555554830826636703;0.006944444444444444058950338672;0.001111111111111111110147375847;0.013055555555555556357383295563;0.010555555555555555871660722289;0.013333333333333334189130248149;0.016388888888888890338346726594;0.005555555555555555767577313730;0.003611111111111110945348645629;0.036944444444444446418174266000;0.010555555555555555871660722289;0.007499999999999999722444243844;0.010000000000000000208166817117;0.011944444444444445030395485219;0.002222222222222222220294751693;0.009444444444444444544672911945;0.000555555555555555555073687923;0.009444444444444444544672911945;0.001388888888888888941894328433;0.001111111111111111110147375847;0.013888888888888888117900677344;0.005833333333333333599324266316;0.000000000000000000000000000000;0.012500000000000000693889390391;0.020833333333333332176851016015;0.016666666666666666435370203203;0.007777777777777777554191196430;0.002222222222222222220294751693;0.005555555555555555767577313730;0.007222222222222221890697291258
-0.012333333333333333300951828448;0.013333333333333334189130248149;0.041333333333333333037273860100;0.126333333333333325265712687724;0.086333333333333331371939323162;0.025666666666666667490082076597;0.004666666666666667052931760651;0.024000000000000000499600361081;0.026666666666666668378260496297;0.017999999999999998639976794834;0.012999999999999999403255124264;0.012333333333333333300951828448;0.009666666666666667157015169209;0.027333333333333334480563792113;0.026333333333333333592385372413;0.012000000000000000249800180541;0.017999999999999998639976794834;0.024333333333333331816028533012;0.035000000000000003330669073875;0.005666666666666667073748442363;0.017999999999999998639976794834;0.018999999999999999528155214534;0.008333333333333333217685101602;0.025999999999999998806510248528;0.017666666666666667323548622903;0.016333333333333331649495079319;0.026666666666666668378260496297;0.012333333333333333300951828448;0.005666666666666667073748442363;0.055000000000000000277555756156;0.010999999999999999361621760841;0.017333333333333332537673499019;0.009333333333333334105863521302;0.006333333333333333176051738178;0.010999999999999999361621760841;0.029666666666666667573348803444;0.006333333333333333176051738178;0.005333333333333333155235056466;0.004666666666666667052931760651;0.013666666666666667240281896056;0.007333333333333333196868419890;0.012333333333333333300951828448;0.000000000000000000000000000000;0.014999999999999999444888487687;0.021000000000000001304512053935;0.010999999999999999361621760841;0.021666666666666667406815349750;0.008999999999999999319988397417;0.010666666666666666310470112933;0.010000000000000000208166817117
-0.008119658119658120301598280832;0.008119658119658120301598280832;0.034615384615384617306155234928;0.297008547008547008072554262981;0.011538461538461539102051744976;0.008547008547008547868495398347;0.010683760683760683968257509946;0.032478632478632481206393123330;0.015811965811965811301575968173;0.034188034188034191473981593390;0.014102564102564102768710974090;0.003846153846153846367350581659;0.003418803418803418800453464144;0.027350427350427350403627713149;0.018803418803418802535132314802;0.007264957264957265167804045802;0.014529914529914530335608091605;0.015384615384615385469402326635;0.011111111111111111535154627461;0.000427350427350427350056683018;0.020085470085470086970547143324;0.009829059829059828834463274916;0.000000000000000000000000000000;0.059829059829059831610020836479;0.013247863247863247634916739059;0.035042735042735043138328876466;0.034615384615384617306155234928;0.025213675213675214303865601551;0.004273504273504273934247699174;0.008547008547008547868495398347;0.001709401709401709400226732072;0.023504273504273504036277131490;0.002136752136752136967123849587;0.015811965811965811301575968173;0.001282051282051282050170049054;0.025213675213675214303865601551;0.007692307692307692734701163317;0.005555555555555555767577313730;0.000000000000000000000000000000;0.000427350427350427350056683018;0.014102564102564102768710974090;0.004700854700854700633783078700;0.000000000000000000000000000000;0.036324786324786327573743704988;0.006410256410256410034009810772;0.032478632478632481206393123330;0.019658119658119657668926549832;0.002564102564102564100340098108;0.004700854700854700633783078700;0.007692307692307692734701163317
-0.006779661016949152345378859508;0.032768361581920903147224777285;0.010451977401129942946145234828;0.552259887005649763302983501490;0.008757062146892655510321823442;0.007062146892655367207136674068;0.008192090395480225786806194321;0.022598870056497175062837357018;0.013841807909604519552515533576;0.010169491525423728084387420267;0.005367231638418078903951524694;0.004802259887005650047797633562;0.005084745762711864042193710134;0.007062146892655367207136674068;0.017231638418079096158885832324;0.006214689265536723489224968375;0.010169491525423728084387420267;0.018644067796610170467674905126;0.007627118644067796930652303189;0.002259887005649717593019909501;0.011581920903954802393176493069;0.009887005649717514957353081684;0.005649717514124293765709339254;0.014406779661016949276031162697;0.004519774011299435186039819001;0.008192090395480225786806194321;0.017231638418079096158885832324;0.026836158192090394519757623470;0.004519774011299435186039819001;0.005932203389830508627467153815;0.003389830508474576172689429754;0.013559322033898304690757719015;0.002542372881355932021096855067;0.005932203389830508627467153815;0.005649717514124293765709339254;0.011864406779661017254934307630;0.003389830508474576172689429754;0.005084745762711864042193710134;0.001977401129943502731262094940;0.006497175141242937483621044947;0.010734463276836157807903049388;0.009604519774011300095595267123;0.000000000000000000000000000000;0.009322033898305085233837452563;0.011581920903954802393176493069;0.013276836158192089828999904455;0.008192090395480225786806194321;0.002259887005649717593019909501;0.005367231638418078903951524694;0.003672316384180791034447244314
-0.001412429378531073441427334814;0.029943502824858757999093583635;0.017514124293785311020643646884;0.420621468926553665479417531969;0.014124293785310734414273348136;0.004519774011299435186039819001;0.006779661016949152345378859508;0.020903954802259885892290469656;0.027401129943502824243273252591;0.011016949152542372669660863949;0.003389830508474576172689429754;0.003672316384180791034447244314;0.003954802259887005462524189880;0.010169491525423728084387420267;0.030508474576271187722609212756;0.003389830508474576172689429754;0.014406779661016949276031162697;0.015819209039548021850096759522;0.009039548022598870372079638003;0.002259887005649717593019909501;0.009604519774011300095595267123;0.015536723163841808723062420938;0.004519774011299435186039819001;0.009887005649717514957353081684;0.004237288135593220324282004441;0.007627118644067796930652303189;0.015819209039548021850096759522;0.076271186440677971041246507866;0.004519774011299435186039819001;0.009322033898305085233837452563;0.005649717514124293765709339254;0.011864406779661017254934307630;0.000847457627118644043172357438;0.010734463276836157807903049388;0.005932203389830508627467153815;0.015819209039548021850096759522;0.002542372881355932021096855067;0.005649717514124293765709339254;0.017514124293785311020643646884;0.009322033898305085233837452563;0.009039548022598870372079638003;0.050000000000000002775557561563;0.000000000000000000000000000000;0.004802259887005650047797633562;0.010734463276836157807903049388;0.009322033898305085233837452563;0.005649717514124293765709339254;0.005367231638418078903951524694;0.004519774011299435186039819001;0.006497175141242937483621044947
-0.008757062146892655510321823442;0.013841807909604519552515533576;0.035875706214689266626560737450;0.454519774011299448890355279218;0.005367231638418078903951524694;0.003107344632768361744612484188;0.003389830508474576172689429754;0.023163841807909604786352986139;0.008757062146892655510321823442;0.030790960451977402584367027316;0.005084745762711864042193710134;0.002542372881355932021096855067;0.001694915254237288086344714877;0.022316384180790960201079542458;0.024011299435028249371626429820;0.007909604519774010925048379761;0.013276836158192089828999904455;0.011016949152542372669660863949;0.011299435028248587531418678509;0.001412429378531073441427334814;0.011016949152542372669660863949;0.008474576271186440648564008882;0.000564971751412429398254977375;0.044915254237288135263916899476;0.008474576271186440648564008882;0.020056497175141241307017025974;0.020338983050847456168774840535;0.002824858757062146882854669627;0.002259887005649717593019909501;0.007062146892655367207136674068;0.003954802259887005462524189880;0.021186440677966100754048284216;0.001694915254237288086344714877;0.008474576271186440648564008882;0.001977401129943502731262094940;0.035593220338983051764802922889;0.003954802259887005462524189880;0.004519774011299435186039819001;0.000564971751412429398254977375;0.000847457627118644043172357438;0.009887005649717514957353081684;0.002824858757062146882854669627;0.000000000000000000000000000000;0.023446327683615819648110800699;0.009322033898305085233837452563;0.012994350282485874967242089895;0.024293785310734464233384244380;0.009887005649717514957353081684;0.004519774011299435186039819001;0.005932203389830508627467153815
-0.010451977401129942946145234828;0.013559322033898304690757719015;0.032768361581920903147224777285;0.458474576271186429199389067435;0.006214689265536723489224968375;0.003107344632768361744612484188;0.002542372881355932021096855067;0.018926553672316385329432719686;0.008757062146892655510321823442;0.034463276836158192317771664648;0.003389830508474576172689429754;0.003672316384180791034447244314;0.001412429378531073441427334814;0.019491525423728815052948348807;0.023446327683615819648110800699;0.005932203389830508627467153815;0.012994350282485874967242089895;0.010451977401129942946145234828;0.009887005649717514957353081684;0.003672316384180791034447244314;0.009322033898305085233837452563;0.008757062146892655510321823442;0.000847457627118644043172357438;0.044350282485875705540401270355;0.007344632768361582068894488629;0.023728813559322034509868615260;0.020338983050847456168774840535;0.005084745762711864042193710134;0.001694915254237288086344714877;0.007909604519774010925048379761;0.002259887005649717593019909501;0.022881355932203389924595171578;0.001129943502824858796509954750;0.008474576271186440648564008882;0.001412429378531073441427334814;0.036158192090395481488318552010;0.003389830508474576172689429754;0.003954802259887005462524189880;0.000000000000000000000000000000;0.000564971751412429398254977375;0.010169491525423728084387420267;0.002259887005649717593019909501;0.000000000000000000000000000000;0.017796610169491525882401461445;0.011581920903954802393176493069;0.014124293785310734414273348136;0.024576271186440679095142058941;0.012711864406779661840207751311;0.003954802259887005462524189880;0.009604519774011300095595267123
-0.012121212121212121201607736509;0.014772727272727272443408885749;0.035227272727272725127978247883;0.417424242424242419868818387840;0.006060606060606060600803868255;0.003409090909090908925321850020;0.003409090909090908925321850020;0.018560606060606062162054996634;0.007954545454545453725403447720;0.041287878787878790065590806080;0.004545454545454545233762466694;0.004545454545454545233762466694;0.001136363636363636308440616673;0.020075757575757576661734660206;0.026136363636363634660453314495;0.007954545454545453725403447720;0.012878787878787878451447568295;0.011363636363636363951767904723;0.009090909090909090467524933388;0.003787878787878787983922634908;0.009469696969696969959806587269;0.009090909090909090467524933388;0.000757575757575757575100483532;0.048106060606060603579425816179;0.008333333333333333217685101602;0.025757575757575756902895136591;0.019318181818181817677171352443;0.003409090909090908925321850020;0.003409090909090908925321850020;0.007575757575757575967845269815;0.003030303030303030300401934127;0.027651515151515152629579930021;0.000757575757575757575100483532;0.006818181818181817850643700041;0.001515151515151515150200967064;0.040151515151515153323469320412;0.003787878787878787983922634908;0.005303030303030303350964036468;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008712121212121212709966755483;0.002651515151515151675482018234;0.000000000000000000000000000000;0.020833333333333332176851016015;0.009848484848484847717364765174;0.017424242424242425419933510966;0.029166666666666667129259593594;0.013636363636363635701287400082;0.002651515151515151675482018234;0.009090909090909090467524933388
-0.010344827586206896408160815781;0.012068965517241379142854285078;0.032471264367816089768670195781;0.439367816091954022095222853750;0.006896551724137930938773877187;0.004310344827586206836733673242;0.002586206896551724102040203945;0.020114942528735631904757141797;0.009482758620689655040814081133;0.036206896551724140898009807188;0.004597701149425287292515918125;0.004597701149425287292515918125;0.001724137931034482734693469297;0.022701149425287357741520821719;0.026149425287356323210907760313;0.006609195402298850482991632305;0.012356321839080459598636529961;0.010344827586206896408160815781;0.010632183908045976863943060664;0.002873563218390804557822448828;0.010057471264367815952378570898;0.008908045977011494129249591367;0.000574712643678160911564489766;0.045114942528735629823088970625;0.008620689655172413673467346484;0.022701149425287357741520821719;0.020689655172413792816321631562;0.004310344827586206836733673242;0.002298850574712643646257959062;0.007758620689655172306120611836;0.002586206896551724102040203945;0.022126436781609196829956331953;0.001149425287356321823128979531;0.008045977011494252761902856719;0.002586206896551724102040203945;0.037068965517241377061186113906;0.004310344827586206836733673242;0.004022988505747126380951428359;0.000000000000000000000000000000;0.000574712643678160911564489766;0.010057471264367815952378570898;0.002586206896551724102040203945;0.000000000000000000000000000000;0.018965517241379310081628162266;0.011781609195402298687072040195;0.014655172413793103244894489023;0.026724137931034484122472250078;0.012643678160919540054418774844;0.004597701149425287292515918125;0.008045977011494252761902856719
-0.031818181818181814901613790880;0.008712121212121212709966755483;0.047727272727272729291314590228;0.013636363636363635701287400082;0.006439393939393939225723784148;0.023106060606060605661093987351;0.001515151515151515150200967064;0.049242424242424240321547301846;0.014015151515151515193569053963;0.021969696969696968918972501683;0.029545454545454544886817771498;0.009469696969696969959806587269;0.019318181818181817677171352443;0.035984848484848487581988507600;0.016287878787878788677812025298;0.018560606060606062162054996634;0.015530303030303029693248717535;0.045833333333333330095182844843;0.039015151515151516581347834745;0.007196969696969697342925353922;0.028409090909090908144696285831;0.005681818181818181975883952362;0.012500000000000000693889390391;0.034848484848484850839867021932;0.030303030303030303871381079261;0.040151515151515153323469320412;0.058333333333333334258519187188;0.002651515151515151675482018234;0.001136363636363636308440616673;0.020454545454545454419292838111;0.004166666666666666608842550801;0.015530303030303029693248717535;0.026515151515151515887458444354;0.006439393939393939225723784148;0.010606060606060606701928072937;0.039393939393939390869459060696;0.021590909090909091161414323778;0.012121212121212121201607736509;0.002272727272727272616881233347;0.006060606060606060600803868255;0.009848484848484847717364765174;0.009848484848484847717364765174;0.000000000000000000000000000000;0.015909090909090907450806895440;0.010984848484848484459486250842;0.015909090909090907450806895440;0.027272727272727271402574800163;0.017424242424242425419933510966;0.046590909090909092549193104560;0.012121212121212121201607736509
-0.014285714285714285268213963320;0.005952380952380952050528861719;0.029761904761904760252644308594;0.468650793650793651146102547500;0.003174603174603174600421073848;0.002777777777777777883788656865;0.001190476190476190583578119941;0.019047619047619049337249919063;0.005158730158730158617264027754;0.028174603174603175120838116641;0.013492063492063492702310867344;0.000396825396825396825052634231;0.002777777777777777883788656865;0.021428571428571428769682682969;0.021428571428571428769682682969;0.008730158730158730367998387578;0.009920634920634920084214769531;0.020238095238095239053466301016;0.005555555555555555767577313730;0.004365079365079365183999193789;0.005555555555555555767577313730;0.006349206349206349200842147695;0.000793650793650793650105268462;0.044444444444444446140618509844;0.011111111111111111535154627461;0.025396825396825396803368590781;0.017460317460317460735996775156;0.003571428571428571317053490830;0.003968253968253968033685907812;0.001587301587301587300210536924;0.000000000000000000000000000000;0.025000000000000001387778780781;0.002777777777777777883788656865;0.003174603174603174600421073848;0.002380952380952381167156239883;0.030158730158730159137681070547;0.001984126984126984016842953906;0.004365079365079365183999193789;0.000793650793650793650105268462;0.001984126984126984016842953906;0.004365079365079365183999193789;0.000396825396825396825052634231;0.000000000000000000000000000000;0.033333333333333332870740406406;0.012698412698412698401684295391;0.017063492063492061850960013203;0.025793650793650792218958400781;0.011904761904761904101057723437;0.007936507936507936067371815625;0.007142857142857142634106981660
-0.022777777777777778733803160094;0.009444444444444444544672911945;0.038611111111111109939209029562;0.183055555555555554692048758625;0.015833333333333334674852821422;0.023611111111111110494320541875;0.008333333333333333217685101602;0.020000000000000000416333634234;0.023055555555555554830826636703;0.029166666666666667129259593594;0.011666666666666667198648532633;0.013333333333333334189130248149;0.015555555555555555108382392859;0.022499999999999999167332731531;0.014444444444444443781394582516;0.012500000000000000693889390391;0.022222222222222223070309254922;0.029999999999999998889776975375;0.017222222222222222098864108375;0.005000000000000000104083408559;0.017222222222222222098864108375;0.012222222222222222862142437805;0.007499999999999999722444243844;0.038055555555555557745162076344;0.020833333333333332176851016015;0.021944444444444443503838826359;0.023888888888888890060790970438;0.008333333333333333217685101602;0.003333333333333333547282562037;0.022222222222222223070309254922;0.013055555555555556357383295563;0.025833333333333333148296162562;0.010555555555555555871660722289;0.005833333333333333599324266316;0.017777777777777777762358013547;0.030277777777777778456247403938;0.007222222222222221890697291258;0.018333333333333333425851918719;0.004722222222222222272336455973;0.013888888888888888117900677344;0.009166666666666666712925959359;0.010833333333333333703407674875;0.000000000000000000000000000000;0.026111111111111112714766591125;0.008888888888888888881179006773;0.026111111111111112714766591125;0.024444444444444445724284875610;0.014999999999999999444888487687;0.009722222222222222376419864531;0.008333333333333333217685101602
-0.008695652173913043583852733320;0.051086956521739133874060456719;0.016304347826086956069202571484;0.156884057971014484467175975624;0.047463768115942030212384139531;0.014130434782608695606920257148;0.013768115942028985240752625430;0.047826086956521740578551771250;0.018478260869565218266208361797;0.007246376811594202986543944434;0.013405797101449274874584993711;0.014492753623188405973087888867;0.006884057971014492620376312715;0.007608695652173913352711576152;0.071739130434782610867827656875;0.007971014492753622851517469883;0.009420289855072464316187996758;0.043478260869565216184540190625;0.033695652173913043236908038125;0.002898550724637681194617577773;0.025724637681159418650667092265;0.006159420289855072755402787266;0.006521739130434782254208680996;0.009420289855072464316187996758;0.012318840579710145510805574531;0.013043478260869564508417361992;0.027536231884057970481505250859;0.047826086956521740578551771250;0.003260869565217391127104340498;0.029710144927536232678511041172;0.009057971014492753950020365039;0.007971014492753622851517469883;0.018478260869565218266208361797;0.002898550724637681194617577773;0.005434782608695652023067523828;0.016304347826086956069202571484;0.005797101449275362389235155547;0.006884057971014492620376312715;0.006521739130434782254208680996;0.003623188405797101493271972217;0.025362318840579711753946412500;0.020289855072463766627599568437;0.000000000000000000000000000000;0.008695652173913043583852733320;0.041666666666666664353702032031;0.012681159420289855876973206250;0.007246376811594202986543944434;0.007608695652173913352711576152;0.011956521739130435144637942813;0.006521739130434782254208680996
-0.008333333333333333217685101602;0.026960784313725491556645863511;0.011274509803921568470985725696;0.400490196078431393011953787209;0.038725490196078432569848359890;0.011274509803921568470985725696;0.010294117647058823386552184331;0.025000000000000001387778780781;0.004411764705882352879950936142;0.004411764705882352879950936142;0.008823529411764705759901872284;0.007352941176470588133251560237;0.020588235294117646773104368663;0.002941176470588235253300624095;0.037254901960784313208474571866;0.003921568627450980337734165460;0.006372549019607843048818018872;0.018137254901960785796743991227;0.021568627450980391857537910028;0.003431372549019607795517394777;0.013725490196078431182069579108;0.011274509803921568470985725696;0.025000000000000001387778780781;0.007843137254901960675468330919;0.008333333333333333217685101602;0.005392156862745097964384477507;0.023529411764705882026404992757;0.031862745098039213509366618382;0.002450980392156862711083853412;0.031372549019607842701873323676;0.009803921568627450844335413649;0.003431372549019607795517394777;0.009313725490196078302118642966;0.004901960784313725422167706824;0.023039215686274511218911698052;0.006862745098039215591034789554;0.002941176470588235253300624095;0.010784313725490195928768955014;0.003431372549019607795517394777;0.019607843137254901688670827298;0.004901960784313725422167706824;0.008333333333333333217685101602;0.000000000000000000000000000000;0.005392156862745097964384477507;0.024509803921568627110838534122;0.007352941176470588133251560237;0.000980392156862745084433541365;0.000980392156862745084433541365;0.015686274509803921350936661838;0.005392156862745097964384477507
-0.004629629629629629372633559115;0.033333333333333332870740406406;0.008333333333333333217685101602;0.402314814814814791787966896663;0.019444444444444444752839729063;0.012962962962962962590318660716;0.015740740740740739173064710599;0.029166666666666667129259593594;0.006481481481481481295159330358;0.005092592592592593003786305417;0.010648148148148147904001881159;0.006944444444444444058950338672;0.006018518518518518531368322044;0.006944444444444444058950338672;0.041203703703703700722549285729;0.002314814814814814686316779557;0.013425925925925926221471407018;0.025925925925925925180637321432;0.030092592592592590922118134245;0.001388888888888888941894328433;0.019907407407407408383992475365;0.003703703703703703845051542487;0.007870370370370369586532355299;0.012037037037037037062736644089;0.006944444444444444058950338672;0.007407407407407407690103084974;0.024074074074074074125473288177;0.038425925925925925874526711823;0.006481481481481481295159330358;0.025925925925925925180637321432;0.003703703703703703845051542487;0.009259259259259258745267118229;0.016203703703703702804217456901;0.003703703703703703845051542487;0.007407407407407407690103084974;0.011574074074074073431583897786;0.005555555555555555767577313730;0.003240740740740740647579665179;0.000925925925925925961262885622;0.000925925925925925961262885622;0.021759259259259259439156508620;0.011111111111111111535154627461;0.000000000000000000000000000000;0.008333333333333333217685101602;0.023611111111111110494320541875;0.010648148148148147904001881159;0.005555555555555555767577313730;0.004629629629629629372633559115;0.011111111111111111535154627461;0.005555555555555555767577313730
-0.021515151515151514916013297807;0.017878787878787879422892714842;0.043939393939393937837945003366;0.010000000000000000208166817117;0.046969696969696966837304330511;0.024848484848484848896976728838;0.009393939393939393714405561298;0.028484848484848484390097311802;0.048787878787878789788035049924;0.018484848484848485916653970662;0.016666666666666666435370203203;0.019696969696969695434729530348;0.011212121212121211460965852780;0.024545454545454543915372624951;0.039696969696969695851063164582;0.016060606060606059941608947383;0.020000000000000000416333634234;0.034848484848484850839867021932;0.042121212121212121826108187861;0.005454545454545454974404350423;0.020606060606060606910094890054;0.024545454545454543915372624951;0.007272727272727272720964641906;0.029696969696969697377619823442;0.016969696969696971416974307090;0.020909090909090908422252041987;0.029393939393939392396015719555;0.021515151515151514916013297807;0.001515151515151515150200967064;0.033636363636363637852344510293;0.015151515151515151935690539631;0.014848484848484848688809911721;0.019393939393939393922572378415;0.006666666666666667094565124074;0.007272727272727272720964641906;0.027878787878787877896336055983;0.006060606060606060600803868255;0.012727272727272727695368992329;0.012121212121212121201607736509;0.006969696969696969474084013996;0.012424242424242424448488364419;0.026969696969696969890417648230;0.000000000000000000000000000000;0.015454545454545455182571167541;0.034545454545454545858262918046;0.017272727272727272929131459023;0.020303030303030301928490786167;0.010303030303030303455047445027;0.014242424242424242195048655901;0.012727272727272727695368992329
-0.031388888888888889783235214281;0.010000000000000000208166817117;0.046944444444444441422170655187;0.099166666666666666851703837438;0.005000000000000000104083408559;0.007499999999999999722444243844;0.000277777777777777777536843962;0.017777777777777777762358013547;0.031666666666666669349705642844;0.060277777777777777346024379312;0.011111111111111111535154627461;0.004722222222222222272336455973;0.006944444444444444058950338672;0.036111111111111107718762980312;0.010000000000000000208166817117;0.016944444444444446001840631766;0.017500000000000001665334536938;0.024722222222222221821308352219;0.010277777777777778039913769703;0.008055555555555555385938149016;0.012500000000000000693889390391;0.014999999999999999444888487687;0.004166666666666666608842550801;0.080555555555555560798275394063;0.018888888888888889089345823891;0.048055555555555552749158465531;0.018611111111111109522875395328;0.013055555555555556357383295563;0.000833333333333333386820640509;0.010000000000000000208166817117;0.005277777777777777935830361145;0.023888888888888890060790970438;0.001944444444444444388547799107;0.005000000000000000104083408559;0.011111111111111111535154627461;0.042500000000000003053113317719;0.010000000000000000208166817117;0.010833333333333333703407674875;0.003333333333333333547282562037;0.011666666666666667198648532633;0.005277777777777777935830361145;0.014999999999999999444888487687;0.000000000000000000000000000000;0.040277777777777780399137697032;0.007222222222222221890697291258;0.027777777777777776235801354687;0.048333333333333332315628894094;0.025277777777777777484802257391;0.012500000000000000693889390391;0.014722222222222221613141535101
-0.014184397163120567031402430302;0.012411347517730497019838864503;0.054609929078014186887291003814;0.319148936170212782492683345481;0.013120567375886524677519595627;0.008156028368794325869584049826;0.005673758865248227332978014914;0.009219858156028368223466884501;0.037943262411347516982473848657;0.010283687943262410577349719176;0.003900709219858156020371842132;0.009219858156028368223466884501;0.006028368794326241161818380476;0.027659574468085104670400653504;0.014539007092198581727604533853;0.009574468085106382919668988052;0.041489361702127657005600980256;0.030496453900709218770570529955;0.007801418439716312040743684264;0.009929078014184397615871091602;0.008156028368794325869584049826;0.024822695035460994039677729006;0.007801418439716312040743684264;0.013829787234042552335200326752;0.013829787234042552335200326752;0.013120567375886524677519595627;0.010283687943262410577349719176;0.006382978723404254990658746038;0.001063829787234042570723269172;0.008510638297872340565786153377;0.016666666666666666435370203203;0.018439716312056736446933769002;0.001418439716312056833244503729;0.006382978723404254990658746038;0.016666666666666666435370203203;0.024468085106382979343475625456;0.005319148936170212636775911363;0.010992907801418439969753926277;0.001418439716312056833244503729;0.022340425531914894635709956106;0.006028368794326241161818380476;0.035460992907801421047953027710;0.000000000000000000000000000000;0.007801418439716312040743684264;0.007092198581560283515701215151;0.007801418439716312040743684264;0.019503546099290780535540079654;0.016312056737588651739168099652;0.013475177304964539373721699178;0.009219858156028368223466884501
-0.005925925925925925631665425186;0.025925925925925925180637321432;0.034444444444444444197728216750;0.328148148148148133262935743915;0.006296296296296296363115274630;0.010000000000000000208166817117;0.002222222222222222220294751693;0.013703703703703704053218359604;0.039629629629629632703302632990;0.003703703703703703845051542487;0.007407407407407407690103084974;0.009259259259259258745267118229;0.007037037037037036958653235530;0.015185185185185185244294281404;0.029259259259259259161600752464;0.014074074074074073917306471060;0.009259259259259258745267118229;0.022592592592592591199673890401;0.009259259259259258745267118229;0.001851851851851851922525771243;0.008888888888888888881179006773;0.020740740740740740144509857146;0.005185185185185185036127464286;0.006296296296296296363115274630;0.012962962962962962590318660716;0.017407407407407406163546426114;0.019259259259259260688157411323;0.088888888888888892281237019688;0.000740740740740740703958178148;0.012962962962962962590318660716;0.008148148148148147418279307885;0.006666666666666667094565124074;0.008148148148148147418279307885;0.014074074074074073917306471060;0.005555555555555555767577313730;0.013703703703703704053218359604;0.002222222222222222220294751693;0.002962962962962962815832712593;0.021111111111111111743321444578;0.008888888888888888881179006773;0.007777777777777777554191196430;0.048518518518518516380311211833;0.000000000000000000000000000000;0.001851851851851851922525771243;0.015555555555555555108382392859;0.005925925925925925631665425186;0.012962962962962962590318660716;0.006666666666666667094565124074;0.007037037037037036958653235530;0.013703703703703704053218359604
-0.016666666666666666435370203203;0.003000000000000000062450045135;0.058333333333333334258519187188;0.173999999999999988009591334048;0.003333333333333333547282562037;0.014333333333333333342585191872;0.005000000000000000104083408559;0.016333333333333331649495079319;0.020666666666666666518636930050;0.034000000000000002442490654175;0.008666666666666666268836749509;0.021666666666666667406815349750;0.008666666666666666268836749509;0.035000000000000003330669073875;0.004333333333333333134418374755;0.019666666666666665630458510350;0.022666666666666668294993769450;0.021666666666666667406815349750;0.005666666666666667073748442363;0.008333333333333333217685101602;0.012999999999999999403255124264;0.021666666666666667406815349750;0.006333333333333333176051738178;0.047333333333333331427450474393;0.017999999999999998639976794834;0.032666666666666663298990158637;0.023666666666666665713725237197;0.002333333333333333526465880325;0.002000000000000000041633363423;0.009666666666666667157015169209;0.028666666666666666685170383744;0.029000000000000001471045507628;0.004666666666666667052931760651;0.010333333333333333259318465025;0.014000000000000000291433543964;0.050666666666666665408413905425;0.012666666666666666352103476356;0.010666666666666666310470112933;0.002666666666666666577617528233;0.011666666666666667198648532633;0.005333333333333333155235056466;0.010000000000000000208166817117;0.000000000000000000000000000000;0.021333333333333332620940225866;0.004000000000000000083266726847;0.015333333333333332496040135595;0.035999999999999997279953589668;0.022666666666666668294993769450;0.016333333333333331649495079319;0.015333333333333332496040135595
-0.022222222222222223070309254922;0.028086419753086420969534486858;0.037962962962962962243373965521;0.005864197530864197899225231936;0.027777777777777776235801354687;0.019753086419753086017125909279;0.011419753086419752799440807678;0.043209876543209874144579885069;0.030864197530864195817557060764;0.015740740740740739173064710599;0.020370370370370372015145221667;0.024691358024691356654045648611;0.012962962962962962590318660716;0.020061728395061727281412089496;0.055555555555555552471602709375;0.010802469135802468536144971267;0.017283950617283948963942563637;0.043209876543209874144579885069;0.040432098765432099296557311163;0.008333333333333333217685101602;0.025617283950617283916351141215;0.016049382716049383906797842769;0.009259259259259258745267118229;0.015432098765432097908778530382;0.024074074074074074125473288177;0.022530864197530864334595435139;0.038271604938271606977107097691;0.024074074074074074125473288177;0.004629629629629629372633559115;0.031172839506172840551290192934;0.010493827160493827271858791050;0.016666666666666666435370203203;0.022839506172839505598881615356;0.006481481481481481295159330358;0.013271604938271605589328316910;0.028703703703703703498106847292;0.014814814814814815380206169948;0.003086419753086419581755706076;0.002777777777777777883788656865;0.011419753086419752799440807678;0.011728395061728395798450463872;0.024074074074074074125473288177;0.000000000000000000000000000000;0.010185185185185186007572610833;0.029012345679012344762393027509;0.012037037037037037062736644089;0.020370370370370372015145221667;0.012962962962962962590318660716;0.029629629629629630760412339896;0.011728395061728395798450463872
-0.020977011494252875006827352422;0.009770114942528735496596326016;0.068390804597701151945621234063;0.116666666666666668517038374375;0.000000000000000000000000000000;0.004022988505747126380951428359;0.000287356321839080455782244883;0.020114942528735631904757141797;0.012356321839080459598636529961;0.064367816091954022095222853750;0.007183908045977011394556122070;0.001436781609195402278911224414;0.004022988505747126380951428359;0.058045977011494255537460418282;0.011494252873563218231289795312;0.009482758620689655040814081133;0.024137931034482758285708570156;0.025000000000000001387778780781;0.006896551724137930938773877187;0.010919540229885057319725305547;0.010057471264367815952378570898;0.010344827586206896408160815781;0.003160919540229885013604693711;0.078735632183908041414888145937;0.011781609195402298687072040195;0.040229885057471263809514283594;0.026436781609195401931966529219;0.006321839080459770027209387422;0.000287356321839080455782244883;0.001436781609195402278911224414;0.000574712643678160911564489766;0.034482758620689654693869385937;0.004310344827586206836733673242;0.003735632183908045925169183477;0.008908045977011494129249591367;0.074425287356321839782324900625;0.009770114942528735496596326016;0.004310344827586206836733673242;0.000287356321839080455782244883;0.007471264367816091850338366953;0.007471264367816091850338366953;0.007758620689655172306120611836;0.000000000000000000000000000000;0.035057471264367819074880827657;0.003735632183908045925169183477;0.013218390804597700965983264609;0.063218390804597707210987778126;0.027586206896551723755095508750;0.014655172413793103244894489023;0.014655172413793103244894489023
-0.014227642276422763564780460399;0.015040650406504065678126025318;0.027642276422764226750938831856;0.278455284552845516721220064937;0.017073170731707318359404723651;0.006097560975609756309112619022;0.006097560975609756309112619022;0.015447154471544715867437069790;0.043089430894308944353099377622;0.016666666666666666435370203203;0.005284552845528455063128792091;0.026422764227642277917729174419;0.008943089430894309369013406297;0.012601626016260162807536282514;0.021951219512195120631137257305;0.007317073170731707744407490424;0.029268292682926830977629961694;0.017886178861788618738026812593;0.012195121951219512618225238043;0.002439024390243902436908873810;0.010569105691056910126257584182;0.017073170731707318359404723651;0.006097560975609756309112619022;0.019512195121951219495270990478;0.010975609756097560315568628653;0.014634146341463415488814980847;0.020731707317073171797927599869;0.056097560975609757349946704608;0.004878048780487804873817747620;0.018699186991869919116648901536;0.008536585365853659179702361826;0.019918699186991871419305510926;0.006097560975609756309112619022;0.011788617886178862428914193572;0.008536585365853659179702361826;0.019918699186991871419305510926;0.005691056910569106119801574550;0.006910569105691056687734707964;0.004471544715447154684506703148;0.015853658536585366056748114261;0.005691056910569106119801574550;0.039837398373983742838611021853;0.000000000000000000000000000000;0.013414634146341463186158371457;0.013008130081300812996847326986;0.019105691056910567571236470030;0.010162601626016259936946539710;0.005691056910569106119801574550;0.012195121951219512618225238043;0.009756097560975609747635495239
-0.012847222222222221682530474141;0.005902777777777777623580135469;0.047916666666666669904817155157;0.436805555555555558022717832500;0.000000000000000000000000000000;0.007291666666666666782314898398;0.010069444444444445099784424258;0.043749999999999997224442438437;0.023611111111111110494320541875;0.016319444444444445446729119453;0.009722222222222222376419864531;0.013194444444444444405895033867;0.000000000000000000000000000000;0.019791666666666665741480812812;0.029861111111111112575988713047;0.010416666666666666088425508008;0.007638888888888888638317720137;0.007291666666666666782314898398;0.010763888888888888811790067734;0.000000000000000000000000000000;0.017708333333333332870740406406;0.017361111111111111882099322656;0.000347222222222222235473582108;0.026736111111111109800431151484;0.017708333333333332870740406406;0.027777777777777776235801354687;0.021180555555555556634939051719;0.000694444444444444470947164216;0.002083333333333333304421275400;0.005555555555555555767577313730;0.003472222222222222029475169336;0.010416666666666666088425508008;0.000347222222222222235473582108;0.017708333333333332870740406406;0.000347222222222222235473582108;0.011805555555555555247160270937;0.001736111111111111014737584668;0.003472222222222222029475169336;0.001041666666666666652210637700;0.000000000000000000000000000000;0.014930555555555556287994356524;0.002083333333333333304421275400;0.000000000000000000000000000000;0.014236111111111110841265237070;0.009722222222222222376419864531;0.020486111111111111188209932266;0.026736111111111109800431151484;0.000000000000000000000000000000;0.001041666666666666652210637700;0.010069444444444445099784424258
-0.036046511627906979713387158881;0.002325581395348837177028400447;0.046124031007751940813843560818;0.274418604651162800767139060554;0.000000000000000000000000000000;0.017054263565891472631541603278;0.001550387596899224784685600298;0.014341085271317829258341802756;0.009689922480620154904285001862;0.029844961240310077105197805736;0.012403100775193798277484802384;0.006201550387596899138742401192;0.006201550387596899138742401192;0.030232558139534883301369205810;0.002713178294573643373199800521;0.024806201550387596554969604767;0.015503875968992247846856002980;0.017054263565891472631541603278;0.006589147286821705334913801266;0.006201550387596899138742401192;0.012015503875968992081313402309;0.006201550387596899138742401192;0.004651162790697674354056800894;0.046511627906976743540568008939;0.031395348837209305359330357987;0.038759689922480619617140007449;0.018992248062015503612398603650;0.017054263565891472631541603278;0.001550387596899224784685600298;0.003875968992248061961714000745;0.005038759689922480550228200968;0.018992248062015503612398603650;0.004651162790697674354056800894;0.004263565891472868157885400819;0.009689922480620154904285001862;0.041472868217054266459786759924;0.007751937984496123923428001490;0.010852713178294573492799202086;0.000000000000000000000000000000;0.005038759689922480550228200968;0.006976744186046511531085201341;0.001937984496124030980857000372;0.000000000000000000000000000000;0.030620155038759689497540605885;0.000000000000000000000000000000;0.020155038759689922200912803874;0.038759689922480619617140007449;0.027131782945736433731998005214;0.014341085271317829258341802756;0.012015503875968992081313402309
-0.045614035087719301264641558191;0.002339181286549707645960882729;0.059356725146198829889954140526;0.000000000000000000000000000000;0.001169590643274853822980441365;0.026900584795321636627507544404;0.001169590643274853822980441365;0.012865497076023392486465724005;0.021052631578947367946286206575;0.035964912280701755165068789211;0.018713450292397661167687061834;0.019298245614035088729698586008;0.015204678362573099265064868746;0.043274853801169591016595461497;0.004093567251461988597271979273;0.032456140350877189792999644169;0.028070175438596491751530592751;0.025146198830409357410919923836;0.008771929824561403021832006743;0.012573099415204678705459961918;0.016081871345029238873358679029;0.019883040935672516291710110181;0.010526315789473683973143103287;0.047660818713450292527511464868;0.037134502923976610289091837558;0.045614035087719301264641558191;0.030994152046783626092141261665;0.005847953216374268681221337829;0.002046783625730994298635989637;0.007602339181286549632532434373;0.020175438596491228337992396291;0.028947368421052631359824403035;0.004970760233918129072927527545;0.013157894736842104532748010115;0.020467836257309940384274682401;0.046491228070175437403488416521;0.012865497076023392486465724005;0.014035087719298245875765296375;0.004093567251461988597271979273;0.017836257309941521559393251550;0.002923976608187134340610668914;0.009941520467836258145855055091;0.000000000000000000000000000000;0.028362573099415203797812878861;0.001461988304093567170305334457;0.018421052631578945651957823770;0.037426900584795322335374123668;0.028362573099415203797812878861;0.028362573099415203797812878861;0.024269005847953217802626113553
-0.013611111111111110286153724758;0.018888888888888889089345823891;0.037222222222222219045750790656;0.320000000000000006661338147751;0.026666666666666668378260496297;0.004444444444444444440589503387;0.004166666666666666608842550801;0.025277777777777777484802257391;0.014722222222222221613141535101;0.031944444444444441977282167500;0.008055555555555555385938149016;0.005000000000000000104083408559;0.001666666666666666773641281019;0.024444444444444445724284875610;0.036944444444444446418174266000;0.011111111111111111535154627461;0.018333333333333333425851918719;0.020833333333333332176851016015;0.011388888888888889366901580047;0.002777777777777777883788656865;0.011666666666666667198648532633;0.005000000000000000104083408559;0.001111111111111111110147375847;0.035555555555555555524716027094;0.014166666666666665949647629930;0.026111111111111112714766591125;0.020833333333333332176851016015;0.023888888888888890060790970438;0.003611111111111110945348645629;0.006944444444444444058950338672;0.003055555555555555715535609451;0.026666666666666668378260496297;0.002222222222222222220294751693;0.005833333333333333599324266316;0.001111111111111111110147375847;0.031666666666666669349705642844;0.005555555555555555767577313730;0.005000000000000000104083408559;0.001388888888888888941894328433;0.002777777777777777883788656865;0.011111111111111111535154627461;0.007777777777777777554191196430;0.000000000000000000000000000000;0.022222222222222223070309254922;0.021666666666666667406815349750;0.015277777777777777276635440273;0.024444444444444445724284875610;0.010000000000000000208166817117;0.006111111111111111431071218902;0.009722222222222222376419864531
-0.012015503875968992081313402309;0.013565891472868216865999002607;0.039922480620155041675101159626;0.386821705426356576840163370434;0.031395348837209305359330357987;0.006201550387596899138742401192;0.005426356589147286746399601043;0.020542635658914728397084203948;0.018604651162790697416227203576;0.025968992248062015143483804991;0.009689922480620154904285001862;0.013178294573643410669827602533;0.000775193798449612392342800149;0.015891472868217054043027403054;0.018217054263565891220055803501;0.013178294573643410669827602533;0.011627906976744185885142002235;0.020155038759689922200912803874;0.010077519379844961100456401937;0.002325581395348837177028400447;0.009689922480620154904285001862;0.005426356589147286746399601043;0.000000000000000000000000000000;0.032945736434108530144015958285;0.013565891472868216865999002607;0.022480620155038759377941204320;0.024806201550387596554969604767;0.014728682170542635454513202831;0.003875968992248061961714000745;0.017054263565891472631541603278;0.004651162790697674354056800894;0.021317829457364340789427004097;0.001162790697674418588514200223;0.000387596899224806196171400074;0.000387596899224806196171400074;0.025968992248062015143483804991;0.005813953488372092942571001117;0.008139534883720930119599401564;0.000387596899224806196171400074;0.000387596899224806196171400074;0.010465116279069767296627802011;0.013953488372093023062170402682;0.000000000000000000000000000000;0.025968992248062015143483804991;0.005038759689922480550228200968;0.015891472868217054043027403054;0.021705426356589146985598404171;0.007751937984496123923428001490;0.005038759689922480550228200968;0.005426356589147286746399601043
-0.021212121212121213403856145874;0.020454545454545454419292838111;0.059469696969696971000640672855;0.307575757575757557926721119657;0.005303030303030303350964036468;0.007954545454545453725403447720;0.004924242424242423858682382587;0.012121212121212121201607736509;0.021969696969696968918972501683;0.021969696969696968918972501683;0.004924242424242423858682382587;0.005681818181818181975883952362;0.004166666666666666608842550801;0.029924242424242422644375949403;0.025757575757575756902895136591;0.006060606060606060600803868255;0.023106060606060605661093987351;0.033333333333333332870740406406;0.008712121212121212709966755483;0.010606060606060606701928072937;0.009090909090909090467524933388;0.020833333333333332176851016015;0.003030303030303030300401934127;0.027272727272727271402574800163;0.014772727272727272443408885749;0.015151515151515151935690539631;0.014015151515151515193569053963;0.029166666666666667129259593594;0.002272727272727272616881233347;0.011363636363636363951767904723;0.003030303030303030300401934127;0.019318181818181817677171352443;0.003787878787878787983922634908;0.009848484848484847717364765174;0.011363636363636363951767904723;0.033333333333333332870740406406;0.006060606060606060600803868255;0.006818181818181817850643700041;0.001893939393939393991961317454;0.015909090909090907450806895440;0.009090909090909090467524933388;0.007196969696969697342925353922;0.000000000000000000000000000000;0.010227272727272727209646419055;0.010227272727272727209646419055;0.009090909090909090467524933388;0.026515151515151515887458444354;0.011363636363636363951767904723;0.013257575757575757943729222177;0.009469696969696969959806587269
-0.009782608695652174682355628477;0.017753623188405797533873098359;0.048188405797101450944719402969;0.347463768115942039926835605002;0.005072463768115941656899892109;0.010144927536231883313799784219;0.007971014492753622851517469883;0.018115942028985507900040730078;0.040217391304347822889031505156;0.017391304347826087167705466641;0.004347826086956521791926366660;0.025000000000000001387778780781;0.005072463768115941656899892109;0.011956521739130435144637942813;0.032971014492753622504572774687;0.010507246376811593679967415937;0.018115942028985507900040730078;0.025000000000000001387778780781;0.006521739130434782254208680996;0.004710144927536232158093998379;0.008333333333333333217685101602;0.022463768115942028824605358750;0.001449275362318840597308788887;0.021739130434782608092270095312;0.013405797101449274874584993711;0.011956521739130435144637942813;0.020289855072463766627599568437;0.026449275362318839383002355703;0.005797101449275362389235155547;0.009057971014492753950020365039;0.008333333333333333217685101602;0.019927536231884056261431936719;0.002536231884057970828449946055;0.012318840579710145510805574531;0.001811594202898550746635986108;0.024275362318840580655443517344;0.005797101449275362389235155547;0.003623188405797101493271972217;0.003260869565217391127104340498;0.004710144927536232158093998379;0.007608695652173913352711576152;0.020289855072463766627599568437;0.000000000000000000000000000000;0.013768115942028985240752625430;0.011594202898550724778470311094;0.012318840579710145510805574531;0.015942028985507245703034939766;0.007246376811594202986543944434;0.007608695652173913352711576152;0.009782608695652174682355628477
-0.019811320754716980202525533628;0.020754716981132074332672132755;0.038679245283018866274904468128;0.116666666666666668517038374375;0.024528301886792454322705481218;0.017610062893081760565516802330;0.006918238993710692022465202911;0.034276729559748427000887005534;0.025157232704402517076136547303;0.017610062893081760565516802330;0.020125786163522011579241066670;0.007861635220125786152611802038;0.009119496855345911659473934208;0.030503144654088050480300609024;0.039622641509433960405051067255;0.007861635220125786152611802038;0.015408805031446540928508071033;0.032389937106918238740593807279;0.026729559748427673959714212515;0.011949685534591195784637207566;0.017924528301886791942232335373;0.014779874213836478175077004948;0.008176100628930817529327335080;0.021383647798742137086103198840;0.018238993710691823318947868415;0.025157232704402517076136547303;0.037421383647798740768042335958;0.032389937106918238740593807279;0.001886792452830188693974067249;0.022641509433962262592965331010;0.003144654088050314634517068413;0.015723270440251572305223604076;0.012264150943396227161352740609;0.008490566037735848906042868123;0.012893081761006289914783806694;0.027358490566037736713145278600;0.015408805031446540928508071033;0.003773584905660377387948134498;0.007861635220125786152611802038;0.005660377358490565648241332752;0.015408805031446540928508071033;0.026100628930817611206283146430;0.000000000000000000000000000000;0.012893081761006289914783806694;0.024213836477987422945989948175;0.011635220125786162673198198547;0.024842767295597485699421014260;0.010691823899371068543051599420;0.027044025157232705336429745557;0.011006289308176099919767132462
-0.018181818181818180935049866775;0.026515151515151515887458444354;0.045075757575757574580066489034;0.008333333333333333217685101602;0.032575757575757577355624050597;0.020075757575757576661734660206;0.011363636363636363951767904723;0.020454545454545454419292838111;0.062121212121212118772994870142;0.012878787878787878451447568295;0.012878787878787878451447568295;0.019318181818181817677171352443;0.010227272727272727209646419055;0.020075757575757576661734660206;0.021212121212121213403856145874;0.014393939393939394685850707845;0.029166666666666667129259593594;0.042424242424242426807712291748;0.030303030303030303871381079261;0.007575757575757575967845269815;0.018939393939393939919613174538;0.039015151515151516581347834745;0.010984848484848484459486250842;0.017424242424242425419933510966;0.023863636363636364645657295114;0.017803030303030303177491688871;0.027651515151515152629579930021;0.028030303030303030387138107926;0.004545454545454545233762466694;0.022348484848484850145977631541;0.012878787878787878451447568295;0.014772727272727272443408885749;0.018181818181818180935049866775;0.014393939393939394685850707845;0.015151515151515151935690539631;0.021969696969696968918972501683;0.008333333333333333217685101602;0.007575757575757575967845269815;0.017045454545454544192928381108;0.024242424242424242403215473018;0.009469696969696969959806587269;0.046212121212121211322187974702;0.000000000000000000000000000000;0.012500000000000000693889390391;0.025000000000000001387778780781;0.012121212121212121201607736509;0.017424242424242425419933510966;0.014772727272727272443408885749;0.018939393939393939919613174538;0.013257575757575757943729222177
-0.019281045751633987817008630827;0.017320261437908497648141548098;0.042156862745098042100089230644;0.271895424836601284912518394776;0.011764705882352941013202496379;0.012418300653594770491250365296;0.004575163398692810683143772366;0.013398692810457515575683906661;0.023529411764705882026404992757;0.021895424836601305729200106498;0.012745098039215686097636037744;0.009803921568627450844335413649;0.007843137254901960675468330919;0.021895424836601305729200106498;0.019607843137254901688670827298;0.017647058823529411519803744568;0.020588235294117646773104368663;0.029411764705882352533006240947;0.010784313725490195928768955014;0.005882352941176470506601248189;0.011111111111111111535154627461;0.016339869281045752563708006733;0.012091503267973856619588168826;0.034967320261437909167945292666;0.019607843137254901688670827298;0.024183006535947713239176337652;0.019281045751633987817008630827;0.016339869281045752563708006733;0.001633986928104575213002713774;0.019934640522875815560333023768;0.011111111111111111535154627461;0.017973856209150325391465941038;0.008169934640522876281854003366;0.005555555555555555767577313730;0.009150326797385621366287544731;0.024509803921568627110838534122;0.006535947712418300852010855095;0.008496732026143790153516199837;0.005555555555555555767577313730;0.015359477124183005744550989391;0.009477124183006535237949741202;0.014379084967320260660117448026;0.000000000000000000000000000000;0.013398692810457515575683906661;0.010457516339869280322383282567;0.016339869281045752563708006733;0.025163398692810458323609879017;0.012091503267973856619588168826;0.009477124183006535237949741202;0.006862745098039215591034789554
-0.005925925925925925631665425186;0.017777777777777777762358013547;0.018148148148148149361169600979;0.484074074074074101048381635337;0.010000000000000000208166817117;0.003703703703703703845051542487;0.012962962962962962590318660716;0.042962962962962959745372160114;0.017407407407407406163546426114;0.012222222222222222862142437805;0.004814814814814815172039352831;0.004074074074074073709139653943;0.001851851851851851922525771243;0.005925925925925925631665425186;0.042592592592592591616007524635;0.004074074074074073709139653943;0.011481481481481481399242738917;0.011481481481481481399242738917;0.011851851851851851263330850372;0.000740740740740740703958178148;0.021111111111111111743321444578;0.012222222222222222862142437805;0.001481481481481481407916356297;0.011481481481481481399242738917;0.004074074074074073709139653943;0.012222222222222222862142437805;0.021481481481481479872686080057;0.037777777777777778178691647781;0.004444444444444444440589503387;0.005185185185185185036127464286;0.000370370370370370351979089074;0.007777777777777777554191196430;0.004074074074074073709139653943;0.011111111111111111535154627461;0.001111111111111111110147375847;0.009259259259259258745267118229;0.001481481481481481407916356297;0.000740740740740740703958178148;0.004074074074074073709139653943;0.001851851851851851922525771243;0.021851851851851851471497667490;0.021851851851851851471497667490;0.000000000000000000000000000000;0.011481481481481481399242738917;0.019629629629629628817522046802;0.017037037037037038034181790636;0.002962962962962962815832712593;0.000740740740740740703958178148;0.001851851851851851922525771243;0.005185185185185185036127464286
-0.037134502923976610289091837558;0.002339181286549707645960882729;0.038596491228070177459397172015;0.077777777777777779011358916250;0.000584795321637426911490220682;0.041812865497076023846290127040;0.001461988304093567170305334457;0.004678362573099415291921765458;0.005847953216374268681221337829;0.008479532163742689240826244657;0.022514619883040935116591541032;0.019883040935672516291710110181;0.057602339181286550673366519959;0.040935672514619880768549364802;0.003216374269005848121616431001;0.026900584795321636627507544404;0.005263157894736841986571551644;0.008479532163742689240826244657;0.003216374269005848121616431001;0.014619883040935671703053344572;0.005555555555555555767577313730;0.014327485380116959656771058462;0.021637426900584795508297730748;0.011695906432748537362442675658;0.063157894736842107308305571678;0.016959064327485378481652489313;0.017251461988304093997381727377;0.002046783625730994298635989637;0.000584795321637426911490220682;0.013450292397660818313753772202;0.016374269005847954389087917093;0.003801169590643274816266217186;0.014619883040935671703053344572;0.022807017543859650632320779096;0.099707602339181286565938933109;0.012280701754385964924454199831;0.010233918128654970192137341201;0.006140350877192982462227099916;0.001461988304093567170305334457;0.043274853801169591016595461497;0.001169590643274853822980441365;0.001461988304093567170305334457;0.000000000000000000000000000000;0.007602339181286549632532434373;0.002046783625730994298635989637;0.004678362573099415291921765458;0.035672514619883043118786503101;0.052923976608187137116168230477;0.044444444444444446140618509844;0.031286549707602341607870499729
-0.018981481481481481121686982760;0.030555555555555554553270880547;0.023611111111111110494320541875;0.317592592592592593003786305417;0.009259259259259258745267118229;0.013425925925925926221471407018;0.004166666666666666608842550801;0.019907407407407408383992475365;0.037037037037037034981068472916;0.017592592592592593697675695807;0.004629629629629629372633559115;0.007870370370370369586532355299;0.010185185185185186007572610833;0.009722222222222222376419864531;0.025000000000000001387778780781;0.008796296296296296848837847904;0.012500000000000000693889390391;0.018518518518518517490534236458;0.018055555555555553859381490156;0.004629629629629629372633559115;0.011111111111111111535154627461;0.017129629629629630066522949505;0.014351851851851851749053423646;0.019907407407407408383992475365;0.015740740740740739173064710599;0.016203703703703702804217456901;0.013425925925925926221471407018;0.042129629629629627984854778333;0.001388888888888888941894328433;0.011111111111111111535154627461;0.005092592592592593003786305417;0.011111111111111111535154627461;0.011111111111111111535154627461;0.005555555555555555767577313730;0.014351851851851851749053423646;0.018518518518518517490534236458;0.005092592592592593003786305417;0.006018518518518518531368322044;0.019907407407407408383992475365;0.009722222222222222376419864531;0.010648148148148147904001881159;0.031018518518518518184423626849;0.000000000000000000000000000000;0.008796296296296296848837847904;0.012500000000000000693889390391;0.013425925925925926221471407018;0.012500000000000000693889390391;0.009722222222222222376419864531;0.012962962962962962590318660716;0.007407407407407407690103084974
-0.009259259259259258745267118229;0.011481481481481481399242738917;0.023333333333333334397297065266;0.309259259259259233765249064163;0.037037037037037034981068472916;0.009259259259259258745267118229;0.006666666666666667094565124074;0.037037037037037034981068472916;0.026296296296296296779448908865;0.020370370370370372015145221667;0.012592592592592592726230549260;0.005555555555555555767577313730;0.001111111111111111110147375847;0.010000000000000000208166817117;0.041481481481481480289019714291;0.007037037037037036958653235530;0.012592592592592592726230549260;0.016296296296296294836558615771;0.012592592592592592726230549260;0.001481481481481481407916356297;0.020370370370370372015145221667;0.019259259259259260688157411323;0.001851851851851851922525771243;0.021851851851851851471497667490;0.010000000000000000208166817117;0.024814814814814813853649511088;0.026666666666666668378260496297;0.074074074074074069962136945833;0.002592592592592592518063732143;0.014444444444444443781394582516;0.002592592592592592518063732143;0.006666666666666667094565124074;0.003703703703703703845051542487;0.016666666666666666435370203203;0.001851851851851851922525771243;0.016296296296296294836558615771;0.002592592592592592518063732143;0.002962962962962962815832712593;0.004814814814814815172039352831;0.001111111111111111110147375847;0.018518518518518517490534236458;0.017407407407407406163546426114;0.000000000000000000000000000000;0.010000000000000000208166817117;0.018888888888888889089345823891;0.017777777777777777762358013547;0.011111111111111111535154627461;0.002592592592592592518063732143;0.005185185185185185036127464286;0.012592592592592592726230549260
-0.008163265306122449715964251027;0.021768707482993195773124384118;0.025170068027210883154776155379;0.266326530612244871676352886425;0.005102040816326530205115918903;0.008843537414965987192294605279;0.012925170068027210315553254816;0.034353741496598637350512461808;0.058503401360544216025516561785;0.017006802721088436908258856306;0.004761904761904762334312479766;0.010544217687074829148397014933;0.004081632653061224857982125513;0.010884353741496597886562192059;0.034353741496598637350512461808;0.007482993197278911372272158786;0.025510204081632653627664808482;0.023129251700680270725785092623;0.010884353741496597886562192059;0.001020408163265306214495531378;0.020748299319727891293352328717;0.020408163265306120820463675614;0.002040816326530612428991062757;0.020748299319727891293352328717;0.008843537414965987192294605279;0.015646258503401361955598147802;0.025850340136054420631106509632;0.059523809523809520505288617187;0.003741496598639455686136079393;0.005782312925170067681446273156;0.009183673469387755930459782405;0.013605442176870747791883609068;0.003401360544217686947970902267;0.009183673469387755930459782405;0.004421768707482993596147302640;0.021428571428571428769682682969;0.003061224489795918209805725141;0.004081632653061224857982125513;0.018707482993197278864361265960;0.005442176870748298943281096030;0.020068027210884353817021974464;0.042517006802721087066476712835;0.000000000000000000000000000000;0.017006802721088436908258856306;0.011564625850340135362892546311;0.020068027210884353817021974464;0.009523809523809524668624959531;0.003741496598639455686136079393;0.004761904761904762334312479766;0.004081632653061224857982125513
-0.004093567251461988597271979273;0.019298245614035088729698586008;0.028654970760233919313542116925;0.462280701754385958679449686315;0.004385964912280701510916003372;0.005847953216374268681221337829;0.003801169590643274816266217186;0.009649122807017544364849293004;0.035087719298245612087328026973;0.009064327485380116802837768830;0.007894736842105263413538196460;0.005263157894736841986571551644;0.002339181286549707645960882729;0.011111111111111111535154627461;0.021637426900584795508297730748;0.010818713450292397754148865374;0.013742690058479532094759534289;0.019590643274853800775980872118;0.009649122807017544364849293004;0.004970760233918129072927527545;0.006725146198830409156876886101;0.014035087719298245875765296375;0.000877192982456140367235331023;0.012280701754385964924454199831;0.010526315789473683973143103287;0.012865497076023392486465724005;0.016666666666666666435370203203;0.045321637426900582279465368174;0.003216374269005848121616431001;0.004970760233918129072927527545;0.006140350877192982462227099916;0.009064327485380116802837768830;0.001754385964912280734470662047;0.005555555555555555767577313730;0.002631578947368420993285775822;0.016081871345029238873358679029;0.006725146198830409156876886101;0.003508771929824561468941324094;0.016374269005847954389087917093;0.004093567251461988597271979273;0.007017543859649122937882648188;0.039766081871345032583420220362;0.000000000000000000000000000000;0.004385964912280701510916003372;0.015497076023391813046070630833;0.003216374269005848121616431001;0.019005847953216373213969347944;0.009356725146198830583843530917;0.004970760233918129072927527545;0.008187134502923977194543958547
-0.021212121212121213403856145874;0.006060606060606060600803868255;0.098484848484848480643094603693;0.090303030303030301650935030011;0.000303030303030303030040193413;0.003030303030303030300401934127;0.000000000000000000000000000000;0.014242424242424242195048655901;0.019696969696969695434729530348;0.033636363636363637852344510293;0.011818181818181817954727108599;0.004242424242424242854243576772;0.006363636363636363847684496164;0.065454545454545459692852205080;0.011515151515151514707846480690;0.011818181818181817954727108599;0.024242424242424242403215473018;0.028181818181818182877940159869;0.002727272727272727487202175212;0.018484848484848485916653970662;0.010000000000000000208166817117;0.022121212121212121409774553626;0.008787878787878787220644305478;0.049090909090909087830745249903;0.022727272727272727903535809446;0.044545454545454547801153211140;0.016969696969696971416974307090;0.003939393939393939607362948863;0.000606060606060606060080386825;0.001212121212121212120160773651;0.003333333333333333547282562037;0.026666666666666668378260496297;0.002424242424242424240321547302;0.008787878787878787220644305478;0.014242424242424242195048655901;0.061212121212121210767076462389;0.012727272727272727695368992329;0.006969696969696969474084013996;0.000909090909090909090120580238;0.014545454545454545441929283811;0.004242424242424242854243576772;0.005151515151515151727523722514;0.000000000000000000000000000000;0.018181818181818180935049866775;0.002424242424242424240321547302;0.007878787878787879214725897725;0.079393939393939391702126329164;0.037878787878787879839226349077;0.023939393939393940891058321085;0.017272727272727272929131459023
-0.008163265306122449715964251027;0.034013605442176873816517712612;0.022448979591836733249454738370;0.254761904761904744987077719998;0.017006802721088436908258856306;0.010884353741496597886562192059;0.009183673469387755930459782405;0.035374149659863948769178421117;0.032312925170068028390968351005;0.015646258503401361955598147802;0.007482993197278911372272158786;0.017346938775510203911700557455;0.007142857142857142634106981660;0.011564625850340135362892546311;0.043197278911564628012254019040;0.010204081632653060410231837807;0.020408163265306120820463675614;0.031292517006802723911196295603;0.022108843537414966246013037221;0.004421768707482993596147302640;0.014285714285714285268213963320;0.024829931972789116151334454230;0.003741496598639455686136079393;0.019387755102040816340691620212;0.014285714285714285268213963320;0.019727891156462583344133321361;0.034013605442176873816517712612;0.019727891156462583344133321361;0.006462585034013605157776627408;0.014285714285714285268213963320;0.008503401360544218454129428153;0.014625850340136054006379140446;0.005102040816326530205115918903;0.009863945578231291672066660681;0.008843537414965987192294605279;0.027551020408163266056655871239;0.004081632653061224857982125513;0.006802721088435373895941804534;0.005102040816326530205115918903;0.006462585034013605157776627408;0.011224489795918366624727369185;0.024149659863945578675004099978;0.000000000000000000000000000000;0.020068027210884353817021974464;0.015986394557823128959039848951;0.013945578231292516530048786194;0.012244897959183672839222900564;0.005782312925170067681446273156;0.007823129251700680977799073901;0.006122448979591836419611450282
-0.016111111111111110771876298031;0.008333333333333333217685101602;0.041388888888888891726125507375;0.303055555555555578006732275753;0.003611111111111110945348645629;0.015277777777777777276635440273;0.006388888888888889262818171488;0.021666666666666667406815349750;0.039166666666666669072149886688;0.023333333333333334397297065266;0.011388888888888889366901580047;0.029166666666666667129259593594;0.003333333333333333547282562037;0.018333333333333333425851918719;0.018888888888888889089345823891;0.025277777777777777484802257391;0.014999999999999999444888487687;0.016388888888888890338346726594;0.007222222222222221890697291258;0.003611111111111110945348645629;0.013611111111111110286153724758;0.028055555555555555802271783250;0.002222222222222222220294751693;0.035277777777777775958245598531;0.022499999999999999167332731531;0.017222222222222222098864108375;0.027500000000000000138777878078;0.008611111111111111049432054187;0.005555555555555555767577313730;0.009722222222222222376419864531;0.012500000000000000693889390391;0.015833333333333334674852821422;0.003611111111111110945348645629;0.012222222222222222862142437805;0.001944444444444444388547799107;0.025555555555555557051272685953;0.003611111111111110945348645629;0.005555555555555555767577313730;0.004166666666666666608842550801;0.005277777777777777935830361145;0.011666666666666667198648532633;0.012777777777777778525636342977;0.000000000000000000000000000000;0.023333333333333334397297065266;0.006944444444444444058950338672;0.014166666666666665949647629930;0.019722222222222220849863205672;0.003055555555555555715535609451;0.005000000000000000104083408559;0.015833333333333334674852821422
-0.015819209039548021850096759522;0.009039548022598870372079638003;0.069209039548022599497301143856;0.157627118644067809594133677820;0.004237288135593220324282004441;0.021468926553672315615806098776;0.001129943502824858796509954750;0.015254237288135593861304606378;0.076271186440677971041246507866;0.021186440677966100754048284216;0.007344632768361582068894488629;0.014971751412429378999546791817;0.008192090395480225786806194321;0.032203389830508473423709148165;0.014971751412429378999546791817;0.018926553672316385329432719686;0.035028248587570622041287293769;0.046610169491525424434463786838;0.008474576271186440648564008882;0.015819209039548021850096759522;0.007344632768361582068894488629;0.039830508474576267752276237388;0.004802259887005650047797633562;0.023728813559322034509868615260;0.027118644067796609381515438031;0.024011299435028249371626429820;0.017796610169491525882401461445;0.018361581920903955605917090566;0.001412429378531073441427334814;0.006214689265536723489224968375;0.007627118644067796930652303189;0.014124293785310734414273348136;0.002824858757062146882854669627;0.010169491525423728084387420267;0.010169491525423728084387420267;0.032485875706214688285466962725;0.005367231638418078903951524694;0.002824858757062146882854669627;0.003954802259887005462524189880;0.013559322033898304690757719015;0.004802259887005650047797633562;0.025141242937853108818657688062;0.000000000000000000000000000000;0.012994350282485874967242089895;0.004519774011299435186039819001;0.007909604519774010925048379761;0.024576271186440679095142058941;0.022881355932203389924595171578;0.015536723163841808723062420938;0.014124293785310734414273348136
-0.015116279069767441650684602905;0.008914728682170542511942201713;0.031395348837209305359330357987;0.309689922480620161149289515379;0.030232558139534883301369205810;0.018604651162790697416227203576;0.009302325581395348708113601788;0.024418604651162790358798204693;0.022093023255813953181769804246;0.022093023255813953181769804246;0.014341085271317829258341802756;0.031007751937984495693712005959;0.000000000000000000000000000000;0.013178294573643410669827602533;0.020155038759689922200912803874;0.021705426356589146985598404171;0.013178294573643410669827602533;0.013178294573643410669827602533;0.020542635658914728397084203948;0.001162790697674418588514200223;0.016279069767441860239198803129;0.023643410852713177966455404544;0.001162790697674418588514200223;0.029069767441860464712855005587;0.020155038759689922200912803874;0.018217054263565891220055803501;0.026356589147286821339655205065;0.003875968992248061961714000745;0.004651162790697674354056800894;0.018217054263565891220055803501;0.012403100775193798277484802384;0.021317829457364340789427004097;0.002713178294573643373199800521;0.015116279069767441650684602905;0.000387596899224806196171400074;0.019767441860465116004741403799;0.004263565891472868157885400819;0.006201550387596899138742401192;0.001162790697674418588514200223;0.000387596899224806196171400074;0.013953488372093023062170402682;0.003488372093023255765542600670;0.000000000000000000000000000000;0.023255813953488371770284004469;0.018217054263565891220055803501;0.020542635658914728397084203948;0.016279069767441860239198803129;0.003875968992248061961714000745;0.001937984496124030980857000372;0.012790697674418604473656202458
-0.012592592592592592726230549260;0.014444444444444443781394582516;0.039629629629629632703302632990;0.334814814814814787347074798163;0.007777777777777777554191196430;0.003703703703703703845051542487;0.002962962962962962815832712593;0.021481481481481479872686080057;0.011851851851851851263330850372;0.041481481481481480289019714291;0.004814814814814815172039352831;0.005185185185185185036127464286;0.001851851851851851922525771243;0.026666666666666668378260496297;0.034074074074074076068363581271;0.009259259259259258745267118229;0.012592592592592592726230549260;0.010740740740740739936343040029;0.012222222222222222862142437805;0.003333333333333333547282562037;0.011481481481481481399242738917;0.012222222222222222862142437805;0.000740740740740740703958178148;0.055925925925925927539861248761;0.008888888888888888881179006773;0.028518518518518519433424529552;0.025925925925925925180637321432;0.004074074074074073709139653943;0.001851851851851851922525771243;0.009629629629629630344078705662;0.002962962962962962815832712593;0.026296296296296296779448908865;0.001111111111111111110147375847;0.011111111111111111535154627461;0.001851851851851851922525771243;0.042592592592592591616007524635;0.004814814814814815172039352831;0.004814814814814815172039352831;0.000000000000000000000000000000;0.000000000000000000000000000000;0.011851851851851851263330850372;0.002592592592592592518063732143;0.000000000000000000000000000000;0.024074074074074074125473288177;0.014444444444444443781394582516;0.017777777777777777762358013547;0.031111111111111110216764785719;0.015555555555555555108382392859;0.004814814814814815172039352831;0.011481481481481481399242738917
-0.006597222222222222202947516934;0.021180555555555556634939051719;0.014236111111111110841265237070;0.392013888888888883954564334999;0.086458333333333331482961625625;0.015277777777777777276635440273;0.003472222222222222029475169336;0.012152777777777777970524830664;0.034722222222222223764198645313;0.005208333333333333044212754004;0.005208333333333333044212754004;0.022916666666666665047591422422;0.003819444444444444319158860068;0.008333333333333333217685101602;0.019097222222222223764198645313;0.004513888888888888464845372539;0.011111111111111111535154627461;0.017013888888888887424011286953;0.017013888888888887424011286953;0.002083333333333333304421275400;0.007638888888888888638317720137;0.011111111111111111535154627461;0.001041666666666666652210637700;0.009027777777777776929690745078;0.005208333333333333044212754004;0.007638888888888888638317720137;0.011458333333333332523795711211;0.041319444444444443365060948281;0.002083333333333333304421275400;0.049652777777777774848022573906;0.013541666666666667129259593594;0.006944444444444444058950338672;0.005555555555555555767577313730;0.003819444444444444319158860068;0.002430555555555555594104966133;0.011805555555555555247160270937;0.002083333333333333304421275400;0.005208333333333333044212754004;0.010069444444444445099784424258;0.001388888888888888941894328433;0.004513888888888888464845372539;0.046180555555555558022717832500;0.000000000000000000000000000000;0.005208333333333333044212754004;0.008333333333333333217685101602;0.005208333333333333044212754004;0.006597222222222222202947516934;0.003819444444444444319158860068;0.005555555555555555767577313730;0.003125000000000000173472347598
-0.009748427672955974412905000293;0.013836477987421384044930405821;0.022955974842767293969680864052;0.432075471698113222629444862832;0.055660377358490567556437156327;0.012578616352201258538068273651;0.004716981132075471518094733625;0.016352201257861635058654670161;0.021698113207547168462818731882;0.007547169811320754775896268995;0.013207547169811321291499339736;0.024528301886792454322705481218;0.002201257861635220070689600291;0.011949685534591195784637207566;0.017924528301886791942232335373;0.008176100628930817529327335080;0.010062893081761005789620533335;0.014465408805031446798361471906;0.016037735849056603681939137118;0.000314465408805031430925641667;0.010062893081761005789620533335;0.010062893081761005789620533335;0.000314465408805031430925641667;0.014779874213836478175077004948;0.010691823899371068543051599420;0.011949685534591195784637207566;0.012264150943396227161352740609;0.029245283018867924973438476854;0.000628930817610062861851283333;0.043396226415094336925637463764;0.012578616352201258538068273651;0.005974842767295597892318603783;0.006289308176100629269034136826;0.011320754716981131296482665505;0.001257861635220125723702566667;0.012893081761006289914783806694;0.004716981132075471518094733625;0.003773584905660377387948134498;0.006603773584905660645749669868;0.002201257861635220070689600291;0.009119496855345911659473934208;0.011949685534591195784637207566;0.000000000000000000000000000000;0.008805031446540880282758401165;0.017295597484276729188801269288;0.004402515723270440141379200583;0.008176100628930817529327335080;0.003144654088050314634517068413;0.003459119496855346011232601455;0.006603773584905660645749669868
-0.017251461988304093997381727377;0.014619883040935671703053344572;0.022807017543859650632320779096;0.168128654970760238462901270395;0.083040935672514623600015681859;0.015204678362573099265064868746;0.012573099415204678705459961918;0.025730994152046784972931448010;0.017251461988304093997381727377;0.012573099415204678705459961918;0.015204678362573099265064868746;0.025438596491228069457202209946;0.010818713450292397754148865374;0.015789473684210526827076392919;0.036549707602339179257633361431;0.010233918128654970192137341201;0.020175438596491228337992396291;0.017836257309941521559393251550;0.013450292397660818313753772202;0.001169590643274853822980441365;0.020467836257309940384274682401;0.016374269005847954389087917093;0.002631578947368420993285775822;0.023391812865497074724885351316;0.018421052631578945651957823770;0.014619883040935671703053344572;0.023099415204678362678603065206;0.047076023391812868434946892648;0.005555555555555555767577313730;0.020760233918128655900003920465;0.019590643274853800775980872118;0.016959064327485378481652489313;0.007309941520467835851526672286;0.022807017543859650632320779096;0.007602339181286549632532434373;0.017251461988304093997381727377;0.007602339181286549632532434373;0.012280701754385964924454199831;0.003801169590643274816266217186;0.010233918128654970192137341201;0.014327485380116959656771058462;0.015204678362573099265064868746;0.000000000000000000000000000000;0.014619883040935671703053344572;0.017543859649122806043664013487;0.016374269005847954389087917093;0.011695906432748537362442675658;0.009941520467836258145855055091;0.014619883040935671703053344572;0.011988304093567251143448437745
-0.048484848484848484806430946037;0.001010101010101010100133978042;0.055050505050505051107823106804;0.000000000000000000000000000000;0.001010101010101010100133978042;0.028282828282828284538474861165;0.003535353535353535567309357646;0.019191919191919190601502975824;0.008080808080808080801071824339;0.045454545454545455807071618892;0.016161616161616161602143648679;0.030303030303030303871381079261;0.013636363636363635701287400082;0.043939393939393937837945003366;0.004545454545454545233762466694;0.039393939393939390869459060696;0.020707070707070708570629591350;0.021717171717171718237082700398;0.010101010101010101868701518413;0.010101010101010101868701518413;0.016666666666666666435370203203;0.009090909090909090467524933388;0.005555555555555555767577313730;0.051515151515151513805790273182;0.051010101010101012442010670611;0.054545454545454542805149600326;0.035858585858585860506320130980;0.000000000000000000000000000000;0.002020202020202020200267956085;0.014646464646464647102463985107;0.014141414141414142269237430583;0.023232323232323232736762363970;0.006060606060606060600803868255;0.007575757575757575967845269815;0.015656565656565656768917094155;0.046969696969696966837304330511;0.009595959595959595300751487912;0.006060606060606060600803868255;0.000505050505050505050066989021;0.008585858585858585634298378864;0.002525252525252525467175379603;0.001515151515151515150200967064;0.000000000000000000000000000000;0.035353535353535352203646624503;0.005050505050505050934350759206;0.022222222222222223070309254922;0.043939393939393937837945003366;0.034343434343434342537193515454;0.026262626262626261736121691115;0.028787878787878789371701415689
-0.020740740740740740144509857146;0.036666666666666666851703837438;0.039629629629629632703302632990;0.096296296296296296501893152708;0.029999999999999998889776975375;0.024074074074074074125473288177;0.002222222222222222220294751693;0.025185185185185185452461098521;0.054444444444444441144614899031;0.015925925925925926707193980292;0.017037037037037038034181790636;0.008888888888888888881179006773;0.007407407407407407690103084974;0.014074074074074073917306471060;0.031851851851851853414387960584;0.020370370370370372015145221667;0.013333333333333334189130248149;0.035185185185185187395351391615;0.014814814814814815380206169948;0.002962962962962962815832712593;0.011481481481481481399242738917;0.022962962962962962798485477833;0.004444444444444444440589503387;0.013333333333333334189130248149;0.027777777777777776235801354687;0.022222222222222223070309254922;0.023703703703703702526661700745;0.068518518518518520266091798021;0.000000000000000000000000000000;0.009259259259259258745267118229;0.012222222222222222862142437805;0.011481481481481481399242738917;0.007407407407407407690103084974;0.008148148148148147418279307885;0.009259259259259258745267118229;0.024074074074074074125473288177;0.009259259259259258745267118229;0.005555555555555555767577313730;0.028148148148148147834612942120;0.005925925925925925631665425186;0.008518518518518519017090895318;0.061481481481481484174800300480;0.000000000000000000000000000000;0.009259259259259258745267118229;0.011851851851851851263330850372;0.009629629629629630344078705662;0.016666666666666666435370203203;0.013703703703703704053218359604;0.018888888888888889089345823891;0.013703703703703704053218359604
-0.011403508771929825316160389548;0.021929824561403507554580016858;0.019298245614035088729698586008;0.567836257309941472293246533809;0.002339181286549707645960882729;0.007309941520467835851526672286;0.002631578947368420993285775822;0.016959064327485378481652489313;0.012280701754385964924454199831;0.011111111111111111535154627461;0.006140350877192982462227099916;0.009649122807017544364849293004;0.004385964912280701510916003372;0.009649122807017544364849293004;0.025438596491228069457202209946;0.010526315789473683973143103287;0.014912280701754385484059106659;0.016081871345029238873358679029;0.011695906432748537362442675658;0.002923976608187134340610668914;0.010233918128654970192137341201;0.009356725146198830583843530917;0.002923976608187134340610668914;0.014912280701754385484059106659;0.011403508771929825316160389548;0.013742690058479532094759534289;0.010818713450292397754148865374;0.006432748538011696243232862003;0.001461988304093567170305334457;0.004093567251461988597271979273;0.005847953216374268681221337829;0.012865497076023392486465724005;0.003216374269005848121616431001;0.002631578947368420993285775822;0.006140350877192982462227099916;0.016959064327485378481652489313;0.005555555555555555767577313730;0.006140350877192982462227099916;0.001461988304093567170305334457;0.005847953216374268681221337829;0.004385964912280701510916003372;0.005263157894736841986571551644;0.000000000000000000000000000000;0.004093567251461988597271979273;0.010526315789473683973143103287;0.006432748538011696243232862003;0.012573099415204678705459961918;0.007602339181286549632532434373;0.005847953216374268681221337829;0.006725146198830409156876886101
-0.034074074074074076068363581271;0.006296296296296296363115274630;0.080000000000000001665334536938;0.013703703703703704053218359604;0.001481481481481481407916356297;0.021851851851851851471497667490;0.001851851851851851922525771243;0.012592592592592592726230549260;0.071111111111111111049432054187;0.032592592592592589673117231541;0.014814814814814815380206169948;0.013333333333333334189130248149;0.010740740740740739936343040029;0.044074074074074071072359970458;0.006666666666666667094565124074;0.038518518518518521376314822646;0.022592592592592591199673890401;0.042592592592592591616007524635;0.012222222222222222862142437805;0.012222222222222222862142437805;0.011111111111111111535154627461;0.032962962962962964741375770927;0.006666666666666667094565124074;0.041111111111111112159655078813;0.042962962962962959745372160114;0.042962962962962959745372160114;0.024814814814814813853649511088;0.002962962962962962815832712593;0.000000000000000000000000000000;0.012222222222222222862142437805;0.011111111111111111535154627461;0.021111111111111111743321444578;0.004814814814814815172039352831;0.003703703703703703845051542487;0.005555555555555555767577313730;0.038518518518518521376314822646;0.014444444444444443781394582516;0.016296296296296294836558615771;0.002592592592592592518063732143;0.008518518518518519017090895318;0.001481481481481481407916356297;0.027777777777777776235801354687;0.000000000000000000000000000000;0.019629629629629628817522046802;0.001851851851851851922525771243;0.012962962962962962590318660716;0.037407407407407410049327012302;0.026296296296296296779448908865;0.016666666666666666435370203203;0.018148148148148149361169600979
-0.015957446808510637042965996102;0.016312056737588651739168099652;0.045390070921985818663824119312;0.207092198581560277270696701635;0.005673758865248227332978014914;0.014184397163120567031402430302;0.008156028368794325869584049826;0.036170212765957443501463330904;0.026595744680851064051241294806;0.026595744680851064051241294806;0.015248226950354609385285264977;0.014893617021276596423806637404;0.006028368794326241161818380476;0.018794326241134751143135872553;0.042553191489361701094207290907;0.020212765957446809927944286756;0.017375886524822695827774410304;0.018439716312056736446933769002;0.008510638297872340565786153377;0.001773049645390070878925303788;0.013475177304964539373721699178;0.022695035460992909331912059656;0.001418439716312056833244503729;0.031914893617021274085931992204;0.021276595744680850547103645454;0.029787234042553192847613274807;0.038297872340425531678675952207;0.010992907801418439969753926277;0.005673758865248227332978014914;0.008156028368794325869584049826;0.007801418439716312040743684264;0.024468085106382979343475625456;0.005673758865248227332978014914;0.015248226950354609385285264977;0.003191489361702127495329373019;0.028368794326241134062804860605;0.006737588652482269686860849589;0.011347517730496454665956029828;0.002127659574468085141446538344;0.002127659574468085141446538344;0.014184397163120567031402430302;0.012411347517730497019838864503;0.000000000000000000000000000000;0.016312056737588651739168099652;0.012411347517730497019838864503;0.021631205673758865243305749004;0.029078014184397163455209067706;0.012056737588652482323636760952;0.007092198581560283515701215151;0.018085106382978721750731665452
-0.012698412698412698401684295391;0.013095238095238095551997581367;0.016666666666666666435370203203;0.405555555555555558022717832500;0.087301587301587296741089971874;0.011507936507936508685467913438;0.005952380952380952050528861719;0.009126984126984127518311673555;0.032142857142857139685077072500;0.006349206349206349200842147695;0.006746031746031746351155433672;0.023015873015873017370935826875;0.009920634920634920084214769531;0.009920634920634920084214769531;0.018650793650793650452213157109;0.005555555555555555767577313730;0.018650793650793650452213157109;0.018253968253968255036623347110;0.008333333333333333217685101602;0.005158730158730158617264027754;0.006349206349206349200842147695;0.016269841269841271019780393203;0.002380952380952381167156239883;0.009523809523809524668624959531;0.007142857142857142634106981660;0.007539682539682539784420267637;0.009920634920634920084214769531;0.012698412698412698401684295391;0.001587301587301587300210536924;0.041666666666666664353702032031;0.013492063492063492702310867344;0.010317460317460317234528055508;0.003174603174603174600421073848;0.006349206349206349200842147695;0.004761904761904762334312479766;0.009523809523809524668624959531;0.003174603174603174600421073848;0.006349206349206349200842147695;0.013095238095238095551997581367;0.008333333333333333217685101602;0.007142857142857142634106981660;0.021428571428571428769682682969;0.000000000000000000000000000000;0.009126984126984127518311673555;0.012698412698412698401684295391;0.007142857142857142634106981660;0.010317460317460317234528055508;0.005158730158730158617264027754;0.003571428571428571317053490830;0.005158730158730158617264027754
-0.016296296296296294836558615771;0.004074074074074073709139653943;0.024074074074074074125473288177;0.211111111111111110494320541875;0.124814814814814808996423778353;0.030740740740740742087400150240;0.005185185185185185036127464286;0.013703703703703704053218359604;0.011481481481481481399242738917;0.021481481481481479872686080057;0.007777777777777777554191196430;0.012962962962962962590318660716;0.009629629629629630344078705662;0.012222222222222222862142437805;0.018148148148148149361169600979;0.011851851851851851263330850372;0.013703703703703704053218359604;0.018148148148148149361169600979;0.043703703703703702942995334979;0.001481481481481481407916356297;0.012962962962962962590318660716;0.004444444444444444440589503387;0.001111111111111111110147375847;0.022962962962962962798485477833;0.014444444444444443781394582516;0.017407407407407406163546426114;0.015925925925925926707193980292;0.003703703703703703845051542487;0.003703703703703703845051542487;0.100370370370370373680479758605;0.006296296296296296363115274630;0.013333333333333334189130248149;0.019629629629629628817522046802;0.003333333333333333547282562037;0.003333333333333333547282562037;0.017777777777777777762358013547;0.005925925925925925631665425186;0.003703703703703703845051542487;0.001851851851851851922525771243;0.001111111111111111110147375847;0.007407407407407407690103084974;0.007777777777777777554191196430;0.000000000000000000000000000000;0.017037037037037038034181790636;0.033703703703703701000105041885;0.010000000000000000208166817117;0.017037037037037038034181790636;0.009259259259259258745267118229;0.004814814814814815172039352831;0.007037037037037036958653235530
-0.020056497175141241307017025974;0.025988700564971749934484179789;0.034463276836158192317771664648;0.027118644067796609381515438031;0.080225988700564965228068103897;0.023446327683615819648110800699;0.003107344632768361744612484188;0.024858757062146893956899873501;0.039548022598870059829412326735;0.033615819209039547732498220967;0.015254237288135593861304606378;0.012429378531073446978449936751;0.003954802259887005462524189880;0.020338983050847456168774840535;0.026271186440677964796241994350;0.010734463276836157807903049388;0.017796610169491525882401461445;0.033898305084745762594256035527;0.048305084745762713605010674200;0.004802259887005650047797633562;0.019209039548022600191190534247;0.018079096045197740744159276005;0.002259887005649717593019909501;0.043502824858757060955127826674;0.015254237288135593861304606378;0.021468926553672315615806098776;0.024011299435028249371626429820;0.030225988700564972860851398195;0.001694915254237288086344714877;0.061581920903954805168734054632;0.006497175141242937483621044947;0.017231638418079096158885832324;0.009322033898305085233837452563;0.003672316384180791034447244314;0.001129943502824858796509954750;0.032768361581920903147224777285;0.011581920903954802393176493069;0.005084745762711864042193710134;0.010169491525423728084387420267;0.001694915254237288086344714877;0.011864406779661017254934307630;0.024576271186440679095142058941;0.000000000000000000000000000000;0.025706214689265535072726365229;0.025988700564971749934484179789;0.016101694915254236711854574082;0.029096045197740113413820139954;0.009039548022598870372079638003;0.009604519774011300095595267123;0.005367231638418078903951524694
-0.023809523809523808202115446875;0.014285714285714285268213963320;0.023809523809523808202115446875;0.016269841269841271019780393203;0.067857142857142851988250242812;0.026587301587301586519584972734;0.002777777777777777883788656865;0.041666666666666664353702032031;0.019841269841269840168429539062;0.031746031746031744269487262500;0.024603174603174602502742018828;0.011904761904761904101057723437;0.012301587301587301251371009414;0.016666666666666666435370203203;0.042857142857142857539365365938;0.010317460317460317234528055508;0.014285714285714285268213963320;0.022619047619047618485899064922;0.068253968253968247403840052812;0.001587301587301587300210536924;0.028571428571428570536427926640;0.008333333333333333217685101602;0.004761904761904762334312479766;0.040873015873015873522522412031;0.018650793650793650452213157109;0.025000000000000001387778780781;0.034920634920634921471993550313;0.007142857142857142634106981660;0.004365079365079365183999193789;0.041666666666666664353702032031;0.005952380952380952050528861719;0.021031746031746033354092872969;0.029365079365079364837054498594;0.003571428571428571317053490830;0.004365079365079365183999193789;0.031746031746031744269487262500;0.011111111111111111535154627461;0.004761904761904762334312479766;0.003968253968253968033685907812;0.000793650793650793650105268462;0.011111111111111111535154627461;0.007539682539682539784420267637;0.000000000000000000000000000000;0.030952380952380953438307642500;0.043650793650793648370544985937;0.018650793650793650452213157109;0.023412698412698412786525636875;0.010317460317460317234528055508;0.019047619047619049337249919063;0.010317460317460317234528055508
-0.011944444444444445030395485219;0.035555555555555555524716027094;0.041111111111111112159655078813;0.281111111111111089400083073997;0.021944444444444443503838826359;0.011666666666666667198648532633;0.003611111111111110945348645629;0.022777777777777778733803160094;0.033611111111111112437210834969;0.011944444444444445030395485219;0.011666666666666667198648532633;0.013055555555555556357383295563;0.001944444444444444388547799107;0.022777777777777778733803160094;0.026111111111111112714766591125;0.013611111111111110286153724758;0.009166666666666666712925959359;0.021111111111111111743321444578;0.014166666666666665949647629930;0.002222222222222222220294751693;0.008888888888888888881179006773;0.013055555555555556357383295563;0.001388888888888888941894328433;0.019722222222222220849863205672;0.016111111111111110771876298031;0.019444444444444444752839729063;0.027222222222222220572307449515;0.067500000000000004440892098501;0.001111111111111111110147375847;0.012500000000000000693889390391;0.008333333333333333217685101602;0.007499999999999999722444243844;0.005555555555555555767577313730;0.010277777777777778039913769703;0.002777777777777777883788656865;0.019444444444444444752839729063;0.002777777777777777883788656865;0.004444444444444444440589503387;0.006944444444444444058950338672;0.005277777777777777935830361145;0.006944444444444444058950338672;0.033055555555555553304269977843;0.000000000000000000000000000000;0.005277777777777777935830361145;0.022777777777777778733803160094;0.006111111111111111431071218902;0.024166666666666666157814447047;0.008055555555555555385938149016;0.008611111111111111049432054187;0.013611111111111110286153724758
-0.016666666666666666435370203203;0.016954022988505748625875924063;0.038505747126436784544267766250;0.192241379310344823183598350624;0.008045977011494252761902856719;0.014942528735632183700676733906;0.005459770114942528659862652773;0.016954022988505748625875924063;0.039655172413793106367396745782;0.023850574712643679564649801250;0.010344827586206896408160815781;0.012931034482758620510201019727;0.005172413793103448204080407891;0.022701149425287357741520821719;0.018678160919540231360569393360;0.015804597701149426802746944531;0.016666666666666666435370203203;0.029597701149425288680294698906;0.017241379310344827346934692969;0.006034482758620689571427142539;0.015229885057471264156458978789;0.024137931034482758285708570156;0.004022988505747126380951428359;0.028160919540229884666659998516;0.025287356321839080108837549687;0.029022988505747127768730209141;0.020689655172413792816321631562;0.023850574712643679564649801250;0.001724137931034482734693469297;0.009195402298850574585031836250;0.010919540229885057319725305547;0.016091954022988505523805713437;0.011781609195402298687072040195;0.006896551724137930938773877187;0.004597701149425287292515918125;0.023275862068965518653085311485;0.007758620689655172306120611836;0.016954022988505748625875924063;0.019252873563218392272133883125;0.010057471264367815952378570898;0.008045977011494252761902856719;0.033908045977011497251751848125;0.000000000000000000000000000000;0.019252873563218392272133883125;0.012068965517241379142854285078;0.020114942528735631904757141797;0.026436781609195401931966529219;0.014942528735632183700676733906;0.012931034482758620510201019727;0.014942528735632183700676733906
-0.011949685534591195784637207566;0.015094339622641509551792537991;0.039308176100628929028335534213;0.392452830188679269163287699484;0.012264150943396227161352740609;0.010062893081761005789620533335;0.005345911949685534271525799710;0.016037735849056603681939137118;0.021069182389937105709387665797;0.012264150943396227161352740609;0.006289308176100629269034136826;0.007232704402515723399180735953;0.005974842767295597892318603783;0.022641509433962262592965331010;0.022641509433962262592965331010;0.010062893081761005789620533335;0.023899371069182391569274415133;0.023899371069182391569274415133;0.009119496855345911659473934208;0.005031446540880502894810266667;0.009119496855345911659473934208;0.021383647798742137086103198840;0.005345911949685534271525799710;0.016352201257861635058654670161;0.016352201257861635058654670161;0.014779874213836478175077004948;0.022955974842767293969680864052;0.009748427672955974412905000293;0.002515723270440251447405133334;0.010377358490566037166336066377;0.007547169811320754775896268995;0.020440251572327042955956599712;0.003144654088050314634517068413;0.007547169811320754775896268995;0.006918238993710692022465202911;0.017924528301886791942232335373;0.004402515723270440141379200583;0.004716981132075471518094733625;0.010062893081761005789620533335;0.011949685534591195784637207566;0.006289308176100629269034136826;0.020440251572327042955956599712;0.000000000000000000000000000000;0.007232704402515723399180735953;0.013522012578616352668214872779;0.011635220125786162673198198547;0.013207547169811321291499339736;0.011949685534591195784637207566;0.011320754716981131296482665505;0.008176100628930817529327335080
-0.022875816993464050813633647863;0.016993464052287580307032399674;0.057843137254901963451025892482;0.124836601307189543064168901765;0.006862745098039215591034789554;0.012418300653594770491250365296;0.007189542483660130330058724013;0.031045751633986928830211127206;0.021895424836601305729200106498;0.022549019607843136941971451392;0.013725490196078431182069579108;0.005882352941176470506601248189;0.008823529411764705759901872284;0.040849673202614379674546540855;0.040849673202614379674546540855;0.022222222222222223070309254922;0.018954248366013070475899482403;0.026797385620915031151367813322;0.017973856209150325391465941038;0.003921568627450980337734165460;0.021568627450980391857537910028;0.014705882352941176266503120473;0.002614379084967320080595820642;0.035294117647058823039607489136;0.026797385620915031151367813322;0.028104575163398693576910503111;0.040196078431372551931222147914;0.010784313725490195928768955014;0.002614379084967320080595820642;0.015359477124183005744550989391;0.006535947712418300852010855095;0.019281045751633987817008630827;0.006209150326797385245625182648;0.012091503267973856619588168826;0.009477124183006535237949741202;0.032026143790849670445197716617;0.007843137254901960675468330919;0.005228758169934640161191641283;0.001633986928104575213002713774;0.010784313725490195928768955014;0.012418300653594770491250365296;0.006535947712418300852010855095;0.000000000000000000000000000000;0.017320261437908497648141548098;0.023529411764705882026404992757;0.013071895424836601704021710191;0.033333333333333332870740406406;0.024836601307189540982500730593;0.016339869281045752563708006733;0.018954248366013070475899482403
-0.012264150943396227161352740609;0.004402515723270440141379200583;0.032389937106918238740593807279;0.471069182389937113342170960095;0.003144654088050314634517068413;0.020754716981132074332672132755;0.001886792452830188693974067249;0.022641509433962262592965331010;0.027044025157232705336429745557;0.013836477987421384044930405821;0.007547169811320754775896268995;0.027358490566037736713145278600;0.000628930817610062861851283333;0.013836477987421384044930405821;0.020754716981132074332672132755;0.015723270440251572305223604076;0.010377358490566037166336066377;0.010377358490566037166336066377;0.012578616352201258538068273651;0.000314465408805031430925641667;0.014150943396226415421645938864;0.016666666666666666435370203203;0.000943396226415094346987033624;0.016352201257861635058654670161;0.021069182389937105709387665797;0.020754716981132074332672132755;0.016352201257861635058654670161;0.003773584905660377387948134498;0.000943396226415094346987033624;0.010377358490566037166336066377;0.010377358490566037166336066377;0.006289308176100629269034136826;0.001572327044025157317258534206;0.017924528301886791942232335373;0.001257861635220125723702566667;0.011949685534591195784637207566;0.001572327044025157317258534206;0.005345911949685534271525799710;0.004402515723270440141379200583;0.000628930817610062861851283333;0.010691823899371068543051599420;0.011320754716981131296482665505;0.000000000000000000000000000000;0.006603773584905660645749669868;0.016352201257861635058654670161;0.011635220125786162673198198547;0.016981132075471697812085736246;0.001572327044025157317258534206;0.002201257861635220070689600291;0.011006289308176099919767132462
-0.023550724637681159923108253906;0.006159420289855072755402787266;0.101086956521739129710724114375;0.000362318840579710149327197222;0.002173913043478260895963183330;0.017028985507246376801537834922;0.000724637681159420298654394443;0.015579710144927537071590784024;0.047826086956521740578551771250;0.034782608695652174335410933281;0.010507246376811593679967415937;0.006159420289855072755402787266;0.007246376811594202986543944434;0.050000000000000002775557561563;0.006159420289855072755402787266;0.016304347826086956069202571484;0.033333333333333332870740406406;0.032971014492753622504572774687;0.005072463768115941656899892109;0.013768115942028985240752625430;0.006884057971014492620376312715;0.036594202898550726166249091875;0.002173913043478260895963183330;0.055797101449275361695345765156;0.026086956521739129016834723984;0.040579710144927533255199136875;0.022826086956521739190772990469;0.007608695652173913352711576152;0.002173913043478260895963183330;0.006884057971014492620376312715;0.008333333333333333217685101602;0.024275362318840580655443517344;0.004347826086956521791926366660;0.012681159420289855876973206250;0.013043478260869564508417361992;0.056521739130434782427681028594;0.012318840579710145510805574531;0.010507246376811593679967415937;0.018478260869565218266208361797;0.013405797101449274874584993711;0.002536231884057970828449946055;0.017391304347826087167705466641;0.000000000000000000000000000000;0.017028985507246376801537834922;0.003260869565217391127104340498;0.013043478260869564508417361992;0.057971014492753623892351555469;0.035869565217391305433913828438;0.020652173913043476993767200156;0.019927536231884056261431936719
-0.013055555555555556357383295563;0.038055555555555557745162076344;0.036666666666666666851703837438;0.189444444444444443087505192125;0.029722222222222222792753498766;0.018333333333333333425851918719;0.006388888888888889262818171488;0.026111111111111112714766591125;0.029166666666666667129259593594;0.010000000000000000208166817117;0.009444444444444444544672911945;0.013333333333333334189130248149;0.007222222222222221890697291258;0.012222222222222222862142437805;0.037499999999999998612221219219;0.010833333333333333703407674875;0.017777777777777777762358013547;0.040833333333333332593184650250;0.019166666666666665186369300500;0.003611111111111110945348645629;0.013055555555555556357383295563;0.017222222222222222098864108375;0.002777777777777777883788656865;0.016388888888888890338346726594;0.010277777777777778039913769703;0.018333333333333333425851918719;0.033333333333333332870740406406;0.066666666666666665741480812812;0.000833333333333333386820640509;0.022777777777777778733803160094;0.008333333333333333217685101602;0.013333333333333334189130248149;0.007777777777777777554191196430;0.013333333333333334189130248149;0.006666666666666667094565124074;0.028611111111111111465765688422;0.009722222222222222376419864531;0.010277777777777778039913769703;0.002777777777777777883788656865;0.008611111111111111049432054187;0.009166666666666666712925959359;0.030277777777777778456247403938;0.000000000000000000000000000000;0.007777777777777777554191196430;0.015277777777777777276635440273;0.013611111111111110286153724758;0.011944444444444445030395485219;0.008333333333333333217685101602;0.015555555555555555108382392859;0.008055555555555555385938149016
-0.023563218390804597374144080391;0.026436781609195401931966529219;0.043678160919540229278901222187;0.002298850574712643646257959062;0.016379310344827587714311434297;0.025000000000000001387778780781;0.003735632183908045925169183477;0.038505747126436784544267766250;0.023563218390804597374144080391;0.024425287356321840476214291016;0.021551724137931035918391842188;0.016666666666666666435370203203;0.011781609195402298687072040195;0.022126436781609196829956331953;0.030459770114942528312917957578;0.014655172413793103244894489023;0.015804597701149426802746944531;0.060632183908045977904777146250;0.037356321839080462721138786719;0.005747126436781609115644897656;0.022988505747126436462579590625;0.019827586206896553183698372891;0.019827586206896553183698372891;0.029597701149425288680294698906;0.029022988505747127768730209141;0.030172413793103449591859188672;0.041379310344827585632643263125;0.014367816091954022789112244141;0.002011494252873563190475714180;0.027298850574712645034036739844;0.009770114942528735496596326016;0.011494252873563218231289795312;0.025287356321839080108837549687;0.007183908045977011394556122070;0.009482758620689655040814081133;0.038793103448275863265326535156;0.014655172413793103244894489023;0.008045977011494252761902856719;0.004310344827586206836733673242;0.012931034482758620510201019727;0.013793103448275861877547754375;0.017528735632183909537440413828;0.000000000000000000000000000000;0.012931034482758620510201019727;0.015804597701149426802746944531;0.016954022988505748625875924063;0.022126436781609196829956331953;0.014367816091954022789112244141;0.030459770114942528312917957578;0.013218390804597700965983264609
-0.010377358490566037166336066377;0.066981132075471697118196345855;0.027672955974842768089860811642;0.083647798742138360084119597104;0.025471698113207548452852080345;0.015723270440251572305223604076;0.007547169811320754775896268995;0.032075471698113207363878274236;0.031132075471698113233731675109;0.009433962264150943036189467250;0.011635220125786162673198198547;0.009433962264150943036189467250;0.012264150943396227161352740609;0.013207547169811321291499339736;0.041823899371069180042059798552;0.005031446540880502894810266667;0.024213836477987422945989948175;0.066981132075471697118196345855;0.032075471698113207363878274236;0.004402515723270440141379200583;0.022327044025157231216249797967;0.016981132075471697812085736246;0.019811320754716980202525533628;0.013207547169811321291499339736;0.011949685534591195784637207566;0.012264150943396227161352740609;0.028301886792452830843291877727;0.060691823899371069583885685006;0.004716981132075471518094733625;0.024842767295597485699421014260;0.007232704402515723399180735953;0.008805031446540880282758401165;0.016037735849056603681939137118;0.005345911949685534271525799710;0.011635220125786162673198198547;0.020125786163522011579241066670;0.012578616352201258538068273651;0.008176100628930817529327335080;0.008176100628930817529327335080;0.010691823899371068543051599420;0.019182389937106917449094467543;0.051572327044025159659135226775;0.000000000000000000000000000000;0.008805031446540880282758401165;0.019496855345911948825810000585;0.009119496855345911659473934208;0.007861635220125786152611802038;0.004716981132075471518094733625;0.018553459119496854695663401458;0.005660377358490565648241332752
-0.014999999999999999444888487687;0.027500000000000000138777878078;0.037222222222222219045750790656;0.218888888888888882844341310374;0.014999999999999999444888487687;0.013055555555555556357383295563;0.007499999999999999722444243844;0.034166666666666664631257788187;0.035555555555555555524716027094;0.018888888888888889089345823891;0.014444444444444443781394582516;0.011944444444444445030395485219;0.005833333333333333599324266316;0.016111111111111110771876298031;0.037222222222222219045750790656;0.021944444444444443503838826359;0.015277777777777777276635440273;0.031388888888888889783235214281;0.018888888888888889089345823891;0.002777777777777777883788656865;0.016111111111111110771876298031;0.020000000000000000416333634234;0.004166666666666666608842550801;0.026388888888888888811790067734;0.018611111111111109522875395328;0.019166666666666665186369300500;0.031944444444444441977282167500;0.036666666666666666851703837438;0.003055555555555555715535609451;0.008055555555555555385938149016;0.006111111111111111431071218902;0.015277777777777777276635440273;0.005833333333333333599324266316;0.008333333333333333217685101602;0.005000000000000000104083408559;0.024166666666666666157814447047;0.007777777777777777554191196430;0.007499999999999999722444243844;0.004444444444444444440589503387;0.006666666666666667094565124074;0.014999999999999999444888487687;0.021111111111111111743321444578;0.000000000000000000000000000000;0.014722222222222221613141535101;0.014166666666666665949647629930;0.012500000000000000693889390391;0.023611111111111110494320541875;0.007499999999999999722444243844;0.010000000000000000208166817117;0.007499999999999999722444243844
-0.034523809523809526056403740313;0.007539682539682539784420267637;0.060714285714285713690951951094;0.013888888888888888117900677344;0.007539682539682539784420267637;0.032539682539682542039560786407;0.006349206349206349200842147695;0.011904761904761904101057723437;0.051190476190476189022326991562;0.017857142857142856151586585156;0.015476190476190476719153821250;0.052380952380952382207990325469;0.013888888888888888117900677344;0.036507936507936510073246694219;0.007539682539682539784420267637;0.036507936507936510073246694219;0.031349206349206348853897452500;0.028571428571428570536427926640;0.016666666666666666435370203203;0.011507936507936508685467913438;0.013492063492063492702310867344;0.031746031746031744269487262500;0.003968253968253968033685907812;0.032539682539682542039560786407;0.051190476190476189022326991562;0.035317460317460316887583360312;0.021031746031746033354092872969;0.002777777777777777883788656865;0.001587301587301587300210536924;0.015079365079365079568840535273;0.025793650793650792218958400781;0.019047619047619049337249919063;0.005158730158730158617264027754;0.003571428571428571317053490830;0.011507936507936508685467913438;0.032142857142857139685077072500;0.010714285714285714384841341484;0.011507936507936508685467913438;0.005952380952380952050528861719;0.011111111111111111535154627461;0.007539682539682539784420267637;0.022222222222222223070309254922;0.000000000000000000000000000000;0.017857142857142856151586585156;0.007142857142857142634106981660;0.011507936507936508685467913438;0.028174603174603175120838116641;0.034126984126984123701920026406;0.017460317460317460735996775156;0.014285714285714285268213963320
-0.023214285714285715078730731875;0.019642857142857142460634634062;0.043452380952380950662750080937;0.007142857142857142634106981660;0.019940476190476189022326991562;0.022321428571428571924206707422;0.002678571428571428596210335371;0.044047619047619050725028699844;0.018452380952380952744418252109;0.019345238095238095898942276563;0.022321428571428571924206707422;0.010119047619047619526733150508;0.015476190476190476719153821250;0.022916666666666665047591422422;0.024404761904761904794947113828;0.011904761904761904101057723437;0.016369047619047619873677845703;0.060416666666666667129259593594;0.039583333333333331482961625625;0.007440476190476190063161077148;0.026488095238095237665687520234;0.009821428571428571230317317031;0.024404761904761904794947113828;0.019940476190476189022326991562;0.020833333333333332176851016015;0.019642857142857142460634634062;0.050297619047619049337249919063;0.028869047619047620567567236094;0.000595238095238095291789059971;0.031547619047619046561692357500;0.007738095238095238359576910625;0.010714285714285714384841341484;0.028273809523809523974735569141;0.008333333333333333217685101602;0.013988095238095238706521605820;0.037499999999999998612221219219;0.018749999999999999306110609609;0.005357142857142857192420670742;0.010119047619047619526733150508;0.017261904761904763028201870156;0.011904761904761904101057723437;0.021130952380952382207990325469;0.000000000000000000000000000000;0.010119047619047619526733150508;0.021428571428571428769682682969;0.008928571428571428075793292578;0.018749999999999999306110609609;0.012500000000000000693889390391;0.042261904761904764415980650938;0.011309523809523809242949532461
-0.041525423728813556922823124751;0.002824858757062146882854669627;0.035310734463276836903045108329;0.090112994350282485389591613512;0.019209039548022600191190534247;0.012429378531073446978449936751;0.001129943502824858796509954750;0.020903954802259885892290469656;0.018644067796610170467674905126;0.057909604519774011965882465347;0.009604519774011300095595267123;0.008192090395480225786806194321;0.003672316384180791034447244314;0.032203389830508473423709148165;0.009039548022598870372079638003;0.021468926553672315615806098776;0.009604519774011300095595267123;0.013276836158192089828999904455;0.014406779661016949276031162697;0.004802259887005650047797633562;0.023163841807909604786352986139;0.007909604519774010925048379761;0.002542372881355932021096855067;0.084745762711864403016193136864;0.027401129943502824243273252591;0.064971751412429376570933925450;0.014971751412429378999546791817;0.062711864406779657676871408967;0.000282485875706214699127488688;0.007344632768361582068894488629;0.003672316384180791034447244314;0.014971751412429378999546791817;0.007344632768361582068894488629;0.002824858757062146882854669627;0.003107344632768361744612484188;0.029661016949152543137335769075;0.005367231638418078903951524694;0.008757062146892655510321823442;0.001694915254237288086344714877;0.000847457627118644043172357438;0.005367231638418078903951524694;0.005367231638418078903951524694;0.000000000000000000000000000000;0.066101694915254236017965183692;0.005367231638418078903951524694;0.037005649717514126073591995691;0.038983050847457630105896697614;0.023728813559322034509868615260;0.007627118644067796930652303189;0.009887005649717514957353081684
-0.005277777777777777935830361145;0.014166666666666665949647629930;0.014999999999999999444888487687;0.234722222222222220988641083750;0.117499999999999993338661852249;0.011111111111111111535154627461;0.004722222222222222272336455973;0.018888888888888889089345823891;0.045555555555555557467606320188;0.007222222222222221890697291258;0.008333333333333333217685101602;0.016944444444444446001840631766;0.005277777777777777935830361145;0.008611111111111111049432054187;0.017777777777777777762358013547;0.005833333333333333599324266316;0.006666666666666667094565124074;0.017777777777777777762358013547;0.014166666666666665949647629930;0.001388888888888888941894328433;0.013333333333333334189130248149;0.010555555555555555871660722289;0.006388888888888889262818171488;0.007777777777777777554191196430;0.008055555555555555385938149016;0.008055555555555555385938149016;0.018888888888888889089345823891;0.152222222222222230980648305376;0.001388888888888888941894328433;0.021666666666666667406815349750;0.009444444444444444544672911945;0.003055555555555555715535609451;0.010000000000000000208166817117;0.008888888888888888881179006773;0.002777777777777777883788656865;0.010277777777777778039913769703;0.006944444444444444058950338672;0.002500000000000000052041704279;0.019444444444444444752839729063;0.004166666666666666608842550801;0.005555555555555555767577313730;0.047500000000000000555111512313;0.000000000000000000000000000000;0.003888888888888888777095598215;0.011388888888888889366901580047;0.005277777777777777935830361145;0.005833333333333333599324266316;0.002500000000000000052041704279;0.011944444444444445030395485219;0.003333333333333333547282562037
-0.028333333333333331899295259859;0.022499999999999999167332731531;0.033333333333333332870740406406;0.000833333333333333386820640509;0.022499999999999999167332731531;0.055000000000000000277555756156;0.004166666666666666608842550801;0.024166666666666666157814447047;0.042916666666666665463925056656;0.010833333333333333703407674875;0.017916666666666667545593227828;0.052916666666666667406815349750;0.021250000000000001526556658860;0.011666666666666667198648532633;0.013333333333333334189130248149;0.013333333333333334189130248149;0.022499999999999999167332731531;0.047083333333333331205405869468;0.031666666666666669349705642844;0.003749999999999999861222121922;0.020833333333333332176851016015;0.026249999999999999028554853453;0.014166666666666665949647629930;0.011666666666666667198648532633;0.029999999999999998889776975375;0.016250000000000000555111512313;0.037916666666666667961926862063;0.018333333333333333425851918719;0.000416666666666666693410320255;0.055000000000000000277555756156;0.031250000000000000000000000000;0.010000000000000000208166817117;0.016666666666666666435370203203;0.010000000000000000208166817117;0.012500000000000000693889390391;0.020000000000000000416333634234;0.011666666666666667198648532633;0.009583333333333332593184650250;0.014166666666666665949647629930;0.012500000000000000693889390391;0.009166666666666666712925959359;0.039166666666666669072149886688;0.000000000000000000000000000000;0.005833333333333333599324266316;0.010416666666666666088425508008;0.014583333333333333564629796797;0.011666666666666667198648532633;0.011666666666666667198648532633;0.025000000000000001387778780781;0.013333333333333334189130248149
-0.021474358974358974394558430276;0.022115384615384616612265844537;0.040705128205128206231311338570;0.013461538461538462285727035805;0.051282051282051280272078486178;0.044230769230769233224531689075;0.003205128205128205017004905386;0.016025641025641024217662788942;0.072115384615384608979482550239;0.006089743589743589792517841630;0.017307692307692308653077617464;0.037179487179487179238090988065;0.013141025641025641176873328675;0.017628205128205128027207848618;0.025000000000000001387778780781;0.016666666666666666435370203203;0.010256410256410256401360392431;0.032051282051282048435325577884;0.028525641025641024911552179333;0.004487179487179486850334519943;0.011858974358974358476181976130;0.030769230769230770938804653269;0.003846153846153846367350581659;0.008012820512820512108831394471;0.025000000000000001387778780781;0.018910256410256408993175725186;0.015384615384615385469402326635;0.043269230769230768163247091707;0.000000000000000000000000000000;0.082051282051282051210883139447;0.014102564102564102768710974090;0.006410256410256410034009810772;0.016987179487179485809500434357;0.006089743589743589792517841630;0.007692307692307692734701163317;0.014743589743589743251694912374;0.008333333333333333217685101602;0.004807692307692307959188227073;0.030448717948717948095227470162;0.007692307692307692734701163317;0.007692307692307692734701163317;0.066666666666666665741480812812;0.000000000000000000000000000000;0.003205128205128205017004905386;0.018910256410256408993175725186;0.003205128205128205017004905386;0.015384615384615385469402326635;0.009294871794871794809522747016;0.011858974358974358476181976130;0.014423076923076923877564681220
-0.026602564102564101727876888503;0.035576923076923075428545928389;0.030769230769230770938804653269;0.042307692307692310040856398246;0.010576923076923077510214099561;0.031730769230769229061195346731;0.005769230769230769551025872488;0.020192307692307693428590553708;0.034935897435897436680285466082;0.011217948717948717993198037846;0.012179487179487179585035683260;0.020192307692307693428590553708;0.021474358974358974394558430276;0.020833333333333332176851016015;0.026282051282051282353746657350;0.013461538461538462285727035805;0.021794871794871793768688661430;0.054166666666666668517038374375;0.017307692307692308653077617464;0.007371794871794871625847456187;0.015384615384615385469402326635;0.015064102564102564360548619504;0.030448717948717948095227470162;0.018589743589743589619045494032;0.030128205128205128721097239008;0.019551282051282051210883139447;0.024038461538461539795941135367;0.042628205128205129414986629399;0.002243589743589743425167259971;0.042628205128205129414986629399;0.024679487179487178544201597674;0.010897435897435896884344330715;0.022756410256410255360526306845;0.007692307692307692734701163317;0.024358974358974359170071366520;0.027243589743589743945584302764;0.010897435897435896884344330715;0.009294871794871794809522747016;0.004166666666666666608842550801;0.017628205128205128027207848618;0.010256410256410256401360392431;0.025000000000000001387778780781;0.000000000000000000000000000000;0.010576923076923077510214099561;0.013141025641025641176873328675;0.007371794871794871625847456187;0.015705128205128204843532557788;0.013782051282051281659857266959;0.025000000000000001387778780781;0.014102564102564102768710974090
-0.007000000000000000145716771982;0.012999999999999999403255124264;0.031666666666666669349705642844;0.543000000000000038191672047105;0.005333333333333333155235056466;0.002333333333333333526465880325;0.003666666666666666598434209945;0.008666666666666666268836749509;0.024666666666666666601903656897;0.010666666666666666310470112933;0.006666666666666667094565124074;0.007333333333333333196868419890;0.001000000000000000020816681712;0.009333333333333334105863521302;0.014333333333333333342585191872;0.005000000000000000104083408559;0.014666666666666666393736839780;0.020333333333333331732761806165;0.004666666666666667052931760651;0.002333333333333333526465880325;0.006000000000000000124900090270;0.010333333333333333259318465025;0.000666666666666666644404382058;0.012333333333333333300951828448;0.006666666666666667094565124074;0.010333333333333333259318465025;0.011666666666666667198648532633;0.061999999999999999555910790150;0.000666666666666666644404382058;0.004000000000000000083266726847;0.002666666666666666577617528233;0.011666666666666667198648532633;0.001666666666666666773641281019;0.004666666666666667052931760651;0.001000000000000000020816681712;0.017000000000000001221245327088;0.002333333333333333526465880325;0.004333333333333333134418374755;0.005000000000000000104083408559;0.002333333333333333526465880325;0.003666666666666666598434209945;0.037999999999999999056310429069;0.000000000000000000000000000000;0.007333333333333333196868419890;0.007000000000000000145716771982;0.008666666666666666268836749509;0.011333333333333334147496884725;0.004000000000000000083266726847;0.003666666666666666598434209945;0.003333333333333333547282562037
-0.007916666666666667337426410711;0.017500000000000001665334536938;0.022083333333333333287074040641;0.493750000000000022204460492503;0.009166666666666666712925959359;0.004166666666666666608842550801;0.001666666666666666773641281019;0.009583333333333332593184650250;0.028750000000000001249000902703;0.013750000000000000069388939039;0.005000000000000000104083408559;0.006666666666666667094565124074;0.001666666666666666773641281019;0.012500000000000000693889390391;0.015416666666666667059870654555;0.006666666666666667094565124074;0.009583333333333332593184650250;0.019583333333333334536074943344;0.005416666666666666851703837438;0.001250000000000000026020852140;0.005000000000000000104083408559;0.011666666666666667198648532633;0.000833333333333333386820640509;0.015416666666666667059870654555;0.010416666666666666088425508008;0.014583333333333333564629796797;0.017916666666666667545593227828;0.074999999999999997224442438437;0.002083333333333333304421275400;0.006666666666666667094565124074;0.002916666666666666799662133158;0.015416666666666667059870654555;0.000833333333333333386820640509;0.010416666666666666088425508008;0.000416666666666666693410320255;0.020000000000000000416333634234;0.002500000000000000052041704279;0.002916666666666666799662133158;0.003749999999999999861222121922;0.003333333333333333547282562037;0.005000000000000000104083408559;0.033333333333333332870740406406;0.000000000000000000000000000000;0.012916666666666666574148081281;0.006666666666666667094565124074;0.002916666666666666799662133158;0.011249999999999999583666365766;0.008750000000000000832667268469;0.002916666666666666799662133158;0.002083333333333333304421275400
-0.014406779661016949276031162697;0.011299435028248587531418678509;0.020903954802259885892290469656;0.539265536723163796395397184824;0.001412429378531073441427334814;0.006779661016949152345378859508;0.005084745762711864042193710134;0.014124293785310734414273348136;0.020903954802259885892290469656;0.014689265536723164137788977257;0.007062146892655367207136674068;0.004802259887005650047797633562;0.003672316384180791034447244314;0.009604519774011300095595267123;0.023446327683615819648110800699;0.011016949152542372669660863949;0.014124293785310734414273348136;0.012994350282485874967242089895;0.010169491525423728084387420267;0.003107344632768361744612484188;0.011299435028248587531418678509;0.012146892655367232116692122190;0.001129943502824858796509954750;0.010169491525423728084387420267;0.018926553672316385329432719686;0.014971751412429378999546791817;0.015536723163841808723062420938;0.016949152542372881297128017763;0.002259887005649717593019909501;0.003954802259887005462524189880;0.004237288135593220324282004441;0.012146892655367232116692122190;0.002259887005649717593019909501;0.006497175141242937483621044947;0.004519774011299435186039819001;0.014406779661016949276031162697;0.002259887005649717593019909501;0.003672316384180791034447244314;0.005649717514124293765709339254;0.005367231638418078903951524694;0.007627118644067796930652303189;0.012146892655367232116692122190;0.000000000000000000000000000000;0.012429378531073446978449936751;0.009604519774011300095595267123;0.010734463276836157807903049388;0.008757062146892655510321823442;0.006779661016949152345378859508;0.003389830508474576172689429754;0.011299435028248587531418678509
-0.017803030303030303177491688871;0.034469696969696969612861892074;0.028787878787878789371701415689;0.100757575757575754127337575028;0.062878787878787881227005129858;0.014772727272727272443408885749;0.006439393939393939225723784148;0.040909090909090908838585676222;0.005303030303030303350964036468;0.023106060606060605661093987351;0.017045454545454544192928381108;0.007954545454545453725403447720;0.006060606060606060600803868255;0.017045454545454544192928381108;0.060227272727272726515757028665;0.012878787878787878451447568295;0.017045454545454544192928381108;0.035227272727272725127978247883;0.037121212121212124324109993267;0.004924242424242423858682382587;0.022348484848484850145977631541;0.003787878787878787983922634908;0.003409090909090908925321850020;0.033333333333333332870740406406;0.014393939393939394685850707845;0.022348484848484850145977631541;0.025000000000000001387778780781;0.050000000000000002775557561563;0.001515151515151515150200967064;0.026893939393939393645016622258;0.006060606060606060600803868255;0.021969696969696968918972501683;0.014015151515151515193569053963;0.003787878787878787983922634908;0.005303030303030303350964036468;0.025378787878787879145336958686;0.006439393939393939225723784148;0.006439393939393939225723784148;0.001136363636363636308440616673;0.003409090909090908925321850020;0.015909090909090907450806895440;0.007196969696969697342925353922;0.000000000000000000000000000000;0.021590909090909091161414323778;0.034469696969696969612861892074;0.015151515151515151935690539631;0.024621212121212120160773650923;0.013257575757575757943729222177;0.010606060606060606701928072937;0.009469696969696969959806587269
-0.009935897435897435292506685300;0.008974358974358973700669039886;0.071153846153846150857091856778;0.299038461538461530775379060287;0.001923076923076923183675290829;0.008012820512820512108831394471;0.000961538461538461591837645415;0.019230769230769231836752908293;0.025961538461538462979616426196;0.024358974358974359170071366520;0.009615384615384615918376454147;0.006730769230769231142863517903;0.005128205128205128200680196215;0.032371794871794874748349712945;0.022115384615384616612265844537;0.017948717948717947401338079771;0.019871794871794870585013370601;0.031410256410256409687065115577;0.007371794871794871625847456187;0.003205128205128205017004905386;0.004807692307692307959188227073;0.026282051282051282353746657350;0.003525641025641025692177743522;0.022115384615384616612265844537;0.016025641025641024217662788942;0.027884615384615386163291717025;0.029487179487179486503389824748;0.005128205128205128200680196215;0.000641025641025641025085024527;0.003846153846153846367350581659;0.005128205128205128200680196215;0.015064102564102564360548619504;0.002884615384615384775512936244;0.009294871794871794809522747016;0.007692307692307692734701163317;0.033974358974358971619000868714;0.006410256410256410034009810772;0.004807692307692307959188227073;0.002564102564102564100340098108;0.012820512820512820068019621544;0.004487179487179486850334519943;0.012820512820512820068019621544;0.000000000000000000000000000000;0.014743589743589743251694912374;0.008333333333333333217685101602;0.009615384615384615918376454147;0.034615384615384617306155234928;0.021153846153846155020428199123;0.010897435897435896884344330715;0.017628205128205128027207848618
-0.003846153846153846367350581659;0.015384615384615385469402326635;0.021153846153846155020428199123;0.659615384615384603428367427114;0.001282051282051282050170049054;0.003846153846153846367350581659;0.001282051282051282050170049054;0.009615384615384615918376454147;0.025000000000000001387778780781;0.005128205128205128200680196215;0.003205128205128205017004905386;0.003525641025641025692177743522;0.001282051282051282050170049054;0.008012820512820512108831394471;0.016346153846153847061239972049;0.002884615384615384775512936244;0.014423076923076923877564681220;0.023076923076923078204103489952;0.008974358974358973700669039886;0.002243589743589743425167259971;0.006410256410256410034009810772;0.010897435897435896884344330715;0.003846153846153846367350581659;0.006730769230769231142863517903;0.002243589743589743425167259971;0.004807692307692307959188227073;0.007692307692307692734701163317;0.011858974358974358476181976130;0.000000000000000000000000000000;0.005448717948717948442172165358;0.001282051282051282050170049054;0.005448717948717948442172165358;0.002243589743589743425167259971;0.002884615384615384775512936244;0.002243589743589743425167259971;0.013141025641025641176873328675;0.003205128205128205017004905386;0.001282051282051282050170049054;0.008333333333333333217685101602;0.006730769230769231142863517903;0.008653846153846154326538808732;0.019230769230769231836752908293;0.000000000000000000000000000000;0.003846153846153846367350581659;0.008012820512820512108831394471;0.001282051282051282050170049054;0.008333333333333333217685101602;0.003846153846153846367350581659;0.007371794871794871625847456187;0.002564102564102564100340098108
-0.004807692307692307959188227073;0.024679487179487178544201597674;0.032051282051282048435325577884;0.449679487179487191728100015098;0.005769230769230769551025872488;0.009935897435897435292506685300;0.001282051282051282050170049054;0.019230769230769231836752908293;0.046153846153846156408206979904;0.006089743589743589792517841630;0.005128205128205128200680196215;0.004487179487179486850334519943;0.004166666666666666608842550801;0.010576923076923077510214099561;0.019871794871794870585013370601;0.004487179487179486850334519943;0.018269230769230770244915262879;0.055128205128205126639429067836;0.010897435897435896884344330715;0.002884615384615384775512936244;0.004487179487179486850334519943;0.030128205128205128721097239008;0.010897435897435896884344330715;0.006730769230769231142863517903;0.010897435897435896884344330715;0.008012820512820512108831394471;0.014102564102564102768710974090;0.014102564102564102768710974090;0.000641025641025641025085024527;0.012500000000000000693889390391;0.002884615384615384775512936244;0.004487179487179486850334519943;0.005128205128205128200680196215;0.003525641025641025692177743522;0.004487179487179486850334519943;0.016346153846153847061239972049;0.007371794871794871625847456187;0.000000000000000000000000000000;0.013141025641025641176873328675;0.009615384615384615918376454147;0.007371794871794871625847456187;0.032692307692307694122479944099;0.000000000000000000000000000000;0.001282051282051282050170049054;0.007051282051282051384355487045;0.003525641025641025692177743522;0.009615384615384615918376454147;0.006410256410256410034009810772;0.012179487179487179585035683260;0.004807692307692307959188227073
-0.005263157894736841986571551644;0.033333333333333332870740406406;0.036403508771929826703939170329;0.367105263157894712300333139865;0.008333333333333333217685101602;0.009210526315789472825978911885;0.001754385964912280734470662047;0.024122807017543858310038018544;0.054824561403508768886450042146;0.006140350877192982462227099916;0.003070175438596491231113549958;0.007456140350877192742029553330;0.003947368421052631706769098230;0.011403508771929825316160389548;0.022807017543859650632320779096;0.003947368421052631706769098230;0.023245614035087718701744208261;0.062719298245614035769435190559;0.012719298245614034728601104973;0.003947368421052631706769098230;0.004385964912280701510916003372;0.034649122807017540548457645855;0.011403508771929825316160389548;0.006140350877192982462227099916;0.011842105263157895120307294690;0.007017543859649122937882648188;0.014473684210526315679912201517;0.018859649122807017190828204889;0.000877192982456140367235331023;0.015350877192982455288206011801;0.004385964912280701510916003372;0.003947368421052631706769098230;0.006140350877192982462227099916;0.003508771929824561468941324094;0.005263157894736841986571551644;0.017543859649122806043664013487;0.007894736842105263413538196460;0.000000000000000000000000000000;0.012280701754385964924454199831;0.011403508771929825316160389548;0.010526315789473683973143103287;0.041666666666666664353702032031;0.000000000000000000000000000000;0.001754385964912280734470662047;0.009649122807017544364849293004;0.004824561403508772182424646502;0.010526315789473683973143103287;0.003070175438596491231113549958;0.014473684210526315679912201517;0.004385964912280701510916003372
-0.004824561403508772182424646502;0.020614035087719299876862777410;0.022807017543859650632320779096;0.587280701754385958679449686315;0.004824561403508772182424646502;0.006578947368421052266374005058;0.000438596491228070183617665512;0.013157894736842104532748010115;0.031578947368421053654152785839;0.005701754385964912658080194774;0.003947368421052631706769098230;0.002631578947368420993285775822;0.000877192982456140367235331023;0.011403508771929825316160389548;0.018859649122807017190828204889;0.003947368421052631706769098230;0.017543859649122806043664013487;0.038596491228070177459397172015;0.006578947368421052266374005058;0.003070175438596491231113549958;0.002631578947368420993285775822;0.022368421052631579093450397977;0.005263157894736841986571551644;0.006578947368421052266374005058;0.008771929824561403021832006743;0.007017543859649122937882648188;0.011403508771929825316160389548;0.010087719298245614168996198146;0.000438596491228070183617665512;0.009210526315789472825978911885;0.002192982456140350755458001686;0.006578947368421052266374005058;0.003508771929824561468941324094;0.001754385964912280734470662047;0.001315789473684210496642887911;0.010526315789473683973143103287;0.006140350877192982462227099916;0.002192982456140350755458001686;0.005263157894736841986571551644;0.005263157894736841986571551644;0.003508771929824561468941324094;0.027192982456140352143236782467;0.000000000000000000000000000000;0.003070175438596491231113549958;0.004824561403508772182424646502;0.004385964912280701510916003372;0.007017543859649122937882648188;0.002192982456140350755458001686;0.010087719298245614168996198146;0.003947368421052631706769098230
-0.009183673469387755930459782405;0.022108843537414966246013037221;0.035714285714285712303173170312;0.347959183673469396591571012323;0.003401360544217686947970902267;0.005782312925170067681446273156;0.002380952380952381167156239883;0.019727891156462583344133321361;0.047959183673469386877119546853;0.017346938775510203911700557455;0.004761904761904762334312479766;0.005782312925170067681446273156;0.004081632653061224857982125513;0.012925170068027210315553254816;0.020068027210884353817021974464;0.006462585034013605157776627408;0.027551020408163266056655871239;0.049319727891156461829780255357;0.013265306122448979053718431942;0.004081632653061224857982125513;0.008503401360544218454129428153;0.031632653061224487445191044799;0.009183673469387755930459782405;0.028231292517006803532986225491;0.009863945578231291672066660681;0.015986394557823128959039848951;0.017346938775510203911700557455;0.009863945578231291672066660681;0.003401360544217686947970902267;0.006802721088435373895941804534;0.002721088435374149471640548015;0.016666666666666666435370203203;0.004421768707482993596147302640;0.003401360544217686947970902267;0.004761904761904762334312479766;0.031632653061224487445191044799;0.008163265306122449715964251027;0.003061224489795918209805725141;0.014285714285714285268213963320;0.008503401360544218454129428153;0.008163265306122449715964251027;0.026530612244897958107436863884;0.000000000000000000000000000000;0.011904761904761904101057723437;0.007142857142857142634106981660;0.004081632653061224857982125513;0.017687074829931974384589210558;0.006122448979591836419611450282;0.013605442176870747791883609068;0.006462585034013605157776627408
-0.012500000000000000693889390391;0.015555555555555555108382392859;0.044722222222222218768195034500;0.347222222222222209886410837498;0.001666666666666666773641281019;0.004722222222222222272336455973;0.005555555555555555767577313730;0.016944444444444446001840631766;0.024166666666666666157814447047;0.031111111111111110216764785719;0.005277777777777777935830361145;0.000833333333333333386820640509;0.001666666666666666773641281019;0.018333333333333333425851918719;0.017777777777777777762358013547;0.010000000000000000208166817117;0.023888888888888890060790970438;0.030555555555555554553270880547;0.009444444444444444544672911945;0.005277777777777777935830361145;0.012777777777777778525636342977;0.022499999999999999167332731531;0.003333333333333333547282562037;0.046111111111111109661653273406;0.008333333333333333217685101602;0.023888888888888890060790970438;0.020000000000000000416333634234;0.009444444444444444544672911945;0.002500000000000000052041704279;0.003333333333333333547282562037;0.003055555555555555715535609451;0.028611111111111111465765688422;0.002222222222222222220294751693;0.005277777777777777935830361145;0.003055555555555555715535609451;0.041388888888888891726125507375;0.008055555555555555385938149016;0.009166666666666666712925959359;0.003888888888888888777095598215;0.010277777777777778039913769703;0.012500000000000000693889390391;0.010555555555555555871660722289;0.000000000000000000000000000000;0.018888888888888889089345823891;0.006388888888888889262818171488;0.011111111111111111535154627461;0.026388888888888888811790067734;0.006944444444444444058950338672;0.008055555555555555385938149016;0.004722222222222222272336455973
-0.008333333333333333217685101602;0.011538461538461539102051744976;0.031089743589743590312934884423;0.454807692307692301714183713557;0.002564102564102564100340098108;0.005128205128205128200680196215;0.009935897435897435292506685300;0.035256410256410256054415697236;0.041025641025641025605441569724;0.019230769230769231836752908293;0.005769230769230769551025872488;0.003846153846153846367350581659;0.000320512820512820512542512263;0.016346153846153847061239972049;0.027243589743589743945584302764;0.004166666666666666608842550801;0.014423076923076923877564681220;0.012179487179487179585035683260;0.007051282051282051384355487045;0.000641025641025641025085024527;0.017628205128205128027207848618;0.021474358974358974394558430276;0.000641025641025641025085024527;0.016346153846153847061239972049;0.004166666666666666608842550801;0.014102564102564102768710974090;0.020833333333333332176851016015;0.045833333333333330095182844843;0.004807692307692307959188227073;0.002564102564102564100340098108;0.001602564102564102508502452693;0.017307692307692308653077617464;0.001602564102564102508502452693;0.011538461538461539102051744976;0.000000000000000000000000000000;0.015384615384615385469402326635;0.000320512820512820512542512263;0.000961538461538461591837645415;0.002884615384615384775512936244;0.000320512820512820512542512263;0.019230769230769231836752908293;0.011858974358974358476181976130;0.000000000000000000000000000000;0.015384615384615385469402326635;0.008653846153846154326538808732;0.021153846153846155020428199123;0.006730769230769231142863517903;0.000641025641025641025085024527;0.001282051282051282050170049054;0.003846153846153846367350581659
-0.016216216216216217116397046993;0.007207207207207207318166997112;0.049549549549549549987137453400;0.257207207207207189103570499356;0.039189189189189191364626196901;0.013063063063063063209967573641;0.001351351351351351426366420583;0.015315315315315315009003782620;0.040990990990990988640518821740;0.013513513513513514263664205828;0.011711711711711711783601153058;0.018918918918918919969129888159;0.005405405405405405705465682331;0.021621621621621622821862729324;0.010360360360360360357234732476;0.009459459459459459984564944079;0.033783783783783785659160514570;0.024324324324324325674595570490;0.009459459459459459984564944079;0.009909909909909909303538100289;0.009459459459459459984564944079;0.027027027027027028527328411656;0.004054054054054054279099261748;0.015765765765765764327976938830;0.014864864864864865690030626411;0.020720720720720720714469464951;0.012612612612612612156270941455;0.029729729729729731380061252821;0.001801801801801801829541749278;0.025675675675675677100961991073;0.012162162162162162837297785245;0.015315315315315315009003782620;0.004504504504504504465434155946;0.005855855855855855891800576529;0.010810810810810811410931364662;0.035135135135135137085526935152;0.007207207207207207318166997112;0.008108108108108108558198523497;0.007657657657657657504501891310;0.006756756756756757131832102914;0.004954954954954954651769050145;0.035135135135135137085526935152;0.000000000000000000000000000000;0.010810810810810811410931364662;0.008108108108108108558198523497;0.008558558558558557877171679706;0.019369369369369369288103044369;0.015765765765765764327976938830;0.008108108108108108558198523497;0.005405405405405405705465682331
-0.019369369369369369288103044369;0.018468468468468467180709779996;0.034684684684684684297106826989;0.322972972972972949268211095841;0.008558558558558557877171679706;0.019369369369369369288103044369;0.002252252252252252232717077973;0.024774774774774774993568726700;0.025225225225225224312541882909;0.011711711711711711783601153058;0.013063063063063063209967573641;0.011711711711711711783601153058;0.005405405405405405705465682331;0.022522522522522521459809041744;0.018018018018018017861736623786;0.007657657657657657504501891310;0.017567567567567568542763467576;0.029729729729729731380061252821;0.015315315315315315009003782620;0.005855855855855855891800576529;0.015765765765765764327976938830;0.009009009009009008930868311893;0.009009009009009008930868311893;0.018918918918918919969129888159;0.020270270270270271395496308742;0.022072072072072072140835885534;0.024774774774774774993568726700;0.023873873873873872886175462327;0.000900900900900900914770874639;0.016216216216216217116397046993;0.003603603603603603659083498556;0.006306306306306306078135470727;0.007657657657657657504501891310;0.004054054054054054279099261748;0.009459459459459459984564944079;0.024324324324324325674595570490;0.009459459459459459984564944079;0.002252252252252252232717077973;0.001351351351351351426366420583;0.002252252252252252232717077973;0.005405405405405405705465682331;0.025675675675675677100961991073;0.000000000000000000000000000000;0.013963963963963963582637362038;0.012162162162162162837297785245;0.007657657657657657504501891310;0.020270270270270271395496308742;0.013963963963963963582637362038;0.024324324324324325674595570490;0.010810810810810811410931364662
-0.011231884057971014412302679375;0.038043478260869567630919618750;0.041666666666666664353702032031;0.118478260869565213408982629062;0.051086956521739133874060456719;0.011231884057971014412302679375;0.004710144927536232158093998379;0.034057971014492753603075669844;0.031884057971014491406069879531;0.013043478260869564508417361992;0.010869565217391304046135047656;0.007971014492753622851517469883;0.007246376811594202986543944434;0.019927536231884056261431936719;0.048188405797101450944719402969;0.010869565217391304046135047656;0.022101449275362318458437727031;0.050000000000000002775557561563;0.023550724637681159923108253906;0.007246376811594202986543944434;0.016666666666666666435370203203;0.022826086956521739190772990469;0.005434782608695652023067523828;0.023913043478260870289275885625;0.016304347826086956069202571484;0.021739130434782608092270095312;0.035144927536231884701578565000;0.046014492753623188747713612656;0.001811594202898550746635986108;0.020652173913043476993767200156;0.003260869565217391127104340498;0.015217391304347826705423152305;0.007971014492753622851517469883;0.008333333333333333217685101602;0.005072463768115941656899892109;0.028260869565217391213840514297;0.010507246376811593679967415937;0.005797101449275362389235155547;0.005072463768115941656899892109;0.006884057971014492620376312715;0.013768115942028985240752625430;0.020289855072463766627599568437;0.000000000000000000000000000000;0.007971014492753622851517469883;0.024275362318840580655443517344;0.009057971014492753950020365039;0.016666666666666666435370203203;0.011231884057971014412302679375;0.015217391304347826705423152305;0.011231884057971014412302679375
-0.008148148148148147418279307885;0.042222222222222223486642889156;0.058888888888888886452566140406;0.176666666666666666296592325125;0.004814814814814815172039352831;0.012962962962962962590318660716;0.001481481481481481407916356297;0.031111111111111110216764785719;0.046296296296296293726335591145;0.012222222222222222862142437805;0.011481481481481481399242738917;0.006666666666666667094565124074;0.004814814814814815172039352831;0.025555555555555557051272685953;0.030740740740740742087400150240;0.013333333333333334189130248149;0.012592592592592592726230549260;0.054814814814814816212873438417;0.011481481481481481399242738917;0.006296296296296296363115274630;0.012222222222222222862142437805;0.044444444444444446140618509844;0.008518518518518519017090895318;0.010000000000000000208166817117;0.021851851851851851471497667490;0.011111111111111111535154627461;0.036666666666666666851703837438;0.035185185185185187395351391615;0.000370370370370370351979089074;0.004814814814814815172039352831;0.008518518518518519017090895318;0.008148148148148147418279307885;0.005925925925925925631665425186;0.016296296296296294836558615771;0.004814814814814815172039352831;0.020370370370370372015145221667;0.012962962962962962590318660716;0.006666666666666667094565124074;0.024074074074074074125473288177;0.013703703703703704053218359604;0.012222222222222222862142437805;0.031481481481481478346129421197;0.000000000000000000000000000000;0.005185185185185185036127464286;0.008148148148148147418279307885;0.005925925925925925631665425186;0.018518518518518517490534236458;0.008518518518518519017090895318;0.016296296296296294836558615771;0.014444444444444443781394582516
-0.009523809523809524668624959531;0.034523809523809526056403740313;0.063492063492063488538974525000;0.189285714285714279370154144999;0.004761904761904762334312479766;0.007539682539682539784420267637;0.001587301587301587300210536924;0.020238095238095239053466301016;0.065476190476190479494711382813;0.011507936507936508685467913438;0.007936507936507936067371815625;0.005952380952380952050528861719;0.005952380952380952050528861719;0.017460317460317460735996775156;0.041269841269841268938112222031;0.008333333333333333217685101602;0.054761904761904761640423089375;0.067857142857142851988250242812;0.009126984126984127518311673555;0.011507936507936508685467913438;0.010714285714285714384841341484;0.037698412698412696320016124218;0.006349206349206349200842147695;0.016269841269841271019780393203;0.014285714285714285268213963320;0.012698412698412698401684295391;0.023809523809523808202115446875;0.013888888888888888117900677344;0.000396825396825396825052634231;0.007539682539682539784420267637;0.013492063492063492702310867344;0.012698412698412698401684295391;0.004365079365079365183999193789;0.005952380952380952050528861719;0.003571428571428571317053490830;0.031349206349206348853897452500;0.009523809523809524668624959531;0.004761904761904762334312479766;0.011111111111111111535154627461;0.007142857142857142634106981660;0.010317460317460317234528055508;0.045238095238095236971798129844;0.000000000000000000000000000000;0.006349206349206349200842147695;0.006349206349206349200842147695;0.004365079365079365183999193789;0.017460317460317460735996775156;0.005158730158730158617264027754;0.012301587301587301251371009414;0.006746031746031746351155433672
-0.013194444444444444405895033867;0.012152777777777777970524830664;0.044444444444444446140618509844;0.176736111111111121596550788126;0.075694444444444439201724605937;0.024305555555555555941049661328;0.006250000000000000346944695195;0.023958333333333334952408577578;0.035763888888888886730121896562;0.014930555555555556287994356524;0.013541666666666667129259593594;0.020833333333333332176851016015;0.005902777777777777623580135469;0.013541666666666667129259593594;0.030902777777777779011358916250;0.010416666666666666088425508008;0.023611111111111110494320541875;0.039583333333333331482961625625;0.040277777777777780399137697032;0.006944444444444444058950338672;0.016666666666666666435370203203;0.025694444444444443365060948281;0.007291666666666666782314898398;0.014236111111111110841265237070;0.018402777777777778317469525859;0.009722222222222222376419864531;0.020138888888888890199568848516;0.009374999999999999653055304805;0.005555555555555555767577313730;0.047916666666666669904817155157;0.011805555555555555247160270937;0.017361111111111111882099322656;0.014236111111111110841265237070;0.003125000000000000173472347598;0.005555555555555555767577313730;0.028125000000000000693889390391;0.007638888888888888638317720137;0.003472222222222222029475169336;0.005208333333333333044212754004;0.008680555555555555941049661328;0.006944444444444444058950338672;0.008680555555555555941049661328;0.000000000000000000000000000000;0.006250000000000000346944695195;0.032291666666666669904817155157;0.004513888888888888464845372539;0.011805555555555555247160270937;0.005902777777777777623580135469;0.006597222222222222202947516934;0.003819444444444444319158860068
-0.010740740740740739936343040029;0.031111111111111110216764785719;0.029999999999999998889776975375;0.059999999999999997779553950750;0.078518518518518515270088187208;0.029629629629629630760412339896;0.004444444444444444440589503387;0.028518518518518519433424529552;0.027407407407407408106436719208;0.008888888888888888881179006773;0.009259259259259258745267118229;0.021481481481481479872686080057;0.007407407407407407690103084974;0.015925925925925926707193980292;0.051481481481481482231910007386;0.010740740740740739936343040029;0.024814814814814813853649511088;0.048518518518518516380311211833;0.041481481481481480289019714291;0.007037037037037036958653235530;0.009259259259259258745267118229;0.018148148148148149361169600979;0.006666666666666667094565124074;0.014814814814814815380206169948;0.016296296296296294836558615771;0.018148148148148149361169600979;0.026666666666666668378260496297;0.059629629629629629650189315271;0.000000000000000000000000000000;0.038888888888888889505679458125;0.008148148148148147418279307885;0.005925925925925925631665425186;0.018888888888888889089345823891;0.005555555555555555767577313730;0.012592592592592592726230549260;0.027037037037037036507625131776;0.011111111111111111535154627461;0.005925925925925925631665425186;0.009259259259259258745267118229;0.011851851851851851263330850372;0.005925925925925925631665425186;0.038518518518518521376314822646;0.000000000000000000000000000000;0.007037037037037036958653235530;0.028148148148148147834612942120;0.003703703703703703845051542487;0.010740740740740739936343040029;0.008888888888888888881179006773;0.019629629629629628817522046802;0.005185185185185185036127464286
-0.010937499999999999306110609609;0.057291666666666664353702032031;0.013541666666666667129259593594;0.061458333333333330095182844843;0.091145833333333328707404064062;0.015625000000000000000000000000;0.006250000000000000346944695195;0.054687500000000000000000000000;0.017187500000000001387778780781;0.005208333333333333044212754004;0.011458333333333332523795711211;0.009374999999999999653055304805;0.006250000000000000346944695195;0.005208333333333333044212754004;0.094270833333333331482961625625;0.002083333333333333304421275400;0.006250000000000000346944695195;0.040625000000000001387778780781;0.047916666666666669904817155157;0.003645833333333333391157449199;0.021354166666666667129259593594;0.016666666666666666435370203203;0.008333333333333333217685101602;0.006250000000000000346944695195;0.006770833333333333564629796797;0.008333333333333333217685101602;0.029687499999999998612221219219;0.072395833333333339809634310313;0.000000000000000000000000000000;0.045312499999999998612221219219;0.006770833333333333564629796797;0.003125000000000000173472347598;0.025520833333333332870740406406;0.002604166666666666522106377002;0.003645833333333333391157449199;0.009374999999999999653055304805;0.008333333333333333217685101602;0.000520833333333333326105318850;0.015625000000000000000000000000;0.008854166666666666435370203203;0.021874999999999998612221219219;0.018749999999999999306110609609;0.000000000000000000000000000000;0.001562500000000000086736173799;0.066666666666666665741480812812;0.003645833333333333391157449199;0.008333333333333333217685101602;0.001562500000000000086736173799;0.015104166666666666782314898398;0.002604166666666666522106377002
-0.018678160919540231360569393360;0.025862068965517241020402039453;0.030459770114942528312917957578;0.021264367816091953727886121328;0.048850574712643680952428582032;0.026724137931034484122472250078;0.007183908045977011394556122070;0.047701149425287359129299602500;0.021551724137931035918391842188;0.009195402298850574585031836250;0.019252873563218392272133883125;0.016379310344827587714311434297;0.012356321839080459598636529961;0.014080459770114942333329999258;0.054597701149425290068073479688;0.013505747126436781421765509492;0.016091954022988505523805713437;0.043390804597701150557842453281;0.057758620689655169877507745468;0.004597701149425287292515918125;0.031896551724137932326552657969;0.014655172413793103244894489023;0.006609195402298850482991632305;0.014655172413793103244894489023;0.030172413793103449591859188672;0.024137931034482758285708570156;0.039080459770114941986385304062;0.033045977011494254149681637500;0.000000000000000000000000000000;0.044827586206896551102030201719;0.006321839080459770027209387422;0.006896551724137930938773877187;0.024137931034482758285708570156;0.004885057471264367748298163008;0.005747126436781609115644897656;0.021264367816091953727886121328;0.012643678160919540054418774844;0.004885057471264367748298163008;0.005747126436781609115644897656;0.005747126436781609115644897656;0.016091954022988505523805713437;0.010344827586206896408160815781;0.000000000000000000000000000000;0.008045977011494252761902856719;0.052298850574712646421815520625;0.009482758620689655040814081133;0.011781609195402298687072040195;0.011494252873563218231289795312;0.024137931034482758285708570156;0.009482758620689655040814081133
-0.035220125786163521131033604661;0.029559748427672956350154009897;0.019182389937106917449094467543;0.185220125786163508641024577628;0.019182389937106917449094467543;0.027672955974842768089860811642;0.004402515723270440141379200583;0.038364779874213834898188935085;0.019496855345911948825810000585;0.009119496855345911659473934208;0.014150943396226415421645938864;0.011635220125786162673198198547;0.008490566037735848906042868123;0.015094339622641509551792537991;0.032389937106918238740593807279;0.022012578616352199839534264925;0.010062893081761005789620533335;0.038679245283018866274904468128;0.044025157232704399679068529849;0.006603773584905660645749669868;0.022012578616352199839534264925;0.012578616352201258538068273651;0.008490566037735848906042868123;0.007547169811320754775896268995;0.035849056603773583884464670746;0.015094339622641509551792537991;0.036163522012578615261180203788;0.048113207547169814515264363308;0.000000000000000000000000000000;0.024213836477987422945989948175;0.008176100628930817529327335080;0.005974842767295597892318603783;0.015094339622641509551792537991;0.003459119496855346011232601455;0.006918238993710692022465202911;0.016037735849056603681939137118;0.009119496855345911659473934208;0.015723270440251572305223604076;0.004716981132075471518094733625;0.007232704402515723399180735953;0.011006289308176099919767132462;0.013836477987421384044930405821;0.000000000000000000000000000000;0.008176100628930817529327335080;0.023584905660377360192558882090;0.007547169811320754775896268995;0.010062893081761005789620533335;0.007861635220125786152611802038;0.018238993710691823318947868415;0.006603773584905660645749669868
-0.018992248062015503612398603650;0.014341085271317829258341802756;0.055038759689922479856338810578;0.219767441860465123637524698097;0.011240310077519379688970602160;0.014728682170542635454513202831;0.002325581395348837177028400447;0.012403100775193798277484802384;0.026356589147286821339655205065;0.012015503875968992081313402309;0.015891472868217054043027403054;0.014341085271317829258341802756;0.012790697674418604473656202458;0.034883720930232557655426006704;0.015116279069767441650684602905;0.023255813953488371770284004469;0.022093023255813953181769804246;0.020155038759689922200912803874;0.010852713178294573492799202086;0.005038759689922480550228200968;0.010077519379844961100456401937;0.030620155038759689497540605885;0.004263565891472868157885400819;0.014728682170542635454513202831;0.033720930232558142536358758434;0.028294573643410852320512205438;0.026744186046511627535826605140;0.013565891472868216865999002607;0.000000000000000000000000000000;0.010852713178294573492799202086;0.009689922480620154904285001862;0.005038759689922480550228200968;0.005813953488372092942571001117;0.015891472868217054043027403054;0.012790697674418604473656202458;0.024031007751937984162626804618;0.005813953488372092942571001117;0.006976744186046511531085201341;0.012403100775193798277484802384;0.023255813953488371770284004469;0.003875968992248061961714000745;0.017054263565891472631541603278;0.000000000000000000000000000000;0.010077519379844961100456401937;0.007751937984496123923428001490;0.008139534883720930119599401564;0.036821705426356592105729959030;0.028294573643410852320512205438;0.013178294573643410669827602533;0.018604651162790697416227203576
-0.022530864197530864334595435139;0.006790123456790123426807248563;0.064814814814814811216869827604;0.084876543209876545437175821007;0.003395061728395061713403624282;0.017901234567901234961961876024;0.000925925925925925961262885622;0.019753086419753086017125909279;0.041358024691358026558862803768;0.033333333333333332870740406406;0.015740740740740739173064710599;0.008950617283950617480980938012;0.006790123456790123426807248563;0.046296296296296293726335591145;0.007098765432098765558455166769;0.027469135802469134971515174470;0.018518518518518517490534236458;0.031481481481481478346129421197;0.008641975308641974481971281818;0.004629629629629629372633559115;0.011111111111111111535154627461;0.025925925925925925180637321432;0.006790123456790123426807248563;0.037654320987654324448534737257;0.036728395061728397186229244653;0.049382716049382713308091297222;0.028086419753086420969534486858;0.006481481481481481295159330358;0.000617283950617283938035184665;0.005555555555555555767577313730;0.008333333333333333217685101602;0.017592592592592593697675695807;0.006481481481481481295159330358;0.013888888888888888117900677344;0.009567901234567901744276774423;0.038580246913580244771946325955;0.012345679012345678327022824305;0.007407407407407407690103084974;0.004320987654320987240985640909;0.007098765432098765558455166769;0.005555555555555555767577313730;0.029012345679012344762393027509;0.000000000000000000000000000000;0.015740740740740739173064710599;0.004629629629629629372633559115;0.012037037037037037062736644089;0.054938271604938269943030348941;0.031481481481481478346129421197;0.017283950617283948963942563637;0.024074074074074074125473288177
-0.024858757062146893956899873501;0.029378531073446328275577954514;0.034463276836158192317771664648;0.109604519774011296973093010365;0.024858757062146893956899873501;0.026271186440677964796241994350;0.004519774011299435186039819001;0.042090395480225986646338753872;0.019209039548022600191190534247;0.011581920903954802393176493069;0.022033898305084745339321727897;0.012711864406779661840207751311;0.013841807909604519552515533576;0.019209039548022600191190534247;0.037288135593220340935349810252;0.009039548022598870372079638003;0.015819209039548021850096759522;0.044915254237288135263916899476;0.048870056497175143328526303321;0.004519774011299435186039819001;0.024011299435028249371626429820;0.013841807909604519552515533576;0.011016949152542372669660863949;0.016666666666666666435370203203;0.024576271186440679095142058941;0.015819209039548021850096759522;0.043220338983050846093370012113;0.014406779661016949276031162697;0.003954802259887005462524189880;0.038700564971751415244138883054;0.004237288135593220324282004441;0.010169491525423728084387420267;0.020903954802259885892290469656;0.005367231638418078903951524694;0.007344632768361582068894488629;0.026836158192090394519757623470;0.016101694915254236711854574082;0.003107344632768361744612484188;0.007909604519774010925048379761;0.006779661016949152345378859508;0.014971751412429378999546791817;0.014971751412429378999546791817;0.000000000000000000000000000000;0.007909604519774010925048379761;0.025423728813559323680415502622;0.010169491525423728084387420267;0.014406779661016949276031162697;0.009887005649717514957353081684;0.026553672316384179657999808910;0.005649717514124293765709339254
-0.009349593495934959558324450768;0.025609756097560974069660133523;0.061788617886178863469748279158;0.242276422764227644668366679070;0.007723577235772357933718534895;0.008536585365853659179702361826;0.004065040650406504495195658677;0.020325203252032519873893079421;0.067479674796747962650655949801;0.013821138211382113375469415928;0.005691056910569106119801574550;0.008536585365853659179702361826;0.002439024390243902436908873810;0.021138211382113820252515168363;0.021544715447154472176549688811;0.006097560975609756309112619022;0.039430894308943087445129549451;0.067886178861788618044137422203;0.005691056910569106119801574550;0.006504065040650406498423663493;0.006097560975609756309112619022;0.041056910569105688202373727336;0.006504065040650406498423663493;0.022764227642276424479206298201;0.010162601626016259936946539710;0.010162601626016259936946539710;0.021138211382113820252515168363;0.011382113821138212239603149101;0.001219512195121951218454436905;0.013008130081300812996847326986;0.002439024390243902436908873810;0.018292682926829267192614381088;0.000406504065040650406151478968;0.007317073170731707744407490424;0.003252032520325203249211831746;0.034552845528455285173397015797;0.008943089430894309369013406297;0.002032520325203252247597829339;0.014634146341463415488814980847;0.009756097560975609747635495239;0.006097560975609756309112619022;0.040650406504065039747786158841;0.000000000000000000000000000000;0.010162601626016259936946539710;0.006504065040650406498423663493;0.007317073170731707744407490424;0.015040650406504065678126025318;0.009349593495934959558324450768;0.007723577235772357933718534895;0.006097560975609756309112619022
-0.005555555555555555767577313730;0.018888888888888889089345823891;0.060370370370370372847812490136;0.354074074074074096607489536837;0.006666666666666667094565124074;0.004444444444444444440589503387;0.001481481481481481407916356297;0.019259259259259260688157411323;0.019259259259259260688157411323;0.022592592592592591199673890401;0.004074074074074073709139653943;0.003333333333333333547282562037;0.001481481481481481407916356297;0.021111111111111111743321444578;0.021851851851851851471497667490;0.004074074074074073709139653943;0.037037037037037034981068472916;0.038518518518518521376314822646;0.011111111111111111535154627461;0.006666666666666667094565124074;0.005555555555555555767577313730;0.017407407407407406163546426114;0.003703703703703703845051542487;0.036666666666666666851703837438;0.006666666666666667094565124074;0.014074074074074073917306471060;0.017407407407407406163546426114;0.010370370370370370072254928573;0.000740740740740740703958178148;0.012222222222222222862142437805;0.001481481481481481407916356297;0.030370370370370370488588562807;0.001851851851851851922525771243;0.001851851851851851922525771243;0.002592592592592592518063732143;0.061481481481481484174800300480;0.005925925925925925631665425186;0.001111111111111111110147375847;0.007777777777777777554191196430;0.006666666666666667094565124074;0.006296296296296296363115274630;0.018888888888888889089345823891;0.000000000000000000000000000000;0.008148148148148147418279307885;0.008888888888888888881179006773;0.002592592592592592518063732143;0.028888888888888887562789165031;0.009259259259259258745267118229;0.003703703703703703845051542487;0.005555555555555555767577313730
-0.010101010101010101868701518413;0.009595959595959595300751487912;0.043434343434343436474165400796;0.473232323232323226491757850454;0.001515151515151515150200967064;0.002020202020202020200267956085;0.003030303030303030300401934127;0.017676767676767676101823312251;0.008080808080808080801071824339;0.037878787878787879839226349077;0.003030303030303030300401934127;0.001515151515151515150200967064;0.001010101010101010100133978042;0.013131313131313130868060845557;0.017171717171717171268596757727;0.003030303030303030300401934127;0.014141414141414142269237430583;0.022727272727272727903535809446;0.007575757575757575967845269815;0.005555555555555555767577313730;0.012121212121212121201607736509;0.012626262626262626034834291033;0.005555555555555555767577313730;0.052525252525252523472243382230;0.008585858585858585634298378864;0.017676767676767676101823312251;0.008080808080808080801071824339;0.005050505050505050934350759206;0.002525252525252525467175379603;0.003535353535353535567309357646;0.000000000000000000000000000000;0.019696969696969695434729530348;0.001010101010101010100133978042;0.003030303030303030300401934127;0.001010101010101010100133978042;0.036363636363636361870099733551;0.002020202020202020200267956085;0.002525252525252525467175379603;0.005050505050505050934350759206;0.008080808080808080801071824339;0.011616161616161616368381181985;0.003535353535353535567309357646;0.000000000000000000000000000000;0.019696969696969695434729530348;0.007575757575757575967845269815;0.011616161616161616368381181985;0.023737373737373737569988918494;0.009090909090909090467524933388;0.005050505050505050934350759206;0.005555555555555555767577313730
-0.036936936936936934361419559991;0.004054054054054054279099261748;0.030180180180180180699034409031;0.172522522522522508969800014711;0.016666666666666666435370203203;0.026126126126126126419935147283;0.007657657657657657504501891310;0.033333333333333332870740406406;0.009909909909909909303538100289;0.028378378378378379953694832238;0.022972972972972974248229149907;0.004054054054054054279099261748;0.008108108108108108558198523497;0.018018018018018017861736623786;0.018468468468468467180709779996;0.019819819819819818607076200578;0.014414414414414414636333994224;0.023423423423423423567202306117;0.024774774774774774993568726700;0.002702702702702702852732841166;0.025225225225225224312541882909;0.007207207207207207318166997112;0.006756756756756757131832102914;0.054054054054054057054656823311;0.036036036036036035723473247572;0.043693693693693691493251662905;0.033333333333333332870740406406;0.000900900900900900914770874639;0.002252252252252252232717077973;0.012162162162162162837297785245;0.003153153153153153039067735364;0.017117117117117115754343359413;0.009009009009009008930868311893;0.004054054054054054279099261748;0.012162162162162162837297785245;0.033333333333333332870740406406;0.011711711711711711783601153058;0.011261261261261260729904520872;0.000000000000000000000000000000;0.002702702702702702852732841166;0.008558558558558557877171679706;0.002702702702702702852732841166;0.000000000000000000000000000000;0.034234234234234231508686718826;0.014864864864864865690030626411;0.019369369369369369288103044369;0.023873873873873872886175462327;0.016666666666666666435370203203;0.015765765765765764327976938830;0.015315315315315315009003782620
-0.024031007751937984162626804618;0.012403100775193798277484802384;0.061627906976744188660699563798;0.105426356589147285358620820261;0.006201550387596899138742401192;0.023643410852713177966455404544;0.001162790697674418588514200223;0.031395348837209305359330357987;0.029069767441860464712855005587;0.020155038759689922200912803874;0.024031007751937984162626804618;0.010465116279069767296627802011;0.006589147286821705334913801266;0.027906976744186046124340805363;0.031395348837209305359330357987;0.011240310077519379688970602160;0.036434108527131782440111607002;0.036434108527131782440111607002;0.025193798449612402751141004842;0.009689922480620154904285001862;0.014728682170542635454513202831;0.016279069767441860239198803129;0.006589147286821705334913801266;0.036046511627906979713387158881;0.032945736434108530144015958285;0.025968992248062015143483804991;0.038759689922480619617140007449;0.011627906976744185885142002235;0.000000000000000000000000000000;0.015503875968992247846856002980;0.004651162790697674354056800894;0.017054263565891472631541603278;0.015116279069767441650684602905;0.006589147286821705334913801266;0.006201550387596899138742401192;0.050775193798449615167900361712;0.014341085271317829258341802756;0.005813953488372092942571001117;0.001937984496124030980857000372;0.003875968992248061961714000745;0.008527131782945736315770801639;0.010852713178294573492799202086;0.000000000000000000000000000000;0.008527131782945736315770801639;0.017054263565891472631541603278;0.011240310077519379688970602160;0.034496124031007754928701558583;0.012015503875968992081313402309;0.028682170542635658516683605512;0.009302325581395348708113601788
-0.014722222222222221613141535101;0.033611111111111112437210834969;0.052777777777777777623580135469;0.118333333333333332038073137937;0.042777777777777775680689842375;0.014166666666666665949647629930;0.009166666666666666712925959359;0.027222222222222220572307449515;0.051388888888888886730121896562;0.017222222222222222098864108375;0.008888888888888888881179006773;0.013888888888888888117900677344;0.004722222222222222272336455973;0.017777777777777777762358013547;0.031388888888888889783235214281;0.010555555555555555871660722289;0.026388888888888888811790067734;0.056111111111111111604543566500;0.022222222222222223070309254922;0.007499999999999999722444243844;0.020833333333333332176851016015;0.027222222222222220572307449515;0.008888888888888888881179006773;0.021944444444444443503838826359;0.020833333333333332176851016015;0.013888888888888888117900677344;0.024722222222222221821308352219;0.027777777777777776235801354687;0.000833333333333333386820640509;0.029166666666666667129259593594;0.010833333333333333703407674875;0.014166666666666665949647629930;0.008333333333333333217685101602;0.003611111111111110945348645629;0.006111111111111111431071218902;0.030277777777777778456247403938;0.012500000000000000693889390391;0.002500000000000000052041704279;0.002777777777777777883788656865;0.005000000000000000104083408559;0.013888888888888888117900677344;0.027777777777777776235801354687;0.000000000000000000000000000000;0.009722222222222222376419864531;0.019444444444444444752839729063;0.006666666666666667094565124074;0.017500000000000001665334536938;0.010000000000000000208166817117;0.014166666666666665949647629930;0.007777777777777777554191196430
-0.002777777777777777883788656865;0.026944444444444444475283972906;0.013611111111111110286153724758;0.591388888888888852868319645495;0.013888888888888888117900677344;0.004444444444444444440589503387;0.002500000000000000052041704279;0.018611111111111109522875395328;0.011111111111111111535154627461;0.005277777777777777935830361145;0.004166666666666666608842550801;0.005833333333333333599324266316;0.001666666666666666773641281019;0.005833333333333333599324266316;0.028055555555555555802271783250;0.001944444444444444388547799107;0.013611111111111110286153724758;0.032222222222222221543752596062;0.008888888888888888881179006773;0.001944444444444444388547799107;0.008055555555555555385938149016;0.007499999999999999722444243844;0.008611111111111111049432054187;0.006944444444444444058950338672;0.003888888888888888777095598215;0.006666666666666667094565124074;0.014444444444444443781394582516;0.020000000000000000416333634234;0.001388888888888888941894328433;0.008055555555555555385938149016;0.009722222222222222376419864531;0.008888888888888888881179006773;0.004722222222222222272336455973;0.003333333333333333547282562037;0.002777777777777777883788656865;0.014166666666666665949647629930;0.003055555555555555715535609451;0.002777777777777777883788656865;0.003055555555555555715535609451;0.009166666666666666712925959359;0.009722222222222222376419864531;0.010555555555555555871660722289;0.000000000000000000000000000000;0.004166666666666666608842550801;0.012500000000000000693889390391;0.004166666666666666608842550801;0.006111111111111111431071218902;0.001388888888888888941894328433;0.006111111111111111431071218902;0.003333333333333333547282562037
-0.007352941176470588133251560237;0.030392156862745097617439782312;0.044117647058823532268956313374;0.395098039215686258618376314189;0.015196078431372548808719891156;0.006372549019607843048818018872;0.002450980392156862711083853412;0.015686274509803921350936661838;0.045098039215686273883942902785;0.010784313725490195928768955014;0.004411764705882352879950936142;0.006372549019607843048818018872;0.001960784313725490168867082730;0.014215686274509803724286349791;0.018627450980392156604237285933;0.003921568627450980337734165460;0.019607843137254901688670827298;0.057352941176470585704638693869;0.009803921568627450844335413649;0.004901960784313725422167706824;0.005392156862745097964384477507;0.033333333333333332870740406406;0.009803921568627450844335413649;0.009803921568627450844335413649;0.004901960784313725422167706824;0.009803921568627450844335413649;0.012745098039215686097636037744;0.032352941176470591255753816995;0.000490196078431372542216770682;0.008333333333333333217685101602;0.000980392156862745084433541365;0.005882352941176470506601248189;0.002941176470588235253300624095;0.005392156862745097964384477507;0.002450980392156862711083853412;0.021568627450980391857537910028;0.006372549019607843048818018872;0.001470588235294117626650312047;0.020098039215686275965611073957;0.006372549019607843048818018872;0.007843137254901960675468330919;0.036274509803921571593487982454;0.000000000000000000000000000000;0.000980392156862745084433541365;0.007352941176470588133251560237;0.002941176470588235253300624095;0.009313725490196078302118642966;0.005882352941176470506601248189;0.009803921568627450844335413649;0.005392156862745097964384477507
-0.003333333333333333547282562037;0.027037037037037036507625131776;0.024074074074074074125473288177;0.481481481481481454753890147913;0.047407407407407405053323401489;0.002962962962962962815832712593;0.003333333333333333547282562037;0.011111111111111111535154627461;0.018888888888888889089345823891;0.004814814814814815172039352831;0.003333333333333333547282562037;0.020370370370370372015145221667;0.002592592592592592518063732143;0.008518518518518519017090895318;0.023703703703703702526661700745;0.004444444444444444440589503387;0.016666666666666666435370203203;0.031111111111111110216764785719;0.008518518518518519017090895318;0.001851851851851851922525771243;0.005555555555555555767577313730;0.034444444444444444197728216750;0.002962962962962962815832712593;0.009629629629629630344078705662;0.004074074074074073709139653943;0.004074074074074073709139653943;0.009629629629629630344078705662;0.048888888888888891448569751219;0.002592592592592592518063732143;0.015185185185185185244294281404;0.005925925925925925631665425186;0.009259259259259258745267118229;0.003333333333333333547282562037;0.004814814814814815172039352831;0.001111111111111111110147375847;0.006666666666666667094565124074;0.002592592592592592518063732143;0.001851851851851851922525771243;0.006666666666666667094565124074;0.005925925925925925631665425186;0.007407407407407407690103084974;0.026296296296296296779448908865;0.000000000000000000000000000000;0.002222222222222222220294751693;0.010740740740740739936343040029;0.002222222222222222220294751693;0.006296296296296296363115274630;0.004444444444444444440589503387;0.005925925925925925631665425186;0.003703703703703703845051542487
-0.011507936507936508685467913438;0.026587301587301586519584972734;0.028968253968253969421464688594;0.348809523809523791548770077497;0.013888888888888888117900677344;0.011904761904761904101057723437;0.002380952380952381167156239883;0.024206349206349207087152208828;0.030158730158730159137681070547;0.008730158730158730367998387578;0.007142857142857142634106981660;0.022619047619047618485899064922;0.004365079365079365183999193789;0.009126984126984127518311673555;0.036111111111111107718762980312;0.005952380952380952050528861719;0.031349206349206348853897452500;0.050793650793650793606737181562;0.018253968253968255036623347110;0.005158730158730158617264027754;0.010714285714285714384841341484;0.019444444444444444752839729063;0.005952380952380952050528861719;0.009920634920634920084214769531;0.011507936507936508685467913438;0.015079365079365079568840535273;0.019841269841269840168429539062;0.011904761904761904101057723437;0.001190476190476190583578119941;0.020634920634920634469056111016;0.015079365079365079568840535273;0.011111111111111111535154627461;0.005555555555555555767577313730;0.003174603174603174600421073848;0.003174603174603174600421073848;0.024206349206349207087152208828;0.004365079365079365183999193789;0.003968253968253968033685907812;0.005555555555555555767577313730;0.008333333333333333217685101602;0.009126984126984127518311673555;0.025793650793650792218958400781;0.000000000000000000000000000000;0.005555555555555555767577313730;0.012698412698412698401684295391;0.007936507936507936067371815625;0.008333333333333333217685101602;0.005555555555555555767577313730;0.011111111111111111535154627461;0.005158730158730158617264027754
-0.013131313131313130868060845557;0.021212121212121213403856145874;0.044444444444444446140618509844;0.190909090909090917165258360910;0.016161616161616161602143648679;0.014646464646464647102463985107;0.005555555555555555767577313730;0.033838383838383841173413912884;0.037878787878787879839226349077;0.010606060606060606701928072937;0.011111111111111111535154627461;0.002525252525252525467175379603;0.008585858585858585634298378864;0.013131313131313130868060845557;0.026767676767676766569348245639;0.003535353535353535567309357646;0.040404040404040407474806073651;0.060606060606060607742762158523;0.029292929292929294204927970213;0.006060606060606060600803868255;0.017676767676767676101823312251;0.019191919191919190601502975824;0.008080808080808080801071824339;0.016666666666666666435370203203;0.011616161616161616368381181985;0.010606060606060606701928072937;0.040404040404040407474806073651;0.016666666666666666435370203203;0.006565656565656565434030422779;0.017676767676767676101823312251;0.010101010101010101868701518413;0.020707070707070708570629591350;0.018181818181818180935049866775;0.002525252525252525467175379603;0.006565656565656565434030422779;0.030808080808080808704607633786;0.011616161616161616368381181985;0.003535353535353535567309357646;0.008585858585858585634298378864;0.003030303030303030300401934127;0.010101010101010101868701518413;0.039393939393939390869459060696;0.000000000000000000000000000000;0.009595959595959595300751487912;0.017171717171717171268596757727;0.004040404040404040400535912170;0.011111111111111111535154627461;0.007070707070707071134618715291;0.024747474747474747236442027543;0.005555555555555555767577313730
-0.015873015873015872134743631250;0.044841269841269841556208319844;0.041666666666666664353702032031;0.055158730158730157056012899375;0.020238095238095239053466301016;0.020634920634920634469056111016;0.004761904761904762334312479766;0.039682539682539680336859078125;0.028968253968253969421464688594;0.009126984126984127518311673555;0.023015873015873017370935826875;0.009126984126984127518311673555;0.010317460317460317234528055508;0.014682539682539682418527249297;0.047222222222222220988641083750;0.007936507936507936067371815625;0.015476190476190476719153821250;0.046428571428571430157461463750;0.035317460317460316887583360312;0.005952380952380952050528861719;0.023015873015873017370935826875;0.021825396825396824185272492969;0.013492063492063492702310867344;0.011111111111111111535154627461;0.017460317460317460735996775156;0.017460317460317460735996775156;0.043650793650793648370544985937;0.044444444444444446140618509844;0.000793650793650793650105268462;0.032539682539682542039560786407;0.007539682539682539784420267637;0.005158730158730158617264027754;0.020634920634920634469056111016;0.003571428571428571317053490830;0.007936507936507936067371815625;0.028968253968253969421464688594;0.021031746031746033354092872969;0.005952380952380952050528861719;0.007142857142857142634106981660;0.017063492063492061850960013203;0.014682539682539682418527249297;0.037698412698412696320016124218;0.000000000000000000000000000000;0.002777777777777777883788656865;0.023015873015873017370935826875;0.008730158730158730367998387578;0.016666666666666666435370203203;0.009523809523809524668624959531;0.029365079365079364837054498594;0.010317460317460317234528055508
-0.017028985507246376801537834922;0.030434782608695653410846304610;0.035869565217391305433913828438;0.137681159420289855876973206250;0.036594202898550726166249091875;0.014855072463768116339255520586;0.007246376811594202986543944434;0.027536231884057970481505250859;0.036231884057971015800081460156;0.015217391304347826705423152305;0.016304347826086956069202571484;0.009057971014492753950020365039;0.007246376811594202986543944434;0.016666666666666666435370203203;0.028985507246376811946175777734;0.013768115942028985240752625430;0.018840579710144928632375993516;0.043840579710144926550707822344;0.022463768115942028824605358750;0.005072463768115941656899892109;0.017391304347826087167705466641;0.027536231884057970481505250859;0.008695652173913043583852733320;0.025000000000000001387778780781;0.013405797101449274874584993711;0.019927536231884056261431936719;0.028623188405797101580008146016;0.033695652173913043236908038125;0.002173913043478260895963183330;0.015217391304347826705423152305;0.014855072463768116339255520586;0.013405797101449274874584993711;0.012318840579710145510805574531;0.006159420289855072755402787266;0.009057971014492753950020365039;0.025362318840579711753946412500;0.009057971014492753950020365039;0.007246376811594202986543944434;0.011231884057971014412302679375;0.010507246376811593679967415937;0.011231884057971014412302679375;0.033333333333333332870740406406;0.000000000000000000000000000000;0.019565217391304349364711256953;0.015579710144927537071590784024;0.019927536231884056261431936719;0.015579710144927537071590784024;0.005072463768115941656899892109;0.017753623188405797533873098359;0.010144927536231883313799784219
-0.009166666666666666712925959359;0.035000000000000003330669073875;0.017083333333333332315628894094;0.260833333333333305947832059246;0.035416666666666665741480812812;0.002083333333333333304421275400;0.013333333333333334189130248149;0.034583333333333333980963431031;0.000833333333333333386820640509;0.026666666666666668378260496297;0.012500000000000000693889390391;0.000000000000000000000000000000;0.000833333333333333386820640509;0.012500000000000000693889390391;0.069166666666666667961926862063;0.004583333333333333356462979680;0.004166666666666666608842550801;0.024583333333333332038073137937;0.022916666666666665047591422422;0.001666666666666666773641281019;0.027083333333333334258519187188;0.001666666666666666773641281019;0.004166666666666666608842550801;0.040000000000000000832667268469;0.008333333333333333217685101602;0.024583333333333332038073137937;0.023333333333333334397297065266;0.052083333333333335646297967969;0.006250000000000000346944695195;0.009166666666666666712925959359;0.000416666666666666693410320255;0.020416666666666666296592325125;0.009583333333333332593184650250;0.001666666666666666773641281019;0.002083333333333333304421275400;0.015833333333333334674852821422;0.005416666666666666851703837438;0.006666666666666667094565124074;0.000000000000000000000000000000;0.001666666666666666773641281019;0.012916666666666666574148081281;0.003749999999999999861222121922;0.000000000000000000000000000000;0.029583333333333333009518284484;0.038333333333333330372738601000;0.023333333333333334397297065266;0.019166666666666665186369300500;0.011249999999999999583666365766;0.005416666666666666851703837438;0.007916666666666667337426410711
-0.009374999999999999653055304805;0.034722222222222223764198645313;0.048263888888888890893458238907;0.157638888888888883954564334999;0.023958333333333334952408577578;0.002430555555555555594104966133;0.009722222222222222376419864531;0.029513888888888888117900677344;0.003125000000000000173472347598;0.034027777777777774848022573906;0.010069444444444445099784424258;0.000347222222222222235473582108;0.001388888888888888941894328433;0.034375000000000002775557561563;0.082986111111111107718762980312;0.001736111111111111014737584668;0.007291666666666666782314898398;0.029861111111111112575988713047;0.017361111111111111882099322656;0.006944444444444444058950338672;0.013194444444444444405895033867;0.009374999999999999653055304805;0.009374999999999999653055304805;0.044097222222222225151977426094;0.006250000000000000346944695195;0.029513888888888888117900677344;0.031944444444444441977282167500;0.050000000000000002775557561563;0.002083333333333333304421275400;0.006250000000000000346944695195;0.000000000000000000000000000000;0.013194444444444444405895033867;0.005208333333333333044212754004;0.010069444444444445099784424258;0.009722222222222222376419864531;0.032291666666666669904817155157;0.010069444444444445099784424258;0.003819444444444444319158860068;0.000000000000000000000000000000;0.013541666666666667129259593594;0.012847222222222221682530474141;0.001041666666666666652210637700;0.000000000000000000000000000000;0.022916666666666665047591422422;0.032638888888888890893458238907;0.015972222222222220988641083750;0.034375000000000002775557561563;0.011458333333333332523795711211;0.014236111111111110841265237070;0.009374999999999999653055304805
-0.005000000000000000104083408559;0.035000000000000003330669073875;0.029583333333333333009518284484;0.198750000000000009992007221626;0.045416666666666667684371105906;0.001666666666666666773641281019;0.009166666666666666712925959359;0.038333333333333330372738601000;0.002083333333333333304421275400;0.032083333333333331760517381781;0.009166666666666666712925959359;0.000000000000000000000000000000;0.001250000000000000026020852140;0.026666666666666668378260496297;0.087083333333333332038073137937;0.001666666666666666773641281019;0.002916666666666666799662133158;0.021666666666666667406815349750;0.024166666666666666157814447047;0.002916666666666666799662133158;0.020416666666666666296592325125;0.004166666666666666608842550801;0.011666666666666667198648532633;0.039166666666666669072149886688;0.003749999999999999861222121922;0.027083333333333334258519187188;0.025416666666666667268037471672;0.046249999999999999444888487687;0.005000000000000000104083408559;0.017916666666666667545593227828;0.000000000000000000000000000000;0.020833333333333332176851016015;0.016666666666666666435370203203;0.004166666666666666608842550801;0.001666666666666666773641281019;0.024583333333333332038073137937;0.003333333333333333547282562037;0.003333333333333333547282562037;0.000000000000000000000000000000;0.002500000000000000052041704279;0.015416666666666667059870654555;0.001250000000000000026020852140;0.000000000000000000000000000000;0.020833333333333332176851016015;0.040000000000000000832667268469;0.013750000000000000069388939039;0.031250000000000000000000000000;0.005833333333333333599324266316;0.010416666666666666088425508008;0.008750000000000000832667268469
-0.014814814814814815380206169948;0.020740740740740740144509857146;0.047407407407407405053323401489;0.145925925925925931148086078792;0.011111111111111111535154627461;0.002222222222222222220294751693;0.010740740740740739936343040029;0.032962962962962964741375770927;0.004814814814814815172039352831;0.022962962962962962798485477833;0.009259259259259258745267118229;0.000740740740740740703958178148;0.005185185185185185036127464286;0.033703703703703701000105041885;0.045185185185185182399347780802;0.004444444444444444440589503387;0.009259259259259258745267118229;0.033703703703703701000105041885;0.015555555555555555108382392859;0.007407407407407407690103084974;0.021111111111111111743321444578;0.009629629629629630344078705662;0.038888888888888889505679458125;0.044074074074074071072359970458;0.007777777777777777554191196430;0.029259259259259259161600752464;0.037777777777777778178691647781;0.027407407407407408106436719208;0.001481481481481481407916356297;0.004074074074074073709139653943;0.000370370370370370351979089074;0.022592592592592591199673890401;0.017407407407407406163546426114;0.010370370370370370072254928573;0.013333333333333334189130248149;0.031851851851851853414387960584;0.008518518518518519017090895318;0.005555555555555555767577313730;0.000000000000000000000000000000;0.032592592592592589673117231541;0.006296296296296296363115274630;0.001481481481481481407916356297;0.000000000000000000000000000000;0.035185185185185187395351391615;0.022592592592592591199673890401;0.016296296296296294836558615771;0.029999999999999998889776975375;0.009629629629629630344078705662;0.030740740740740742087400150240;0.005555555555555555767577313730
-0.012698412698412698401684295391;0.039682539682539680336859078125;0.015079365079365079568840535273;0.205952380952380942336077396249;0.082936507936507933291814254062;0.000793650793650793650105268462;0.014285714285714285268213963320;0.028571428571428570536427926640;0.001984126984126984016842953906;0.017460317460317460735996775156;0.007142857142857142634106981660;0.000000000000000000000000000000;0.003571428571428571317053490830;0.015476190476190476719153821250;0.073809523809523810977673008438;0.003174603174603174600421073848;0.001587301587301587300210536924;0.053968253968253970809243469375;0.019841269841269840168429539062;0.003174603174603174600421073848;0.013888888888888888117900677344;0.002380952380952381167156239883;0.033730158730158728286330216406;0.022619047619047618485899064922;0.004761904761904762334312479766;0.019444444444444444752839729063;0.036507936507936510073246694219;0.017460317460317460735996775156;0.001984126984126984016842953906;0.021428571428571428769682682969;0.000000000000000000000000000000;0.014682539682539682418527249297;0.023015873015873017370935826875;0.002380952380952381167156239883;0.008730158730158730367998387578;0.012698412698412698401684295391;0.005952380952380952050528861719;0.005555555555555555767577313730;0.000000000000000000000000000000;0.004761904761904762334312479766;0.009523809523809524668624959531;0.002777777777777777883788656865;0.000000000000000000000000000000;0.019444444444444444752839729063;0.040476190476190478106932602032;0.013095238095238095551997581367;0.013492063492063492702310867344;0.008333333333333333217685101602;0.028571428571428570536427926640;0.011111111111111111535154627461
-0.016666666666666666435370203203;0.010740740740740739936343040029;0.039259259259259257635044093604;0.172222222222222220988641083750;0.067407407407407402000210083770;0.002592592592592592518063732143;0.009259259259259258745267118229;0.031111111111111110216764785719;0.003333333333333333547282562037;0.039629629629629632703302632990;0.007037037037037036958653235530;0.000740740740740740703958178148;0.001111111111111111110147375847;0.023703703703703702526661700745;0.067407407407407402000210083770;0.005185185185185185036127464286;0.006296296296296296363115274630;0.015925925925925926707193980292;0.021111111111111111743321444578;0.004814814814814815172039352831;0.025925925925925925180637321432;0.004814814814814815172039352831;0.005185185185185185036127464286;0.051111111111111114102545371907;0.006296296296296296363115274630;0.031851851851851853414387960584;0.026296296296296296779448908865;0.015555555555555555108382392859;0.001481481481481481407916356297;0.011851851851851851263330850372;0.000000000000000000000000000000;0.015925925925925926707193980292;0.013703703703703704053218359604;0.004074074074074073709139653943;0.005185185185185185036127464286;0.027407407407407408106436719208;0.007037037037037036958653235530;0.008148148148148147418279307885;0.000370370370370370351979089074;0.018888888888888889089345823891;0.011111111111111111535154627461;0.001111111111111111110147375847;0.000000000000000000000000000000;0.032962962962962964741375770927;0.034814814814814812327092852229;0.028148148148148147834612942120;0.032592592592592589673117231541;0.011111111111111111535154627461;0.012592592592592592726230549260;0.008888888888888888881179006773
-0.013888888888888888117900677344;0.023015873015873017370935826875;0.029365079365079364837054498594;0.306746031746031766473947755003;0.007936507936507936067371815625;0.000396825396825396825052634231;0.017460317460317460735996775156;0.023412698412698412786525636875;0.001984126984126984016842953906;0.027777777777777776235801354687;0.006349206349206349200842147695;0.000000000000000000000000000000;0.001190476190476190583578119941;0.021428571428571428769682682969;0.059523809523809520505288617187;0.005555555555555555767577313730;0.005555555555555555767577313730;0.017857142857142856151586585156;0.015079365079365079568840535273;0.002380952380952381167156239883;0.019047619047619049337249919063;0.003968253968253968033685907812;0.006349206349206349200842147695;0.043650793650793648370544985937;0.004761904761904762334312479766;0.031349206349206348853897452500;0.023015873015873017370935826875;0.033730158730158728286330216406;0.005158730158730158617264027754;0.002777777777777777883788656865;0.000000000000000000000000000000;0.018253968253968255036623347110;0.002380952380952381167156239883;0.003571428571428571317053490830;0.004761904761904762334312479766;0.022619047619047618485899064922;0.004761904761904762334312479766;0.006746031746031746351155433672;0.000000000000000000000000000000;0.010317460317460317234528055508;0.009920634920634920084214769531;0.001190476190476190583578119941;0.000000000000000000000000000000;0.042063492063492066708185745938;0.025000000000000001387778780781;0.038888888888888889505679458125;0.028174603174603175120838116641;0.005555555555555555767577313730;0.009920634920634920084214769531;0.005158730158730158617264027754
-0.014912280701754385484059106659;0.009649122807017544364849293004;0.048245614035087716620076037088;0.348684210526315763178928364141;0.002631578947368420993285775822;0.001315789473684210496642887911;0.012280701754385964924454199831;0.025000000000000001387778780781;0.004385964912280701510916003372;0.027192982456140352143236782467;0.007456140350877192742029553330;0.000000000000000000000000000000;0.002631578947368420993285775822;0.030263157894736842506988594437;0.028070175438596491751530592751;0.004385964912280701510916003372;0.010087719298245614168996198146;0.022807017543859650632320779096;0.006140350877192982462227099916;0.007456140350877192742029553330;0.016228070175438594896499822084;0.007017543859649122937882648188;0.016228070175438594896499822084;0.041666666666666664353702032031;0.008771929824561403021832006743;0.022807017543859650632320779096;0.018421052631578945651957823770;0.021491228070175439485156587693;0.004824561403508772182424646502;0.001754385964912280734470662047;0.000877192982456140367235331023;0.017982456140350877582534394605;0.001754385964912280734470662047;0.009210526315789472825978911885;0.012719298245614034728601104973;0.023684210526315790240614589379;0.009649122807017544364849293004;0.006140350877192982462227099916;0.000000000000000000000000000000;0.022368421052631579093450397977;0.004824561403508772182424646502;0.001315789473684210496642887911;0.000000000000000000000000000000;0.018859649122807017190828204889;0.011842105263157895120307294690;0.016666666666666666435370203203;0.027631578947368420212660211632;0.014912280701754385484059106659;0.014912280701754385484059106659;0.011842105263157895120307294690
-0.008750000000000000832667268469;0.032916666666666663521034763562;0.041250000000000001942890293094;0.251249999999999973354647408996;0.017083333333333332315628894094;0.001250000000000000026020852140;0.008750000000000000832667268469;0.021250000000000001526556658860;0.001250000000000000026020852140;0.025416666666666667268037471672;0.007499999999999999722444243844;0.000000000000000000000000000000;0.002916666666666666799662133158;0.024166666666666666157814447047;0.072916666666666671292595935938;0.001666666666666666773641281019;0.005416666666666666851703837438;0.023333333333333334397297065266;0.012500000000000000693889390391;0.007083333333333332974823814965;0.015833333333333334674852821422;0.007083333333333332974823814965;0.011249999999999999583666365766;0.043333333333333334813630699500;0.006250000000000000346944695195;0.020000000000000000416333634234;0.022083333333333333287074040641;0.060833333333333336478965236438;0.003749999999999999861222121922;0.006250000000000000346944695195;0.000000000000000000000000000000;0.020833333333333332176851016015;0.005833333333333333599324266316;0.005833333333333333599324266316;0.008333333333333333217685101602;0.025416666666666667268037471672;0.008333333333333333217685101602;0.002916666666666666799662133158;0.000000000000000000000000000000;0.010000000000000000208166817117;0.009166666666666666712925959359;0.002500000000000000052041704279;0.000000000000000000000000000000;0.029583333333333333009518284484;0.026249999999999999028554853453;0.017916666666666667545593227828;0.030833333333333334119741309109;0.014583333333333333564629796797;0.012500000000000000693889390391;0.005833333333333333599324266316
-0.011904761904761904101057723437;0.023809523809523808202115446875;0.033333333333333332870740406406;0.191269841269841256448103194998;0.011507936507936508685467913438;0.004761904761904762334312479766;0.018253968253968255036623347110;0.039285714285714284921269268125;0.001984126984126984016842953906;0.029365079365079364837054498594;0.009920634920634920084214769531;0.000396825396825396825052634231;0.005158730158730158617264027754;0.025396825396825396803368590781;0.047619047619047616404230893750;0.005555555555555555767577313730;0.006746031746031746351155433672;0.026190476190476191103995162734;0.032539682539682542039560786407;0.005555555555555555767577313730;0.034920634920634921471993550313;0.004365079365079365183999193789;0.023015873015873017370935826875;0.036904761904761905488836504219;0.006746031746031746351155433672;0.026190476190476191103995162734;0.037698412698412696320016124218;0.011507936507936508685467913438;0.004761904761904762334312479766;0.017460317460317460735996775156;0.000000000000000000000000000000;0.015079365079365079568840535273;0.013888888888888888117900677344;0.004761904761904762334312479766;0.012301587301587301251371009414;0.029761904761904760252644308594;0.011904761904761904101057723437;0.008333333333333333217685101602;0.000396825396825396825052634231;0.018253968253968255036623347110;0.015873015873015872134743631250;0.001984126984126984016842953906;0.000000000000000000000000000000;0.028174603174603175120838116641;0.024603174603174602502742018828;0.023809523809523808202115446875;0.022222222222222223070309254922;0.009126984126984127518311673555;0.017857142857142856151586585156;0.007539682539682539784420267637
-0.011224489795918366624727369185;0.012925170068027210315553254816;0.043877551020408162019137421339;0.218027210884353728204132494284;0.021768707482993195773124384118;0.003401360544217686947970902267;0.015986394557823128959039848951;0.041496598639455782586704657433;0.002721088435374149471640548015;0.023129251700680270725785092623;0.014965986394557822744544317572;0.000000000000000000000000000000;0.003741496598639455686136079393;0.022448979591836733249454738370;0.036054421768707482776061823415;0.004081632653061224857982125513;0.004421768707482993596147302640;0.021428571428571428769682682969;0.028571428571428570536427926640;0.005782312925170067681446273156;0.033333333333333332870740406406;0.005102040816326530205115918903;0.022448979591836733249454738370;0.041496598639455782586704657433;0.007482993197278911372272158786;0.031292517006802723911196295603;0.035714285714285712303173170312;0.009523809523809524668624959531;0.002721088435374149471640548015;0.005442176870748298943281096030;0.000340136054421768683955068502;0.018367346938775511860919564811;0.014285714285714285268213963320;0.007823129251700680977799073901;0.011564625850340135362892546311;0.028571428571428570536427926640;0.012244897959183672839222900564;0.005102040816326530205115918903;0.000340136054421768683955068502;0.026530612244897958107436863884;0.011564625850340135362892546311;0.000680272108843537367910137004;0.000000000000000000000000000000;0.025510204081632653627664808482;0.017687074829931974384589210558;0.019727891156462583344133321361;0.027210884353741495583767218136;0.005782312925170067681446273156;0.028911564625850341009316579743;0.007142857142857142634106981660
-0.015555555555555555108382392859;0.008518518518518519017090895318;0.054074074074074073015250263552;0.178148148148148138814050867040;0.005555555555555555767577313730;0.002222222222222222220294751693;0.006296296296296296363115274630;0.037037037037037034981068472916;0.002222222222222222220294751693;0.042592592592592591616007524635;0.009629629629629630344078705662;0.000000000000000000000000000000;0.004074074074074073709139653943;0.053703703703703704885885628073;0.019629629629629628817522046802;0.005555555555555555767577313730;0.008888888888888888881179006773;0.020000000000000000416333634234;0.015555555555555555108382392859;0.005185185185185185036127464286;0.020740740740740740144509857146;0.005555555555555555767577313730;0.009259259259259258745267118229;0.073703703703703701832772310354;0.007777777777777777554191196430;0.041851851851851848418384349770;0.028888888888888887562789165031;0.001851851851851851922525771243;0.001851851851851851922525771243;0.002222222222222222220294751693;0.000740740740740740703958178148;0.025555555555555557051272685953;0.006666666666666667094565124074;0.006666666666666667094565124074;0.009629629629629630344078705662;0.052592592592592593558897817729;0.017037037037037038034181790636;0.006296296296296296363115274630;0.000000000000000000000000000000;0.008148148148148147418279307885;0.012222222222222222862142437805;0.001111111111111111110147375847;0.000000000000000000000000000000;0.032962962962962964741375770927;0.007037037037037036958653235530;0.018148148148148149361169600979;0.055185185185185184342238073896;0.019259259259259260688157411323;0.021851851851851851471497667490;0.010740740740740739936343040029
-0.007916666666666667337426410711;0.004583333333333333356462979680;0.064166666666666663521034763562;0.393333333333333312609170206997;0.018333333333333333425851918719;0.000000000000000000000000000000;0.005416666666666666851703837438;0.031250000000000000000000000000;0.001250000000000000026020852140;0.038333333333333330372738601000;0.005416666666666666851703837438;0.000000000000000000000000000000;0.000416666666666666693410320255;0.042500000000000003053113317719;0.013750000000000000069388939039;0.002500000000000000052041704279;0.012500000000000000693889390391;0.012916666666666666574148081281;0.005833333333333333599324266316;0.001250000000000000026020852140;0.014583333333333333564629796797;0.003749999999999999861222121922;0.000416666666666666693410320255;0.047500000000000000555111512313;0.003333333333333333547282562037;0.032916666666666663521034763562;0.023333333333333334397297065266;0.003749999999999999861222121922;0.001250000000000000026020852140;0.000833333333333333386820640509;0.000000000000000000000000000000;0.021250000000000001526556658860;0.000000000000000000000000000000;0.005416666666666666851703837438;0.002083333333333333304421275400;0.038749999999999999722444243844;0.006666666666666667094565124074;0.001666666666666666773641281019;0.000000000000000000000000000000;0.000833333333333333386820640509;0.008750000000000000832667268469;0.000416666666666666693410320255;0.000000000000000000000000000000;0.023333333333333334397297065266;0.010000000000000000208166817117;0.015833333333333334674852821422;0.053333333333333336756520992594;0.010000000000000000208166817117;0.002083333333333333304421275400;0.006250000000000000346944695195
-0.011249999999999999583666365766;0.006666666666666667094565124074;0.035416666666666665741480812812;0.418750000000000011102230246252;0.000833333333333333386820640509;0.002083333333333333304421275400;0.007916666666666667337426410711;0.026666666666666668378260496297;0.003333333333333333547282562037;0.032916666666666663521034763562;0.005416666666666666851703837438;0.000000000000000000000000000000;0.002916666666666666799662133158;0.027500000000000000138777878078;0.034166666666666664631257788187;0.005000000000000000104083408559;0.005416666666666666851703837438;0.008750000000000000832667268469;0.009166666666666666712925959359;0.001666666666666666773641281019;0.013750000000000000069388939039;0.004583333333333333356462979680;0.003333333333333333547282562037;0.044166666666666666574148081281;0.005416666666666666851703837438;0.026666666666666668378260496297;0.026249999999999999028554853453;0.002500000000000000052041704279;0.002083333333333333304421275400;0.001666666666666666773641281019;0.000416666666666666693410320255;0.020000000000000000416333634234;0.004166666666666666608842550801;0.012916666666666666574148081281;0.005416666666666666851703837438;0.029999999999999998889776975375;0.007499999999999999722444243844;0.005833333333333333599324266316;0.000000000000000000000000000000;0.007916666666666667337426410711;0.006666666666666667094565124074;0.001250000000000000026020852140;0.000000000000000000000000000000;0.026666666666666668378260496297;0.011249999999999999583666365766;0.020833333333333332176851016015;0.030416666666666668239482618219;0.012083333333333333078907223523;0.012916666666666666574148081281;0.007499999999999999722444243844
-0.018888888888888889089345823891;0.013703703703703704053218359604;0.047777777777777780121581940875;0.171851851851851838981488640457;0.017037037037037038034181790636;0.002222222222222222220294751693;0.008518518518518519017090895318;0.028888888888888887562789165031;0.003333333333333333547282562037;0.047407407407407405053323401489;0.011111111111111111535154627461;0.000000000000000000000000000000;0.002962962962962962815832712593;0.039259259259259257635044093604;0.034814814814814812327092852229;0.007407407407407407690103084974;0.008888888888888888881179006773;0.027037037037037036507625131776;0.007777777777777777554191196430;0.005185185185185185036127464286;0.019259259259259260688157411323;0.004444444444444444440589503387;0.007777777777777777554191196430;0.085185185185185183232015049271;0.008888888888888888881179006773;0.050740740740740739034286832521;0.028518518518518519433424529552;0.008148148148148147418279307885;0.001851851851851851922525771243;0.002592592592592592518063732143;0.000370370370370370351979089074;0.022222222222222223070309254922;0.005925925925925925631665425186;0.006666666666666667094565124074;0.009259259259259258745267118229;0.038518518518518521376314822646;0.010370370370370370072254928573;0.005185185185185185036127464286;0.000000000000000000000000000000;0.011851851851851851263330850372;0.010370370370370370072254928573;0.002592592592592592518063732143;0.000000000000000000000000000000;0.037407407407407410049327012302;0.007407407407407407690103084974;0.027777777777777776235801354687;0.041111111111111112159655078813;0.018518518518518517490534236458;0.013333333333333334189130248149;0.009629629629629630344078705662
-0.009126984126984127518311673555;0.015873015873015872134743631250;0.038492063492063494090089648125;0.304761904761904789395998705004;0.006349206349206349200842147695;0.004761904761904762334312479766;0.006349206349206349200842147695;0.029761904761904760252644308594;0.004365079365079365183999193789;0.023809523809523808202115446875;0.011904761904761904101057723437;0.000000000000000000000000000000;0.004365079365079365183999193789;0.023412698412698412786525636875;0.048412698412698414174304417656;0.004761904761904762334312479766;0.004761904761904762334312479766;0.022619047619047618485899064922;0.017857142857142856151586585156;0.005555555555555555767577313730;0.021825396825396824185272492969;0.006746031746031746351155433672;0.013492063492063492702310867344;0.045238095238095236971798129844;0.009920634920634920084214769531;0.018650793650793650452213157109;0.032936507936507937455150596406;0.006746031746031746351155433672;0.002380952380952381167156239883;0.004761904761904762334312479766;0.001587301587301587300210536924;0.017063492063492061850960013203;0.009920634920634920084214769531;0.008730158730158730367998387578;0.011904761904761904101057723437;0.034126984126984123701920026406;0.008730158730158730367998387578;0.004761904761904762334312479766;0.000000000000000000000000000000;0.021031746031746033354092872969;0.006746031746031746351155433672;0.000396825396825396825052634231;0.000000000000000000000000000000;0.026984126984126985404621734688;0.021825396825396824185272492969;0.013095238095238095551997581367;0.023412698412698412786525636875;0.010714285714285714384841341484;0.021428571428571428769682682969;0.007539682539682539784420267637
-0.026744186046511627535826605140;0.011240310077519379688970602160;0.047674418604651165598529161116;0.241085271317829447079716942426;0.009302325581395348708113601788;0.005038759689922480550228200968;0.008527131782945736315770801639;0.032558139534883720478397606257;0.005038759689922480550228200968;0.034108527131782945263083206555;0.011240310077519379688970602160;0.001550387596899224784685600298;0.003875968992248061961714000745;0.037596899224806204498072759179;0.027906976744186046124340805363;0.007751937984496123923428001490;0.010852713178294573492799202086;0.028682170542635658516683605512;0.014341085271317829258341802756;0.010465116279069767296627802011;0.017829457364341085023884403427;0.005813953488372092942571001117;0.008527131782945736315770801639;0.042635658914728681578854008194;0.011627906976744185885142002235;0.038372093023255816890415559328;0.037209302325581394832454407151;0.005426356589147286746399601043;0.001550387596899224784685600298;0.002713178294573643373199800521;0.000000000000000000000000000000;0.013953488372093023062170402682;0.006201550387596899138742401192;0.006976744186046511531085201341;0.003875968992248061961714000745;0.039922480620155041675101159626;0.015891472868217054043027403054;0.004651162790697674354056800894;0.000387596899224806196171400074;0.005813953488372092942571001117;0.010465116279069767296627802011;0.001162790697674418588514200223;0.000000000000000000000000000000;0.021317829457364340789427004097;0.010465116279069767296627802011;0.019767441860465116004741403799;0.038759689922480619617140007449;0.015891472868217054043027403054;0.023643410852713177966455404544;0.013565891472868216865999002607
-0.023170731707317072933793866696;0.011382113821138212239603149101;0.060975609756097559621679238262;0.170731707317073183594047236511;0.004471544715447154684506703148;0.003252032520325203249211831746;0.005691056910569106119801574550;0.030487804878048779810839619131;0.007317073170731707744407490424;0.036585365853658534385228762176;0.011382113821138212239603149101;0.001626016260162601624605915873;0.006097560975609756309112619022;0.037398373983739838233297803072;0.027642276422764226750938831856;0.008130081300813008990391317354;0.013821138211382113375469415928;0.028455284552845527129560920798;0.011382113821138212239603149101;0.005284552845528455063128792091;0.017479674796747966813992292145;0.008130081300813008990391317354;0.009756097560975609747635495239;0.050406504065040651230145130057;0.018699186991869919116648901536;0.035772357723577237476053625187;0.038617886178861790535954412462;0.006910569105691056687734707964;0.004878048780487804873817747620;0.004065040650406504495195658677;0.000406504065040650406151478968;0.019918699186991871419305510926;0.009756097560975609747635495239;0.009756097560975609747635495239;0.009756097560975609747635495239;0.052439024390243900441976876436;0.020325203252032519873893079421;0.007723577235772357933718534895;0.000000000000000000000000000000;0.011382113821138212239603149101;0.008130081300813008990391317354;0.002439024390243902436908873810;0.000000000000000000000000000000;0.025203252032520325615072565029;0.011788617886178862428914193572;0.022357723577235772555171777753;0.042682926829268295898511809128;0.015447154471544715867437069790;0.020325203252032519873893079421;0.010162601626016259936946539710
-0.010992907801418439969753926277;0.018794326241134751143135872553;0.055673758865248224037003410558;0.159929078014184405942543776291;0.001773049645390070878925303788;0.003900709219858156020371842132;0.007446808510638298211903318702;0.037234042553191487590069641556;0.010283687943262410577349719176;0.031205673758865248162974737056;0.009219858156028368223466884501;0.000000000000000000000000000000;0.003546099290780141757850607576;0.032624113475177303478336199305;0.037234042553191487590069641556;0.004609929078014184111733442251;0.007801418439716312040743684264;0.056737588652482268125609721210;0.013120567375886524677519595627;0.006028368794326241161818380476;0.021276595744680850547103645454;0.011702127659574467627434657402;0.026950354609929078747443398356;0.044326241134751774575217808660;0.009219858156028368223466884501;0.034751773049645391655548820609;0.046808510638297870509738629607;0.009574468085106382919668988052;0.004609929078014184111733442251;0.001773049645390070878925303788;0.000000000000000000000000000000;0.020212765957446809927944286756;0.010283687943262410577349719176;0.005319148936170212636775911363;0.007801418439716312040743684264;0.042907801418439715790409394458;0.016312056737588651739168099652;0.005319148936170212636775911363;0.000709219858156028416622251864;0.021985815602836879939507852555;0.007092198581560283515701215151;0.004255319148936170282893076688;0.000000000000000000000000000000;0.025177304964539008735879832557;0.017021276595744681131572306754;0.015602836879432624081487368528;0.030496453900709218770570529955;0.012411347517730497019838864503;0.029078014184397163455209067706;0.008865248226950355261988256927
-0.019736842105263156799122015173;0.010964912280701753777290008429;0.040350877192982456675984792582;0.196052631578947367252396816184;0.024561403508771929848908399663;0.003070175438596491231113549958;0.009210526315789472825978911885;0.031140350877192982115282404720;0.004385964912280701510916003372;0.036842105263157891303915647541;0.012280701754385964924454199831;0.000877192982456140367235331023;0.004824561403508772182424646502;0.041228070175438599753725554820;0.021929824561403507554580016858;0.007894736842105263413538196460;0.007894736842105263413538196460;0.033771929824561404409610787525;0.011403508771929825316160389548;0.009649122807017544364849293004;0.025877192982456140996072591065;0.008771929824561403021832006743;0.018421052631578945651957823770;0.045175438596491229725771177073;0.011403508771929825316160389548;0.039912280701754385137114411464;0.036403508771929826703939170329;0.006140350877192982462227099916;0.003508771929824561468941324094;0.002631578947368420993285775822;0.000438596491228070183617665512;0.017543859649122806043664013487;0.011842105263157895120307294690;0.005263157894736841986571551644;0.014035087719298245875765296375;0.035526315789473683626198408092;0.013596491228070176071618391234;0.003947368421052631706769098230;0.000000000000000000000000000000;0.015350877192982455288206011801;0.009649122807017544364849293004;0.003070175438596491231113549958;0.000000000000000000000000000000;0.022368421052631579093450397977;0.010087719298245614168996198146;0.018859649122807017190828204889;0.042982456140350878970313175387;0.017982456140350877582534394605;0.022807017543859650632320779096;0.008333333333333333217685101602
-0.019166666666666665186369300500;0.017500000000000001665334536938;0.040416666666666663243479007406;0.192916666666666652973916029623;0.020833333333333332176851016015;0.003749999999999999861222121922;0.010833333333333333703407674875;0.041666666666666664353702032031;0.005000000000000000104083408559;0.021250000000000001526556658860;0.011249999999999999583666365766;0.000833333333333333386820640509;0.006666666666666667094565124074;0.025000000000000001387778780781;0.038333333333333330372738601000;0.007499999999999999722444243844;0.008333333333333333217685101602;0.028333333333333331899295259859;0.020416666666666666296592325125;0.007499999999999999722444243844;0.022499999999999999167332731531;0.010833333333333333703407674875;0.018749999999999999306110609609;0.039166666666666669072149886688;0.009583333333333332593184650250;0.031666666666666669349705642844;0.030833333333333334119741309109;0.013333333333333334189130248149;0.002083333333333333304421275400;0.010000000000000000208166817117;0.001250000000000000026020852140;0.013333333333333334189130248149;0.011666666666666667198648532633;0.010000000000000000208166817117;0.022916666666666665047591422422;0.028750000000000001249000902703;0.013750000000000000069388939039;0.005833333333333333599324266316;0.000000000000000000000000000000;0.021666666666666667406815349750;0.010000000000000000208166817117;0.000833333333333333386820640509;0.000000000000000000000000000000;0.021250000000000001526556658860;0.020000000000000000416333634234;0.023333333333333334397297065266;0.025416666666666667268037471672;0.016666666666666666435370203203;0.028333333333333331899295259859;0.008750000000000000832667268469
-0.010087719298245614168996198146;0.015350877192982455288206011801;0.037280701754385962842786028659;0.202631578947368412579876917334;0.012719298245614034728601104973;0.002192982456140350755458001686;0.013596491228070176071618391234;0.040350877192982456675984792582;0.010087719298245614168996198146;0.042105263157894735892572413150;0.010964912280701753777290008429;0.000438596491228070183617665512;0.003947368421052631706769098230;0.028508771929824559820954021916;0.048684210526315788158946418207;0.003508771929824561468941324094;0.010964912280701753777290008429;0.029385964912280702898694784153;0.022807017543859650632320779096;0.005701754385964912658080194774;0.028070175438596491751530592751;0.014912280701754385484059106659;0.006140350877192982462227099916;0.049122807017543859697816799326;0.005701754385964912658080194774;0.028508771929824559820954021916;0.028070175438596491751530592751;0.020175438596491228337992396291;0.002192982456140350755458001686;0.010526315789473683973143103287;0.000000000000000000000000000000;0.020614035087719299876862777410;0.005263157894736841986571551644;0.004824561403508772182424646502;0.006140350877192982462227099916;0.042982456140350878970313175387;0.009210526315789472825978911885;0.004824561403508772182424646502;0.000000000000000000000000000000;0.007894736842105263413538196460;0.008771929824561403021832006743;0.002631578947368420993285775822;0.000000000000000000000000000000;0.026754385964912280604366401349;0.024561403508771929848908399663;0.025438596491228069457202209946;0.036842105263157891303915647541;0.011842105263157895120307294690;0.008333333333333333217685101602;0.008333333333333333217685101602
-0.010740740740740739936343040029;0.020000000000000000416333634234;0.026666666666666668378260496297;0.227037037037037037201514522167;0.036666666666666666851703837438;0.003333333333333333547282562037;0.010740740740740739936343040029;0.048518518518518516380311211833;0.001481481481481481407916356297;0.020000000000000000416333634234;0.018148148148148149361169600979;0.001111111111111111110147375847;0.007777777777777777554191196430;0.014074074074074073917306471060;0.045185185185185182399347780802;0.002592592592592592518063732143;0.005185185185185185036127464286;0.043333333333333334813630699500;0.027407407407407408106436719208;0.004074074074074073709139653943;0.025925925925925925180637321432;0.001851851851851851922525771243;0.022962962962962962798485477833;0.035555555555555555524716027094;0.007777777777777777554191196430;0.022592592592592591199673890401;0.042962962962962959745372160114;0.018148148148148149361169600979;0.003333333333333333547282562037;0.009259259259259258745267118229;0.000370370370370370351979089074;0.013703703703703704053218359604;0.021851851851851851471497667490;0.003333333333333333547282562037;0.005925925925925925631665425186;0.029259259259259259161600752464;0.017037037037037038034181790636;0.003703703703703703845051542487;0.000000000000000000000000000000;0.007407407407407407690103084974;0.014814814814814815380206169948;0.002592592592592592518063732143;0.000000000000000000000000000000;0.021481481481481479872686080057;0.022962962962962962798485477833;0.018518518518518517490534236458;0.014814814814814815380206169948;0.005555555555555555767577313730;0.025185185185185185452461098521;0.007037037037037036958653235530
-0.005128205128205128200680196215;0.035042735042735043138328876466;0.016666666666666666435370203203;0.229914529914529902621112000816;0.044444444444444446140618509844;0.002564102564102564100340098108;0.012393162393162392501122504029;0.054273504273504274975081784760;0.001282051282051282050170049054;0.025641025641025640136039243089;0.012820512820512820068019621544;0.000000000000000000000000000000;0.001282051282051282050170049054;0.012820512820512820068019621544;0.101282051282051283047636047741;0.003418803418803418800453464144;0.003418803418803418800453464144;0.023931623931623933337897724982;0.029914529914529915805010418239;0.001282051282051282050170049054;0.020940170940170938634894426400;0.000427350427350427350056683018;0.003846153846153846367350581659;0.037606837606837605070264629603;0.002564102564102564100340098108;0.018376068376068376702958673263;0.032051282051282048435325577884;0.044444444444444446140618509844;0.006410256410256410034009810772;0.010683760683760683968257509946;0.000000000000000000000000000000;0.016239316239316240603196561665;0.010256410256410256401360392431;0.000854700854700854700113366036;0.001709401709401709400226732072;0.026495726495726495269833478119;0.007264957264957265167804045802;0.002991452991452991667237215623;0.000000000000000000000000000000;0.002136752136752136967123849587;0.014957264957264957902505209120;0.003418803418803418800453464144;0.000000000000000000000000000000;0.020940170940170938634894426400;0.054273504273504274975081784760;0.016666666666666666435370203203;0.015384615384615385469402326635;0.002564102564102564100340098108;0.005555555555555555767577313730;0.003418803418803418800453464144
-0.014000000000000000291433543964;0.034000000000000002442490654175;0.024333333333333331816028533012;0.202666666666666661633655621699;0.017999999999999998639976794834;0.004666666666666667052931760651;0.013333333333333334189130248149;0.032333333333333331982561986706;0.003333333333333333547282562037;0.015333333333333332496040135595;0.010333333333333333259318465025;0.000333333333333333322202191029;0.005000000000000000104083408559;0.018333333333333333425851918719;0.092666666666666661078544109387;0.003333333333333333547282562037;0.006333333333333333176051738178;0.034333333333333333758918826106;0.019666666666666665630458510350;0.005666666666666667073748442363;0.022666666666666668294993769450;0.004000000000000000083266726847;0.021666666666666667406815349750;0.028666666666666666685170383744;0.006333333333333333176051738178;0.021333333333333332620940225866;0.035666666666666665963525417737;0.059666666666666666463125778819;0.003000000000000000062450045135;0.008999999999999999319988397417;0.001666666666666666773641281019;0.008999999999999999319988397417;0.013333333333333334189130248149;0.005000000000000000104083408559;0.010333333333333333259318465025;0.015333333333333332496040135595;0.007333333333333333196868419890;0.008999999999999999319988397417;0.000000000000000000000000000000;0.021666666666666667406815349750;0.009666666666666667157015169209;0.002666666666666666577617528233;0.000000000000000000000000000000;0.017999999999999998639976794834;0.038999999999999999944488848769;0.025000000000000001387778780781;0.013333333333333334189130248149;0.001666666666666666773641281019;0.024000000000000000499600361081;0.004000000000000000083266726847
-0.012916666666666666574148081281;0.029999999999999998889776975375;0.020000000000000000416333634234;0.330000000000000015543122344752;0.018749999999999999306110609609;0.001250000000000000026020852140;0.013750000000000000069388939039;0.045416666666666667684371105906;0.001250000000000000026020852140;0.022083333333333333287074040641;0.002500000000000000052041704279;0.000416666666666666693410320255;0.000833333333333333386820640509;0.012083333333333333078907223523;0.072083333333333332593184650250;0.003333333333333333547282562037;0.003749999999999999861222121922;0.020000000000000000416333634234;0.020833333333333332176851016015;0.000416666666666666693410320255;0.024583333333333332038073137937;0.002500000000000000052041704279;0.004166666666666666608842550801;0.038749999999999999722444243844;0.004166666666666666608842550801;0.023750000000000000277555756156;0.024583333333333332038073137937;0.028333333333333331899295259859;0.005416666666666666851703837438;0.012083333333333333078907223523;0.000000000000000000000000000000;0.016250000000000000555111512313;0.003333333333333333547282562037;0.004166666666666666608842550801;0.002916666666666666799662133158;0.019583333333333334536074943344;0.003333333333333333547282562037;0.005416666666666666851703837438;0.000000000000000000000000000000;0.003333333333333333547282562037;0.014166666666666665949647629930;0.002500000000000000052041704279;0.000000000000000000000000000000;0.026249999999999999028554853453;0.042500000000000003053113317719;0.022499999999999999167332731531;0.017500000000000001665334536938;0.007083333333333332974823814965;0.004583333333333333356462979680;0.004583333333333333356462979680
-0.013333333333333334189130248149;0.023333333333333334397297065266;0.025555555555555557051272685953;0.249629629629629617992847556707;0.040740740740740744030290443334;0.001481481481481481407916356297;0.019629629629629628817522046802;0.038518518518518521376314822646;0.001111111111111111110147375847;0.024814814814814813853649511088;0.006666666666666667094565124074;0.000370370370370370351979089074;0.003333333333333333547282562037;0.017777777777777777762358013547;0.062962962962962956692258842395;0.004074074074074073709139653943;0.004444444444444444440589503387;0.016666666666666666435370203203;0.025925925925925925180637321432;0.003333333333333333547282562037;0.025555555555555557051272685953;0.003333333333333333547282562037;0.004814814814814815172039352831;0.036296296296296298722339201959;0.005925925925925925631665425186;0.025185185185185185452461098521;0.031851851851851853414387960584;0.025185185185185185452461098521;0.004074074074074073709139653943;0.009259259259259258745267118229;0.000000000000000000000000000000;0.019629629629629628817522046802;0.005925925925925925631665425186;0.004074074074074073709139653943;0.006666666666666667094565124074;0.022222222222222223070309254922;0.006666666666666667094565124074;0.008888888888888888881179006773;0.000000000000000000000000000000;0.007037037037037036958653235530;0.013333333333333334189130248149;0.000740740740740740703958178148;0.000000000000000000000000000000;0.030740740740740742087400150240;0.040000000000000000832667268469;0.028148148148148147834612942120;0.025185185185185185452461098521;0.008518518518518519017090895318;0.009259259259259258745267118229;0.007777777777777777554191196430
-0.017567567567567568542763467576;0.024324324324324325674595570490;0.037387387387387387149839668155;0.226576576576576566024456838022;0.023423423423423423567202306117;0.000900900900900900914770874639;0.013513513513513514263664205828;0.027027027027027028527328411656;0.002702702702702702852732841166;0.021621621621621622821862729324;0.012162162162162162837297785245;0.000900900900900900914770874639;0.001801801801801801829541749278;0.015315315315315315009003782620;0.081081081081081085581985234967;0.004504504504504504465434155946;0.004054054054054054279099261748;0.019369369369369369288103044369;0.020720720720720720714469464951;0.004054054054054054279099261748;0.018468468468468467180709779996;0.007657657657657657504501891310;0.009459459459459459984564944079;0.038738738738738738576206088737;0.008558558558558557877171679706;0.024774774774774774993568726700;0.035135135135135137085526935152;0.041891891891891894217359038066;0.007207207207207207318166997112;0.007657657657657657504501891310;0.001351351351351351426366420583;0.017567567567567568542763467576;0.007657657657657657504501891310;0.006306306306306306078135470727;0.005405405405405405705465682331;0.023423423423423423567202306117;0.011711711711711711783601153058;0.009459459459459459984564944079;0.000450450450450450457385437320;0.013513513513513514263664205828;0.013963963963963963582637362038;0.000450450450450450457385437320;0.000000000000000000000000000000;0.028828828828828829272667988448;0.029279279279279278591641144658;0.026576576576576575738908303492;0.021621621621621622821862729324;0.005855855855855855891800576529;0.009009009009009008930868311893;0.009009009009009008930868311893
-0.008823529411764705759901872284;0.073202614379084970930300357850;0.019607843137254901688670827298;0.157516339869281041252691011323;0.006862745098039215591034789554;0.002287581699346405341571886183;0.017320261437908497648141548098;0.039215686274509803377341654596;0.004248366013071895076758099918;0.023856209150326795898067189228;0.008169934640522876281854003366;0.000653594771241830020148955160;0.001633986928104575213002713774;0.013071895424836601704021710191;0.078431372549019606754683309191;0.005882352941176470506601248189;0.006862745098039215591034789554;0.063071895424836599275408843823;0.012091503267973856619588168826;0.001633986928104575213002713774;0.021241830065359477985875713557;0.002287581699346405341571886183;0.019934640522875815560333023768;0.037254901960784313208474571866;0.004248366013071895076758099918;0.024183006535947713239176337652;0.029411764705882352533006240947;0.075163398692810454160273536672;0.002614379084967320080595820642;0.005228758169934640161191641283;0.000980392156862745084433541365;0.020261437908496732901442172192;0.013725490196078431182069579108;0.003594771241830065165029362007;0.006862745098039215591034789554;0.028431372549019607448572699582;0.006209150326797385245625182648;0.004575163398692810683143772366;0.000980392156862745084433541365;0.012091503267973856619588168826;0.019281045751633987817008630827;0.006209150326797385245625182648;0.000000000000000000000000000000;0.026797385620915031151367813322;0.019281045751633987817008630827;0.018954248366013070475899482403;0.021895424836601305729200106498;0.006535947712418300852010855095;0.008169934640522876281854003366;0.009150326797385621366287544731
-0.012916666666666666574148081281;0.043333333333333334813630699500;0.019166666666666665186369300500;0.217083333333333322601177428623;0.023333333333333334397297065266;0.002500000000000000052041704279;0.014166666666666665949647629930;0.041250000000000001942890293094;0.000000000000000000000000000000;0.033750000000000002220446049250;0.007916666666666667337426410711;0.000000000000000000000000000000;0.002083333333333333304421275400;0.014583333333333333564629796797;0.068333333333333329262515576374;0.001666666666666666773641281019;0.005000000000000000104083408559;0.027916666666666666019036568969;0.020000000000000000416333634234;0.002916666666666666799662133158;0.022083333333333333287074040641;0.001250000000000000026020852140;0.008333333333333333217685101602;0.063333333333333338699411285688;0.003749999999999999861222121922;0.028333333333333331899295259859;0.024166666666666666157814447047;0.040833333333333332593184650250;0.003749999999999999861222121922;0.008333333333333333217685101602;0.000000000000000000000000000000;0.022916666666666665047591422422;0.007916666666666667337426410711;0.002916666666666666799662133158;0.001666666666666666773641281019;0.025833333333333333148296162562;0.006250000000000000346944695195;0.004166666666666666608842550801;0.000000000000000000000000000000;0.001666666666666666773641281019;0.014999999999999999444888487687;0.003333333333333333547282562037;0.000000000000000000000000000000;0.040833333333333332593184650250;0.025833333333333333148296162562;0.030833333333333334119741309109;0.023750000000000000277555756156;0.007499999999999999722444243844;0.009583333333333332593184650250;0.007916666666666667337426410711
-0.014444444444444443781394582516;0.026111111111111112714766591125;0.028055555555555555802271783250;0.128888888888888886175010384250;0.009444444444444444544672911945;0.003333333333333333547282562037;0.010277777777777778039913769703;0.056666666666666663798590519718;0.002222222222222222220294751693;0.040555555555555553026714221687;0.012777777777777778525636342977;0.000833333333333333386820640509;0.002500000000000000052041704279;0.024166666666666666157814447047;0.057777777777777775125578330062;0.005000000000000000104083408559;0.005555555555555555767577313730;0.039166666666666669072149886688;0.033333333333333332870740406406;0.002777777777777777883788656865;0.029722222222222222792753498766;0.002222222222222222220294751693;0.010833333333333333703407674875;0.060555555555555556912494807875;0.005277777777777777935830361145;0.036111111111111107718762980312;0.034444444444444444197728216750;0.013055555555555556357383295563;0.002500000000000000052041704279;0.010000000000000000208166817117;0.000000000000000000000000000000;0.027222222222222220572307449515;0.017222222222222222098864108375;0.006111111111111111431071218902;0.002500000000000000052041704279;0.040833333333333332593184650250;0.013333333333333334189130248149;0.003611111111111110945348645629;0.000000000000000000000000000000;0.000555555555555555555073687923;0.019166666666666665186369300500;0.002222222222222222220294751693;0.000000000000000000000000000000;0.034722222222222223764198645313;0.027500000000000000138777878078;0.027222222222222220572307449515;0.033333333333333332870740406406;0.009722222222222222376419864531;0.019166666666666665186369300500;0.006944444444444444058950338672
-0.010062893081761005789620533335;0.013522012578616352668214872779;0.050943396226415096905704160690;0.216666666666666674068153497501;0.003459119496855346011232601455;0.004402515723270440141379200583;0.005974842767295597892318603783;0.033962264150943395624171472491;0.001886792452830188693974067249;0.048427672955974845891979896351;0.011006289308176099919767132462;0.000943396226415094346987033624;0.002201257861635220070689600291;0.035534591194968552507749137703;0.024842767295597485699421014260;0.004088050314465408764663667540;0.009433962264150943036189467250;0.023584905660377360192558882090;0.018238993710691823318947868415;0.005974842767295597892318603783;0.018867924528301886072378934500;0.005345911949685534271525799710;0.011006289308176099919767132462;0.064150943396226414727756548473;0.008490566037735848906042868123;0.033018867924528301494024873364;0.037421383647798740768042335958;0.005031446540880502894810266667;0.002830188679245282824120666376;0.007547169811320754775896268995;0.000314465408805031430925641667;0.023899371069182391569274415133;0.011949685534591195784637207566;0.004088050314465408764663667540;0.004088050314465408764663667540;0.051572327044025159659135226775;0.014150943396226415421645938864;0.005345911949685534271525799710;0.000314465408805031430925641667;0.004088050314465408764663667540;0.009748427672955974412905000293;0.000943396226415094346987033624;0.000000000000000000000000000000;0.033647798742138364247455939449;0.013836477987421384044930405821;0.022955974842767293969680864052;0.040880503144654085911913199425;0.013522012578616352668214872779;0.018867924528301886072378934500;0.006918238993710692022465202911
-0.011231884057971014412302679375;0.011231884057971014412302679375;0.081159420289855066510398273749;0.041304347826086953987534400312;0.001811594202898550746635986108;0.004347826086956521791926366660;0.004347826086956521791926366660;0.040217391304347822889031505156;0.007608695652173913352711576152;0.037681159420289857264751987032;0.015942028985507245703034939766;0.000000000000000000000000000000;0.004710144927536232158093998379;0.055797101449275361695345765156;0.023188405797101449556940622188;0.008333333333333333217685101602;0.012318840579710145510805574531;0.042391304347826085086037295468;0.010869565217391304046135047656;0.013405797101449274874584993711;0.018115942028985507900040730078;0.010869565217391304046135047656;0.021376811594202897726102463594;0.057608695652173913526183923750;0.011956521739130435144637942813;0.046014492753623188747713612656;0.037681159420289857264751987032;0.003623188405797101493271972217;0.003260869565217391127104340498;0.003260869565217391127104340498;0.000724637681159420298654394443;0.022463768115942028824605358750;0.010144927536231883313799784219;0.008695652173913043583852733320;0.014492753623188405973087888867;0.053985507246376809864507606562;0.017753623188405797533873098359;0.004347826086956521791926366660;0.000000000000000000000000000000;0.021376811594202897726102463594;0.011594202898550724778470311094;0.003985507246376811425758734941;0.000000000000000000000000000000;0.033333333333333332870740406406;0.006159420289855072755402787266;0.026086956521739129016834723984;0.055797101449275361695345765156;0.025000000000000001387778780781;0.031521739130434781039902247812;0.010869565217391304046135047656
-0.012592592592592592726230549260;0.038148148148148146308056283260;0.054074074074074073015250263552;0.117407407407407404775767645333;0.007037037037037036958653235530;0.002592592592592592518063732143;0.013703703703703704053218359604;0.044814814814814814269983145323;0.003703703703703703845051542487;0.022962962962962962798485477833;0.008888888888888888881179006773;0.000000000000000000000000000000;0.003703703703703703845051542487;0.018518518518518517490534236458;0.061481481481481484174800300480;0.001851851851851851922525771243;0.005925925925925925631665425186;0.052222222222222225429533182250;0.025555555555555557051272685953;0.002592592592592592518063732143;0.027407407407407408106436719208;0.003703703703703703845051542487;0.031851851851851853414387960584;0.045925925925925925596970955667;0.005185185185185185036127464286;0.021851851851851851471497667490;0.043333333333333334813630699500;0.024074074074074074125473288177;0.004444444444444444440589503387;0.005925925925925925631665425186;0.000000000000000000000000000000;0.020000000000000000416333634234;0.015925925925925926707193980292;0.014444444444444443781394582516;0.006666666666666667094565124074;0.029259259259259259161600752464;0.010370370370370370072254928573;0.006296296296296296363115274630;0.000000000000000000000000000000;0.013333333333333334189130248149;0.014074074074074073917306471060;0.001851851851851851922525771243;0.000000000000000000000000000000;0.024074074074074074125473288177;0.029999999999999998889776975375;0.028148148148148147834612942120;0.030740740740740742087400150240;0.010000000000000000208166817117;0.023703703703703702526661700745;0.009629629629629630344078705662
-0.017117117117117115754343359413;0.041891891891891894217359038066;0.046846846846846847134404612234;0.170720720720720725571695197686;0.012612612612612612156270941455;0.003153153153153153039067735364;0.018018018018018017861736623786;0.047747747747747745772350924653;0.002702702702702702852732841166;0.008108108108108108558198523497;0.009909909909909909303538100289;0.000900900900900900914770874639;0.004504504504504504465434155946;0.014864864864864865690030626411;0.075225225225225220149205540565;0.004054054054054054279099261748;0.005405405405405405705465682331;0.035585585585585582935053139408;0.035135135135135137085526935152;0.003603603603603603659083498556;0.029279279279279278591641144658;0.005405405405405405705465682331;0.023423423423423423567202306117;0.021621621621621622821862729324;0.009909909909909909303538100289;0.018918918918918919969129888159;0.035585585585585582935053139408;0.018468468468468467180709779996;0.002252252252252252232717077973;0.011711711711711711783601153058;0.000450450450450450457385437320;0.008558558558558557877171679706;0.017117117117117115754343359413;0.007207207207207207318166997112;0.015315315315315315009003782620;0.021621621621621622821862729324;0.008108108108108108558198523497;0.007207207207207207318166997112;0.000000000000000000000000000000;0.032432432432432434232794093987;0.018018018018018017861736623786;0.001801801801801801829541749278;0.000000000000000000000000000000;0.018918918918918919969129888159;0.036486486486486488511893355735;0.019819819819819818607076200578;0.013063063063063063209967573641;0.006756756756756757131832102914;0.024774774774774774993568726700;0.007657657657657657504501891310
-0.012254901960784313555419267061;0.027450980392156862364139158217;0.038725490196078432569848359890;0.218137254901960786490633381618;0.032352941176470591255753816995;0.004901960784313725422167706824;0.011274509803921568470985725696;0.043627450980392154522569114761;0.001470588235294117626650312047;0.014705882352941176266503120473;0.008333333333333333217685101602;0.000490196078431372542216770682;0.004411764705882352879950936142;0.015686274509803921350936661838;0.086764705882352938237644934816;0.004411764705882352879950936142;0.002450980392156862711083853412;0.032843137254901962063247111701;0.019117647058823530881177532592;0.003921568627450980337734165460;0.029411764705882352533006240947;0.005882352941176470506601248189;0.009803921568627450844335413649;0.027941176470588236641079404876;0.003921568627450980337734165460;0.023529411764705882026404992757;0.041666666666666664353702032031;0.033823529411764703678233701112;0.003921568627450980337734165460;0.014215686274509803724286349791;0.000980392156862745084433541365;0.013725490196078431182069579108;0.017156862745098040712310449862;0.008333333333333333217685101602;0.006372549019607843048818018872;0.016666666666666666435370203203;0.010294117647058823386552184331;0.007352941176470588133251560237;0.000000000000000000000000000000;0.002941176470588235253300624095;0.015196078431372548808719891156;0.001470588235294117626650312047;0.000000000000000000000000000000;0.016666666666666666435370203203;0.046568627450980393245316690809;0.014705882352941176266503120473;0.016176470588235295627876908497;0.006372549019607843048818018872;0.017156862745098040712310449862;0.004411764705882352879950936142
-0.004761904761904762334312479766;0.030158730158730159137681070547;0.029761904761904760252644308594;0.183730158730158743551896805002;0.046428571428571430157461463750;0.000793650793650793650105268462;0.007142857142857142634106981660;0.034523809523809526056403740313;0.001587301587301587300210536924;0.026984126984126985404621734688;0.008333333333333333217685101602;0.000396825396825396825052634231;0.001190476190476190583578119941;0.016269841269841271019780393203;0.131746031746031749820602385626;0.004365079365079365183999193789;0.001984126984126984016842953906;0.021825396825396824185272492969;0.012698412698412698401684295391;0.004365079365079365183999193789;0.013888888888888888117900677344;0.001984126984126984016842953906;0.004365079365079365183999193789;0.050793650793650793606737181562;0.004365079365079365183999193789;0.022222222222222223070309254922;0.031349206349206348853897452500;0.050000000000000002775557561563;0.003174603174603174600421073848;0.010317460317460317234528055508;0.000793650793650793650105268462;0.013888888888888888117900677344;0.007539682539682539784420267637;0.004365079365079365183999193789;0.003174603174603174600421073848;0.020634920634920634469056111016;0.002777777777777777883788656865;0.003968253968253968033685907812;0.000000000000000000000000000000;0.004365079365079365183999193789;0.006349206349206349200842147695;0.001190476190476190583578119941;0.000000000000000000000000000000;0.032142857142857139685077072500;0.074603174603174601808852628437;0.017857142857142856151586585156;0.023412698412698412786525636875;0.003174603174603174600421073848;0.012301587301587301251371009414;0.005952380952380952050528861719
-0.010833333333333333703407674875;0.044999999999999998334665463062;0.031250000000000000000000000000;0.247083333333333321490954403998;0.006666666666666667094565124074;0.001666666666666666773641281019;0.011666666666666667198648532633;0.040000000000000000832667268469;0.000833333333333333386820640509;0.024583333333333332038073137937;0.007916666666666667337426410711;0.001250000000000000026020852140;0.002500000000000000052041704279;0.021250000000000001526556658860;0.073333333333333333703407674875;0.006666666666666667094565124074;0.008750000000000000832667268469;0.030416666666666668239482618219;0.012083333333333333078907223523;0.004166666666666666608842550801;0.018333333333333333425851918719;0.001250000000000000026020852140;0.007916666666666667337426410711;0.038749999999999999722444243844;0.005833333333333333599324266316;0.024166666666666666157814447047;0.033333333333333332870740406406;0.044583333333333335923853724125;0.001250000000000000026020852140;0.010416666666666666088425508008;0.000000000000000000000000000000;0.018749999999999999306110609609;0.006666666666666667094565124074;0.005833333333333333599324266316;0.007083333333333332974823814965;0.032916666666666663521034763562;0.005000000000000000104083408559;0.005833333333333333599324266316;0.000000000000000000000000000000;0.005000000000000000104083408559;0.010416666666666666088425508008;0.000833333333333333386820640509;0.000000000000000000000000000000;0.034166666666666664631257788187;0.015833333333333334674852821422;0.019583333333333334536074943344;0.024166666666666666157814447047;0.011249999999999999583666365766;0.020000000000000000416333634234;0.002916666666666666799662133158
-0.012000000000000000249800180541;0.009333333333333334105863521302;0.047666666666666669682772550232;0.219666666666666676732688756601;0.005666666666666667073748442363;0.003666666666666666598434209945;0.012999999999999999403255124264;0.027666666666666665796991964044;0.001000000000000000020816681712;0.038666666666666668628060676838;0.009666666666666667157015169209;0.001000000000000000020816681712;0.001333333333333333288808764117;0.034000000000000002442490654175;0.029000000000000001471045507628;0.003666666666666666598434209945;0.010666666666666666310470112933;0.016666666666666666435370203203;0.013333333333333334189130248149;0.010999999999999999361621760841;0.020666666666666666518636930050;0.005333333333333333155235056466;0.008666666666666666268836749509;0.064666666666666663965123973412;0.007666666666666666248020067798;0.034000000000000002442490654175;0.024333333333333331816028533012;0.006333333333333333176051738178;0.003333333333333333547282562037;0.012999999999999999403255124264;0.000333333333333333322202191029;0.026666666666666668378260496297;0.005666666666666667073748442363;0.005666666666666667073748442363;0.006666666666666667094565124074;0.050666666666666665408413905425;0.012666666666666666352103476356;0.008333333333333333217685101602;0.000666666666666666644404382058;0.011666666666666667198648532633;0.012000000000000000249800180541;0.000666666666666666644404382058;0.000000000000000000000000000000;0.035999999999999997279953589668;0.010999999999999999361621760841;0.034000000000000002442490654175;0.043999999999999997446487043362;0.010000000000000000208166817117;0.018666666666666668211727042603;0.008000000000000000166533453694
-0.006296296296296296363115274630;0.054444444444444441144614899031;0.032222222222222221543752596062;0.207037037037037047193521743793;0.026666666666666668378260496297;0.000740740740740740703958178148;0.015185185185185185244294281404;0.035185185185185187395351391615;0.004814814814814815172039352831;0.021111111111111111743321444578;0.006666666666666667094565124074;0.000370370370370370351979089074;0.002962962962962962815832712593;0.015185185185185185244294281404;0.090370370370370364798695561603;0.002592592592592592518063732143;0.005555555555555555767577313730;0.042592592592592591616007524635;0.016296296296296294836558615771;0.006296296296296296363115274630;0.018888888888888889089345823891;0.004444444444444444440589503387;0.008148148148148147418279307885;0.034074074074074076068363581271;0.004814814814814815172039352831;0.019629629629629628817522046802;0.032222222222222221543752596062;0.071851851851851847308161325145;0.004444444444444444440589503387;0.005555555555555555767577313730;0.000000000000000000000000000000;0.015185185185185185244294281404;0.005925925925925925631665425186;0.004814814814814815172039352831;0.004074074074074073709139653943;0.025925925925925925180637321432;0.007777777777777777554191196430;0.003333333333333333547282562037;0.000370370370370370351979089074;0.012222222222222222862142437805;0.015185185185185185244294281404;0.002592592592592592518063732143;0.000000000000000000000000000000;0.023703703703703702526661700745;0.024814814814814813853649511088;0.016666666666666666435370203203;0.014814814814814815380206169948;0.007037037037037036958653235530;0.011851851851851851263330850372;0.007037037037037036958653235530
-0.010277777777777778039913769703;0.030833333333333334119741309109;0.016944444444444446001840631766;0.354722222222222216547748985249;0.031111111111111110216764785719;0.002222222222222222220294751693;0.016388888888888890338346726594;0.025000000000000001387778780781;0.001388888888888888941894328433;0.024166666666666666157814447047;0.005833333333333333599324266316;0.000833333333333333386820640509;0.000833333333333333386820640509;0.018888888888888889089345823891;0.055000000000000000277555756156;0.004166666666666666608842550801;0.005555555555555555767577313730;0.017222222222222222098864108375;0.014166666666666665949647629930;0.003611111111111110945348645629;0.014999999999999999444888487687;0.000833333333333333386820640509;0.002222222222222222220294751693;0.033888888888888892003681263532;0.003888888888888888777095598215;0.022777777777777778733803160094;0.020000000000000000416333634234;0.061944444444444447805953046782;0.002222222222222222220294751693;0.009166666666666666712925959359;0.000555555555555555555073687923;0.016111111111111110771876298031;0.001388888888888888941894328433;0.002500000000000000052041704279;0.001666666666666666773641281019;0.024722222222222221821308352219;0.005555555555555555767577313730;0.005000000000000000104083408559;0.000000000000000000000000000000;0.001388888888888888941894328433;0.010277777777777778039913769703;0.001944444444444444388547799107;0.000000000000000000000000000000;0.022222222222222223070309254922;0.031111111111111110216764785719;0.018055555555555553859381490156;0.025277777777777777484802257391;0.009166666666666666712925959359;0.005277777777777777935830361145;0.006666666666666667094565124074
-0.017886178861788618738026812593;0.015040650406504065678126025318;0.059756097560975607319022628872;0.154471544715447162143817649849;0.011382113821138212239603149101;0.001626016260162601624605915873;0.017073170731707318359404723651;0.036585365853658534385228762176;0.005691056910569106119801574550;0.023983739837398373312415955638;0.010569105691056910126257584182;0.001219512195121951218454436905;0.002439024390243902436908873810;0.027642276422764226750938831856;0.054065040650406501199221054321;0.005284552845528455063128792091;0.007723577235772357933718534895;0.033739837398373981325327974901;0.018699186991869919116648901536;0.006910569105691056687734707964;0.026016260162601625993694653971;0.006910569105691056687734707964;0.016260162601626017980782634709;0.050813008130081299684732698552;0.010162601626016259936946539710;0.026016260162601625993694653971;0.032926829268292684416152837912;0.029268292682926830977629961694;0.002845528455284553059900787275;0.004065040650406504495195658677;0.000000000000000000000000000000;0.019105691056910567571236470030;0.005691056910569106119801574550;0.006910569105691056687734707964;0.007317073170731707744407490424;0.035772357723577237476053625187;0.009349593495934959558324450768;0.008943089430894309369013406297;0.000000000000000000000000000000;0.031707317073170732113496228521;0.012195121951219512618225238043;0.002032520325203252247597829339;0.000000000000000000000000000000;0.032520325203252035961565269417;0.017479674796747966813992292145;0.029674796747967479432217530189;0.031707317073170732113496228521;0.008536585365853659179702361826;0.020731707317073171797927599869;0.003252032520325203249211831746
-0.011481481481481481399242738917;0.020370370370370372015145221667;0.026296296296296296779448908865;0.158148148148148148806058088667;0.074814814814814820098654024605;0.003333333333333333547282562037;0.006666666666666667094565124074;0.032962962962962964741375770927;0.000740740740740740703958178148;0.035925925925925923654080662573;0.011481481481481481399242738917;0.000370370370370370351979089074;0.002592592592592592518063732143;0.027777777777777776235801354687;0.074814814814814820098654024605;0.005555555555555555767577313730;0.007037037037037036958653235530;0.012962962962962962590318660716;0.023333333333333334397297065266;0.004444444444444444440589503387;0.024444444444444445724284875610;0.003333333333333333547282562037;0.005555555555555555767577313730;0.064074074074074074958140556646;0.007407407407407407690103084974;0.027777777777777776235801354687;0.026296296296296296779448908865;0.021111111111111111743321444578;0.003333333333333333547282562037;0.014074074074074073917306471060;0.000740740740740740703958178148;0.016666666666666666435370203203;0.010370370370370370072254928573;0.002962962962962962815832712593;0.006666666666666667094565124074;0.029629629629629630760412339896;0.005925925925925925631665425186;0.003703703703703703845051542487;0.000000000000000000000000000000;0.003703703703703703845051542487;0.010370370370370370072254928573;0.001481481481481481407916356297;0.000000000000000000000000000000;0.037037037037037034981068472916;0.044444444444444446140618509844;0.030370370370370370488588562807;0.032592592592592589673117231541;0.009629629629629630344078705662;0.008148148148148147418279307885;0.007037037037037036958653235530
-0.011249999999999999583666365766;0.016666666666666666435370203203;0.041250000000000001942890293094;0.186666666666666675178376522126;0.041666666666666664353702032031;0.001250000000000000026020852140;0.007499999999999999722444243844;0.028333333333333331899295259859;0.003333333333333333547282562037;0.044166666666666666574148081281;0.008750000000000000832667268469;0.000416666666666666693410320255;0.001666666666666666773641281019;0.027083333333333334258519187188;0.054583333333333330927850113312;0.002500000000000000052041704279;0.004166666666666666608842550801;0.014583333333333333564629796797;0.015416666666666667059870654555;0.004583333333333333356462979680;0.022916666666666665047591422422;0.003749999999999999861222121922;0.001250000000000000026020852140;0.076666666666666660745477201999;0.003333333333333333547282562037;0.040416666666666663243479007406;0.025833333333333333148296162562;0.021250000000000001526556658860;0.005000000000000000104083408559;0.007499999999999999722444243844;0.000000000000000000000000000000;0.026249999999999999028554853453;0.002083333333333333304421275400;0.003333333333333333547282562037;0.002083333333333333304421275400;0.032083333333333331760517381781;0.007916666666666667337426410711;0.007916666666666667337426410711;0.000000000000000000000000000000;0.006250000000000000346944695195;0.007499999999999999722444243844;0.000000000000000000000000000000;0.000000000000000000000000000000;0.054166666666666668517038374375;0.029583333333333333009518284484;0.028750000000000001249000902703;0.041250000000000001942890293094;0.010000000000000000208166817117;0.010416666666666666088425508008;0.006666666666666667094565124074
-0.011956521739130435144637942813;0.035507246376811595067746196719;0.015217391304347826705423152305;0.197463768115942017722375112498;0.032246376811594201772237511250;0.001449275362318840597308788887;0.019202898550724638998543625235;0.040579710144927533255199136875;0.001086956521739130447981591665;0.025724637681159418650667092265;0.009420289855072464316187996758;0.000724637681159420298654394443;0.001449275362318840597308788887;0.011594202898550724778470311094;0.084782608695652170172074590937;0.004710144927536232158093998379;0.005797101449275362389235155547;0.029710144927536232678511041172;0.028623188405797101580008146016;0.001086956521739130447981591665;0.026449275362318839383002355703;0.001086956521739130447981591665;0.010507246376811593679967415937;0.043840579710144926550707822344;0.003985507246376811425758734941;0.023913043478260870289275885625;0.034420289855072463969243301563;0.033695652173913043236908038125;0.004347826086956521791926366660;0.011594202898550724778470311094;0.000362318840579710149327197222;0.013405797101449274874584993711;0.011231884057971014412302679375;0.005434782608695652023067523828;0.006521739130434782254208680996;0.020289855072463766627599568437;0.006521739130434782254208680996;0.009420289855072464316187996758;0.000000000000000000000000000000;0.002898550724637681194617577773;0.019565217391304349364711256953;0.001086956521739130447981591665;0.000000000000000000000000000000;0.032971014492753622504572774687;0.047826086956521740578551771250;0.026449275362318839383002355703;0.022463768115942028824605358750;0.003985507246376811425758734941;0.011956521739130435144637942813;0.005434782608695652023067523828
-0.007812500000000000000000000000;0.014583333333333333564629796797;0.048958333333333332870740406406;0.317708333333333314829616256247;0.005729166666666666261897855605;0.001041666666666666652210637700;0.011458333333333332523795711211;0.027083333333333334258519187188;0.004166666666666666608842550801;0.014583333333333333564629796797;0.004166666666666666608842550801;0.000520833333333333326105318850;0.001562500000000000086736173799;0.038541666666666668517038374375;0.039062500000000000000000000000;0.003125000000000000173472347598;0.006250000000000000346944695195;0.030729166666666665047591422422;0.017708333333333332870740406406;0.007812500000000000000000000000;0.018229166666666667823148983985;0.010416666666666666088425508008;0.013541666666666667129259593594;0.035937499999999997224442438437;0.003125000000000000173472347598;0.022916666666666665047591422422;0.025520833333333332870740406406;0.016145833333333334952408577578;0.002083333333333333304421275400;0.002604166666666666522106377002;0.000000000000000000000000000000;0.019791666666666665741480812812;0.006770833333333333564629796797;0.006770833333333333564629796797;0.009374999999999999653055304805;0.022916666666666665047591422422;0.008854166666666666435370203203;0.003125000000000000173472347598;0.000000000000000000000000000000;0.033854166666666664353702032031;0.013020833333333333911574491992;0.003645833333333333391157449199;0.000000000000000000000000000000;0.021874999999999998612221219219;0.021874999999999998612221219219;0.012500000000000000693889390391;0.032291666666666669904817155157;0.013020833333333333911574491992;0.013020833333333333911574491992;0.004166666666666666608842550801
-0.017094017094017095736990796695;0.015811965811965811301575968173;0.044017094017094020308444868306;0.204700854700854695256140303172;0.003846153846153846367350581659;0.004700854700854700633783078700;0.011111111111111111535154627461;0.027350427350427350403627713149;0.005982905982905983334474431246;0.018376068376068376702958673263;0.011538461538461539102051744976;0.000854700854700854700113366036;0.005555555555555555767577313730;0.026923076923076924571454071611;0.031623931623931622603151936346;0.005128205128205128200680196215;0.004273504273504273934247699174;0.040170940170940173941094286647;0.016239316239316240603196561665;0.009401709401709401267566157401;0.027777777777777776235801354687;0.008547008547008547868495398347;0.044017094017094020308444868306;0.042307692307692310040856398246;0.008547008547008547868495398347;0.017094017094017095736990796695;0.032478632478632481206393123330;0.006837606837606837600906928287;0.001709401709401709400226732072;0.006837606837606837600906928287;0.001709401709401709400226732072;0.015811965811965811301575968173;0.011111111111111111535154627461;0.012820512820512820068019621544;0.018376068376068376702958673263;0.024358974358974359170071366520;0.009829059829059828834463274916;0.006410256410256410034009810772;0.000000000000000000000000000000;0.050427350427350428607731203101;0.006410256410256410034009810772;0.001282051282051282050170049054;0.000000000000000000000000000000;0.028205128205128205537421948179;0.011111111111111111535154627461;0.029487179487179486503389824748;0.027777777777777776235801354687;0.006837606837606837600906928287;0.030341880341880341637184059778;0.006837606837606837600906928287
-0.016228070175438594896499822084;0.032894736842105261331870025288;0.019298245614035088729698586008;0.188596491228070178847175952797;0.018421052631578945651957823770;0.000877192982456140367235331023;0.015789473684210526827076392919;0.034210526315789475948481168643;0.001754385964912280734470662047;0.017105263157894737974240584322;0.006578947368421052266374005058;0.000438596491228070183617665512;0.003508771929824561468941324094;0.015789473684210526827076392919;0.098245614035087719395633598651;0.007017543859649122937882648188;0.004385964912280701510916003372;0.049561403508771931236687180444;0.020175438596491228337992396291;0.003947368421052631706769098230;0.028070175438596491751530592751;0.001754385964912280734470662047;0.055263157894736840425320423265;0.031578947368421053654152785839;0.007456140350877192742029553330;0.021929824561403507554580016858;0.032017543859649125193023166958;0.028508771929824559820954021916;0.002192982456140350755458001686;0.004385964912280701510916003372;0.000438596491228070183617665512;0.009649122807017544364849293004;0.017543859649122806043664013487;0.003947368421052631706769098230;0.005263157894736841986571551644;0.016666666666666666435370203203;0.005263157894736841986571551644;0.007017543859649122937882648188;0.000000000000000000000000000000;0.009210526315789472825978911885;0.010964912280701753777290008429;0.001754385964912280734470662047;0.000000000000000000000000000000;0.027192982456140352143236782467;0.040789473684210528214855173701;0.021491228070175439485156587693;0.017543859649122806043664013487;0.008771929824561403021832006743;0.021929824561403507554580016858;0.006578947368421052266374005058
-0.013945578231292516530048786194;0.009183673469387755930459782405;0.034353741496598637350512461808;0.255442176870748272055067218389;0.007823129251700680977799073901;0.007482993197278911372272158786;0.016666666666666666435370203203;0.032312925170068028390968351005;0.001020408163265306214495531378;0.042176870748299316593588059732;0.015306122448979591482709494699;0.001020408163265306214495531378;0.005782312925170067681446273156;0.028911564625850341009316579743;0.031632653061224487445191044799;0.006122448979591836419611450282;0.002380952380952381167156239883;0.019387755102040816340691620212;0.024829931972789116151334454230;0.002721088435374149471640548015;0.026530612244897958107436863884;0.002380952380952381167156239883;0.004081632653061224857982125513;0.067346938775510206687258119018;0.010544217687074829148397014933;0.032993197278911562397851753303;0.029591836734693878485646933996;0.006462585034013605157776627408;0.004761904761904762334312479766;0.012244897959183672839222900564;0.000680272108843537367910137004;0.020068027210884353817021974464;0.011904761904761904101057723437;0.001700680272108843473985451134;0.002721088435374149471640548015;0.034013605442176873816517712612;0.008843537414965987192294605279;0.006802721088435373895941804534;0.000000000000000000000000000000;0.002040816326530612428991062757;0.011224489795918366624727369185;0.000680272108843537367910137004;0.000000000000000000000000000000;0.030952380952380953438307642500;0.020068027210884353817021974464;0.027551020408163266056655871239;0.032312925170068028390968351005;0.008503401360544218454129428153;0.015646258503401361955598147802;0.008843537414965987192294605279
-0.021111111111111111743321444578;0.026296296296296296779448908865;0.027777777777777776235801354687;0.225555555555555564684055980251;0.012222222222222222862142437805;0.009259259259259258745267118229;0.010740740740740739936343040029;0.037037037037037034981068472916;0.002592592592592592518063732143;0.024814814814814813853649511088;0.016296296296296294836558615771;0.001851851851851851922525771243;0.005185185185185185036127464286;0.023703703703703702526661700745;0.071851851851851847308161325145;0.005185185185185185036127464286;0.005185185185185185036127464286;0.029629629629629630760412339896;0.023333333333333334397297065266;0.004074074074074073709139653943;0.023333333333333334397297065266;0.002222222222222222220294751693;0.010000000000000000208166817117;0.035925925925925923654080662573;0.012962962962962962590318660716;0.031111111111111110216764785719;0.034814814814814812327092852229;0.026296296296296296779448908865;0.004814814814814815172039352831;0.010740740740740739936343040029;0.000740740740740740703958178148;0.014444444444444443781394582516;0.006666666666666667094565124074;0.004074074074074073709139653943;0.005925925925925925631665425186;0.028518518518518519433424529552;0.010370370370370370072254928573;0.005185185185185185036127464286;0.000000000000000000000000000000;0.003703703703703703845051542487;0.013333333333333334189130248149;0.003333333333333333547282562037;0.000000000000000000000000000000;0.023333333333333334397297065266;0.029999999999999998889776975375;0.015185185185185185244294281404;0.025925925925925925180637321432;0.005925925925925925631665425186;0.019629629629629628817522046802;0.007777777777777777554191196430
-0.014197530864197531116910333537;0.017283950617283948963942563637;0.051851851851851850361274642864;0.201851851851851865626841231460;0.011728395061728395798450463872;0.001234567901234567876070369330;0.008641975308641974481971281818;0.025925925925925925180637321432;0.001851851851851851922525771243;0.035802469135802469923923752049;0.009876543209876543008562954640;0.000000000000000000000000000000;0.001851851851851851922525771243;0.029012345679012344762393027509;0.058024691358024689524786055017;0.003086419753086419581755706076;0.009259259259259258745267118229;0.031481481481481478346129421197;0.018518518518518517490534236458;0.006172839506172839163511412153;0.022222222222222223070309254922;0.006172839506172839163511412153;0.011728395061728395798450463872;0.048148148148148148250946576354;0.006790123456790123426807248563;0.025308641975308642652064960998;0.038271604938271606977107097691;0.021604938271604937072289942535;0.003086419753086419581755706076;0.007407407407407407690103084974;0.000617283950617283938035184665;0.023456790123456791596900927743;0.009259259259259258745267118229;0.002469135802469135752140738660;0.008641975308641974481971281818;0.040740740740740744030290443334;0.006172839506172839163511412153;0.004320987654320987240985640909;0.000000000000000000000000000000;0.010493827160493827271858791050;0.012345679012345678327022824305;0.001234567901234567876070369330;0.000000000000000000000000000000;0.030864197530864195817557060764;0.027777777777777776235801354687;0.016666666666666666435370203203;0.033333333333333332870740406406;0.014197530864197531116910333537;0.019753086419753086017125909279;0.009259259259259258745267118229
-0.015350877192982455288206011801;0.022807017543859650632320779096;0.035526315789473683626198408092;0.125438596491228071538870381119;0.004824561403508772182424646502;0.002192982456140350755458001686;0.010526315789473683973143103287;0.045175438596491229725771177073;0.001754385964912280734470662047;0.041228070175438599753725554820;0.014035087719298245875765296375;0.000438596491228070183617665512;0.004824561403508772182424646502;0.024122807017543858310038018544;0.044736842105263158186900795954;0.004824561403508772182424646502;0.010087719298245614168996198146;0.032017543859649125193023166958;0.017543859649122806043664013487;0.007894736842105263413538196460;0.032894736842105261331870025288;0.002192982456140350755458001686;0.010087719298245614168996198146;0.074561403508771925685572057318;0.008771929824561403021832006743;0.040789473684210528214855173701;0.037280701754385962842786028659;0.014912280701754385484059106659;0.002631578947368420993285775822;0.007456140350877192742029553330;0.000000000000000000000000000000;0.025438596491228069457202209946;0.015350877192982455288206011801;0.005263157894736841986571551644;0.005263157894736841986571551644;0.043421052631578950509183556505;0.012719298245614034728601104973;0.005701754385964912658080194774;0.000000000000000000000000000000;0.004824561403508772182424646502;0.011403508771929825316160389548;0.002631578947368420993285775822;0.000000000000000000000000000000;0.045614035087719301264641558191;0.018421052631578945651957823770;0.035087719298245612087328026973;0.033771929824561404409610787525;0.014035087719298245875765296375;0.015350877192982455288206011801;0.008771929824561403021832006743
-0.009756097560975609747635495239;0.027642276422764226750938831856;0.024796747967479673691038044581;0.179268292682926821957067886615;0.043089430894308944353099377622;0.002032520325203252247597829339;0.041463414634146343595855199737;0.061788617886178863469748279158;0.004878048780487804873817747620;0.023577235772357724857828387144;0.006910569105691056687734707964;0.000406504065040650406151478968;0.002845528455284553059900787275;0.015447154471544715867437069790;0.054878048780487805047290095217;0.001626016260162601624605915873;0.004878048780487804873817747620;0.016260162601626017980782634709;0.044715447154471545110343555507;0.002845528455284553059900787275;0.037804878048780486687885371566;0.002845528455284553059900787275;0.001219512195121951218454436905;0.041463414634146343595855199737;0.007317073170731707744407490424;0.028861788617886179053595441246;0.026016260162601625993694653971;0.027235772357723578296351263361;0.007723577235772357933718534895;0.016260162601626017980782634709;0.000406504065040650406151478968;0.016666666666666666435370203203;0.005284552845528455063128792091;0.003658536585365853872203745212;0.001219512195121951218454436905;0.023170731707317072933793866696;0.003658536585365853872203745212;0.005284552845528455063128792091;0.000000000000000000000000000000;0.002439024390243902436908873810;0.054471544715447156592702526723;0.002439024390243902436908873810;0.000000000000000000000000000000;0.022764227642276424479206298201;0.023577235772357724857828387144;0.026829268292682926372316742913;0.020731707317073171797927599869;0.007317073170731707744407490424;0.007723577235772357933718534895;0.006504065040650406498423663493
-0.012280701754385964924454199831;0.016666666666666666435370203203;0.023391812865497074724885351316;0.292982456140350899786994887108;0.014035087719298245875765296375;0.005263157894736841986571551644;0.014035087719298245875765296375;0.040058479532163744629702506472;0.002631578947368420993285775822;0.027485380116959064189519068577;0.010818713450292397754148865374;0.001461988304093567170305334457;0.004678362573099415291921765458;0.017543859649122806043664013487;0.038888888888888889505679458125;0.007017543859649122937882648188;0.004970760233918129072927527545;0.026023391812865497019213734120;0.031871345029239765700435071949;0.003216374269005848121616431001;0.029532163742690058921835927208;0.001754385964912280734470662047;0.006432748538011696243232862003;0.045029239766081870233183082064;0.011988304093567251143448437745;0.028947368421052631359824403035;0.034795321637426900041045740863;0.011403508771929825316160389548;0.003508771929824561468941324094;0.005847953216374268681221337829;0.001461988304093567170305334457;0.018713450292397661167687061834;0.010818713450292397754148865374;0.002046783625730994298635989637;0.003801169590643274816266217186;0.032163742690058477746717358059;0.010233918128654970192137341201;0.007309941520467835851526672286;0.000000000000000000000000000000;0.001169590643274853822980441365;0.013157894736842104532748010115;0.001169590643274853822980441365;0.000000000000000000000000000000;0.026608187134502924581225258294;0.020175438596491228337992396291;0.021345029239766083462015444638;0.021929824561403507554580016858;0.013742690058479532094759534289;0.012865497076023392486465724005;0.006725146198830409156876886101
-0.010370370370370370072254928573;0.038148148148148146308056283260;0.044074074074074071072359970458;0.174444444444444457520404512252;0.008148148148148147418279307885;0.004074074074074073709139653943;0.006296296296296296363115274630;0.045925925925925925596970955667;0.003703703703703703845051542487;0.034814814814814812327092852229;0.011851851851851851263330850372;0.000740740740740740703958178148;0.002222222222222222220294751693;0.025185185185185185452461098521;0.078148148148148147140723551729;0.004814814814814815172039352831;0.005185185185185185036127464286;0.034074074074074076068363581271;0.023703703703703702526661700745;0.003703703703703703845051542487;0.020370370370370372015145221667;0.003703703703703703845051542487;0.008148148148148147418279307885;0.047037037037037036923958766010;0.004074074074074073709139653943;0.035555555555555555524716027094;0.037037037037037034981068472916;0.026666666666666668378260496297;0.002592592592592592518063732143;0.008518518518518519017090895318;0.000370370370370370351979089074;0.017407407407407406163546426114;0.010740740740740739936343040029;0.011111111111111111535154627461;0.003333333333333333547282562037;0.037777777777777778178691647781;0.008518518518518519017090895318;0.004444444444444444440589503387;0.000000000000000000000000000000;0.001111111111111111110147375847;0.016296296296296294836558615771;0.001111111111111111110147375847;0.000000000000000000000000000000;0.024444444444444445724284875610;0.022592592592592591199673890401;0.022222222222222223070309254922;0.032592592592592589673117231541;0.011851851851851851263330850372;0.015185185185185185244294281404;0.005555555555555555767577313730
-0.010370370370370370072254928573;0.065185185185185179346234463083;0.045925925925925925596970955667;0.093703703703703705718552896542;0.003333333333333333547282562037;0.001111111111111111110147375847;0.006666666666666667094565124074;0.029629629629629630760412339896;0.002592592592592592518063732143;0.017407407407407406163546426114;0.005185185185185185036127464286;0.000370370370370370351979089074;0.003703703703703703845051542487;0.028148148148148147834612942120;0.191111111111111120486327763501;0.004444444444444444440589503387;0.006296296296296296363115274630;0.041481481481481480289019714291;0.007777777777777777554191196430;0.010370370370370370072254928573;0.014814814814814815380206169948;0.011111111111111111535154627461;0.020740740740740740144509857146;0.025185185185185185452461098521;0.002222222222222222220294751693;0.014444444444444443781394582516;0.031111111111111110216764785719;0.029999999999999998889776975375;0.000740740740740740703958178148;0.005185185185185185036127464286;0.000000000000000000000000000000;0.010740740740740739936343040029;0.010370370370370370072254928573;0.007777777777777777554191196430;0.013703703703703704053218359604;0.026296296296296296779448908865;0.005555555555555555767577313730;0.005925925925925925631665425186;0.000370370370370370351979089074;0.031481481481481478346129421197;0.009259259259259258745267118229;0.001851851851851851922525771243;0.000000000000000000000000000000;0.011111111111111111535154627461;0.061851851851851852304164935958;0.015185185185185185244294281404;0.024444444444444445724284875610;0.012592592592592592726230549260;0.017037037037037038034181790636;0.004074074074074073709139653943
-0.008974358974358973700669039886;0.055555555555555552471602709375;0.016239316239316240603196561665;0.210256410256410258829973258798;0.023931623931623933337897724982;0.008547008547008547868495398347;0.011111111111111111535154627461;0.029059829059829060671216183209;0.006837606837606837600906928287;0.009401709401709401267566157401;0.008974358974358973700669039886;0.002991452991452991667237215623;0.005555555555555555767577313730;0.007692307692307692734701163317;0.115384615384615391020517449761;0.002991452991452991667237215623;0.008974358974358973700669039886;0.038034188034188030902438271141;0.028205128205128205537421948179;0.001282051282051282050170049054;0.025213675213675214303865601551;0.004700854700854700633783078700;0.008974358974358973700669039886;0.020085470085470086970547143324;0.004273504273504273934247699174;0.010683760683760683968257509946;0.031196581196581196770978294808;0.048290598290598292507969091503;0.002136752136752136967123849587;0.026495726495726495269833478119;0.000427350427350427350056683018;0.013675213675213675201813856575;0.026495726495726495269833478119;0.005128205128205128200680196215;0.006837606837606837600906928287;0.020085470085470086970547143324;0.005982905982905983334474431246;0.003418803418803418800453464144;0.000854700854700854700113366036;0.005982905982905983334474431246;0.017521367521367521569164438233;0.004700854700854700633783078700;0.000000000000000000000000000000;0.017948717948717947401338079771;0.039316239316239315337853099663;0.017094017094017095736990796695;0.011111111111111111535154627461;0.004273504273504273934247699174;0.013247863247863247634916739059;0.003846153846153846367350581659
-0.005333333333333333155235056466;0.045333333333333336589987538900;0.023333333333333334397297065266;0.170333333333333336589987538900;0.032000000000000000666133814775;0.001000000000000000020816681712;0.016333333333333331649495079319;0.050000000000000002775557561563;0.004333333333333333134418374755;0.017999999999999998639976794834;0.008000000000000000166533453694;0.000000000000000000000000000000;0.002333333333333333526465880325;0.012999999999999999403255124264;0.066666666666666665741480812812;0.002333333333333333526465880325;0.017999999999999998639976794834;0.042000000000000002609024107869;0.029333333333333332787473679559;0.003000000000000000062450045135;0.025999999999999998806510248528;0.007000000000000000145716771982;0.019333333333333334314030338419;0.034333333333333333758918826106;0.003333333333333333547282562037;0.013666666666666667240281896056;0.038333333333333330372738601000;0.030333333333333333675652099259;0.003333333333333333547282562037;0.015333333333333332496040135595;0.000333333333333333322202191029;0.017000000000000001221245327088;0.021333333333333332620940225866;0.003333333333333333547282562037;0.010999999999999999361621760841;0.024666666666666666601903656897;0.008000000000000000166533453694;0.005333333333333333155235056466;0.000000000000000000000000000000;0.005666666666666667073748442363;0.026333333333333333592385372413;0.008333333333333333217685101602;0.000000000000000000000000000000;0.018999999999999999528155214534;0.045666666666666667906415710831;0.024000000000000000499600361081;0.014333333333333333342585191872;0.003666666666666666598434209945;0.014999999999999999444888487687;0.005333333333333333155235056466
-0.023333333333333334397297065266;0.017407407407407406163546426114;0.038148148148148146308056283260;0.187407407407407411437105793084;0.012222222222222222862142437805;0.006296296296296296363115274630;0.010740740740740739936343040029;0.045555555555555557467606320188;0.010000000000000000208166817117;0.025925925925925925180637321432;0.018148148148148149361169600979;0.001111111111111111110147375847;0.004074074074074073709139653943;0.024814814814814813853649511088;0.032222222222222221543752596062;0.006296296296296296363115274630;0.012222222222222222862142437805;0.038148148148148146308056283260;0.021111111111111111743321444578;0.004444444444444444440589503387;0.026296296296296296779448908865;0.005555555555555555767577313730;0.009629629629629630344078705662;0.045185185185185182399347780802;0.012222222222222222862142437805;0.030370370370370370488588562807;0.044444444444444446140618509844;0.006666666666666667094565124074;0.004814814814814815172039352831;0.011851851851851851263330850372;0.000000000000000000000000000000;0.023703703703703702526661700745;0.010370370370370370072254928573;0.003333333333333333547282562037;0.006666666666666667094565124074;0.040370370370370368962031903948;0.012222222222222222862142437805;0.007037037037037036958653235530;0.000370370370370370351979089074;0.003703703703703703845051542487;0.012222222222222222862142437805;0.005555555555555555767577313730;0.000000000000000000000000000000;0.023703703703703702526661700745;0.020370370370370372015145221667;0.020740740740740740144509857146;0.028148148148148147834612942120;0.008518518518518519017090895318;0.027407407407407408106436719208;0.008888888888888888881179006773
-0.026984126984126985404621734688;0.003571428571428571317053490830;0.050793650793650793606737181562;0.125396825396825395415589810000;0.001587301587301587300210536924;0.006349206349206349200842147695;0.006349206349206349200842147695;0.030158730158730159137681070547;0.003968253968253968033685907812;0.050396825396825398191147371563;0.015079365079365079568840535273;0.000000000000000000000000000000;0.003174603174603174600421073848;0.052380952380952382207990325469;0.011904761904761904101057723437;0.005952380952380952050528861719;0.010317460317460317234528055508;0.024603174603174602502742018828;0.013095238095238095551997581367;0.008730158730158730367998387578;0.023015873015873017370935826875;0.002777777777777777883788656865;0.004365079365079365183999193789;0.082936507936507933291814254062;0.017857142857142856151586585156;0.049206349206349205005484037656;0.042460317460317462123775555938;0.001587301587301587300210536924;0.002777777777777777883788656865;0.009126984126984127518311673555;0.001190476190476190583578119941;0.031746031746031744269487262500;0.006746031746031746351155433672;0.005555555555555555767577313730;0.010714285714285714384841341484;0.045634920634920632387387939843;0.011904761904761904101057723437;0.005158730158730158617264027754;0.000000000000000000000000000000;0.005952380952380952050528861719;0.009523809523809524668624959531;0.000793650793650793650105268462;0.000000000000000000000000000000;0.037698412698412696320016124218;0.009126984126984127518311673555;0.029761904761904760252644308594;0.054761904761904761640423089375;0.018253968253968255036623347110;0.016269841269841271019780393203;0.012301587301587301251371009414
-0.027350427350427350403627713149;0.002564102564102564100340098108;0.054273504273504274975081784760;0.149999999999999994448884876874;0.000854700854700854700113366036;0.003846153846153846367350581659;0.007264957264957265167804045802;0.026068376068376069437659836581;0.001282051282051282050170049054;0.045299145299145297804965792920;0.013675213675213675201813856575;0.000854700854700854700113366036;0.003846153846153846367350581659;0.050000000000000002775557561563;0.015811965811965811301575968173;0.010256410256410256401360392431;0.008547008547008547868495398347;0.017948717948717947401338079771;0.012393162393162392501122504029;0.011965811965811966668948862491;0.020512820512820512802720784862;0.006837606837606837600906928287;0.008974358974358973700669039886;0.058974358974358973006779649495;0.018803418803418802535132314802;0.045299145299145297804965792920;0.035897435897435894802676159543;0.000854700854700854700113366036;0.002564102564102564100340098108;0.002564102564102564100340098108;0.000000000000000000000000000000;0.020512820512820512802720784862;0.003418803418803418800453464144;0.011538461538461539102051744976;0.017094017094017095736990796695;0.040170940170940173941094286647;0.016666666666666666435370203203;0.010683760683760683968257509946;0.000427350427350427350056683018;0.019230769230769231836752908293;0.007264957264957265167804045802;0.000000000000000000000000000000;0.000000000000000000000000000000;0.035470085470085468970502518005;0.009829059829059828834463274916;0.023076923076923078204103489952;0.058119658119658121342432366419;0.025213675213675214303865601551;0.022649572649572648902482896460;0.013247863247863247634916739059
-0.049099099099099097198717345236;0.006756756756756757131832102914;0.041891891891891894217359038066;0.164414414414414428167177106843;0.000000000000000000000000000000;0.005405405405405405705465682331;0.007207207207207207318166997112;0.030180180180180180699034409031;0.000450450450450450457385437320;0.047297297297297299922824720397;0.016216216216216217116397046993;0.000900900900900900914770874639;0.003603603603603603659083498556;0.045045045045045042919618083488;0.015315315315315315009003782620;0.012612612612612612156270941455;0.007657657657657657504501891310;0.009459459459459459984564944079;0.014864864864864865690030626411;0.003603603603603603659083498556;0.036036036036036035723473247572;0.004504504504504504465434155946;0.005855855855855855891800576529;0.052702702702702705628290402728;0.024774774774774774993568726700;0.055855855855855854330549448150;0.026126126126126126419935147283;0.001801801801801801829541749278;0.004054054054054054279099261748;0.001351351351351351426366420583;0.001801801801801801829541749278;0.018468468468468467180709779996;0.002702702702702702852732841166;0.004054054054054054279099261748;0.011261261261261260729904520872;0.046846846846846847134404612234;0.012612612612612612156270941455;0.016666666666666666435370203203;0.000000000000000000000000000000;0.008108108108108108558198523497;0.008558558558558557877171679706;0.000450450450450450457385437320;0.000000000000000000000000000000;0.034234234234234231508686718826;0.004054054054054054279099261748;0.027927927927927927165274724075;0.050900900900900901413503873982;0.023423423423423423567202306117;0.018918918918918919969129888159;0.013963963963963963582637362038
-0.026068376068376069437659836581;0.008119658119658120301598280832;0.047008547008547008072554262981;0.168803418803418814331251951444;0.001282051282051282050170049054;0.006837606837606837600906928287;0.014102564102564102768710974090;0.041452991452991451437615211262;0.005128205128205128200680196215;0.032478632478632481206393123330;0.016239316239316240603196561665;0.005555555555555555767577313730;0.008974358974358973700669039886;0.041025641025641025605441569724;0.018376068376068376702958673263;0.008119658119658120301598280832;0.008119658119658120301598280832;0.030769230769230770938804653269;0.015811965811965811301575968173;0.009829059829059828834463274916;0.022649572649572648902482896460;0.005128205128205128200680196215;0.011538461538461539102051744976;0.050427350427350428607731203101;0.013675213675213675201813856575;0.028205128205128205537421948179;0.040598290598290599773267928185;0.004273504273504273934247699174;0.002564102564102564100340098108;0.002991452991452991667237215623;0.000427350427350427350056683018;0.023076923076923078204103489952;0.012820512820512820068019621544;0.007264957264957265167804045802;0.011111111111111111535154627461;0.049572649572649570004490016117;0.016666666666666666435370203203;0.005982905982905983334474431246;0.000000000000000000000000000000;0.009829059829059828834463274916;0.010683760683760683968257509946;0.000854700854700854700113366036;0.000000000000000000000000000000;0.026495726495726495269833478119;0.010256410256410256401360392431;0.026495726495726495269833478119;0.038461538461538463673505816587;0.014957264957264957902505209120;0.027777777777777776235801354687;0.011111111111111111535154627461
-0.009909909909909909303538100289;0.021621621621621622821862729324;0.025675675675675677100961991073;0.214414414414414417064946860592;0.013963963963963963582637362038;0.004954954954954954651769050145;0.015765765765765764327976938830;0.034684684684684684297106826989;0.001801801801801801829541749278;0.027927927927927927165274724075;0.009459459459459459984564944079;0.002702702702702702852732841166;0.006756756756756757131832102914;0.023873873873873872886175462327;0.056756756756756759907389664477;0.004054054054054054279099261748;0.006306306306306306078135470727;0.017567567567567568542763467576;0.018018018018018017861736623786;0.002252252252252252232717077973;0.023423423423423423567202306117;0.004054054054054054279099261748;0.021171171171171170033442621161;0.054504504504504502904183027567;0.010810810810810811410931364662;0.027027027027027028527328411656;0.036036036036036035723473247572;0.024774774774774774993568726700;0.002702702702702702852732841166;0.008558558558558557877171679706;0.000900900900900900914770874639;0.018468468468468467180709779996;0.009459459459459459984564944079;0.004954954954954954651769050145;0.009909909909909909303538100289;0.032882882882882880082320298243;0.008108108108108108558198523497;0.006306306306306306078135470727;0.000450450450450450457385437320;0.016216216216216217116397046993;0.016666666666666666435370203203;0.001801801801801801829541749278;0.000000000000000000000000000000;0.031981981981981981444373985823;0.025225225225225224312541882909;0.027927927927927927165274724075;0.026576576576576575738908303492;0.006306306306306306078135470727;0.016216216216216217116397046993;0.008108108108108108558198523497
-0.011111111111111111535154627461;0.006837606837606837600906928287;0.045726495726495723637139434459;0.220940170940170932389889912884;0.019658119658119657668926549832;0.001709401709401709400226732072;0.010256410256410256401360392431;0.032478632478632481206393123330;0.002991452991452991667237215623;0.061111111111111109106541761093;0.008547008547008547868495398347;0.000427350427350427350056683018;0.005555555555555555767577313730;0.034188034188034191473981593390;0.021794871794871793768688661430;0.002564102564102564100340098108;0.010683760683760683968257509946;0.018376068376068376702958673263;0.014529914529914530335608091605;0.006410256410256410034009810772;0.017521367521367521569164438233;0.003418803418803418800453464144;0.001709401709401709400226732072;0.077777777777777779011358916250;0.011538461538461539102051744976;0.037179487179487179238090988065;0.029487179487179486503389824748;0.001282051282051282050170049054;0.002564102564102564100340098108;0.002991452991452991667237215623;0.000427350427350427350056683018;0.029487179487179486503389824748;0.004273504273504273934247699174;0.005128205128205128200680196215;0.002991452991452991667237215623;0.066666666666666665741480812812;0.008974358974358973700669039886;0.005555555555555555767577313730;0.000000000000000000000000000000;0.004273504273504273934247699174;0.009829059829059828834463274916;0.000854700854700854700113366036;0.000000000000000000000000000000;0.028632478632478631369595589717;0.005982905982905983334474431246;0.023076923076923078204103489952;0.041025641025641025605441569724;0.013675213675213675201813856575;0.020940170940170938634894426400;0.006837606837606837600906928287
-0.022499999999999999167332731531;0.013750000000000000069388939039;0.031250000000000000000000000000;0.221250000000000002220446049250;0.006666666666666667094565124074;0.006666666666666667094565124074;0.014999999999999999444888487687;0.046249999999999999444888487687;0.005416666666666666851703837438;0.025000000000000001387778780781;0.021666666666666667406815349750;0.000416666666666666693410320255;0.002500000000000000052041704279;0.021666666666666667406815349750;0.026249999999999999028554853453;0.007916666666666667337426410711;0.004166666666666666608842550801;0.034166666666666664631257788187;0.029999999999999998889776975375;0.002916666666666666799662133158;0.034583333333333333980963431031;0.004166666666666666608842550801;0.011666666666666667198648532633;0.044999999999999998334665463062;0.011666666666666667198648532633;0.037499999999999998612221219219;0.039166666666666669072149886688;0.004583333333333333356462979680;0.007083333333333332974823814965;0.005416666666666666851703837438;0.000000000000000000000000000000;0.020416666666666666296592325125;0.013333333333333334189130248149;0.005000000000000000104083408559;0.006666666666666667094565124074;0.035000000000000003330669073875;0.011249999999999999583666365766;0.008333333333333333217685101602;0.000416666666666666693410320255;0.006666666666666667094565124074;0.010833333333333333703407674875;0.000833333333333333386820640509;0.000000000000000000000000000000;0.034166666666666664631257788187;0.014999999999999999444888487687;0.028750000000000001249000902703;0.026666666666666668378260496297;0.009166666666666666712925959359;0.014999999999999999444888487687;0.006250000000000000346944695195
-0.014957264957264957902505209120;0.009829059829059828834463274916;0.032051282051282048435325577884;0.252564102564102554993041849229;0.011538461538461539102051744976;0.004700854700854700633783078700;0.017521367521367521569164438233;0.032905982905982907038566764868;0.002136752136752136967123849587;0.030341880341880341637184059778;0.014529914529914530335608091605;0.000000000000000000000000000000;0.002564102564102564100340098108;0.019658119658119657668926549832;0.040598290598290599773267928185;0.004273504273504273934247699174;0.008119658119658120301598280832;0.020940170940170938634894426400;0.022222222222222223070309254922;0.003418803418803418800453464144;0.032051282051282048435325577884;0.003418803418803418800453464144;0.011965811965811966668948862491;0.047435897435897433904727904519;0.006410256410256410034009810772;0.028632478632478631369595589717;0.041025641025641025605441569724;0.003846153846153846367350581659;0.004700854700854700633783078700;0.013247863247863247634916739059;0.001282051282051282050170049054;0.017521367521367521569164438233;0.011965811965811966668948862491;0.005128205128205128200680196215;0.003418803418803418800453464144;0.025213675213675214303865601551;0.010256410256410256401360392431;0.007264957264957265167804045802;0.000000000000000000000000000000;0.006410256410256410034009810772;0.009829059829059828834463274916;0.001709401709401709400226732072;0.000000000000000000000000000000;0.036752136752136753405917346527;0.029487179487179486503389824748;0.037606837606837605070264629603;0.030341880341880341637184059778;0.007264957264957265167804045802;0.014529914529914530335608091605;0.006410256410256410034009810772
-0.010000000000000000208166817117;0.031666666666666669349705642844;0.039583333333333331482961625625;0.193750000000000005551115123126;0.009166666666666666712925959359;0.002500000000000000052041704279;0.014166666666666665949647629930;0.040000000000000000832667268469;0.002916666666666666799662133158;0.022916666666666665047591422422;0.007916666666666667337426410711;0.000000000000000000000000000000;0.000833333333333333386820640509;0.020416666666666666296592325125;0.093333333333333337589188261063;0.004166666666666666608842550801;0.005416666666666666851703837438;0.028333333333333331899295259859;0.016250000000000000555111512313;0.006666666666666667094565124074;0.018333333333333333425851918719;0.003333333333333333547282562037;0.010000000000000000208166817117;0.034583333333333333980963431031;0.005833333333333333599324266316;0.024583333333333332038073137937;0.037916666666666667961926862063;0.045833333333333330095182844843;0.003333333333333333547282562037;0.010416666666666666088425508008;0.000416666666666666693410320255;0.017916666666666667545593227828;0.010416666666666666088425508008;0.003333333333333333547282562037;0.004166666666666666608842550801;0.024583333333333332038073137937;0.010833333333333333703407674875;0.006250000000000000346944695195;0.000000000000000000000000000000;0.015833333333333334674852821422;0.011666666666666667198648532633;0.001666666666666666773641281019;0.000000000000000000000000000000;0.031250000000000000000000000000;0.037083333333333336201409480282;0.025000000000000001387778780781;0.025000000000000001387778780781;0.008750000000000000832667268469;0.017083333333333332315628894094;0.004583333333333333356462979680
-0.010833333333333333703407674875;0.032083333333333331760517381781;0.035000000000000003330669073875;0.222500000000000003330669073875;0.023333333333333334397297065266;0.002916666666666666799662133158;0.014583333333333333564629796797;0.033333333333333332870740406406;0.001250000000000000026020852140;0.026666666666666668378260496297;0.014583333333333333564629796797;0.000416666666666666693410320255;0.002083333333333333304421275400;0.016666666666666666435370203203;0.075416666666666673513041985188;0.001666666666666666773641281019;0.005000000000000000104083408559;0.025833333333333333148296162562;0.022499999999999999167332731531;0.007083333333333332974823814965;0.020000000000000000416333634234;0.005416666666666666851703837438;0.022083333333333333287074040641;0.025416666666666667268037471672;0.006250000000000000346944695195;0.019166666666666665186369300500;0.032083333333333331760517381781;0.033333333333333332870740406406;0.003333333333333333547282562037;0.010000000000000000208166817117;0.000000000000000000000000000000;0.010833333333333333703407674875;0.012083333333333333078907223523;0.010000000000000000208166817117;0.015833333333333334674852821422;0.020000000000000000416333634234;0.003749999999999999861222121922;0.003749999999999999861222121922;0.000000000000000000000000000000;0.022083333333333333287074040641;0.015416666666666667059870654555;0.001250000000000000026020852140;0.000000000000000000000000000000;0.022499999999999999167332731531;0.040416666666666663243479007406;0.020416666666666666296592325125;0.017916666666666667545593227828;0.006666666666666667094565124074;0.021250000000000001526556658860;0.005000000000000000104083408559
-0.008536585365853659179702361826;0.022764227642276424479206298201;0.036178861788617885930641193681;0.206097560975609744859937677575;0.009349593495934959558324450768;0.001626016260162601624605915873;0.018292682926829267192614381088;0.034552845528455285173397015797;0.002032520325203252247597829339;0.034146341463414636718809447302;0.006910569105691056687734707964;0.000406504065040650406151478968;0.001626016260162601624605915873;0.022357723577235772555171777753;0.048780487804878050472900952172;0.004878048780487804873817747620;0.010569105691056910126257584182;0.032113821138211380568083797016;0.017073170731707318359404723651;0.003252032520325203249211831746;0.023983739837398373312415955638;0.004471544715447154684506703148;0.026829268292682926372316742913;0.054065040650406501199221054321;0.002032520325203252247597829339;0.021544715447154472176549688811;0.033739837398373981325327974901;0.015447154471544715867437069790;0.002439024390243902436908873810;0.017073170731707318359404723651;0.000406504065040650406151478968;0.018292682926829267192614381088;0.023577235772357724857828387144;0.006097560975609756309112619022;0.003252032520325203249211831746;0.036178861788617885930641193681;0.005691056910569106119801574550;0.004471544715447154684506703148;0.000000000000000000000000000000;0.006910569105691056687734707964;0.013821138211382113375469415928;0.004065040650406504495195658677;0.000000000000000000000000000000;0.029268292682926830977629961694;0.028455284552845527129560920798;0.029674796747967479432217530189;0.033333333333333332870740406406;0.008536585365853659179702361826;0.017886178861788618738026812593;0.006910569105691056687734707964
-0.015185185185185185244294281404;0.012592592592592592726230549260;0.031481481481481478346129421197;0.200000000000000011102230246252;0.021111111111111111743321444578;0.004444444444444444440589503387;0.009259259259259258745267118229;0.037407407407407410049327012302;0.002592592592592592518063732143;0.037777777777777778178691647781;0.013333333333333334189130248149;0.000740740740740740703958178148;0.005925925925925925631665425186;0.024074074074074074125473288177;0.043703703703703702942995334979;0.007407407407407407690103084974;0.008148148148148147418279307885;0.017407407407407406163546426114;0.015925925925925926707193980292;0.001851851851851851922525771243;0.020370370370370372015145221667;0.002962962962962962815832712593;0.010000000000000000208166817117;0.055555555555555552471602709375;0.008518518518518519017090895318;0.028518518518518519433424529552;0.038518518518518521376314822646;0.010370370370370370072254928573;0.003703703703703703845051542487;0.008518518518518519017090895318;0.000370370370370370351979089074;0.033703703703703701000105041885;0.023333333333333334397297065266;0.007407407407407407690103084974;0.008888888888888888881179006773;0.036296296296296298722339201959;0.010000000000000000208166817117;0.007037037037037036958653235530;0.000000000000000000000000000000;0.004814814814814815172039352831;0.015185185185185185244294281404;0.001111111111111111110147375847;0.000000000000000000000000000000;0.033703703703703701000105041885;0.026666666666666668378260496297;0.019629629629629628817522046802;0.034814814814814812327092852229;0.011851851851851851263330850372;0.019629629629629628817522046802;0.008148148148148147418279307885
-0.012500000000000000693889390391;0.017916666666666667545593227828;0.036666666666666666851703837438;0.211666666666666669627261399000;0.076249999999999998334665463062;0.002083333333333333304421275400;0.010000000000000000208166817117;0.028750000000000001249000902703;0.002500000000000000052041704279;0.035000000000000003330669073875;0.007083333333333332974823814965;0.000416666666666666693410320255;0.000416666666666666693410320255;0.021250000000000001526556658860;0.055416666666666669627261399000;0.000833333333333333386820640509;0.007916666666666667337426410711;0.016250000000000000555111512313;0.021250000000000001526556658860;0.005833333333333333599324266316;0.020833333333333332176851016015;0.004166666666666666608842550801;0.002916666666666666799662133158;0.052499999999999998057109706906;0.004583333333333333356462979680;0.024583333333333332038073137937;0.029999999999999998889776975375;0.011249999999999999583666365766;0.005833333333333333599324266316;0.013750000000000000069388939039;0.000000000000000000000000000000;0.026666666666666668378260496297;0.015833333333333334674852821422;0.004166666666666666608842550801;0.002916666666666666799662133158;0.036666666666666666851703837438;0.005000000000000000104083408559;0.009583333333333332593184650250;0.000000000000000000000000000000;0.004583333333333333356462979680;0.009166666666666666712925959359;0.002083333333333333304421275400;0.000000000000000000000000000000;0.029166666666666667129259593594;0.040000000000000000832667268469;0.014166666666666665949647629930;0.034166666666666664631257788187;0.007083333333333332974823814965;0.012500000000000000693889390391;0.005833333333333333599324266316
-0.010999999999999999361621760841;0.030333333333333333675652099259;0.050333333333333334091985733494;0.139666666666666661189566411849;0.008333333333333333217685101602;0.002000000000000000041633363423;0.008999999999999999319988397417;0.033000000000000001554312234475;0.002333333333333333526465880325;0.045999999999999999222843882762;0.006000000000000000124900090270;0.000000000000000000000000000000;0.001333333333333333288808764117;0.036666666666666666851703837438;0.081000000000000002553512956638;0.003000000000000000062450045135;0.006000000000000000124900090270;0.030333333333333333675652099259;0.010000000000000000208166817117;0.008666666666666666268836749509;0.014666666666666666393736839780;0.005333333333333333155235056466;0.016000000000000000333066907388;0.066000000000000003108624468950;0.006333333333333333176051738178;0.034000000000000002442490654175;0.029999999999999998889776975375;0.017666666666666667323548622903;0.002000000000000000041633363423;0.007000000000000000145716771982;0.000000000000000000000000000000;0.029333333333333332787473679559;0.008333333333333333217685101602;0.004333333333333333134418374755;0.006000000000000000124900090270;0.048666666666666663632057066025;0.008999999999999999319988397417;0.004000000000000000083266726847;0.000000000000000000000000000000;0.008999999999999999319988397417;0.010666666666666666310470112933;0.001000000000000000020816681712;0.000000000000000000000000000000;0.029000000000000001471045507628;0.024000000000000000499600361081;0.016666666666666666435370203203;0.045999999999999999222843882762;0.017666666666666667323548622903;0.015666666666666665547191783503;0.006666666666666667094565124074
-0.016009148084619784224713612275;0.014865637507146941750924007408;0.037735849056603772144757869000;0.208118925100057167165701343947;0.004574042309891366425711467514;0.004002287021154946056178403069;0.006289308176100629269034136826;0.030874785591766724240914143707;0.004574042309891366425711467514;0.036020583190394514505605627619;0.008576329331046312481889870583;0.000571755288736420803213933439;0.004002287021154946056178403069;0.031446540880503144610447208152;0.038879359634076612883823997890;0.004002287021154946056178403069;0.009148084619782732851422935028;0.037164093767867355244671756509;0.016580903373356204594246676720;0.006289308176100629269034136826;0.021726700971983991389491208679;0.006861063464837049638567201271;0.028587764436821039293334933973;0.052601486563750715630405352385;0.009148084619782732851422935028;0.029159519725557463132314950371;0.038879359634076612883823997890;0.013150371640937678907601338096;0.004574042309891366425711467514;0.003430531732418524819283600635;0.000571755288736420803213933439;0.025157232704402517076136547303;0.007432818753573470875462003704;0.008004574042309892112356806138;0.012578616352201258538068273651;0.036592338479130931405691740110;0.014865637507146941750924007408;0.002858776443682104016069667196;0.000571755288736420803213933439;0.022870211549456832128557337569;0.008004574042309892112356806138;0.004002287021154946056178403069;0.000000000000000000000000000000;0.028016009148084618923801869528;0.013722126929674099277134402541;0.017724413950829045333312805610;0.024585477415666093237156530904;0.010291595197255575325212539894;0.025728987993138937445669611748;0.008576329331046312481889870583
-0.012006861063464836433811733230;0.018296169239565465702845870055;0.036592338479130931405691740110;0.196683819325328745897252247232;0.030303030303030303871381079261;0.005145797598627787662606269947;0.012578616352201258538068273651;0.032018296169239568449427224550;0.006289308176100629269034136826;0.022870211549456832128557337569;0.010863350485991995694745604339;0.000000000000000000000000000000;0.006289308176100629269034136826;0.032590051457975985349513337042;0.034877072612921666827645594822;0.007432818753573470875462003704;0.009148084619782732851422935028;0.024585477415666093237156530904;0.022298456260720411759024273124;0.006289308176100629269034136826;0.024585477415666093237156530904;0.011435105774728416064278668784;0.021154945683247571019958144234;0.049170954831332186474313061808;0.010863350485991995694745604339;0.031446540880503144610447208152;0.033161806746712409188493353440;0.006289308176100629269034136826;0.004574042309891366425711467514;0.012578616352201258538068273651;0.000571755288736420803213933439;0.017724413950829045333312805610;0.011435105774728416064278668784;0.008004574042309892112356806138;0.010863350485991995694745604339;0.028587764436821039293334933973;0.009148084619782732851422935028;0.006861063464837049638567201271;0.001143510577472841606427866878;0.019439679817038306441911998945;0.010863350485991995694745604339;0.004574042309891366425711467514;0.000000000000000000000000000000;0.030303030303030303871381079261;0.015437392795883362120457071853;0.020011435105774726811445063390;0.026872498570611778184735740638;0.011435105774728416064278668784;0.026300743281875357815202676193;0.008004574042309892112356806138
-0.016009148084619784224713612275;0.004574042309891366425711467514;0.044025157232704399679068529849;0.257861635220125784417888326061;0.007432818753573470875462003704;0.002858776443682104016069667196;0.015437392795883362120457071853;0.027444253859348198554268805083;0.001715265866209262409641800318;0.042309891366495142039916288468;0.008576329331046312481889870583;0.000000000000000000000000000000;0.003430531732418524819283600635;0.041166380789022301300850159578;0.022870211549456832128557337569;0.004002287021154946056178403069;0.008004574042309892112356806138;0.018296169239565465702845870055;0.005145797598627787662606269947;0.008576329331046312481889870583;0.022298456260720411759024273124;0.005717552887364208032139334392;0.013722126929674099277134402541;0.059462550028587767003696029633;0.012006861063464836433811733230;0.035448827901658090666625611220;0.034877072612921666827645594822;0.004574042309891366425711467514;0.004002287021154946056178403069;0.002858776443682104016069667196;0.000000000000000000000000000000;0.019439679817038306441911998945;0.001715265866209262409641800318;0.012006861063464836433811733230;0.010863350485991995694745604339;0.036020583190394514505605627619;0.006289308176100629269034136826;0.008576329331046312481889870583;0.000000000000000000000000000000;0.011435105774728416064278668784;0.008576329331046312481889870583;0.000000000000000000000000000000;0.000000000000000000000000000000;0.032018296169239568449427224550;0.018296169239565465702845870055;0.018867924528301886072378934500;0.035448827901658090666625611220;0.016580903373356204594246676720;0.018867924528301886072378934500;0.010291595197255575325212539894
-0.005031446540880502894810266667;0.010062893081761005789620533335;0.008805031446540880282758401165;0.591194968553459099247504582308;0.042767295597484274172206397679;0.006289308176100629269034136826;0.011320754716981131296482665505;0.014465408805031446798361471906;0.003773584905660377387948134498;0.006918238993710692022465202911;0.006918238993710692022465202911;0.005660377358490565648241332752;0.001886792452830188693974067249;0.005031446540880502894810266667;0.041509433962264148665344265510;0.001886792452830188693974067249;0.002515723270440251447405133334;0.004402515723270440141379200583;0.011320754716981131296482665505;0.002515723270440251447405133334;0.017610062893081760565516802330;0.001257861635220125723702566667;0.001257861635220125723702566667;0.011320754716981131296482665505;0.009433962264150943036189467250;0.006918238993710692022465202911;0.014465408805031446798361471906;0.025786163522012579829567613388;0.003144654088050314634517068413;0.015094339622641509551792537991;0.010062893081761005789620533335;0.006289308176100629269034136826;0.004402515723270440141379200583;0.006918238993710692022465202911;0.001257861635220125723702566667;0.006918238993710692022465202911;0.000628930817610062861851283333;0.003773584905660377387948134498;0.000000000000000000000000000000;0.001886792452830188693974067249;0.005660377358490565648241332752;0.001257861635220125723702566667;0.000000000000000000000000000000;0.007547169811320754775896268995;0.027672955974842768089860811642;0.009433962264150943036189467250;0.005031446540880502894810266667;0.002515723270440251447405133334;0.001257861635220125723702566667;0.006918238993710692022465202911
-0.017758046614872364382664571281;0.004439511653718091095666142820;0.012208657047724750729922327253;0.488346281908989987563529666659;0.086570477247502775064447178011;0.015538290788013319268512368865;0.001664816870144284052454586309;0.008324084350721421346475104031;0.003884572697003329817128092216;0.007214206437291897922037264834;0.005549389567147613652742244028;0.023307436182019976300683339332;0.002219755826859045547833071410;0.020532741398446172076397431283;0.016648168701442842692950208061;0.009433962264150943036189467250;0.007214206437291897922037264834;0.007214206437291897922037264834;0.010543840177580466460627306446;0.004439511653718091095666142820;0.008879023307436182191332285640;0.006104328523862375364961163626;0.001109877913429522773916535705;0.015538290788013319268512368865;0.016648168701442842692950208061;0.012208657047724750729922327253;0.009988901220865705615770124837;0.019977802441731411231540249673;0.004439511653718091095666142820;0.018312985571587125227521752890;0.023307436182019976300683339332;0.014428412874583795844074529668;0.000554938956714761386958267853;0.004439511653718091095666142820;0.003329633740288568104909172618;0.008879023307436182191332285640;0.000554938956714761386958267853;0.007769145394006659634256184432;0.000000000000000000000000000000;0.005549389567147613652742244028;0.002219755826859045547833071410;0.003884572697003329817128092216;0.000000000000000000000000000000;0.007214206437291897922037264834;0.012763596004439511574779508862;0.011653718091009988150341669666;0.009433962264150943036189467250;0.006104328523862375364961163626;0.004994450610432852807885062418;0.006659267480577136209818345236
-0.014293882218410519646667466986;0.010863350485991995694745604339;0.014293882218410519646667466986;0.458547741566609490249106784177;0.079473985134362490345694141070;0.016580903373356204594246676720;0.005145797598627787662606269947;0.011435105774728416064278668784;0.006289308176100629269034136826;0.010291595197255575325212539894;0.008576329331046312481889870583;0.037164093767867355244671756509;0.005145797598627787662606269947;0.011435105774728416064278668784;0.014865637507146941750924007408;0.009719839908519153220955999473;0.006861063464837049638567201271;0.010291595197255575325212539894;0.004002287021154946056178403069;0.002858776443682104016069667196;0.008004574042309892112356806138;0.011435105774728416064278668784;0.002287021154945683212855733757;0.013722126929674099277134402541;0.016580903373356204594246676720;0.012006861063464836433811733230;0.011435105774728416064278668784;0.024013722126929672867623466459;0.003430531732418524819283600635;0.013722126929674099277134402541;0.017152658662092624963779741165;0.012006861063464836433811733230;0.005717552887364208032139334392;0.006861063464837049638567201271;0.004002287021154946056178403069;0.010291595197255575325212539894;0.001143510577472841606427866878;0.009148084619782732851422935028;0.001715265866209262409641800318;0.008004574042309892112356806138;0.002858776443682104016069667196;0.003430531732418524819283600635;0.000000000000000000000000000000;0.008004574042309892112356806138;0.009719839908519153220955999473;0.009719839908519153220955999473;0.010291595197255575325212539894;0.012006861063464836433811733230;0.004002287021154946056178403069;0.009148084619782732851422935028
-0.018867924528301886072378934500;0.010107816711590295738476541487;0.014150943396226415421645938864;0.485849056603773588047801013090;0.053908355795148250877435458506;0.013477088948787062719358864626;0.004043126684636118815807659388;0.012129380053908355580061240175;0.006064690026954177790030620088;0.008760107816711590333902393013;0.003369272237196765679839716157;0.012803234501347708282348314413;0.002021563342318059407903829694;0.012129380053908355580061240175;0.014824797843665768123933013101;0.010107816711590295738476541487;0.011455525606469002877774165938;0.013477088948787062719358864626;0.014150943396226415421645938864;0.002021563342318059407903829694;0.011455525606469002877774165938;0.015498652291105120826220087338;0.002695417789757412543871772925;0.016172506738544475263230637552;0.016172506738544475263230637552;0.008086253369272237631615318776;0.009433962264150943036189467250;0.032345013477088950526461275103;0.002695417789757412543871772925;0.012129380053908355580061240175;0.010781671159029650175487091701;0.012803234501347708282348314413;0.004716981132075471518094733625;0.006738544474393531359679432313;0.008086253369272237631615318776;0.013477088948787062719358864626;0.000673854447439353135967943231;0.008760107816711590333902393013;0.000673854447439353135967943231;0.010781671159029650175487091701;0.006064690026954177790030620088;0.004043126684636118815807659388;0.000000000000000000000000000000;0.011455525606469002877774165938;0.009433962264150943036189467250;0.010107816711590295738476541487;0.014824797843665768123933013101;0.008086253369272237631615318776;0.003369272237196765679839716157;0.004716981132075471518094733625
-0.013012361743656473273000884205;0.012361743656473649435878492397;0.019518542615484711644224802285;0.477553675992192561139404460846;0.068314899154196487285339856044;0.013662979830839297110123276013;0.006506180871828236636500442103;0.008458035133376708147867617527;0.002602472348731294914808698238;0.010409889394925179659234792950;0.005855562784645412799378050295;0.024072869225764476769358068964;0.003903708523096942155372612859;0.010409889394925179659234792950;0.013662979830839297110123276013;0.018217306441119063969980018669;0.008458035133376708147867617527;0.007807417046193884310745225719;0.007156798959011060473622833911;0.003903708523096942155372612859;0.013662979830839297110123276013;0.008458035133376708147867617527;0.001951854261548471077686306430;0.017566688353936238398134150884;0.014313597918022120947245667821;0.010409889394925179659234792950;0.013012361743656473273000884205;0.015614834092387768621490451437;0.002602472348731294914808698238;0.020169160702667533746623718116;0.024723487312947298871756984795;0.015614834092387768621490451437;0.002602472348731294914808698238;0.008458035133376708147867617527;0.003903708523096942155372612859;0.013662979830839297110123276013;0.003253090435914118318250221051;0.007156798959011060473622833911;0.000000000000000000000000000000;0.007156798959011060473622833911;0.003253090435914118318250221051;0.003903708523096942155372612859;0.000000000000000000000000000000;0.005855562784645412799378050295;0.009759271307742355822112401142;0.007156798959011060473622833911;0.013012361743656473273000884205;0.007156798959011060473622833911;0.005855562784645412799378050295;0.003903708523096942155372612859
-0.015216068167985392217689266658;0.012172854534388313427206718131;0.012781497261107730226137313423;0.485088253195374297099817795242;0.077906269020085211485238119167;0.010955569080949483298792479502;0.004260499087035909786258525145;0.009129640900791236371447645581;0.004869141813755325717827382448;0.007912355447352404508309930975;0.006695069993913572645172216369;0.024954351795496043653344031554;0.004869141813755325717827382448;0.013998782714546560354551552052;0.017650639074863055943964695871;0.012781497261107730226137313423;0.007303712720632988576741073672;0.003651856360316494288370536836;0.010346926354230066499861884211;0.000608642726719415714728422806;0.015216068167985392217689266658;0.005477784540474741649396239751;0.004260499087035909786258525145;0.015824710894704809016619861950;0.020693852708460132999723768421;0.004260499087035909786258525145;0.009129640900791236371447645581;0.021911138161898966597584959004;0.003651856360316494288370536836;0.019476567255021302871309529792;0.018867924528301886072378934500;0.013390139987827145290344432738;0.001217285453438831429456845612;0.008520998174071819572517050290;0.006086427267194156713603359066;0.012172854534388313427206718131;0.002434570906877662858913691224;0.005477784540474741649396239751;0.000608642726719415714728422806;0.006086427267194156713603359066;0.003651856360316494288370536836;0.003043213633597078356801679533;0.000000000000000000000000000000;0.005477784540474741649396239751;0.006695069993913572645172216369;0.010346926354230066499861884211;0.012172854534388313427206718131;0.007912355447352404508309930975;0.006086427267194156713603359066;0.006695069993913572645172216369
-0.017610062893081760565516802330;0.010691823899371068543051599420;0.016352201257861635058654670161;0.461006289308176109287273902737;0.066037735849056602988049746727;0.016352201257861635058654670161;0.002515723270440251447405133334;0.010062893081761005789620533335;0.004402515723270440141379200583;0.010691823899371068543051599420;0.007547169811320754775896268995;0.018867924528301886072378934500;0.005031446540880502894810266667;0.012578616352201258538068273651;0.016352201257861635058654670161;0.015723270440251572305223604076;0.008176100628930817529327335080;0.009433962264150943036189467250;0.009433962264150943036189467250;0.003144654088050314634517068413;0.005031446540880502894810266667;0.008805031446540880282758401165;0.003773584905660377387948134498;0.011949685534591195784637207566;0.019496855345911948825810000585;0.015723270440251572305223604076;0.010691823899371068543051599420;0.035220125786163521131033604661;0.004402515723270440141379200583;0.010062893081761005789620533335;0.018867924528301886072378934500;0.011949685534591195784637207566;0.001886792452830188693974067249;0.004402515723270440141379200583;0.004402515723270440141379200583;0.013836477987421384044930405821;0.001886792452830188693974067249;0.008805031446540880282758401165;0.001257861635220125723702566667;0.011949685534591195784637207566;0.001886792452830188693974067249;0.005660377358490565648241332752;0.000000000000000000000000000000;0.013207547169811321291499339736;0.005031446540880502894810266667;0.008176100628930817529327335080;0.010691823899371068543051599420;0.015723270440251572305223604076;0.007547169811320754775896268995;0.005660377358490565648241332752
-0.011202830188679244530214340614;0.011202830188679244530214340614;0.022995283018867922891770305682;0.452830188679245293492670043634;0.102594339622641514409018270726;0.011202830188679244530214340614;0.004716981132075471518094733625;0.011202830188679244530214340614;0.002948113207547170024069860261;0.011792452830188680096279441045;0.006485849056603773879481344977;0.025353773584905661686583755454;0.002358490566037735759047366813;0.008254716981132075373506218341;0.012382075471698113927621065500;0.007665094339622641542164593886;0.010023584905660376867531091705;0.007075471698113207710822969432;0.011202830188679244530214340614;0.001768867924528301927705742358;0.009433962264150943036189467250;0.006485849056603773879481344977;0.001768867924528301927705742358;0.012382075471698113927621065500;0.013561320754716981590304314409;0.009433962264150943036189467250;0.011202830188679244530214340614;0.038915094339622639807441117910;0.002948113207547170024069860261;0.021816037735849055229087056773;0.025353773584905661686583755454;0.012382075471698113927621065500;0.003537735849056603855411484716;0.002948113207547170024069860261;0.003537735849056603855411484716;0.008844339622641509204847842796;0.002358490566037735759047366813;0.007075471698113207710822969432;0.000589622641509433939761841703;0.005896226415094340048139720523;0.001768867924528301927705742358;0.005306603773584905349436358080;0.000000000000000000000000000000;0.011792452830188680096279441045;0.008254716981132075373506218341;0.007665094339622641542164593886;0.010023584905660376867531091705;0.008844339622641509204847842796;0.004716981132075471518094733625;0.005896226415094340048139720523
-0.013722126929674099277134402541;0.010291595197255575325212539894;0.017152658662092624963779741165;0.456832475700400253426636254517;0.052029731275014291791425335987;0.014865637507146941750924007408;0.005145797598627787662606269947;0.014865637507146941750924007408;0.009719839908519153220955999473;0.010863350485991995694745604339;0.009148084619782732851422935028;0.021154945683247571019958144234;0.002287021154945683212855733757;0.010863350485991995694745604339;0.017152658662092624963779741165;0.012578616352201258538068273651;0.006289308176100629269034136826;0.014865637507146941750924007408;0.008004574042309892112356806138;0.002287021154945683212855733757;0.007432818753573470875462003704;0.008576329331046312481889870583;0.001143510577472841606427866878;0.013150371640937678907601338096;0.020011435105774726811445063390;0.016580903373356204594246676720;0.013722126929674099277134402541;0.032590051457975985349513337042;0.003430531732418524819283600635;0.016009148084619784224713612275;0.020583190394511150650425079789;0.013150371640937678907601338096;0.007432818753573470875462003704;0.007432818753573470875462003704;0.005717552887364208032139334392;0.013722126929674099277134402541;0.003430531732418524819283600635;0.006289308176100629269034136826;0.001715265866209262409641800318;0.006861063464837049638567201271;0.001715265866209262409641800318;0.006289308176100629269034136826;0.000000000000000000000000000000;0.006289308176100629269034136826;0.008576329331046312481889870583;0.012006861063464836433811733230;0.014865637507146941750924007408;0.004574042309891366425711467514;0.009148084619782732851422935028;0.007432818753573470875462003704
-0.012172854534388313427206718131;0.012172854534388313427206718131;0.018867924528301886072378934500;0.459525258673158853994777928165;0.064516129032258062725446734476;0.013998782714546560354551552052;0.009129640900791236371447645581;0.011564211807668898362999598817;0.002434570906877662858913691224;0.010955569080949483298792479502;0.005477784540474741649396239751;0.024345709068776626854413436263;0.004260499087035909786258525145;0.009738283627510651435654764896;0.015216068167985392217689266658;0.015824710894704809016619861950;0.009738283627510651435654764896;0.009738283627510651435654764896;0.010955569080949483298792479502;0.000608642726719415714728422806;0.004869141813755325717827382448;0.006086427267194156713603359066;0.001217285453438831429456845612;0.023737066342057213524929792925;0.013998782714546560354551552052;0.020693852708460132999723768421;0.006695069993913572645172216369;0.038344491783323192413135416245;0.003043213633597078356801679533;0.011564211807668898362999598817;0.019476567255021302871309529792;0.013998782714546560354551552052;0.000608642726719415714728422806;0.006086427267194156713603359066;0.005477784540474741649396239751;0.007303712720632988576741073672;0.001825928180158247144185268418;0.014607425441265977153482147344;0.001217285453438831429456845612;0.004260499087035909786258525145;0.002434570906877662858913691224;0.004869141813755325717827382448;0.000000000000000000000000000000;0.010955569080949483298792479502;0.007912355447352404508309930975;0.009738283627510651435654764896;0.012781497261107730226137313423;0.010346926354230066499861884211;0.005477784540474741649396239751;0.009129640900791236371447645581
-0.010062893081761005789620533335;0.010691823899371068543051599420;0.012578616352201258538068273651;0.445911949685534603204928316700;0.079874213836477983563533200595;0.012578616352201258538068273651;0.008176100628930817529327335080;0.005660377358490565648241332752;0.004402515723270440141379200583;0.008805031446540880282758401165;0.005031446540880502894810266667;0.014465408805031446798361471906;0.005660377358490565648241332752;0.013207547169811321291499339736;0.014465408805031446798361471906;0.010691823899371068543051599420;0.010691823899371068543051599420;0.010062893081761005789620533335;0.010691823899371068543051599420;0.003144654088050314634517068413;0.008805031446540880282758401165;0.011320754716981131296482665505;0.001886792452830188693974067249;0.011949685534591195784637207566;0.013836477987421384044930405821;0.011320754716981131296482665505;0.011949685534591195784637207566;0.035220125786163521131033604661;0.004402515723270440141379200583;0.024528301886792454322705481218;0.024528301886792454322705481218;0.012578616352201258538068273651;0.003144654088050314634517068413;0.009433962264150943036189467250;0.006289308176100629269034136826;0.015094339622641509551792537991;0.003773584905660377387948134498;0.007547169811320754775896268995;0.002515723270440251447405133334;0.007547169811320754775896268995;0.003773584905660377387948134498;0.003773584905660377387948134498;0.000000000000000000000000000000;0.011320754716981131296482665505;0.012578616352201258538068273651;0.010062893081761005789620533335;0.008176100628930817529327335080;0.013207547169811321291499339736;0.003773584905660377387948134498;0.008805031446540880282758401165
-0.006918238993710692022465202911;0.006918238993710692022465202911;0.015723270440251572305223604076;0.454716981132075481752963241888;0.105660377358490570331994717890;0.006289308176100629269034136826;0.003144654088050314634517068413;0.010062893081761005789620533335;0.003144654088050314634517068413;0.008176100628930817529327335080;0.004402515723270440141379200583;0.016981132075471697812085736246;0.003773584905660377387948134498;0.012578616352201258538068273651;0.011949685534591195784637207566;0.015094339622641509551792537991;0.006918238993710692022465202911;0.010062893081761005789620533335;0.011320754716981131296482665505;0.002515723270440251447405133334;0.010691823899371068543051599420;0.006289308176100629269034136826;0.003144654088050314634517068413;0.015094339622641509551792537991;0.011320754716981131296482665505;0.013836477987421384044930405821;0.010691823899371068543051599420;0.038364779874213834898188935085;0.005660377358490565648241332752;0.018238993710691823318947868415;0.019496855345911948825810000585;0.010691823899371068543051599420;0.001886792452830188693974067249;0.003144654088050314634517068413;0.006918238993710692022465202911;0.009433962264150943036189467250;0.003144654088050314634517068413;0.008176100628930817529327335080;0.001257861635220125723702566667;0.008805031446540880282758401165;0.005660377358490565648241332752;0.004402515723270440141379200583;0.000000000000000000000000000000;0.013836477987421384044930405821;0.012578616352201258538068273651;0.011320754716981131296482665505;0.013207547169811321291499339736;0.008176100628930817529327335080;0.002515723270440251447405133334;0.005660377358490565648241332752
-0.013998782714546560354551552052;0.006086427267194156713603359066;0.017650639074863055943964695871;0.466220328667072414496885812696;0.110164333536214242847961486405;0.013998782714546560354551552052;0.004260499087035909786258525145;0.009129640900791236371447645581;0.005477784540474741649396239751;0.012172854534388313427206718131;0.005477784540474741649396239751;0.021911138161898966597584959004;0.002434570906877662858913691224;0.007912355447352404508309930975;0.011564211807668898362999598817;0.016433353621424222346103505288;0.008520998174071819572517050290;0.008520998174071819572517050290;0.006086427267194156713603359066;0.000608642726719415714728422806;0.008520998174071819572517050290;0.004869141813755325717827382448;0.003043213633597078356801679533;0.012781497261107730226137313423;0.010955569080949483298792479502;0.012172854534388313427206718131;0.009738283627510651435654764896;0.014607425441265977153482147344;0.003043213633597078356801679533;0.018867924528301886072378934500;0.017041996348143639145034100579;0.015824710894704809016619861950;0.002434570906877662858913691224;0.002434570906877662858913691224;0.003043213633597078356801679533;0.010955569080949483298792479502;0.003651856360316494288370536836;0.009738283627510651435654764896;0.000000000000000000000000000000;0.006695069993913572645172216369;0.004869141813755325717827382448;0.003043213633597078356801679533;0.000000000000000000000000000000;0.013390139987827145290344432738;0.010955569080949483298792479502;0.013998782714546560354551552052;0.012781497261107730226137313423;0.006695069993913572645172216369;0.006086427267194156713603359066;0.009129640900791236371447645581
-0.016265452179570590723889367268;0.005204944697462589829617396475;0.009759271307742355822112401142;0.441119063109954467893913943044;0.084580351333767081478676175266;0.016916070266753416295735235053;0.012361743656473649435878492397;0.010409889394925179659234792950;0.005855562784645412799378050295;0.009759271307742355822112401142;0.011060507482108001761633708782;0.011711125569290825598756100590;0.007156798959011060473622833911;0.014313597918022120947245667821;0.011060507482108001761633708782;0.013662979830839297110123276013;0.012361743656473649435878492397;0.012361743656473649435878492397;0.003253090435914118318250221051;0.001301236174365647457404349119;0.007807417046193884310745225719;0.011711125569290825598756100590;0.002602472348731294914808698238;0.016265452179570590723889367268;0.013662979830839297110123276013;0.016265452179570590723889367268;0.011060507482108001761633708782;0.023422251138581651197512201179;0.003253090435914118318250221051;0.015614834092387768621490451437;0.014964216005204944784368059629;0.012361743656473649435878492397;0.001951854261548471077686306430;0.006506180871828236636500442103;0.002602472348731294914808698238;0.011711125569290825598756100590;0.004554326610279765992495004667;0.007807417046193884310745225719;0.000650618087182823728702174559;0.009108653220559531984990009335;0.007156798959011060473622833911;0.005855562784645412799378050295;0.000000000000000000000000000000;0.014964216005204944784368059629;0.011711125569290825598756100590;0.016265452179570590723889367268;0.013012361743656473273000884205;0.012361743656473649435878492397;0.004554326610279765992495004667;0.009759271307742355822112401142
-0.012172854534388313427206718131;0.008520998174071819572517050290;0.017650639074863055943964695871;0.510651247717589740204857662320;0.065124771758977476054930377813;0.009129640900791236371447645581;0.006086427267194156713603359066;0.010955569080949483298792479502;0.006086427267194156713603359066;0.008520998174071819572517050290;0.004869141813755325717827382448;0.013390139987827145290344432738;0.002434570906877662858913691224;0.009738283627510651435654764896;0.021911138161898966597584959004;0.013390139987827145290344432738;0.009738283627510651435654764896;0.010346926354230066499861884211;0.008520998174071819572517050290;0.000000000000000000000000000000;0.007303712720632988576741073672;0.004260499087035909786258525145;0.001217285453438831429456845612;0.013998782714546560354551552052;0.010955569080949483298792479502;0.013390139987827145290344432738;0.012781497261107730226137313423;0.024345709068776626854413436263;0.003043213633597078356801679533;0.009738283627510651435654764896;0.023737066342057213524929792925;0.008520998174071819572517050290;0.003043213633597078356801679533;0.003043213633597078356801679533;0.006086427267194156713603359066;0.012781497261107730226137313423;0.003651856360316494288370536836;0.008520998174071819572517050290;0.002434570906877662858913691224;0.003651856360316494288370536836;0.006695069993913572645172216369;0.004260499087035909786258525145;0.000000000000000000000000000000;0.007912355447352404508309930975;0.009738283627510651435654764896;0.008520998174071819572517050290;0.013390139987827145290344432738;0.007912355447352404508309930975;0.009129640900791236371447645581;0.006695069993913572645172216369
-0.015094339622641509551792537991;0.011320754716981131296482665505;0.022012578616352199839534264925;0.493710691823899372465689339151;0.064779874213836477481187614558;0.009433962264150943036189467250;0.004402515723270440141379200583;0.005660377358490565648241332752;0.005660377358490565648241332752;0.008805031446540880282758401165;0.005031446540880502894810266667;0.018867924528301886072378934500;0.004402515723270440141379200583;0.008805031446540880282758401165;0.016981132075471697812085736246;0.009433962264150943036189467250;0.006918238993710692022465202911;0.010691823899371068543051599420;0.004402515723270440141379200583;0.000628930817610062861851283333;0.003773584905660377387948134498;0.005031446540880502894810266667;0.002515723270440251447405133334;0.008176100628930817529327335080;0.011320754716981131296482665505;0.013207547169811321291499339736;0.014465408805031446798361471906;0.028930817610062893596722943812;0.004402515723270440141379200583;0.014465408805031446798361471906;0.033962264150943395624171472491;0.013207547169811321291499339736;0.003144654088050314634517068413;0.006289308176100629269034136826;0.005031446540880502894810266667;0.010691823899371068543051599420;0.003144654088050314634517068413;0.008176100628930817529327335080;0.001257861635220125723702566667;0.007547169811320754775896268995;0.005031446540880502894810266667;0.003773584905660377387948134498;0.000000000000000000000000000000;0.008805031446540880282758401165;0.013836477987421384044930405821;0.010691823899371068543051599420;0.008805031446540880282758401165;0.010691823899371068543051599420;0.006289308176100629269034136826;0.006289308176100629269034136826
-0.012382075471698113927621065500;0.007075471698113207710822969432;0.023584905660377360192558882090;0.462853773584905647808795947640;0.058962264150943397011950253273;0.010613207547169810698872716159;0.006485849056603773879481344977;0.005306603773584905349436358080;0.002948113207547170024069860261;0.010023584905660376867531091705;0.007665094339622641542164593886;0.013561320754716981590304314409;0.007075471698113207710822969432;0.010613207547169810698872716159;0.022995283018867922891770305682;0.011792452830188680096279441045;0.007075471698113207710822969432;0.011792452830188680096279441045;0.008844339622641509204847842796;0.005306603773584905349436358080;0.010023584905660376867531091705;0.006485849056603773879481344977;0.003537735849056603855411484716;0.012382075471698113927621065500;0.010613207547169810698872716159;0.010613207547169810698872716159;0.011202830188679244530214340614;0.048938679245283021879142637545;0.002358490566037735759047366813;0.012971698113207547758962689954;0.030070754716981132337316751091;0.010613207547169810698872716159;0.002358490566037735759047366813;0.003537735849056603855411484716;0.008844339622641509204847842796;0.015919811320754716915670812227;0.002358490566037735759047366813;0.014740566037735849252987563318;0.002358490566037735759047366813;0.008844339622641509204847842796;0.004127358490566037686753109170;0.004127358490566037686753109170;0.000000000000000000000000000000;0.007665094339622641542164593886;0.011202830188679244530214340614;0.014740566037735849252987563318;0.010613207547169810698872716159;0.003537735849056603855411484716;0.002948113207547170024069860261;0.005306603773584905349436358080
-0.010613207547169810698872716159;0.007665094339622641542164593886;0.012971698113207547758962689954;0.457547169811320764143403039270;0.070165094339622646746335021817;0.012382075471698113927621065500;0.003537735849056603855411484716;0.017099056603773584578354061136;0.007075471698113207710822969432;0.006485849056603773879481344977;0.004127358490566037686753109170;0.015330188679245283084329187773;0.004716981132075471518094733625;0.012971698113207547758962689954;0.015919811320754716915670812227;0.010613207547169810698872716159;0.010023584905660376867531091705;0.008844339622641509204847842796;0.007665094339622641542164593886;0.001179245283018867879523683406;0.007075471698113207710822969432;0.005896226415094340048139720523;0.002358490566037735759047366813;0.012971698113207547758962689954;0.018278301886792452241037310046;0.015919811320754716915670812227;0.014150943396226415421645938864;0.033608490566037735325366497818;0.002948113207547170024069860261;0.012382075471698113927621065500;0.024764150943396227855242131000;0.017688679245283018409695685591;0.002948113207547170024069860261;0.005896226415094340048139720523;0.005306603773584905349436358080;0.010023584905660376867531091705;0.003537735849056603855411484716;0.011202830188679244530214340614;0.002358490566037735759047366813;0.004716981132075471518094733625;0.004127358490566037686753109170;0.007665094339622641542164593886;0.000000000000000000000000000000;0.013561320754716981590304314409;0.014740566037735849252987563318;0.011202830188679244530214340614;0.012971698113207547758962689954;0.010613207547169810698872716159;0.008254716981132075373506218341;0.005896226415094340048139720523
-0.015824710894704809016619861950;0.007303712720632988576741073672;0.017650639074863055943964695871;0.471089470480827776643906190657;0.086427267194157025853584741526;0.012781497261107730226137313423;0.006086427267194156713603359066;0.008520998174071819572517050290;0.006086427267194156713603359066;0.010955569080949483298792479502;0.005477784540474741649396239751;0.015216068167985392217689266658;0.003651856360316494288370536836;0.009129640900791236371447645581;0.009738283627510651435654764896;0.011564211807668898362999598817;0.010346926354230066499861884211;0.001825928180158247144185268418;0.012781497261107730226137313423;0.001825928180158247144185268418;0.008520998174071819572517050290;0.007912355447352404508309930975;0.001825928180158247144185268418;0.013998782714546560354551552052;0.010346926354230066499861884211;0.010955569080949483298792479502;0.010955569080949483298792479502;0.020085209981740719670240125083;0.004260499087035909786258525145;0.013390139987827145290344432738;0.034083992696287278290068201159;0.009738283627510651435654764896;0.003651856360316494288370536836;0.004869141813755325717827382448;0.007912355447352404508309930975;0.008520998174071819572517050290;0.003043213633597078356801679533;0.006695069993913572645172216369;0.001217285453438831429456845612;0.004869141813755325717827382448;0.004260499087035909786258525145;0.007912355447352404508309930975;0.000000000000000000000000000000;0.009738283627510651435654764896;0.014607425441265977153482147344;0.015216068167985392217689266658;0.015216068167985392217689266658;0.010955569080949483298792479502;0.004260499087035909786258525145;0.006695069993913572645172216369
-0.011202830188679244530214340614;0.006485849056603773879481344977;0.015919811320754716915670812227;0.449882075471698117397068017453;0.085495283018867926361217257636;0.018867924528301886072378934500;0.006485849056603773879481344977;0.009433962264150943036189467250;0.005306603773584905349436358080;0.010613207547169810698872716159;0.006485849056603773879481344977;0.026533018867924529349267004363;0.009433962264150943036189467250;0.014150943396226415421645938864;0.011792452830188680096279441045;0.008844339622641509204847842796;0.012382075471698113927621065500;0.011792452830188680096279441045;0.007665094339622641542164593886;0.001768867924528301927705742358;0.009433962264150943036189467250;0.005306603773584905349436358080;0.001179245283018867879523683406;0.014150943396226415421645938864;0.018867924528301886072378934500;0.016509433962264150747012436682;0.011202830188679244530214340614;0.018867924528301886072378934500;0.003537735849056603855411484716;0.014150943396226415421645938864;0.022405660377358489060428681228;0.009433962264150943036189467250;0.001768867924528301927705742358;0.005896226415094340048139720523;0.004716981132075471518094733625;0.009433962264150943036189467250;0.004127358490566037686753109170;0.010023584905660376867531091705;0.002948113207547170024069860261;0.005306603773584905349436358080;0.004127358490566037686753109170;0.005306603773584905349436358080;0.000000000000000000000000000000;0.014740566037735849252987563318;0.011792452830188680096279441045;0.011792452830188680096279441045;0.010613207547169810698872716159;0.007665094339622641542164593886;0.005306603773584905349436358080;0.008844339622641509204847842796
-0.012781497261107730226137313423;0.010955569080949483298792479502;0.012781497261107730226137313423;0.455873402312842346262300452508;0.079732197200243451473689049180;0.016433353621424222346103505288;0.009129640900791236371447645581;0.009129640900791236371447645581;0.007303712720632988576741073672;0.009129640900791236371447645581;0.003651856360316494288370536836;0.018259281801582472742895291162;0.004260499087035909786258525145;0.011564211807668898362999598817;0.009738283627510651435654764896;0.012781497261107730226137313423;0.009129640900791236371447645581;0.006086427267194156713603359066;0.012172854534388313427206718131;0.000608642726719415714728422806;0.009738283627510651435654764896;0.010346926354230066499861884211;0.000608642726719415714728422806;0.012781497261107730226137313423;0.007912355447352404508309930975;0.010955569080949483298792479502;0.006086427267194156713603359066;0.055995130858186241418206208209;0.004260499087035909786258525145;0.018259281801582472742895291162;0.017650639074863055943964695871;0.015216068167985392217689266658;0.003043213633597078356801679533;0.004260499087035909786258525145;0.006086427267194156713603359066;0.010955569080949483298792479502;0.001217285453438831429456845612;0.010346926354230066499861884211;0.002434570906877662858913691224;0.010955569080949483298792479502;0.001825928180158247144185268418;0.004869141813755325717827382448;0.000000000000000000000000000000;0.008520998174071819572517050290;0.012781497261107730226137313423;0.010955569080949483298792479502;0.016433353621424222346103505288;0.004260499087035909786258525145;0.004260499087035909786258525145;0.005477784540474741649396239751
-0.013390139987827145290344432738;0.007303712720632988576741073672;0.017650639074863055943964695871;0.508825319537431486338618924492;0.063298843578819236066479447800;0.009738283627510651435654764896;0.004869141813755325717827382448;0.008520998174071819572517050290;0.004260499087035909786258525145;0.012172854534388313427206718131;0.007303712720632988576741073672;0.023737066342057213524929792925;0.006695069993913572645172216369;0.013998782714546560354551552052;0.010346926354230066499861884211;0.010346926354230066499861884211;0.007303712720632988576741073672;0.007303712720632988576741073672;0.008520998174071819572517050290;0.003043213633597078356801679533;0.004260499087035909786258525145;0.008520998174071819572517050290;0.001217285453438831429456845612;0.014607425441265977153482147344;0.015216068167985392217689266658;0.008520998174071819572517050290;0.015216068167985392217689266658;0.026780279975654290580688865475;0.000608642726719415714728422806;0.012781497261107730226137313423;0.025562994522215460452274626846;0.009129640900791236371447645581;0.000608642726719415714728422806;0.004869141813755325717827382448;0.003651856360316494288370536836;0.012172854534388313427206718131;0.003043213633597078356801679533;0.008520998174071819572517050290;0.001825928180158247144185268418;0.004869141813755325717827382448;0.003651856360316494288370536836;0.006086427267194156713603359066;0.000000000000000000000000000000;0.013390139987827145290344432738;0.009129640900791236371447645581;0.012172854534388313427206718131;0.008520998174071819572517050290;0.007912355447352404508309930975;0.006086427267194156713603359066;0.002434570906877662858913691224
-0.014646464646464647102463985107;0.007070707070707071134618715291;0.014646464646464647102463985107;0.482828282828282828731403242273;0.065656565656565663013921607671;0.011616161616161616368381181985;0.006565656565656565434030422779;0.011111111111111111535154627461;0.005050505050505050934350759206;0.008585858585858585634298378864;0.006565656565656565434030422779;0.025252525252525252069668582067;0.004040404040404040400535912170;0.011616161616161616368381181985;0.014646464646464647102463985107;0.016666666666666666435370203203;0.003535353535353535567309357646;0.009090909090909090467524933388;0.009595959595959595300751487912;0.003030303030303030300401934127;0.006060606060606060600803868255;0.006060606060606060600803868255;0.000505050505050505050066989021;0.020202020202020203737403036826;0.019696969696969695434729530348;0.013131313131313130868060845557;0.009595959595959595300751487912;0.028787878787878789371701415689;0.003030303030303030300401934127;0.017676767676767676101823312251;0.021212121212121213403856145874;0.008080808080808080801071824339;0.003030303030303030300401934127;0.004545454545454545233762466694;0.005050505050505050934350759206;0.012626262626262626034834291033;0.001515151515151515150200967064;0.005050505050505050934350759206;0.003535353535353535567309357646;0.005555555555555555767577313730;0.003030303030303030300401934127;0.006060606060606060600803868255;0.000000000000000000000000000000;0.011616161616161616368381181985;0.009595959595959595300751487912;0.013636363636363635701287400082;0.008080808080808080801071824339;0.009090909090909090467524933388;0.006060606060606060600803868255;0.006060606060606060600803868255
-0.020105820105820106091787380365;0.006349206349206349200842147695;0.014814814814814815380206169948;0.487301587301587291189974848749;0.071428571428571424606346340624;0.010052910052910053045893690182;0.008465608465608466179364022253;0.008465608465608466179364022253;0.004761904761904762334312479766;0.005820105820105819956211679056;0.005291005291005290711581210417;0.020634920634920634469056111016;0.003174603174603174600421073848;0.012698412698412698401684295391;0.015873015873015872134743631250;0.009523809523809524668624959531;0.007407407407407407690103084974;0.008994708994708994556632752904;0.015873015873015872134743631250;0.001587301587301587300210536924;0.009523809523809524668624959531;0.008465608465608466179364022253;0.001587301587301587300210536924;0.016931216931216932358728044505;0.013227513227513226778953026042;0.013227513227513226778953026042;0.006878306878306878445472616335;0.013756613756613756890945232669;0.002645502645502645355790605208;0.012169312169312170024415564740;0.022751322751322751447577985573;0.012698412698412698401684295391;0.004761904761904762334312479766;0.004761904761904762334312479766;0.004761904761904762334312479766;0.013227513227513226778953026042;0.004232804232804233089682011126;0.011111111111111111535154627461;0.002645502645502645355790605208;0.005820105820105819956211679056;0.003703703703703703845051542487;0.005820105820105819956211679056;0.000000000000000000000000000000;0.012169312169312170024415564740;0.009523809523809524668624959531;0.013756613756613756890945232669;0.016931216931216932358728044505;0.005820105820105819956211679056;0.003174603174603174600421073848;0.005291005291005290711581210417
-0.020634920634920634469056111016;0.009523809523809524668624959531;0.017989417989417989113265505807;0.403174603174603185529178972502;0.065608465608465602048049447603;0.015343915343915343757474900599;0.004232804232804233089682011126;0.011111111111111111535154627461;0.008465608465608466179364022253;0.015873015873015872134743631250;0.009523809523809524668624959531;0.013227513227513226778953026042;0.011111111111111111535154627461;0.012169312169312170024415564740;0.012698412698412698401684295391;0.015343915343915343757474900599;0.017460317460317460735996775156;0.008465608465608466179364022253;0.015343915343915343757474900599;0.002116402116402116544841005563;0.010052910052910053045893690182;0.005820105820105819956211679056;0.002645502645502645355790605208;0.015343915343915343757474900599;0.022751322751322751447577985573;0.014814814814814815380206169948;0.013756613756613756890945232669;0.022222222222222223070309254922;0.005291005291005290711581210417;0.031746031746031744269487262500;0.010582010582010581423162420833;0.021164021164021162846324841667;0.003703703703703703845051542487;0.006349206349206349200842147695;0.008465608465608466179364022253;0.014285714285714285268213963320;0.002645502645502645355790605208;0.007936507936507936067371815625;0.002116402116402116544841005563;0.008465608465608466179364022253;0.005291005291005290711581210417;0.005820105820105819956211679056;0.000000000000000000000000000000;0.010052910052910053045893690182;0.006349206349206349200842147695;0.004761904761904762334312479766;0.016402116402116400512012361901;0.014285714285714285268213963320;0.006349206349206349200842147695;0.011111111111111111535154627461
-0.040779062690200852669963893504;0.004260499087035909786258525145;0.026171637248934873781758270184;0.150334753499695689127335640478;0.013998782714546560354551552052;0.041996348143639686267825084087;0.007303712720632988576741073672;0.015216068167985392217689266658;0.013390139987827145290344432738;0.015824710894704809016619861950;0.020085209981740719670240125083;0.036518563603164945485790582325;0.016433353621424222346103505288;0.031040779062690201234309128608;0.004260499087035909786258525145;0.026171637248934873781758270184;0.012172854534388313427206718131;0.013998782714546560354551552052;0.014607425441265977153482147344;0.004260499087035909786258525145;0.014607425441265977153482147344;0.004260499087035909786258525145;0.006086427267194156713603359066;0.034692635423006691619551844497;0.036518563603164945485790582325;0.028606208155812537508033699396;0.012172854534388313427206718131;0.021911138161898966597584959004;0.002434570906877662858913691224;0.031649421789409618033239723900;0.043213633597078512926792370763;0.017650639074863055943964695871;0.006695069993913572645172216369;0.013390139987827145290344432738;0.022519780888618379927068602342;0.022519780888618379927068602342;0.004869141813755325717827382448;0.013390139987827145290344432738;0.000608642726719415714728422806;0.008520998174071819572517050290;0.003651856360316494288370536836;0.002434570906877662858913691224;0.000000000000000000000000000000;0.013998782714546560354551552052;0.005477784540474741649396239751;0.017650639074863055943964695871;0.032258064516129031362723367238;0.026780279975654290580688865475;0.022519780888618379927068602342;0.020085209981740719670240125083
-0.027199074074074073431583897786;0.016782407407407409077881865755;0.028935185185185185313683220443;0.118055555555555552471602709375;0.048611111111111111882099322656;0.043402777777777776235801354687;0.006365740740740740387371143783;0.013888888888888888117900677344;0.008680555555555555941049661328;0.016203703703703702804217456901;0.018518518518518517490534236458;0.043402777777777776235801354687;0.014467592592592592656841610221;0.021990740740740741254732881771;0.026041666666666667823148983985;0.019097222222222223764198645313;0.015625000000000000000000000000;0.019097222222222223764198645313;0.020833333333333332176851016015;0.003472222222222222029475169336;0.004629629629629629372633559115;0.010416666666666666088425508008;0.002314814814814814686316779557;0.021990740740740741254732881771;0.038194444444444447528397290625;0.026620370370370370627366440885;0.017939814814814814686316779557;0.045717592592592594391565086198;0.001157407407407407343158389779;0.043402777777777776235801354687;0.040509259259259258745267118229;0.016782407407407409077881865755;0.005787037037037036715791948893;0.005208333333333333044212754004;0.015625000000000000000000000000;0.028356481481481482509465763542;0.005787037037037036715791948893;0.011574074074074073431583897786;0.000578703703703703671579194889;0.006944444444444444058950338672;0.007523148148148147730529533561;0.008101851851851851402108728450;0.000000000000000000000000000000;0.016203703703703702804217456901;0.017361111111111111882099322656;0.008101851851851851402108728450;0.019097222222222223764198645313;0.016782407407407409077881865755;0.013310185185185185313683220443;0.013310185185185185313683220443
-0.018238993710691823318947868415;0.035220125786163521131033604661;0.022012578616352199839534264925;0.242138364779874215582111673939;0.049685534591194971398842028520;0.011949685534591195784637207566;0.009433962264150943036189467250;0.019496855345911948825810000585;0.008176100628930817529327335080;0.014465408805031446798361471906;0.013207547169811321291499339736;0.010691823899371068543051599420;0.002515723270440251447405133334;0.011320754716981131296482665505;0.038364779874213834898188935085;0.009433962264150943036189467250;0.011320754716981131296482665505;0.018867924528301886072378934500;0.016981132075471697812085736246;0.005660377358490565648241332752;0.012578616352201258538068273651;0.010691823899371068543051599420;0.001257861635220125723702566667;0.022012578616352199839534264925;0.015723270440251572305223604076;0.021383647798742137086103198840;0.019496855345911948825810000585;0.124528301886792452934926700436;0.002515723270440251447405133334;0.020125786163522011579241066670;0.006289308176100629269034136826;0.011949685534591195784637207566;0.005031446540880502894810266667;0.005660377358490565648241332752;0.005660377358490565648241332752;0.014465408805031446798361471906;0.006289308176100629269034136826;0.006918238993710692022465202911;0.000628930817610062861851283333;0.004402515723270440141379200583;0.010062893081761005789620533335;0.018238993710691823318947868415;0.000000000000000000000000000000;0.011320754716981131296482665505;0.023270440251572325346396397094;0.010691823899371068543051599420;0.015723270440251572305223604076;0.006289308176100629269034136826;0.007547169811320754775896268995;0.010062893081761005789620533335
-0.011564211807668898362999598817;0.019476567255021302871309529792;0.029214850882531954306964294688;0.274497869750456480186784347097;0.057821059038344488345551042130;0.012781497261107730226137313423;0.003651856360316494288370536836;0.015216068167985392217689266658;0.007912355447352404508309930975;0.013390139987827145290344432738;0.012781497261107730226137313423;0.015216068167985392217689266658;0.003043213633597078356801679533;0.020693852708460132999723768421;0.039561777236762019072102702921;0.005477784540474741649396239751;0.015216068167985392217689266658;0.011564211807668898362999598817;0.013998782714546560354551552052;0.001825928180158247144185268418;0.006695069993913572645172216369;0.006695069993913572645172216369;0.000000000000000000000000000000;0.021302495435179549798654363713;0.009129640900791236371447645581;0.014607425441265977153482147344;0.015824710894704809016619861950;0.111990261716372482836412416418;0.005477784540474741649396239751;0.033475349969567864960584557821;0.012172854534388313427206718131;0.012172854534388313427206718131;0.004869141813755325717827382448;0.005477784540474741649396239751;0.006086427267194156713603359066;0.018867924528301886072378934500;0.004260499087035909786258525145;0.005477784540474741649396239751;0.001217285453438831429456845612;0.004869141813755325717827382448;0.009738283627510651435654764896;0.013390139987827145290344432738;0.000000000000000000000000000000;0.015216068167985392217689266658;0.023128423615337796725999197633;0.011564211807668898362999598817;0.018867924528301886072378934500;0.009738283627510651435654764896;0.006695069993913572645172216369;0.006086427267194156713603359066
-0.027777777777777776235801354687;0.017295597484276729188801269288;0.023584905660377360192558882090;0.160377358490566029880497467275;0.082809224318658281038807444929;0.024109014675052411330602453177;0.009958071278825995908956514313;0.012054507337526205665301226588;0.008909853249475890163422420187;0.017295597484276729188801269288;0.018867924528301886072378934500;0.024633123689727462468646024263;0.022536687631027254447024787964;0.022012578616352199839534264925;0.019392033542976940679869457540;0.014150943396226415421645938864;0.010482180293501048781723561376;0.012054507337526205665301226588;0.017819706498951780326844840374;0.001048218029350104878172356138;0.012054507337526205665301226588;0.006813417190775681274439445900;0.004716981132075471518094733625;0.030922431865828093472403637065;0.027777777777777776235801354687;0.024633123689727462468646024263;0.024633123689727462468646024263;0.033018867924528301494024873364;0.002620545073375262195430890344;0.049790356394129979544782571566;0.019916142557651991817913028626;0.013102725366876309676111844738;0.008385744234800839025378849101;0.009958071278825995908956514313;0.020440251572327042955956599712;0.019916142557651991817913028626;0.004192872117400419512689424550;0.008385744234800839025378849101;0.002096436058700209756344712275;0.005765199161425576396267089763;0.003668763102725367073603246482;0.012054507337526205665301226588;0.000000000000000000000000000000;0.017819706498951780326844840374;0.015199161425576519432456557013;0.015199161425576519432456557013;0.020964360587002097563447122752;0.014675052410901468294412985927;0.008385744234800839025378849101;0.015723270440251572305223604076
-0.027388922702373707379619460767;0.017041996348143639145034100579;0.029823493609251371105894889979;0.109555690809494829518477843067;0.043822276323797933195169918008;0.045039561777236759854137204684;0.005477784540474741649396239751;0.013998782714546560354551552052;0.009129640900791236371447645581;0.014607425441265977153482147344;0.013998782714546560354551552052;0.041387705416920265999447536842;0.015824710894704809016619861950;0.023737066342057213524929792925;0.020693852708460132999723768421;0.013390139987827145290344432738;0.012781497261107730226137313423;0.015824710894704809016619861950;0.018867924528301886072378934500;0.006695069993913572645172216369;0.013390139987827145290344432738;0.011564211807668898362999598817;0.002434570906877662858913691224;0.029214850882531954306964294688;0.040170419963481439340480250166;0.026780279975654290580688865475;0.023737066342057213524929792925;0.038953134510042605742619059583;0.003043213633597078356801679533;0.053560559951308581161377730950;0.030432136335970784435378533317;0.013390139987827145290344432738;0.013390139987827145290344432738;0.011564211807668898362999598817;0.021911138161898966597584959004;0.020693852708460132999723768421;0.003043213633597078356801679533;0.009129640900791236371447645581;0.003043213633597078356801679533;0.003043213633597078356801679533;0.006086427267194156713603359066;0.005477784540474741649396239751;0.000000000000000000000000000000;0.010955569080949483298792479502;0.011564211807668898362999598817;0.016433353621424222346103505288;0.018867924528301886072378934500;0.020693852708460132999723768421;0.017041996348143639145034100579;0.021302495435179549798654363713
-0.019675925925925926568416102214;0.010995370370370370627366440885;0.021412037037037038450515424870;0.321180555555555580227178325003;0.090856481481481482509465763542;0.019675925925925926568416102214;0.006944444444444444058950338672;0.017939814814814814686316779557;0.005787037037037036715791948893;0.014467592592592592656841610221;0.012152777777777777970524830664;0.020254629629629629372633559115;0.013310185185185185313683220443;0.022569444444444444058950338672;0.010995370370370370627366440885;0.010416666666666666088425508008;0.008101851851851851402108728450;0.007523148148148147730529533561;0.018518518518518517490534236458;0.003472222222222222029475169336;0.015625000000000000000000000000;0.008680555555555555941049661328;0.001157407407407407343158389779;0.020254629629629629372633559115;0.018518518518518517490534236458;0.024305555555555555941049661328;0.017939814814814814686316779557;0.021412037037037038450515424870;0.002314814814814814686316779557;0.040509259259259258745267118229;0.013310185185185185313683220443;0.008680555555555555941049661328;0.006365740740740740387371143783;0.010995370370370370627366440885;0.009259259259259258745267118229;0.012152777777777777970524830664;0.002893518518518518357895974447;0.006365740740740740387371143783;0.002314814814814814686316779557;0.005208333333333333044212754004;0.002893518518518518357895974447;0.005787037037037036715791948893;0.000000000000000000000000000000;0.014467592592592592656841610221;0.008101851851851851402108728450;0.013888888888888888117900677344;0.019097222222222223764198645313;0.010995370370370370627366440885;0.005208333333333333044212754004;0.015046296296296295461059067122
-0.023759608665269042748757755135;0.016072676450034940887068302118;0.025856044723969250770378991433;0.285814116002795270965464169421;0.060097833682739340566136831967;0.025856044723969250770378991433;0.004891684136967155809017082646;0.011180992313067784210689481483;0.013277428371767993967034193759;0.011879804332634521374378877567;0.016072676450034940887068302118;0.026554856743535987934068387517;0.010482180293501048781723561376;0.018169112508735148908689538416;0.012578616352201258538068273651;0.011180992313067784210689481483;0.011180992313067784210689481483;0.016072676450034940887068302118;0.011180992313067784210689481483;0.004192872117400419512689424550;0.005590496156533892105344740742;0.011180992313067784210689481483;0.001397624039133473026336185185;0.021663172606568831257689566883;0.019566736547868623236068330584;0.018169112508735148908689538416;0.012578616352201258538068273651;0.045422781271837874006447322017;0.004891684136967155809017082646;0.044025157232704399679068529849;0.010482180293501048781723561376;0.007686932215234101861689453017;0.006988120195667365565361794921;0.008385744234800839025378849101;0.010482180293501048781723561376;0.013277428371767993967034193759;0.004891684136967155809017082646;0.010482180293501048781723561376;0.000698812019566736513168092593;0.009084556254367574454344769208;0.006988120195667365565361794921;0.020964360587002097563447122752;0.000000000000000000000000000000;0.010482180293501048781723561376;0.008385744234800839025378849101;0.013277428371767993967034193759;0.017470300489168415214447094286;0.014675052410901468294412985927;0.009783368273934311618034165292;0.014675052410901468294412985927
-0.028651292802236199425136575769;0.018867924528301886072378934500;0.027253668763102725097757783601;0.004192872117400419512689424550;0.014675052410901468294412985927;0.053808525506638713031826171118;0.007686932215234101861689453017;0.019566736547868623236068330584;0.010482180293501048781723561376;0.020265548567435360399757726668;0.016771488469601678050757698202;0.060796645702306077729826228051;0.021663172606568831257689566883;0.030048916841369670283068415984;0.011879804332634521374378877567;0.020964360587002097563447122752;0.019566736547868623236068330584;0.023759608665269042748757755135;0.020265548567435360399757726668;0.003494060097833682782680897461;0.012578616352201258538068273651;0.019566736547868623236068330584;0.004192872117400419512689424550;0.036338225017470297817379076832;0.047519217330538085497515510269;0.034241788958770093265204792488;0.019566736547868623236068330584;0.011879804332634521374378877567;0.002795248078266946052672370371;0.048218029350104822661204906353;0.052410901467505238704447378950;0.018867924528301886072378934500;0.011180992313067784210689481483;0.009084556254367574454344769208;0.016771488469601678050757698202;0.021663172606568831257689566883;0.004891684136967155809017082646;0.011879804332634521374378877567;0.006988120195667365565361794921;0.014675052410901468294412985927;0.004891684136967155809017082646;0.009783368273934311618034165292;0.000000000000000000000000000000;0.025856044723969250770378991433;0.010482180293501048781723561376;0.021663172606568831257689566883;0.026554856743535987934068387517;0.027253668763102725097757783601;0.019566736547868623236068330584;0.013976240391334731130723589843
-0.017099056603773584578354061136;0.007665094339622641542164593886;0.016509433962264150747012436682;0.422759433962264175033141100357;0.056603773584905661686583755454;0.012971698113207547758962689954;0.007665094339622641542164593886;0.012382075471698113927621065500;0.005306603773584905349436358080;0.012971698113207547758962689954;0.007075471698113207710822969432;0.015919811320754716915670812227;0.008844339622641509204847842796;0.014740566037735849252987563318;0.012382075471698113927621065500;0.009433962264150943036189467250;0.009433962264150943036189467250;0.010023584905660376867531091705;0.013561320754716981590304314409;0.002358490566037735759047366813;0.014740566037735849252987563318;0.010023584905660376867531091705;0.001768867924528301927705742358;0.022405660377358489060428681228;0.020047169811320753735062183409;0.025943396226415095517925379909;0.016509433962264150747012436682;0.017688679245283018409695685591;0.002948113207547170024069860261;0.020636792452830187566403807864;0.011202830188679244530214340614;0.014740566037735849252987563318;0.002948113207547170024069860261;0.008254716981132075373506218341;0.014740566037735849252987563318;0.011792452830188680096279441045;0.001768867924528301927705742358;0.007665094339622641542164593886;0.001768867924528301927705742358;0.004716981132075471518094733625;0.005306603773584905349436358080;0.007665094339622641542164593886;0.000000000000000000000000000000;0.011202830188679244530214340614;0.005306603773584905349436358080;0.011792452830188680096279441045;0.018278301886792452241037310046;0.013561320754716981590304314409;0.010023584905660376867531091705;0.008844339622641509204847842796
-0.034858387799564273523689195144;0.004357298474945534190461149393;0.043028322440087148070819722534;0.145969498910675371528000709986;0.001089324618736383547615287348;0.029956427015250544632074536366;0.003267973856209150426005427548;0.006535947712418300852010855095;0.048474945533769062122608772825;0.019063180827886709589602531878;0.014161220043572984167434825054;0.029411764705882352533006240947;0.027233115468409587606180011221;0.034858387799564273523689195144;0.003267973856209150426005427548;0.023965141612200435011770238702;0.011437908496732025406816823931;0.014705882352941176266503120473;0.008714596949891068380922298786;0.007080610021786492083717412527;0.008714596949891068380922298786;0.015795206971677560464639711313;0.008169934640522876281854003366;0.025054466230936819209906829542;0.039760348583877995476409950015;0.025599128540305011308975124962;0.014705882352941176266503120473;0.034313725490196081424620899725;0.002723311546840958760618001122;0.016339869281045752563708006733;0.018518518518518517490534236458;0.014705882352941176266503120473;0.007080610021786492083717412527;0.007625272331154684182785707947;0.026143790849673203408043420382;0.023965141612200435011770238702;0.009803921568627450844335413649;0.017973856209150325391465941038;0.008714596949891068380922298786;0.011982570806100217505885119351;0.003267973856209150426005427548;0.023420479302832242912701943283;0.000000000000000000000000000000;0.016339869281045752563708006733;0.001089324618736383547615287348;0.019607843137254901688670827298;0.029411764705882352533006240947;0.026143790849673203408043420382;0.016339869281045752563708006733;0.015250544662309368365571415893
-0.016835016835016834713112388044;0.023007856341189673876623800197;0.019640852974186308321780103370;0.314253647586980933148481653916;0.108305274971941645212325511238;0.019640852974186308321780103370;0.005611672278338944615250216685;0.007856341189674523675656736543;0.005050505050505050934350759206;0.009539842873176206453078584957;0.010662177328843995549600975892;0.038720538720538717758490321330;0.005050505050505050934350759206;0.009539842873176206453078584957;0.020763187429854095683579018328;0.020202020202020203737403036826;0.006734006734006733711772607620;0.016835016835016834713112388044;0.007295173961840628260033803087;0.001122334455667789096522390935;0.007295173961840628260033803087;0.008417508417508417356556194022;0.001683501683501683427943151905;0.016273849607182939297489454589;0.016273849607182939297489454589;0.017396184062850730128735321500;0.012345679012345678327022824305;0.054994388327721660525426727872;0.002805836139169472307625108343;0.042087542087542090252227922065;0.025252525252525252069668582067;0.015712682379349047351313473087;0.002805836139169472307625108343;0.004489337822671156386089563739;0.003367003367003366855886303810;0.014590347923681256520067606175;0.001683501683501683427943151905;0.006172839506172839163511412153;0.001122334455667789096522390935;0.002805836139169472307625108343;0.003367003367003366855886303810;0.011784511784511784646123366826;0.000000000000000000000000000000;0.011784511784511784646123366826;0.007856341189674523675656736543;0.010662177328843995549600975892;0.010101010101010101868701518413;0.006172839506172839163511412153;0.004489337822671156386089563739;0.009539842873176206453078584957
-0.014814814814814815380206169948;0.016402116402116400512012361901;0.013756613756613756890945232669;0.311640211640211661769939155420;0.075132275132275133655568311042;0.020634920634920634469056111016;0.005291005291005290711581210417;0.015343915343915343757474900599;0.004232804232804233089682011126;0.010582010582010581423162420833;0.004232804232804233089682011126;0.037566137566137566827784155521;0.002116402116402116544841005563;0.015873015873015872134743631250;0.028571428571428570536427926640;0.014285714285714285268213963320;0.005820105820105819956211679056;0.008994708994708994556632752904;0.011640211640211639912423358112;0.002116402116402116544841005563;0.007936507936507936067371815625;0.006349206349206349200842147695;0.002116402116402116544841005563;0.020634920634920634469056111016;0.019576719576719577714518649714;0.012169312169312170024415564740;0.007407407407407407690103084974;0.064550264550264552232405890209;0.001587301587301587300210536924;0.046560846560846559649693432448;0.025396825396825396803368590781;0.008994708994708994556632752904;0.004232804232804233089682011126;0.006349206349206349200842147695;0.003703703703703703845051542487;0.014814814814814815380206169948;0.001587301587301587300210536924;0.011111111111111111535154627461;0.000529100529100529136210251391;0.005820105820105819956211679056;0.004761904761904762334312479766;0.008465608465608466179364022253;0.000000000000000000000000000000;0.013756613756613756890945232669;0.025925925925925925180637321432;0.013227513227513226778953026042;0.016402116402116400512012361901;0.013227513227513226778953026042;0.004761904761904762334312479766;0.008994708994708994556632752904
-0.020634920634920634469056111016;0.021693121693121694693040524271;0.023809523809523808202115446875;0.246560846560846563813029774792;0.062433862433862431784437063698;0.010052910052910053045893690182;0.004232804232804233089682011126;0.015873015873015872134743631250;0.005291005291005290711581210417;0.021164021164021162846324841667;0.005820105820105819956211679056;0.015873015873015872134743631250;0.007936507936507936067371815625;0.016931216931216932358728044505;0.037566137566137566827784155521;0.008994708994708994556632752904;0.010052910052910053045893690182;0.012698412698412698401684295391;0.014285714285714285268213963320;0.002645502645502645355790605208;0.009523809523809524668624959531;0.005820105820105819956211679056;0.003703703703703703845051542487;0.023280423280423279824846716224;0.021164021164021162846324841667;0.023280423280423279824846716224;0.014814814814814815380206169948;0.113227513227513232330068149167;0.002645502645502645355790605208;0.036507936507936510073246694219;0.015873015873015872134743631250;0.010582010582010581423162420833;0.007407407407407407690103084974;0.004232804232804233089682011126;0.001587301587301587300210536924;0.019047619047619049337249919063;0.003174603174603174600421073848;0.007936507936507936067371815625;0.000000000000000000000000000000;0.002116402116402116544841005563;0.006878306878306878445472616335;0.011640211640211639912423358112;0.000000000000000000000000000000;0.010052910052910053045893690182;0.021164021164021162846324841667;0.010052910052910053045893690182;0.017989417989417989113265505807;0.013756613756613756890945232669;0.006349206349206349200842147695;0.011640211640211639912423358112
-0.013318534961154272419636690472;0.030521642619311874222720604166;0.024972253052164262304701836115;0.276359600443951192172420405768;0.038290788013318532989615050610;0.021087680355160932921254612893;0.005549389567147613652742244028;0.019422863485016646917236116110;0.006659267480577136209818345236;0.015538290788013319268512368865;0.006659267480577136209818345236;0.008879023307436182191332285640;0.005549389567147613652742244028;0.018312985571587125227521752890;0.042730299667036626687366407396;0.011653718091009988150341669666;0.008879023307436182191332285640;0.019422863485016646917236116110;0.016093229744728078378646074498;0.002219755826859045547833071410;0.012208657047724750729922327253;0.004994450610432852807885062418;0.001109877913429522773916535705;0.024417314095449501459844654505;0.020532741398446172076397431283;0.018312985571587125227521752890;0.017203107658157603537807389671;0.092674805771365151296770079625;0.001109877913429522773916535705;0.018312985571587125227521752890;0.017758046614872364382664571281;0.011653718091009988150341669666;0.004439511653718091095666142820;0.006659267480577136209818345236;0.008324084350721421346475104031;0.019422863485016646917236116110;0.002219755826859045547833071410;0.006659267480577136209818345236;0.000000000000000000000000000000;0.003884572697003329817128092216;0.003884572697003329817128092216;0.023862375138734740614987472895;0.000000000000000000000000000000;0.012763596004439511574779508862;0.014983351831298556688931711278;0.012208657047724750729922327253;0.022197558268590454610968976112;0.010543840177580466460627306446;0.004439511653718091095666142820;0.011098779134295227305484488056
-0.013756613756613756890945232669;0.024867724867724868426099860130;0.024867724867724868426099860130;0.198412698412698401684295390623;0.056613756613756616165034074584;0.007407407407407407690103084974;0.006349206349206349200842147695;0.014285714285714285268213963320;0.005291005291005290711581210417;0.017460317460317460735996775156;0.015343915343915343757474900599;0.014814814814814815380206169948;0.007407407407407407690103084974;0.016402116402116400512012361901;0.040740740740740744030290443334;0.010582010582010581423162420833;0.009523809523809524668624959531;0.014285714285714285268213963320;0.025396825396825396803368590781;0.006878306878306878445472616335;0.011111111111111111535154627461;0.005820105820105819956211679056;0.003174603174603174600421073848;0.022751322751322751447577985573;0.018518518518518517490534236458;0.025396825396825396803368590781;0.013756613756613756890945232669;0.116402116402116395654786629166;0.004232804232804233089682011126;0.026455026455026453557906052083;0.008994708994708994556632752904;0.014814814814814815380206169948;0.007936507936507936067371815625;0.008994708994708994556632752904;0.006349206349206349200842147695;0.019047619047619049337249919063;0.004761904761904762334312479766;0.006349206349206349200842147695;0.000529100529100529136210251391;0.005291005291005290711581210417;0.007936507936507936067371815625;0.013227513227513226778953026042;0.000000000000000000000000000000;0.016931216931216932358728044505;0.038095238095238098674499838125;0.008994708994708994556632752904;0.020105820105820106091787380365;0.014814814814814815380206169948;0.007936507936507936067371815625;0.010582010582010581423162420833
-0.012169312169312170024415564740;0.035978835978835978226531011614;0.024338624338624340048831129479;0.146560846560846558261914651666;0.059259259259259261520824679792;0.013227513227513226778953026042;0.008994708994708994556632752904;0.031216931216931215892218531849;0.005291005291005290711581210417;0.017460317460317460735996775156;0.011640211640211639912423358112;0.015343915343915343757474900599;0.005820105820105819956211679056;0.018518518518518517490534236458;0.052910052910052907115812104166;0.014285714285714285268213963320;0.008465608465608466179364022253;0.015343915343915343757474900599;0.025396825396825396803368590781;0.004232804232804233089682011126;0.013756613756613756890945232669;0.005291005291005290711581210417;0.003174603174603174600421073848;0.020634920634920634469056111016;0.018518518518518517490534236458;0.017989417989417989113265505807;0.019576719576719577714518649714;0.106878306878306877925055573542;0.003703703703703703845051542487;0.028042328042328042159159195990;0.008994708994708994556632752904;0.018518518518518517490534236458;0.009523809523809524668624959531;0.011111111111111111535154627461;0.005820105820105819956211679056;0.015873015873015872134743631250;0.004232804232804233089682011126;0.007407407407407407690103084974;0.001058201058201058272420502782;0.003703703703703703845051542487;0.010052910052910053045893690182;0.016402116402116400512012361901;0.000000000000000000000000000000;0.017460317460317460735996775156;0.034391534391534389625277867708;0.013227513227513226778953026042;0.021164021164021162846324841667;0.014814814814814815380206169948;0.012698412698412698401684295391;0.009523809523809524668624959531
-0.018066847335140016894694525718;0.026196928635953027619809319049;0.028455284552845527129560920798;0.299457994579945818713895278051;0.058265582655826556046640973818;0.013550135501355014405744370265;0.006775067750677507202872185132;0.019873532068654019278053368680;0.007678410117434507527189868625;0.011291779584462511426545816562;0.006775067750677507202872185132;0.011743450767841012022385527303;0.007678410117434507527189868625;0.009033423667570008447347262859;0.035682023486901533193549340695;0.012195121951219512618225238043;0.008130081300813008990391317354;0.017615176151761516298854814977;0.018066847335140016894694525718;0.004065040650406504495195658677;0.010840108401084010830706105821;0.005871725383920506011192763651;0.000903342366757000866418769736;0.021680216802168021661412211643;0.017615176151761516298854814977;0.015808491418247517384942923968;0.013550135501355014405744370265;0.069557362240289064003739838427;0.004516711833785004223673631429;0.026648599819331528215649029789;0.007226738934056006931350157885;0.016711833785004515107175393496;0.003613369467028003465675078942;0.007226738934056006931350157885;0.005420054200542005415353052911;0.021228545618789521065572500902;0.003161698283649503303516237196;0.008130081300813008990391317354;0.000903342366757000866418769736;0.010840108401084010830706105821;0.007678410117434507527189868625;0.009485094850948509043186973599;0.000000000000000000000000000000;0.015356820234869015054379737251;0.022131887985546522257251922383;0.009936766034327009639026684340;0.016711833785004515107175393496;0.011291779584462511426545816562;0.006323396567299006607032474392;0.009033423667570008447347262859
-0.013998782714546560354551552052;0.032866707242848444692207010576;0.018867924528301886072378934500;0.301278149726110777706367116480;0.062081558125380402468618257217;0.015824710894704809016619861950;0.005477784540474741649396239751;0.015216068167985392217689266658;0.004869141813755325717827382448;0.008520998174071819572517050290;0.010346926354230066499861884211;0.026780279975654290580688865475;0.003043213633597078356801679533;0.010346926354230066499861884211;0.033475349969567864960584557821;0.010955569080949483298792479502;0.003651856360316494288370536836;0.015216068167985392217689266658;0.017041996348143639145034100579;0.002434570906877662858913691224;0.009738283627510651435654764896;0.002434570906877662858913691224;0.001217285453438831429456845612;0.015824710894704809016619861950;0.021302495435179549798654363713;0.012781497261107730226137313423;0.014607425441265977153482147344;0.092513694461351186903996790534;0.002434570906877662858913691224;0.029823493609251371105894889979;0.026780279975654290580688865475;0.015824710894704809016619861950;0.004869141813755325717827382448;0.004260499087035909786258525145;0.005477784540474741649396239751;0.012781497261107730226137313423;0.004260499087035909786258525145;0.009129640900791236371447645581;0.000608642726719415714728422806;0.003043213633597078356801679533;0.012172854534388313427206718131;0.006086427267194156713603359066;0.000000000000000000000000000000;0.011564211807668898362999598817;0.021302495435179549798654363713;0.011564211807668898362999598817;0.017041996348143639145034100579;0.006086427267194156713603359066;0.006695069993913572645172216369;0.005477784540474741649396239751
-0.008385744234800839025378849101;0.036338225017470297817379076832;0.013277428371767993967034193759;0.283018867924528294555130969457;0.078266946191474492944273322337;0.009084556254367574454344769208;0.004891684136967155809017082646;0.020265548567435360399757726668;0.002096436058700209756344712275;0.008385744234800839025378849101;0.006289308176100629269034136826;0.023759608665269042748757755135;0.005590496156533892105344740742;0.009783368273934311618034165292;0.042627533193570932290583641588;0.008385744234800839025378849101;0.010482180293501048781723561376;0.018169112508735148908689538416;0.017470300489168415214447094286;0.000698812019566736513168092593;0.010482180293501048781723561376;0.009084556254367574454344769208;0.001397624039133473026336185185;0.013976240391334731130723589843;0.016072676450034940887068302118;0.006289308176100629269034136826;0.013277428371767993967034193759;0.127183787561146038891379816960;0.002096436058700209756344712275;0.027253668763102725097757783601;0.030747728860936407446757812068;0.011180992313067784210689481483;0.005590496156533892105344740742;0.003494060097833682782680897461;0.001397624039133473026336185185;0.013976240391334731130723589843;0.001397624039133473026336185185;0.006289308176100629269034136826;0.000000000000000000000000000000;0.005590496156533892105344740742;0.004891684136967155809017082646;0.012578616352201258538068273651;0.000000000000000000000000000000;0.010482180293501048781723561376;0.026554856743535987934068387517;0.005590496156533892105344740742;0.006988120195667365565361794921;0.007686932215234101861689453017;0.004192872117400419512689424550;0.006988120195667365565361794921
-0.007256894049346879725648218340;0.036284470246734396026155877735;0.014513788098693759451296436680;0.318577648766327992113644995698;0.080551523947750364174069659384;0.012336719883889695273393449781;0.003628447024673439862824109170;0.011611030478955007214092454149;0.002902757619738751803523113537;0.010885341074020319154791458516;0.005079825834542815547745231441;0.012336719883889695273393449781;0.003628447024673439862824109170;0.008708272859216254976888471617;0.039912917271407839792107807853;0.010885341074020319154791458516;0.008708272859216254976888471617;0.013062409288824383332694445414;0.018867924528301886072378934500;0.002177068214804063744222117904;0.007256894049346879725648218340;0.007982583454281566917587475984;0.000000000000000000000000000000;0.017416545718432509953776943235;0.010885341074020319154791458516;0.011611030478955007214092454149;0.007982583454281566917587475984;0.134252539912917273623449432307;0.003628447024673439862824109170;0.030478955007256895021194864626;0.017416545718432509953776943235;0.004354136429608127488444235809;0.003628447024673439862824109170;0.005079825834542815547745231441;0.001451378809869375901761556769;0.012336719883889695273393449781;0.005079825834542815547745231441;0.005805515239477503607046227074;0.000725689404934687950880778384;0.002177068214804063744222117904;0.008708272859216254976888471617;0.010159651669085631095490462883;0.000000000000000000000000000000;0.013062409288824383332694445414;0.020319303338171262190980925766;0.006531204644412191666347222707;0.012336719883889695273393449781;0.002902757619738751803523113537;0.007256894049346879725648218340;0.007256894049346879725648218340
-0.013227513227513226778953026042;0.011243386243386242762110072135;0.013227513227513226778953026042;0.298941798941798952959914004168;0.125000000000000000000000000000;0.027116402116402114896853703385;0.003306878306878306694738256510;0.015211640211640210795795979948;0.011243386243386242762110072135;0.011243386243386242762110072135;0.007275132275132274728424164323;0.034391534391534389625277867708;0.010582010582010581423162420833;0.011904761904761904101057723437;0.023148148148148146863167795573;0.014550264550264549456848328646;0.008597883597883597406319466927;0.014550264550264549456848328646;0.015873015873015872134743631250;0.001984126984126984016842953906;0.009259259259259258745267118229;0.012566137566137565440005374739;0.000661375661375661338947651302;0.015873015873015872134743631250;0.011904761904761904101057723437;0.014550264550264549456848328646;0.015211640211640210795795979948;0.021164021164021162846324841667;0.001984126984126984016842953906;0.052910052910052907115812104166;0.027116402116402114896853703385;0.012566137566137565440005374739;0.006613756613756613389476513021;0.005952380952380952050528861719;0.003306878306878306694738256510;0.013227513227513226778953026042;0.003306878306878306694738256510;0.011243386243386242762110072135;0.001322751322751322677895302604;0.006613756613756613389476513021;0.005952380952380952050528861719;0.009259259259259258745267118229;0.000000000000000000000000000000;0.011904761904761904101057723437;0.007275132275132274728424164323;0.008597883597883597406319466927;0.015873015873015872134743631250;0.009920634920634920084214769531;0.002645502645502645355790605208;0.008597883597883597406319466927
-0.011879804332634521374378877567;0.020964360587002097563447122752;0.018867924528301886072378934500;0.358490566037735824966858899643;0.075471698113207544289515738001;0.017470300489168415214447094286;0.004891684136967155809017082646;0.007686932215234101861689453017;0.006289308176100629269034136826;0.014675052410901468294412985927;0.009084556254367574454344769208;0.026554856743535987934068387517;0.007686932215234101861689453017;0.011879804332634521374378877567;0.020964360587002097563447122752;0.009783368273934311618034165292;0.006988120195667365565361794921;0.013976240391334731130723589843;0.013277428371767993967034193759;0.000698812019566736513168092593;0.007686932215234101861689453017;0.004192872117400419512689424550;0.000698812019566736513168092593;0.017470300489168415214447094286;0.018169112508735148908689538416;0.014675052410901468294412985927;0.010482180293501048781723561376;0.068483577917540186530409584975;0.004891684136967155809017082646;0.039133473095737246472136661168;0.017470300489168415214447094286;0.004891684136967155809017082646;0.002795248078266946052672370371;0.004891684136967155809017082646;0.004891684136967155809017082646;0.016771488469601678050757698202;0.002795248078266946052672370371;0.004891684136967155809017082646;0.002096436058700209756344712275;0.003494060097833682782680897461;0.004891684136967155809017082646;0.010482180293501048781723561376;0.000000000000000000000000000000;0.011180992313067784210689481483;0.018867924528301886072378934500;0.009783368273934311618034165292;0.013976240391334731130723589843;0.009783368273934311618034165292;0.005590496156533892105344740742;0.006988120195667365565361794921
-0.016339869281045752563708006733;0.011982570806100217505885119351;0.015795206971677560464639711313;0.387254901960784325698483598899;0.075163398692810454160273536672;0.014161220043572984167434825054;0.008169934640522876281854003366;0.015250544662309368365571415893;0.007625272331154684182785707947;0.010348583877995642943403709069;0.005446623093681917521236002244;0.029411764705882352533006240947;0.005446623093681917521236002244;0.010893246187363835042472004488;0.020697167755991285886807418137;0.019607843137254901688670827298;0.010893246187363835042472004488;0.008714596949891068380922298786;0.012527233115468409604953414771;0.004901960784313725422167706824;0.008714596949891068380922298786;0.005446623093681917521236002244;0.001089324618736383547615287348;0.014705882352941176266503120473;0.016339869281045752563708006733;0.015795206971677560464639711313;0.012527233115468409604953414771;0.045751633986928101627267295726;0.002178649237472767095230574697;0.028867102396514160433937945527;0.017429193899782136761844597572;0.013616557734204793803090005611;0.003812636165577342091392853973;0.007080610021786492083717412527;0.004901960784313725422167706824;0.015250544662309368365571415893;0.003812636165577342091392853973;0.008169934640522876281854003366;0.001089324618736383547615287348;0.004901960784313725422167706824;0.005446623093681917521236002244;0.004901960784313725422167706824;0.000000000000000000000000000000;0.011437908496732025406816823931;0.007080610021786492083717412527;0.010348583877995642943403709069;0.012527233115468409604953414771;0.009259259259259258745267118229;0.008169934640522876281854003366;0.008714596949891068380922298786
-0.021470396877033181420868501732;0.010409889394925179659234792950;0.017566688353936238398134150884;0.413793103448275856326432631249;0.094990240728692262872634444193;0.011711125569290825598756100590;0.003903708523096942155372612859;0.007156798959011060473622833911;0.006506180871828236636500442103;0.010409889394925179659234792950;0.005855562784645412799378050295;0.027325959661678594220246552027;0.005855562784645412799378050295;0.014964216005204944784368059629;0.017566688353936238398134150884;0.014313597918022120947245667821;0.003253090435914118318250221051;0.009108653220559531984990009335;0.012361743656473649435878492397;0.001301236174365647457404349119;0.010409889394925179659234792950;0.003253090435914118318250221051;0.000650618087182823728702174559;0.012361743656473649435878492397;0.011711125569290825598756100590;0.017566688353936238398134150884;0.007807417046193884310745225719;0.026675341574495772117847636196;0.003253090435914118318250221051;0.033832140533506832591470470106;0.022771633051398829095113285348;0.008458035133376708147867617527;0.001951854261548471077686306430;0.003253090435914118318250221051;0.003253090435914118318250221051;0.018867924528301886072378934500;0.003253090435914118318250221051;0.007807417046193884310745225719;0.000650618087182823728702174559;0.004554326610279765992495004667;0.001951854261548471077686306430;0.009759271307742355822112401142;0.000000000000000000000000000000;0.009759271307742355822112401142;0.007807417046193884310745225719;0.013662979830839297110123276013;0.016265452179570590723889367268;0.007807417046193884310745225719;0.009108653220559531984990009335;0.011711125569290825598756100590
-0.020202020202020203737403036826;0.026374859708193042900914448978;0.040404040404040407474806073651;0.083613916947250274680492054813;0.028619528619528621093959230848;0.040404040404040407474806073651;0.002805836139169472307625108343;0.014029180695847362839168148696;0.040965207631874299420982055153;0.020202020202020203737403036826;0.007856341189674523675656736543;0.062850729517396189405253892346;0.006172839506172839163511412153;0.017957351290684625544358254956;0.019640852974186308321780103370;0.017396184062850730128735321500;0.016273849607182939297489454589;0.020763187429854095683579018328;0.009539842873176206453078584957;0.002805836139169472307625108343;0.006172839506172839163511412153;0.017396184062850730128735321500;0.001683501683501683427943151905;0.029741863075196408455758145806;0.024130190796857464707869667109;0.021324354657687991099201951783;0.017396184062850730128735321500;0.062850729517396189405253892346;0.001683501683501683427943151905;0.055555555555555552471602709375;0.029741863075196408455758145806;0.016835016835016834713112388044;0.006734006734006733711772607620;0.007295173961840628260033803087;0.003928170594837261837828368272;0.021885521885521886514824885239;0.008417508417508417356556194022;0.012345679012345678327022824305;0.010662177328843995549600975892;0.007295173961840628260033803087;0.003928170594837261837828368272;0.043209876543209874144579885069;0.000000000000000000000000000000;0.020202020202020203737403036826;0.002805836139169472307625108343;0.011784511784511784646123366826;0.021324354657687991099201951783;0.018518518518518517490534236458;0.007295173961840628260033803087;0.008978675645342312772179127478
-0.025054466230936819209906829542;0.010893246187363835042472004488;0.025054466230936819209906829542;0.194444444444444447528397290625;0.090413943355119819056398000612;0.025599128540305011308975124962;0.003267973856209150426005427548;0.011437908496732025406816823931;0.022875816993464050813633647863;0.012527233115468409604953414771;0.011982570806100217505885119351;0.039215686274509803377341654596;0.009803921568627450844335413649;0.020697167755991285886807418137;0.015250544662309368365571415893;0.023420479302832242912701943283;0.017973856209150325391465941038;0.020152505446623093787739122718;0.012527233115468409604953414771;0.007625272331154684182785707947;0.014705882352941176266503120473;0.012527233115468409604953414771;0.003812636165577342091392853973;0.023420479302832242912701943283;0.029956427015250544632074536366;0.015250544662309368365571415893;0.011437908496732025406816823931;0.027233115468409587606180011221;0.002723311546840958760618001122;0.049564270152505446320745363664;0.025054466230936819209906829542;0.013071895424836601704021710191;0.002723311546840958760618001122;0.009259259259259258745267118229;0.007625272331154684182785707947;0.020152505446623093787739122718;0.004357298474945534190461149393;0.009803921568627450844335413649;0.000544662309368191773807643674;0.006535947712418300852010855095;0.002723311546840958760618001122;0.020697167755991285886807418137;0.000000000000000000000000000000;0.010893246187363835042472004488;0.016339869281045752563708006733;0.012527233115468409604953414771;0.015250544662309368365571415893;0.011982570806100217505885119351;0.009803921568627450844335413649;0.009803921568627450844335413649
-0.029956427015250544632074536366;0.019607843137254901688670827298;0.030501089324618736731142831786;0.154139433551198246075131237376;0.069716775599128547047378390289;0.031590413943355120929279422626;0.002178649237472767095230574697;0.015795206971677560464639711313;0.023420479302832242912701943283;0.017973856209150325391465941038;0.011982570806100217505885119351;0.044662309368191724368024608793;0.009259259259259258745267118229;0.022875816993464050813633647863;0.015795206971677560464639711313;0.025599128540305011308975124962;0.015795206971677560464639711313;0.026688453159041395507111715801;0.009259259259259258745267118229;0.003812636165577342091392853973;0.009259259259259258745267118229;0.010893246187363835042472004488;0.003812636165577342091392853973;0.019063180827886709589602531878;0.038671023965141611278273359176;0.026688453159041395507111715801;0.020152505446623093787739122718;0.034858387799564273523689195144;0.001633986928104575213002713774;0.030501089324618736731142831786;0.027233115468409587606180011221;0.014161220043572984167434825054;0.004357298474945534190461149393;0.005991285403050108752942559676;0.008169934640522876281854003366;0.020152505446623093787739122718;0.002723311546840958760618001122;0.009259259259259258745267118229;0.005446623093681917521236002244;0.007625272331154684182785707947;0.005991285403050108752942559676;0.011437908496732025406816823931;0.000000000000000000000000000000;0.013071895424836601704021710191;0.008169934640522876281854003366;0.016884531590413944662776302152;0.016339869281045752563708006733;0.021786492374727670084944008977;0.009803921568627450844335413649;0.015250544662309368365571415893
-0.028058361391694725678336297392;0.019079685746352412906157169914;0.036475869809203143034892491414;0.157126823793490466574240826958;0.066217732884399554960097589174;0.031986531986531986648802927675;0.005050505050505050934350759206;0.018518518518518517490534236458;0.020763187429854095683579018328;0.013468013468013467423545215240;0.011223344556677889230500433371;0.039842873176206508589736188242;0.006734006734006733711772607620;0.026374859708193042900914448978;0.017396184062850730128735321500;0.030864197530864195817557060764;0.017396184062850730128735321500;0.016835016835016834713112388044;0.009539842873176206453078584957;0.005611672278338944615250216685;0.014590347923681256520067606175;0.016835016835016834713112388044;0.002805836139169472307625108343;0.018518518518518517490534236458;0.025252525252525252069668582067;0.021324354657687991099201951783;0.016835016835016834713112388044;0.029180695847362513040135212350;0.001683501683501683427943151905;0.034792368125701460257470643000;0.043771043771043773029649770478;0.013468013468013467423545215240;0.003367003367003366855886303810;0.005050505050505050934350759206;0.008417508417508417356556194022;0.026936026936026934847090430480;0.003367003367003366855886303810;0.012906846240179573742645757761;0.004489337822671156386089563739;0.007856341189674523675656736543;0.003367003367003366855886303810;0.014590347923681256520067606175;0.000000000000000000000000000000;0.011784511784511784646123366826;0.011784511784511784646123366826;0.012345679012345678327022824305;0.019640852974186308321780103370;0.013468013468013467423545215240;0.008417508417508417356556194022;0.014590347923681256520067606175
-0.027777777777777776235801354687;0.016884531590413944662776302152;0.028322440087145968334869650107;0.157407407407407412547328817709;0.053921568627450983113291727022;0.019063180827886709589602531878;0.006535947712418300852010855095;0.020152505446623093787739122718;0.020697167755991285886807418137;0.020152505446623093787739122718;0.009259259259259258745267118229;0.025054466230936819209906829542;0.008169934640522876281854003366;0.016884531590413944662776302152;0.031590413943355120929279422626;0.021786492374727670084944008977;0.007625272331154684182785707947;0.014161220043572984167434825054;0.014705882352941176266503120473;0.003267973856209150426005427548;0.014161220043572984167434825054;0.009803921568627450844335413649;0.004901960784313725422167706824;0.022875816993464050813633647863;0.029411764705882352533006240947;0.028867102396514160433937945527;0.020697167755991285886807418137;0.080610021786492375150956490870;0.002178649237472767095230574697;0.029411764705882352533006240947;0.021241830065359477985875713557;0.011982570806100217505885119351;0.006535947712418300852010855095;0.007080610021786492083717412527;0.008714596949891068380922298786;0.019607843137254901688670827298;0.008169934640522876281854003366;0.013071895424836601704021710191;0.008714596949891068380922298786;0.007625272331154684182785707947;0.007080610021786492083717412527;0.017973856209150325391465941038;0.000000000000000000000000000000;0.015795206971677560464639711313;0.011982570806100217505885119351;0.013071895424836601704021710191;0.018518518518518517490534236458;0.018518518518518517490534236458;0.008714596949891068380922298786;0.009259259259259258745267118229
-0.017250673854447440974668737113;0.036657681940700806433319769440;0.040970350404312669279072167683;0.156873315363881410400281879447;0.044743935309973045799658564192;0.012938005390835579863639814846;0.005390835579514825087743545851;0.018867924528301886072378934500;0.011859838274932614152201715285;0.017789757412398920360940834939;0.008625336927223720487334368556;0.009164420485175201608329942360;0.007547169811320754775896268995;0.016172506738544475263230637552;0.027493261455525604824989827080;0.012938005390835579863639814846;0.029649595687331536247866026201;0.051752021563342319454559259384;0.010242587601078167319768041921;0.002156334231805930121833592139;0.005929919137466307076100857643;0.011859838274932614152201715285;0.001617250673854447482954976856;0.021563342318059300350974183402;0.024797843665768194015841530131;0.020485175202156334639536083841;0.023719676549865228304403430570;0.094339622641509440770235528362;0.004312668463611860243667184278;0.011320754716981131296482665505;0.010242587601078167319768041921;0.018867924528301886072378934500;0.003234501347708894965909953712;0.005929919137466307076100857643;0.009703504043126684464048992140;0.040970350404312669279072167683;0.003234501347708894965909953712;0.005929919137466307076100857643;0.000000000000000000000000000000;0.005929919137466307076100857643;0.008625336927223720487334368556;0.022102425876010783206693233183;0.000000000000000000000000000000;0.018328840970350403216659884720;0.012938005390835579863639814846;0.013477088948787062719358864626;0.028571428571428570536427926640;0.014016172506738543840354438430;0.007547169811320754775896268995;0.011320754716981131296482665505
-0.014705882352941176266503120473;0.043572984749455340169888017954;0.040305010893246187575478245435;0.112745098039215688179304208916;0.037581699346405227080136768336;0.015250544662309368365571415893;0.004901960784313725422167706824;0.020152505446623093787739122718;0.017429193899782136761844597572;0.021241830065359477985875713557;0.005991285403050108752942559676;0.014161220043572984167434825054;0.005991285403050108752942559676;0.019063180827886709589602531878;0.039760348583877995476409950015;0.014161220043572984167434825054;0.025599128540305011308975124962;0.056644880174291936669739300214;0.013616557734204793803090005611;0.006535947712418300852010855095;0.013616557734204793803090005611;0.010893246187363835042472004488;0.006535947712418300852010855095;0.027233115468409587606180011221;0.017429193899782136761844597572;0.016884531590413944662776302152;0.028322440087145968334869650107;0.059912854030501089264149072733;0.003267973856209150426005427548;0.021241830065359477985875713557;0.014161220043572984167434825054;0.023965141612200435011770238702;0.005446623093681917521236002244;0.008714596949891068380922298786;0.003812636165577342091392853973;0.038671023965141611278273359176;0.005991285403050108752942559676;0.004901960784313725422167706824;0.003812636165577342091392853973;0.008169934640522876281854003366;0.013071895424836601704021710191;0.026688453159041395507111715801;0.000000000000000000000000000000;0.013071895424836601704021710191;0.023965141612200435011770238702;0.013616557734204793803090005611;0.020697167755991285886807418137;0.015795206971677560464639711313;0.007625272331154684182785707947;0.013071895424836601704021710191
-0.013131313131313130868060845557;0.033333333333333332870740406406;0.056565656565656569076949722330;0.085858585858585856342983788636;0.022222222222222223070309254922;0.018181818181818180935049866775;0.007070707070707071134618715291;0.019696969696969695434729530348;0.016161616161616161602143648679;0.028282828282828284538474861165;0.011616161616161616368381181985;0.008080808080808080801071824339;0.007575757575757575967845269815;0.025252525252525252069668582067;0.034848484848484850839867021932;0.013636363636363635701287400082;0.047474747474747475139977836989;0.061616161616161617409215267571;0.014141414141414142269237430583;0.008080808080808080801071824339;0.012121212121212121201607736509;0.007070707070707071134618715291;0.004040404040404040400535912170;0.026262626262626261736121691115;0.014646464646464647102463985107;0.016666666666666666435370203203;0.024242424242424242403215473018;0.073232323232323232042872973580;0.002020202020202020200267956085;0.017676767676767676101823312251;0.010606060606060606701928072937;0.033838383838383841173413912884;0.005050505050505050934350759206;0.008585858585858585634298378864;0.008080808080808080801071824339;0.055050505050505051107823106804;0.004545454545454545233762466694;0.007070707070707071134618715291;0.000505050505050505050066989021;0.004545454545454545233762466694;0.011616161616161616368381181985;0.022222222222222223070309254922;0.000000000000000000000000000000;0.012121212121212121201607736509;0.017676767676767676101823312251;0.012626262626262626034834291033;0.025757575757575756902895136591;0.011616161616161616368381181985;0.008080808080808080801071824339;0.009595959595959595300751487912
-0.016931216931216932358728044505;0.007936507936507936067371815625;0.050264550264550261760021498958;0.231746031746031755371717508751;0.049206349206349205005484037656;0.018518518518518517490534236458;0.003703703703703703845051542487;0.013227513227513226778953026042;0.023280423280423279824846716224;0.019576719576719577714518649714;0.013227513227513226778953026042;0.013756613756613756890945232669;0.008994708994708994556632752904;0.015873015873015872134743631250;0.021164021164021162846324841667;0.010052910052910053045893690182;0.036507936507936510073246694219;0.047089947089947091496409115052;0.010582010582010581423162420833;0.003174603174603174600421073848;0.005291005291005290711581210417;0.014814814814814815380206169948;0.003703703703703703845051542487;0.024867724867724868426099860130;0.017989417989417989113265505807;0.020634920634920634469056111016;0.012698412698412698401684295391;0.034391534391534389625277867708;0.004232804232804233089682011126;0.028042328042328042159159195990;0.006878306878306878445472616335;0.018518518518518517490534236458;0.005291005291005290711581210417;0.008994708994708994556632752904;0.005820105820105819956211679056;0.033333333333333332870740406406;0.005291005291005290711581210417;0.007407407407407407690103084974;0.004761904761904762334312479766;0.005291005291005290711581210417;0.007407407407407407690103084974;0.012698412698412698401684295391;0.000000000000000000000000000000;0.016402116402116400512012361901;0.020634920634920634469056111016;0.010582010582010581423162420833;0.019576719576719577714518649714;0.011640211640211639912423358112;0.008994708994708994556632752904;0.008994708994708994556632752904
-0.011982570806100217505885119351;0.022331154684095862184012304397;0.025599128540305011308975124962;0.287581699346405206263455056614;0.055555555555555552471602709375;0.013616557734204793803090005611;0.004901960784313725422167706824;0.013616557734204793803090005611;0.007625272331154684182785707947;0.019063180827886709589602531878;0.009259259259259258745267118229;0.015795206971677560464639711313;0.007625272331154684182785707947;0.017429193899782136761844597572;0.033769063180827889325552604305;0.014161220043572984167434825054;0.011437908496732025406816823931;0.013071895424836601704021710191;0.014705882352941176266503120473;0.002178649237472767095230574697;0.007625272331154684182785707947;0.004357298474945534190461149393;0.001633986928104575213002713774;0.027777777777777776235801354687;0.019063180827886709589602531878;0.015795206971677560464639711313;0.016339869281045752563708006733;0.084422657952069712905540654901;0.001633986928104575213002713774;0.034858387799564273523689195144;0.009803921568627450844335413649;0.015250544662309368365571415893;0.004901960784313725422167706824;0.008714596949891068380922298786;0.006535947712418300852010855095;0.019063180827886709589602531878;0.001089324618736383547615287348;0.005991285403050108752942559676;0.001089324618736383547615287348;0.007080610021786492083717412527;0.009259259259259258745267118229;0.008169934640522876281854003366;0.000000000000000000000000000000;0.014705882352941176266503120473;0.023965141612200435011770238702;0.012527233115468409604953414771;0.014161220043572984167434825054;0.007625272331154684182785707947;0.004901960784313725422167706824;0.010348583877995642943403709069
-0.013468013468013467423545215240;0.037037037037037034981068472916;0.053310886644219977748004879459;0.104377104377104373833518025094;0.029741863075196408455758145806;0.006172839506172839163511412153;0.007295173961840628260033803087;0.023007856341189673876623800197;0.028058361391694725678336297392;0.017957351290684625544358254956;0.009539842873176206453078584957;0.015151515151515151935690539631;0.006172839506172839163511412153;0.021324354657687991099201951783;0.040404040404040407474806073651;0.014590347923681256520067606175;0.049943883277216612193161182631;0.058361391694725026080270424700;0.012345679012345678327022824305;0.008978675645342312772179127478;0.013468013468013467423545215240;0.005611672278338944615250216685;0.001683501683501683427943151905;0.025813692480359147485291515522;0.012345679012345678327022824305;0.020202020202020203737403036826;0.021324354657687991099201951783;0.076879910213243543570804661158;0.001683501683501683427943151905;0.007856341189674523675656736543;0.013468013468013467423545215240;0.026936026936026934847090430480;0.005611672278338944615250216685;0.004489337822671156386089563739;0.007295173961840628260033803087;0.046015712682379347753247600394;0.009539842873176206453078584957;0.005611672278338944615250216685;0.000000000000000000000000000000;0.005050505050505050934350759206;0.008978675645342312772179127478;0.024691358024691356654045648611;0.000000000000000000000000000000;0.018518518518518517490534236458;0.016835016835016834713112388044;0.009539842873176206453078584957;0.022446689113355778461000866741;0.011784511784511784646123366826;0.010662177328843995549600975892;0.008417508417508417356556194022
-0.011437908496732025406816823931;0.045206971677559909528199000306;0.038671023965141611278273359176;0.108932461873638350424720044884;0.030501089324618736731142831786;0.013071895424836601704021710191;0.006535947712418300852010855095;0.023420479302832242912701943283;0.022331154684095862184012304397;0.020697167755991285886807418137;0.008714596949891068380922298786;0.014705882352941176266503120473;0.007080610021786492083717412527;0.022875816993464050813633647863;0.038671023965141611278273359176;0.011982570806100217505885119351;0.029956427015250544632074536366;0.047930283224400870023540477405;0.015795206971677560464639711313;0.007080610021786492083717412527;0.013071895424836601704021710191;0.011982570806100217505885119351;0.005446623093681917521236002244;0.025599128540305011308975124962;0.017429193899782136761844597572;0.015795206971677560464639711313;0.021786492374727670084944008977;0.084967320261437911943502854228;0.002178649237472767095230574697;0.023965141612200435011770238702;0.013616557734204793803090005611;0.031590413943355120929279422626;0.005446623093681917521236002244;0.003812636165577342091392853973;0.008714596949891068380922298786;0.036492374727668842882000177497;0.005446623093681917521236002244;0.007080610021786492083717412527;0.003267973856209150426005427548;0.009259259259259258745267118229;0.013071895424836601704021710191;0.021241830065359477985875713557;0.000000000000000000000000000000;0.013071895424836601704021710191;0.023965141612200435011770238702;0.010348583877995642943403709069;0.019607843137254901688670827298;0.013616557734204793803090005611;0.006535947712418300852010855095;0.005991285403050108752942559676
-0.009523809523809524668624959531;0.041269841269841268938112222031;0.028571428571428570536427926640;0.143915343915343912906124046458;0.041269841269841268938112222031;0.011640211640211639912423358112;0.004232804232804233089682011126;0.022222222222222223070309254922;0.007936507936507936067371815625;0.022751322751322751447577985573;0.013756613756613756890945232669;0.015343915343915343757474900599;0.007407407407407407690103084974;0.016402116402116400512012361901;0.056613756613756616165034074584;0.013227513227513226778953026042;0.007936507936507936067371815625;0.022751322751322751447577985573;0.023809523809523808202115446875;0.003703703703703703845051542487;0.011111111111111111535154627461;0.006878306878306878445472616335;0.003703703703703703845051542487;0.027513227513227513781890465339;0.014285714285714285268213963320;0.018518518518518517490534236458;0.021693121693121694693040524271;0.128571428571428558740308289998;0.003703703703703703845051542487;0.031216931216931215892218531849;0.012169312169312170024415564740;0.018518518518518517490534236458;0.008994708994708994556632752904;0.004232804232804233089682011126;0.008994708994708994556632752904;0.018518518518518517490534236458;0.005291005291005290711581210417;0.008465608465608466179364022253;0.000529100529100529136210251391;0.004232804232804233089682011126;0.008994708994708994556632752904;0.018518518518518517490534236458;0.000000000000000000000000000000;0.012698412698412698401684295391;0.028571428571428570536427926640;0.009523809523809524668624959531;0.021693121693121694693040524271;0.012698412698412698401684295391;0.007936507936507936067371815625;0.007936507936507936067371815625
-0.016339869281045752563708006733;0.036492374727668842882000177497;0.026143790849673203408043420382;0.197712418300653586245019255330;0.044662309368191724368024608793;0.008169934640522876281854003366;0.005446623093681917521236002244;0.021786492374727670084944008977;0.005991285403050108752942559676;0.020152505446623093787739122718;0.013616557734204793803090005611;0.014161220043572984167434825054;0.005991285403050108752942559676;0.017973856209150325391465941038;0.052287581699346406816086840763;0.010893246187363835042472004488;0.009259259259259258745267118229;0.022875816993464050813633647863;0.032679738562091505127416013465;0.002178649237472767095230574697;0.009803921568627450844335413649;0.009259259259259258745267118229;0.002178649237472767095230574697;0.030501089324618736731142831786;0.017429193899782136761844597572;0.014705882352941176266503120473;0.025054466230936819209906829542;0.087690631808278865499950427420;0.001633986928104575213002713774;0.023420479302832242912701943283;0.012527233115468409604953414771;0.015795206971677560464639711313;0.011982570806100217505885119351;0.005991285403050108752942559676;0.007080610021786492083717412527;0.016884531590413944662776302152;0.008169934640522876281854003366;0.006535947712418300852010855095;0.000544662309368191773807643674;0.005446623093681917521236002244;0.010893246187363835042472004488;0.022331154684095862184012304397;0.000000000000000000000000000000;0.010893246187363835042472004488;0.017429193899782136761844597572;0.011982570806100217505885119351;0.017973856209150325391465941038;0.010348583877995642943403709069;0.010893246187363835042472004488;0.009803921568627450844335413649
-0.020583190394511150650425079789;0.036020583190394514505605627619;0.033161806746712409188493353440;0.120640365923384784707650396740;0.029731275014293883501848014816;0.017152658662092624963779741165;0.006861063464837049638567201271;0.022298456260720411759024273124;0.012578616352201258538068273651;0.022870211549456832128557337569;0.012578616352201258538068273651;0.014865637507146941750924007408;0.011435105774728416064278668784;0.014865637507146941750924007408;0.050314465408805034152273094605;0.009719839908519153220955999473;0.026300743281875357815202676193;0.042309891366495142039916288468;0.018867924528301886072378934500;0.006289308176100629269034136826;0.009148084619782732851422935028;0.006861063464837049638567201271;0.002858776443682104016069667196;0.026872498570611778184735740638;0.018867924528301886072378934500;0.021154945683247571019958144234;0.022870211549456832128557337569;0.107489994282447112738942962551;0.001715265866209262409641800318;0.018296169239565465702845870055;0.013150371640937678907601338096;0.021154945683247571019958144234;0.004574042309891366425711467514;0.006861063464837049638567201271;0.009148084619782732851422935028;0.037164093767867355244671756509;0.005717552887364208032139334392;0.006289308176100629269034136826;0.000571755288736420803213933439;0.004002287021154946056178403069;0.009719839908519153220955999473;0.025728987993138937445669611748;0.000000000000000000000000000000;0.014293882218410519646667466986;0.014865637507146941750924007408;0.016009148084619784224713612275;0.020583190394511150650425079789;0.012006861063464836433811733230;0.005145797598627787662606269947;0.007432818753573470875462003704
-0.015669515669515670514000404978;0.028490028490028490582020026523;0.039886039886039885427049256350;0.132478632478632479818614342548;0.075973409306742636926124134789;0.013295346628679961809016418783;0.006172839506172839163511412153;0.018993352326685659231531033697;0.010921177587844254838755908565;0.019468186134852800972527830936;0.010446343779677113097759111326;0.018518518518518517490534236458;0.006647673314339980904508209392;0.020892687559354226195518222653;0.040360873694207030637493005543;0.010921177587844254838755908565;0.028490028490028490582020026523;0.045109211775878441108567074025;0.016619183285849953995993999456;0.005698005698005698289876352902;0.005223171889838556548879555663;0.007597340930674264386501803870;0.001899335232668566096625450967;0.022792022792022793159505411609;0.015669515669515670514000404978;0.019468186134852800972527830936;0.026590693257359923618032837567;0.062203228869895536845557870720;0.006172839506172839163511412153;0.023741690408357076641499006087;0.017094017094017095736990796695;0.026590693257359923618032837567;0.004273504273504273934247699174;0.009021842355175687874768719610;0.005223171889838556548879555663;0.040835707502374168909042850828;0.005698005698005698289876352902;0.004273504273504273934247699174;0.000949667616334283048312725484;0.007597340930674264386501803870;0.009021842355175687874768719610;0.012820512820512820068019621544;0.000000000000000000000000000000;0.014719848053181387032006810500;0.022317188983855651418508614370;0.009971509971509971356762314088;0.021367521367521367936515019892;0.013295346628679961809016418783;0.008547008547008547868495398347;0.009971509971509971356762314088
-0.021642619311875693766111794503;0.038290788013318532989615050610;0.056048834628190900841726573844;0.092119866814650383513018994108;0.039400665926748054679329413830;0.010543840177580466460627306446;0.008324084350721421346475104031;0.033851276359600446230757597732;0.021087680355160932921254612893;0.019422863485016646917236116110;0.009433962264150943036189467250;0.016648168701442842692950208061;0.002774694783573806826371122014;0.012763596004439511574779508862;0.036625971143174250455043505781;0.012208657047724750729922327253;0.044395116537180909221937952225;0.074361820199778022599801374781;0.009988901220865705615770124837;0.005549389567147613652742244028;0.011653718091009988150341669666;0.008879023307436182191332285640;0.000554938956714761386958267853;0.023862375138734740614987472895;0.016093229744728078378646074498;0.018867924528301886072378934500;0.020532741398446172076397431283;0.083240843507214209995304088352;0.002219755826859045547833071410;0.009433962264150943036189467250;0.012763596004439511574779508862;0.022752497225305215455826157722;0.007769145394006659634256184432;0.008324084350721421346475104031;0.004994450610432852807885062418;0.038845726970033293834472232220;0.004994450610432852807885062418;0.007214206437291897922037264834;0.000554938956714761386958267853;0.003329633740288568104909172618;0.011098779134295227305484488056;0.015538290788013319268512368865;0.000000000000000000000000000000;0.012763596004439511574779508862;0.019977802441731411231540249673;0.013318534961154272419636690472;0.021087680355160932921254612893;0.009433962264150943036189467250;0.009988901220865705615770124837;0.014428412874583795844074529668
-0.012727272727272727695368992329;0.024242424242424242403215473018;0.035757575757575758845785429685;0.236969696969696969057750379761;0.039393939393939390869459060696;0.021212121212121213403856145874;0.005454545454545454974404350423;0.018787878787878787428811122595;0.020606060606060606910094890054;0.013333333333333334189130248149;0.006060606060606060600803868255;0.016969696969696971416974307090;0.016363636363636364923213051270;0.013939393939393938948168027991;0.023636363636363635909454217199;0.011515151515151514707846480690;0.040606060606060603856981572335;0.053333333333333336756520992594;0.005454545454545454974404350423;0.005454545454545454974404350423;0.003636363636363636360482320953;0.011515151515151514707846480690;0.003030303030303030300401934127;0.021818181818181819897617401693;0.024242424242424242403215473018;0.018181818181818180935049866775;0.011515151515151514707846480690;0.036969696969696971833307941324;0.001818181818181818180241160476;0.016363636363636364923213051270;0.009696969696969696961286189207;0.023636363636363635909454217199;0.005454545454545454974404350423;0.009090909090909090467524933388;0.010303030303030303455047445027;0.036363636363636361870099733551;0.001818181818181818180241160476;0.007272727272727272720964641906;0.007878787878787879214725897725;0.009090909090909090467524933388;0.003636363636363636360482320953;0.015151515151515151935690539631;0.000000000000000000000000000000;0.007272727272727272720964641906;0.010303030303030303455047445027;0.007272727272727272720964641906;0.023030303030303029415692961379;0.015757575757575758429451795450;0.010303030303030303455047445027;0.015757575757575758429451795450
-0.015216068167985392217689266658;0.009738283627510651435654764896;0.021302495435179549798654363713;0.353621424223980518330989752940;0.074863055386488130960032094663;0.018259281801582472742895291162;0.008520998174071819572517050290;0.016433353621424222346103505288;0.008520998174071819572517050290;0.013390139987827145290344432738;0.010955569080949483298792479502;0.014607425441265977153482147344;0.006086427267194156713603359066;0.018867924528301886072378934500;0.020693852708460132999723768421;0.007912355447352404508309930975;0.010955569080949483298792479502;0.009738283627510651435654764896;0.012781497261107730226137313423;0.003043213633597078356801679533;0.011564211807668898362999598817;0.007303712720632988576741073672;0.001825928180158247144185268418;0.025562994522215460452274626846;0.016433353621424222346103505288;0.012172854534388313427206718131;0.010346926354230066499861884211;0.068776628119293969909620045655;0.004260499087035909786258525145;0.027388922702373707379619460767;0.006086427267194156713603359066;0.010346926354230066499861884211;0.006086427267194156713603359066;0.008520998174071819572517050290;0.006695069993913572645172216369;0.008520998174071819572517050290;0.002434570906877662858913691224;0.003651856360316494288370536836;0.001217285453438831429456845612;0.009129640900791236371447645581;0.005477784540474741649396239751;0.010955569080949483298792479502;0.000000000000000000000000000000;0.008520998174071819572517050290;0.016433353621424222346103505288;0.009738283627510651435654764896;0.012781497261107730226137313423;0.014607425441265977153482147344;0.006086427267194156713603359066;0.011564211807668898362999598817
-0.014865637507146941750924007408;0.030303030303030303871381079261;0.016009148084619784224713612275;0.293882218410520312801281761494;0.080617495711835338023654173867;0.011435105774728416064278668784;0.001715265866209262409641800318;0.016580903373356204594246676720;0.009719839908519153220955999473;0.011435105774728416064278668784;0.006289308176100629269034136826;0.015437392795883362120457071853;0.005145797598627787662606269947;0.011435105774728416064278668784;0.038879359634076612883823997890;0.008004574042309892112356806138;0.012578616352201258538068273651;0.010863350485991995694745604339;0.025157232704402517076136547303;0.003430531732418524819283600635;0.013150371640937678907601338096;0.008576329331046312481889870583;0.005145797598627787662606269947;0.013722126929674099277134402541;0.011435105774728416064278668784;0.008004574042309892112356806138;0.012006861063464836433811733230;0.077186963979416808867561883289;0.007432818753573470875462003704;0.036020583190394514505605627619;0.016580903373356204594246676720;0.014865637507146941750924007408;0.006289308176100629269034136826;0.006289308176100629269034136826;0.006289308176100629269034136826;0.014865637507146941750924007408;0.006861063464837049638567201271;0.010291595197255575325212539894;0.000000000000000000000000000000;0.004574042309891366425711467514;0.003430531732418524819283600635;0.023441966838193252498090402014;0.000000000000000000000000000000;0.012578616352201258538068273651;0.015437392795883362120457071853;0.007432818753573470875462003704;0.013150371640937678907601338096;0.008004574042309892112356806138;0.009719839908519153220955999473;0.003430531732418524819283600635
-0.022102425876010783206693233183;0.022641509433962262592965331010;0.036657681940700806433319769440;0.104043126684636125234284520502;0.024797843665768194015841530131;0.021563342318059300350974183402;0.005929919137466307076100857643;0.025876010781671159727279629692;0.016711590296495958118949687332;0.024258760107816711160122480351;0.016172506738544475263230637552;0.028032345013477087680708876860;0.010242587601078167319768041921;0.032884097035040429912733372930;0.029110512129380053392146976421;0.025876010781671159727279629692;0.019946091644204851783817034061;0.025876010781671159727279629692;0.015094339622641509551792537991;0.003773584905660377387948134498;0.014016172506738543840354438430;0.009164420485175201608329942360;0.004312668463611860243667184278;0.026954177897574125438717729253;0.033962264150943395624171472491;0.025876010781671159727279629692;0.023719676549865228304403430570;0.041509433962264148665344265510;0.003773584905660377387948134498;0.015633423180592992407511587771;0.032345013477088950526461275103;0.019407008086253368928097984281;0.004312668463611860243667184278;0.008625336927223720487334368556;0.007008086253369271920177219215;0.026415094339622642582998679472;0.011320754716981131296482665505;0.012398921832884097007920765066;0.004851752021563342232024496070;0.010781671159029650175487091701;0.009703504043126684464048992140;0.014016172506738543840354438430;0.000000000000000000000000000000;0.017250673854447440974668737113;0.021024258760107817495255133622;0.011320754716981131296482665505;0.028571428571428570536427926640;0.021563342318059300350974183402;0.012398921832884097007920765066;0.016172506738544475263230637552
-0.036625971143174250455043505781;0.008324084350721421346475104031;0.032741398446170924541043234512;0.137069922308546060518708031850;0.012208657047724750729922327253;0.039400665926748054679329413830;0.003329633740288568104909172618;0.017758046614872364382664571281;0.009988901220865705615770124837;0.019977802441731411231540249673;0.018312985571587125227521752890;0.052719200887902328833689580279;0.012763596004439511574779508862;0.023307436182019976300683339332;0.011653718091009988150341669666;0.037735849056603772144757869000;0.011653718091009988150341669666;0.021642619311875693766111794503;0.014428412874583795844074529668;0.004439511653718091095666142820;0.009988901220865705615770124837;0.012208657047724750729922327253;0.004994450610432852807885062418;0.025527192008879023149559017725;0.043285238623751387532223589005;0.035516093229744728765329142561;0.018312985571587125227521752890;0.027192008879023309153577514508;0.000554938956714761386958267853;0.023307436182019976300683339332;0.042730299667036626687366407396;0.013318534961154272419636690472;0.004994450610432852807885062418;0.007214206437291897922037264834;0.013318534961154272419636690472;0.017203107658157603537807389671;0.007769145394006659634256184432;0.010543840177580466460627306446;0.002219755826859045547833071410;0.008879023307436182191332285640;0.005549389567147613652742244028;0.013318534961154272419636690472;0.000000000000000000000000000000;0.018867924528301886072378934500;0.009433962264150943036189467250;0.014428412874583795844074529668;0.023862375138734740614987472895;0.021087680355160932921254612893;0.021087680355160932921254612893;0.017203107658157603537807389671
-0.016409266409266407699130141395;0.013996138996138995924667369763;0.026544401544401543396878295766;0.192567567567567571318321029139;0.089768339768339769357829993623;0.029922779922779921962794347223;0.002413127413127413075505378615;0.013513513513513514263664205828;0.011583011583011582415481122155;0.016891891891891892829580257285;0.011583011583011582415481122155;0.020270270270270271395496308742;0.007239382239382239660197004838;0.018339768339768341282036701045;0.020270270270270271395496308742;0.015926640926640926038126977460;0.010135135135135135697748154371;0.020270270270270271395496308742;0.022200772200772201508955916438;0.004826254826254826151010757229;0.010135135135135135697748154371;0.013513513513513514263664205828;0.003861003861003861094280953381;0.023166023166023164830962244309;0.024131274131274131622415524134;0.017857142857142856151586585156;0.016891891891891892829580257285;0.044884169884169884678914996812;0.000965250965250965273570238345;0.062258687258687259169498418032;0.016891891891891892829580257285;0.013513513513513514263664205828;0.003861003861003861094280953381;0.007722007722007722188561906762;0.011583011583011582415481122155;0.019305019305019304604043028917;0.006756756756756757131832102914;0.009652509652509652302021514458;0.004826254826254826151010757229;0.014961389961389960981397173612;0.009169884169884170641018350523;0.009169884169884170641018350523;0.000000000000000000000000000000;0.015444015444015444377123813524;0.010617760617760617358751318307;0.012065637065637065811207762067;0.017857142857142856151586585156;0.011100386100386100754477958219;0.012065637065637065811207762067;0.011100386100386100754477958219
-0.014545454545454545441929283811;0.024848484848484848896976728838;0.025454545454545455390737984658;0.270909090909090932708380705662;0.080606060606060611628542744711;0.016363636363636364923213051270;0.005454545454545454974404350423;0.018181818181818180935049866775;0.006060606060606060600803868255;0.007878787878787879214725897725;0.010303030303030303455047445027;0.015151515151515151935690539631;0.009696969696969696961286189207;0.020606060606060606910094890054;0.032727272727272729846426102540;0.009696969696969696961286189207;0.010303030303030303455047445027;0.016363636363636364923213051270;0.016969696969696971416974307090;0.003636363636363636360482320953;0.009696969696969696961286189207;0.004242424242424242854243576772;0.004848484848484848480643094604;0.015757575757575758429451795450;0.015757575757575758429451795450;0.009696969696969696961286189207;0.016969696969696971416974307090;0.079393939393939391702126329164;0.003030303030303030300401934127;0.053939393939393939780835296460;0.015151515151515151935690539631;0.008484848484848485708487153545;0.006060606060606060600803868255;0.010303030303030303455047445027;0.009696969696969696961286189207;0.015757575757575758429451795450;0.002424242424242424240321547302;0.004242424242424242854243576772;0.001212121212121212120160773651;0.007878787878787879214725897725;0.003030303030303030300401934127;0.011515151515151514707846480690;0.000000000000000000000000000000;0.010909090909090909948808700847;0.010909090909090909948808700847;0.005454545454545454974404350423;0.021212121212121213403856145874;0.007272727272727272720964641906;0.010909090909090909948808700847;0.008484848484848485708487153545
-0.014285714285714285268213963320;0.017346938775510203911700557455;0.024489795918367345678445801127;0.230102040816326541827763207948;0.089285714285714287696826829688;0.036734693877551023721839129621;0.007142857142857142634106981660;0.013775510204081633028327935619;0.005102040816326530205115918903;0.009693877551020408170345810106;0.011224489795918366624727369185;0.026020408163265305867550836183;0.009693877551020408170345810106;0.010714285714285714384841341484;0.023979591836734693438559773426;0.010714285714285714384841341484;0.010204081632653060410231837807;0.015306122448979591482709494699;0.028571428571428570536427926640;0.003571428571428571317053490830;0.011734693877551020599336872863;0.010714285714285714384841341484;0.002551020408163265102557959452;0.013265306122448979053718431942;0.026020408163265305867550836183;0.015816326530612243722595522399;0.017346938775510203911700557455;0.064285714285714279370154144999;0.003061224489795918209805725141;0.069897959183673474825582161429;0.014795918367346939242823466998;0.010714285714285714384841341484;0.008163265306122449715964251027;0.006122448979591836419611450282;0.005102040816326530205115918903;0.014795918367346939242823466998;0.006122448979591836419611450282;0.001020408163265306214495531378;0.002040816326530612428991062757;0.010204081632653060410231837807;0.003571428571428571317053490830;0.012755102040816326813832404241;0.000000000000000000000000000000;0.005102040816326530205115918903;0.018877551020408164100805592511;0.010204081632653060410231837807;0.012755102040816326813832404241;0.005612244897959183312363684593;0.007653061224489795741354747349;0.011734693877551020599336872863
-0.034406215316315207075614779342;0.019422863485016646917236116110;0.046614872364039952601366678664;0.112097669256381801683453147689;0.013318534961154272419636690472;0.030521642619311874222720604166;0.001109877913429522773916535705;0.010543840177580466460627306446;0.017758046614872364382664571281;0.017758046614872364382664571281;0.012208657047724750729922327253;0.042175360710321865842509225786;0.016648168701442842692950208061;0.028301886792452830843291877727;0.023307436182019976300683339332;0.031631520532741395912434967386;0.016093229744728078378646074498;0.027192008879023309153577514508;0.007769145394006659634256184432;0.006659267480577136209818345236;0.009433962264150943036189467250;0.019422863485016646917236116110;0.010543840177580466460627306446;0.026082130965593783994416199334;0.034961154273029967920471960952;0.018312985571587125227521752890;0.016093229744728078378646074498;0.017203107658157603537807389671;0.003884572697003329817128092216;0.027746947835738069998434696117;0.019422863485016646917236116110;0.021642619311875693766111794503;0.014428412874583795844074529668;0.008879023307436182191332285640;0.020532741398446172076397431283;0.027746947835738069998434696117;0.007214206437291897922037264834;0.011653718091009988150341669666;0.003329633740288568104909172618;0.012208657047724750729922327253;0.002774694783573806826371122014;0.012208657047724750729922327253;0.000000000000000000000000000000;0.014428412874583795844074529668;0.013318534961154272419636690472;0.014983351831298556688931711278;0.025527192008879023149559017725;0.027192008879023309153577514508;0.023862375138734740614987472895;0.019422863485016646917236116110
-0.024528301886792454322705481218;0.010691823899371068543051599420;0.058490566037735849946876953709;0.001886792452830188693974067249;0.026415094339622642582998679472;0.031446540880503144610447208152;0.001886792452830188693974067249;0.015723270440251572305223604076;0.066666666666666665741480812812;0.011320754716981131296482665505;0.015094339622641509551792537991;0.044654088050314462432499595934;0.016352201257861635058654670161;0.035220125786163521131033604661;0.004402515723270440141379200583;0.024528301886792454322705481218;0.023270440251572325346396397094;0.027044025157232705336429745557;0.013836477987421384044930405821;0.008805031446540880282758401165;0.010062893081761005789620533335;0.037106918238993709391326802916;0.005660377358490565648241332752;0.026415094339622642582998679472;0.044025157232704399679068529849;0.025157232704402517076136547303;0.016352201257861635058654670161;0.008176100628930817529327335080;0.002515723270440251447405133334;0.025157232704402517076136547303;0.035849056603773583884464670746;0.020125786163522011579241066670;0.005031446540880502894810266667;0.008805031446540880282758401165;0.016981132075471697812085736246;0.036477987421383646637895736831;0.005660377358490565648241332752;0.009433962264150943036189467250;0.006289308176100629269034136826;0.016352201257861635058654670161;0.002515723270440251447405133334;0.049685534591194971398842028520;0.000000000000000000000000000000;0.015723270440251572305223604076;0.001257861635220125723702566667;0.011949685534591195784637207566;0.028930817610062893596722943812;0.030188679245283019103585075982;0.020125786163522011579241066670;0.015723270440251572305223604076
-0.047930283224400870023540477405;0.004901960784313725422167706824;0.041394335511982571773614836275;0.000544662309368191773807643674;0.021241830065359477985875713557;0.040305010893246187575478245435;0.004357298474945534190461149393;0.016339869281045752563708006733;0.037581699346405227080136768336;0.019063180827886709589602531878;0.021241830065359477985875713557;0.045751633986928101627267295726;0.019063180827886709589602531878;0.039215686274509803377341654596;0.009259259259259258745267118229;0.031590413943355120929279422626;0.017429193899782136761844597572;0.016884531590413944662776302152;0.029956427015250544632074536366;0.006535947712418300852010855095;0.019063180827886709589602531878;0.025054466230936819209906829542;0.008169934640522876281854003366;0.025054466230936819209906829542;0.043572984749455340169888017954;0.023420479302832242912701943283;0.019063180827886709589602531878;0.002178649237472767095230574697;0.001633986928104575213002713774;0.037037037037037034981068472916;0.035403050108932458683863586657;0.015250544662309368365571415893;0.010348583877995642943403709069;0.009259259259259258745267118229;0.022875816993464050813633647863;0.023965141612200435011770238702;0.008714596949891068380922298786;0.016339869281045752563708006733;0.003267973856209150426005427548;0.018518518518518517490534236458;0.003267973856209150426005427548;0.009803921568627450844335413649;0.000000000000000000000000000000;0.016339869281045752563708006733;0.014705882352941176266503120473;0.014705882352941176266503120473;0.032135076252723313028347718046;0.026688453159041395507111715801;0.025054466230936819209906829542;0.018518518518518517490534236458
-0.038490566037735846061096367521;0.015094339622641509551792537991;0.036226415094339624312080871960;0.099622641509433965123498921912;0.031698113207547166936262073023;0.034716981132075469540509971011;0.007547169811320754775896268995;0.014339622641509433900730563494;0.010566037735849057380144166984;0.016603773584905660853916486985;0.012830188679245282598606614499;0.027169811320754716499337177993;0.015094339622641509551792537991;0.021886792452830188676626832489;0.020377358490566037374502883495;0.026415094339622642582998679472;0.012075471698113206947544640002;0.018113207547169812156040435980;0.029433962264150941717799625508;0.009811320754716981729082192487;0.016603773584905660853916486985;0.009056603773584906078020217990;0.008301886792452830426958243493;0.027924528301886793885122628467;0.039245283018867926916328769948;0.022641509433962262592965331010;0.018867924528301886072378934500;0.023396226415094339978750781484;0.001509433962264150868443080000;0.052830188679245285165997358945;0.049056603773584908645410962436;0.012075471698113206947544640002;0.006792452830188679124834294498;0.006792452830188679124834294498;0.015094339622641509551792537991;0.017358490566037734770254985506;0.009811320754716981729082192487;0.023396226415094339978750781484;0.003018867924528301736886160000;0.013584905660377358249668588996;0.003018867924528301736886160000;0.008301886792452830426958243493;0.000000000000000000000000000000;0.018113207547169812156040435980;0.012075471698113206947544640002;0.018113207547169812156040435980;0.027924528301886793885122628467;0.013584905660377358249668588996;0.010566037735849057380144166984;0.012830188679245282598606614499
-0.030943396226415093019923574502;0.004528301886792453039010108995;0.052830188679245285165997358945;0.147169811320754712058445079492;0.005283018867924528690072083492;0.031698113207547166936262073023;0.003773584905660377387948134498;0.006037735849056603473772320001;0.070943396226415100791484746878;0.014339622641509433900730563494;0.012075471698113206947544640002;0.046037735849056606041163064447;0.009056603773584906078020217990;0.030943396226415093019923574502;0.003773584905660377387948134498;0.043773584905660377353253664978;0.018113207547169812156040435980;0.012075471698113206947544640002;0.005283018867924528690072083492;0.006792452830188679124834294498;0.004528301886792453039010108995;0.035471698113207550395742373439;0.005283018867924528690072083492;0.021886792452830188676626832489;0.035471698113207550395742373439;0.027169811320754716499337177993;0.012075471698113206947544640002;0.005283018867924528690072083492;0.000754716981132075434221540000;0.017358490566037734770254985506;0.041509433962264148665344265510;0.011320754716981131296482665505;0.002264150943396226519505054497;0.009811320754716981729082192487;0.010566037735849057380144166984;0.023396226415094339978750781484;0.006792452830188679124834294498;0.015849056603773583468131036511;0.009811320754716981729082192487;0.024905660377358491280874730478;0.000754716981132075434221540000;0.027924528301886793885122628467;0.000000000000000000000000000000;0.011320754716981131296482665505;0.000754716981132075434221540000;0.010566037735849057380144166984;0.021132075471698114760288333969;0.017358490566037734770254985506;0.015849056603773583468131036511;0.017358490566037734770254985506
-0.028679245283018867801461126987;0.015849056603773583468131036511;0.033207547169811321707832973971;0.246037735849056610204499406791;0.006792452830188679124834294498;0.031698113207547166936262073023;0.000754716981132075434221540000;0.012075471698113206947544640002;0.024905660377358491280874730478;0.009811320754716981729082192487;0.009056603773584906078020217990;0.055849056603773587770245256934;0.020377358490566037374502883495;0.021132075471698114760288333969;0.021132075471698114760288333969;0.018867924528301886072378934500;0.006792452830188679124834294498;0.009056603773584906078020217990;0.004528301886792453039010108995;0.001509433962264150868443080000;0.009811320754716981729082192487;0.010566037735849057380144166984;0.003018867924528301736886160000;0.012075471698113206947544640002;0.039245283018867926916328769948;0.030188679245283019103585075982;0.010566037735849057380144166984;0.012075471698113206947544640002;0.000754716981132075434221540000;0.036226415094339624312080871960;0.033207547169811321707832973971;0.012075471698113206947544640002;0.001509433962264150868443080000;0.006037735849056603473772320001;0.018867924528301886072378934500;0.015849056603773583468131036511;0.003773584905660377387948134498;0.007547169811320754775896268995;0.008301886792452830426958243493;0.007547169811320754775896268995;0.004528301886792453039010108995;0.013584905660377358249668588996;0.000000000000000000000000000000;0.016603773584905660853916486985;0.007547169811320754775896268995;0.007547169811320754775896268995;0.024150943396226413895089280004;0.028679245283018867801461126987;0.016603773584905660853916486985;0.023396226415094339978750781484
-0.029649595687331536247866026201;0.006738544474393531359679432313;0.041778975741239891827927266377;0.222371967654986513185377816626;0.010107816711590295738476541487;0.024932614555256065597133030565;0.002695417789757412543871772925;0.008760107816711590333902393013;0.039757412398921831986342567689;0.016172506738544475263230637552;0.010781671159029650175487091701;0.069407008086253371703655545844;0.006738544474393531359679432313;0.026954177897574125438717729253;0.005390835579514825087743545851;0.021563342318059300350974183402;0.013477088948787062719358864626;0.022237196765498651318537781663;0.005390835579514825087743545851;0.003369272237196765679839716157;0.011455525606469002877774165938;0.012129380053908355580061240175;0.004043126684636118815807659388;0.024932614555256065597133030565;0.042452830188679242795490864637;0.023584905660377360192558882090;0.012803234501347708282348314413;0.011455525606469002877774165938;0.003369272237196765679839716157;0.022237196765498651318537781663;0.043126684636118600701948366805;0.016172506738544475263230637552;0.003369272237196765679839716157;0.008760107816711590333902393013;0.011455525606469002877774165938;0.021563342318059300350974183402;0.004716981132075471518094733625;0.006738544474393531359679432313;0.008086253369272237631615318776;0.004043126684636118815807659388;0.000673854447439353135967943231;0.026280323450134771001707179039;0.000000000000000000000000000000;0.014150943396226415421645938864;0.003369272237196765679839716157;0.009433962264150943036189467250;0.020215633423180591476953082974;0.014824797843665768123933013101;0.008086253369272237631615318776;0.018194070080862535104815336240
-0.033832140533506832591470470106;0.020819778789850359318469585901;0.052700065061808715194402452653;0.105400130123617430388804905306;0.029277813923227063996890251474;0.027976577748861419792092419812;0.002602472348731294914808698238;0.020819778789850359318469585901;0.029277813923227063996890251474;0.022121014964216003523267417563;0.012361743656473649435878492397;0.026024723487312946546001768411;0.012361743656473649435878492397;0.029928432010409889568736119259;0.012361743656473649435878492397;0.020819778789850359318469585901;0.016916070266753416295735235053;0.025374105400130124443602852580;0.022771633051398829095113285348;0.013662979830839297110123276013;0.011711125569290825598756100590;0.029928432010409889568736119259;0.003253090435914118318250221051;0.029928432010409889568736119259;0.035783994795055305837561121507;0.021470396877033181420868501732;0.023422251138581651197512201179;0.016265452179570590723889367268;0.003253090435914118318250221051;0.021470396877033181420868501732;0.021470396877033181420868501732;0.014313597918022120947245667821;0.002602472348731294914808698238;0.007156798959011060473622833911;0.009759271307742355822112401142;0.020169160702667533746623718116;0.008458035133376708147867617527;0.011711125569290825598756100590;0.009759271307742355822112401142;0.012361743656473649435878492397;0.003253090435914118318250221051;0.015614834092387768621490451437;0.000000000000000000000000000000;0.018867924528301886072378934500;0.003253090435914118318250221051;0.013662979830839297110123276013;0.027976577748861419792092419812;0.033832140533506832591470470106;0.013012361743656473273000884205;0.018867924528301886072378934500
-0.026415094339622642582998679472;0.011320754716981131296482665505;0.022641509433962262592965331010;0.243018867924528314539145412709;0.056603773584905661686583755454;0.037735849056603772144757869000;0.001509433962264150868443080000;0.010566037735849057380144166984;0.013584905660377358249668588996;0.016603773584905660853916486985;0.012830188679245282598606614499;0.030188679245283019103585075982;0.014339622641509433900730563494;0.023396226415094339978750781484;0.015849056603773583468131036511;0.026415094339622642582998679472;0.012075471698113206947544640002;0.010566037735849057380144166984;0.017358490566037734770254985506;0.003773584905660377387948134498;0.009056603773584906078020217990;0.008301886792452830426958243493;0.003018867924528301736886160000;0.020377358490566037374502883495;0.031698113207547166936262073023;0.018113207547169812156040435980;0.017358490566037734770254985506;0.025660377358490565197213228998;0.001509433962264150868443080000;0.037735849056603772144757869000;0.020377358490566037374502883495;0.008301886792452830426958243493;0.005283018867924528690072083492;0.003018867924528301736886160000;0.016603773584905660853916486985;0.018113207547169812156040435980;0.002264150943396226519505054497;0.010566037735849057380144166984;0.001509433962264150868443080000;0.006792452830188679124834294498;0.003018867924528301736886160000;0.009056603773584906078020217990;0.000000000000000000000000000000;0.018113207547169812156040435980;0.014339622641509433900730563494;0.009056603773584906078020217990;0.022641509433962262592965331010;0.023396226415094339978750781484;0.012075471698113206947544640002;0.015849056603773583468131036511
-0.023584905660377360192558882090;0.017520215633423180667804786026;0.026954177897574125438717729253;0.255390835579514807740508786083;0.072776280323450140419261344960;0.021563342318059300350974183402;0.004043126684636118815807659388;0.019541778975741240509389484714;0.008086253369272237631615318776;0.020215633423180591476953082974;0.006738544474393531359679432313;0.016172506738544475263230637552;0.008086253369272237631615318776;0.022911051212938005755548331877;0.024258760107816711160122480351;0.020215633423180591476953082974;0.008760107816711590333902393013;0.016172506738544475263230637552;0.018194070080862535104815336240;0.004043126684636118815807659388;0.014824797843665768123933013101;0.008760107816711590333902393013;0.003369272237196765679839716157;0.025606469002695416564696628825;0.016846361185983826230794235812;0.021563342318059300350974183402;0.016172506738544475263230637552;0.035040431266846361335609572052;0.001347708894878706271935886463;0.037735849056603772144757869000;0.014824797843665768123933013101;0.016172506738544475263230637552;0.007412398921832884061966506550;0.002695417789757412543871772925;0.004043126684636118815807659388;0.019541778975741240509389484714;0.004043126684636118815807659388;0.012803234501347708282348314413;0.001347708894878706271935886463;0.007412398921832884061966506550;0.007412398921832884061966506550;0.011455525606469002877774165938;0.000000000000000000000000000000;0.015498652291105120826220087338;0.014150943396226415421645938864;0.014150943396226415421645938864;0.025606469002695416564696628825;0.010781671159029650175487091701;0.006064690026954177790030620088;0.008086253369272237631615318776
-0.027952480782669462261447179685;0.016771488469601678050757698202;0.026554856743535987934068387517;0.268343815513626848812123171228;0.051712089447938501540757982866;0.023759608665269042748757755135;0.004192872117400419512689424550;0.015373864430468203723378906034;0.024458420684835779912447151219;0.019566736547868623236068330584;0.008385744234800839025378849101;0.027952480782669462261447179685;0.011180992313067784210689481483;0.027952480782669462261447179685;0.011879804332634521374378877567;0.019566736547868623236068330584;0.008385744234800839025378849101;0.009783368273934311618034165292;0.010482180293501048781723561376;0.005590496156533892105344740742;0.009783368273934311618034165292;0.009084556254367574454344769208;0.006988120195667365565361794921;0.019566736547868623236068330584;0.026554856743535987934068387517;0.019566736547868623236068330584;0.011879804332634521374378877567;0.044723969252271136842757925933;0.001397624039133473026336185185;0.040531097134870720799515453336;0.018867924528301886072378934500;0.012578616352201258538068273651;0.005590496156533892105344740742;0.003494060097833682782680897461;0.009783368273934311618034165292;0.021663172606568831257689566883;0.004891684136967155809017082646;0.009783368273934311618034165292;0.002795248078266946052672370371;0.007686932215234101861689453017;0.002096436058700209756344712275;0.011180992313067784210689481483;0.000000000000000000000000000000;0.018169112508735148908689538416;0.009084556254367574454344769208;0.006988120195667365565361794921;0.013976240391334731130723589843;0.013277428371767993967034193759;0.011879804332634521374378877567;0.006289308176100629269034136826
-0.016603773584905660853916486985;0.005283018867924528690072083492;0.027924528301886793885122628467;0.351698113207547180536494124681;0.075471698113207544289515738001;0.023396226415094339978750781484;0.002264150943396226519505054497;0.011320754716981131296482665505;0.011320754716981131296482665505;0.006792452830188679124834294498;0.006792452830188679124834294498;0.018113207547169812156040435980;0.009811320754716981729082192487;0.019622641509433963458164384974;0.018113207547169812156040435980;0.013584905660377358249668588996;0.012830188679245282598606614499;0.009056603773584906078020217990;0.022641509433962262592965331010;0.003018867924528301736886160000;0.007547169811320754775896268995;0.012075471698113206947544640002;0.001509433962264150868443080000;0.016603773584905660853916486985;0.021886792452830188676626832489;0.018867924528301886072378934500;0.008301886792452830426958243493;0.030188679245283019103585075982;0.002264150943396226519505054497;0.046792452830188679957501562967;0.011320754716981131296482665505;0.009811320754716981729082192487;0.005283018867924528690072083492;0.002264150943396226519505054497;0.007547169811320754775896268995;0.017358490566037734770254985506;0.001509433962264150868443080000;0.006792452830188679124834294498;0.003018867924528301736886160000;0.010566037735849057380144166984;0.000000000000000000000000000000;0.012830188679245282598606614499;0.000000000000000000000000000000;0.009056603773584906078020217990;0.011320754716981131296482665505;0.010566037735849057380144166984;0.015094339622641509551792537991;0.010566037735849057380144166984;0.012075471698113206947544640002;0.011320754716981131296482665505
-0.018867924528301886072378934500;0.016916070266753416295735235053;0.022771633051398829095113285348;0.261548471047495123542603323585;0.086532205595315547785872922759;0.021470396877033181420868501732;0.005855562784645412799378050295;0.011711125569290825598756100590;0.011060507482108001761633708782;0.009759271307742355822112401142;0.013012361743656473273000884205;0.012361743656473649435878492397;0.010409889394925179659234792950;0.018867924528301886072378934500;0.033832140533506832591470470106;0.016265452179570590723889367268;0.013012361743656473273000884205;0.019518542615484711644224802285;0.019518542615484711644224802285;0.004554326610279765992495004667;0.010409889394925179659234792950;0.004554326610279765992495004667;0.000650618087182823728702174559;0.014964216005204944784368059629;0.030579050097592711671135035090;0.020169160702667533746623718116;0.018217306441119063969980018669;0.046193884189980480292625486527;0.001301236174365647457404349119;0.039687703318152245390848520401;0.011060507482108001761633708782;0.014313597918022120947245667821;0.007156798959011060473622833911;0.007156798959011060473622833911;0.005204944697462589829617396475;0.024072869225764476769358068964;0.002602472348731294914808698238;0.009759271307742355822112401142;0.001951854261548471077686306430;0.005855562784645412799378050295;0.004554326610279765992495004667;0.009108653220559531984990009335;0.000000000000000000000000000000;0.014964216005204944784368059629;0.014964216005204944784368059629;0.007807417046193884310745225719;0.016265452179570590723889367268;0.010409889394925179659234792950;0.008458035133376708147867617527;0.009759271307742355822112401142
-0.021470396877033181420868501732;0.016916070266753416295735235053;0.029928432010409889568736119259;0.212752114508783340962594365919;0.052049446974625893092003536822;0.029928432010409889568736119259;0.003253090435914118318250221051;0.013662979830839297110123276013;0.013662979830839297110123276013;0.018867924528301886072378934500;0.008458035133376708147867617527;0.027976577748861419792092419812;0.012361743656473649435878492397;0.020169160702667533746623718116;0.022121014964216003523267417563;0.017566688353936238398134150884;0.019518542615484711644224802285;0.019518542615484711644224802285;0.026024723487312946546001768411;0.003903708523096942155372612859;0.007807417046193884310745225719;0.009759271307742355822112401142;0.007807417046193884310745225719;0.022121014964216003523267417563;0.020169160702667533746623718116;0.020819778789850359318469585901;0.010409889394925179659234792950;0.042940793754066362841737003464;0.003253090435914118318250221051;0.052049446974625893092003536822;0.016265452179570590723889367268;0.011060507482108001761633708782;0.007807417046193884310745225719;0.010409889394925179659234792950;0.010409889394925179659234792950;0.013012361743656473273000884205;0.004554326610279765992495004667;0.007156798959011060473622833911;0.001951854261548471077686306430;0.007156798959011060473622833911;0.004554326610279765992495004667;0.022121014964216003523267417563;0.000000000000000000000000000000;0.010409889394925179659234792950;0.014313597918022120947245667821;0.011060507482108001761633708782;0.016265452179570590723889367268;0.015614834092387768621490451437;0.014964216005204944784368059629;0.013662979830839297110123276013
-0.014150943396226415421645938864;0.015498652291105120826220087338;0.028301886792452830843291877727;0.241239892183288423543885414801;0.090970350404312672054629729246;0.020889487870619945913963633188;0.004716981132075471518094733625;0.012803234501347708282348314413;0.014150943396226415421645938864;0.010781671159029650175487091701;0.013477088948787062719358864626;0.025606469002695416564696628825;0.008086253369272237631615318776;0.018194070080862535104815336240;0.023584905660377360192558882090;0.012803234501347708282348314413;0.008760107816711590333902393013;0.014824797843665768123933013101;0.020215633423180591476953082974;0.006738544474393531359679432313;0.006064690026954177790030620088;0.006064690026954177790030620088;0.008760107816711590333902393013;0.019541778975741240509389484714;0.017520215633423180667804786026;0.012803234501347708282348314413;0.015498652291105120826220087338;0.059973045822102423463295650663;0.000673854447439353135967943231;0.037061994609164421177194270740;0.011455525606469002877774165938;0.019541778975741240509389484714;0.008760107816711590333902393013;0.004716981132075471518094733625;0.010107816711590295738476541487;0.018194070080862535104815336240;0.004716981132075471518094733625;0.007412398921832884061966506550;0.004043126684636118815807659388;0.006064690026954177790030620088;0.004716981132075471518094733625;0.010107816711590295738476541487;0.000000000000000000000000000000;0.012803234501347708282348314413;0.016846361185983826230794235812;0.010107816711590295738476541487;0.020889487870619945913963633188;0.018867924528301886072378934500;0.012129380053908355580061240175;0.008760107816711590333902393013
-0.016690856313497821894475947602;0.021770682148040638309582917032;0.021770682148040638309582917032;0.239477503628447024874859039301;0.116835994194484760200225537119;0.023947750362844702487485903930;0.004354136429608127488444235809;0.023222060957910014428184908297;0.010159651669085631095490462883;0.013788098693759071391995441047;0.005805515239477503607046227074;0.013788098693759071391995441047;0.012336719883889695273393449781;0.012336719883889695273393449781;0.022496371552975326368883912664;0.013788098693759071391995441047;0.012336719883889695273393449781;0.014513788098693759451296436680;0.020319303338171262190980925766;0.005079825834542815547745231441;0.013062409288824383332694445414;0.002902757619738751803523113537;0.002177068214804063744222117904;0.021044992743105950250281921399;0.018867924528301886072378934500;0.018867924528301886072378934500;0.021770682148040638309582917032;0.060232220609579098513641781665;0.002177068214804063744222117904;0.020319303338171262190980925766;0.015239477503628447510597432313;0.008708272859216254976888471617;0.004354136429608127488444235809;0.007256894049346879725648218340;0.013062409288824383332694445414;0.017416545718432509953776943235;0.005805515239477503607046227074;0.008708272859216254976888471617;0.000725689404934687950880778384;0.012336719883889695273393449781;0.007256894049346879725648218340;0.011611030478955007214092454149;0.000000000000000000000000000000;0.010885341074020319154791458516;0.015965166908563133835174951969;0.014513788098693759451296436680;0.010885341074020319154791458516;0.008708272859216254976888471617;0.010159651669085631095490462883;0.010159651669085631095490462883
-0.012578616352201258538068273651;0.010482180293501048781723561376;0.020964360587002097563447122752;0.281621243885394834105539985103;0.090845562543675748012894644035;0.015373864430468203723378906034;0.002795248078266946052672370371;0.013277428371767993967034193759;0.006289308176100629269034136826;0.012578616352201258538068273651;0.010482180293501048781723561376;0.014675052410901468294412985927;0.011180992313067784210689481483;0.018867924528301886072378934500;0.024458420684835779912447151219;0.015373864430468203723378906034;0.017470300489168415214447094286;0.018867924528301886072378934500;0.012578616352201258538068273651;0.005590496156533892105344740742;0.013277428371767993967034193759;0.008385744234800839025378849101;0.002096436058700209756344712275;0.019566736547868623236068330584;0.020964360587002097563447122752;0.009783368273934311618034165292;0.010482180293501048781723561376;0.039133473095737246472136661168;0.003494060097833682782680897461;0.034241788958770093265204792488;0.019566736547868623236068330584;0.012578616352201258538068273651;0.008385744234800839025378849101;0.007686932215234101861689453017;0.009783368273934311618034165292;0.023759608665269042748757755135;0.007686932215234101861689453017;0.005590496156533892105344740742;0.000698812019566736513168092593;0.017470300489168415214447094286;0.004192872117400419512689424550;0.011180992313067784210689481483;0.000000000000000000000000000000;0.012578616352201258538068273651;0.018867924528301886072378934500;0.011180992313067784210689481483;0.018867924528301886072378934500;0.010482180293501048781723561376;0.011180992313067784210689481483;0.010482180293501048781723561376
-0.012578616352201258538068273651;0.018867924528301886072378934500;0.023270440251572325346396397094;0.282389937106918231801699903372;0.093710691823899364139016654462;0.020754716981132074332672132755;0.006289308176100629269034136826;0.018238993710691823318947868415;0.010062893081761005789620533335;0.008176100628930817529327335080;0.008805031446540880282758401165;0.014465408805031446798361471906;0.005031446540880502894810266667;0.016352201257861635058654670161;0.028930817610062893596722943812;0.010691823899371068543051599420;0.013207547169811321291499339736;0.023270440251572325346396397094;0.017610062893081760565516802330;0.002515723270440251447405133334;0.011320754716981131296482665505;0.005031446540880502894810266667;0.005660377358490565648241332752;0.014465408805031446798361471906;0.013207547169811321291499339736;0.020125786163522011579241066670;0.014465408805031446798361471906;0.033962264150943395624171472491;0.002515723270440251447405133334;0.042138364779874211418775331595;0.016981132075471697812085736246;0.011949685534591195784637207566;0.006289308176100629269034136826;0.003773584905660377387948134498;0.008805031446540880282758401165;0.021383647798742137086103198840;0.004402515723270440141379200583;0.010691823899371068543051599420;0.000000000000000000000000000000;0.006289308176100629269034136826;0.005660377358490565648241332752;0.012578616352201258538068273651;0.000000000000000000000000000000;0.008176100628930817529327335080;0.027044025157232705336429745557;0.015094339622641509551792537991;0.018867924528301886072378934500;0.005660377358490565648241332752;0.011320754716981131296482665505;0.006918238993710692022465202911
-0.012885411872986654580053311747;0.018407731247123790274677901380;0.017947537965945697946423820213;0.352047860101242504615726147676;0.070869765301426593251399310702;0.011044638748274274858696131218;0.009664058904739990935039983810;0.014726184997699034301410492276;0.009664058904739990935039983810;0.011965025310630464719374721483;0.004601932811780947568669475345;0.014726184997699034301410492276;0.006902899217671422220365951006;0.018407731247123790274677901380;0.028992176714219972805119951431;0.013345605154164748643030868891;0.011504832029452370656397164339;0.016566958122411414022767672805;0.010124252185918084998017540954;0.003681546249424758575352623069;0.007363092498849517150705246138;0.005062126092959042499008770477;0.005062126092959042499008770477;0.015646571560055222427365606563;0.014265991716520938503709459155;0.013805798435342844440731902012;0.011965025310630464719374721483;0.075931891394385636617769819168;0.002300966405890473784334737672;0.020708697653014265793736115029;0.011504832029452370656397164339;0.012425218591808558782352278627;0.001380579843534284357337016402;0.003221352968246663645013327937;0.005522319374137137429348065609;0.015646571560055222427365606563;0.004601932811780947568669475345;0.010584445467096180795718574075;0.002300966405890473784334737672;0.009664058904739990935039983810;0.006442705936493327290026655874;0.012885411872986654580053311747;0.000000000000000000000000000000;0.007823285780027611213682803282;0.013345605154164748643030868891;0.010584445467096180795718574075;0.013805798435342844440731902012;0.011965025310630464719374721483;0.007823285780027611213682803282;0.008283479061205707011383836402
-0.020697167755991285886807418137;0.015795206971677560464639711313;0.023420479302832242912701943283;0.259259259259259244867479310415;0.088235294117647064537912626747;0.017429193899782136761844597572;0.005991285403050108752942559676;0.012527233115468409604953414771;0.006535947712418300852010855095;0.010348583877995642943403709069;0.012527233115468409604953414771;0.027233115468409587606180011221;0.007080610021786492083717412527;0.021786492374727670084944008977;0.028322440087145968334869650107;0.017973856209150325391465941038;0.008169934640522876281854003366;0.010348583877995642943403709069;0.013071895424836601704021710191;0.002178649237472767095230574697;0.013071895424836601704021710191;0.002178649237472767095230574697;0.002178649237472767095230574697;0.021786492374727670084944008977;0.023965141612200435011770238702;0.023420479302832242912701943283;0.015795206971677560464639711313;0.029411764705882352533006240947;0.002178649237472767095230574697;0.057734204793028320867875891054;0.011437908496732025406816823931;0.017429193899782136761844597572;0.003267973856209150426005427548;0.003267973856209150426005427548;0.007625272331154684182785707947;0.019607843137254901688670827298;0.003267973856209150426005427548;0.013616557734204793803090005611;0.001089324618736383547615287348;0.008169934640522876281854003366;0.006535947712418300852010855095;0.006535947712418300852010855095;0.000000000000000000000000000000;0.017429193899782136761844597572;0.019607843137254901688670827298;0.007080610021786492083717412527;0.021786492374727670084944008977;0.014161220043572984167434825054;0.007625272331154684182785707947;0.009803921568627450844335413649
-0.014150943396226415421645938864;0.019541778975741240509389484714;0.020889487870619945913963633188;0.299191374663072773287808558962;0.072776280323450140419261344960;0.016846361185983826230794235812;0.004716981132075471518094733625;0.016172506738544475263230637552;0.006064690026954177790030620088;0.011455525606469002877774165938;0.010107816711590295738476541487;0.022237196765498651318537781663;0.008086253369272237631615318776;0.012803234501347708282348314413;0.030323450134770890684876576415;0.018867924528301886072378934500;0.007412398921832884061966506550;0.018194070080862535104815336240;0.012129380053908355580061240175;0.002021563342318059407903829694;0.010781671159029650175487091701;0.009433962264150943036189467250;0.006064690026954177790030620088;0.011455525606469002877774165938;0.018867924528301886072378934500;0.012129380053908355580061240175;0.005390835579514825087743545851;0.092991913746630724957320524027;0.003369272237196765679839716157;0.025606469002695416564696628825;0.018194070080862535104815336240;0.019541778975741240509389484714;0.004043126684636118815807659388;0.003369272237196765679839716157;0.008760107816711590333902393013;0.018867924528301886072378934500;0.002021563342318059407903829694;0.007412398921832884061966506550;0.002021563342318059407903829694;0.012803234501347708282348314413;0.005390835579514825087743545851;0.011455525606469002877774165938;0.000000000000000000000000000000;0.011455525606469002877774165938;0.013477088948787062719358864626;0.010107816711590295738476541487;0.010781671159029650175487091701;0.006738544474393531359679432313;0.006064690026954177790030620088;0.007412398921832884061966506550
-0.024258760107816711160122480351;0.008086253369272237631615318776;0.021563342318059300350974183402;0.229784366576819415461940820933;0.035714285714285712303173170312;0.041778975741239891827927266377;0.003369272237196765679839716157;0.010781671159029650175487091701;0.013477088948787062719358864626;0.006738544474393531359679432313;0.016846361185983826230794235812;0.057277628032345012654147353715;0.016846361185983826230794235812;0.018867924528301886072378934500;0.010781671159029650175487091701;0.025606469002695416564696628825;0.011455525606469002877774165938;0.010107816711590295738476541487;0.016172506738544475263230637552;0.004716981132075471518094733625;0.008760107816711590333902393013;0.016846361185983826230794235812;0.003369272237196765679839716157;0.016846361185983826230794235812;0.044474393530997302637075563325;0.017520215633423180667804786026;0.010107816711590295738476541487;0.023584905660377360192558882090;0.001347708894878706271935886463;0.044474393530997302637075563325;0.042452830188679242795490864637;0.009433962264150943036189467250;0.004043126684636118815807659388;0.002695417789757412543871772925;0.010107816711590295738476541487;0.016846361185983826230794235812;0.009433962264150943036189467250;0.014150943396226415421645938864;0.001347708894878706271935886463;0.010781671159029650175487091701;0.004043126684636118815807659388;0.019541778975741240509389484714;0.000000000000000000000000000000;0.010781671159029650175487091701;0.011455525606469002877774165938;0.012129380053908355580061240175;0.014824797843665768123933013101;0.012129380053908355580061240175;0.012129380053908355580061240175;0.010107816711590295738476541487
-0.060377358490566038207170151964;0.002695417789757412543871772925;0.032884097035040429912733372930;0.048517520215633422320244960702;0.015094339622641509551792537991;0.050673854447439353743121159823;0.003773584905660377387948134498;0.005929919137466307076100857643;0.008625336927223720487334368556;0.013477088948787062719358864626;0.022102425876010783206693233183;0.080862533692722365907812331898;0.023180592991913745448684380790;0.029110512129380053392146976421;0.003234501347708894965909953712;0.043665768194070080088220464631;0.006469002695417789931819907423;0.016711590296495958118949687332;0.014555256064690026696073488210;0.007008086253369271920177219215;0.010242587601078167319768041921;0.014016172506738543840354438430;0.003773584905660377387948134498;0.017789757412398920360940834939;0.068463611859838277573508946716;0.021563342318059300350974183402;0.014016172506738543840354438430;0.000000000000000000000000000000;0.002695417789757412543871772925;0.052291105121293798840831357211;0.064690026954177901052922550207;0.012938005390835579863639814846;0.006469002695417789931819907423;0.009164420485175201608329942360;0.025336927223719676871560579912;0.021024258760107817495255133622;0.003773584905660377387948134498;0.018328840970350403216659884720;0.001617250673854447482954976856;0.017250673854447440974668737113;0.005390835579514825087743545851;0.004312668463611860243667184278;0.000000000000000000000000000000;0.017250673854447440974668737113;0.002695417789757412543871772925;0.014016172506738543840354438430;0.023719676549865228304403430570;0.023180592991913745448684380790;0.018867924528301886072378934500;0.016172506738544475263230637552
-0.049595687331536388031683060262;0.005929919137466307076100857643;0.019946091644204851783817034061;0.132075471698113205976099493455;0.009703504043126684464048992140;0.048517520215633422320244960702;0.003234501347708894965909953712;0.005929919137466307076100857643;0.011859838274932614152201715285;0.018328840970350403216659884720;0.016172506738544475263230637552;0.050673854447439353743121159823;0.021024258760107817495255133622;0.025336927223719676871560579912;0.002156334231805930121833592139;0.038274932614555258469923870734;0.008625336927223720487334368556;0.011859838274932614152201715285;0.010242587601078167319768041921;0.004851752021563342232024496070;0.007547169811320754775896268995;0.012398921832884097007920765066;0.004851752021563342232024496070;0.023180592991913745448684380790;0.060377358490566038207170151964;0.033962264150943395624171472491;0.013477088948787062719358864626;0.025336927223719676871560579912;0.001617250673854447482954976856;0.029110512129380053392146976421;0.064150943396226414727756548473;0.012398921832884097007920765066;0.003773584905660377387948134498;0.008086253369272237631615318776;0.015633423180592992407511587771;0.021024258760107817495255133622;0.003773584905660377387948134498;0.022641509433962262592965331010;0.000539083557951482530458398035;0.015094339622641509551792537991;0.002695417789757412543871772925;0.012398921832884097007920765066;0.000000000000000000000000000000;0.016711590296495958118949687332;0.002695417789757412543871772925;0.017250673854447440974668737113;0.019946091644204851783817034061;0.022641509433962262592965331010;0.014016172506738543840354438430;0.018328840970350403216659884720
-0.028806584362139918409351224682;0.022633744855967079245839812529;0.025720164609053498827595518605;0.249485596707818918504884209142;0.014917695473251028556727071361;0.017489711934156378786431318417;0.007201646090534979602337806170;0.018518518518518517490534236458;0.020061728395061727281412089496;0.015432098765432097908778530382;0.011316872427983539622919906265;0.025720164609053498827595518605;0.011831275720164608974971365285;0.025205761316872427740820583608;0.018518518518518517490534236458;0.017489711934156378786431318417;0.021604938271604937072289942535;0.029835390946502057113454142723;0.011831275720164608974971365285;0.004629629629629629372633559115;0.010802469135802468536144971267;0.010288065843621399184093512247;0.006687242798353909382924609162;0.022633744855967079245839812529;0.023662551440329217949942730570;0.023148148148148146863167795573;0.014917695473251028556727071361;0.045267489711934158491679625058;0.002572016460905349796023378062;0.015432098765432097908778530382;0.022633744855967079245839812529;0.012345679012345678327022824305;0.004115226337448560020582100094;0.007201646090534979602337806170;0.010288065843621399184093512247;0.020061728395061727281412089496;0.007201646090534979602337806170;0.011831275720164608974971365285;0.003600823045267489801168903085;0.008230452674897120041164200188;0.003600823045267489801168903085;0.021604938271604937072289942535;0.000000000000000000000000000000;0.014917695473251028556727071361;0.006687242798353909382924609162;0.018004115226337449873206253415;0.022119341563786008159064877532;0.013374485596707818765849218323;0.011316872427983539622919906265;0.007201646090534979602337806170
-0.023899371069182391569274415133;0.010691823899371068543051599420;0.018867924528301886072378934500;0.291823899371069173103165894645;0.029559748427672956350154009897;0.033962264150943395624171472491;0.008176100628930817529327335080;0.015723270440251572305223604076;0.008176100628930817529327335080;0.016352201257861635058654670161;0.013836477987421384044930405821;0.022641509433962262592965331010;0.020754716981132074332672132755;0.021383647798742137086103198840;0.013207547169811321291499339736;0.016352201257861635058654670161;0.010062893081761005789620533335;0.015723270440251572305223604076;0.037735849056603772144757869000;0.003144654088050314634517068413;0.016352201257861635058654670161;0.007547169811320754775896268995;0.002515723270440251447405133334;0.018238993710691823318947868415;0.020125786163522011579241066670;0.020125786163522011579241066670;0.011320754716981131296482665505;0.011949685534591195784637207566;0.005660377358490565648241332752;0.047169811320754720385117764181;0.018238993710691823318947868415;0.013207547169811321291499339736;0.006289308176100629269034136826;0.007547169811320754775896268995;0.014465408805031446798361471906;0.019496855345911948825810000585;0.003773584905660377387948134498;0.010062893081761005789620533335;0.001886792452830188693974067249;0.005660377358490565648241332752;0.002515723270440251447405133334;0.012578616352201258538068273651;0.000000000000000000000000000000;0.012578616352201258538068273651;0.008805031446540880282758401165;0.010691823899371068543051599420;0.016352201257861635058654670161;0.013836477987421384044930405821;0.016981132075471697812085736246;0.011949685534591195784637207566
-0.032258064516129031362723367238;0.015824710894704809016619861950;0.038344491783323192413135416245;0.155203895313450995763204787181;0.012172854534388313427206718131;0.032866707242848444692207010576;0.005477784540474741649396239751;0.015216068167985392217689266658;0.026780279975654290580688865475;0.015824710894704809016619861950;0.015216068167985392217689266658;0.034692635423006691619551844497;0.011564211807668898362999598817;0.028606208155812537508033699396;0.022519780888618379927068602342;0.017650639074863055943964695871;0.013390139987827145290344432738;0.015824710894704809016619861950;0.021911138161898966597584959004;0.006695069993913572645172216369;0.015824710894704809016619861950;0.016433353621424222346103505288;0.003043213633597078356801679533;0.021911138161898966597584959004;0.027388922702373707379619460767;0.021302495435179549798654363713;0.023737066342057213524929792925;0.031649421789409618033239723900;0.001825928180158247144185268418;0.045648204503956180122514751929;0.020085209981740719670240125083;0.008520998174071819572517050290;0.006086427267194156713603359066;0.006695069993913572645172216369;0.013390139987827145290344432738;0.022519780888618379927068602342;0.006086427267194156713603359066;0.013390139987827145290344432738;0.007912355447352404508309930975;0.019476567255021302871309529792;0.002434570906877662858913691224;0.017041996348143639145034100579;0.000000000000000000000000000000;0.010346926354230066499861884211;0.007912355447352404508309930975;0.013390139987827145290344432738;0.026171637248934873781758270184;0.022519780888618379927068602342;0.013390139987827145290344432738;0.015824710894704809016619861950
-0.032866707242848444692207010576;0.008520998174071819572517050290;0.043822276323797933195169918008;0.274497869750456480186784347097;0.006086427267194156713603359066;0.026171637248934873781758270184;0.003651856360316494288370536836;0.012172854534388313427206718131;0.038953134510042605742619059583;0.013390139987827145290344432738;0.007912355447352404508309930975;0.028606208155812537508033699396;0.004869141813755325717827382448;0.020085209981740719670240125083;0.007303712720632988576741073672;0.018259281801582472742895291162;0.027997565429093120709103104105;0.020693852708460132999723768421;0.007303712720632988576741073672;0.006695069993913572645172216369;0.015216068167985392217689266658;0.029823493609251371105894889979;0.003651856360316494288370536836;0.015216068167985392217689266658;0.022519780888618379927068602342;0.019476567255021302871309529792;0.010346926354230066499861884211;0.012172854534388313427206718131;0.003651856360316494288370536836;0.017650639074863055943964695871;0.028606208155812537508033699396;0.018259281801582472742895291162;0.000608642726719415714728422806;0.006086427267194156713603359066;0.007303712720632988576741073672;0.025562994522215460452274626846;0.007912355447352404508309930975;0.010955569080949483298792479502;0.001825928180158247144185268418;0.019476567255021302871309529792;0.004260499087035909786258525145;0.015824710894704809016619861950;0.000000000000000000000000000000;0.015216068167985392217689266658;0.004260499087035909786258525145;0.012781497261107730226137313423;0.021911138161898966597584959004;0.015824710894704809016619861950;0.007303712720632988576741073672;0.016433353621424222346103505288
-0.022875816993464050813633647863;0.011982570806100217505885119351;0.044662309368191724368024608793;0.236928104575163389622360909925;0.004357298474945534190461149393;0.013616557734204793803090005611;0.005991285403050108752942559676;0.011437908496732025406816823931;0.068082788671023963811279600122;0.016884531590413944662776302152;0.008714596949891068380922298786;0.035403050108932458683863586657;0.005446623093681917521236002244;0.018518518518518517490534236458;0.015795206971677560464639711313;0.020697167755991285886807418137;0.019063180827886709589602531878;0.015795206971677560464639711313;0.008169934640522876281854003366;0.003812636165577342091392853973;0.010348583877995642943403709069;0.034313725490196081424620899725;0.002178649237472767095230574697;0.024509803921568627110838534122;0.031045751633986928830211127206;0.024509803921568627110838534122;0.011437908496732025406816823931;0.019063180827886709589602531878;0.001633986928104575213002713774;0.009803921568627450844335413649;0.026688453159041395507111715801;0.008714596949891068380922298786;0.002178649237472767095230574697;0.005991285403050108752942559676;0.008714596949891068380922298786;0.020697167755991285886807418137;0.004357298474945534190461149393;0.009259259259259258745267118229;0.016339869281045752563708006733;0.014705882352941176266503120473;0.007080610021786492083717412527;0.021241830065359477985875713557;0.000000000000000000000000000000;0.011437908496732025406816823931;0.008169934640522876281854003366;0.009259259259259258745267118229;0.021786492374727670084944008977;0.025599128540305011308975124962;0.008169934640522876281854003366;0.012527233115468409604953414771
-0.023584905660377360192558882090;0.011202830188679244530214340614;0.021816037735849055229087056773;0.205188679245283028818036541452;0.025943396226415095517925379909;0.031250000000000000000000000000;0.004127358490566037686753109170;0.007665094339622641542164593886;0.019457547169811319903720558955;0.012971698113207547758962689954;0.006485849056603773879481344977;0.080778301886792455710484261999;0.011792452830188680096279441045;0.018867924528301886072378934500;0.015330188679245283084329187773;0.030070754716981132337316751091;0.010023584905660376867531091705;0.010613207547169810698872716159;0.004716981132075471518094733625;0.003537735849056603855411484716;0.017099056603773584578354061136;0.011792452830188680096279441045;0.001179245283018867879523683406;0.024174528301886794023900506545;0.035966981132075470650732995637;0.019457547169811319903720558955;0.011792452830188680096279441045;0.027122641509433963180608628818;0.001179245283018867879523683406;0.035966981132075470650732995637;0.062500000000000000000000000000;0.012971698113207547758962689954;0.000000000000000000000000000000;0.004716981132075471518094733625;0.008844339622641509204847842796;0.018278301886792452241037310046;0.002948113207547170024069860261;0.012382075471698113927621065500;0.003537735849056603855411484716;0.008844339622641509204847842796;0.005306603773584905349436358080;0.024174528301886794023900506545;0.000000000000000000000000000000;0.005896226415094340048139720523;0.007665094339622641542164593886;0.010023584905660376867531091705;0.019457547169811319903720558955;0.025943396226415095517925379909;0.012382075471698113927621065500;0.012971698113207547758962689954
-0.030070754716981132337316751091;0.012382075471698113927621065500;0.027122641509433963180608628818;0.208726415094339617928298480365;0.029481132075471698505975126636;0.029481132075471698505975126636;0.001768867924528301927705742358;0.008254716981132075373506218341;0.024174528301886794023900506545;0.015919811320754716915670812227;0.005896226415094340048139720523;0.068985849056603779083651772908;0.012382075471698113927621065500;0.028301886792452830843291877727;0.009433962264150943036189467250;0.024174528301886794023900506545;0.009433962264150943036189467250;0.012382075471698113927621065500;0.005306603773584905349436358080;0.004716981132075471518094733625;0.004716981132075471518094733625;0.011202830188679244530214340614;0.006485849056603773879481344977;0.018867924528301886072378934500;0.030070754716981132337316751091;0.017688679245283018409695685591;0.015919811320754716915670812227;0.024764150943396227855242131000;0.001768867924528301927705742358;0.047759433962264154216459388635;0.037146226415094338313416244546;0.014740566037735849252987563318;0.003537735849056603855411484716;0.005896226415094340048139720523;0.012382075471698113927621065500;0.022405660377358489060428681228;0.005896226415094340048139720523;0.008254716981132075373506218341;0.004127358490566037686753109170;0.007665094339622641542164593886;0.003537735849056603855411484716;0.018867924528301886072378934500;0.000000000000000000000000000000;0.012382075471698113927621065500;0.005306603773584905349436358080;0.012382075471698113927621065500;0.027712264150943397011950253273;0.021226415094339621397745432319;0.016509433962264150747012436682;0.012382075471698113927621065500
-0.031631520532741395912434967386;0.008879023307436182191332285640;0.050499445061043285454260853840;0.137069922308546060518708031850;0.006659267480577136209818345236;0.024972253052164262304701836115;0.002774694783573806826371122014;0.014428412874583795844074529668;0.021087680355160932921254612893;0.025527192008879023149559017725;0.017203107658157603537807389671;0.032186459489456156757292148995;0.008879023307436182191332285640;0.036071032186459489610186324171;0.008879023307436182191332285640;0.031631520532741395912434967386;0.018312985571587125227521752890;0.026082130965593783994416199334;0.009433962264150943036189467250;0.008879023307436182191332285640;0.008324084350721421346475104031;0.009988901220865705615770124837;0.003329633740288568104909172618;0.038290788013318532989615050610;0.040510543840177583307937680956;0.033296337402885685385900416122;0.025527192008879023149559017725;0.009988901220865705615770124837;0.003329633740288568104909172618;0.026637069922308544839273380944;0.021087680355160932921254612893;0.018312985571587125227521752890;0.001109877913429522773916535705;0.007214206437291897922037264834;0.007769145394006659634256184432;0.046059933407325191756509497054;0.010543840177580466460627306446;0.014983351831298556688931711278;0.001109877913429522773916535705;0.009433962264150943036189467250;0.006659267480577136209818345236;0.007214206437291897922037264834;0.000000000000000000000000000000;0.014983351831298556688931711278;0.004439511653718091095666142820;0.012763596004439511574779508862;0.039400665926748054679329413830;0.029966703662597113377863422556;0.012763596004439511574779508862;0.013873473917869034999217348059
-0.026954177897574125438717729253;0.007412398921832884061966506550;0.035714285714285712303173170312;0.142183288409703512122916890803;0.041778975741239891827927266377;0.035714285714285712303173170312;0.003369272237196765679839716157;0.014150943396226415421645938864;0.022911051212938005755548331877;0.013477088948787062719358864626;0.013477088948787062719358864626;0.058625336927223721528168454142;0.012129380053908355580061240175;0.024932614555256065597133030565;0.016846361185983826230794235812;0.027628032345013476406281327513;0.014824797843665768123933013101;0.016846361185983826230794235812;0.014150943396226415421645938864;0.006738544474393531359679432313;0.011455525606469002877774165938;0.018194070080862535104815336240;0.005390835579514825087743545851;0.022911051212938005755548331877;0.041105121293800540860363668116;0.024258760107816711160122480351;0.011455525606469002877774165938;0.005390835579514825087743545851;0.004716981132075471518094733625;0.046495956873315362478660262013;0.025606469002695416564696628825;0.018867924528301886072378934500;0.005390835579514825087743545851;0.008760107816711590333902393013;0.008086253369272237631615318776;0.021563342318059300350974183402;0.008086253369272237631615318776;0.015498652291105120826220087338;0.002021563342318059407903829694;0.014150943396226415421645938864;0.001347708894878706271935886463;0.014824797843665768123933013101;0.000000000000000000000000000000;0.013477088948787062719358864626;0.010107816711590295738476541487;0.016846361185983826230794235812;0.026280323450134771001707179039;0.019541778975741240509389484714;0.009433962264150943036189467250;0.018867924528301886072378934500
-0.027976577748861419792092419812;0.003253090435914118318250221051;0.012361743656473649435878492397;0.287573194534808063149711188089;0.052049446974625893092003536822;0.040338321405335067493247436232;0.001951854261548471077686306430;0.008458035133376708147867617527;0.008458035133376708147867617527;0.006506180871828236636500442103;0.009108653220559531984990009335;0.065712426805465184997956384905;0.013662979830839297110123276013;0.014313597918022120947245667821;0.008458035133376708147867617527;0.024723487312947298871756984795;0.010409889394925179659234792950;0.007156798959011060473622833911;0.013662979830839297110123276013;0.001951854261548471077686306430;0.009108653220559531984990009335;0.008458035133376708147867617527;0.002602472348731294914808698238;0.014313597918022120947245667821;0.026675341574495772117847636196;0.014964216005204944784368059629;0.009108653220559531984990009335;0.007156798959011060473622833911;0.002602472348731294914808698238;0.068314899154196487285339856044;0.039687703318152245390848520401;0.008458035133376708147867617527;0.005855562784645412799378050295;0.002602472348731294914808698238;0.008458035133376708147867617527;0.016265452179570590723889367268;0.003253090435914118318250221051;0.016265452179570590723889367268;0.004554326610279765992495004667;0.007807417046193884310745225719;0.001951854261548471077686306430;0.009108653220559531984990009335;0.000000000000000000000000000000;0.009759271307742355822112401142;0.008458035133376708147867617527;0.009108653220559531984990009335;0.022771633051398829095113285348;0.016265452179570590723889367268;0.013662979830839297110123276013;0.014313597918022120947245667821
-0.026315789473684209065496020230;0.010233918128654970192137341201;0.022904483430799219001450239830;0.276803118908382050911143323901;0.036549707602339179257633361431;0.039473684210526313598244030345;0.002923976608187134340610668914;0.004385964912280701510916003372;0.012670565302144248809312898629;0.009259259259259258745267118229;0.010721247563352825915572452686;0.075048732943469781409007168804;0.016569200779727094596793790515;0.019005847953216373213969347944;0.006335282651072124404656449315;0.019005847953216373213969347944;0.009259259259259258745267118229;0.010233918128654970192137341201;0.012670565302144248809312898629;0.004385964912280701510916003372;0.007797270955165691574961783772;0.008284600389863547298396895258;0.001949317738791422893740445943;0.019980506822612084660839570915;0.034600389863547756363892915488;0.019980506822612084660839570915;0.008771929824561403021832006743;0.013645224171539960256183121601;0.001461988304093567170305334457;0.059941520467836253982518712746;0.037524366471734890704503584402;0.010721247563352825915572452686;0.002923976608187134340610668914;0.003898635477582845787480891886;0.007797270955165691574961783772;0.012183235867446393085877787144;0.001949317738791422893740445943;0.012670565302144248809312898629;0.003411306042884990064045780400;0.005360623781676412957786226343;0.002923976608187134340610668914;0.015594541910331383149923567544;0.000000000000000000000000000000;0.008284600389863547298396895258;0.005360623781676412957786226343;0.008771929824561403021832006743;0.017056530214424950320228902001;0.016569200779727094596793790515;0.009746588693957114468702229715;0.016081871345029238873358679029
-0.026748971193415637531698436646;0.005144032921810699592046756123;0.019032921810699588577309171455;0.207818930041152261090076081018;0.052983539094650207446068890249;0.055555555555555552471602709375;0.004115226337448560020582100094;0.003600823045267489801168903085;0.008744855967078189393215659209;0.008744855967078189393215659209;0.011831275720164608974971365285;0.070987654320987650380381239756;0.011316872427983539622919906265;0.020061728395061727281412089496;0.007201646090534979602337806170;0.026234567901234566444923501649;0.009259259259259258745267118229;0.007201646090534979602337806170;0.014917695473251028556727071361;0.006172839506172839163511412153;0.008230452674897120041164200188;0.006687242798353909382924609162;0.003600823045267489801168903085;0.016975308641975307699656383420;0.037551440329218109537290359867;0.012860082304526749413797759303;0.013374485596707818765849218323;0.012860082304526749413797759303;0.002057613168724280010291050047;0.094135802469135804182442939236;0.040637860082304529119046065944;0.007201646090534979602337806170;0.003600823045267489801168903085;0.007716049382716048954389265191;0.015946502057613168995553465379;0.014917695473251028556727071361;0.006172839506172839163511412153;0.011831275720164608974971365285;0.001028806584362140005145525024;0.009259259259259258745267118229;0.002572016460905349796023378062;0.007716049382716048954389265191;0.000000000000000000000000000000;0.010802469135802468536144971267;0.011316872427983539622919906265;0.008744855967078189393215659209;0.018004115226337449873206253415;0.018004115226337449873206253415;0.009259259259259258745267118229;0.009259259259259258745267118229
-0.039400665926748054679329413830;0.013318534961154272419636690472;0.031631520532741395912434967386;0.170366259711431738965714544065;0.026637069922308544839273380944;0.031076581576026638537024737730;0.005549389567147613652742244028;0.013318534961154272419636690472;0.018867924528301886072378934500;0.013318534961154272419636690472;0.017203107658157603537807389671;0.046614872364039952601366678664;0.011653718091009988150341669666;0.031076581576026638537024737730;0.013873473917869034999217348059;0.036071032186459489610186324171;0.015538290788013319268512368865;0.008324084350721421346475104031;0.015538290788013319268512368865;0.007769145394006659634256184432;0.012763596004439511574779508862;0.019422863485016646917236116110;0.002774694783573806826371122014;0.024417314095449501459844654505;0.031076581576026638537024737730;0.017203107658157603537807389671;0.011653718091009988150341669666;0.009988901220865705615770124837;0.001109877913429522773916535705;0.035516093229744728765329142561;0.028856825749167591688149059337;0.013318534961154272419636690472;0.002774694783573806826371122014;0.010543840177580466460627306446;0.019422863485016646917236116110;0.022752497225305215455826157722;0.004994450610432852807885062418;0.016093229744728078378646074498;0.005549389567147613652742244028;0.018312985571587125227521752890;0.004994450610432852807885062418;0.010543840177580466460627306446;0.000000000000000000000000000000;0.012763596004439511574779508862;0.009988901220865705615770124837;0.017758046614872364382664571281;0.022197558268590454610968976112;0.018867924528301886072378934500;0.013873473917869034999217348059;0.013318534961154272419636690472
-0.019422863485016646917236116110;0.009433962264150943036189467250;0.023862375138734740614987472895;0.280244173140954511147526773129;0.089345172031076586227626989967;0.021642619311875693766111794503;0.002219755826859045547833071410;0.015538290788013319268512368865;0.012763596004439511574779508862;0.009988901220865705615770124837;0.008324084350721421346475104031;0.017758046614872364382664571281;0.011098779134295227305484488056;0.024417314095449501459844654505;0.013873473917869034999217348059;0.014983351831298556688931711278;0.012763596004439511574779508862;0.013873473917869034999217348059;0.010543840177580466460627306446;0.003884572697003329817128092216;0.008324084350721421346475104031;0.008324084350721421346475104031;0.003329633740288568104909172618;0.019422863485016646917236116110;0.019977802441731411231540249673;0.015538290788013319268512368865;0.015538290788013319268512368865;0.036625971143174250455043505781;0.001664816870144284052454586309;0.058823529411764705066012481893;0.013873473917869034999217348059;0.018312985571587125227521752890;0.003884572697003329817128092216;0.005549389567147613652742244028;0.008879023307436182191332285640;0.018312985571587125227521752890;0.002774694783573806826371122014;0.008324084350721421346475104031;0.002774694783573806826371122014;0.008879023307436182191332285640;0.006659267480577136209818345236;0.006104328523862375364961163626;0.000000000000000000000000000000;0.009988901220865705615770124837;0.010543840177580466460627306446;0.014428412874583795844074529668;0.017758046614872364382664571281;0.015538290788013319268512368865;0.010543840177580466460627306446;0.013318534961154272419636690472
-0.016711590296495958118949687332;0.027493261455525604824989827080;0.022102425876010783206693233183;0.231805929919137454486843807899;0.118059299191374658666298103071;0.020485175202156334639536083841;0.002695417789757412543871772925;0.005929919137466307076100857643;0.005929919137466307076100857643;0.012938005390835579863639814846;0.011320754716981131296482665505;0.021024258760107817495255133622;0.008625336927223720487334368556;0.013477088948787062719358864626;0.031266846361185984815023175543;0.008086253369272237631615318776;0.011859838274932614152201715285;0.014555256064690026696073488210;0.019407008086253368928097984281;0.005390835579514825087743545851;0.008625336927223720487334368556;0.009164420485175201608329942360;0.005390835579514825087743545851;0.011859838274932614152201715285;0.015094339622641509551792537991;0.010242587601078167319768041921;0.014555256064690026696073488210;0.070619946091644208996385145838;0.001078167115902965060916796070;0.067385444743935304923176943248;0.012398921832884097007920765066;0.006469002695417789931819907423;0.009164420485175201608329942360;0.007008086253369271920177219215;0.011320754716981131296482665505;0.010781671159029650175487091701;0.006469002695417789931819907423;0.005390835579514825087743545851;0.000539083557951482530458398035;0.011859838274932614152201715285;0.004312668463611860243667184278;0.004312668463611860243667184278;0.000000000000000000000000000000;0.005929919137466307076100857643;0.021563342318059300350974183402;0.006469002695417789931819907423;0.017250673854447440974668737113;0.010242587601078167319768041921;0.015094339622641509551792537991;0.010242587601078167319768041921
-0.012781497261107730226137313423;0.028606208155812537508033699396;0.020085209981740719670240125083;0.267194157029823520232980627043;0.085209981740718199194617454850;0.024954351795496043653344031554;0.003651856360316494288370536836;0.009129640900791236371447645581;0.006086427267194156713603359066;0.006695069993913572645172216369;0.006695069993913572645172216369;0.018259281801582472742895291162;0.009738283627510651435654764896;0.020085209981740719670240125083;0.022519780888618379927068602342;0.012781497261107730226137313423;0.009738283627510651435654764896;0.019476567255021302871309529792;0.018259281801582472742895291162;0.003651856360316494288370536836;0.007912355447352404508309930975;0.004260499087035909786258525145;0.003043213633597078356801679533;0.009738283627510651435654764896;0.010955569080949483298792479502;0.012781497261107730226137313423;0.010955569080949483298792479502;0.105903834449178335663788175225;0.001825928180158247144185268418;0.065733414485696889384414021151;0.006695069993913572645172216369;0.012172854534388313427206718131;0.004869141813755325717827382448;0.011564211807668898362999598817;0.005477784540474741649396239751;0.012781497261107730226137313423;0.003651856360316494288370536836;0.005477784540474741649396239751;0.001217285453438831429456845612;0.008520998174071819572517050290;0.006086427267194156713603359066;0.006695069993913572645172216369;0.000000000000000000000000000000;0.009129640900791236371447645581;0.010346926354230066499861884211;0.008520998174071819572517050290;0.016433353621424222346103505288;0.010346926354230066499861884211;0.010346926354230066499861884211;0.010955569080949483298792479502
-0.009148084619782732851422935028;0.019439679817038306441911998945;0.030303030303030303871381079261;0.317324185248713530604902643972;0.084048027444253853301958656630;0.014865637507146941750924007408;0.002287021154945683212855733757;0.010863350485991995694745604339;0.006861063464837049638567201271;0.013722126929674099277134402541;0.011435105774728416064278668784;0.018867924528301886072378934500;0.009148084619782732851422935028;0.018296169239565465702845870055;0.024585477415666093237156530904;0.009148084619782732851422935028;0.006861063464837049638567201271;0.012006861063464836433811733230;0.008004574042309892112356806138;0.003430531732418524819283600635;0.008576329331046312481889870583;0.008576329331046312481889870583;0.002858776443682104016069667196;0.018867924528301886072378934500;0.017152658662092624963779741165;0.012578616352201258538068273651;0.014293882218410519646667466986;0.073184676958261862811383480221;0.000571755288736420803213933439;0.046312178387650088096094691537;0.012006861063464836433811733230;0.010291595197255575325212539894;0.003430531732418524819283600635;0.005145797598627787662606269947;0.012006861063464836433811733230;0.017724413950829045333312805610;0.005145797598627787662606269947;0.007432818753573470875462003704;0.001715265866209262409641800318;0.007432818753573470875462003704;0.004002287021154946056178403069;0.011435105774728416064278668784;0.000000000000000000000000000000;0.008576329331046312481889870583;0.011435105774728416064278668784;0.005717552887364208032139334392;0.014293882218410519646667466986;0.010863350485991995694745604339;0.009148084619782732851422935028;0.008576329331046312481889870583
-0.013836477987421384044930405821;0.018867924528301886072378934500;0.027044025157232705336429745557;0.303773584905660365418356150258;0.108176100628930821345718982229;0.016352201257861635058654670161;0.003144654088050314634517068413;0.013207547169811321291499339736;0.006289308176100629269034136826;0.009433962264150943036189467250;0.005660377358490565648241332752;0.018867924528301886072378934500;0.004402515723270440141379200583;0.016981132075471697812085736246;0.016981132075471697812085736246;0.008805031446540880282758401165;0.008805031446540880282758401165;0.017610062893081760565516802330;0.008176100628930817529327335080;0.003144654088050314634517068413;0.013836477987421384044930405821;0.006289308176100629269034136826;0.000000000000000000000000000000;0.016981132075471697812085736246;0.018238993710691823318947868415;0.013836477987421384044930405821;0.011320754716981131296482665505;0.066666666666666665741480812812;0.001886792452830188693974067249;0.047798742138364783138548830266;0.006918238993710692022465202911;0.007547169811320754775896268995;0.001886792452830188693974067249;0.005660377358490565648241332752;0.010062893081761005789620533335;0.024528301886792454322705481218;0.004402515723270440141379200583;0.003144654088050314634517068413;0.001257861635220125723702566667;0.011949685534591195784637207566;0.011320754716981131296482665505;0.008176100628930817529327335080;0.000000000000000000000000000000;0.008176100628930817529327335080;0.016352201257861635058654670161;0.006289308176100629269034136826;0.018867924528301886072378934500;0.010691823899371068543051599420;0.009433962264150943036189467250;0.006918238993710692022465202911
-0.010062893081761005789620533335;0.020754716981132074332672132755;0.018238993710691823318947868415;0.323899371069182373528150264974;0.062264150943396226467463350218;0.013207547169811321291499339736;0.003773584905660377387948134498;0.010062893081761005789620533335;0.010062893081761005789620533335;0.009433962264150943036189467250;0.005660377358490565648241332752;0.018238993710691823318947868415;0.011949685534591195784637207566;0.015723270440251572305223604076;0.025786163522012579829567613388;0.007547169811320754775896268995;0.009433962264150943036189467250;0.013207547169811321291499339736;0.021383647798742137086103198840;0.006918238993710692022465202911;0.006289308176100629269034136826;0.006289308176100629269034136826;0.003773584905660377387948134498;0.015094339622641509551792537991;0.008805031446540880282758401165;0.013207547169811321291499339736;0.018867924528301886072378934500;0.061635220125786163714032284133;0.000000000000000000000000000000;0.048427672955974845891979896351;0.010691823899371068543051599420;0.012578616352201258538068273651;0.003773584905660377387948134498;0.005660377358490565648241332752;0.016981132075471697812085736246;0.014465408805031446798361471906;0.005031446540880502894810266667;0.009433962264150943036189467250;0.002515723270440251447405133334;0.008805031446540880282758401165;0.004402515723270440141379200583;0.011949685534591195784637207566;0.000000000000000000000000000000;0.013836477987421384044930405821;0.030188679245283019103585075982;0.005660377358490565648241332752;0.009433962264150943036189467250;0.013207547169811321291499339736;0.011949685534591195784637207566;0.009433962264150943036189467250
-0.043396226415094336925637463764;0.006289308176100629269034136826;0.017610062893081760565516802330;0.251572327044025156883577665212;0.066037735849056602988049746727;0.040251572327044023158482133340;0.005031446540880502894810266667;0.008176100628930817529327335080;0.003144654088050314634517068413;0.005031446540880502894810266667;0.009433962264150943036189467250;0.069811320754716979508636143237;0.013836477987421384044930405821;0.021383647798742137086103198840;0.006289308176100629269034136826;0.023270440251572325346396397094;0.010062893081761005789620533335;0.008805031446540880282758401165;0.013836477987421384044930405821;0.002515723270440251447405133334;0.006289308176100629269034136826;0.007547169811320754775896268995;0.003773584905660377387948134498;0.016352201257861635058654670161;0.032704402515723270117309340321;0.015094339622641509551792537991;0.012578616352201258538068273651;0.006918238993710692022465202911;0.001886792452830188693974067249;0.077358490566037732549808936255;0.047798742138364783138548830266;0.007547169811320754775896268995;0.003144654088050314634517068413;0.005031446540880502894810266667;0.014465408805031446798361471906;0.013836477987421384044930405821;0.005660377358490565648241332752;0.008805031446540880282758401165;0.001257861635220125723702566667;0.011949685534591195784637207566;0.001257861635220125723702566667;0.003773584905660377387948134498;0.000000000000000000000000000000;0.006918238993710692022465202911;0.003773584905660377387948134498;0.007547169811320754775896268995;0.010062893081761005789620533335;0.016981132075471697812085736246;0.014465408805031446798361471906;0.009433962264150943036189467250
-0.028651292802236199425136575769;0.004891684136967155809017082646;0.031446540880503144610447208152;0.065688329839273237875652000639;0.092243186582809222340273436203;0.047519217330538085497515510269;0.004891684136967155809017082646;0.009783368273934311618034165292;0.011180992313067784210689481483;0.014675052410901468294412985927;0.018169112508735148908689538416;0.063591893780573019445689908480;0.016771488469601678050757698202;0.016072676450034940887068302118;0.014675052410901468294412985927;0.023759608665269042748757755135;0.009783368273934311618034165292;0.005590496156533892105344740742;0.027952480782669462261447179685;0.003494060097833682782680897461;0.013277428371767993967034193759;0.004192872117400419512689424550;0.004192872117400419512689424550;0.017470300489168415214447094286;0.039133473095737246472136661168;0.021663172606568831257689566883;0.011180992313067784210689481483;0.008385744234800839025378849101;0.002096436058700209756344712275;0.122292103424178899562235756093;0.028651292802236199425136575769;0.016072676450034940887068302118;0.007686932215234101861689453017;0.007686932215234101861689453017;0.011879804332634521374378877567;0.016072676450034940887068302118;0.005590496156533892105344740742;0.012578616352201258538068273651;0.002096436058700209756344712275;0.009783368273934311618034165292;0.004192872117400419512689424550;0.007686932215234101861689453017;0.000000000000000000000000000000;0.013277428371767993967034193759;0.025157232704402517076136547303;0.014675052410901468294412985927;0.015373864430468203723378906034;0.019566736547868623236068330584;0.016072676450034940887068302118;0.011180992313067784210689481483
-0.030070754716981132337316751091;0.003537735849056603855411484716;0.018278301886792452241037310046;0.231721698113207558167303545815;0.054245283018867926361217257636;0.049528301886792455710484261999;0.002948113207547170024069860261;0.007665094339622641542164593886;0.016509433962264150747012436682;0.014150943396226415421645938864;0.012971698113207547758962689954;0.063089622641509440770235528362;0.018278301886792452241037310046;0.018867924528301886072378934500;0.005896226415094340048139720523;0.021226415094339621397745432319;0.005306603773584905349436358080;0.007075471698113207710822969432;0.015919811320754716915670812227;0.005896226415094340048139720523;0.010023584905660376867531091705;0.008844339622641509204847842796;0.003537735849056603855411484716;0.017688679245283018409695685591;0.030660377358490566168658375545;0.023584905660377360192558882090;0.011792452830188680096279441045;0.023584905660377360192558882090;0.001179245283018867879523683406;0.084905660377358485590981729274;0.022405660377358489060428681228;0.011792452830188680096279441045;0.010613207547169810698872716159;0.004127358490566037686753109170;0.007075471698113207710822969432;0.017688679245283018409695685591;0.006485849056603773879481344977;0.008254716981132075373506218341;0.004716981132075471518094733625;0.006485849056603773879481344977;0.004127358490566037686753109170;0.006485849056603773879481344977;0.000000000000000000000000000000;0.005896226415094340048139720523;0.005306603773584905349436358080;0.007075471698113207710822969432;0.014740566037735849252987563318;0.017688679245283018409695685591;0.008844339622641509204847842796;0.011202830188679244530214340614
-0.029277813923227063996890251474;0.015614834092387768621490451437;0.031229668184775537242980902874;0.189980481457384525745268888386;0.032530904359141181447778734537;0.033181522446324010489071554275;0.005855562784645412799378050295;0.009108653220559531984990009335;0.014964216005204944784368059629;0.012361743656473649435878492397;0.013662979830839297110123276013;0.064411190631099540793158553242;0.015614834092387768621490451437;0.017566688353936238398134150884;0.013662979830839297110123276013;0.019518542615484711644224802285;0.014313597918022120947245667821;0.013662979830839297110123276013;0.036434612882238127939960037338;0.003253090435914118318250221051;0.007807417046193884310745225719;0.005855562784645412799378050295;0.007156798959011060473622833911;0.028627195836044241894491335643;0.035133376707872476796268301769;0.017566688353936238398134150884;0.013662979830839297110123276013;0.007807417046193884310745225719;0.002602472348731294914808698238;0.070266753415744953592536603537;0.024072869225764476769358068964;0.011060507482108001761633708782;0.001951854261548471077686306430;0.003253090435914118318250221051;0.007807417046193884310745225719;0.019518542615484711644224802285;0.004554326610279765992495004667;0.006506180871828236636500442103;0.003253090435914118318250221051;0.014313597918022120947245667821;0.007156798959011060473622833911;0.009759271307742355822112401142;0.000000000000000000000000000000;0.014313597918022120947245667821;0.008458035133376708147867617527;0.010409889394925179659234792950;0.023422251138581651197512201179;0.016916070266753416295735235053;0.014313597918022120947245667821;0.016265452179570590723889367268
-0.026415094339622642582998679472;0.006918238993710692022465202911;0.018867924528301886072378934500;0.211949685534591203417420501864;0.109433962264150946852581114399;0.040880503144654085911913199425;0.004402515723270440141379200583;0.005031446540880502894810266667;0.012578616352201258538068273651;0.009433962264150943036189467250;0.008176100628930817529327335080;0.074842767295597481536084671916;0.010062893081761005789620533335;0.011320754716981131296482665505;0.011320754716981131296482665505;0.019496855345911948825810000585;0.008805031446540880282758401165;0.006289308176100629269034136826;0.019496855345911948825810000585;0.003144654088050314634517068413;0.006918238993710692022465202911;0.007547169811320754775896268995;0.004402515723270440141379200583;0.010062893081761005789620533335;0.025157232704402517076136547303;0.008805031446540880282758401165;0.006289308176100629269034136826;0.007547169811320754775896268995;0.001257861635220125723702566667;0.119496855345911950907478171757;0.036477987421383646637895736831;0.008805031446540880282758401165;0.005031446540880502894810266667;0.004402515723270440141379200583;0.009433962264150943036189467250;0.009433962264150943036189467250;0.003144654088050314634517068413;0.010062893081761005789620533335;0.003144654088050314634517068413;0.010691823899371068543051599420;0.001257861635220125723702566667;0.012578616352201258538068273651;0.000000000000000000000000000000;0.006289308176100629269034136826;0.014465408805031446798361471906;0.005660377358490565648241332752;0.018867924528301886072378934500;0.010691823899371068543051599420;0.005660377358490565648241332752;0.007547169811320754775896268995
-0.022870211549456832128557337569;0.013722126929674099277134402541;0.016580903373356204594246676720;0.354488279016580920544043920017;0.036020583190394514505605627619;0.035448827901658090666625611220;0.001715265866209262409641800318;0.010291595197255575325212539894;0.020583190394511150650425079789;0.009148084619782732851422935028;0.012578616352201258538068273651;0.045740423098913664257114675138;0.009719839908519153220955999473;0.013150371640937678907601338096;0.019439679817038306441911998945;0.017152658662092624963779741165;0.012578616352201258538068273651;0.013150371640937678907601338096;0.012006861063464836433811733230;0.003430531732418524819283600635;0.005717552887364208032139334392;0.007432818753573470875462003704;0.002858776443682104016069667196;0.004574042309891366425711467514;0.028016009148084618923801869528;0.012006861063464836433811733230;0.008004574042309892112356806138;0.012578616352201258538068273651;0.002287021154945683212855733757;0.065180102915951970699026674083;0.022870211549456832128557337569;0.006289308176100629269034136826;0.003430531732418524819283600635;0.002858776443682104016069667196;0.012578616352201258538068273651;0.008004574042309892112356806138;0.004002287021154946056178403069;0.008004574042309892112356806138;0.005717552887364208032139334392;0.012006861063464836433811733230;0.003430531732418524819283600635;0.012006861063464836433811733230;0.000000000000000000000000000000;0.007432818753573470875462003704;0.012006861063464836433811733230;0.009148084619782732851422935028;0.012006861063464836433811733230;0.008576329331046312481889870583;0.006289308176100629269034136826;0.014865637507146941750924007408
-0.024345709068776626854413436263;0.012781497261107730226137313423;0.018259281801582472742895291162;0.172245891661594652255473647529;0.116250760803408403898373535412;0.044430919050517346524653561346;0.007303712720632988576741073672;0.004260499087035909786258525145;0.011564211807668898362999598817;0.009129640900791236371447645581;0.010955569080949483298792479502;0.060864272671941568870757066634;0.014607425441265977153482147344;0.016433353621424222346103505288;0.006695069993913572645172216369;0.017041996348143639145034100579;0.009738283627510651435654764896;0.007303712720632988576741073672;0.021302495435179549798654363713;0.003043213633597078356801679533;0.013390139987827145290344432738;0.007303712720632988576741073672;0.002434570906877662858913691224;0.017041996348143639145034100579;0.027997565429093120709103104105;0.015824710894704809016619861950;0.007912355447352404508309930975;0.009738283627510651435654764896;0.001825928180158247144185268418;0.114424832623250150032134797584;0.031040779062690201234309128608;0.012781497261107730226137313423;0.007303712720632988576741073672;0.004260499087035909786258525145;0.012172854534388313427206718131;0.012172854534388313427206718131;0.006695069993913572645172216369;0.009738283627510651435654764896;0.007303712720632988576741073672;0.012781497261107730226137313423;0.001825928180158247144185268418;0.009129640900791236371447645581;0.000000000000000000000000000000;0.008520998174071819572517050290;0.005477784540474741649396239751;0.008520998174071819572517050290;0.012172854534388313427206718131;0.010955569080949483298792479502;0.012172854534388313427206718131;0.008520998174071819572517050290
-0.028651292802236199425136575769;0.005590496156533892105344740742;0.033542976939203356101515396404;0.218728162124388531006857760985;0.033542976939203356101515396404;0.037037037037037034981068472916;0.005590496156533892105344740742;0.013976240391334731130723589843;0.013976240391334731130723589843;0.011879804332634521374378877567;0.009084556254367574454344769208;0.064989517819706493773068700648;0.012578616352201258538068273651;0.023759608665269042748757755135;0.018169112508735148908689538416;0.023759608665269042748757755135;0.012578616352201258538068273651;0.011180992313067784210689481483;0.022361984626135568421378962967;0.003494060097833682782680897461;0.012578616352201258538068273651;0.006988120195667365565361794921;0.002096436058700209756344712275;0.018867924528301886072378934500;0.041928721174004195126894245504;0.016072676450034940887068302118;0.013976240391334731130723589843;0.004891684136967155809017082646;0.004192872117400419512689424550;0.041229909154437457963204849420;0.034241788958770093265204792488;0.013976240391334731130723589843;0.002795248078266946052672370371;0.001397624039133473026336185185;0.016072676450034940887068302118;0.015373864430468203723378906034;0.003494060097833682782680897461;0.016072676450034940887068302118;0.003494060097833682782680897461;0.014675052410901468294412985927;0.001397624039133473026336185185;0.008385744234800839025378849101;0.000000000000000000000000000000;0.011879804332634521374378877567;0.014675052410901468294412985927;0.011180992313067784210689481483;0.027952480782669462261447179685;0.016771488469601678050757698202;0.009084556254367574454344769208;0.009783368273934311618034165292
-0.022995283018867922891770305682;0.008254716981132075373506218341;0.017099056603773584578354061136;0.313679245283018881540471056724;0.047169811320754720385117764181;0.033608490566037735325366497818;0.005896226415094340048139720523;0.011202830188679244530214340614;0.011202830188679244530214340614;0.009433962264150943036189467250;0.011792452830188680096279441045;0.045990566037735845783540611365;0.007665094339622641542164593886;0.011202830188679244530214340614;0.011792452830188680096279441045;0.021226415094339621397745432319;0.008254716981132075373506218341;0.011792452830188680096279441045;0.013561320754716981590304314409;0.001179245283018867879523683406;0.005306603773584905349436358080;0.008254716981132075373506218341;0.006485849056603773879481344977;0.015330188679245283084329187773;0.033608490566037735325366497818;0.023584905660377360192558882090;0.012971698113207547758962689954;0.022405660377358489060428681228;0.000589622641509433939761841703;0.051297169811320757204509135363;0.033608490566037735325366497818;0.009433962264150943036189467250;0.003537735849056603855411484716;0.006485849056603773879481344977;0.008844339622641509204847842796;0.010613207547169810698872716159;0.004127358490566037686753109170;0.008844339622641509204847842796;0.004716981132075471518094733625;0.010613207547169810698872716159;0.003537735849056603855411484716;0.009433962264150943036189467250;0.000000000000000000000000000000;0.011202830188679244530214340614;0.005896226415094340048139720523;0.008254716981132075373506218341;0.015330188679245283084329187773;0.017099056603773584578354061136;0.012971698113207547758962689954;0.010613207547169810698872716159
-0.028301886792452830843291877727;0.005031446540880502894810266667;0.022641509433962262592965331010;0.193710691823899383567919585403;0.051572327044025159659135226775;0.046540880503144650692792794189;0.003773584905660377387948134498;0.006918238993710692022465202911;0.020125786163522011579241066670;0.019496855345911948825810000585;0.012578616352201258538068273651;0.080503144654088046316964266680;0.014465408805031446798361471906;0.015094339622641509551792537991;0.004402515723270440141379200583;0.024528301886792454322705481218;0.006918238993710692022465202911;0.002515723270440251447405133334;0.012578616352201258538068273651;0.005031446540880502894810266667;0.010691823899371068543051599420;0.005031446540880502894810266667;0.003773584905660377387948134498;0.016981132075471697812085736246;0.036477987421383646637895736831;0.012578616352201258538068273651;0.008805031446540880282758401165;0.009433962264150943036189467250;0.001257861635220125723702566667;0.085534591194968548344412795359;0.047798742138364783138548830266;0.011949685534591195784637207566;0.001886792452830188693974067249;0.005660377358490565648241332752;0.015094339622641509551792537991;0.015094339622641509551792537991;0.005660377358490565648241332752;0.018867924528301886072378934500;0.002515723270440251447405133334;0.013207547169811321291499339736;0.004402515723270440141379200583;0.015094339622641509551792537991;0.000000000000000000000000000000;0.011949685534591195784637207566;0.006289308176100629269034136826;0.006918238993710692022465202911;0.011949685534591195784637207566;0.011949685534591195784637207566;0.014465408805031446798361471906;0.011949685534591195784637207566
-0.038434661076170509308447265084;0.006988120195667365565361794921;0.020964360587002097563447122752;0.166317260656883292302410382035;0.095737246680642901219826512715;0.030048916841369670283068415984;0.004891684136967155809017082646;0.012578616352201258538068273651;0.006289308176100629269034136826;0.008385744234800839025378849101;0.014675052410901468294412985927;0.062194269741439552057205020219;0.012578616352201258538068273651;0.016771488469601678050757698202;0.025157232704402517076136547303;0.020265548567435360399757726668;0.011879804332634521374378877567;0.009783368273934311618034165292;0.025856044723969250770378991433;0.002096436058700209756344712275;0.007686932215234101861689453017;0.004891684136967155809017082646;0.003494060097833682782680897461;0.019566736547868623236068330584;0.028651292802236199425136575769;0.021663172606568831257689566883;0.010482180293501048781723561376;0.023759608665269042748757755135;0.000698812019566736513168092593;0.088050314465408799358137059698;0.030048916841369670283068415984;0.010482180293501048781723561376;0.006988120195667365565361794921;0.006988120195667365565361794921;0.013277428371767993967034193759;0.011879804332634521374378877567;0.002096436058700209756344712275;0.009783368273934311618034165292;0.001397624039133473026336185185;0.011879804332634521374378877567;0.000698812019566736513168092593;0.006988120195667365565361794921;0.000000000000000000000000000000;0.010482180293501048781723561376;0.018867924528301886072378934500;0.008385744234800839025378849101;0.013976240391334731130723589843;0.013277428371767993967034193759;0.010482180293501048781723561376;0.011180992313067784210689481483
-0.023947750362844702487485903930;0.023947750362844702487485903930;0.022496371552975326368883912664;0.203193033381712628848703161566;0.076197387518142228879369781680;0.032656023222060959199097851524;0.003628447024673439862824109170;0.012336719883889695273393449781;0.005805515239477503607046227074;0.013062409288824383332694445414;0.010885341074020319154791458516;0.061683599419448474632243772930;0.011611030478955007214092454149;0.015965166908563133835174951969;0.014513788098693759451296436680;0.021044992743105950250281921399;0.010885341074020319154791458516;0.010885341074020319154791458516;0.018142235123367198013077938867;0.002902757619738751803523113537;0.021770682148040638309582917032;0.003628447024673439862824109170;0.001451378809869375901761556769;0.016690856313497821894475947602;0.031204644412191583080495860258;0.019593613933236574131679930133;0.012336719883889695273393449781;0.019593613933236574131679930133;0.000725689404934687950880778384;0.089259796806966620885681606978;0.029027576197387518902592873360;0.012336719883889695273393449781;0.003628447024673439862824109170;0.002902757619738751803523113537;0.007256894049346879725648218340;0.013062409288824383332694445414;0.006531204644412191666347222707;0.017416545718432509953776943235;0.000725689404934687950880778384;0.005805515239477503607046227074;0.002902757619738751803523113537;0.009433962264150943036189467250;0.000000000000000000000000000000;0.013788098693759071391995441047;0.005805515239477503607046227074;0.009433962264150943036189467250;0.012336719883889695273393449781;0.015965166908563133835174951969;0.011611030478955007214092454149;0.007982583454281566917587475984
-0.019476567255021302871309529792;0.013998782714546560354551552052;0.020085209981740719670240125083;0.222154595252586739562161710637;0.054169202678027994490861374288;0.032866707242848444692207010576;0.004260499087035909786258525145;0.010346926354230066499861884211;0.006086427267194156713603359066;0.015216068167985392217689266658;0.012172854534388313427206718131;0.065124771758977476054930377813;0.012781497261107730226137313423;0.023128423615337796725999197633;0.013998782714546560354551552052;0.017650639074863055943964695871;0.014607425441265977153482147344;0.006086427267194156713603359066;0.015216068167985392217689266658;0.002434570906877662858913691224;0.014607425441265977153482147344;0.004869141813755325717827382448;0.006695069993913572645172216369;0.021302495435179549798654363713;0.025562994522215460452274626846;0.015824710894704809016619861950;0.014607425441265977153482147344;0.032258064516129031362723367238;0.001217285453438831429456845612;0.055386488131466828088722564871;0.052343274497869747563516540367;0.010955569080949483298792479502;0.006086427267194156713603359066;0.006695069993913572645172216369;0.010955569080949483298792479502;0.017650639074863055943964695871;0.003651856360316494288370536836;0.015216068167985392217689266658;0.006695069993913572645172216369;0.009129640900791236371447645581;0.006086427267194156713603359066;0.008520998174071819572517050290;0.000000000000000000000000000000;0.009738283627510651435654764896;0.003043213633597078356801679533;0.010955569080949483298792479502;0.017041996348143639145034100579;0.012172854534388313427206718131;0.012781497261107730226137313423;0.006086427267194156713603359066
-0.027976577748861419792092419812;0.009759271307742355822112401142;0.021470396877033181420868501732;0.198438516590761226954242602005;0.065061808718282362895557469074;0.049446974625894597743513969590;0.003253090435914118318250221051;0.011060507482108001761633708782;0.019518542615484711644224802285;0.009759271307742355822112401142;0.013662979830839297110123276013;0.072869225764476255879920074676;0.015614834092387768621490451437;0.017566688353936238398134150884;0.005204944697462589829617396475;0.027325959661678594220246552027;0.003903708523096942155372612859;0.012361743656473649435878492397;0.009759271307742355822112401142;0.005855562784645412799378050295;0.009108653220559531984990009335;0.003903708523096942155372612859;0.003253090435914118318250221051;0.012361743656473649435878492397;0.037735849056603772144757869000;0.011060507482108001761633708782;0.008458035133376708147867617527;0.007156798959011060473622833911;0.001301236174365647457404349119;0.068965517241379309387738771875;0.048796356538711775641115053759;0.015614834092387768621490451437;0.002602472348731294914808698238;0.003253090435914118318250221051;0.016265452179570590723889367268;0.014313597918022120947245667821;0.003903708523096942155372612859;0.010409889394925179659234792950;0.003903708523096942155372612859;0.006506180871828236636500442103;0.004554326610279765992495004667;0.011060507482108001761633708782;0.000000000000000000000000000000;0.016265452179570590723889367268;0.006506180871828236636500442103;0.007807417046193884310745225719;0.022121014964216003523267417563;0.014964216005204944784368059629;0.011711125569290825598756100590;0.016265452179570590723889367268
-0.024932614555256065597133030565;0.005390835579514825087743545851;0.020889487870619945913963633188;0.233827493261455521267322410495;0.089622641509433956241714724911;0.040431266846361182953906165949;0.000673854447439353135967943231;0.005390835579514825087743545851;0.020215633423180591476953082974;0.011455525606469002877774165938;0.016172506738544475263230637552;0.044474393530997302637075563325;0.010107816711590295738476541487;0.020215633423180591476953082974;0.013477088948787062719358864626;0.023584905660377360192558882090;0.012803234501347708282348314413;0.008760107816711590333902393013;0.017520215633423180667804786026;0.002695417789757412543871772925;0.006738544474393531359679432313;0.007412398921832884061966506550;0.003369272237196765679839716157;0.016846361185983826230794235812;0.029649595687331536247866026201;0.016172506738544475263230637552;0.011455525606469002877774165938;0.006064690026954177790030620088;0.002021563342318059407903829694;0.072102425876010775573909938885;0.020889487870619945913963633188;0.010107816711590295738476541487;0.006064690026954177790030620088;0.005390835579514825087743545851;0.010781671159029650175487091701;0.014150943396226415421645938864;0.004716981132075471518094733625;0.013477088948787062719358864626;0.004043126684636118815807659388;0.011455525606469002877774165938;0.000000000000000000000000000000;0.012129380053908355580061240175;0.000000000000000000000000000000;0.012803234501347708282348314413;0.013477088948787062719358864626;0.006064690026954177790030620088;0.020889487870619945913963633188;0.014150943396226415421645938864;0.008760107816711590333902393013;0.016172506738544475263230637552
-0.013756613756613756890945232669;0.008465608465608466179364022253;0.021164021164021162846324841667;0.338095238095238115327845207503;0.073544973544973538115421263228;0.038095238095238098674499838125;0.003174603174603174600421073848;0.007936507936507936067371815625;0.012169312169312170024415564740;0.006878306878306878445472616335;0.006349206349206349200842147695;0.031746031746031744269487262500;0.008994708994708994556632752904;0.014814814814814815380206169948;0.023809523809523808202115446875;0.009523809523809524668624959531;0.009523809523809524668624959531;0.013227513227513226778953026042;0.022751322751322751447577985573;0.004761904761904762334312479766;0.013227513227513226778953026042;0.008465608465608466179364022253;0.005820105820105819956211679056;0.010582010582010581423162420833;0.017460317460317460735996775156;0.010052910052910053045893690182;0.008465608465608466179364022253;0.025396825396825396803368590781;0.001058201058201058272420502782;0.058201058201058197827393314583;0.020634920634920634469056111016;0.012169312169312170024415564740;0.003703703703703703845051542487;0.002116402116402116544841005563;0.007936507936507936067371815625;0.013756613756613756890945232669;0.003703703703703703845051542487;0.007936507936507936067371815625;0.007407407407407407690103084974;0.007407407407407407690103084974;0.002116402116402116544841005563;0.008994708994708994556632752904;0.000000000000000000000000000000;0.009523809523809524668624959531;0.011111111111111111535154627461;0.005820105820105819956211679056;0.013227513227513226778953026042;0.014814814814814815380206169948;0.012169312169312170024415564740;0.007936507936507936067371815625
-0.033333333333333332870740406406;0.006878306878306878445472616335;0.028042328042328042159159195990;0.171957671957671948126389338540;0.062433862433862431784437063698;0.049735449735449736852199720261;0.001587301587301587300210536924;0.007936507936507936067371815625;0.007936507936507936067371815625;0.011640211640211639912423358112;0.010582010582010581423162420833;0.068253968253968247403840052812;0.013756613756613756890945232669;0.016402116402116400512012361901;0.003174603174603174600421073848;0.027513227513227513781890465339;0.014285714285714285268213963320;0.011640211640211639912423358112;0.017989417989417989113265505807;0.005291005291005290711581210417;0.010582010582010581423162420833;0.006349206349206349200842147695;0.004232804232804233089682011126;0.017460317460317460735996775156;0.040740740740740744030290443334;0.016402116402116400512012361901;0.012698412698412698401684295391;0.009523809523809524668624959531;0.001058201058201058272420502782;0.112169312169312168636636783958;0.026984126984126985404621734688;0.010582010582010581423162420833;0.005291005291005290711581210417;0.007936507936507936067371815625;0.009523809523809524668624959531;0.013756613756613756890945232669;0.003703703703703703845051542487;0.014285714285714285268213963320;0.001587301587301587300210536924;0.008465608465608466179364022253;0.003703703703703703845051542487;0.008994708994708994556632752904;0.000000000000000000000000000000;0.012698412698412698401684295391;0.004761904761904762334312479766;0.009523809523809524668624959531;0.018518518518518517490534236458;0.019047619047619049337249919063;0.010582010582010581423162420833;0.008465608465608466179364022253
-0.031777557100297913750264200416;0.003972194637537239218783025052;0.026315789473684209065496020230;0.202085402184707052519740955177;0.056107249255213507976858267057;0.034260178748758689237785546311;0.002482621648460774620159607906;0.006454816285998013838942632958;0.008937437934458789326463978853;0.012909632571996027677885265916;0.009433962264150943036189467250;0.074478649453823236870064761206;0.012413108242303872233436301542;0.021350546176762661559900280395;0.005958291956305859261855406572;0.020357497517378350671002351646;0.008937437934458789326463978853;0.011916583912611718523710813145;0.011420059582919563079261848770;0.003475670307845084208014929672;0.013902681231380336832059718688;0.011420059582919563079261848770;0.004468718967229394663231989426;0.015888778550148956875132100208;0.034756703078450842947511034708;0.022840119165839126158523697541;0.010427010923535253925087395999;0.015888778550148956875132100208;0.001489572989076464815463851643;0.084409136047666338820150144784;0.024826216484607744466872603084;0.008440913604766633882015014478;0.003972194637537239218783025052;0.009433962264150943036189467250;0.014895729890764647720957647437;0.014895729890764647720957647437;0.006454816285998013838942632958;0.010923535253227407634812884396;0.004468718967229394663231989426;0.007944389275074478437566050104;0.002979145978152929630927703286;0.013902681231380336832059718688;0.000000000000000000000000000000;0.015888778550148956875132100208;0.008440913604766633882015014478;0.007447864945382323860478823718;0.017874875868917578652927957705;0.017378351539225421473755517354;0.012909632571996027677885265916;0.016385302879841110584857588606
-0.037735849056603772144757869000;0.011098779134295227305484488056;0.043285238623751387532223589005;0.208657047724750271955329594675;0.027746947835738069998434696117;0.032741398446170924541043234512;0.002774694783573806826371122014;0.012763596004439511574779508862;0.016093229744728078378646074498;0.017758046614872364382664571281;0.013318534961154272419636690472;0.042175360710321865842509225786;0.007769145394006659634256184432;0.025527192008879023149559017725;0.008324084350721421346475104031;0.022197558268590454610968976112;0.012208657047724750729922327253;0.018867924528301886072378934500;0.009433962264150943036189467250;0.007214206437291897922037264834;0.012208657047724750729922327253;0.005549389567147613652742244028;0.006104328523862375364961163626;0.027746947835738069998434696117;0.041620421753607104997652044176;0.026637069922308544839273380944;0.015538290788013319268512368865;0.007214206437291897922037264834;0.004439511653718091095666142820;0.024417314095449501459844654505;0.035516093229744728765329142561;0.017203107658157603537807389671;0.003884572697003329817128092216;0.003329633740288568104909172618;0.012763596004439511574779508862;0.024417314095449501459844654505;0.007769145394006659634256184432;0.014428412874583795844074529668;0.001664816870144284052454586309;0.005549389567147613652742244028;0.004994450610432852807885062418;0.012208657047724750729922327253;0.000000000000000000000000000000;0.011098779134295227305484488056;0.005549389567147613652742244028;0.012208657047724750729922327253;0.032186459489456156757292148995;0.020532741398446172076397431283;0.016093229744728078378646074498;0.009433962264150943036189467250
-0.041928721174004195126894245504;0.023060796645702305585068359051;0.026554856743535987934068387517;0.073375262054507339737341453656;0.021663172606568831257689566883;0.036338225017470297817379076832;0.003494060097833682782680897461;0.013277428371767993967034193759;0.025157232704402517076136547303;0.017470300489168415214447094286;0.014675052410901468294412985927;0.051013277428371771315962490689;0.009084556254367574454344769208;0.037735849056603772144757869000;0.020964360587002097563447122752;0.020265548567435360399757726668;0.008385744234800839025378849101;0.018169112508735148908689538416;0.020964360587002097563447122752;0.005590496156533892105344740742;0.015373864430468203723378906034;0.010482180293501048781723561376;0.004891684136967155809017082646;0.022361984626135568421378962967;0.054507337526205450195515567202;0.039832285115303983635826057252;0.016771488469601678050757698202;0.034241788958770093265204792488;0.000698812019566736513168092593;0.037037037037037034981068472916;0.032844164919636618937826000320;0.014675052410901468294412985927;0.004192872117400419512689424550;0.006988120195667365565361794921;0.020265548567435360399757726668;0.018867924528301886072378934500;0.008385744234800839025378849101;0.011180992313067784210689481483;0.004891684136967155809017082646;0.011879804332634521374378877567;0.003494060097833682782680897461;0.022361984626135568421378962967;0.000000000000000000000000000000;0.011180992313067784210689481483;0.008385744234800839025378849101;0.011180992313067784210689481483;0.034241788958770093265204792488;0.017470300489168415214447094286;0.018867924528301886072378934500;0.013277428371767993967034193759
-0.023180592991913745448684380790;0.007008086253369271920177219215;0.024258760107816711160122480351;0.252291105121293823820849411277;0.047439353099730456608806861141;0.027493261455525604824989827080;0.003234501347708894965909953712;0.012938005390835579863639814846;0.015094339622641509551792537991;0.018867924528301886072378934500;0.014016172506738543840354438430;0.028571428571428570536427926640;0.008625336927223720487334368556;0.020485175202156334639536083841;0.020485175202156334639536083841;0.016711590296495958118949687332;0.010781671159029650175487091701;0.018328840970350403216659884720;0.009703504043126684464048992140;0.005929919137466307076100857643;0.015633423180592992407511587771;0.009703504043126684464048992140;0.003773584905660377387948134498;0.019946091644204851783817034061;0.035040431266846361335609572052;0.021563342318059300350974183402;0.014555256064690026696073488210;0.032884097035040429912733372930;0.002695417789757412543871772925;0.028032345013477087680708876860;0.022102425876010783206693233183;0.013477088948787062719358864626;0.005390835579514825087743545851;0.007008086253369271920177219215;0.012938005390835579863639814846;0.017789757412398920360940834939;0.010781671159029650175487091701;0.008625336927223720487334368556;0.005390835579514825087743545851;0.009164420485175201608329942360;0.003773584905660377387948134498;0.008625336927223720487334368556;0.000000000000000000000000000000;0.007008086253369271920177219215;0.015633423180592992407511587771;0.010781671159029650175487091701;0.025336927223719676871560579912;0.019946091644204851783817034061;0.012938005390835579863639814846;0.014016172506738543840354438430
-0.007075471698113207710822969432;0.012382075471698113927621065500;0.020047169811320753735062183409;0.423349056603773588047801013090;0.102594339622641514409018270726;0.010613207547169810698872716159;0.003537735849056603855411484716;0.007665094339622641542164593886;0.008254716981132075373506218341;0.008844339622641509204847842796;0.007075471698113207710822969432;0.014740566037735849252987563318;0.003537735849056603855411484716;0.015919811320754716915670812227;0.012382075471698113927621065500;0.007075471698113207710822969432;0.006485849056603773879481344977;0.011792452830188680096279441045;0.015919811320754716915670812227;0.004127358490566037686753109170;0.003537735849056603855411484716;0.005306603773584905349436358080;0.005896226415094340048139720523;0.012971698113207547758962689954;0.010613207547169810698872716159;0.011202830188679244530214340614;0.011792452830188680096279441045;0.034198113207547169156708122273;0.001768867924528301927705742358;0.045990566037735845783540611365;0.007665094339622641542164593886;0.014150943396226415421645938864;0.002948113207547170024069860261;0.004127358490566037686753109170;0.007075471698113207710822969432;0.014150943396226415421645938864;0.004716981132075471518094733625;0.007665094339622641542164593886;0.001768867924528301927705742358;0.003537735849056603855411484716;0.004716981132075471518094733625;0.008254716981132075373506218341;0.000000000000000000000000000000;0.011792452830188680096279441045;0.018278301886792452241037310046;0.002948113207547170024069860261;0.014150943396226415421645938864;0.011202830188679244530214340614;0.007075471698113207710822969432;0.007075471698113207710822969432
-0.016433353621424222346103505288;0.007303712720632988576741073672;0.026171637248934873781758270184;0.333536214242239781313514868089;0.094948265368228854099719171700;0.013998782714546560354551552052;0.003043213633597078356801679533;0.011564211807668898362999598817;0.007303712720632988576741073672;0.012781497261107730226137313423;0.008520998174071819572517050290;0.010346926354230066499861884211;0.006086427267194156713603359066;0.015824710894704809016619861950;0.010955569080949483298792479502;0.009738283627510651435654764896;0.009129640900791236371447645581;0.013390139987827145290344432738;0.015216068167985392217689266658;0.003651856360316494288370536836;0.013390139987827145290344432738;0.009129640900791236371447645581;0.006695069993913572645172216369;0.019476567255021302871309529792;0.016433353621424222346103505288;0.013390139987827145290344432738;0.024345709068776626854413436263;0.018259281801582472742895291162;0.001825928180158247144185268418;0.058429701765063908613928589375;0.007912355447352404508309930975;0.011564211807668898362999598817;0.008520998174071819572517050290;0.006086427267194156713603359066;0.006695069993913572645172216369;0.011564211807668898362999598817;0.004260499087035909786258525145;0.006695069993913572645172216369;0.000608642726719415714728422806;0.006695069993913572645172216369;0.013998782714546560354551552052;0.012172854534388313427206718131;0.000000000000000000000000000000;0.006695069993913572645172216369;0.025562994522215460452274626846;0.008520998174071819572517050290;0.014607425441265977153482147344;0.015216068167985392217689266658;0.011564211807668898362999598817;0.009738283627510651435654764896
-0.022641509433962262592965331010;0.006037735849056603473772320001;0.033962264150943395624171472491;0.352452830188679233636150911479;0.011320754716981131296482665505;0.020377358490566037374502883495;0.003773584905660377387948134498;0.014339622641509433900730563494;0.004528301886792453039010108995;0.013584905660377358249668588996;0.009811320754716981729082192487;0.018113207547169812156040435980;0.012830188679245282598606614499;0.020377358490566037374502883495;0.017358490566037734770254985506;0.027924528301886793885122628467;0.014339622641509433900730563494;0.009811320754716981729082192487;0.019622641509433963458164384974;0.004528301886792453039010108995;0.018113207547169812156040435980;0.006792452830188679124834294498;0.002264150943396226519505054497;0.016603773584905660853916486985;0.024905660377358491280874730478;0.029433962264150941717799625508;0.014339622641509433900730563494;0.003773584905660377387948134498;0.002264150943396226519505054497;0.013584905660377358249668588996;0.024150943396226413895089280004;0.015094339622641509551792537991;0.004528301886792453039010108995;0.006037735849056603473772320001;0.009056603773584906078020217990;0.024905660377358491280874730478;0.003773584905660377387948134498;0.019622641509433963458164384974;0.000000000000000000000000000000;0.009811320754716981729082192487;0.006792452830188679124834294498;0.002264150943396226519505054497;0.000000000000000000000000000000;0.016603773584905660853916486985;0.012830188679245282598606614499;0.011320754716981131296482665505;0.024905660377358491280874730478;0.016603773584905660853916486985;0.007547169811320754775896268995;0.014339622641509433900730563494
-0.030501089324618736731142831786;0.002723311546840958760618001122;0.023965141612200435011770238702;0.288671023965141604339379455268;0.010348583877995642943403709069;0.043572984749455340169888017954;0.005991285403050108752942559676;0.010348583877995642943403709069;0.013616557734204793803090005611;0.011437908496732025406816823931;0.013616557734204793803090005611;0.061546840958605665561353958992;0.013616557734204793803090005611;0.029411764705882352533006240947;0.008714596949891068380922298786;0.020697167755991285886807418137;0.005446623093681917521236002244;0.004357298474945534190461149393;0.013071895424836601704021710191;0.002723311546840958760618001122;0.007625272331154684182785707947;0.006535947712418300852010855095;0.003812636165577342091392853973;0.023965141612200435011770238702;0.043028322440087148070819722534;0.019063180827886709589602531878;0.015250544662309368365571415893;0.013071895424836601704021710191;0.001633986928104575213002713774;0.033224400871459697226484308885;0.029411764705882352533006240947;0.018518518518518517490534236458;0.006535947712418300852010855095;0.005991285403050108752942559676;0.008169934640522876281854003366;0.022331154684095862184012304397;0.004357298474945534190461149393;0.009803921568627450844335413649;0.005446623093681917521236002244;0.005446623093681917521236002244;0.008169934640522876281854003366;0.009803921568627450844335413649;0.000000000000000000000000000000;0.010348583877995642943403709069;0.002178649237472767095230574697;0.010348583877995642943403709069;0.022331154684095862184012304397;0.015250544662309368365571415893;0.008714596949891068380922298786;0.015250544662309368365571415893
-0.019439679817038306441911998945;0.007432818753573470875462003704;0.021726700971983991389491208679;0.380217267009719861459160483719;0.050314465408805034152273094605;0.018296169239565465702845870055;0.004574042309891366425711467514;0.008576329331046312481889870583;0.012578616352201258538068273651;0.010863350485991995694745604339;0.010291595197255575325212539894;0.019439679817038306441911998945;0.007432818753573470875462003704;0.013722126929674099277134402541;0.008004574042309892112356806138;0.018867924528301886072378934500;0.008576329331046312481889870583;0.010291595197255575325212539894;0.019439679817038306441911998945;0.001143510577472841606427866878;0.012578616352201258538068273651;0.008576329331046312481889870583;0.003430531732418524819283600635;0.021154945683247571019958144234;0.018867924528301886072378934500;0.017152658662092624963779741165;0.015437392795883362120457071853;0.015437392795883362120457071853;0.002287021154945683212855733757;0.037735849056603772144757869000;0.027444253859348198554268805083;0.008576329331046312481889870583;0.008576329331046312481889870583;0.004002287021154946056178403069;0.010291595197255575325212539894;0.017152658662092624963779741165;0.004002287021154946056178403069;0.015437392795883362120457071853;0.002858776443682104016069667196;0.005717552887364208032139334392;0.005145797598627787662606269947;0.014865637507146941750924007408;0.000000000000000000000000000000;0.012578616352201258538068273651;0.009719839908519153220955999473;0.010863350485991995694745604339;0.014293882218410519646667466986;0.008576329331046312481889870583;0.007432818753573470875462003704;0.008576329331046312481889870583
-0.020085209981740719670240125083;0.010346926354230066499861884211;0.020693852708460132999723768421;0.345100426049908703962643130581;0.051125989044430920904549253692;0.029823493609251371105894889979;0.006695069993913572645172216369;0.010955569080949483298792479502;0.012781497261107730226137313423;0.011564211807668898362999598817;0.007912355447352404508309930975;0.027997565429093120709103104105;0.013998782714546560354551552052;0.019476567255021302871309529792;0.009129640900791236371447645581;0.021911138161898966597584959004;0.011564211807668898362999598817;0.006086427267194156713603359066;0.016433353621424222346103505288;0.003043213633597078356801679533;0.012172854534388313427206718131;0.007303712720632988576741073672;0.004260499087035909786258525145;0.010955569080949483298792479502;0.018259281801582472742895291162;0.016433353621424222346103505288;0.012781497261107730226137313423;0.008520998174071819572517050290;0.000608642726719415714728422806;0.043213633597078512926792370763;0.021911138161898966597584959004;0.017650639074863055943964695871;0.004260499087035909786258525145;0.003651856360316494288370536836;0.011564211807668898362999598817;0.017650639074863055943964695871;0.006086427267194156713603359066;0.015216068167985392217689266658;0.001217285453438831429456845612;0.007912355447352404508309930975;0.004869141813755325717827382448;0.007912355447352404508309930975;0.000000000000000000000000000000;0.012172854534388313427206718131;0.010955569080949483298792479502;0.012781497261107730226137313423;0.014607425441265977153482147344;0.018867924528301886072378934500;0.007303712720632988576741073672;0.012172854534388313427206718131
-0.021154945683247571019958144234;0.020583190394511150650425079789;0.020583190394511150650425079789;0.206975414522584333365529118964;0.020011435105774726811445063390;0.039451114922813036722804014289;0.002287021154945683212855733757;0.020011435105774726811445063390;0.020011435105774726811445063390;0.012578616352201258538068273651;0.014865637507146941750924007408;0.025157232704402517076136547303;0.025157232704402517076136547303;0.022298456260720411759024273124;0.013150371640937678907601338096;0.017724413950829045333312805610;0.008004574042309892112356806138;0.018296169239565465702845870055;0.025728987993138937445669611748;0.005145797598627787662606269947;0.014293882218410519646667466986;0.011435105774728416064278668784;0.004574042309891366425711467514;0.018296169239565465702845870055;0.036592338479130931405691740110;0.023441966838193252498090402014;0.025157232704402517076136547303;0.040022870211549453622890126780;0.000000000000000000000000000000;0.035448827901658090666625611220;0.028016009148084618923801869528;0.009719839908519153220955999473;0.005717552887364208032139334392;0.005145797598627787662606269947;0.014865637507146941750924007408;0.020011435105774726811445063390;0.007432818753573470875462003704;0.010291595197255575325212539894;0.001715265866209262409641800318;0.006289308176100629269034136826;0.005717552887364208032139334392;0.013150371640937678907601338096;0.000000000000000000000000000000;0.009719839908519153220955999473;0.008004574042309892112356806138;0.010291595197255575325212539894;0.022298456260720411759024273124;0.017152658662092624963779741165;0.017724413950829045333312805610;0.018296169239565465702845870055
-0.045422781271837874006447322017;0.018867924528301886072378934500;0.023060796645702305585068359051;0.162823200559049613422857305522;0.004891684136967155809017082646;0.034940600978336830428894188572;0.003494060097833682782680897461;0.013277428371767993967034193759;0.011879804332634521374378877567;0.020265548567435360399757726668;0.023060796645702305585068359051;0.035639412997903560653689680748;0.027253668763102725097757783601;0.014675052410901468294412985927;0.012578616352201258538068273651;0.027253668763102725097757783601;0.006289308176100629269034136826;0.011879804332634521374378877567;0.018867924528301886072378934500;0.008385744234800839025378849101;0.021663172606568831257689566883;0.004192872117400419512689424550;0.008385744234800839025378849101;0.019566736547868623236068330584;0.041928721174004195126894245504;0.030747728860936407446757812068;0.024458420684835779912447151219;0.026554856743535987934068387517;0.000698812019566736513168092593;0.015373864430468203723378906034;0.039832285115303983635826057252;0.009084556254367574454344769208;0.004891684136967155809017082646;0.009783368273934311618034165292;0.023060796645702305585068359051;0.015373864430468203723378906034;0.011879804332634521374378877567;0.020964360587002097563447122752;0.005590496156533892105344740742;0.006289308176100629269034136826;0.004891684136967155809017082646;0.016771488469601678050757698202;0.000000000000000000000000000000;0.010482180293501048781723561376;0.002795248078266946052672370371;0.010482180293501048781723561376;0.023060796645702305585068359051;0.023759608665269042748757755135;0.021663172606568831257689566883;0.020964360587002097563447122752
-0.013662979830839297110123276013;0.008458035133376708147867617527;0.014313597918022120947245667821;0.450227716330514005083074380309;0.082628497072218601293691619958;0.008458035133376708147867617527;0.002602472348731294914808698238;0.011060507482108001761633708782;0.006506180871828236636500442103;0.009759271307742355822112401142;0.006506180871828236636500442103;0.017566688353936238398134150884;0.003903708523096942155372612859;0.010409889394925179659234792950;0.018217306441119063969980018669;0.012361743656473649435878492397;0.009759271307742355822112401142;0.011060507482108001761633708782;0.013012361743656473273000884205;0.002602472348731294914808698238;0.005855562784645412799378050295;0.010409889394925179659234792950;0.001301236174365647457404349119;0.014313597918022120947245667821;0.013012361743656473273000884205;0.016265452179570590723889367268;0.012361743656473649435878492397;0.032530904359141181447778734537;0.002602472348731294914808698238;0.020819778789850359318469585901;0.028627195836044241894491335643;0.009108653220559531984990009335;0.001301236174365647457404349119;0.004554326610279765992495004667;0.005855562784645412799378050295;0.014964216005204944784368059629;0.002602472348731294914808698238;0.011060507482108001761633708782;0.001951854261548471077686306430;0.006506180871828236636500442103;0.005204944697462589829617396475;0.005855562784645412799378050295;0.000000000000000000000000000000;0.013012361743656473273000884205;0.011060507482108001761633708782;0.008458035133376708147867617527;0.011060507482108001761633708782;0.007807417046193884310745225719;0.003253090435914118318250221051;0.005204944697462589829617396475
-0.027092404450895016254641234354;0.031930333817126267670349903938;0.029027576197387518902592873360;0.143202709240445091865012727794;0.053217223028543786389477077137;0.024189646831156264017437251823;0.004837929366231253150432145560;0.015965166908563133835174951969;0.031446540880503144610447208152;0.016448959845186260364524599709;0.011611030478955007214092454149;0.027576197387518142783990882094;0.011611030478955007214092454149;0.019835510401548139131078229980;0.028543783260764392373243225620;0.012578616352201258538068273651;0.014029995162070632921946788940;0.029027576197387518902592873360;0.018384131591678763012476238714;0.007256894049346879725648218340;0.013062409288824383332694445414;0.016448959845186260364524599709;0.006289308176100629269034136826;0.021286889211417511780233269292;0.030478955007256895021194864626;0.017900338655055636483126590974;0.018867924528301886072378934500;0.037735849056603772144757869000;0.000483792936623125282517149381;0.030962747943880018081097560412;0.017416545718432509953776943235;0.011611030478955007214092454149;0.010159651669085631095490462883;0.004354136429608127488444235809;0.011611030478955007214092454149;0.022738268021286887898835260557;0.007740686985970004520274390103;0.008708272859216254976888471617;0.009675858732462506300864291120;0.007256894049346879725648218340;0.007256894049346879725648218340;0.042573778422835023560466538584;0.000000000000000000000000000000;0.009192065795839381506238119357;0.019835510401548139131078229980;0.009192065795839381506238119357;0.016932752781809386893874247448;0.010643444605708755890116634646;0.013062409288824383332694445414;0.008708272859216254976888471617
-0.028992628992628992345981231438;0.009336609336609336812218273849;0.034398034398034398051446913769;0.063882063882063883086814826129;0.031941031941031941543407413064;0.036363636363636361870099733551;0.004914004914004913883440739397;0.019164619164619166313823228620;0.020147420147420148223149638511;0.016216216216216217116397046993;0.017690417690417691715110137807;0.042751842751842752954338777727;0.015233415233415233472347161126;0.026044226044226043148555049811;0.015724815724815724427010366071;0.022113022113022112041802458293;0.016216216216216217116397046993;0.023587223587223586640515549107;0.039312039312039311067525915178;0.006388206388206388482153830211;0.016707616707616706336336775962;0.013267813267813267918970865367;0.007371007371007371258841978090;0.024570024570024568549841958998;0.031941031941031941543407413064;0.025552825552825553928615320842;0.023587223587223586640515549107;0.020638820638820637443089367480;0.003931203931203931106752591518;0.046683046683046680591644417291;0.030958230958230959634081003173;0.016707616707616706336336775962;0.011793611793611793320257774553;0.010319410319410318721544683740;0.016216216216216217116397046993;0.021621621621621622821862729324;0.006879606879606879436817035156;0.007862407862407862213505183036;0.005405405405405405705465682331;0.011793611793611793320257774553;0.006879606879606879436817035156;0.030466830466830466944694322251;0.000000000000000000000000000000;0.013759213759213758873634070312;0.018673218673218673624436547698;0.014742014742014742517683956180;0.022604422604422604731189139216;0.020638820638820637443089367480;0.015233415233415233472347161126;0.012776412776412776964307660421
-0.042587601078167114376782365071;0.028032345013477087680708876860;0.049056603773584908645410962436;0.073854447439353099191805540613;0.009164420485175201608329942360;0.024797843665768194015841530131;0.003234501347708894965909953712;0.011320754716981131296482665505;0.018328840970350403216659884720;0.022641509433962262592965331010;0.011320754716981131296482665505;0.037196765498652292758485771174;0.010242587601078167319768041921;0.037735849056603772144757869000;0.010242587601078167319768041921;0.026954177897574125438717729253;0.017250673854447440974668737113;0.024797843665768194015841530131;0.003773584905660377387948134498;0.008086253369272237631615318776;0.010781671159029650175487091701;0.014555256064690026696073488210;0.003773584905660377387948134498;0.024797843665768194015841530131;0.033962264150943395624171472491;0.035579514824797840721881669879;0.019407008086253368928097984281;0.046361185983827490897368761580;0.001078167115902965060916796070;0.014555256064690026696073488210;0.039892183288409703567634068122;0.024258760107816711160122480351;0.003234501347708894965909953712;0.005390835579514825087743545851;0.015094339622641509551792537991;0.034501347708894881949337474225;0.008625336927223720487334368556;0.015094339622641509551792537991;0.003773584905660377387948134498;0.016711590296495958118949687332;0.006469002695417789931819907423;0.014016172506738543840354438430;0.000000000000000000000000000000;0.012398921832884097007920765066;0.002695417789757412543871772925;0.014016172506738543840354438430;0.037196765498652292758485771174;0.033962264150943395624171472491;0.018328840970350403216659884720;0.018867924528301886072378934500
-0.024954351795496043653344031554;0.015824710894704809016619861950;0.017041996348143639145034100579;0.359099208764455279929705966424;0.069993913572732810446375140145;0.019476567255021302871309529792;0.006086427267194156713603359066;0.009738283627510651435654764896;0.002434570906877662858913691224;0.011564211807668898362999598817;0.010955569080949483298792479502;0.013998782714546560354551552052;0.010346926354230066499861884211;0.019476567255021302871309529792;0.013390139987827145290344432738;0.019476567255021302871309529792;0.007303712720632988576741073672;0.015216068167985392217689266658;0.011564211807668898362999598817;0.005477784540474741649396239751;0.007303712720632988576741073672;0.003043213633597078356801679533;0.003043213633597078356801679533;0.013390139987827145290344432738;0.023128423615337796725999197633;0.017041996348143639145034100579;0.009738283627510651435654764896;0.035301278149726111887929391742;0.003043213633597078356801679533;0.042604990870359099597308727425;0.007303712720632988576741073672;0.013998782714546560354551552052;0.003043213633597078356801679533;0.007303712720632988576741073672;0.009129640900791236371447645581;0.013998782714546560354551552052;0.004869141813755325717827382448;0.006086427267194156713603359066;0.000608642726719415714728422806;0.010346926354230066499861884211;0.006695069993913572645172216369;0.008520998174071819572517050290;0.000000000000000000000000000000;0.012781497261107730226137313423;0.010955569080949483298792479502;0.009738283627510651435654764896;0.016433353621424222346103505288;0.018259281801582472742895291162;0.008520998174071819572517050290;0.010346926354230066499861884211
-0.023023023023023024558053606370;0.024524524524524523444446444387;0.029029029029029030511965814298;0.171671671671671660641678158754;0.023023023023023024558053606370;0.028528528528528527413721249673;0.005005005005005004961593506607;0.011011011011011010915505714536;0.043043043043043044404427632799;0.009009009009009008930868311893;0.007507507507507507442390259911;0.021021021021021022573416203727;0.013513513513513514263664205828;0.017017017017017018604141398441;0.026026026026026025800286234357;0.015015015015015014884780519822;0.011511511511511512279026803185;0.029029029029029030511965814298;0.013013013013013012900143117179;0.006006006006006005953912207929;0.013013013013013012900143117179;0.017517517517517518232939011114;0.007507507507507507442390259911;0.014514514514514515255982907149;0.029529529529529530140763426971;0.018018018018018017861736623786;0.012012012012012011907824415857;0.068568568568568563637022350576;0.001501501501501501488478051982;0.026526526526526525429083847030;0.010010010010010009923187013214;0.015015015015015014884780519822;0.007507507507507507442390259911;0.005505505505505505457752857268;0.011511511511511512279026803185;0.018518518518518517490534236458;0.004004004004004003969274805286;0.008508508508508509302070699221;0.002002002002002001984637402643;0.008508508508508509302070699221;0.009509509509509510294389400542;0.064564564564564566606641449198;0.000000000000000000000000000000;0.010510510510510511286708101863;0.010510510510510511286708101863;0.011511511511511512279026803185;0.021021021021021022573416203727;0.016516516516516515505896833815;0.017517517517517518232939011114;0.011011011011011010915505714536
-0.017250673854447440974668737113;0.017250673854447440974668737113;0.022641509433962262592965331010;0.247439353099730446894355395671;0.077088948787061989387225935388;0.023719676549865228304403430570;0.006469002695417789931819907423;0.012398921832884097007920765066;0.038274932614555258469923870734;0.007547169811320754775896268995;0.009703504043126684464048992140;0.015633423180592992407511587771;0.010242587601078167319768041921;0.015094339622641509551792537991;0.017789757412398920360940834939;0.010242587601078167319768041921;0.012398921832884097007920765066;0.019946091644204851783817034061;0.012938005390835579863639814846;0.006469002695417789931819907423;0.010781671159029650175487091701;0.012938005390835579863639814846;0.004312668463611860243667184278;0.019407008086253368928097984281;0.020485175202156334639536083841;0.013477088948787062719358864626;0.015633423180592992407511587771;0.054447439353099730263707556333;0.002156334231805930121833592139;0.027493261455525604824989827080;0.011859838274932614152201715285;0.011320754716981131296482665505;0.003234501347708894965909953712;0.005390835579514825087743545851;0.010781671159029650175487091701;0.016711590296495958118949687332;0.003773584905660377387948134498;0.008625336927223720487334368556;0.005929919137466307076100857643;0.008086253369272237631615318776;0.004851752021563342232024496070;0.064150943396226414727756548473;0.000000000000000000000000000000;0.011320754716981131296482665505;0.011859838274932614152201715285;0.007547169811320754775896268995;0.010242587601078167319768041921;0.010242587601078167319768041921;0.007547169811320754775896268995;0.004851752021563342232024496070
-0.025943396226415095517925379909;0.019457547169811319903720558955;0.022405660377358489060428681228;0.341391509433962236919057886553;0.054834905660377360192558882090;0.023584905660377360192558882090;0.004716981132075471518094733625;0.008844339622641509204847842796;0.006485849056603773879481344977;0.010613207547169810698872716159;0.011202830188679244530214340614;0.020636792452830187566403807864;0.007075471698113207710822969432;0.015919811320754716915670812227;0.033018867924528301494024873364;0.021816037735849055229087056773;0.006485849056603773879481344977;0.009433962264150943036189467250;0.012382075471698113927621065500;0.002948113207547170024069860261;0.005896226415094340048139720523;0.004716981132075471518094733625;0.004716981132075471518094733625;0.015330188679245283084329187773;0.021816037735849055229087056773;0.018867924528301886072378934500;0.016509433962264150747012436682;0.034787735849056602988049746727;0.001768867924528301927705742358;0.027122641509433963180608628818;0.017688679245283018409695685591;0.010023584905660376867531091705;0.006485849056603773879481344977;0.003537735849056603855411484716;0.005306603773584905349436358080;0.013561320754716981590304314409;0.004127358490566037686753109170;0.008254716981132075373506218341;0.002358490566037735759047366813;0.006485849056603773879481344977;0.003537735849056603855411484716;0.015330188679245283084329187773;0.000000000000000000000000000000;0.012971698113207547758962689954;0.020636792452830187566403807864;0.010613207547169810698872716159;0.015330188679245283084329187773;0.011792452830188680096279441045;0.011792452830188680096279441045;0.009433962264150943036189467250
-0.035301278149726111887929391742;0.007303712720632988576741073672;0.037127206329884358815274225663;0.164942178940961664546094311845;0.010346926354230066499861884211;0.031040779062690201234309128608;0.003043213633597078356801679533;0.012172854534388313427206718131;0.021302495435179549798654363713;0.024345709068776626854413436263;0.016433353621424222346103505288;0.040170419963481439340480250166;0.013998782714546560354551552052;0.041996348143639686267825084087;0.003043213633597078356801679533;0.029823493609251371105894889979;0.009738283627510651435654764896;0.012172854534388313427206718131;0.006695069993913572645172216369;0.007303712720632988576741073672;0.008520998174071819572517050290;0.008520998174071819572517050290;0.011564211807668898362999598817;0.023737066342057213524929792925;0.048082775410833840379343229188;0.023737066342057213524929792925;0.015824710894704809016619861950;0.008520998174071819572517050290;0.001217285453438831429456845612;0.029214850882531954306964294688;0.027388922702373707379619460767;0.012172854534388313427206718131;0.005477784540474741649396239751;0.008520998174071819572517050290;0.024954351795496043653344031554;0.023737066342057213524929792925;0.009129640900791236371447645581;0.010346926354230066499861884211;0.006086427267194156713603359066;0.007303712720632988576741073672;0.003043213633597078356801679533;0.021911138161898966597584959004;0.000000000000000000000000000000;0.015824710894704809016619861950;0.003043213633597078356801679533;0.012172854534388313427206718131;0.029823493609251371105894889979;0.027997565429093120709103104105;0.020693852708460132999723768421;0.023128423615337796725999197633
-0.028571428571428570536427926640;0.012169312169312170024415564740;0.032804232804232801024024723802;0.139682539682539685887974201250;0.025396825396825396803368590781;0.037037037037037034981068472916;0.004232804232804233089682011126;0.021693121693121694693040524271;0.021164021164021162846324841667;0.011640211640211639912423358112;0.012169312169312170024415564740;0.028042328042328042159159195990;0.016402116402116400512012361901;0.026984126984126985404621734688;0.010582010582010581423162420833;0.017989417989417989113265505807;0.012698412698412698401684295391;0.022222222222222223070309254922;0.014814814814814815380206169948;0.005820105820105819956211679056;0.014285714285714285268213963320;0.015343915343915343757474900599;0.007936507936507936067371815625;0.019576719576719577714518649714;0.047089947089947091496409115052;0.024867724867724868426099860130;0.015873015873015872134743631250;0.029100529100529098913696657291;0.002116402116402116544841005563;0.039682539682539680336859078125;0.024867724867724868426099860130;0.008994708994708994556632752904;0.003703703703703703845051542487;0.006349206349206349200842147695;0.019047619047619049337249919063;0.023280423280423279824846716224;0.007407407407407407690103084974;0.012698412698412698401684295391;0.009523809523809524668624959531;0.015343915343915343757474900599;0.006349206349206349200842147695;0.022222222222222223070309254922;0.000000000000000000000000000000;0.013227513227513226778953026042;0.007936507936507936067371815625;0.012698412698412698401684295391;0.030687830687830687514949801198;0.016402116402116400512012361901;0.025396825396825396803368590781;0.015873015873015872134743631250
-0.041769041769041767575565415882;0.014742014742014742517683956180;0.028992628992628992345981231438;0.082555282555282549772357469919;0.024570024570024568549841958998;0.045208845208845209462378278431;0.007862407862407862213505183036;0.019164619164619166313823228620;0.022113022113022112041802458293;0.012285012285012284274920979499;0.013267813267813267918970865367;0.053562653562653564365270142389;0.016707616707616706336336775962;0.025061425061425061239228639920;0.010810810810810811410931364662;0.031941031941031941543407413064;0.011302211302211302365594569608;0.019656019656019655533762957589;0.024078624078624079329902230029;0.005405405405405405705465682331;0.013759213759213758873634070312;0.010319410319410318721544683740;0.004422604422604422928777534452;0.020147420147420148223149638511;0.041277641277641274886178734960;0.029975429975429974255307641329;0.016216216216216217116397046993;0.026044226044226043148555049811;0.003439803439803439718408517578;0.042751842751842752954338777727;0.034398034398034398051446913769;0.016707616707616706336336775962;0.008845208845208845857555068903;0.004914004914004913883440739397;0.015233415233415233472347161126;0.025552825552825553928615320842;0.009336609336609336812218273849;0.013267813267813267918970865367;0.002948402948402948330064443638;0.010810810810810811410931364662;0.003931203931203931106752591518;0.022604422604422604731189139216;0.000000000000000000000000000000;0.013267813267813267918970865367;0.009828009828009827766881478794;0.018181818181818180935049866775;0.023095823095823097420575820138;0.017690417690417691715110137807;0.016216216216216217116397046993;0.013759213759213758873634070312
-0.033564814814814818155763731511;0.002314814814814814686316779557;0.029513888888888888117900677344;0.278356481481481454753890147913;0.013888888888888888117900677344;0.032407407407407405608434913802;0.002893518518518518357895974447;0.010995370370370370627366440885;0.015625000000000000000000000000;0.021412037037037038450515424870;0.010995370370370370627366440885;0.039930555555555552471602709375;0.009837962962962963284208051107;0.028356481481481482509465763542;0.008101851851851851402108728450;0.023726851851851853136832204427;0.013310185185185185313683220443;0.005208333333333333044212754004;0.013888888888888888117900677344;0.003472222222222222029475169336;0.005787037037037036715791948893;0.009259259259259258745267118229;0.002893518518518518357895974447;0.020833333333333332176851016015;0.037037037037037034981068472916;0.024884259259259258745267118229;0.018518518518518517490534236458;0.015625000000000000000000000000;0.001736111111111111014737584668;0.026620370370370370627366440885;0.038194444444444447528397290625;0.010995370370370370627366440885;0.002314814814814814686316779557;0.005208333333333333044212754004;0.013310185185185185313683220443;0.016782407407407409077881865755;0.006365740740740740387371143783;0.013310185185185185313683220443;0.005787037037037036715791948893;0.005787037037037036715791948893;0.004050925925925925701054364225;0.006365740740740740387371143783;0.000000000000000000000000000000;0.013310185185185185313683220443;0.009259259259259258745267118229;0.011574074074074073431583897786;0.026041666666666667823148983985;0.027199074074074073431583897786;0.011574074074074073431583897786;0.011574074074074073431583897786
-0.035714285714285712303173170312;0.010781671159029650175487091701;0.028975741239892181810855475987;0.234501347708894886112673816569;0.002695417789757412543871772925;0.032345013477088950526461275103;0.003369272237196765679839716157;0.012129380053908355580061240175;0.012803234501347708282348314413;0.014824797843665768123933013101;0.022237196765498651318537781663;0.030997304582210241652440174676;0.016172506738544475263230637552;0.030997304582210241652440174676;0.010107816711590295738476541487;0.027628032345013476406281327513;0.011455525606469002877774165938;0.015498652291105120826220087338;0.017520215633423180667804786026;0.004043126684636118815807659388;0.016172506738544475263230637552;0.006738544474393531359679432313;0.005390835579514825087743545851;0.024258760107816711160122480351;0.050539083557951482161829659390;0.026280323450134771001707179039;0.026280323450134771001707179039;0.014150943396226415421645938864;0.003369272237196765679839716157;0.014824797843665768123933013101;0.020889487870619945913963633188;0.014150943396226415421645938864;0.006064690026954177790030620088;0.004043126684636118815807659388;0.018194070080862535104815336240;0.014150943396226415421645938864;0.005390835579514825087743545851;0.011455525606469002877774165938;0.001347708894878706271935886463;0.009433962264150943036189467250;0.006738544474393531359679432313;0.010107816711590295738476541487;0.000000000000000000000000000000;0.010107816711590295738476541487;0.007412398921832884061966506550;0.012803234501347708282348314413;0.027628032345013476406281327513;0.020889487870619945913963633188;0.017520215633423180667804786026;0.018867924528301886072378934500
-0.044811320754716978120857362455;0.011792452830188680096279441045;0.041863207547169808964149240182;0.100825471698113205976099493455;0.002358490566037735759047366813;0.054245283018867926361217257636;0.005306603773584905349436358080;0.014740566037735849252987563318;0.014150943396226415421645938864;0.028891509433962264674633502182;0.017688679245283018409695685591;0.036556603773584904482074620091;0.014740566037735849252987563318;0.043042452830188676626832489092;0.008844339622641509204847842796;0.035966981132075470650732995637;0.017688679245283018409695685591;0.011202830188679244530214340614;0.012382075471698113927621065500;0.012971698113207547758962689954;0.015919811320754716915670812227;0.008254716981132075373506218341;0.001768867924528301927705742358;0.034198113207547169156708122273;0.057783018867924529349267004363;0.046580188679245279614882235819;0.016509433962264150747012436682;0.009433962264150943036189467250;0.001179245283018867879523683406;0.012971698113207547758962689954;0.014740566037735849252987563318;0.010613207547169810698872716159;0.002948113207547170024069860261;0.011202830188679244530214340614;0.012971698113207547758962689954;0.026533018867924529349267004363;0.011792452830188680096279441045;0.008254716981132075373506218341;0.003537735849056603855411484716;0.011202830188679244530214340614;0.003537735849056603855411484716;0.005896226415094340048139720523;0.000000000000000000000000000000;0.017099056603773584578354061136;0.004127358490566037686753109170;0.012382075471698113927621065500;0.035966981132075470650732995637;0.030660377358490566168658375545;0.022995283018867922891770305682;0.018867924528301886072378934500
-0.044950055493895670066795133835;0.007214206437291897922037264834;0.061043285238623748445441208332;0.053274139844617089678546761888;0.005549389567147613652742244028;0.039955604883462822463080499347;0.001664816870144284052454586309;0.017203107658157603537807389671;0.017203107658157603537807389671;0.024417314095449501459844654505;0.016648168701442842692950208061;0.029411764705882352533006240947;0.016093229744728078378646074498;0.046614872364039952601366678664;0.006659267480577136209818345236;0.033296337402885685385900416122;0.014983351831298556688931711278;0.019977802441731411231540249673;0.014428412874583795844074529668;0.007214206437291897922037264834;0.008324084350721421346475104031;0.016093229744728078378646074498;0.004439511653718091095666142820;0.033296337402885685385900416122;0.061043285238623748445441208332;0.035516093229744728765329142561;0.023307436182019976300683339332;0.002774694783573806826371122014;0.001109877913429522773916535705;0.016093229744728078378646074498;0.019422863485016646917236116110;0.018867924528301886072378934500;0.006104328523862375364961163626;0.002219755826859045547833071410;0.021642619311875693766111794503;0.037180910099889011299900687391;0.010543840177580466460627306446;0.009433962264150943036189467250;0.000000000000000000000000000000;0.009988901220865705615770124837;0.002774694783573806826371122014;0.006659267480577136209818345236;0.000000000000000000000000000000;0.017758046614872364382664571281;0.003329633740288568104909172618;0.014983351831298556688931711278;0.058268590455049944221155300283;0.040510543840177583307937680956;0.021087680355160932921254612893;0.019422863485016646917236116110
-0.024242424242424242403215473018;0.038567493112947659472666828151;0.026997245179063360936977389315;0.124517906336088154950481055039;0.029201101928374655070097531961;0.034159779614325071206426542858;0.005509641873278237067523832593;0.019834710743801654136975187726;0.017630853994490356534408093125;0.011570247933884296800965962859;0.013223140495867768268167807832;0.023140495867768593601931925718;0.015426997245179064136011426456;0.015977961432506886801929724129;0.029752066115702479470739305611;0.017079889807162535603213271429;0.016528925619834711202571497779;0.035812672176308540938904911854;0.020385674931129475068170009422;0.004958677685950413534243796931;0.015426997245179064136011426456;0.009366391184573002667845820213;0.003856749311294766034002856614;0.018732782369146005335691640425;0.025895316804407712135693842015;0.023140495867768593601931925718;0.024242424242424242403215473018;0.073278236914600544671394288798;0.002754820936639118533761916296;0.044077134986225896540190660744;0.023140495867768593601931925718;0.010468319559228649734405891536;0.014876033057851239735369652806;0.006611570247933884134083903916;0.012672176308539945602249510159;0.014876033057851239735369652806;0.008815426997245178267204046563;0.011570247933884296800965962859;0.002203856749311294566801011641;0.004958677685950413534243796931;0.006611570247933884134083903916;0.022038567493112948270095330372;0.000000000000000000000000000000;0.011019283746556474135047665186;0.019834710743801654136975187726;0.010468319559228649734405891536;0.024793388429752066803857246668;0.010468319559228649734405891536;0.011019283746556474135047665186;0.008264462809917355601285748889
-0.028891509433962264674633502182;0.015330188679245283084329187773;0.016509433962264150747012436682;0.216981132075471705444869030543;0.051886792452830191035850759818;0.034787735849056602988049746727;0.003537735849056603855411484716;0.014150943396226415421645938864;0.013561320754716981590304314409;0.010023584905660376867531091705;0.012971698113207547758962689954;0.033608490566037735325366497818;0.010023584905660376867531091705;0.017099056603773584578354061136;0.009433962264150943036189467250;0.015919811320754716915670812227;0.009433962264150943036189467250;0.026533018867924529349267004363;0.014150943396226415421645938864;0.006485849056603773879481344977;0.011792452830188680096279441045;0.007665094339622641542164593886;0.007665094339622641542164593886;0.017688679245283018409695685591;0.018278301886792452241037310046;0.017099056603773584578354061136;0.026533018867924529349267004363;0.074292452830188676626832489092;0.001179245283018867879523683406;0.044811320754716978120857362455;0.020047169811320753735062183409;0.009433962264150943036189467250;0.008254716981132075373506218341;0.006485849056603773879481344977;0.011792452830188680096279441045;0.012971698113207547758962689954;0.004716981132075471518094733625;0.014150943396226415421645938864;0.001768867924528301927705742358;0.015919811320754716915670812227;0.004127358490566037686753109170;0.016509433962264150747012436682;0.000000000000000000000000000000;0.007665094339622641542164593886;0.011792452830188680096279441045;0.011792452830188680096279441045;0.011202830188679244530214340614;0.013561320754716981590304314409;0.016509433962264150747012436682;0.012971698113207547758962689954
-0.021302495435179549798654363713;0.009738283627510651435654764896;0.023128423615337796725999197633;0.361533779671332933247640539776;0.025562994522215460452274626846;0.023737066342057213524929792925;0.002434570906877662858913691224;0.006695069993913572645172216369;0.005477784540474741649396239751;0.014607425441265977153482147344;0.010955569080949483298792479502;0.027997565429093120709103104105;0.011564211807668898362999598817;0.019476567255021302871309529792;0.004260499087035909786258525145;0.009738283627510651435654764896;0.009129640900791236371447645581;0.015216068167985392217689266658;0.017650639074863055943964695871;0.006695069993913572645172216369;0.010955569080949483298792479502;0.009129640900791236371447645581;0.009738283627510651435654764896;0.019476567255021302871309529792;0.018867924528301886072378934500;0.023128423615337796725999197633;0.014607425441265977153482147344;0.024345709068776626854413436263;0.002434570906877662858913691224;0.040170419963481439340480250166;0.017041996348143639145034100579;0.008520998174071819572517050290;0.006695069993913572645172216369;0.007303712720632988576741073672;0.007303712720632988576741073672;0.022519780888618379927068602342;0.006086427267194156713603359066;0.007303712720632988576741073672;0.000608642726719415714728422806;0.012781497261107730226137313423;0.004260499087035909786258525145;0.013390139987827145290344432738;0.000000000000000000000000000000;0.012172854534388313427206718131;0.010955569080949483298792479502;0.007912355447352404508309930975;0.015216068167985392217689266658;0.015216068167985392217689266658;0.017041996348143639145034100579;0.007912355447352404508309930975
-0.047169811320754720385117764181;0.009433962264150943036189467250;0.029350104821802936588825971853;0.178721174004192878692620638503;0.025681341719077568214180118389;0.035639412997903560653689680748;0.003144654088050314634517068413;0.013102725366876309676111844738;0.009433962264150943036189467250;0.013102725366876309676111844738;0.014150943396226415421645938864;0.044549266247379454286559052889;0.016771488469601678050757698202;0.033018867924528301494024873364;0.005765199161425576396267089763;0.027253668763102725097757783601;0.009958071278825995908956514313;0.019916142557651991817913028626;0.015723270440251572305223604076;0.005765199161425576396267089763;0.010482180293501048781723561376;0.007861635220125786152611802038;0.005765199161425576396267089763;0.027253668763102725097757783601;0.048218029350104822661204906353;0.032494758909853246886534350324;0.015199161425576519432456557013;0.013626834381551362548878891801;0.001572327044025157317258534206;0.034591194968553458377602538576;0.029350104821802936588825971853;0.011530398322851152792534179525;0.006813417190775681274439445900;0.004716981132075471518094733625;0.012578616352201258538068273651;0.024633123689727462468646024263;0.008385744234800839025378849101;0.011006289308176099919767132462;0.002096436058700209756344712275;0.010482180293501048781723561376;0.003668763102725367073603246482;0.016247379454926623443267175162;0.000000000000000000000000000000;0.012054507337526205665301226588;0.002096436058700209756344712275;0.011006289308176099919767132462;0.024109014675052411330602453177;0.016771488469601678050757698202;0.018867924528301886072378934500;0.018867924528301886072378934500
-0.041509433962264148665344265510;0.005929919137466307076100857643;0.042587601078167114376782365071;0.150943396226415088579031476002;0.002156334231805930121833592139;0.039353099730458224181361970295;0.002695417789757412543871772925;0.012398921832884097007920765066;0.009164420485175201608329942360;0.030727762803234501959304125762;0.018867924528301886072378934500;0.040431266846361182953906165949;0.011320754716981131296482665505;0.042587601078167114376782365071;0.004851752021563342232024496070;0.027493261455525604824989827080;0.009703504043126684464048992140;0.008625336927223720487334368556;0.010781671159029650175487091701;0.005390835579514825087743545851;0.015094339622641509551792537991;0.011859838274932614152201715285;0.004312668463611860243667184278;0.028032345013477087680708876860;0.051752021563342319454559259384;0.039353099730458224181361970295;0.016711590296495958118949687332;0.009164420485175201608329942360;0.001617250673854447482954976856;0.018328840970350403216659884720;0.022102425876010783206693233183;0.011859838274932614152201715285;0.003234501347708894965909953712;0.008086253369272237631615318776;0.015094339622641509551792537991;0.027493261455525604824989827080;0.008625336927223720487334368556;0.017250673854447440974668737113;0.000539083557951482530458398035;0.011320754716981131296482665505;0.002156334231805930121833592139;0.012398921832884097007920765066;0.000000000000000000000000000000;0.019407008086253368928097984281;0.001617250673854447482954976856;0.016172506738544475263230637552;0.044743935309973045799658564192;0.027493261455525604824989827080;0.016711590296495958118949687332;0.019946091644204851783817034061
-0.022012578616352199839534264925;0.011006289308176099919767132462;0.026205450733752619352223689475;0.327044025157232687295305595399;0.019392033542976940679869457540;0.016247379454926623443267175162;0.003144654088050314634517068413;0.007861635220125786152611802038;0.013102725366876309676111844738;0.017295597484276729188801269288;0.012054507337526205665301226588;0.025157232704402517076136547303;0.006289308176100629269034136826;0.027253668763102725097757783601;0.010482180293501048781723561376;0.015723270440251572305223604076;0.008909853249475890163422420187;0.010482180293501048781723561376;0.024633123689727462468646024263;0.008385744234800839025378849101;0.014675052410901468294412985927;0.014675052410901468294412985927;0.002620545073375262195430890344;0.026729559748427673959714212515;0.018343815513626834934335363414;0.025157232704402517076136547303;0.018343815513626834934335363414;0.002620545073375262195430890344;0.001048218029350104878172356138;0.023584905660377360192558882090;0.033542976939203356101515396404;0.018343815513626834934335363414;0.003668763102725367073603246482;0.007861635220125786152611802038;0.004716981132075471518094733625;0.025157232704402517076136547303;0.005241090146750524390861780688;0.011006289308176099919767132462;0.002096436058700209756344712275;0.009958071278825995908956514313;0.003668763102725367073603246482;0.005241090146750524390861780688;0.000000000000000000000000000000;0.008385744234800839025378849101;0.007337526205450734147206492963;0.011530398322851152792534179525;0.036163522012578615261180203788;0.020440251572327042955956599712;0.009433962264150943036189467250;0.015723270440251572305223604076
-0.023456790123456791596900927743;0.013580246913580246853614497127;0.025308641975308642652064960998;0.362962962962962987223392019587;0.017901234567901234961961876024;0.029629629629629630760412339896;0.002469135802469135752140738660;0.011728395061728395798450463872;0.012345679012345678327022824305;0.011111111111111111535154627461;0.008024691358024691953398921385;0.035185185185185187395351391615;0.012345679012345678327022824305;0.016666666666666666435370203203;0.005555555555555555767577313730;0.018518518518518517490534236458;0.003086419753086419581755706076;0.010493827160493827271858791050;0.020370370370370372015145221667;0.004938271604938271504281477320;0.009259259259259258745267118229;0.006172839506172839163511412153;0.002469135802469135752140738660;0.022839506172839505598881615356;0.029629629629629630760412339896;0.023456790123456791596900927743;0.011728395061728395798450463872;0.012962962962962962590318660716;0.000617283950617283938035184665;0.040123456790123454562824178993;0.031481481481481478346129421197;0.010493827160493827271858791050;0.004320987654320987240985640909;0.005555555555555555767577313730;0.011111111111111111535154627461;0.012345679012345678327022824305;0.003086419753086419581755706076;0.012345679012345678327022824305;0.000000000000000000000000000000;0.009876543209876543008562954640;0.001851851851851851922525771243;0.007407407407407407690103084974;0.000000000000000000000000000000;0.009259259259259258745267118229;0.004320987654320987240985640909;0.001851851851851851922525771243;0.023456790123456791596900927743;0.020370370370370372015145221667;0.013580246913580246853614497127;0.012345679012345678327022824305
-0.023862375138734740614987472895;0.018312985571587125227521752890;0.027746947835738069998434696117;0.285793562708102133473886397041;0.011098779134295227305484488056;0.027192008879023309153577514508;0.003329633740288568104909172618;0.009988901220865705615770124837;0.007769145394006659634256184432;0.019977802441731411231540249673;0.013318534961154272419636690472;0.016648168701442842692950208061;0.016093229744728078378646074498;0.033296337402885685385900416122;0.016648168701442842692950208061;0.022197558268590454610968976112;0.015538290788013319268512368865;0.018312985571587125227521752890;0.008324084350721421346475104031;0.007214206437291897922037264834;0.006104328523862375364961163626;0.008879023307436182191332285640;0.006104328523862375364961163626;0.023307436182019976300683339332;0.024417314095449501459844654505;0.020532741398446172076397431283;0.014983351831298556688931711278;0.007214206437291897922037264834;0.003329633740288568104909172618;0.034406215316315207075614779342;0.017758046614872364382664571281;0.016093229744728078378646074498;0.002219755826859045547833071410;0.007214206437291897922037264834;0.022752497225305215455826157722;0.026637069922308544839273380944;0.008324084350721421346475104031;0.012208657047724750729922327253;0.001664816870144284052454586309;0.017203107658157603537807389671;0.006659267480577136209818345236;0.005549389567147613652742244028;0.000000000000000000000000000000;0.012763596004439511574779508862;0.004439511653718091095666142820;0.009988901220865705615770124837;0.030521642619311874222720604166;0.020532741398446172076397431283;0.011653718091009988150341669666;0.013873473917869034999217348059
-0.030521642619311874222720604166;0.007214206437291897922037264834;0.051054384017758046299118035449;0.190344062153163157136148697646;0.002219755826859045547833071410;0.022752497225305215455826157722;0.002774694783573806826371122014;0.013318534961154272419636690472;0.031076581576026638537024737730;0.021087680355160932921254612893;0.016648168701442842692950208061;0.023307436182019976300683339332;0.012763596004439511574779508862;0.041620421753607104997652044176;0.005549389567147613652742244028;0.023307436182019976300683339332;0.017758046614872364382664571281;0.019977802441731411231540249673;0.002774694783573806826371122014;0.006659267480577136209818345236;0.013318534961154272419636690472;0.014428412874583795844074529668;0.007214206437291897922037264834;0.023862375138734740614987472895;0.034961154273029967920471960952;0.028301886792452830843291877727;0.010543840177580466460627306446;0.014983351831298556688931711278;0.001109877913429522773916535705;0.026637069922308544839273380944;0.018312985571587125227521752890;0.012208657047724750729922327253;0.004439511653718091095666142820;0.009988901220865705615770124837;0.018312985571587125227521752890;0.033296337402885685385900416122;0.007769145394006659634256184432;0.012208657047724750729922327253;0.005549389567147613652742244028;0.014428412874583795844074529668;0.002219755826859045547833071410;0.014428412874583795844074529668;0.000000000000000000000000000000;0.013318534961154272419636690472;0.006659267480577136209818345236;0.011098779134295227305484488056;0.030521642619311874222720604166;0.031631520532741395912434967386;0.017203107658157603537807389671;0.018312985571587125227521752890
-0.031045751633986928830211127206;0.011437908496732025406816823931;0.043572984749455340169888017954;0.090958605664488018094360199939;0.002723311546840958760618001122;0.036492374727668842882000177497;0.001633986928104575213002713774;0.018518518518518517490534236458;0.019063180827886709589602531878;0.022331154684095862184012304397;0.008714596949891068380922298786;0.025054466230936819209906829542;0.018518518518518517490534236458;0.044117647058823532268956313374;0.005991285403050108752942559676;0.023965141612200435011770238702;0.010893246187363835042472004488;0.012527233115468409604953414771;0.011437908496732025406816823931;0.008714596949891068380922298786;0.009803921568627450844335413649;0.012527233115468409604953414771;0.004901960784313725422167706824;0.034313725490196081424620899725;0.057734204793028320867875891054;0.034858387799564273523689195144;0.019063180827886709589602531878;0.031590413943355120929279422626;0.001633986928104575213002713774;0.020697167755991285886807418137;0.020697167755991285886807418137;0.017973856209150325391465941038;0.009803921568627450844335413649;0.013616557734204793803090005611;0.020152505446623093787739122718;0.033769063180827889325552604305;0.014161220043572984167434825054;0.014161220043572984167434825054;0.005446623093681917521236002244;0.015250544662309368365571415893;0.004901960784313725422167706824;0.009259259259259258745267118229;0.000000000000000000000000000000;0.016339869281045752563708006733;0.007080610021786492083717412527;0.008714596949891068380922298786;0.037037037037037034981068472916;0.033224400871459697226484308885;0.021241830065359477985875713557;0.022331154684095862184012304397
-0.041778975741239891827927266377;0.018194070080862535104815336240;0.026954177897574125438717729253;0.150269541778975751489255685556;0.015498652291105120826220087338;0.044474393530997302637075563325;0.002695417789757412543871772925;0.016172506738544475263230637552;0.015498652291105120826220087338;0.014150943396226415421645938864;0.018867924528301886072378934500;0.031671159029649592620003772936;0.014824797843665768123933013101;0.024932614555256065597133030565;0.018194070080862535104815336240;0.027628032345013476406281327513;0.013477088948787062719358864626;0.019541778975741240509389484714;0.026280323450134771001707179039;0.005390835579514825087743545851;0.016846361185983826230794235812;0.011455525606469002877774165938;0.002021563342318059407903829694;0.018194070080862535104815336240;0.037061994609164421177194270740;0.019541778975741240509389484714;0.018194070080862535104815336240;0.061994609164420483304880349351;0.001347708894878706271935886463;0.032345013477088950526461275103;0.022237196765498651318537781663;0.009433962264150943036189467250;0.010107816711590295738476541487;0.006738544474393531359679432313;0.015498652291105120826220087338;0.024258760107816711160122480351;0.012129380053908355580061240175;0.010107816711590295738476541487;0.001347708894878706271935886463;0.009433962264150943036189467250;0.002695417789757412543871772925;0.004716981132075471518094733625;0.000000000000000000000000000000;0.011455525606469002877774165938;0.011455525606469002877774165938;0.009433962264150943036189467250;0.019541778975741240509389484714;0.018867924528301886072378934500;0.024258760107816711160122480351;0.010781671159029650175487091701
-0.033962264150943395624171472491;0.011859838274932614152201715285;0.045822102425876011511096663753;0.116981132075471699893753907418;0.024258760107816711160122480351;0.025336927223719676871560579912;0.004851752021563342232024496070;0.012938005390835579863639814846;0.020485175202156334639536083841;0.015094339622641509551792537991;0.015633423180592992407511587771;0.034501347708894881949337474225;0.012938005390835579863639814846;0.031805929919137464201295273369;0.021024258760107817495255133622;0.030188679245283019103585075982;0.010242587601078167319768041921;0.017250673854447440974668737113;0.007008086253369271920177219215;0.008086253369272237631615318776;0.010781671159029650175487091701;0.013477088948787062719358864626;0.004851752021563342232024496070;0.028571428571428570536427926640;0.043665768194070080088220464631;0.029649595687331536247866026201;0.015633423180592992407511587771;0.024797843665768194015841530131;0.002695417789757412543871772925;0.022641509433962262592965331010;0.012398921832884097007920765066;0.021024258760107817495255133622;0.006469002695417789931819907423;0.010242587601078167319768041921;0.014016172506738543840354438430;0.032884097035040429912733372930;0.010781671159029650175487091701;0.011859838274932614152201715285;0.008086253369272237631615318776;0.017789757412398920360940834939;0.008086253369272237631615318776;0.010242587601078167319768041921;0.000000000000000000000000000000;0.020485175202156334639536083841;0.010781671159029650175487091701;0.013477088948787062719358864626;0.033962264150943395624171472491;0.023719676549865228304403430570;0.021563342318059300350974183402;0.015094339622641509551792537991
-0.036592338479130931405691740110;0.012578616352201258538068273651;0.046883933676386504996180804028;0.044025157232704399679068529849;0.009719839908519153220955999473;0.045740423098913664257114675138;0.002858776443682104016069667196;0.018867924528301886072378934500;0.021154945683247571019958144234;0.033161806746712409188493353440;0.019439679817038306441911998945;0.037735849056603772144757869000;0.014865637507146941750924007408;0.032590051457975985349513337042;0.009719839908519153220955999473;0.028016009148084618923801869528;0.012578616352201258538068273651;0.013150371640937678907601338096;0.020011435105774726811445063390;0.004002287021154946056178403069;0.014293882218410519646667466986;0.008004574042309892112356806138;0.005717552887364208032139334392;0.041738136077758718200936272069;0.054316752429959980208451497674;0.038879359634076612883823997890;0.020583190394511150650425079789;0.015437392795883362120457071853;0.001143510577472841606427866878;0.036020583190394514505605627619;0.034305317324185249927559482330;0.016009148084619784224713612275;0.009148084619782732851422935028;0.008004574042309892112356806138;0.009148084619782732851422935028;0.029731275014293883501848014816;0.009148084619782732851422935028;0.015437392795883362120457071853;0.006289308176100629269034136826;0.009148084619782732851422935028;0.005145797598627787662606269947;0.016009148084619784224713612275;0.000000000000000000000000000000;0.020583190394511150650425079789;0.004574042309891366425711467514;0.013150371640937678907601338096;0.031446540880503144610447208152;0.024585477415666093237156530904;0.014865637507146941750924007408;0.023441966838193252498090402014
-0.027976577748861419792092419812;0.010409889394925179659234792950;0.046193884189980480292625486527;0.169811320754716971181963458548;0.010409889394925179659234792950;0.026675341574495772117847636196;0.001951854261548471077686306430;0.011711125569290825598756100590;0.029277813923227063996890251474;0.013662979830839297110123276013;0.015614834092387768621490451437;0.031880286271958359345379818706;0.011711125569290825598756100590;0.026024723487312946546001768411;0.012361743656473649435878492397;0.020169160702667533746623718116;0.022771633051398829095113285348;0.014964216005204944784368059629;0.016916070266753416295735235053;0.007807417046193884310745225719;0.016265452179570590723889367268;0.018867924528301886072378934500;0.004554326610279765992495004667;0.030579050097592711671135035090;0.035783994795055305837561121507;0.023422251138581651197512201179;0.015614834092387768621490451437;0.027976577748861419792092419812;0.003253090435914118318250221051;0.016265452179570590723889367268;0.018217306441119063969980018669;0.020169160702667533746623718116;0.006506180871828236636500442103;0.011060507482108001761633708782;0.016916070266753416295735235053;0.026024723487312946546001768411;0.003903708523096942155372612859;0.011060507482108001761633708782;0.005204944697462589829617396475;0.022121014964216003523267417563;0.004554326610279765992495004667;0.014964216005204944784368059629;0.000000000000000000000000000000;0.009759271307742355822112401142;0.006506180871828236636500442103;0.014964216005204944784368059629;0.029928432010409889568736119259;0.026675341574495772117847636196;0.011711125569290825598756100590;0.018867924528301886072378934500
-0.024013722126929672867623466459;0.013722126929674099277134402541;0.022870211549456832128557337569;0.370497427101200704768757532293;0.028587764436821039293334933973;0.025157232704402517076136547303;0.003430531732418524819283600635;0.010291595197255575325212539894;0.008004574042309892112356806138;0.006861063464837049638567201271;0.010291595197255575325212539894;0.033161806746712409188493353440;0.012006861063464836433811733230;0.015437392795883362120457071853;0.009719839908519153220955999473;0.016009148084619784224713612275;0.014865637507146941750924007408;0.019439679817038306441911998945;0.011435105774728416064278668784;0.006861063464837049638567201271;0.016009148084619784224713612275;0.016009148084619784224713612275;0.008576329331046312481889870583;0.006861063464837049638567201271;0.021726700971983991389491208679;0.012006861063464836433811733230;0.011435105774728416064278668784;0.014865637507146941750924007408;0.000571755288736420803213933439;0.042309891366495142039916288468;0.017724413950829045333312805610;0.012578616352201258538068273651;0.003430531732418524819283600635;0.004002287021154946056178403069;0.011435105774728416064278668784;0.016009148084619784224713612275;0.007432818753573470875462003704;0.011435105774728416064278668784;0.001715265866209262409641800318;0.018867924528301886072378934500;0.002858776443682104016069667196;0.012006861063464836433811733230;0.000000000000000000000000000000;0.008004574042309892112356806138;0.004574042309891366425711467514;0.004002287021154946056178403069;0.017152658662092624963779741165;0.011435105774728416064278668784;0.010863350485991995694745604339;0.011435105774728416064278668784
-0.017099056603773584578354061136;0.008844339622641509204847842796;0.028301886792452830843291877727;0.373820754716981118459528943276;0.022405660377358489060428681228;0.031839622641509433831341624455;0.005896226415094340048139720523;0.014740566037735849252987563318;0.015330188679245283084329187773;0.012971698113207547758962689954;0.007075471698113207710822969432;0.031250000000000000000000000000;0.014150943396226415421645938864;0.017099056603773584578354061136;0.009433962264150943036189467250;0.015919811320754716915670812227;0.008844339622641509204847842796;0.014740566037735849252987563318;0.014150943396226415421645938864;0.001768867924528301927705742358;0.014150943396226415421645938864;0.012382075471698113927621065500;0.008844339622641509204847842796;0.014740566037735849252987563318;0.023584905660377360192558882090;0.016509433962264150747012436682;0.008844339622641509204847842796;0.017688679245283018409695685591;0.001179245283018867879523683406;0.040094339622641507470124366819;0.016509433962264150747012436682;0.008254716981132075373506218341;0.004127358490566037686753109170;0.006485849056603773879481344977;0.009433962264150943036189467250;0.014740566037735849252987563318;0.005896226415094340048139720523;0.007075471698113207710822969432;0.001768867924528301927705742358;0.018278301886792452241037310046;0.003537735849056603855411484716;0.015919811320754716915670812227;0.000000000000000000000000000000;0.008254716981132075373506218341;0.006485849056603773879481344977;0.012382075471698113927621065500;0.012382075471698113927621065500;0.010023584905660376867531091705;0.005306603773584905349436358080;0.009433962264150943036189467250
-0.021911138161898966597584959004;0.014607425441265977153482147344;0.028606208155812537508033699396;0.297017650639074870522193805300;0.039561777236762019072102702921;0.030432136335970784435378533317;0.002434570906877662858913691224;0.010346926354230066499861884211;0.013998782714546560354551552052;0.011564211807668898362999598817;0.009738283627510651435654764896;0.040779062690200852669963893504;0.010346926354230066499861884211;0.017650639074863055943964695871;0.012781497261107730226137313423;0.014607425441265977153482147344;0.010955569080949483298792479502;0.020085209981740719670240125083;0.020085209981740719670240125083;0.003651856360316494288370536836;0.015824710894704809016619861950;0.014607425441265977153482147344;0.004260499087035909786258525145;0.017650639074863055943964695871;0.023128423615337796725999197633;0.013998782714546560354551552052;0.010346926354230066499861884211;0.025562994522215460452274626846;0.001217285453438831429456845612;0.057821059038344488345551042130;0.017650639074863055943964695871;0.012781497261107730226137313423;0.006695069993913572645172216369;0.004260499087035909786258525145;0.009129640900791236371447645581;0.011564211807668898362999598817;0.003043213633597078356801679533;0.012172854534388313427206718131;0.003651856360316494288370536836;0.011564211807668898362999598817;0.007912355447352404508309930975;0.017650639074863055943964695871;0.000000000000000000000000000000;0.007303712720632988576741073672;0.015824710894704809016619861950;0.003043213633597078356801679533;0.015216068167985392217689266658;0.009129640900791236371447645581;0.006086427267194156713603359066;0.009738283627510651435654764896
-0.030784508440913606330813223622;0.004468718967229394663231989426;0.042701092353525323119800560789;0.228401191658391261585236975407;0.015392254220456803165406611811;0.016881827209533267764030028957;0.001489572989076464815463851643;0.004965243296921549240319215812;0.024329692154915590757147114687;0.028798411122144984553017366125;0.009433962264150943036189467250;0.034756703078450842947511034708;0.012909632571996027677885265916;0.037735849056603772144757869000;0.002979145978152929630927703286;0.018867924528301886072378934500;0.014399205561072492276508683062;0.010923535253227407634812884396;0.004965243296921549240319215812;0.010427010923535253925087395999;0.012909632571996027677885265916;0.012413108242303872233436301542;0.006454816285998013838942632958;0.033267130089374381818334569516;0.023833167825223437047421626289;0.036742800397219464725306892205;0.018371400198609732362653446103;0.011916583912611718523710813145;0.001489572989076464815463851643;0.024329692154915590757147114687;0.025322740814299901646045043435;0.017874875868917578652927957705;0.004468718967229394663231989426;0.007944389275074478437566050104;0.017874875868917578652927957705;0.028798411122144984553017366125;0.003972194637537239218783025052;0.006454816285998013838942632958;0.003475670307845084208014929672;0.010427010923535253925087395999;0.002979145978152929630927703286;0.009433962264150943036189467250;0.000000000000000000000000000000;0.013406156901688183122334230291;0.002979145978152929630927703286;0.009930486593843098480638431624;0.036246276067527311015581403808;0.022343594836146972448798209143;0.017874875868917578652927957705;0.020854021847070507850174791997
-0.020532741398446172076397431283;0.008879023307436182191332285640;0.018867924528301886072378934500;0.372364039955604908538333575052;0.036625971143174250455043505781;0.031631520532741395912434967386;0.002774694783573806826371122014;0.004439511653718091095666142820;0.016648168701442842692950208061;0.010543840177580466460627306446;0.009988901220865705615770124837;0.043840177580466148377080770615;0.005549389567147613652742244028;0.013318534961154272419636690472;0.006104328523862375364961163626;0.013873473917869034999217348059;0.007214206437291897922037264834;0.012208657047724750729922327253;0.017758046614872364382664571281;0.005549389567147613652742244028;0.008879023307436182191332285640;0.008324084350721421346475104031;0.002774694783573806826371122014;0.022752497225305215455826157722;0.018867924528301886072378934500;0.011653718091009988150341669666;0.012763596004439511574779508862;0.014428412874583795844074529668;0.001664816870144284052454586309;0.059378468368479465910869663503;0.028856825749167591688149059337;0.009988901220865705615770124837;0.003884572697003329817128092216;0.006659267480577136209818345236;0.004994450610432852807885062418;0.013873473917869034999217348059;0.006104328523862375364961163626;0.010543840177580466460627306446;0.001664816870144284052454586309;0.008324084350721421346475104031;0.002774694783573806826371122014;0.009433962264150943036189467250;0.000000000000000000000000000000;0.012208657047724750729922327253;0.006104328523862375364961163626;0.006659267480577136209818345236;0.012763596004439511574779508862;0.014983351831298556688931711278;0.010543840177580466460627306446;0.009433962264150943036189467250
-0.029731275014293883501848014816;0.010291595197255575325212539894;0.020583190394511150650425079789;0.371069182389937080035480221341;0.026872498570611778184735740638;0.025157232704402517076136547303;0.004574042309891366425711467514;0.008004574042309892112356806138;0.010291595197255575325212539894;0.010291595197255575325212539894;0.011435105774728416064278668784;0.018867924528301886072378934500;0.009148084619782732851422935028;0.021154945683247571019958144234;0.009148084619782732851422935028;0.018296169239565465702845870055;0.010291595197255575325212539894;0.013722126929674099277134402541;0.015437392795883362120457071853;0.004002287021154946056178403069;0.008576329331046312481889870583;0.012006861063464836433811733230;0.002858776443682104016069667196;0.016009148084619784224713612275;0.025728987993138937445669611748;0.016009148084619784224713612275;0.012006861063464836433811733230;0.011435105774728416064278668784;0.004002287021154946056178403069;0.029731275014293883501848014816;0.024013722126929672867623466459;0.013722126929674099277134402541;0.002858776443682104016069667196;0.008576329331046312481889870583;0.011435105774728416064278668784;0.014293882218410519646667466986;0.002858776443682104016069667196;0.010291595197255575325212539894;0.001143510577472841606427866878;0.010863350485991995694745604339;0.005145797598627787662606269947;0.016580903373356204594246676720;0.000000000000000000000000000000;0.013722126929674099277134402541;0.010291595197255575325212539894;0.010863350485991995694745604339;0.022870211549456832128557337569;0.014293882218410519646667466986;0.009148084619782732851422935028;0.010291595197255575325212539894
-0.025000000000000001387778780781;0.007075471698113207710822969432;0.031603773584905660298804974673;0.330660377358490575883109841016;0.023113207547169809658038630573;0.015566037735849056616865837555;0.003301886792452830322874834934;0.011320754716981131296482665505;0.017452830188679244877159035809;0.012735849056603774226426040173;0.008490566037735848906042868123;0.029245283018867924973438476854;0.012264150943396227161352740609;0.018396226415094339007305634937;0.008962264150943395971116167686;0.023113207547169809658038630573;0.011320754716981131296482665505;0.018867924528301886072378934500;0.011792452830188680096279441045;0.005188679245283018583168033189;0.009433962264150943036189467250;0.014622641509433962486719238427;0.006132075471698113580676370304;0.033490566037735848559098172927;0.029716981132075472038511776418;0.024528301886792454322705481218;0.016509433962264150747012436682;0.008490566037735848906042868123;0.002830188679245282824120666376;0.025943396226415095517925379909;0.024528301886792454322705481218;0.016981132075471697812085736246;0.003773584905660377387948134498;0.007075471698113207710822969432;0.012264150943396227161352740609;0.015094339622641509551792537991;0.003773584905660377387948134498;0.011320754716981131296482665505;0.001415094339622641412060333188;0.007547169811320754775896268995;0.006603773584905660645749669868;0.006132075471698113580676370304;0.000000000000000000000000000000;0.016981132075471697812085736246;0.005188679245283018583168033189;0.008962264150943395971116167686;0.016509433962264150747012436682;0.016509433962264150747012436682;0.010849056603773584231409365941;0.011320754716981131296482665505
-0.018296169239565465702845870055;0.008576329331046312481889870583;0.024585477415666093237156530904;0.363636363636363646456572951138;0.028587764436821039293334933973;0.031446540880503144610447208152;0.006289308176100629269034136826;0.013722126929674099277134402541;0.004002287021154946056178403069;0.006289308176100629269034136826;0.009148084619782732851422935028;0.058890794739851343164716013234;0.006289308176100629269034136826;0.017724413950829045333312805610;0.009148084619782732851422935028;0.013722126929674099277134402541;0.006289308176100629269034136826;0.005717552887364208032139334392;0.033161806746712409188493353440;0.005717552887364208032139334392;0.020583190394511150650425079789;0.002858776443682104016069667196;0.002287021154945683212855733757;0.020583190394511150650425079789;0.038879359634076612883823997890;0.012006861063464836433811733230;0.016009148084619784224713612275;0.009719839908519153220955999473;0.002287021154945683212855733757;0.034877072612921666827645594822;0.030303030303030303871381079261;0.015437392795883362120457071853;0.002858776443682104016069667196;0.004574042309891366425711467514;0.004002287021154946056178403069;0.014293882218410519646667466986;0.001715265866209262409641800318;0.000571755288736420803213933439;0.000000000000000000000000000000;0.005717552887364208032139334392;0.008576329331046312481889870583;0.008576329331046312481889870583;0.000000000000000000000000000000;0.006861063464837049638567201271;0.010863350485991995694745604339;0.009148084619782732851422935028;0.017152658662092624963779741165;0.013150371640937678907601338096;0.004574042309891366425711467514;0.010291595197255575325212539894
-0.019283746556473829736333414075;0.009917355371900827068487593863;0.028099173553719009738260936615;0.353168044077134979374932299834;0.047382920110192836005147398737;0.018732782369146005335691640425;0.002203856749311294566801011641;0.014325068870523415334727879156;0.006611570247933884134083903916;0.014325068870523415334727879156;0.011570247933884296800965962859;0.015426997245179064136011426456;0.007713498622589532068005713228;0.016528925619834711202571497779;0.014876033057851239735369652806;0.021487603305785123869453556722;0.011570247933884296800965962859;0.012672176308539945602249510159;0.018181818181818180935049866775;0.004958677685950413534243796931;0.012121212121212121201607736509;0.002754820936639118533761916296;0.007162534435261707667363939578;0.019834710743801654136975187726;0.026446280991735536536335615665;0.019834710743801654136975187726;0.015977961432506886801929724129;0.004958677685950413534243796931;0.002754820936639118533761916296;0.036363636363636361870099733551;0.013774104683195592668809581482;0.012672176308539945602249510159;0.007162534435261707667363939578;0.007713498622589532068005713228;0.006611570247933884134083903916;0.029752066115702479470739305611;0.006060606060606060600803868255;0.004958677685950413534243796931;0.001101928374655647283400505820;0.009366391184573002667845820213;0.003305785123966942067041951958;0.009917355371900827068487593863;0.000000000000000000000000000000;0.006611570247933884134083903916;0.011019283746556474135047665186;0.008815426997245178267204046563;0.019834710743801654136975187726;0.021487603305785123869453556722;0.013774104683195592668809581482;0.008815426997245178267204046563
-0.023007856341189673876623800197;0.012906846240179573742645757761;0.030303030303030303871381079261;0.381593714927048244245355590465;0.026936026936026934847090430480;0.020202020202020203737403036826;0.002244668911335578193044781870;0.010101010101010101868701518413;0.011223344556677889230500433371;0.011784511784511784646123366826;0.010101010101010101868701518413;0.017957351290684625544358254956;0.012345679012345678327022824305;0.018518518518518517490534236458;0.010662177328843995549600975892;0.020202020202020203737403036826;0.012345679012345678327022824305;0.014590347923681256520067606175;0.012906846240179573742645757761;0.006172839506172839163511412153;0.008417508417508417356556194022;0.017957351290684625544358254956;0.003367003367003366855886303810;0.020202020202020203737403036826;0.025813692480359147485291515522;0.020202020202020203737403036826;0.017396184062850730128735321500;0.011784511784511784646123366826;0.001683501683501683427943151905;0.027497194163860830262713363936;0.015712682379349047351313473087;0.009539842873176206453078584957;0.004489337822671156386089563739;0.003928170594837261837828368272;0.007856341189674523675656736543;0.017396184062850730128735321500;0.003367003367003366855886303810;0.006734006734006733711772607620;0.001683501683501683427943151905;0.016273849607182939297489454589;0.005611672278338944615250216685;0.009539842873176206453078584957;0.000000000000000000000000000000;0.005611672278338944615250216685;0.006172839506172839163511412153;0.006734006734006733711772607620;0.017957351290684625544358254956;0.019079685746352412906157169914;0.010662177328843995549600975892;0.011223344556677889230500433371
-0.021726700971983991389491208679;0.014865637507146941750924007408;0.034305317324185249927559482330;0.282447112635791863777257049151;0.016580903373356204594246676720;0.022298456260720411759024273124;0.004574042309891366425711467514;0.014293882218410519646667466986;0.024585477415666093237156530904;0.016580903373356204594246676720;0.009719839908519153220955999473;0.022870211549456832128557337569;0.015437392795883362120457071853;0.026872498570611778184735740638;0.010291595197255575325212539894;0.017152658662092624963779741165;0.019439679817038306441911998945;0.025728987993138937445669611748;0.009148084619782732851422935028;0.006289308176100629269034136826;0.020011435105774726811445063390;0.013150371640937678907601338096;0.007432818753573470875462003704;0.020583190394511150650425079789;0.020583190394511150650425079789;0.016580903373356204594246676720;0.014293882218410519646667466986;0.013150371640937678907601338096;0.001143510577472841606427866878;0.019439679817038306441911998945;0.013150371640937678907601338096;0.016580903373356204594246676720;0.005717552887364208032139334392;0.004574042309891366425711467514;0.012006861063464836433811733230;0.031446540880503144610447208152;0.008576329331046312481889870583;0.005717552887364208032139334392;0.001715265866209262409641800318;0.016580903373356204594246676720;0.005145797598627787662606269947;0.024585477415666093237156530904;0.000000000000000000000000000000;0.013150371640937678907601338096;0.004574042309891366425711467514;0.007432818753573470875462003704;0.024585477415666093237156530904;0.018296169239565465702845870055;0.010863350485991995694745604339;0.013722126929674099277134402541
-0.029731275014293883501848014816;0.008576329331046312481889870583;0.048599199542595769574226949317;0.059462550028587767003696029633;0.011435105774728416064278668784;0.043453401943967982778982417358;0.002858776443682104016069667196;0.012578616352201258538068273651;0.017152658662092624963779741165;0.024585477415666093237156530904;0.016009148084619784224713612275;0.029731275014293883501848014816;0.013722126929674099277134402541;0.037735849056603772144757869000;0.009148084619782732851422935028;0.022298456260720411759024273124;0.022298456260720411759024273124;0.024013722126929672867623466459;0.015437392795883362120457071853;0.006289308176100629269034136826;0.009719839908519153220955999473;0.013150371640937678907601338096;0.006861063464837049638567201271;0.041738136077758718200936272069;0.034877072612921666827645594822;0.036020583190394514505605627619;0.019439679817038306441911998945;0.014865637507146941750924007408;0.002858776443682104016069667196;0.033161806746712409188493353440;0.020011435105774726811445063390;0.021726700971983991389491208679;0.005717552887364208032139334392;0.009719839908519153220955999473;0.019439679817038306441911998945;0.032590051457975985349513337042;0.009719839908519153220955999473;0.014865637507146941750924007408;0.006861063464837049638567201271;0.015437392795883362120457071853;0.006289308176100629269034136826;0.008004574042309892112356806138;0.000000000000000000000000000000;0.016009148084619784224713612275;0.015437392795883362120457071853;0.017724413950829045333312805610;0.036020583190394514505605627619;0.036592338479130931405691740110;0.020583190394511150650425079789;0.019439679817038306441911998945
-0.022995283018867922891770305682;0.032429245283018867662683248909;0.033608490566037735325366497818;0.073702830188679249734384768544;0.041863207547169808964149240182;0.043632075471698110458174113546;0.005306603773584905349436358080;0.019457547169811319903720558955;0.015330188679245283084329187773;0.011792452830188680096279441045;0.021226415094339621397745432319;0.021816037735849055229087056773;0.015919811320754716915670812227;0.023584905660377360192558882090;0.009433962264150943036189467250;0.018278301886792452241037310046;0.018867924528301886072378934500;0.024174528301886794023900506545;0.037146226415094338313416244546;0.004127358490566037686753109170;0.009433962264150943036189467250;0.010023584905660376867531091705;0.006485849056603773879481344977;0.021226415094339621397745432319;0.024764150943396227855242131000;0.018867924528301886072378934500;0.017099056603773584578354061136;0.060731132075471698505975126636;0.002358490566037735759047366813;0.075471698113207544289515738001;0.022405660377358489060428681228;0.012382075471698113927621065500;0.011202830188679244530214340614;0.007075471698113207710822969432;0.013561320754716981590304314409;0.017688679245283018409695685591;0.003537735849056603855411484716;0.007075471698113207710822969432;0.001768867924528301927705742358;0.015919811320754716915670812227;0.002948113207547170024069860261;0.042452830188679242795490864637;0.000000000000000000000000000000;0.008254716981132075373506218341;0.012971698113207547758962689954;0.012971698113207547758962689954;0.029481132075471698505975126636;0.013561320754716981590304314409;0.014740566037735849252987563318;0.008844339622641509204847842796
-0.032432432432432434232794093987;0.008353808353808353168168387981;0.036363636363636361870099733551;0.189680589680589678502897754697;0.009336609336609336812218273849;0.038820638820638818378139234255;0.002948402948402948330064443638;0.013759213759213758873634070312;0.028009828009828010436654821547;0.016216216216216217116397046993;0.012776412776412776964307660421;0.029484029484029485035367912360;0.007862407862407862213505183036;0.027027027027027028527328411656;0.006388206388206388482153830211;0.024570024570024568549841958998;0.015233415233415233472347161126;0.022604422604422604731189139216;0.017690417690417691715110137807;0.008353808353808353168168387981;0.011793611793611793320257774553;0.014742014742014742517683956180;0.000491400491400491388344073940;0.033415233415233412672673551924;0.032923832923832926922180774909;0.025552825552825553928615320842;0.016707616707616706336336775962;0.014250614250614249828297275258;0.000491400491400491388344073940;0.028009828009828010436654821547;0.035380835380835383430220275613;0.018181818181818180935049866775;0.007862407862407862213505183036;0.005405405405405405705465682331;0.011793611793611793320257774553;0.028009828009828010436654821547;0.004422604422604422928777534452;0.012285012285012284274920979499;0.005896805896805896660128887277;0.009828009828009827766881478794;0.002948402948402948330064443638;0.011793611793611793320257774553;0.000000000000000000000000000000;0.018673218673218673624436547698;0.003439803439803439718408517578;0.012776412776412776964307660421;0.035380835380835383430220275613;0.026535626535626535837941730733;0.014250614250614249828297275258;0.008845208845208845857555068903
-0.025527192008879023149559017725;0.014983351831298556688931711278;0.029411764705882352533006240947;0.258046614872364021842088277481;0.011098779134295227305484488056;0.027746947835738069998434696117;0.002774694783573806826371122014;0.020532741398446172076397431283;0.017758046614872364382664571281;0.011098779134295227305484488056;0.013318534961154272419636690472;0.025527192008879023149559017725;0.011098779134295227305484488056;0.023307436182019976300683339332;0.016093229744728078378646074498;0.017758046614872364382664571281;0.016093229744728078378646074498;0.024417314095449501459844654505;0.018312985571587125227521752890;0.005549389567147613652742244028;0.008324084350721421346475104031;0.014983351831298556688931711278;0.009433962264150943036189467250;0.022197558268590454610968976112;0.030521642619311874222720604166;0.016093229744728078378646074498;0.020532741398446172076397431283;0.026637069922308544839273380944;0.002219755826859045547833071410;0.024417314095449501459844654505;0.019977802441731411231540249673;0.018867924528301886072378934500;0.006659267480577136209818345236;0.007769145394006659634256184432;0.012208657047724750729922327253;0.032741398446170924541043234512;0.010543840177580466460627306446;0.006659267480577136209818345236;0.001664816870144284052454586309;0.013318534961154272419636690472;0.005549389567147613652742244028;0.013318534961154272419636690472;0.000000000000000000000000000000;0.014983351831298556688931711278;0.008324084350721421346475104031;0.008879023307436182191332285640;0.018312985571587125227521752890;0.013873473917869034999217348059;0.008324084350721421346475104031;0.012208657047724750729922327253
-0.038325471698113205976099493455;0.012382075471698113927621065500;0.030660377358490566168658375545;0.102594339622641514409018270726;0.024174528301886794023900506545;0.034198113207547169156708122273;0.004127358490566037686753109170;0.018278301886792452241037310046;0.014740566037735849252987563318;0.022995283018867922891770305682;0.020636792452830187566403807864;0.023584905660377360192558882090;0.018867924528301886072378934500;0.023584905660377360192558882090;0.011202830188679244530214340614;0.024764150943396227855242131000;0.016509433962264150747012436682;0.017099056603773584578354061136;0.030660377358490566168658375545;0.005306603773584905349436358080;0.016509433962264150747012436682;0.013561320754716981590304314409;0.007665094339622641542164593886;0.020047169811320753735062183409;0.043632075471698110458174113546;0.023584905660377360192558882090;0.024174528301886794023900506545;0.048938679245283021879142637545;0.001179245283018867879523683406;0.038325471698113205976099493455;0.015919811320754716915670812227;0.010023584905660376867531091705;0.011202830188679244530214340614;0.006485849056603773879481344977;0.018278301886792452241037310046;0.023584905660377360192558882090;0.008254716981132075373506218341;0.010023584905660376867531091705;0.002948113207547170024069860261;0.009433962264150943036189467250;0.000589622641509433939761841703;0.014150943396226415421645938864;0.000000000000000000000000000000;0.017688679245283018409695685591;0.012382075471698113927621065500;0.014150943396226415421645938864;0.027712264150943397011950253273;0.024174528301886794023900506545;0.027712264150943397011950253273;0.012971698113207547758962689954
-0.039898989898989899172132567173;0.007575757575757575967845269815;0.040404040404040407474806073651;0.079292929292929290041591627869;0.018181818181818180935049866775;0.035858585858585860506320130980;0.005050505050505050934350759206;0.011111111111111111535154627461;0.027777777777777776235801354687;0.016161616161616161602143648679;0.016666666666666666435370203203;0.039898989898989899172132567173;0.014141414141414142269237430583;0.027777777777777776235801354687;0.009090909090909090467524933388;0.032323232323232323204287297358;0.019191919191919190601502975824;0.019191919191919190601502975824;0.023232323232323232736762363970;0.009090909090909090467524933388;0.021212121212121213403856145874;0.020707070707070708570629591350;0.004040404040404040400535912170;0.031818181818181814901613790880;0.039393939393939390869459060696;0.026262626262626261736121691115;0.018181818181818180935049866775;0.005555555555555555767577313730;0.001010101010101010100133978042;0.040404040404040407474806073651;0.031818181818181814901613790880;0.016666666666666666435370203203;0.014141414141414142269237430583;0.009090909090909090467524933388;0.014141414141414142269237430583;0.027777777777777776235801354687;0.013131313131313130868060845557;0.015151515151515151935690539631;0.008080808080808080801071824339;0.012121212121212121201607736509;0.002525252525252525467175379603;0.013131313131313130868060845557;0.000000000000000000000000000000;0.011616161616161616368381181985;0.010101010101010101868701518413;0.012626262626262626034834291033;0.029292929292929294204927970213;0.018686868686868685768276421300;0.023737373737373737569988918494;0.015656565656565656768917094155
-0.026415094339622642582998679472;0.022012578616352199839534264925;0.038993710691823897651620001170;0.072955974842767293275791473661;0.023899371069182391569274415133;0.038364779874213834898188935085;0.001257861635220125723702566667;0.016981132075471697812085736246;0.023270440251572325346396397094;0.012578616352201258538068273651;0.018867924528301886072378934500;0.044654088050314462432499595934;0.023899371069182391569274415133;0.025157232704402517076136547303;0.016352201257861635058654670161;0.019496855345911948825810000585;0.017610062893081760565516802330;0.033333333333333332870740406406;0.017610062893081760565516802330;0.006289308176100629269034136826;0.009433962264150943036189467250;0.014465408805031446798361471906;0.013836477987421384044930405821;0.026415094339622642582998679472;0.032704402515723270117309340321;0.023899371069182391569274415133;0.023270440251572325346396397094;0.037106918238993709391326802916;0.000000000000000000000000000000;0.056603773584905661686583755454;0.021383647798742137086103198840;0.016352201257861635058654670161;0.005660377358490565648241332752;0.003773584905660377387948134498;0.016352201257861635058654670161;0.019496855345911948825810000585;0.010062893081761005789620533335;0.006918238993710692022465202911;0.001886792452830188693974067249;0.015094339622641509551792537991;0.006289308176100629269034136826;0.028301886792452830843291877727;0.000000000000000000000000000000;0.013207547169811321291499339736;0.008176100628930817529327335080;0.005660377358490565648241332752;0.028301886792452830843291877727;0.019496855345911948825810000585;0.018238993710691823318947868415;0.017610062893081760565516802330
-0.036556603773584904482074620091;0.010023584905660376867531091705;0.035966981132075470650732995637;0.093160377358490559229764471638;0.017688679245283018409695685591;0.035377358490566036819391371182;0.008844339622641509204847842796;0.018278301886792452241037310046;0.017688679245283018409695685591;0.021226415094339621397745432319;0.014150943396226415421645938864;0.016509433962264150747012436682;0.021226415094339621397745432319;0.031250000000000000000000000000;0.016509433962264150747012436682;0.022405660377358489060428681228;0.011202830188679244530214340614;0.018278301886792452241037310046;0.021226415094339621397745432319;0.011202830188679244530214340614;0.020636792452830187566403807864;0.012382075471698113927621065500;0.010023584905660376867531091705;0.024764150943396227855242131000;0.040094339622641507470124366819;0.031250000000000000000000000000;0.020636792452830187566403807864;0.053066037735849058698534008727;0.001179245283018867879523683406;0.040683962264150941301465991273;0.012971698113207547758962689954;0.010023584905660376867531091705;0.010023584905660376867531091705;0.005306603773584905349436358080;0.021816037735849055229087056773;0.021816037735849055229087056773;0.008844339622641509204847842796;0.014150943396226415421645938864;0.001768867924528301927705742358;0.012382075471698113927621065500;0.006485849056603773879481344977;0.020047169811320753735062183409;0.000000000000000000000000000000;0.012971698113207547758962689954;0.015330188679245283084329187773;0.015330188679245283084329187773;0.020636792452830187566403807864;0.018278301886792452241037310046;0.022995283018867922891770305682;0.015330188679245283084329187773
-0.037180910099889011299900687391;0.008879023307436182191332285640;0.040510543840177583307937680956;0.093784683684794672986484442845;0.019422863485016646917236116110;0.038845726970033293834472232220;0.001664816870144284052454586309;0.020532741398446172076397431283;0.023307436182019976300683339332;0.015538290788013319268512368865;0.019422863485016646917236116110;0.032186459489456156757292148995;0.018867924528301886072378934500;0.034961154273029967920471960952;0.011098779134295227305484488056;0.028301886792452830843291877727;0.012208657047724750729922327253;0.013873473917869034999217348059;0.029966703662597113377863422556;0.008324084350721421346475104031;0.015538290788013319268512368865;0.016093229744728078378646074498;0.008879023307436182191332285640;0.022197558268590454610968976112;0.039955604883462822463080499347;0.026637069922308544839273380944;0.024417314095449501459844654505;0.004994450610432852807885062418;0.004439511653718091095666142820;0.041620421753607104997652044176;0.023307436182019976300683339332;0.022197558268590454610968976112;0.012763596004439511574779508862;0.007769145394006659634256184432;0.018312985571587125227521752890;0.026082130965593783994416199334;0.008324084350721421346475104031;0.012763596004439511574779508862;0.006104328523862375364961163626;0.010543840177580466460627306446;0.003884572697003329817128092216;0.009988901220865705615770124837;0.000000000000000000000000000000;0.016093229744728078378646074498;0.009433962264150943036189467250;0.013873473917869034999217348059;0.021642619311875693766111794503;0.021642619311875693766111794503;0.023862375138734740614987472895;0.017758046614872364382664571281
-0.033763654419066535528060057914;0.024329692154915590757147114687;0.031281032770605760040538712019;0.054617676266137039908787897957;0.026315789473684209065496020230;0.049155908639523335224019717771;0.004468718967229394663231989426;0.010427010923535253925087395999;0.028301886792452830843291877727;0.016385302879841110584857588606;0.012413108242303872233436301542;0.051638530287984110711541063665;0.022343594836146972448798209143;0.022840119165839126158523697541;0.010427010923535253925087395999;0.021350546176762661559900280395;0.011916583912611718523710813145;0.020357497517378350671002351646;0.028798411122144984553017366125;0.005958291956305859261855406572;0.014399205561072492276508683062;0.016881827209533267764030028957;0.006454816285998013838942632958;0.026812313803376366244668460581;0.033763654419066535528060057914;0.024329692154915590757147114687;0.018867924528301886072378934500;0.026812313803376366244668460581;0.000496524329692154902347878132;0.056107249255213507976858267057;0.034260178748758689237785546311;0.012909632571996027677885265916;0.011916583912611718523710813145;0.006951340615690168416029859344;0.011916583912611718523710813145;0.021350546176762661559900280395;0.011420059582919563079261848770;0.015392254220456803165406611811;0.010923535253227407634812884396;0.013902681231380336832059718688;0.002979145978152929630927703286;0.029294935451837141732189806476;0.000000000000000000000000000000;0.010923535253227407634812884396;0.009433962264150943036189467250;0.013406156901688183122334230291;0.023833167825223437047421626289;0.016881827209533267764030028957;0.015392254220456803165406611811;0.014895729890764647720957647437
-0.019079685746352412906157169914;0.025813692480359147485291515522;0.026374859708193042900914448978;0.241863075196408539024872652590;0.051627384960718294970583031045;0.029180695847362513040135212350;0.014029180695847362839168148696;0.018518518518518517490534236458;0.007295173961840628260033803087;0.011784511784511784646123366826;0.011784511784511784646123366826;0.017957351290684625544358254956;0.021885521885521886514824885239;0.021324354657687991099201951783;0.021885521885521886514824885239;0.012345679012345678327022824305;0.010101010101010101868701518413;0.021324354657687991099201951783;0.023569023569023569292246733653;0.002805836139169472307625108343;0.016273849607182939297489454589;0.005050505050505050934350759206;0.001683501683501683427943151905;0.016835016835016834713112388044;0.019640852974186308321780103370;0.014029180695847362839168148696;0.015151515151515151935690539631;0.040404040404040407474806073651;0.003367003367003366855886303810;0.036475869809203143034892491414;0.017396184062850730128735321500;0.015712682379349047351313473087;0.009539842873176206453078584957;0.005050505050505050934350759206;0.007856341189674523675656736543;0.022446689113355778461000866741;0.004489337822671156386089563739;0.011223344556677889230500433371;0.001122334455667789096522390935;0.010101010101010101868701518413;0.013468013468013467423545215240;0.009539842873176206453078584957;0.000000000000000000000000000000;0.010662177328843995549600975892;0.021324354657687991099201951783;0.010662177328843995549600975892;0.017396184062850730128735321500;0.013468013468013467423545215240;0.007856341189674523675656736543;0.011223344556677889230500433371
-0.020606060606060606910094890054;0.010303030303030303455047445027;0.016363636363636364923213051270;0.401818181818181796582933884565;0.036363636363636361870099733551;0.026666666666666668378260496297;0.011515151515151514707846480690;0.012121212121212121201607736509;0.003636363636363636360482320953;0.012121212121212121201607736509;0.010909090909090909948808700847;0.032727272727272729846426102540;0.007878787878787879214725897725;0.017575757575757574441288610956;0.016363636363636364923213051270;0.014545454545454545441929283811;0.007272727272727272720964641906;0.012727272727272727695368992329;0.013333333333333334189130248149;0.001818181818181818180241160476;0.006060606060606060600803868255;0.007878787878787879214725897725;0.003030303030303030300401934127;0.017575757575757574441288610956;0.030303030303030303871381079261;0.022424242424242422921931705559;0.009696969696969696961286189207;0.023030303030303029415692961379;0.003030303030303030300401934127;0.029696969696969697377619823442;0.015757575757575758429451795450;0.006060606060606060600803868255;0.004242424242424242854243576772;0.003636363636363636360482320953;0.010303030303030303455047445027;0.010303030303030303455047445027;0.004848484848484848480643094604;0.006666666666666667094565124074;0.003030303030303030300401934127;0.007272727272727272720964641906;0.003636363636363636360482320953;0.007272727272727272720964641906;0.000000000000000000000000000000;0.012121212121212121201607736509;0.013333333333333334189130248149;0.014545454545454545441929283811;0.014545454545454545441929283811;0.009090909090909090467524933388;0.007878787878787879214725897725;0.006060606060606060600803868255
-0.020763187429854095683579018328;0.017396184062850730128735321500;0.021885521885521886514824885239;0.272166105499438815140678116222;0.034231200897867561372400757591;0.024130190796857464707869667109;0.004489337822671156386089563739;0.015712682379349047351313473087;0.014590347923681256520067606175;0.015151515151515151935690539631;0.011784511784511784646123366826;0.017396184062850730128735321500;0.014590347923681256520067606175;0.017396184062850730128735321500;0.009539842873176206453078584957;0.013468013468013467423545215240;0.011223344556677889230500433371;0.024130190796857464707869667109;0.016273849607182939297489454589;0.005050505050505050934350759206;0.012906846240179573742645757761;0.013468013468013467423545215240;0.010101010101010101868701518413;0.019640852974186308321780103370;0.022446689113355778461000866741;0.021885521885521886514824885239;0.019640852974186308321780103370;0.050505050505050504139337164133;0.001683501683501683427943151905;0.027497194163860830262713363936;0.016835016835016834713112388044;0.016835016835016834713112388044;0.008417508417508417356556194022;0.005611672278338944615250216685;0.007856341189674523675656736543;0.014590347923681256520067606175;0.007856341189674523675656736543;0.010662177328843995549600975892;0.003367003367003366855886303810;0.013468013468013467423545215240;0.006734006734006733711772607620;0.019640852974186308321780103370;0.000000000000000000000000000000;0.012906846240179573742645757761;0.006734006734006733711772607620;0.010101010101010101868701518413;0.014029180695847362839168148696;0.017396184062850730128735321500;0.014590347923681256520067606175;0.011223344556677889230500433371
-0.014514514514514515255982907149;0.013013013013013012900143117179;0.045045045045045042919618083488;0.178678678678678676261526447888;0.020520520520520519475171639101;0.020020020020020019846374026429;0.002002002002002001984637402643;0.012012012012012011907824415857;0.025525525525525526171488621685;0.030530530530530529398358652315;0.010010010010010009923187013214;0.015015015015015014884780519822;0.019519519519519520217576413756;0.045045045045045042919618083488;0.007507507507507507442390259911;0.020520520520520519475171639101;0.023023023023023024558053606370;0.024024024024024023815648831714;0.007007007007007006946230909250;0.008008008008008007938549610571;0.006006006006006005953912207929;0.009009009009009008930868311893;0.007007007007007006946230909250;0.037537537537537538079313037542;0.021521521521521522202213816399;0.025525525525525526171488621685;0.019519519519519520217576413756;0.032032032032032031754198442286;0.001501501501501501488478051982;0.013513513513513514263664205828;0.007507507507507507442390259911;0.017517517517517518232939011114;0.007507507507507507442390259911;0.008508508508508509302070699221;0.014014014014014013892461818500;0.041041041041041038950343278202;0.011511511511511512279026803185;0.007007007007007006946230909250;0.001501501501501501488478051982;0.014514514514514515255982907149;0.004004004004004003969274805286;0.033533533533533534110038232257;0.000000000000000000000000000000;0.021021021021021022573416203727;0.005005005005005004961593506607;0.013513513513513514263664205828;0.034534534534534533367633457601;0.013513513513513514263664205828;0.016516516516516515505896833815;0.013013013013013012900143117179
-0.035137701804368468017081283961;0.011396011396011396579752705804;0.058879392212725548128027242001;0.038936372269705601945055661872;0.008072174738841406127498601109;0.032763532763532762781544249719;0.003323836657169990452254104696;0.017094017094017095736990796695;0.020417853751187084454521425414;0.025641025641025640136039243089;0.018043684710351375749537439219;0.015194681861348528773003607739;0.018993352326685659231531033697;0.047958214624881291554547857459;0.006172839506172839163511412153;0.031813865147198479299550655242;0.024216524216524214913048851372;0.023741690408357076641499006087;0.010921177587844254838755908565;0.013770180436847103550013216022;0.014245014245014245291010013261;0.015669515669515670514000404978;0.009496676163342829615765516849;0.038461538461538463673505816587;0.041310541310541307180592696113;0.036087369420702751499074878438;0.018518518518518517490534236458;0.013295346628679961809016418783;0.002849002849002849144938176451;0.009496676163342829615765516849;0.022317188983855651418508614370;0.020892687559354226195518222653;0.006172839506172839163511412153;0.012820512820512820068019621544;0.018518518518518517490534236458;0.042260208926875590662586290591;0.013770180436847103550013216022;0.010921177587844254838755908565;0.007122507122507122645505006631;0.013770180436847103550013216022;0.005223171889838556548879555663;0.013295346628679961809016418783;0.000000000000000000000000000000;0.023741690408357076641499006087;0.003798670465337132193250901935;0.011870845204178538320749503043;0.032288698955365624509994404434;0.034662867996201329745531438675;0.023741690408357076641499006087;0.020892687559354226195518222653
-0.041322314049586778006428744447;0.010468319559228649734405891536;0.040771349862258950136340018844;0.049586776859504133607714493337;0.001652892561983471033520975979;0.040220385674931129205145197147;0.003305785123966942067041951958;0.012672176308539945602249510159;0.031404958677685952672664626562;0.017079889807162535603213271429;0.023140495867768593601931925718;0.023691460055096418002573699368;0.020385674931129475068170009422;0.032506887052341594535054269954;0.011570247933884296800965962859;0.033057851239669422405142995558;0.022038567493112948270095330372;0.019834710743801654136975187726;0.011019283746556474135047665186;0.007713498622589532068005713228;0.012121212121212121201607736509;0.016528925619834711202571497779;0.008815426997245178267204046563;0.020936639118457299468811783072;0.054545454545454542805149600326;0.032506887052341594535054269954;0.016528925619834711202571497779;0.029752066115702479470739305611;0.001652892561983471033520975979;0.020385674931129475068170009422;0.034159779614325071206426542858;0.016528925619834711202571497779;0.007713498622589532068005713228;0.008264462809917355601285748889;0.021487603305785123869453556722;0.028099173553719009738260936615;0.011019283746556474135047665186;0.021487603305785123869453556722;0.005509641873278237067523832593;0.013774104683195592668809581482;0.002754820936639118533761916296;0.026997245179063360936977389315;0.000000000000000000000000000000;0.018732782369146005335691640425;0.003305785123966942067041951958;0.022038567493112948270095330372;0.027548209366391185337619162965;0.023140495867768593601931925718;0.024242424242424242403215473018;0.015977961432506886801929724129
-0.049300060864272673977204419771;0.008520998174071819572517050290;0.041387705416920265999447536842;0.020693852708460132999723768421;0.006695069993913572645172216369;0.046256847230675593451998395267;0.004260499087035909786258525145;0.015824710894704809016619861950;0.035909920876445525217413035080;0.018867924528301886072378934500;0.019476567255021302871309529792;0.051125989044430920904549253692;0.024345709068776626854413436263;0.030432136335970784435378533317;0.007303712720632988576741073672;0.031649421789409618033239723900;0.009129640900791236371447645581;0.021302495435179549798654363713;0.015824710894704809016619861950;0.007303712720632988576741073672;0.017650639074863055943964695871;0.020085209981740719670240125083;0.004869141813755325717827382448;0.023128423615337796725999197633;0.051734631771150334234032897029;0.031649421789409618033239723900;0.030432136335970784435378533317;0.021911138161898966597584959004;0.001825928180158247144185268418;0.029214850882531954306964294688;0.029823493609251371105894889979;0.015824710894704809016619861950;0.006695069993913572645172216369;0.008520998174071819572517050290;0.021302495435179549798654363713;0.028606208155812537508033699396;0.005477784540474741649396239751;0.017041996348143639145034100579;0.003043213633597078356801679533;0.009738283627510651435654764896;0.002434570906877662858913691224;0.021911138161898966597584959004;0.000000000000000000000000000000;0.018259281801582472742895291162;0.009738283627510651435654764896;0.013998782714546560354551552052;0.026780279975654290580688865475;0.026171637248934873781758270184;0.017650639074863055943964695871;0.018867924528301886072378934500
-0.046031746031746034741871653750;0.005291005291005290711581210417;0.027513227513227513781890465339;0.025925925925925925180637321432;0.019047619047619049337249919063;0.056084656084656084318318391979;0.003174603174603174600421073848;0.013227513227513226778953026042;0.021693121693121694693040524271;0.013756613756613756890945232669;0.021693121693121694693040524271;0.064550264550264552232405890209;0.016402116402116400512012361901;0.033862433862433864717456089011;0.007936507936507936067371815625;0.039153439153439155429037299427;0.011111111111111111535154627461;0.012169312169312170024415564740;0.012169312169312170024415564740;0.005820105820105819956211679056;0.010582010582010581423162420833;0.013227513227513226778953026042;0.003703703703703703845051542487;0.030158730158730159137681070547;0.055555555555555552471602709375;0.035449735449735446379815329010;0.012698412698412698401684295391;0.007936507936507936067371815625;0.002116402116402116544841005563;0.048148148148148148250946576354;0.050793650793650793606737181562;0.011640211640211639912423358112;0.008994708994708994556632752904;0.008465608465608466179364022253;0.015343915343915343757474900599;0.030158730158730159137681070547;0.007936507936507936067371815625;0.013227513227513226778953026042;0.007936507936507936067371815625;0.007407407407407407690103084974;0.005291005291005290711581210417;0.015343915343915343757474900599;0.000000000000000000000000000000;0.015343915343915343757474900599;0.004761904761904762334312479766;0.014285714285714285268213963320;0.040740740740740744030290443334;0.029100529100529098913696657291;0.013756613756613756890945232669;0.023280423280423279824846716224
-0.037735849056603772144757869000;0.003329633740288568104909172618;0.034961154273029967920471960952;0.057713651498335183376298118674;0.013318534961154272419636690472;0.049389567147613763764546490620;0.001664816870144284052454586309;0.011653718091009988150341669666;0.024972253052164262304701836115;0.022752497225305215455826157722;0.020532741398446172076397431283;0.057713651498335183376298118674;0.023307436182019976300683339332;0.044950055493895670066795133835;0.004439511653718091095666142820;0.035516093229744728765329142561;0.014983351831298556688931711278;0.013873473917869034999217348059;0.008879023307436182191332285640;0.012763596004439511574779508862;0.012763596004439511574779508862;0.010543840177580466460627306446;0.006659267480577136209818345236;0.025527192008879023149559017725;0.049944506104328524609403672230;0.026082130965593783994416199334;0.011653718091009988150341669666;0.003329633740288568104909172618;0.001109877913429522773916535705;0.034961154273029967920471960952;0.033851276359600446230757597732;0.007769145394006659634256184432;0.008879023307436182191332285640;0.008879023307436182191332285640;0.024972253052164262304701836115;0.019422863485016646917236116110;0.009988901220865705615770124837;0.011098779134295227305484488056;0.004994450610432852807885062418;0.015538290788013319268512368865;0.002219755826859045547833071410;0.019422863485016646917236116110;0.000000000000000000000000000000;0.020532741398446172076397431283;0.007769145394006659634256184432;0.013873473917869034999217348059;0.033851276359600446230757597732;0.028301886792452830843291877727;0.027746947835738069998434696117;0.023862375138734740614987472895
-0.032018296169239568449427224550;0.009148084619782732851422935028;0.037735849056603772144757869000;0.089765580331618063936183204987;0.049742710120068610313293078207;0.027444253859348198554268805083;0.001715265866209262409641800318;0.020583190394511150650425079789;0.008576329331046312481889870583;0.021154945683247571019958144234;0.025728987993138937445669611748;0.037735849056603772144757869000;0.019439679817038306441911998945;0.038307604345340195983737885399;0.010863350485991995694745604339;0.022870211549456832128557337569;0.016009148084619784224713612275;0.013150371640937678907601338096;0.019439679817038306441911998945;0.005717552887364208032139334392;0.012578616352201258538068273651;0.013150371640937678907601338096;0.005717552887364208032139334392;0.028016009148084618923801869528;0.036592338479130931405691740110;0.028587764436821039293334933973;0.024013722126929672867623466459;0.005145797598627787662606269947;0.002858776443682104016069667196;0.054888507718696397108537610166;0.025728987993138937445669611748;0.018296169239565465702845870055;0.012578616352201258538068273651;0.010863350485991995694745604339;0.016580903373356204594246676720;0.031446540880503144610447208152;0.009148084619782732851422935028;0.007432818753573470875462003704;0.001715265866209262409641800318;0.012578616352201258538068273651;0.004002287021154946056178403069;0.010291595197255575325212539894;0.000000000000000000000000000000;0.022298456260720411759024273124;0.007432818753573470875462003704;0.015437392795883362120457071853;0.020011435105774726811445063390;0.022870211549456832128557337569;0.020583190394511150650425079789;0.012006861063464836433811733230
-0.038344491783323192413135416245;0.018259281801582472742895291162;0.024954351795496043653344031554;0.079123554473524038144205405843;0.049300060864272673977204419771;0.027388922702373707379619460767;0.003043213633597078356801679533;0.012172854534388313427206718131;0.020693852708460132999723768421;0.020693852708460132999723768421;0.008520998174071819572517050290;0.041996348143639686267825084087;0.013998782714546560354551552052;0.027388922702373707379619460767;0.006086427267194156713603359066;0.034692635423006691619551844497;0.010955569080949483298792479502;0.016433353621424222346103505288;0.021911138161898966597584959004;0.003651856360316494288370536836;0.017041996348143639145034100579;0.015216068167985392217689266658;0.004260499087035909786258525145;0.032258064516129031362723367238;0.043822276323797933195169918008;0.029823493609251371105894889979;0.009738283627510651435654764896;0.031040779062690201234309128608;0.001217285453438831429456845612;0.082775410833840531998895073684;0.028606208155812537508033699396;0.014607425441265977153482147344;0.004260499087035909786258525145;0.006695069993913572645172216369;0.014607425441265977153482147344;0.021911138161898966597584959004;0.004260499087035909786258525145;0.014607425441265977153482147344;0.006086427267194156713603359066;0.009129640900791236371447645581;0.006695069993913572645172216369;0.008520998174071819572517050290;0.000000000000000000000000000000;0.020693852708460132999723768421;0.004260499087035909786258525145;0.018259281801582472742895291162;0.018867924528301886072378934500;0.026171637248934873781758270184;0.010346926354230066499861884211;0.014607425441265977153482147344
-0.045648204503956180122514751929;0.007912355447352404508309930975;0.033475349969567864960584557821;0.092513694461351186903996790534;0.008520998174071819572517050290;0.030432136335970784435378533317;0.003651856360316494288370536836;0.013390139987827145290344432738;0.031040779062690201234309128608;0.017650639074863055943964695871;0.018867924528301886072378934500;0.037127206329884358815274225663;0.019476567255021302871309529792;0.041387705416920265999447536842;0.008520998174071819572517050290;0.033475349969567864960584557821;0.009738283627510651435654764896;0.019476567255021302871309529792;0.009738283627510651435654764896;0.010955569080949483298792479502;0.013390139987827145290344432738;0.011564211807668898362999598817;0.004869141813755325717827382448;0.029823493609251371105894889979;0.052951917224589167831894087612;0.034692635423006691619551844497;0.021302495435179549798654363713;0.015216068167985392217689266658;0.001217285453438831429456845612;0.023128423615337796725999197633;0.027388922702373707379619460767;0.019476567255021302871309529792;0.004869141813755325717827382448;0.005477784540474741649396239751;0.018259281801582472742895291162;0.021302495435179549798654363713;0.007912355447352404508309930975;0.013998782714546560354551552052;0.006086427267194156713603359066;0.015216068167985392217689266658;0.002434570906877662858913691224;0.021911138161898966597584959004;0.000000000000000000000000000000;0.013998782714546560354551552052;0.006695069993913572645172216369;0.013998782714546560354551552052;0.034692635423006691619551844497;0.029823493609251371105894889979;0.024954351795496043653344031554;0.010346926354230066499861884211
-0.030727762803234501959304125762;0.004312668463611860243667184278;0.022641509433962262592965331010;0.286792452830188671075717365966;0.065229110512129373500300744126;0.039353099730458224181361970295;0.003773584905660377387948134498;0.009164420485175201608329942360;0.005390835579514825087743545851;0.007547169811320754775896268995;0.009703504043126684464048992140;0.052830188679245285165997358945;0.011859838274932614152201715285;0.022102425876010783206693233183;0.002695417789757412543871772925;0.024258760107816711160122480351;0.010242587601078167319768041921;0.006469002695417789931819907423;0.009703504043126684464048992140;0.004851752021563342232024496070;0.012398921832884097007920765066;0.002695417789757412543871772925;0.001617250673854447482954976856;0.014016172506738543840354438430;0.034501347708894881949337474225;0.018867924528301886072378934500;0.011320754716981131296482665505;0.005929919137466307076100857643;0.001617250673854447482954976856;0.086253369272237201403896733609;0.029649595687331536247866026201;0.008625336927223720487334368556;0.005390835579514825087743545851;0.004312668463611860243667184278;0.013477088948787062719358864626;0.019407008086253368928097984281;0.001617250673854447482954976856;0.010781671159029650175487091701;0.001078167115902965060916796070;0.003773584905660377387948134498;0.000539083557951482530458398035;0.005929919137466307076100857643;0.000000000000000000000000000000;0.012938005390835579863639814846;0.004851752021563342232024496070;0.010781671159029650175487091701;0.015094339622641509551792537991;0.014555256064690026696073488210;0.010242587601078167319768041921;0.008086253369272237631615318776
-0.016433353621424222346103505288;0.004869141813755325717827382448;0.018867924528301886072378934500;0.393791844187461936854788291384;0.059038344491783321943412232713;0.028606208155812537508033699396;0.003651856360316494288370536836;0.004260499087035909786258525145;0.005477784540474741649396239751;0.007912355447352404508309930975;0.008520998174071819572517050290;0.055386488131466828088722564871;0.007912355447352404508309930975;0.020085209981740719670240125083;0.003043213633597078356801679533;0.013390139987827145290344432738;0.007303712720632988576741073672;0.010346926354230066499861884211;0.012781497261107730226137313423;0.001217285453438831429456845612;0.005477784540474741649396239751;0.003651856360316494288370536836;0.001217285453438831429456845612;0.010955569080949483298792479502;0.024345709068776626854413436263;0.012172854534388313427206718131;0.004869141813755325717827382448;0.005477784540474741649396239751;0.000608642726719415714728422806;0.087035909920876439183068384864;0.035301278149726111887929391742;0.013390139987827145290344432738;0.000608642726719415714728422806;0.003043213633597078356801679533;0.009738283627510651435654764896;0.012172854534388313427206718131;0.004260499087035909786258525145;0.007303712720632988576741073672;0.000608642726719415714728422806;0.009129640900791236371447645581;0.003651856360316494288370536836;0.003651856360316494288370536836;0.000000000000000000000000000000;0.005477784540474741649396239751;0.004260499087035909786258525145;0.005477784540474741649396239751;0.010955569080949483298792479502;0.015824710894704809016619861950;0.011564211807668898362999598817;0.004869141813755325717827382448
-0.016509433962264150747012436682;0.012971698113207547758962689954;0.014150943396226415421645938864;0.367334905660377353253664978183;0.068396226415094338313416244546;0.030070754716981132337316751091;0.006485849056603773879481344977;0.005896226415094340048139720523;0.004127358490566037686753109170;0.010023584905660376867531091705;0.007075471698113207710822969432;0.058962264150943397011950253273;0.009433962264150943036189467250;0.012382075471698113927621065500;0.002358490566037735759047366813;0.015919811320754716915670812227;0.005896226415094340048139720523;0.004127358490566037686753109170;0.017099056603773584578354061136;0.002358490566037735759047366813;0.011792452830188680096279441045;0.004716981132075471518094733625;0.004127358490566037686753109170;0.013561320754716981590304314409;0.024174528301886794023900506545;0.012382075471698113927621065500;0.009433962264150943036189467250;0.007075471698113207710822969432;0.001768867924528301927705742358;0.071933962264150941301465991273;0.036556603773584904482074620091;0.014740566037735849252987563318;0.003537735849056603855411484716;0.001179245283018867879523683406;0.007075471698113207710822969432;0.012382075471698113927621065500;0.002358490566037735759047366813;0.007075471698113207710822969432;0.000000000000000000000000000000;0.007075471698113207710822969432;0.001768867924528301927705742358;0.002948113207547170024069860261;0.000000000000000000000000000000;0.011202830188679244530214340614;0.005306603773584905349436358080;0.011202830188679244530214340614;0.015330188679245283084329187773;0.010613207547169810698872716159;0.005896226415094340048139720523;0.011202830188679244530214340614
-0.018867924528301886072378934500;0.010291595197255575325212539894;0.017724413950829045333312805610;0.363636363636363646456572951138;0.090909090909090911614143237784;0.028016009148084618923801869528;0.002858776443682104016069667196;0.004574042309891366425711467514;0.005145797598627787662606269947;0.003430531732418524819283600635;0.006861063464837049638567201271;0.052029731275014291791425335987;0.005717552887364208032139334392;0.014293882218410519646667466986;0.004002287021154946056178403069;0.017152658662092624963779741165;0.010291595197255575325212539894;0.005717552887364208032139334392;0.007432818753573470875462003704;0.007432818753573470875462003704;0.010863350485991995694745604339;0.004574042309891366425711467514;0.001715265866209262409641800318;0.010863350485991995694745604339;0.022870211549456832128557337569;0.018296169239565465702845870055;0.005717552887364208032139334392;0.009719839908519153220955999473;0.001143510577472841606427866878;0.073184676958261862811383480221;0.037735849056603772144757869000;0.012578616352201258538068273651;0.002858776443682104016069667196;0.001143510577472841606427866878;0.006861063464837049638567201271;0.011435105774728416064278668784;0.002858776443682104016069667196;0.010863350485991995694745604339;0.000000000000000000000000000000;0.007432818753573470875462003704;0.004002287021154946056178403069;0.004574042309891366425711467514;0.000000000000000000000000000000;0.006289308176100629269034136826;0.004574042309891366425711467514;0.010863350485991995694745604339;0.014865637507146941750924007408;0.008004574042309892112356806138;0.005717552887364208032139334392;0.012006861063464836433811733230
-0.034833091436865019907553886469;0.007740686985970004520274390103;0.017416545718432509953776943235;0.337203676826318354819989053794;0.064828253507498795338293007262;0.045960328979196905796467120808;0.002902757619738751803523113537;0.011127237542331882419466282386;0.006773101112723754063660308589;0.012094823415578132008718625912;0.010643444605708755890116634646;0.041606192549588777440661147011;0.007740686985970004520274390103;0.017900338655055636483126590974;0.007740686985970004520274390103;0.022254475084663764838932564771;0.008224479922593130182262299854;0.008224479922593130182262299854;0.014029995162070632921946788940;0.000967585873246250565034298763;0.009192065795839381506238119357;0.004837929366231253150432145560;0.004354136429608127488444235809;0.009675858732462506300864291120;0.029027576197387518902592873360;0.016448959845186260364524599709;0.011127237542331882419466282386;0.005805515239477503607046227074;0.001451378809869375901761556769;0.069666182873730039815107772938;0.025157232704402517076136547303;0.008708272859216254976888471617;0.001451378809869375901761556769;0.004837929366231253150432145560;0.009675858732462506300864291120;0.009192065795839381506238119357;0.004837929366231253150432145560;0.008224479922593130182262299854;0.000483792936623125282517149381;0.006289308176100629269034136826;0.005805515239477503607046227074;0.002418964683115626575216072780;0.000000000000000000000000000000;0.008708272859216254976888471617;0.004837929366231253150432145560;0.007740686985970004520274390103;0.016448959845186260364524599709;0.010159651669085631095490462883;0.014029995162070632921946788940;0.009192065795839381506238119357
-0.027712264150943397011950253273;0.002948113207547170024069860261;0.012971698113207547758962689954;0.372641509433962236919057886553;0.058962264150943397011950253273;0.030070754716981132337316751091;0.005896226415094340048139720523;0.008844339622641509204847842796;0.004716981132075471518094733625;0.008844339622641509204847842796;0.007665094339622641542164593886;0.044811320754716978120857362455;0.008254716981132075373506218341;0.014150943396226415421645938864;0.004716981132075471518094733625;0.015330188679245283084329187773;0.008844339622641509204847842796;0.006485849056603773879481344977;0.013561320754716981590304314409;0.006485849056603773879481344977;0.016509433962264150747012436682;0.007665094339622641542164593886;0.002948113207547170024069860261;0.012971698113207547758962689954;0.028891509433962264674633502182;0.013561320754716981590304314409;0.008844339622641509204847842796;0.013561320754716981590304314409;0.001179245283018867879523683406;0.061910377358490566168658375545;0.031839622641509433831341624455;0.008844339622641509204847842796;0.000589622641509433939761841703;0.004127358490566037686753109170;0.014740566037735849252987563318;0.014740566037735849252987563318;0.002948113207547170024069860261;0.008844339622641509204847842796;0.000000000000000000000000000000;0.004716981132075471518094733625;0.002948113207547170024069860261;0.002358490566037735759047366813;0.000000000000000000000000000000;0.008844339622641509204847842796;0.003537735849056603855411484716;0.011792452830188680096279441045;0.018867924528301886072378934500;0.010023584905660376867531091705;0.009433962264150943036189467250;0.008844339622641509204847842796
-0.012578616352201258538068273651;0.008385744234800839025378849101;0.015373864430468203723378906034;0.420684835779175425596321247212;0.039832285115303983635826057252;0.039133473095737246472136661168;0.003494060097833682782680897461;0.004891684136967155809017082646;0.007686932215234101861689453017;0.009084556254367574454344769208;0.009084556254367574454344769208;0.046121593291404611170136718101;0.008385744234800839025378849101;0.010482180293501048781723561376;0.005590496156533892105344740742;0.010482180293501048781723561376;0.006289308176100629269034136826;0.009084556254367574454344769208;0.011879804332634521374378877567;0.006988120195667365565361794921;0.006289308176100629269034136826;0.006289308176100629269034136826;0.002795248078266946052672370371;0.009084556254367574454344769208;0.021663172606568831257689566883;0.016072676450034940887068302118;0.010482180293501048781723561376;0.018169112508735148908689538416;0.001397624039133473026336185185;0.083158630328441646151205191018;0.025157232704402517076136547303;0.005590496156533892105344740742;0.002795248078266946052672370371;0.001397624039133473026336185185;0.006988120195667365565361794921;0.011879804332634521374378877567;0.002795248078266946052672370371;0.002795248078266946052672370371;0.000000000000000000000000000000;0.008385744234800839025378849101;0.003494060097833682782680897461;0.004192872117400419512689424550;0.000000000000000000000000000000;0.011180992313067784210689481483;0.005590496156533892105344740742;0.005590496156533892105344740742;0.012578616352201258538068273651;0.010482180293501048781723561376;0.009084556254367574454344769208;0.009084556254367574454344769208
-0.023584905660377360192558882090;0.007075471698113207710822969432;0.017452830188679244877159035809;0.371698113207547142788911287425;0.037264150943396225079684569437;0.039622641509433960405051067255;0.002830188679245282824120666376;0.008962264150943395971116167686;0.009433962264150943036189467250;0.006603773584905660645749669868;0.007547169811320754775896268995;0.057547169811320755816730354582;0.009433962264150943036189467250;0.015094339622641509551792537991;0.001886792452830188693974067249;0.016509433962264150747012436682;0.011320754716981131296482665505;0.007075471698113207710822969432;0.008490566037735848906042868123;0.005188679245283018583168033189;0.008962264150943395971116167686;0.006603773584905660645749669868;0.000943396226415094346987033624;0.017452830188679244877159035809;0.028773584905660377908365177291;0.010377358490566037166336066377;0.005660377358490565648241332752;0.007547169811320754775896268995;0.002358490566037735759047366813;0.062735849056603773532536649782;0.054716981132075473426290557200;0.009433962264150943036189467250;0.001886792452830188693974067249;0.002830188679245282824120666376;0.008490566037735848906042868123;0.010849056603773584231409365941;0.005660377358490565648241332752;0.008962264150943395971116167686;0.000471698113207547173493516812;0.005188679245283018583168033189;0.004245283018867924453021434061;0.004245283018867924453021434061;0.000000000000000000000000000000;0.012264150943396227161352740609;0.006132075471698113580676370304;0.008490566037735848906042868123;0.012735849056603774226426040173;0.011320754716981131296482665505;0.009905660377358490101262766814;0.006132075471698113580676370304
-0.025943396226415095517925379909;0.004245283018867924453021434061;0.024056603773584907257632181654;0.356603773584905636706565701388;0.032075471698113207363878274236;0.035377358490566036819391371182;0.003773584905660377387948134498;0.011320754716981131296482665505;0.007075471698113207710822969432;0.012264150943396227161352740609;0.008018867924528301840969568559;0.038679245283018866274904468128;0.016037735849056603681939137118;0.024056603773584907257632181654;0.002358490566037735759047366813;0.019811320754716980202525533628;0.011320754716981131296482665505;0.008490566037735848906042868123;0.011320754716981131296482665505;0.005660377358490565648241332752;0.013679245283018868356572639300;0.009905660377358490101262766814;0.005188679245283018583168033189;0.017452830188679244877159035809;0.030188679245283019103585075982;0.016037735849056603681939137118;0.010377358490566037166336066377;0.009433962264150943036189467250;0.004245283018867924453021434061;0.029245283018867924973438476854;0.042924528301886789860564164201;0.010377358490566037166336066377;0.003773584905660377387948134498;0.000943396226415094346987033624;0.010377358490566037166336066377;0.014622641509433962486719238427;0.004716981132075471518094733625;0.015094339622641509551792537991;0.000471698113207547173493516812;0.003773584905660377387948134498;0.006603773584905660645749669868;0.005660377358490565648241332752;0.000000000000000000000000000000;0.011792452830188680096279441045;0.002830188679245282824120666376;0.007547169811320754775896268995;0.018396226415094339007305634937;0.010849056603773584231409365941;0.012264150943396227161352740609;0.012735849056603774226426040173
-0.023280423280423279824846716224;0.005291005291005290711581210417;0.024867724867724868426099860130;0.335978835978835987940982477085;0.029629629629629630760412339896;0.035978835978835978226531011614;0.003703703703703703845051542487;0.007936507936507936067371815625;0.012169312169312170024415564740;0.007407407407407407690103084974;0.010052910052910053045893690182;0.027513227513227513781890465339;0.017460317460317460735996775156;0.015873015873015872134743631250;0.008465608465608466179364022253;0.015873015873015872134743631250;0.012698412698412698401684295391;0.013227513227513226778953026042;0.021164021164021162846324841667;0.004761904761904762334312479766;0.020105820105820106091787380365;0.011640211640211639912423358112;0.005820105820105819956211679056;0.011640211640211639912423358112;0.029100529100529098913696657291;0.009523809523809524668624959531;0.014814814814814815380206169948;0.011111111111111111535154627461;0.001058201058201058272420502782;0.034920634920634921471993550313;0.020105820105820106091787380365;0.014814814814814815380206169948;0.006349206349206349200842147695;0.006878306878306878445472616335;0.025396825396825396803368590781;0.014285714285714285268213963320;0.005291005291005290711581210417;0.008465608465608466179364022253;0.001587301587301587300210536924;0.013227513227513226778953026042;0.005820105820105819956211679056;0.006878306878306878445472616335;0.000000000000000000000000000000;0.011640211640211639912423358112;0.009523809523809524668624959531;0.008465608465608466179364022253;0.014814814814814815380206169948;0.017460317460317460735996775156;0.012169312169312170024415564740;0.013756613756613756890945232669
-0.033533533533533534110038232257;0.008508508508508509302070699221;0.020520520520520519475171639101;0.347847847847847835289769591327;0.025025025025025026542691009013;0.017017017017017018604141398441;0.009009009009009008930868311893;0.012012012012012011907824415857;0.006506506506506506450071558589;0.021521521521521522202213816399;0.012012012012012011907824415857;0.021021021021021022573416203727;0.010510510510510511286708101863;0.023023023023023024558053606370;0.010010010010010009923187013214;0.026526526526526525429083847030;0.008008008008008007938549610571;0.012012012012012011907824415857;0.013013013013013012900143117179;0.006006006006006005953912207929;0.012012012012012011907824415857;0.004504504504504504465434155946;0.004504504504504504465434155946;0.021521521521521522202213816399;0.023523523523523524186851219042;0.028528528528528527413721249673;0.012012012012012011907824415857;0.007507507507507507442390259911;0.002002002002002001984637402643;0.020020020020020019846374026429;0.022522522522522521459809041744;0.010010010010010009923187013214;0.005505505505505505457752857268;0.006006006006006005953912207929;0.009509509509509510294389400542;0.017017017017017018604141398441;0.004004004004004003969274805286;0.017517517517517518232939011114;0.000500500500500500496159350661;0.010010010010010009923187013214;0.001501501501501501488478051982;0.006006006006006005953912207929;0.000000000000000000000000000000;0.015015015015015014884780519822;0.012012012012012011907824415857;0.012512512512512513271345504506;0.028028028028028027784923637000;0.019519519519519520217576413756;0.013513513513513514263664205828;0.009509509509509510294389400542
-0.018867924528301886072378934500;0.009164420485175201608329942360;0.017789757412398920360940834939;0.387061994609164405911627682144;0.029649595687331536247866026201;0.019946091644204851783817034061;0.003234501347708894965909953712;0.013477088948787062719358864626;0.024797843665768194015841530131;0.011320754716981131296482665505;0.010781671159029650175487091701;0.019407008086253368928097984281;0.013477088948787062719358864626;0.013477088948787062719358864626;0.009164420485175201608329942360;0.012938005390835579863639814846;0.005390835579514825087743545851;0.020485175202156334639536083841;0.013477088948787062719358864626;0.002156334231805930121833592139;0.014555256064690026696073488210;0.011859838274932614152201715285;0.005390835579514825087743545851;0.009703504043126684464048992140;0.025876010781671159727279629692;0.015633423180592992407511587771;0.015633423180592992407511587771;0.028571428571428570536427926640;0.000539083557951482530458398035;0.032345013477088950526461275103;0.019946091644204851783817034061;0.008086253369272237631615318776;0.005390835579514825087743545851;0.001617250673854447482954976856;0.005929919137466307076100857643;0.014016172506738543840354438430;0.007547169811320754775896268995;0.005929919137466307076100857643;0.004851752021563342232024496070;0.005929919137466307076100857643;0.004851752021563342232024496070;0.023180592991913745448684380790;0.000000000000000000000000000000;0.008086253369272237631615318776;0.013477088948787062719358864626;0.005929919137466307076100857643;0.014016172506738543840354438430;0.010781671159029650175487091701;0.011320754716981131296482665505;0.012938005390835579863639814846
-0.033851276359600446230757597732;0.008324084350721421346475104031;0.032186459489456156757292148995;0.226970033296337414530086107334;0.009433962264150943036189467250;0.032741398446170924541043234512;0.005549389567147613652742244028;0.009433962264150943036189467250;0.031631520532741395912434967386;0.015538290788013319268512368865;0.011098779134295227305484488056;0.032186459489456156757292148995;0.008324084350721421346475104031;0.036625971143174250455043505781;0.004439511653718091095666142820;0.032741398446170924541043234512;0.008879023307436182191332285640;0.012208657047724750729922327253;0.005549389567147613652742244028;0.005549389567147613652742244028;0.010543840177580466460627306446;0.013873473917869034999217348059;0.007214206437291897922037264834;0.020532741398446172076397431283;0.052164261931187567988832398669;0.024972253052164262304701836115;0.015538290788013319268512368865;0.022752497225305215455826157722;0.002219755826859045547833071410;0.012763596004439511574779508862;0.031631520532741395912434967386;0.016093229744728078378646074498;0.002774694783573806826371122014;0.006659267480577136209818345236;0.010543840177580466460627306446;0.016648168701442842692950208061;0.007769145394006659634256184432;0.009988901220865705615770124837;0.001109877913429522773916535705;0.008879023307436182191332285640;0.004439511653718091095666142820;0.014428412874583795844074529668;0.000000000000000000000000000000;0.015538290788013319268512368865;0.003329633740288568104909172618;0.007214206437291897922037264834;0.028856825749167591688149059337;0.032186459489456156757292148995;0.016093229744728078378646074498;0.019977802441731411231540249673
-0.041105121293800540860363668116;0.004043126684636118815807659388;0.043126684636118600701948366805;0.131401617250673841130748087380;0.002695417789757412543871772925;0.029649595687331536247866026201;0.003369272237196765679839716157;0.010781671159029650175487091701;0.022911051212938005755548331877;0.024258760107816711160122480351;0.021563342318059300350974183402;0.035040431266846361335609572052;0.012803234501347708282348314413;0.041105121293800540860363668116;0.006064690026954177790030620088;0.024932614555256065597133030565;0.014824797843665768123933013101;0.011455525606469002877774165938;0.010107816711590295738476541487;0.004716981132075471518094733625;0.018194070080862535104815336240;0.012803234501347708282348314413;0.003369272237196765679839716157;0.026280323450134771001707179039;0.058625336927223721528168454142;0.031671159029649592620003772936;0.019541778975741240509389484714;0.018194070080862535104815336240;0.004716981132075471518094733625;0.012803234501347708282348314413;0.025606469002695416564696628825;0.016172506738544475263230637552;0.002021563342318059407903829694;0.010107816711590295738476541487;0.011455525606469002877774165938;0.020215633423180591476953082974;0.011455525606469002877774165938;0.013477088948787062719358864626;0.006738544474393531359679432313;0.008760107816711590333902393013;0.004716981132075471518094733625;0.020215633423180591476953082974;0.000000000000000000000000000000;0.014824797843665768123933013101;0.002695417789757412543871772925;0.008760107816711590333902393013;0.035714285714285712303173170312;0.036388140161725070209630672480;0.018194070080862535104815336240;0.030323450134770890684876576415
-0.033962264150943395624171472491;0.008086253369272237631615318776;0.037735849056603772144757869000;0.203234501347708901297650641027;0.011859838274932614152201715285;0.017250673854447440974668737113;0.003773584905660377387948134498;0.009164420485175201608329942360;0.025876010781671159727279629692;0.018328840970350403216659884720;0.019946091644204851783817034061;0.028571428571428570536427926640;0.009703504043126684464048992140;0.030727762803234501959304125762;0.003773584905660377387948134498;0.023719676549865228304403430570;0.021563342318059300350974183402;0.019946091644204851783817034061;0.011320754716981131296482665505;0.006469002695417789931819907423;0.018328840970350403216659884720;0.019407008086253368928097984281;0.003773584905660377387948134498;0.027493261455525604824989827080;0.042048517520215634990510267244;0.029649595687331536247866026201;0.017250673854447440974668737113;0.006469002695417789931819907423;0.003234501347708894965909953712;0.014555256064690026696073488210;0.026954177897574125438717729253;0.020485175202156334639536083841;0.007547169811320754775896268995;0.004851752021563342232024496070;0.013477088948787062719358864626;0.025876010781671159727279629692;0.004851752021563342232024496070;0.016172506738544475263230637552;0.014555256064690026696073488210;0.005929919137466307076100857643;0.005929919137466307076100857643;0.011859838274932614152201715285;0.000000000000000000000000000000;0.019946091644204851783817034061;0.003773584905660377387948134498;0.014016172506738543840354438430;0.031266846361185984815023175543;0.023180592991913745448684380790;0.010781671159029650175487091701;0.011320754716981131296482665505
-0.024797843665768194015841530131;0.007547169811320754775896268995;0.030727762803234501959304125762;0.269541778975741219692707772992;0.016711590296495958118949687332;0.032345013477088950526461275103;0.001617250673854447482954976856;0.014555256064690026696073488210;0.012938005390835579863639814846;0.016711590296495958118949687332;0.012938005390835579863639814846;0.036118598382749327047047671613;0.011859838274932614152201715285;0.022641509433962262592965331010;0.012938005390835579863639814846;0.016172506738544475263230637552;0.009703504043126684464048992140;0.011320754716981131296482665505;0.019946091644204851783817034061;0.004851752021563342232024496070;0.014555256064690026696073488210;0.011320754716981131296482665505;0.004312668463611860243667184278;0.028032345013477087680708876860;0.038814016172506737856195968561;0.021563342318059300350974183402;0.012398921832884097007920765066;0.013477088948787062719358864626;0.001078167115902965060916796070;0.028032345013477087680708876860;0.032345013477088950526461275103;0.017789757412398920360940834939;0.003234501347708894965909953712;0.009703504043126684464048992140;0.012938005390835579863639814846;0.019407008086253368928097984281;0.008625336927223720487334368556;0.010242587601078167319768041921;0.002695417789757412543871772925;0.008086253369272237631615318776;0.004312668463611860243667184278;0.008086253369272237631615318776;0.000000000000000000000000000000;0.014016172506738543840354438430;0.007547169811320754775896268995;0.010781671159029650175487091701;0.025336927223719676871560579912;0.023180592991913745448684380790;0.011320754716981131296482665505;0.010781671159029650175487091701
-0.038594470046082948733179307510;0.013248847926267280986079022398;0.047235023041474651084303815196;0.089285714285714287696826829688;0.016705069124423963661252301449;0.042626728110599081122966680368;0.000576036866359447004108662593;0.018433179723502304131477202986;0.023617511520737325542151907598;0.017857142857142856151586585156;0.017281105990783411641142919279;0.034562211981566823282285838559;0.025345622119815669481823761089;0.028801843317972350422273564163;0.014400921658986175211136782082;0.029953917050691242912607847870;0.006912442396313364482984820114;0.014400921658986175211136782082;0.012672811059907834740911880544;0.003456221198156682241492410057;0.013248847926267280986079022398;0.016705069124423963661252301449;0.004032258064516128920340420905;0.023041474654377881031708241721;0.040322580645161289203404209047;0.037442396313364052773398071849;0.020161290322580644601702104524;0.015552995391705069436194541765;0.000576036866359447004108662593;0.042050691244239629673629110584;0.019585253456221196621811486693;0.009792626728110598310905743347;0.005184331797235023145398180588;0.005184331797235023145398180588;0.013248847926267280986079022398;0.024193548387096773522042525428;0.008640552995391705820571459640;0.011520737327188940515854120861;0.003456221198156682241492410057;0.017281105990783411641142919279;0.007488479262672810728151961968;0.013248847926267280986079022398;0.000000000000000000000000000000;0.014976958525345621456303923935;0.008064516129032257840680841809;0.020737327188940092581592722354;0.030529953917050690892498465701;0.030529953917050690892498465701;0.024769585253456221501933143259;0.022465437788018433051817623891
-0.026446280991735536536335615665;0.011019283746556474135047665186;0.030853994490358128272022852912;0.244628099173553714695827920877;0.030853994490358128272022852912;0.036363636363636361870099733551;0.003305785123966942067041951958;0.008264462809917355601285748889;0.020936639118457299468811783072;0.013774104683195592668809581482;0.017630853994490356534408093125;0.041873278236914598937623566144;0.013223140495867768268167807832;0.016528925619834711202571497779;0.008815426997245178267204046563;0.025344352617079891204499020319;0.011570247933884296800965962859;0.015977961432506886801929724129;0.017630853994490356534408093125;0.008815426997245178267204046563;0.009917355371900827068487593863;0.010468319559228649734405891536;0.004407713498622589133602023281;0.020936639118457299468811783072;0.030303030303030303871381079261;0.023691460055096418002573699368;0.011019283746556474135047665186;0.012672176308539945602249510159;0.003305785123966942067041951958;0.043526170798898068670101935140;0.023691460055096418002573699368;0.007713498622589532068005713228;0.005509641873278237067523832593;0.007713498622589532068005713228;0.013223140495867768268167807832;0.017630853994490356534408093125;0.006611570247933884134083903916;0.008815426997245178267204046563;0.006611570247933884134083903916;0.009917355371900827068487593863;0.002754820936639118533761916296;0.021487603305785123869453556722;0.000000000000000000000000000000;0.012672176308539945602249510159;0.007713498622589532068005713228;0.009366391184573002667845820213;0.015977961432506886801929724129;0.022038567493112948270095330372;0.012672176308539945602249510159;0.013774104683195592668809581482
-0.022102425876010783206693233183;0.007008086253369271920177219215;0.032884097035040429912733372930;0.348787061994609182136173330946;0.025336927223719676871560579912;0.022102425876010783206693233183;0.003234501347708894965909953712;0.007547169811320754775896268995;0.022641509433962262592965331010;0.017250673854447440974668737113;0.009703504043126684464048992140;0.023180592991913745448684380790;0.012398921832884097007920765066;0.021024258760107817495255133622;0.010242587601078167319768041921;0.019407008086253368928097984281;0.011320754716981131296482665505;0.018328840970350403216659884720;0.021563342318059300350974183402;0.002156334231805930121833592139;0.008625336927223720487334368556;0.008086253369272237631615318776;0.008086253369272237631615318776;0.012938005390835579863639814846;0.025876010781671159727279629692;0.017789757412398920360940834939;0.010781671159029650175487091701;0.010781671159029650175487091701;0.003234501347708894965909953712;0.044743935309973045799658564192;0.011859838274932614152201715285;0.009703504043126684464048992140;0.004851752021563342232024496070;0.005929919137466307076100857643;0.013477088948787062719358864626;0.013477088948787062719358864626;0.002695417789757412543871772925;0.004312668463611860243667184278;0.003773584905660377387948134498;0.012938005390835579863639814846;0.003773584905660377387948134498;0.021024258760107817495255133622;0.000000000000000000000000000000;0.007008086253369271920177219215;0.007547169811320754775896268995;0.008625336927223720487334368556;0.015633423180592992407511587771;0.017789757412398920360940834939;0.015633423180592992407511587771;0.010781671159029650175487091701
-0.029411764705882352533006240947;0.008324084350721421346475104031;0.027192008879023309153577514508;0.205882352941176460792149782719;0.036071032186459489610186324171;0.038290788013318532989615050610;0.005549389567147613652742244028;0.011098779134295227305484488056;0.009988901220865705615770124837;0.014983351831298556688931711278;0.014428412874583795844074529668;0.059933407325194226755726845113;0.021087680355160932921254612893;0.020532741398446172076397431283;0.007769145394006659634256184432;0.019977802441731411231540249673;0.009433962264150943036189467250;0.017758046614872364382664571281;0.013873473917869034999217348059;0.007769145394006659634256184432;0.012763596004439511574779508862;0.007214206437291897922037264834;0.008324084350721421346475104031;0.018867924528301886072378934500;0.023862375138734740614987472895;0.023862375138734740614987472895;0.012208657047724750729922327253;0.013873473917869034999217348059;0.001109877913429522773916535705;0.051609322974472807143975217059;0.036625971143174250455043505781;0.010543840177580466460627306446;0.010543840177580466460627306446;0.008879023307436182191332285640;0.022752497225305215455826157722;0.022197558268590454610968976112;0.006104328523862375364961163626;0.012208657047724750729922327253;0.003329633740288568104909172618;0.010543840177580466460627306446;0.007214206437291897922037264834;0.005549389567147613652742244028;0.000000000000000000000000000000;0.012208657047724750729922327253;0.004439511653718091095666142820;0.012208657047724750729922327253;0.019977802441731411231540249673;0.014983351831298556688931711278;0.012208657047724750729922327253;0.014428412874583795844074529668
-0.049943883277216612193161182631;0.002805836139169472307625108343;0.037037037037037034981068472916;0.000000000000000000000000000000;0.006734006734006733711772607620;0.062289562289562290520184006937;0.002244668911335578193044781870;0.009539842873176206453078584957;0.017957351290684625544358254956;0.021324354657687991099201951783;0.022446689113355778461000866741;0.074635241301907961908312927335;0.030864197530864195817557060764;0.037598204264870933866138358326;0.000561167227833894548261195467;0.037598204264870933866138358326;0.019640852974186308321780103370;0.016835016835016834713112388044;0.006734006734006733711772607620;0.005050505050505050934350759206;0.014029180695847362839168148696;0.012906846240179573742645757761;0.004489337822671156386089563739;0.030303030303030303871381079261;0.056116722783389451356672594784;0.040404040404040407474806073651;0.019640852974186308321780103370;0.019079685746352412906157169914;0.001122334455667789096522390935;0.057800224466891134134094443198;0.034231200897867561372400757591;0.010662177328843995549600975892;0.006172839506172839163511412153;0.010101010101010101868701518413;0.022446689113355778461000866741;0.016273849607182939297489454589;0.010101010101010101868701518413;0.013468013468013467423545215240;0.001683501683501683427943151905;0.021885521885521886514824885239;0.001683501683501683427943151905;0.006172839506172839163511412153;0.000000000000000000000000000000;0.017957351290684625544358254956;0.001683501683501683427943151905;0.012906846240179573742645757761;0.029180695847362513040135212350;0.023007856341189673876623800197;0.019640852974186308321780103370;0.023007856341189673876623800197
-0.043213633597078512926792370763;0.009738283627510651435654764896;0.041387705416920265999447536842;0.085818624467437612524101098188;0.040170419963481439340480250166;0.029823493609251371105894889979;0.005477784540474741649396239751;0.015216068167985392217689266658;0.017650639074863055943964695871;0.018867924528301886072378934500;0.018259281801582472742895291162;0.019476567255021302871309529792;0.025562994522215460452274626846;0.036518563603164945485790582325;0.006695069993913572645172216369;0.031040779062690201234309128608;0.010955569080949483298792479502;0.020693852708460132999723768421;0.015216068167985392217689266658;0.008520998174071819572517050290;0.010955569080949483298792479502;0.009738283627510651435654764896;0.007912355447352404508309930975;0.027388922702373707379619460767;0.051734631771150334234032897029;0.032866707242848444692207010576;0.018259281801582472742895291162;0.007912355447352404508309930975;0.001217285453438831429456845612;0.026171637248934873781758270184;0.019476567255021302871309529792;0.009738283627510651435654764896;0.008520998174071819572517050290;0.007912355447352404508309930975;0.018259281801582472742895291162;0.023737066342057213524929792925;0.006695069993913572645172216369;0.015824710894704809016619861950;0.001217285453438831429456845612;0.009738283627510651435654764896;0.002434570906877662858913691224;0.012781497261107730226137313423;0.000000000000000000000000000000;0.018867924528301886072378934500;0.010346926354230066499861884211;0.015824710894704809016619861950;0.041996348143639686267825084087;0.034083992696287278290068201159;0.024954351795496043653344031554;0.023128423615337796725999197633
-0.025974025974025975738168625639;0.013506493506493506481791477825;0.031168831168831168804134179595;0.119480519480519478681124212471;0.043636363636363639795234803387;0.035324675324675328114132355495;0.002597402597402597400344514966;0.010909090909090909948808700847;0.015584415584415584402067089798;0.012467532467532467521653671838;0.016623376623376623362204895784;0.033766233766233763602393480596;0.016623376623376623362204895784;0.041038961038961041527528550432;0.005194805194805194800689029933;0.020779220779220779202756119730;0.013506493506493506481791477825;0.017142857142857143709635536766;0.016103896103896103014774254802;0.006233766233766233760826835919;0.014025974025974026829222118806;0.016103896103896103014774254802;0.004675324675324675320620126939;0.027532467532467533311013596631;0.031688311688311689151564820577;0.024415584415584414695876702694;0.018181818181818180935049866775;0.031168831168831168804134179595;0.000519480519480519480068902993;0.038961038961038960137805986506;0.019740259740259741977341789720;0.014545454545454545441929283811;0.004675324675324675320620126939;0.008831168831168832028533088874;0.020259740259740258855325478748;0.031168831168831168804134179595;0.007792207792207792201033544899;0.012467532467532467521653671838;0.004675324675324675320620126939;0.016103896103896103014774254802;0.012987012987012987869084312820;0.013506493506493506481791477825;0.000000000000000000000000000000;0.012987012987012987869084312820;0.005714285714285714280757932926;0.016103896103896103014774254802;0.032727272727272729846426102540;0.025454545454545455390737984658;0.023896103896103897817893013666;0.011428571428571428561515865852
-0.033018867924528301494024873364;0.030070754716981132337316751091;0.041273584905660375132807615728;0.029481132075471698505975126636;0.012971698113207547758962689954;0.038325471698113205976099493455;0.003537735849056603855411484716;0.017099056603773584578354061136;0.026533018867924529349267004363;0.013561320754716981590304314409;0.015919811320754716915670812227;0.030660377358490566168658375545;0.028891509433962264674633502182;0.033608490566037735325366497818;0.007665094339622641542164593886;0.027712264150943397011950253273;0.015330188679245283084329187773;0.030070754716981132337316751091;0.014150943396226415421645938864;0.008254716981132075373506218341;0.011202830188679244530214340614;0.018278301886792452241037310046;0.007665094339622641542164593886;0.027712264150943397011950253273;0.043632075471698110458174113546;0.023584905660377360192558882090;0.012971698113207547758962689954;0.050117924528301889541825886454;0.001768867924528301927705742358;0.033608490566037735325366497818;0.021816037735849055229087056773;0.014150943396226415421645938864;0.006485849056603773879481344977;0.010613207547169810698872716159;0.020047169811320753735062183409;0.035966981132075470650732995637;0.012382075471698113927621065500;0.011792452830188680096279441045;0.005306603773584905349436358080;0.016509433962264150747012436682;0.008254716981132075373506218341;0.037146226415094338313416244546;0.000000000000000000000000000000;0.013561320754716981590304314409;0.003537735849056603855411484716;0.012971698113207547758962689954;0.023584905660377360192558882090;0.021816037735849055229087056773;0.021226415094339621397745432319;0.014150943396226415421645938864
-0.025462962962962961549484575130;0.005787037037037036715791948893;0.034143518518518517490534236458;0.180555555555555552471602709375;0.009837962962962963284208051107;0.039930555555555552471602709375;0.004629629629629629372633559115;0.016203703703703702804217456901;0.016782407407407409077881865755;0.015046296296296295461059067122;0.015046296296296295461059067122;0.043402777777777776235801354687;0.030092592592592590922118134245;0.019675925925925926568416102214;0.006944444444444444058950338672;0.019675925925925926568416102214;0.007523148148148147730529533561;0.021412037037037038450515424870;0.011574074074074073431583897786;0.008680555555555555941049661328;0.012731481481481480774742287565;0.013310185185185185313683220443;0.009259259259259258745267118229;0.022569444444444444058950338672;0.032407407407407405608434913802;0.023726851851851853136832204427;0.015625000000000000000000000000;0.023148148148148146863167795573;0.006365740740740740387371143783;0.038194444444444447528397290625;0.020833333333333332176851016015;0.009837962962962963284208051107;0.013888888888888888117900677344;0.008680555555555555941049661328;0.022569444444444444058950338672;0.028356481481481482509465763542;0.007523148148148147730529533561;0.009837962962962963284208051107;0.006365740740740740387371143783;0.014467592592592592656841610221;0.005208333333333333044212754004;0.017361111111111111882099322656;0.000000000000000000000000000000;0.012731481481481480774742287565;0.003472222222222222029475169336;0.016203703703703702804217456901;0.019675925925925926568416102214;0.024884259259259258745267118229;0.019097222222222223764198645313;0.009259259259259258745267118229
-0.029835390946502057113454142723;0.007201646090534979602337806170;0.030864197530864195817557060764;0.184670781893004121165802189353;0.011831275720164608974971365285;0.029320987654320986026679207725;0.005658436213991769811459953132;0.022119341563786008159064877532;0.014403292181069959204675612341;0.015432098765432097908778530382;0.019547325102880659664084106453;0.030349794238683128200229077720;0.013374485596707818765849218323;0.017489711934156378786431318417;0.013888888888888888117900677344;0.025205761316872427740820583608;0.011316872427983539622919906265;0.024176954732510289036717665567;0.029320987654320986026679207725;0.005144032921810699592046756123;0.013888888888888888117900677344;0.008744855967078189393215659209;0.004629629629629629372633559115;0.023662551440329217949942730570;0.037551440329218109537290359867;0.024176954732510289036717665567;0.025205761316872427740820583608;0.006687242798353909382924609162;0.002572016460905349796023378062;0.026748971193415637531698436646;0.043209876543209874144579885069;0.019547325102880659664084106453;0.008744855967078189393215659209;0.004629629629629629372633559115;0.013888888888888888117900677344;0.023148148148148146863167795573;0.006687242798353909382924609162;0.014917695473251028556727071361;0.006172839506172839163511412153;0.014917695473251028556727071361;0.005144032921810699592046756123;0.005658436213991769811459953132;0.000000000000000000000000000000;0.012345679012345678327022824305;0.014403292181069959204675612341;0.013374485596707818765849218323;0.027777777777777776235801354687;0.016975308641975307699656383420;0.019032921810699588577309171455;0.014403292181069959204675612341
-0.030070754716981132337316751091;0.010613207547169810698872716159;0.030070754716981132337316751091;0.155070754716981118459528943276;0.018278301886792452241037310046;0.033608490566037735325366497818;0.003537735849056603855411484716;0.012382075471698113927621065500;0.007665094339622641542164593886;0.010613207547169810698872716159;0.018278301886792452241037310046;0.024174528301886794023900506545;0.024174528301886794023900506545;0.028891509433962264674633502182;0.010023584905660376867531091705;0.027122641509433963180608628818;0.010023584905660376867531091705;0.021226415094339621397745432319;0.031250000000000000000000000000;0.012971698113207547758962689954;0.014740566037735849252987563318;0.015330188679245283084329187773;0.006485849056603773879481344977;0.015919811320754716915670812227;0.037146226415094338313416244546;0.022405660377358489060428681228;0.021226415094339621397745432319;0.017688679245283018409695685591;0.002358490566037735759047366813;0.042452830188679242795490864637;0.048938679245283021879142637545;0.014150943396226415421645938864;0.014740566037735849252987563318;0.007665094339622641542164593886;0.014150943396226415421645938864;0.014150943396226415421645938864;0.006485849056603773879481344977;0.018867924528301886072378934500;0.003537735849056603855411484716;0.008844339622641509204847842796;0.001768867924528301927705742358;0.015330188679245283084329187773;0.000000000000000000000000000000;0.012382075471698113927621065500;0.011792452830188680096279441045;0.006485849056603773879481344977;0.027712264150943397011950253273;0.021816037735849055229087056773;0.018867924528301886072378934500;0.016509433962264150747012436682
-0.033670033670033669426224776089;0.013468013468013467423545215240;0.032547699214365878594978909177;0.212682379349046019045843536333;0.012906846240179573742645757761;0.030864197530864195817557060764;0.003367003367003366855886303810;0.020202020202020203737403036826;0.019079685746352412906157169914;0.012345679012345678327022824305;0.015712682379349047351313473087;0.023569023569023569292246733653;0.012906846240179573742645757761;0.025813692480359147485291515522;0.014029180695847362839168148696;0.021324354657687991099201951783;0.015151515151515151935690539631;0.023569023569023569292246733653;0.023569023569023569292246733653;0.007295173961840628260033803087;0.016273849607182939297489454589;0.014029180695847362839168148696;0.007856341189674523675656736543;0.019079685746352412906157169914;0.042648709315375982198403903567;0.021885521885521886514824885239;0.015712682379349047351313473087;0.014029180695847362839168148696;0.000561167227833894548261195467;0.033108866442199777480048794587;0.030303030303030303871381079261;0.010101010101010101868701518413;0.005050505050505050934350759206;0.007295173961840628260033803087;0.011223344556677889230500433371;0.016273849607182939297489454589;0.006734006734006733711772607620;0.016273849607182939297489454589;0.001122334455667789096522390935;0.011784511784511784646123366826;0.003928170594837261837828368272;0.019079685746352412906157169914;0.000000000000000000000000000000;0.011784511784511784646123366826;0.006734006734006733711772607620;0.015712682379349047351313473087;0.019079685746352412906157169914;0.015712682379349047351313473087;0.016835016835016834713112388044;0.015712682379349047351313473087
-0.040094339622641507470124366819;0.018867924528301886072378934500;0.042452830188679242795490864637;0.053066037735849058698534008727;0.004127358490566037686753109170;0.025353773584905661686583755454;0.006485849056603773879481344977;0.016509433962264150747012436682;0.029481132075471698505975126636;0.021816037735849055229087056773;0.020636792452830187566403807864;0.021816037735849055229087056773;0.017688679245283018409695685591;0.026533018867924529349267004363;0.011792452830188680096279441045;0.032429245283018867662683248909;0.013561320754716981590304314409;0.034787735849056602988049746727;0.012382075471698113927621065500;0.007075471698113207710822969432;0.012971698113207547758962689954;0.015919811320754716915670812227;0.006485849056603773879481344977;0.043042452830188676626832489092;0.047169811320754720385117764181;0.025943396226415095517925379909;0.019457547169811319903720558955;0.015919811320754716915670812227;0.004716981132075471518094733625;0.018867924528301886072378934500;0.040094339622641507470124366819;0.029481132075471698505975126636;0.005896226415094340048139720523;0.005306603773584905349436358080;0.021816037735849055229087056773;0.028891509433962264674633502182;0.012971698113207547758962689954;0.014740566037735849252987563318;0.003537735849056603855411484716;0.008254716981132075373506218341;0.005896226415094340048139720523;0.020047169811320753735062183409;0.000000000000000000000000000000;0.027122641509433963180608628818;0.000589622641509433939761841703;0.015330188679245283084329187773;0.027712264150943397011950253273;0.021816037735849055229087056773;0.019457547169811319903720558955;0.023584905660377360192558882090
-0.048834628190899002919689309010;0.009433962264150943036189467250;0.042730299667036626687366407396;0.098779134295227527529092981240;0.005549389567147613652742244028;0.037180910099889011299900687391;0.004994450610432852807885062418;0.011653718091009988150341669666;0.025527192008879023149559017725;0.014983351831298556688931711278;0.014983351831298556688931711278;0.046614872364039952601366678664;0.009988901220865705615770124837;0.031631520532741395912434967386;0.012208657047724750729922327253;0.034961154273029967920471960952;0.018312985571587125227521752890;0.016648168701442842692950208061;0.010543840177580466460627306446;0.006104328523862375364961163626;0.009433962264150943036189467250;0.021642619311875693766111794503;0.007769145394006659634256184432;0.031076581576026638537024737730;0.059378468368479465910869663503;0.031076581576026638537024737730;0.014983351831298556688931711278;0.009988901220865705615770124837;0.001664816870144284052454586309;0.018867924528301886072378934500;0.047724750277469481229974945791;0.017758046614872364382664571281;0.004994450610432852807885062418;0.004994450610432852807885062418;0.019422863485016646917236116110;0.025527192008879023149559017725;0.007214206437291897922037264834;0.022752497225305215455826157722;0.004994450610432852807885062418;0.009433962264150943036189467250;0.001664816870144284052454586309;0.009988901220865705615770124837;0.000000000000000000000000000000;0.014983351831298556688931711278;0.009433962264150943036189467250;0.011098779134295227305484488056;0.022752497225305215455826157722;0.025527192008879023149559017725;0.016648168701442842692950208061;0.015538290788013319268512368865
-0.038194444444444447528397290625;0.006365740740740740387371143783;0.046296296296296293726335591145;0.095486111111111104943205418749;0.002314814814814814686316779557;0.031250000000000000000000000000;0.002893518518518518357895974447;0.012731481481481480774742287565;0.017361111111111111882099322656;0.027199074074074073431583897786;0.012731481481481480774742287565;0.037615740740740741254732881771;0.010416666666666666088425508008;0.065393518518518517490534236458;0.005787037037037036715791948893;0.025462962962962961549484575130;0.009259259259259258745267118229;0.012731481481481480774742287565;0.010416666666666666088425508008;0.006944444444444444058950338672;0.009837962962962963284208051107;0.006365740740740740387371143783;0.002314814814814814686316779557;0.042824074074074076901030849740;0.041087962962962965018931527084;0.054398148148148146863167795573;0.018518518518518517490534236458;0.025462962962962961549484575130;0.002893518518518518357895974447;0.013310185185185185313683220443;0.020833333333333332176851016015;0.015625000000000000000000000000;0.006365740740740740387371143783;0.005787037037037036715791948893;0.014467592592592592656841610221;0.033564814814814818155763731511;0.007523148148148147730529533561;0.008101851851851851402108728450;0.006365740740740740387371143783;0.009259259259259258745267118229;0.001736111111111111014737584668;0.013888888888888888117900677344;0.000000000000000000000000000000;0.020254629629629629372633559115;0.000000000000000000000000000000;0.016782407407407409077881865755;0.053819444444444447528397290625;0.031250000000000000000000000000;0.017939814814814814686316779557;0.022569444444444444058950338672
-0.046957671957671955065283242448;0.011243386243386242762110072135;0.031746031746031744269487262500;0.136904761904761917978845531252;0.000661375661375661338947651302;0.047619047619047616404230893750;0.005291005291005290711581210417;0.008597883597883597406319466927;0.023148148148148146863167795573;0.012566137566137565440005374739;0.015873015873015872134743631250;0.043650793650793648370544985937;0.021825396825396824185272492969;0.033068783068783066947382565104;0.019841269841269840168429539062;0.033068783068783066947382565104;0.007936507936507936067371815625;0.011243386243386242762110072135;0.004629629629629629372633559115;0.006613756613756613389476513021;0.008597883597883597406319466927;0.003968253968253968033685907812;0.006613756613756613389476513021;0.025132275132275130880010749479;0.054894179894179891132655058072;0.029761904761904760252644308594;0.013888888888888888117900677344;0.027777777777777776235801354687;0.000661375661375661338947651302;0.018518518518518517490534236458;0.030423280423280421591591959896;0.009920634920634920084214769531;0.003306878306878306694738256510;0.009920634920634920084214769531;0.021164021164021162846324841667;0.015873015873015872134743631250;0.011243386243386242762110072135;0.014550264550264549456848328646;0.007275132275132274728424164323;0.006613756613756613389476513021;0.003968253968253968033685907812;0.017857142857142856151586585156;0.000000000000000000000000000000;0.016534391534391533473691282552;0.005952380952380952050528861719;0.011243386243386242762110072135;0.033730158730158728286330216406;0.027116402116402114896853703385;0.019841269841269840168429539062;0.021164021164021162846324841667
-0.028301886792452830843291877727;0.016771488469601678050757698202;0.029874213836477987726869542939;0.137316561844863738173216916039;0.046645702306079665777627241141;0.030398322851153038864913114026;0.005765199161425576396267089763;0.011530398322851152792534179525;0.030398322851153038864913114026;0.013626834381551362548878891801;0.013102725366876309676111844738;0.040356394129979038243316580292;0.012054507337526205665301226588;0.022536687631027254447024787964;0.012578616352201258538068273651;0.013626834381551362548878891801;0.016771488469601678050757698202;0.024109014675052411330602453177;0.017295597484276729188801269288;0.003144654088050314634517068413;0.016247379454926623443267175162;0.014150943396226415421645938864;0.008385744234800839025378849101;0.020440251572327042955956599712;0.026205450733752619352223689475;0.028825995807127881981335448813;0.013626834381551362548878891801;0.029874213836477987726869542939;0.004192872117400419512689424550;0.067610062893081759871627411940;0.026205450733752619352223689475;0.012054507337526205665301226588;0.006289308176100629269034136826;0.007861635220125786152611802038;0.011530398322851152792534179525;0.020440251572327042955956599712;0.007337526205450734147206492963;0.010482180293501048781723561376;0.005765199161425576396267089763;0.010482180293501048781723561376;0.002620545073375262195430890344;0.031446540880503144610447208152;0.000000000000000000000000000000;0.007861635220125786152611802038;0.011530398322851152792534179525;0.011530398322851152792534179525;0.020440251572327042955956599712;0.016247379454926623443267175162;0.013626834381551362548878891801;0.010482180293501048781723561376
-0.052287581699346406816086840763;0.015795206971677560464639711313;0.031590413943355120929279422626;0.012527233115468409604953414771;0.015250544662309368365571415893;0.028322440087145968334869650107;0.003267973856209150426005427548;0.012527233115468409604953414771;0.029956427015250544632074536366;0.020697167755991285886807418137;0.018518518518518517490534236458;0.047930283224400870023540477405;0.023965141612200435011770238702;0.021786492374727670084944008977;0.012527233115468409604953414771;0.037037037037037034981068472916;0.014705882352941176266503120473;0.025054466230936819209906829542;0.016884531590413944662776302152;0.005446623093681917521236002244;0.011982570806100217505885119351;0.010893246187363835042472004488;0.008714596949891068380922298786;0.026143790849673203408043420382;0.061546840958605665561353958992;0.032135076252723313028347718046;0.016884531590413944662776302152;0.036492374727668842882000177497;0.002178649237472767095230574697;0.046296296296296293726335591145;0.032679738562091505127416013465;0.013616557734204793803090005611;0.008169934640522876281854003366;0.003812636165577342091392853973;0.013071895424836601704021710191;0.018518518518518517490534236458;0.005991285403050108752942559676;0.017429193899782136761844597572;0.015250544662309368365571415893;0.013071895424836601704021710191;0.008169934640522876281854003366;0.043028322440087148070819722534;0.000000000000000000000000000000;0.017429193899782136761844597572;0.005446623093681917521236002244;0.010893246187363835042472004488;0.013616557734204793803090005611;0.025054466230936819209906829542;0.016884531590413944662776302152;0.018518518518518517490534236458
-0.040970350404312669279072167683;0.016711590296495958118949687332;0.025336927223719676871560579912;0.087870619946091646501606930997;0.020485175202156334639536083841;0.047439353099730456608806861141;0.003234501347708894965909953712;0.016172506738544475263230637552;0.027493261455525604824989827080;0.007547169811320754775896268995;0.016711590296495958118949687332;0.047439353099730456608806861141;0.016711590296495958118949687332;0.020485175202156334639536083841;0.007008086253369271920177219215;0.032884097035040429912733372930;0.011859838274932614152201715285;0.023180592991913745448684380790;0.017789757412398920360940834939;0.008086253369272237631615318776;0.013477088948787062719358864626;0.012398921832884097007920765066;0.005929919137466307076100857643;0.020485175202156334639536083841;0.040431266846361182953906165949;0.026954177897574125438717729253;0.017250673854447440974668737113;0.057142857142857141072855853281;0.000539083557951482530458398035;0.059838274932614551882004150229;0.022102425876010783206693233183;0.008625336927223720487334368556;0.005929919137466307076100857643;0.005390835579514825087743545851;0.018328840970350403216659884720;0.020485175202156334639536083841;0.004312668463611860243667184278;0.016172506738544475263230637552;0.010242587601078167319768041921;0.011320754716981131296482665505;0.003773584905660377387948134498;0.025876010781671159727279629692;0.000000000000000000000000000000;0.012398921832884097007920765066;0.007008086253369271920177219215;0.011859838274932614152201715285;0.016172506738544475263230637552;0.017789757412398920360940834939;0.013477088948787062719358864626;0.018867924528301886072378934500
-0.020047169811320753735062183409;0.008844339622641509204847842796;0.033018867924528301494024873364;0.233490566037735852722434515272;0.039504716981132073638782742364;0.029481132075471698505975126636;0.006485849056603773879481344977;0.012971698113207547758962689954;0.011792452830188680096279441045;0.012382075471698113927621065500;0.011792452830188680096279441045;0.050707547169811323373167510908;0.008844339622641509204847842796;0.024764150943396227855242131000;0.008844339622641509204847842796;0.013561320754716981590304314409;0.008844339622641509204847842796;0.007665094339622641542164593886;0.014740566037735849252987563318;0.005896226415094340048139720523;0.015919811320754716915670812227;0.014150943396226415421645938864;0.007665094339622641542164593886;0.019457547169811319903720558955;0.024764150943396227855242131000;0.017688679245283018409695685591;0.013561320754716981590304314409;0.035377358490566036819391371182;0.002358490566037735759047366813;0.047759433962264154216459388635;0.033608490566037735325366497818;0.017099056603773584578354061136;0.005896226415094340048139720523;0.005306603773584905349436358080;0.014150943396226415421645938864;0.011792452830188680096279441045;0.005896226415094340048139720523;0.011202830188679244530214340614;0.000000000000000000000000000000;0.010613207547169810698872716159;0.007075471698113207710822969432;0.018278301886792452241037310046;0.000000000000000000000000000000;0.010613207547169810698872716159;0.008254716981132075373506218341;0.014150943396226415421645938864;0.018867924528301886072378934500;0.015919811320754716915670812227;0.019457547169811319903720558955;0.009433962264150943036189467250
-0.024528301886792454322705481218;0.013207547169811321291499339736;0.022641509433962262592965331010;0.265408805031446537459061119080;0.010691823899371068543051599420;0.030188679245283019103585075982;0.005660377358490565648241332752;0.017610062893081760565516802330;0.015094339622641509551792537991;0.013836477987421384044930405821;0.012578616352201258538068273651;0.029559748427672956350154009897;0.016981132075471697812085736246;0.022012578616352199839534264925;0.009433962264150943036189467250;0.022641509433962262592965331010;0.018238993710691823318947868415;0.013207547169811321291499339736;0.011320754716981131296482665505;0.012578616352201258538068273651;0.009433962264150943036189467250;0.012578616352201258538068273651;0.005660377358490565648241332752;0.020125786163522011579241066670;0.025157232704402517076136547303;0.021383647798742137086103198840;0.014465408805031446798361471906;0.021383647798742137086103198840;0.001886792452830188693974067249;0.026415094339622642582998679472;0.029559748427672956350154009897;0.011949685534591195784637207566;0.005660377358490565648241332752;0.009433962264150943036189467250;0.022012578616352199839534264925;0.019496855345911948825810000585;0.007547169811320754775896268995;0.009433962264150943036189467250;0.004402515723270440141379200583;0.013207547169811321291499339736;0.006918238993710692022465202911;0.013207547169811321291499339736;0.000000000000000000000000000000;0.018238993710691823318947868415;0.002515723270440251447405133334;0.014465408805031446798361471906;0.018238993710691823318947868415;0.018867924528301886072378934500;0.021383647798742137086103198840;0.007547169811320754775896268995
-0.036477987421383646637895736831;0.009433962264150943036189467250;0.039622641509433960405051067255;0.074213836477987418782653605831;0.001886792452830188693974067249;0.034591194968553458377602538576;0.002515723270440251447405133334;0.017610062893081760565516802330;0.034591194968553458377602538576;0.020125786163522011579241066670;0.013207547169811321291499339736;0.027672955974842768089860811642;0.029559748427672956350154009897;0.032704402515723270117309340321;0.005660377358490565648241332752;0.028301886792452830843291877727;0.015094339622641509551792537991;0.027044025157232705336429745557;0.011949685534591195784637207566;0.006289308176100629269034136826;0.010691823899371068543051599420;0.029559748427672956350154009897;0.015094339622641509551792537991;0.028301886792452830843291877727;0.035849056603773583884464670746;0.033333333333333332870740406406;0.021383647798742137086103198840;0.011320754716981131296482665505;0.000628930817610062861851283333;0.018238993710691823318947868415;0.024528301886792454322705481218;0.010691823899371068543051599420;0.006289308176100629269034136826;0.006289308176100629269034136826;0.037735849056603772144757869000;0.025786163522012579829567613388;0.008805031446540880282758401165;0.015094339622641509551792537991;0.015094339622641509551792537991;0.023270440251572325346396397094;0.001886792452830188693974067249;0.018867924528301886072378934500;0.000000000000000000000000000000;0.019496855345911948825810000585;0.006289308176100629269034136826;0.009433962264150943036189467250;0.024528301886792454322705481218;0.032075471698113207363878274236;0.026415094339622642582998679472;0.014465408805031446798361471906
-0.038274932614555258469923870734;0.015633423180592992407511587771;0.042587601078167114376782365071;0.095956873315363885867945725749;0.003234501347708894965909953712;0.033423180592991916237899374664;0.003234501347708894965909953712;0.009164420485175201608329942360;0.039892183288409703567634068122;0.016711590296495958118949687332;0.018867924528301886072378934500;0.026954177897574125438717729253;0.016172506738544475263230637552;0.038274932614555258469923870734;0.009164420485175201608329942360;0.024258760107816711160122480351;0.016172506738544475263230637552;0.022641509433962262592965331010;0.010242587601078167319768041921;0.009164420485175201608329942360;0.014555256064690026696073488210;0.017250673854447440974668737113;0.004851752021563342232024496070;0.028571428571428570536427926640;0.042587601078167114376782365071;0.032884097035040429912733372930;0.018328840970350403216659884720;0.044204851752021566413386466365;0.003234501347708894965909953712;0.023180592991913745448684380790;0.024258760107816711160122480351;0.017789757412398920360940834939;0.008086253369272237631615318776;0.008086253369272237631615318776;0.013477088948787062719358864626;0.026954177897574125438717729253;0.006469002695417789931819907423;0.011320754716981131296482665505;0.007008086253369271920177219215;0.011320754716981131296482665505;0.004851752021563342232024496070;0.019946091644204851783817034061;0.000000000000000000000000000000;0.012938005390835579863639814846;0.007547169811320754775896268995;0.008625336927223720487334368556;0.032345013477088950526461275103;0.020485175202156334639536083841;0.018328840970350403216659884720;0.020485175202156334639536083841
-0.030303030303030303871381079261;0.009719839908519153220955999473;0.018296169239565465702845870055;0.177815894797026863294320264686;0.054316752429959980208451497674;0.052601486563750715630405352385;0.004002287021154946056178403069;0.013722126929674099277134402541;0.020011435105774726811445063390;0.013722126929674099277134402541;0.016009148084619784224713612275;0.029159519725557463132314950371;0.016580903373356204594246676720;0.030874785591766724240914143707;0.022298456260720411759024273124;0.017724413950829045333312805610;0.010863350485991995694745604339;0.009719839908519153220955999473;0.021726700971983991389491208679;0.004002287021154946056178403069;0.006861063464837049638567201271;0.008004574042309892112356806138;0.002858776443682104016069667196;0.020583190394511150650425079789;0.037735849056603772144757869000;0.016580903373356204594246676720;0.017152658662092624963779741165;0.014293882218410519646667466986;0.001715265866209262409641800318;0.071469411092052598233337334932;0.017152658662092624963779741165;0.012578616352201258538068273651;0.010291595197255575325212539894;0.008004574042309892112356806138;0.013150371640937678907601338096;0.011435105774728416064278668784;0.007432818753573470875462003704;0.012006861063464836433811733230;0.003430531732418524819283600635;0.009719839908519153220955999473;0.004002287021154946056178403069;0.010863350485991995694745604339;0.000000000000000000000000000000;0.013150371640937678907601338096;0.029731275014293883501848014816;0.008576329331046312481889870583;0.017152658662092624963779741165;0.016580903373356204594246676720;0.010291595197255575325212539894;0.013722126929674099277134402541
-0.040218470705064547632279214895;0.007944389275074478437566050104;0.036742800397219464725306892205;0.174776564051638522157006150337;0.022840119165839126158523697541;0.025322740814299901646045043435;0.004965243296921549240319215812;0.014895729890764647720957647437;0.008440913604766633882015014478;0.025322740814299901646045043435;0.014895729890764647720957647437;0.026812313803376366244668460581;0.020357497517378350671002351646;0.032274081429990067459989688814;0.021847070506454815269625768792;0.029294935451837141732189806476;0.008937437934458789326463978853;0.012909632571996027677885265916;0.014399205561072492276508683062;0.004965243296921549240319215812;0.011420059582919563079261848770;0.009433962264150943036189467250;0.000993048659384309804695756263;0.039225422045680240212828238100;0.036246276067527311015581403808;0.033267130089374381818334569516;0.017874875868917578652927957705;0.007944389275074478437566050104;0.002979145978152929630927703286;0.030784508440913606330813223622;0.015392254220456803165406611811;0.014895729890764647720957647437;0.003475670307845084208014929672;0.009930486593843098480638431624;0.009433962264150943036189467250;0.031281032770605760040538712019;0.007447864945382323860478823718;0.007944389275074478437566050104;0.001986097318768619609391512526;0.007944389275074478437566050104;0.005958291956305859261855406572;0.004965243296921549240319215812;0.000000000000000000000000000000;0.013902681231380336832059718688;0.013902681231380336832059718688;0.015888778550148956875132100208;0.039225422045680240212828238100;0.029294935451837141732189806476;0.011916583912611718523710813145;0.016881827209533267764030028957
-0.025974025974025975738168625639;0.012467532467532467521653671838;0.028051948051948053658444237612;0.303896103896103886299329133180;0.015064935064935065789359924793;0.024935064935064935043307343676;0.003116883116883116880413417960;0.014545454545454545441929283811;0.005194805194805194800689029933;0.018701298701298701282480507757;0.014545454545454545441929283811;0.016623376623376623362204895784;0.016623376623376623362204895784;0.018181818181818180935049866775;0.008311688311688311681102447892;0.022337662337662336775601090721;0.009350649350649350641240253879;0.014545454545454545441929283811;0.014025974025974026829222118806;0.004675324675324675320620126939;0.013506493506493506481791477825;0.007792207792207792201033544899;0.004155844155844155840551223946;0.022337662337662336775601090721;0.032207792207792206029548509605;0.026493506493506492616152314667;0.019220779220779221629911148739;0.010389610389610389601378059865;0.001558441558441558440206708980;0.031168831168831168804134179595;0.018181818181818180935049866775;0.015584415584415584402067089798;0.006753246753246753240895738912;0.005194805194805194800689029933;0.019740259740259741977341789720;0.020779220779220779202756119730;0.006233766233766233760826835919;0.011428571428571428561515865852;0.001038961038961038960137805987;0.010389610389610389601378059865;0.004155844155844155840551223946;0.008311688311688311681102447892;0.000000000000000000000000000000;0.017662337662337664057066177747;0.005714285714285714280757932926;0.010909090909090909948808700847;0.022857142857142857123031731703;0.024415584415584414695876702694;0.016103896103896103014774254802;0.014545454545454545441929283811
-0.022331154684095862184012304397;0.004901960784313725422167706824;0.020697167755991285886807418137;0.382897603485838788905937235540;0.023965141612200435011770238702;0.028867102396514160433937945527;0.006535947712418300852010855095;0.013616557734204793803090005611;0.005446623093681917521236002244;0.012527233115468409604953414771;0.011437908496732025406816823931;0.027233115468409587606180011221;0.017429193899782136761844597572;0.022331154684095862184012304397;0.006535947712418300852010855095;0.012527233115468409604953414771;0.009803921568627450844335413649;0.013071895424836601704021710191;0.010348583877995642943403709069;0.003267973856209150426005427548;0.008714596949891068380922298786;0.009803921568627450844335413649;0.003812636165577342091392853973;0.021241830065359477985875713557;0.023965141612200435011770238702;0.015250544662309368365571415893;0.019063180827886709589602531878;0.009259259259259258745267118229;0.004901960784313725422167706824;0.034858387799564273523689195144;0.017973856209150325391465941038;0.006535947712418300852010855095;0.004901960784313725422167706824;0.004901960784313725422167706824;0.019607843137254901688670827298;0.014705882352941176266503120473;0.004901960784313725422167706824;0.008169934640522876281854003366;0.001089324618736383547615287348;0.014161220043572984167434825054;0.004357298474945534190461149393;0.009259259259259258745267118229;0.000000000000000000000000000000;0.009259259259259258745267118229;0.007080610021786492083717412527;0.014705882352941176266503120473;0.021241830065359477985875713557;0.011982570806100217505885119351;0.006535947712418300852010855095;0.011982570806100217505885119351
-0.015873015873015872134743631250;0.025793650793650792218958400781;0.024470899470899469541063098177;0.300925925925925930037863054167;0.025132275132275130880010749479;0.022486772486772485524220144271;0.002645502645502645355790605208;0.014550264550264549456848328646;0.012566137566137565440005374739;0.015873015873015872134743631250;0.009920634920634920084214769531;0.019179894179894178829481887760;0.015211640211640210795795979948;0.023148148148148146863167795573;0.019841269841269840168429539062;0.015873015873015872134743631250;0.007936507936507936067371815625;0.018518518518518517490534236458;0.016534391534391533473691282552;0.007275132275132274728424164323;0.009920634920634920084214769531;0.013227513227513226778953026042;0.013227513227513226778953026042;0.010582010582010581423162420833;0.027116402116402114896853703385;0.010582010582010581423162420833;0.014550264550264549456848328646;0.033730158730158728286330216406;0.001984126984126984016842953906;0.029761904761904760252644308594;0.017195767195767194812638933854;0.011243386243386242762110072135;0.005952380952380952050528861719;0.005952380952380952050528861719;0.020502645502645501507377190364;0.017195767195767194812638933854;0.004629629629629629372633559115;0.005291005291005290711581210417;0.001984126984126984016842953906;0.015873015873015872134743631250;0.001322751322751322677895302604;0.013227513227513226778953026042;0.000000000000000000000000000000;0.015873015873015872134743631250;0.007936507936507936067371815625;0.007936507936507936067371815625;0.023148148148148146863167795573;0.012566137566137565440005374739;0.023809523809523808202115446875;0.009920634920634920084214769531
-0.035035035035035036465878022227;0.017517517517517518232939011114;0.043043043043043044404427632799;0.077077077077077074673816525774;0.021021021021021022573416203727;0.025025025025025026542691009013;0.007007007007007006946230909250;0.014514514514514515255982907149;0.026526526526526525429083847030;0.025525525525525526171488621685;0.015515515515515516248301608471;0.021021021021021022573416203727;0.018518518518518517490534236458;0.034534534534534533367633457601;0.011511511511511512279026803185;0.025525525525525526171488621685;0.015015015015015014884780519822;0.012012012012012011907824415857;0.016516516516516515505896833815;0.006006006006006005953912207929;0.017517517517517518232939011114;0.019519519519519520217576413756;0.007507507507507507442390259911;0.027027027027027028527328411656;0.045545545545545546017862648114;0.031031031031031032496603216941;0.021021021021021022573416203727;0.020020020020020019846374026429;0.002502502502502502480796753304;0.028528528528528527413721249673;0.015015015015015014884780519822;0.015015015015015014884780519822;0.009009009009009008930868311893;0.010010010010010009923187013214;0.025025025025025026542691009013;0.026526526526526525429083847030;0.008008008008008007938549610571;0.015015015015015014884780519822;0.016516516516516515505896833815;0.014514514514514515255982907149;0.006006006006006005953912207929;0.020020020020020019846374026429;0.000000000000000000000000000000;0.021021021021021022573416203727;0.005505505505505505457752857268;0.017017017017017018604141398441;0.034034034034034037208282796882;0.024524524524524523444446444387;0.016516516516516515505896833815;0.012012012012012011907824415857
-0.029761904761904760252644308594;0.014069264069264069902387426225;0.031385281385281384169960716690;0.005411255411255411033877305016;0.024350649350649351820852217543;0.037337662337662336220489578409;0.005952380952380952050528861719;0.017316017316017316002296766442;0.023809523809523808202115446875;0.028138528138528139804774852450;0.020021645021645020218192811967;0.018939393939393939919613174538;0.023268398268398268052825628160;0.029220779220779220103354489879;0.010822510822510822067754610032;0.030303030303030303871381079261;0.015692640692640692084980358345;0.021103896103896103986219401349;0.024350649350649351820852217543;0.005952380952380952050528861719;0.020562770562770563836929582635;0.023809523809523808202115446875;0.009199134199134199885161677912;0.040584415584415584055122394602;0.036255411255411255921909940980;0.041125541125541127673859165270;0.020021645021645020218192811967;0.030303030303030303871381079261;0.002164502164502164500287095805;0.044372294372294375508491981464;0.025974025974025975738168625639;0.012987012987012987869084312820;0.017316017316017316002296766442;0.009199134199134199885161677912;0.018939393939393939919613174538;0.019480519480519480068902993253;0.009740259740259740034451496626;0.018398268398268399770323355824;0.002164502164502164500287095805;0.011904761904761904101057723437;0.002705627705627705516938652508;0.009740259740259740034451496626;0.000000000000000000000000000000;0.025432900432900432119431854971;0.010281385281385281918464791318;0.016233766233766232234270177059;0.029761904761904760252644308594;0.028679653679653679954064671165;0.023268398268398268052825628160;0.022186147186147187754245990732
-0.043126684636118600701948366805;0.010781671159029650175487091701;0.040431266846361182953906165949;0.047978436657681942933972862875;0.006469002695417789931819907423;0.028571428571428570536427926640;0.004851752021563342232024496070;0.017250673854447440974668737113;0.013477088948787062719358864626;0.023719676549865228304403430570;0.012938005390835579863639814846;0.032345013477088950526461275103;0.009164420485175201608329942360;0.039353099730458224181361970295;0.005929919137466307076100857643;0.028032345013477087680708876860;0.010242587601078167319768041921;0.020485175202156334639536083841;0.016172506738544475263230637552;0.006469002695417789931819907423;0.019407008086253368928097984281;0.014555256064690026696073488210;0.003234501347708894965909953712;0.036118598382749327047047671613;0.054447439353099730263707556333;0.044204851752021566413386466365;0.020485175202156334639536083841;0.045283018867924525185930662019;0.001617250673854447482954976856;0.024797843665768194015841530131;0.026954177897574125438717729253;0.015094339622641509551792537991;0.008625336927223720487334368556;0.005929919137466307076100857643;0.016172506738544475263230637552;0.025876010781671159727279629692;0.011320754716981131296482665505;0.010781671159029650175487091701;0.003773584905660377387948134498;0.012938005390835579863639814846;0.008625336927223720487334368556;0.012938005390835579863639814846;0.000000000000000000000000000000;0.021024258760107817495255133622;0.003773584905660377387948134498;0.016711590296495958118949687332;0.042048517520215634990510267244;0.036118598382749327047047671613;0.019407008086253368928097984281;0.019946091644204851783817034061
-0.033296337402885685385900416122;0.020532741398446172076397431283;0.047724750277469481229974945791;0.057158712541620422531440937064;0.004439511653718091095666142820;0.022197558268590454610968976112;0.004439511653718091095666142820;0.023307436182019976300683339332;0.026637069922308544839273380944;0.026082130965593783994416199334;0.013873473917869034999217348059;0.021087680355160932921254612893;0.014428412874583795844074529668;0.035516093229744728765329142561;0.018867924528301886072378934500;0.020532741398446172076397431283;0.016093229744728078378646074498;0.022197558268590454610968976112;0.013873473917869034999217348059;0.007214206437291897922037264834;0.018312985571587125227521752890;0.017758046614872364382664571281;0.001664816870144284052454586309;0.031076581576026638537024737730;0.039955604883462822463080499347;0.027192008879023309153577514508;0.029966703662597113377863422556;0.019422863485016646917236116110;0.003884572697003329817128092216;0.017758046614872364382664571281;0.014428412874583795844074529668;0.021087680355160932921254612893;0.007214206437291897922037264834;0.008879023307436182191332285640;0.028856825749167591688149059337;0.039400665926748054679329413830;0.010543840177580466460627306446;0.013873473917869034999217348059;0.003884572697003329817128092216;0.009988901220865705615770124837;0.008324084350721421346475104031;0.011653718091009988150341669666;0.000000000000000000000000000000;0.018312985571587125227521752890;0.009988901220865705615770124837;0.012763596004439511574779508862;0.042730299667036626687366407396;0.037735849056603772144757869000;0.025527192008879023149559017725;0.018312985571587125227521752890
-0.043396226415094336925637463764;0.006918238993710692022465202911;0.050943396226415096905704160690;0.046540880503144650692792794189;0.006289308176100629269034136826;0.025157232704402517076136547303;0.001886792452830188693974067249;0.018867924528301886072378934500;0.038364779874213834898188935085;0.027672955974842768089860811642;0.016352201257861635058654670161;0.010062893081761005789620533335;0.019496855345911948825810000585;0.042767295597484274172206397679;0.010062893081761005789620533335;0.022012578616352199839534264925;0.017610062893081760565516802330;0.024528301886792454322705481218;0.013836477987421384044930405821;0.010062893081761005789620533335;0.020754716981132074332672132755;0.019496855345911948825810000585;0.007547169811320754775896268995;0.037106918238993709391326802916;0.032704402515723270117309340321;0.043396226415094336925637463764;0.018238993710691823318947868415;0.004402515723270440141379200583;0.001257861635220125723702566667;0.022641509433962262592965331010;0.013836477987421384044930405821;0.015094339622641509551792537991;0.012578616352201258538068273651;0.013836477987421384044930405821;0.020125786163522011579241066670;0.036477987421383646637895736831;0.011949685534591195784637207566;0.010062893081761005789620533335;0.008805031446540880282758401165;0.017610062893081760565516802330;0.005660377358490565648241332752;0.010062893081761005789620533335;0.000000000000000000000000000000;0.021383647798742137086103198840;0.008176100628930817529327335080;0.017610062893081760565516802330;0.041509433962264148665344265510;0.033333333333333332870740406406;0.025157232704402517076136547303;0.016352201257861635058654670161
-0.040404040404040407474806073651;0.003928170594837261837828368272;0.042087542087542090252227922065;0.147586980920314247978097910163;0.003928170594837261837828368272;0.027497194163860830262713363936;0.005050505050505050934350759206;0.014029180695847362839168148696;0.012345679012345678327022824305;0.028619528619528621093959230848;0.012345679012345678327022824305;0.014590347923681256520067606175;0.017957351290684625544358254956;0.043771043771043773029649770478;0.003367003367003366855886303810;0.030864197530864195817557060764;0.015151515151515151935690539631;0.011784511784511784646123366826;0.009539842873176206453078584957;0.010101010101010101868701518413;0.013468013468013467423545215240;0.017396184062850730128735321500;0.005611672278338944615250216685;0.034792368125701460257470643000;0.042087542087542090252227922065;0.032547699214365878594978909177;0.017396184062850730128735321500;0.009539842873176206453078584957;0.002244668911335578193044781870;0.012345679012345678327022824305;0.014029180695847362839168148696;0.018518518518518517490534236458;0.005050505050505050934350759206;0.008417508417508417356556194022;0.019079685746352412906157169914;0.039281705948372616643560206739;0.009539842873176206453078584957;0.014029180695847362839168148696;0.000561167227833894548261195467;0.009539842873176206453078584957;0.002244668911335578193044781870;0.008417508417508417356556194022;0.000000000000000000000000000000;0.030303030303030303871381079261;0.005611672278338944615250216685;0.020202020202020203737403036826;0.043209876543209874144579885069;0.031986531986531986648802927675;0.016273849607182939297489454589;0.021324354657687991099201951783
-0.031631520532741395912434967386;0.010543840177580466460627306446;0.030521642619311874222720604166;0.266925638179800195359803183237;0.006659267480577136209818345236;0.022197558268590454610968976112;0.007214206437291897922037264834;0.010543840177580466460627306446;0.006104328523862375364961163626;0.015538290788013319268512368865;0.014428412874583795844074529668;0.016093229744728078378646074498;0.012208657047724750729922327253;0.037180910099889011299900687391;0.015538290788013319268512368865;0.015538290788013319268512368865;0.011653718091009988150341669666;0.012208657047724750729922327253;0.016093229744728078378646074498;0.003329633740288568104909172618;0.012208657047724750729922327253;0.009433962264150943036189467250;0.005549389567147613652742244028;0.027192008879023309153577514508;0.032741398446170924541043234512;0.032186459489456156757292148995;0.024417314095449501459844654505;0.018312985571587125227521752890;0.000554938956714761386958267853;0.017203107658157603537807389671;0.009433962264150943036189467250;0.017203107658157603537807389671;0.004439511653718091095666142820;0.006104328523862375364961163626;0.020532741398446172076397431283;0.030521642619311874222720604166;0.004439511653718091095666142820;0.007214206437291897922037264834;0.000554938956714761386958267853;0.011098779134295227305484488056;0.013873473917869034999217348059;0.004994450610432852807885062418;0.000000000000000000000000000000;0.017758046614872364382664571281;0.008879023307436182191332285640;0.014428412874583795844074529668;0.034961154273029967920471960952;0.022197558268590454610968976112;0.016648168701442842692950208061;0.012763596004439511574779508862
-0.043345232024477306498333462059;0.012748597654258031833252040599;0.041305456399796020017234354782;0.064762876083630793733192376749;0.009688934217236103846326855660;0.023457419683834777185404973920;0.004589495155532891113026039420;0.014788373278939316579627671899;0.029576746557878633159255343799;0.020397756246812850933203264958;0.015298317185109638199902448719;0.027027027027027028527328411656;0.016318204997450281440452002357;0.042835288118306988347505637194;0.005609382967873533486213855070;0.024987251402345742046229304378;0.017848036715961242831829380862;0.016318204997450281440452002357;0.008669046404895462340500777998;0.006629270780214176726763408709;0.017848036715961242831829380862;0.015298317185109638199902448719;0.007139214686384497479676447540;0.043345232024477306498333462059;0.043855175930647631588055190832;0.039265680775114740475029151412;0.026517083120856706907053634836;0.011218765935747066972427710141;0.002039775624681285180056500295;0.020907700152983172553478041777;0.021927587965323815794027595416;0.022437531871494133944855420282;0.004079551249362570360113000589;0.009688934217236103846326855660;0.016318204997450281440452002357;0.032126466088730237791182275942;0.012748597654258031833252040599;0.015298317185109638199902448719;0.006629270780214176726763408709;0.010708822029576747086876409298;0.004589495155532891113026039420;0.013768485466598673339078118261;0.000000000000000000000000000000;0.025497195308516063666504081198;0.005099439061703212733300816240;0.019377868434472207692653711320;0.035696073431922485663658761723;0.032636409994900562880904004714;0.022437531871494133944855420282;0.015298317185109638199902448719
-0.038325471698113205976099493455;0.018867924528301886072378934500;0.043632075471698110458174113546;0.030660377358490566168658375545;0.012382075471698113927621065500;0.040683962264150941301465991273;0.001179245283018867879523683406;0.021226415094339621397745432319;0.020636792452830187566403807864;0.027712264150943397011950253273;0.014150943396226415421645938864;0.038915094339622639807441117910;0.014150943396226415421645938864;0.035377358490566036819391371182;0.010613207547169810698872716159;0.027712264150943397011950253273;0.020636792452830187566403807864;0.025353773584905661686583755454;0.008254716981132075373506218341;0.010023584905660376867531091705;0.010613207547169810698872716159;0.015330188679245283084329187773;0.003537735849056603855411484716;0.043632075471698110458174113546;0.041863207547169808964149240182;0.041273584905660375132807615728;0.024174528301886794023900506545;0.018867924528301886072378934500;0.001768867924528301927705742358;0.027122641509433963180608628818;0.029481132075471698505975126636;0.022405660377358489060428681228;0.002358490566037735759047366813;0.008844339622641509204847842796;0.015919811320754716915670812227;0.029481132075471698505975126636;0.012971698113207547758962689954;0.015330188679245283084329187773;0.001768867924528301927705742358;0.005306603773584905349436358080;0.005306603773584905349436358080;0.007665094339622641542164593886;0.000000000000000000000000000000;0.023584905660377360192558882090;0.004716981132075471518094733625;0.012971698113207547758962689954;0.050117924528301889541825886454;0.033018867924528301494024873364;0.015330188679245283084329187773;0.014740566037735849252987563318
-0.041526374859708191367158036655;0.010101010101010101868701518413;0.034792368125701460257470643000;0.120089786756453417715384546227;0.007856341189674523675656736543;0.022446689113355778461000866741;0.001122334455667789096522390935;0.013468013468013467423545215240;0.018518518518518517490534236458;0.045454545454545455807071618892;0.010662177328843995549600975892;0.016835016835016834713112388044;0.008978675645342312772179127478;0.051066217732884396085513145636;0.007295173961840628260033803087;0.023569023569023569292246733653;0.014029180695847362839168148696;0.014590347923681256520067606175;0.005050505050505050934350759206;0.008417508417508417356556194022;0.015151515151515151935690539631;0.006734006734006733711772607620;0.001683501683501683427943151905;0.066778900112233446906273570676;0.048821548821548821361915315720;0.046015712682379347753247600394;0.019640852974186308321780103370;0.010662177328843995549600975892;0.000000000000000000000000000000;0.002244668911335578193044781870;0.020202020202020203737403036826;0.016835016835016834713112388044;0.001683501683501683427943151905;0.006172839506172839163511412153;0.011784511784511784646123366826;0.035353535353535352203646624503;0.011784511784511784646123366826;0.008417508417508417356556194022;0.001122334455667789096522390935;0.003928170594837261837828368272;0.006734006734006733711772607620;0.008978675645342312772179127478;0.000000000000000000000000000000;0.024691358024691356654045648611;0.000000000000000000000000000000;0.026374859708193042900914448978;0.061167227833894499688938140025;0.026936026936026934847090430480;0.012345679012345678327022824305;0.021885521885521886514824885239
-0.030158730158730159137681070547;0.002645502645502645355790605208;0.043386243386243389386081048542;0.217989417989417982868260992291;0.012169312169312170024415564740;0.016931216931216932358728044505;0.002645502645502645355790605208;0.010052910052910053045893690182;0.017460317460317460735996775156;0.030158730158730159137681070547;0.010052910052910053045893690182;0.008994708994708994556632752904;0.008465608465608466179364022253;0.046560846560846559649693432448;0.004232804232804233089682011126;0.021164021164021162846324841667;0.014285714285714285268213963320;0.012698412698412698401684295391;0.008994708994708994556632752904;0.014285714285714285268213963320;0.012698412698412698401684295391;0.012169312169312170024415564740;0.002645502645502645355790605208;0.047089947089947091496409115052;0.038095238095238098674499838125;0.030687830687830687514949801198;0.017989417989417989113265505807;0.003703703703703703845051542487;0.001058201058201058272420502782;0.008994708994708994556632752904;0.014814814814814815380206169948;0.026455026455026453557906052083;0.003174603174603174600421073848;0.008465608465608466179364022253;0.012169312169312170024415564740;0.034920634920634921471993550313;0.013227513227513226778953026042;0.015343915343915343757474900599;0.003703703703703703845051542487;0.008994708994708994556632752904;0.005291005291005290711581210417;0.007407407407407407690103084974;0.000000000000000000000000000000;0.022751322751322751447577985573;0.003174603174603174600421073848;0.012169312169312170024415564740;0.041269841269841268938112222031;0.031746031746031744269487262500;0.013227513227513226778953026042;0.013227513227513226778953026042
-0.020855614973262031480727429766;0.005347593582887700223993387993;0.026737967914438501987328677956;0.376470588235294112422479884117;0.011764705882352941013202496379;0.018181818181818180935049866775;0.005347593582887700223993387993;0.010160427807486631032740653779;0.013368983957219250993664338978;0.016577540106951872689311500153;0.012299465240641710428448618586;0.023529411764705882026404992757;0.005347593582887700223993387993;0.029946524064171121948252363154;0.005882352941176470506601248189;0.014438502673796791558880059370;0.012299465240641710428448618586;0.013903743315508022143633937162;0.014438502673796791558880059370;0.005347593582887700223993387993;0.006417112299465240789209108385;0.009090909090909090467524933388;0.005347593582887700223993387993;0.027272727272727271402574800163;0.027807486631016044287267874324;0.021390374331550800895973551974;0.014973262032085560974126181577;0.005882352941176470506601248189;0.002139037433155080263069702795;0.024598930481283420856897237172;0.014973262032085560974126181577;0.010695187165775400447986775987;0.004278074866310160526139405590;0.008021390374331551637032688973;0.011229946524064171597956374171;0.018181818181818180935049866775;0.006951871657754011071816968581;0.007486631016042780487063090789;0.001069518716577540131534851398;0.009625668449197861617494531572;0.004278074866310160526139405590;0.011764705882352941013202496379;0.000000000000000000000000000000;0.012299465240641710428448618586;0.002673796791443850111996693997;0.008556149732620321052278811180;0.031016042780748664248191559523;0.021390374331550800895973551974;0.017647058823529411519803744568;0.010695187165775400447986775987
-0.031839622641509433831341624455;0.007665094339622641542164593886;0.038915094339622639807441117910;0.200471698113207558167303545815;0.005896226415094340048139720523;0.021226415094339621397745432319;0.002358490566037735759047366813;0.013561320754716981590304314409;0.033018867924528301494024873364;0.015919811320754716915670812227;0.017099056603773584578354061136;0.025353773584905661686583755454;0.017688679245283018409695685591;0.032429245283018867662683248909;0.005896226415094340048139720523;0.017099056603773584578354061136;0.006485849056603773879481344977;0.015330188679245283084329187773;0.012382075471698113927621065500;0.010613207547169810698872716159;0.008844339622641509204847842796;0.018278301886792452241037310046;0.002358490566037735759047366813;0.031839622641509433831341624455;0.026533018867924529349267004363;0.024764150943396227855242131000;0.017688679245283018409695685591;0.014740566037735849252987563318;0.003537735849056603855411484716;0.023584905660377360192558882090;0.017688679245283018409695685591;0.016509433962264150747012436682;0.002948113207547170024069860261;0.010023584905660376867531091705;0.023584905660377360192558882090;0.022995283018867922891770305682;0.006485849056603773879481344977;0.009433962264150943036189467250;0.002358490566037735759047366813;0.014150943396226415421645938864;0.002948113207547170024069860261;0.030660377358490566168658375545;0.000000000000000000000000000000;0.018867924528301886072378934500;0.011202830188679244530214340614;0.012971698113207547758962689954;0.033018867924528301494024873364;0.024174528301886794023900506545;0.019457547169811319903720558955;0.017099056603773584578354061136
-0.037061994609164421177194270740;0.023584905660377360192558882090;0.037061994609164421177194270740;0.005390835579514825087743545851;0.035714285714285712303173170312;0.033018867924528301494024873364;0.002021563342318059407903829694;0.015498652291105120826220087338;0.057277628032345012654147353715;0.019541778975741240509389484714;0.015498652291105120826220087338;0.041105121293800540860363668116;0.013477088948787062719358864626;0.022237196765498651318537781663;0.008086253369272237631615318776;0.018867924528301886072378934500;0.018194070080862535104815336240;0.024932614555256065597133030565;0.009433962264150943036189467250;0.007412398921832884061966506550;0.016172506738544475263230637552;0.035714285714285712303173170312;0.008086253369272237631615318776;0.026280323450134771001707179039;0.041105121293800540860363668116;0.023584905660377360192558882090;0.016172506738544475263230637552;0.036388140161725070209630672480;0.003369272237196765679839716157;0.042452830188679242795490864637;0.023584905660377360192558882090;0.010781671159029650175487091701;0.002021563342318059407903829694;0.010781671159029650175487091701;0.018194070080862535104815336240;0.020889487870619945913963633188;0.007412398921832884061966506550;0.015498652291105120826220087338;0.013477088948787062719358864626;0.019541778975741240509389484714;0.005390835579514825087743545851;0.033692722371967652461588471624;0.000000000000000000000000000000;0.013477088948787062719358864626;0.002695417789757412543871772925;0.014824797843665768123933013101;0.035040431266846361335609572052;0.026280323450134771001707179039;0.018194070080862535104815336240;0.013477088948787062719358864626
-0.031880286271958359345379818706;0.008458035133376708147867617527;0.033181522446324010489071554275;0.049446974625894597743513969590;0.027325959661678594220246552027;0.040338321405335067493247436232;0.004554326610279765992495004667;0.016265452179570590723889367268;0.029928432010409889568736119259;0.022771633051398829095113285348;0.013662979830839297110123276013;0.037085230969420950042358953169;0.029277813923227063996890251474;0.019518542615484711644224802285;0.003903708523096942155372612859;0.024072869225764476769358068964;0.013662979830839297110123276013;0.018867924528301886072378934500;0.018867924528301886072378934500;0.005855562784645412799378050295;0.019518542615484711644224802285;0.018217306441119063969980018669;0.013012361743656473273000884205;0.024072869225764476769358068964;0.041639557579700718636939171802;0.033181522446324010489071554275;0.020819778789850359318469585901;0.007807417046193884310745225719;0.003903708523096942155372612859;0.060507482108002601239871154348;0.039037085230969423288449604570;0.018217306441119063969980018669;0.011060507482108001761633708782;0.005855562784645412799378050295;0.018867924528301886072378934500;0.020819778789850359318469585901;0.005855562784645412799378050295;0.011711125569290825598756100590;0.005204944697462589829617396475;0.023422251138581651197512201179;0.003903708523096942155372612859;0.021470396877033181420868501732;0.000000000000000000000000000000;0.016916070266753416295735235053;0.007156798959011060473622833911;0.009108653220559531984990009335;0.026024723487312946546001768411;0.016916070266753416295735235053;0.027976577748861419792092419812;0.018867924528301886072378934500
-0.034143518518518517490534236458;0.010995370370370370627366440885;0.023726851851851853136832204427;0.000000000000000000000000000000;0.008680555555555555941049661328;0.083333333333333328707404064062;0.003472222222222222029475169336;0.013310185185185185313683220443;0.020833333333333332176851016015;0.015625000000000000000000000000;0.028935185185185185313683220443;0.040509259259259258745267118229;0.038194444444444447528397290625;0.037037037037037034981068472916;0.002893518518518518357895974447;0.017939814814814814686316779557;0.007523148148148147730529533561;0.018518518518518517490534236458;0.014467592592592592656841610221;0.007523148148148147730529533561;0.012731481481481480774742287565;0.017361111111111111882099322656;0.011574074074074073431583897786;0.022569444444444444058950338672;0.046296296296296293726335591145;0.024884259259259258745267118229;0.023148148148148146863167795573;0.019675925925925926568416102214;0.001736111111111111014737584668;0.074652777777777776235801354687;0.013310185185185185313683220443;0.017361111111111111882099322656;0.011574074074074073431583897786;0.011574074074074073431583897786;0.041087962962962965018931527084;0.020254629629629629372633559115;0.010995370370370370627366440885;0.008101851851851851402108728450;0.008101851851851851402108728450;0.012152777777777777970524830664;0.000578703703703703671579194889;0.027199074074074073431583897786;0.000000000000000000000000000000;0.015046296296296295461059067122;0.001736111111111111014737584668;0.010416666666666666088425508008;0.026041666666666667823148983985;0.026041666666666667823148983985;0.031828703703703706273664408855;0.024305555555555555941049661328
-0.037127206329884358815274225663;0.011564211807668898362999598817;0.053560559951308581161377730950;0.066342057212416316591685472304;0.001217285453438831429456845612;0.032866707242848444692207010576;0.002434570906877662858913691224;0.017041996348143639145034100579;0.032866707242848444692207010576;0.021911138161898966597584959004;0.015824710894704809016619861950;0.018259281801582472742895291162;0.017650639074863055943964695871;0.049300060864272673977204419771;0.014607425441265977153482147344;0.026171637248934873781758270184;0.010955569080949483298792479502;0.021911138161898966597584959004;0.006695069993913572645172216369;0.012172854534388313427206718131;0.009738283627510651435654764896;0.015824710894704809016619861950;0.006695069993913572645172216369;0.037127206329884358815274225663;0.035909920876445525217413035080;0.024345709068776626854413436263;0.020085209981740719670240125083;0.016433353621424222346103505288;0.001217285453438831429456845612;0.020085209981740719670240125083;0.014607425441265977153482147344;0.019476567255021302871309529792;0.002434570906877662858913691224;0.011564211807668898362999598817;0.023128423615337796725999197633;0.031040779062690201234309128608;0.007303712720632988576741073672;0.010955569080949483298792479502;0.001217285453438831429456845612;0.024345709068776626854413436263;0.004869141813755325717827382448;0.016433353621424222346103505288;0.000000000000000000000000000000;0.020693852708460132999723768421;0.004260499087035909786258525145;0.015216068167985392217689266658;0.040779062690200852669963893504;0.043213633597078512926792370763;0.022519780888618379927068602342;0.027997565429093120709103104105
-0.033296337402885685385900416122;0.011653718091009988150341669666;0.031076581576026638537024737730;0.226970033296337414530086107334;0.007769145394006659634256184432;0.030521642619311874222720604166;0.003884572697003329817128092216;0.009988901220865705615770124837;0.017203107658157603537807389671;0.018312985571587125227521752890;0.013318534961154272419636690472;0.024972253052164262304701836115;0.009433962264150943036189467250;0.038290788013318532989615050610;0.019422863485016646917236116110;0.026637069922308544839273380944;0.011653718091009988150341669666;0.013318534961154272419636690472;0.008879023307436182191332285640;0.006659267480577136209818345236;0.013873473917869034999217348059;0.004994450610432852807885062418;0.003884572697003329817128092216;0.030521642619311874222720604166;0.036071032186459489610186324171;0.030521642619311874222720604166;0.016648168701442842692950208061;0.023862375138734740614987472895;0.001109877913429522773916535705;0.015538290788013319268512368865;0.019422863485016646917236116110;0.012763596004439511574779508862;0.003884572697003329817128092216;0.005549389567147613652742244028;0.014983351831298556688931711278;0.036625971143174250455043505781;0.005549389567147613652742244028;0.014983351831298556688931711278;0.002774694783573806826371122014;0.009433962264150943036189467250;0.008324084350721421346475104031;0.012208657047724750729922327253;0.000000000000000000000000000000;0.014428412874583795844074529668;0.004439511653718091095666142820;0.007214206437291897922037264834;0.037735849056603772144757869000;0.023307436182019976300683339332;0.015538290788013319268512368865;0.010543840177580466460627306446
-0.035909920876445525217413035080;0.003651856360316494288370536836;0.034692635423006691619551844497;0.177115033475349958891342794232;0.005477784540474741649396239751;0.020693852708460132999723768421;0.004869141813755325717827382448;0.015824710894704809016619861950;0.022519780888618379927068602342;0.024954351795496043653344031554;0.020085209981740719670240125083;0.019476567255021302871309529792;0.017650639074863055943964695871;0.040170419963481439340480250166;0.011564211807668898362999598817;0.024345709068776626854413436263;0.012172854534388313427206718131;0.010346926354230066499861884211;0.013998782714546560354551552052;0.009129640900791236371447645581;0.018259281801582472742895291162;0.018867924528301886072378934500;0.000608642726719415714728422806;0.030432136335970784435378533317;0.029823493609251371105894889979;0.029214850882531954306964294688;0.018867924528301886072378934500;0.010955569080949483298792479502;0.001825928180158247144185268418;0.017041996348143639145034100579;0.013390139987827145290344432738;0.017650639074863055943964695871;0.004869141813755325717827382448;0.009738283627510651435654764896;0.010955569080949483298792479502;0.027997565429093120709103104105;0.007303712720632988576741073672;0.012781497261107730226137313423;0.006086427267194156713603359066;0.016433353621424222346103505288;0.010955569080949483298792479502;0.013998782714546560354551552052;0.000000000000000000000000000000;0.018867924528301886072378934500;0.006695069993913572645172216369;0.021911138161898966597584959004;0.032866707242848444692207010576;0.028606208155812537508033699396;0.018259281801582472742895291162;0.020085209981740719670240125083
-0.039285714285714284921269268125;0.010119047619047619526733150508;0.043452380952380950662750080937;0.121428571428571427381903902187;0.006547619047619047775998790684;0.020238095238095239053466301016;0.004761904761904762334312479766;0.008333333333333333217685101602;0.022619047619047618485899064922;0.031547619047619046561692357500;0.017261904761904763028201870156;0.026190476190476191103995162734;0.010119047619047619526733150508;0.040476190476190478106932602032;0.017261904761904763028201870156;0.034523809523809526056403740313;0.020833333333333332176851016015;0.026190476190476191103995162734;0.009523809523809524668624959531;0.006547619047619047775998790684;0.008928571428571428075793292578;0.020833333333333332176851016015;0.001190476190476190583578119941;0.036309523809523812365451789219;0.046428571428571430157461463750;0.037499999999999998612221219219;0.017261904761904763028201870156;0.027976190476190477413043211641;0.000595238095238095291789059971;0.010119047619047619526733150508;0.020238095238095239053466301016;0.023214285714285715078730731875;0.005357142857142857192420670742;0.005952380952380952050528861719;0.014285714285714285268213963320;0.033333333333333332870740406406;0.008928571428571428075793292578;0.011904761904761904101057723437;0.006547619047619047775998790684;0.005952380952380952050528861719;0.002976190476190476025264430859;0.010714285714285714384841341484;0.000000000000000000000000000000;0.019642857142857142460634634062;0.004761904761904762334312479766;0.011309523809523809242949532461;0.038095238095238098674499838125;0.027380952380952380820211544687;0.011309523809523809242949532461;0.013690476190476190410105772344
-0.027556968733439320823341844857;0.011128775834658186788539424583;0.034976152623211444192552477261;0.192898781134075242293945962047;0.022787493375728669342539234322;0.036036036036036035723473247572;0.004239533651298357450065701357;0.013248542660307366380934013250;0.016428192898781134034802420274;0.014838367779544250207868216762;0.013778484366719660411670922429;0.040275569687334394908262424906;0.015368309485956544238605125940;0.030206677265500796181196818679;0.013778484366719660411670922429;0.017488076311605722096276238631;0.009009009009009008930868311893;0.018018018018018017861736623786;0.014838367779544250207868216762;0.007419183889772125103934108381;0.014838367779544250207868216762;0.021197668256491785515605030810;0.009538950715421302961605221071;0.015898251192368838269342035119;0.024907260201377848934933822989;0.022787493375728669342539234322;0.020137784843667197454131212453;0.011128775834658186788539424583;0.002119766825649178725032850679;0.050874403815580289400788416287;0.019607843137254901688670827298;0.013248542660307366380934013250;0.006889242183359830205835461214;0.009009009009009008930868311893;0.016958134605193429800262805429;0.015368309485956544238605125940;0.007419183889772125103934108381;0.006889242183359830205835461214;0.015898251192368838269342035119;0.027027027027027028527328411656;0.003709591944886062551967054191;0.013248542660307366380934013250;0.000000000000000000000000000000;0.011658717541070482553999809738;0.007419183889772125103934108381;0.011128775834658186788539424583;0.021197668256491785515605030810;0.012188659247482776584736718917;0.020667726550079489750144645654;0.012718600953895072350197104072
-0.021604938271604937072289942535;0.022222222222222223070309254922;0.040123456790123454562824178993;0.153703703703703703498106847292;0.027777777777777776235801354687;0.020370370370370372015145221667;0.007407407407407407690103084974;0.014814814814814815380206169948;0.018518518518518517490534236458;0.012345679012345678327022824305;0.012345679012345678327022824305;0.016666666666666666435370203203;0.007407407407407407690103084974;0.029629629629629630760412339896;0.023456790123456791596900927743;0.022222222222222223070309254922;0.014197530864197531116910333537;0.019753086419753086017125909279;0.017901234567901234961961876024;0.011728395061728395798450463872;0.011111111111111111535154627461;0.011728395061728395798450463872;0.009259259259259258745267118229;0.028395061728395062233820667075;0.024074074074074074125473288177;0.027777777777777776235801354687;0.020987654320987654543717582101;0.037037037037037034981068472916;0.002469135802469135752140738660;0.022839506172839505598881615356;0.017901234567901234961961876024;0.016666666666666666435370203203;0.006790123456790123426807248563;0.016049382716049383906797842769;0.015432098765432097908778530382;0.019135802469135803488553548846;0.006790123456790123426807248563;0.015432098765432097908778530382;0.004320987654320987240985640909;0.024074074074074074125473288177;0.007407407407407407690103084974;0.017283950617283948963942563637;0.000000000000000000000000000000;0.015432098765432097908778530382;0.014197530864197531116910333537;0.016666666666666666435370203203;0.024691358024691356654045648611;0.022839506172839505598881615356;0.012345679012345678327022824305;0.016666666666666666435370203203
-0.054245283018867926361217257636;0.015330188679245283084329187773;0.033608490566037735325366497818;0.040683962264150941301465991273;0.011792452830188680096279441045;0.034787735849056602988049746727;0.003537735849056603855411484716;0.016509433962264150747012436682;0.014150943396226415421645938864;0.015919811320754716915670812227;0.020636792452830187566403807864;0.036556603773584904482074620091;0.012971698113207547758962689954;0.040094339622641507470124366819;0.011202830188679244530214340614;0.048938679245283021879142637545;0.014740566037735849252987563318;0.011202830188679244530214340614;0.016509433962264150747012436682;0.005306603773584905349436358080;0.020636792452830187566403807864;0.011792452830188680096279441045;0.003537735849056603855411484716;0.031250000000000000000000000000;0.056014150943396227855242131000;0.032429245283018867662683248909;0.017099056603773584578354061136;0.017688679245283018409695685591;0.001768867924528301927705742358;0.016509433962264150747012436682;0.062500000000000000000000000000;0.012382075471698113927621065500;0.002358490566037735759047366813;0.004127358490566037686753109170;0.013561320754716981590304314409;0.028301886792452830843291877727;0.011792452830188680096279441045;0.032429245283018867662683248909;0.004127358490566037686753109170;0.004716981132075471518094733625;0.004716981132075471518094733625;0.011792452830188680096279441045;0.000000000000000000000000000000;0.018278301886792452241037310046;0.007665094339622641542164593886;0.017688679245283018409695685591;0.031250000000000000000000000000;0.028301886792452830843291877727;0.017099056603773584578354061136;0.019457547169811319903720558955
-0.037932669511616882995763688768;0.009957325746799430832290056514;0.060218112849691800281259901340;0.067330488383119960205114296059;0.001422475106685633068973051429;0.037458511142721667708244126516;0.006638217164532954177313950339;0.013750592697961118437977035001;0.023233760075865337452194481216;0.024656235182550972906412312113;0.010431484115694642650362666814;0.050734945471787577797595503171;0.009957325746799430832290056514;0.039829302987197723329160226058;0.006164058795637743226603078028;0.026552868658131816709255801356;0.016121384542437174058893134543;0.027027027027027028527328411656;0.008534850640113798847519177571;0.009009009009009008930868311893;0.013276434329065908354627900678;0.017543859649122806043664013487;0.006164058795637743226603078028;0.033191085822664771753931489684;0.045045045045045042919618083488;0.034613560929350403738702368628;0.021811284969179705467423602272;0.005215742057847321325181333407;0.002370791844476055187235230548;0.026078710289236604891183191057;0.026078710289236604891183191057;0.021337126600284493649350991973;0.004267425320056899423759588785;0.008534850640113798847519177571;0.017543859649122806043664013487;0.029397818871503080678797559244;0.011853959222380274635133545758;0.009957325746799430832290056514;0.002844950213371266137946102859;0.017543859649122806043664013487;0.008060692271218587029446567271;0.009009009009009008930868311893;0.000000000000000000000000000000;0.013750592697961118437977035001;0.002370791844476055187235230548;0.013750592697961118437977035001;0.041725936462778570601450667255;0.028449502133712660512099290600;0.018492176386913229679809234085;0.022759601706970129103568822870
-0.023691460055096418002573699368;0.008815426997245178267204046563;0.062258953168044077475240527519;0.077685950413223139876528477998;0.015426997245179064136011426456;0.023691460055096418002573699368;0.006060606060606060600803868255;0.016528925619834711202571497779;0.023691460055096418002573699368;0.023691460055096418002573699368;0.018732782369146005335691640425;0.025895316804407712135693842015;0.013774104683195592668809581482;0.050137741046831954538909315033;0.008264462809917355601285748889;0.031955922865013773603859448258;0.019834710743801654136975187726;0.024793388429752066803857246668;0.012672176308539945602249510159;0.014325068870523415334727879156;0.007713498622589532068005713228;0.014325068870523415334727879156;0.009917355371900827068487593863;0.035261707988980713068816186251;0.033057851239669422405142995558;0.037465564738292010671383280851;0.026997245179063360936977389315;0.006060606060606060600803868255;0.002203856749311294566801011641;0.015977961432506886801929724129;0.017079889807162535603213271429;0.017079889807162535603213271429;0.003305785123966942067041951958;0.003305785123966942067041951958;0.013774104683195592668809581482;0.039669421487603308273950375451;0.011019283746556474135047665186;0.012121212121212121201607736509;0.001652892561983471033520975979;0.015426997245179064136011426456;0.007162534435261707667363939578;0.015426997245179064136011426456;0.000000000000000000000000000000;0.013774104683195592668809581482;0.002754820936639118533761916296;0.008815426997245178267204046563;0.042424242424242426807712291748;0.034159779614325071206426542858;0.028099173553719009738260936615;0.022038567493112948270095330372
-0.029761904761904760252644308594;0.014550264550264549456848328646;0.041666666666666664353702032031;0.140873015873015872134743631250;0.017857142857142856151586585156;0.025132275132275130880010749479;0.002645502645502645355790605208;0.015211640211640210795795979948;0.031084656084656082930539611198;0.015873015873015872134743631250;0.013888888888888888117900677344;0.028439153439153437574749005989;0.008597883597883597406319466927;0.029100529100529098913696657291;0.006613756613756613389476513021;0.031084656084656082930539611198;0.017195767195767194812638933854;0.018518518518518517490534236458;0.020502645502645501507377190364;0.005291005291005290711581210417;0.017195767195767194812638933854;0.015873015873015872134743631250;0.001984126984126984016842953906;0.026455026455026453557906052083;0.030423280423280421591591959896;0.030423280423280421591591959896;0.015211640211640210795795979948;0.025132275132275130880010749479;0.000661375661375661338947651302;0.033730158730158728286330216406;0.035714285714285712303173170312;0.012566137566137565440005374739;0.007275132275132274728424164323;0.007275132275132274728424164323;0.011904761904761904101057723437;0.023809523809523808202115446875;0.009259259259259258745267118229;0.012566137566137565440005374739;0.004629629629629629372633559115;0.009920634920634920084214769531;0.004629629629629629372633559115;0.023809523809523808202115446875;0.000000000000000000000000000000;0.021164021164021162846324841667;0.005952380952380952050528861719;0.011243386243386242762110072135;0.029761904761904760252644308594;0.023809523809523808202115446875;0.017857142857142856151586585156;0.015873015873015872134743631250
-0.031446540880503144610447208152;0.016981132075471697812085736246;0.031446540880503144610447208152;0.052830188679245285165997358945;0.037735849056603772144757869000;0.041509433962264148665344265510;0.003773584905660377387948134498;0.014465408805031446798361471906;0.046540880503144650692792794189;0.013207547169811321291499339736;0.008176100628930817529327335080;0.037106918238993709391326802916;0.011320754716981131296482665505;0.023899371069182391569274415133;0.010691823899371068543051599420;0.017610062893081760565516802330;0.026415094339622642582998679472;0.028301886792452830843291877727;0.031446540880503144610447208152;0.003144654088050314634517068413;0.020754716981132074332672132755;0.014465408805031446798361471906;0.008805031446540880282758401165;0.016352201257861635058654670161;0.045283018867924525185930662019;0.020754716981132074332672132755;0.023270440251572325346396397094;0.027672955974842768089860811642;0.003773584905660377387948134498;0.068553459119496854001774011067;0.016981132075471697812085736246;0.011320754716981131296482665505;0.015094339622641509551792537991;0.006289308176100629269034136826;0.019496855345911948825810000585;0.021383647798742137086103198840;0.008805031446540880282758401165;0.009433962264150943036189467250;0.006289308176100629269034136826;0.012578616352201258538068273651;0.007547169811320754775896268995;0.026415094339622642582998679472;0.000000000000000000000000000000;0.014465408805031446798361471906;0.005660377358490565648241332752;0.011320754716981131296482665505;0.016981132075471697812085736246;0.010691823899371068543051599420;0.028930817610062893596722943812;0.012578616352201258538068273651
-0.029110512129380053392146976421;0.018867924528301886072378934500;0.021024258760107817495255133622;0.023719676549865228304403430570;0.073854447439353099191805540613;0.039353099730458224181361970295;0.003234501347708894965909953712;0.021563342318059300350974183402;0.018867924528301886072378934500;0.016711590296495958118949687332;0.021024258760107817495255133622;0.041509433962264148665344265510;0.018328840970350403216659884720;0.021563342318059300350974183402;0.018867924528301886072378934500;0.021024258760107817495255133622;0.012938005390835579863639814846;0.033962264150943395624171472491;0.042587601078167114376782365071;0.005929919137466307076100857643;0.018328840970350403216659884720;0.007547169811320754775896268995;0.012938005390835579863639814846;0.021024258760107817495255133622;0.037196765498652292758485771174;0.018328840970350403216659884720;0.028032345013477087680708876860;0.025336927223719676871560579912;0.002156334231805930121833592139;0.074393530997304585516971542347;0.017250673854447440974668737113;0.010781671159029650175487091701;0.018328840970350403216659884720;0.003773584905660377387948134498;0.013477088948787062719358864626;0.025336927223719676871560579912;0.010781671159029650175487091701;0.008625336927223720487334368556;0.000539083557951482530458398035;0.005929919137466307076100857643;0.004312668463611860243667184278;0.023180592991913745448684380790;0.000000000000000000000000000000;0.010242587601078167319768041921;0.015094339622641509551792537991;0.015094339622641509551792537991;0.017250673854447440974668737113;0.015633423180592992407511587771;0.025336927223719676871560579912;0.009703504043126684464048992140
-0.030303030303030303871381079261;0.013150371640937678907601338096;0.041166380789022301300850159578;0.153802172670097186957249846273;0.011435105774728416064278668784;0.026872498570611778184735740638;0.001715265866209262409641800318;0.021154945683247571019958144234;0.018867924528301886072378934500;0.013150371640937678907601338096;0.013722126929674099277134402541;0.026872498570611778184735740638;0.014293882218410519646667466986;0.031446540880503144610447208152;0.014293882218410519646667466986;0.023441966838193252498090402014;0.015437392795883362120457071853;0.024013722126929672867623466459;0.012578616352201258538068273651;0.006861063464837049638567201271;0.009719839908519153220955999473;0.022870211549456832128557337569;0.008576329331046312481889870583;0.022870211549456832128557337569;0.033733562035448826088579465932;0.022298456260720411759024273124;0.025157232704402517076136547303;0.017152658662092624963779741165;0.003430531732418524819283600635;0.041738136077758718200936272069;0.028587764436821039293334933973;0.013722126929674099277134402541;0.007432818753573470875462003704;0.011435105774728416064278668784;0.018867924528301886072378934500;0.024013722126929672867623466459;0.009148084619782732851422935028;0.009148084619782732851422935028;0.009148084619782732851422935028;0.018296169239565465702845870055;0.004574042309891366425711467514;0.008576329331046312481889870583;0.000000000000000000000000000000;0.016009148084619784224713612275;0.013722126929674099277134402541;0.013150371640937678907601338096;0.021154945683247571019958144234;0.019439679817038306441911998945;0.021154945683247571019958144234;0.010291595197255575325212539894
-0.028877005347593583117760118739;0.008021390374331551637032688973;0.044385026737967916976579374477;0.167914438502673790676311682546;0.002139037433155080263069702795;0.025133689839572193741590311333;0.004278074866310160526139405590;0.012299465240641710428448618586;0.021925133689839573780666626135;0.015508021390374332124095779761;0.012834224598930481578418216770;0.024598930481283420856897237172;0.014438502673796791558880059370;0.042780748663101601791947103948;0.012299465240641710428448618586;0.024064171122994651441651114965;0.013368983957219250993664338978;0.014973262032085560974126181577;0.005882352941176470506601248189;0.012299465240641710428448618586;0.009090909090909090467524933388;0.026203208556149732572082555748;0.005882352941176470506601248189;0.028877005347593583117760118739;0.036898395721925131285345855758;0.025133689839572193741590311333;0.014973262032085560974126181577;0.037433155080213900700591977966;0.002139037433155080263069702795;0.016042780748663103274065377946;0.017112299465240642104557622361;0.016042780748663103274065377946;0.005347593582887700223993387993;0.010695187165775400447986775987;0.017112299465240642104557622361;0.034224598930481284209115244721;0.009090909090909090467524933388;0.012299465240641710428448618586;0.010160427807486631032740653779;0.020855614973262031480727429766;0.002673796791443850111996693997;0.009090909090909090467524933388;0.000000000000000000000000000000;0.014973262032085560974126181577;0.003208556149732620394604554193;0.009090909090909090467524933388;0.042245989304812832376700981740;0.019251336898395723234989063144;0.022459893048128343195912748342;0.013368983957219250993664338978
-0.033548387096774191784565033458;0.016774193548387095892282516729;0.028387096774193550097198368576;0.272258064516129050236514785865;0.003870967741935483867610212627;0.043225806451612905356718385974;0.001935483870967741933805106314;0.009032258064516129891785567452;0.016774193548387095892282516729;0.012258064516129032681113208980;0.009677419354838710102706400562;0.034193548387096775464932818522;0.020000000000000000416333634234;0.029677419354838710519040034796;0.003225806451612903223008510523;0.027096774193548386205909750402;0.010967741935483870524548066783;0.005806451612903226235096187935;0.008387096774193547946141258365;0.005806451612903226235096187935;0.011612903225806452470192375870;0.009677419354838710102706400562;0.005161290322580645156813616836;0.023225806451612904940384751740;0.049677419354838707465926717077;0.023225806451612904940384751740;0.014193548387096775048599184288;0.026451612903225805994988917291;0.000645161290322580644601702105;0.029677419354838710519040034796;0.029032258064516130308119201686;0.012903225806451612892034042090;0.004516129032258064945892783726;0.007741935483870967735220425254;0.012903225806451612892034042090;0.017419354838709676103203349840;0.007096774193548387524299592144;0.016774193548387095892282516729;0.003870967741935483867610212627;0.009032258064516129891785567452;0.001290322580645161289203404209;0.004516129032258064945892783726;0.000000000000000000000000000000;0.010967741935483870524548066783;0.004516129032258064945892783726;0.009677419354838710102706400562;0.019354838709677420205412801124;0.012903225806451612892034042090;0.013548387096774193102954875201;0.015483870967741935470440850509
-0.029791459781529295441915294873;0.011420059582919563079261848770;0.025322740814299901646045043435;0.191161866931479629272416786989;0.016385302879841110584857588606;0.035253227408142996657236523106;0.005461767626613703817406442198;0.009433962264150943036189467250;0.025322740814299901646045043435;0.015888778550148956875132100208;0.013406156901688183122334230291;0.031281032770605760040538712019;0.020854021847070507850174791997;0.030287984111221449151640783271;0.008440913604766633882015014478;0.014895729890764647720957647437;0.011916583912611718523710813145;0.017874875868917578652927957705;0.023336643495531279868249185938;0.006454816285998013838942632958;0.016385302879841110584857588606;0.022343594836146972448798209143;0.004965243296921549240319215812;0.020854021847070507850174791997;0.042701092353525323119800560789;0.018867924528301886072378934500;0.012909632571996027677885265916;0.015392254220456803165406611811;0.001986097318768619609391512526;0.031777557100297913750264200416;0.017874875868917578652927957705;0.014895729890764647720957647437;0.008937437934458789326463978853;0.004468718967229394663231989426;0.031777557100297913750264200416;0.016385302879841110584857588606;0.004965243296921549240319215812;0.006951340615690168416029859344;0.005958291956305859261855406572;0.011420059582919563079261848770;0.010923535253227407634812884396;0.015392254220456803165406611811;0.000000000000000000000000000000;0.012909632571996027677885265916;0.009433962264150943036189467250;0.006951340615690168416029859344;0.023336643495531279868249185938;0.025322740814299901646045043435;0.023833167825223437047421626289;0.015888778550148956875132100208
-0.033475349969567864960584557821;0.011564211807668898362999598817;0.043822276323797933195169918008;0.034083992696287278290068201159;0.020693852708460132999723768421;0.021911138161898966597584959004;0.006086427267194156713603359066;0.013390139987827145290344432738;0.027997565429093120709103104105;0.023737066342057213524929792925;0.019476567255021302871309529792;0.018259281801582472742895291162;0.014607425441265977153482147344;0.040170419963481439340480250166;0.015824710894704809016619861950;0.024954351795496043653344031554;0.023737066342057213524929792925;0.021911138161898966597584959004;0.016433353621424222346103505288;0.009129640900791236371447645581;0.013998782714546560354551552052;0.020693852708460132999723768421;0.009129640900791236371447645581;0.027388922702373707379619460767;0.038953134510042605742619059583;0.036518563603164945485790582325;0.028606208155812537508033699396;0.041387705416920265999447536842;0.001825928180158247144185268418;0.018867924528301886072378934500;0.018867924528301886072378934500;0.012781497261107730226137313423;0.009129640900791236371447645581;0.008520998174071819572517050290;0.021302495435179549798654363713;0.030432136335970784435378533317;0.012781497261107730226137313423;0.012781497261107730226137313423;0.008520998174071819572517050290;0.018259281801582472742895291162;0.004260499087035909786258525145;0.015824710894704809016619861950;0.000000000000000000000000000000;0.020085209981740719670240125083;0.006695069993913572645172216369;0.009129640900791236371447645581;0.037735849056603772144757869000;0.031649421789409618033239723900;0.021302495435179549798654363713;0.021302495435179549798654363713
-0.035448827901658090666625611220;0.011435105774728416064278668784;0.052029731275014291791425335987;0.112635791881074906473081398417;0.006861063464837049638567201271;0.018867924528301886072378934500;0.001715265866209262409641800318;0.012006861063464836433811733230;0.015437392795883362120457071853;0.021154945683247571019958144234;0.015437392795883362120457071853;0.037164093767867355244671756509;0.013150371640937678907601338096;0.034877072612921666827645594822;0.015437392795883362120457071853;0.023441966838193252498090402014;0.014293882218410519646667466986;0.017724413950829045333312805610;0.013150371640937678907601338096;0.006289308176100629269034136826;0.013150371640937678907601338096;0.018296169239565465702845870055;0.004002287021154946056178403069;0.031446540880503144610447208152;0.036592338479130931405691740110;0.036592338479130931405691740110;0.019439679817038306441911998945;0.025728987993138937445669611748;0.004002287021154946056178403069;0.014865637507146941750924007408;0.026872498570611778184735740638;0.024013722126929672867623466459;0.004002287021154946056178403069;0.013150371640937678907601338096;0.014865637507146941750924007408;0.036592338479130931405691740110;0.012006861063464836433811733230;0.010291595197255575325212539894;0.008576329331046312481889870583;0.009719839908519153220955999473;0.009719839908519153220955999473;0.018867924528301886072378934500;0.000000000000000000000000000000;0.018867924528301886072378934500;0.003430531732418524819283600635;0.017724413950829045333312805610;0.034305317324185249927559482330;0.022298456260720411759024273124;0.016009148084619784224713612275;0.016009148084619784224713612275
-0.033333333333333332870740406406;0.015094339622641509551792537991;0.028930817610062893596722943812;0.166666666666666657414808128124;0.008805031446540880282758401165;0.032704402515723270117309340321;0.001257861635220125723702566667;0.009433962264150943036189467250;0.038993710691823897651620001170;0.013836477987421384044930405821;0.006918238993710692022465202911;0.063522012578616351974325482388;0.006289308176100629269034136826;0.013207547169811321291499339736;0.008805031446540880282758401165;0.033333333333333332870740406406;0.008805031446540880282758401165;0.022641509433962262592965331010;0.011949685534591195784637207566;0.006289308176100629269034136826;0.004402515723270440141379200583;0.010691823899371068543051599420;0.001886792452830188693974067249;0.012578616352201258538068273651;0.037735849056603772144757869000;0.022012578616352199839534264925;0.015094339622641509551792537991;0.022641509433962262592965331010;0.000628930817610062861851283333;0.025786163522012579829567613388;0.076729559748427669796377870171;0.014465408805031446798361471906;0.003144654088050314634517068413;0.007547169811320754775896268995;0.013836477987421384044930405821;0.017610062893081760565516802330;0.005660377358490565648241332752;0.023270440251572325346396397094;0.008805031446540880282758401165;0.010062893081761005789620533335;0.001257861635220125723702566667;0.048427672955974845891979896351;0.000000000000000000000000000000;0.011949685534591195784637207566;0.006289308176100629269034136826;0.010062893081761005789620533335;0.016981132075471697812085736246;0.011320754716981131296482665505;0.013207547169811321291499339736;0.015094339622641509551792537991
-0.030287984111221449151640783271;0.017874875868917578652927957705;0.033267130089374381818334569516;0.279046673286991064877327062277;0.028301886792452830843291877727;0.013902681231380336832059718688;0.003475670307845084208014929672;0.011420059582919563079261848770;0.018371400198609732362653446103;0.015392254220456803165406611811;0.009433962264150943036189467250;0.036246276067527311015581403808;0.011916583912611718523710813145;0.029294935451837141732189806476;0.017378351539225421473755517354;0.017874875868917578652927957705;0.007447864945382323860478823718;0.009930486593843098480638431624;0.018867924528301886072378934500;0.005958291956305859261855406572;0.018867924528301886072378934500;0.011420059582919563079261848770;0.005461767626613703817406442198;0.019364448857994043251551374851;0.032274081429990067459989688814;0.020854021847070507850174791997;0.017378351539225421473755517354;0.008937437934458789326463978853;0.000993048659384309804695756263;0.026315789473684209065496020230;0.021847070506454815269625768792;0.009930486593843098480638431624;0.002979145978152929630927703286;0.006951340615690168416029859344;0.016385302879841110584857588606;0.018371400198609732362653446103;0.005461767626613703817406442198;0.007944389275074478437566050104;0.002979145978152929630927703286;0.008937437934458789326463978853;0.005461767626613703817406442198;0.007944389275074478437566050104;0.000000000000000000000000000000;0.012413108242303872233436301542;0.011916583912611718523710813145;0.006454816285998013838942632958;0.028301886792452830843291877727;0.020854021847070507850174791997;0.012909632571996027677885265916;0.014399205561072492276508683062
-0.023899371069182391569274415133;0.008805031446540880282758401165;0.035220125786163521131033604661;0.250943396226415094130146599127;0.038993710691823897651620001170;0.028301886792452830843291877727;0.002515723270440251447405133334;0.011320754716981131296482665505;0.007547169811320754775896268995;0.010691823899371068543051599420;0.009433962264150943036189467250;0.052201257861635222412566292860;0.011320754716981131296482665505;0.031446540880503144610447208152;0.013836477987421384044930405821;0.013207547169811321291499339736;0.018238993710691823318947868415;0.011320754716981131296482665505;0.025786163522012579829567613388;0.005031446540880502894810266667;0.010062893081761005789620533335;0.013836477987421384044930405821;0.005660377358490565648241332752;0.018238993710691823318947868415;0.035849056603773583884464670746;0.014465408805031446798361471906;0.013836477987421384044930405821;0.019496855345911948825810000585;0.002515723270440251447405133334;0.027044025157232705336429745557;0.031446540880503144610447208152;0.013207547169811321291499339736;0.002515723270440251447405133334;0.002515723270440251447405133334;0.011949685534591195784637207566;0.018238993710691823318947868415;0.002515723270440251447405133334;0.015094339622641509551792537991;0.004402515723270440141379200583;0.010691823899371068543051599420;0.004402515723270440141379200583;0.010691823899371068543051599420;0.000000000000000000000000000000;0.016981132075471697812085736246;0.009433962264150943036189467250;0.009433962264150943036189467250;0.022641509433962262592965331010;0.016981132075471697812085736246;0.010691823899371068543051599420;0.015094339622641509551792537991
-0.035261707988980713068816186251;0.012672176308539945602249510159;0.030303030303030303871381079261;0.160330578512396682011598159079;0.016528925619834711202571497779;0.040771349862258950136340018844;0.004958677685950413534243796931;0.017079889807162535603213271429;0.012121212121212121201607736509;0.011570247933884296800965962859;0.012121212121212121201607736509;0.029752066115702479470739305611;0.022589531680440772670737104022;0.029201101928374655070097531961;0.009917355371900827068487593863;0.024242424242424242403215473018;0.016528925619834711202571497779;0.013223140495867768268167807832;0.022038567493112948270095330372;0.004407713498622589133602023281;0.014325068870523415334727879156;0.012121212121212121201607736509;0.004958677685950413534243796931;0.018181818181818180935049866775;0.034710743801652892137621364554;0.027548209366391185337619162965;0.021487603305785123869453556722;0.022589531680440772670737104022;0.001101928374655647283400505820;0.030853994490358128272022852912;0.038016528925619831602578102547;0.014876033057851239735369652806;0.011570247933884296800965962859;0.011570247933884296800965962859;0.017630853994490356534408093125;0.018181818181818180935049866775;0.002754820936639118533761916296;0.013774104683195592668809581482;0.000550964187327823641700252910;0.014876033057851239735369652806;0.009366391184573002667845820213;0.005509641873278237067523832593;0.000000000000000000000000000000;0.014876033057851239735369652806;0.007162534435261707667363939578;0.012121212121212121201607736509;0.029201101928374655070097531961;0.022589531680440772670737104022;0.018732782369146005335691640425;0.023140495867768593601931925718
-0.026984126984126985404621734688;0.020105820105820106091787380365;0.033862433862433864717456089011;0.205291005291005301813811456668;0.011111111111111111535154627461;0.020105820105820106091787380365;0.002116402116402116544841005563;0.013756613756613756890945232669;0.019047619047619049337249919063;0.017460317460317460735996775156;0.008994708994708994556632752904;0.026984126984126985404621734688;0.010052910052910053045893690182;0.025396825396825396803368590781;0.016931216931216932358728044505;0.026984126984126985404621734688;0.021164021164021162846324841667;0.022751322751322751447577985573;0.011640211640211639912423358112;0.007936507936507936067371815625;0.010052910052910053045893690182;0.012698412698412698401684295391;0.005291005291005290711581210417;0.023809523809523808202115446875;0.030158730158730159137681070547;0.026455026455026453557906052083;0.015343915343915343757474900599;0.039682539682539680336859078125;0.001587301587301587300210536924;0.023280423280423279824846716224;0.028042328042328042159159195990;0.023280423280423279824846716224;0.005820105820105819956211679056;0.005291005291005290711581210417;0.012698412698412698401684295391;0.022222222222222223070309254922;0.004232804232804233089682011126;0.011111111111111111535154627461;0.003174603174603174600421073848;0.008994708994708994556632752904;0.005291005291005290711581210417;0.021164021164021162846324841667;0.000000000000000000000000000000;0.015873015873015872134743631250;0.004761904761904762334312479766;0.013756613756613756890945232669;0.030158730158730159137681070547;0.016931216931216932358728044505;0.018518518518518517490534236458;0.011640211640211639912423358112
-0.027830188679245283778218578163;0.013679245283018868356572639300;0.028773584905660377908365177291;0.321698113207547153891141533677;0.019339622641509433137452234064;0.018396226415094339007305634937;0.007075471698113207710822969432;0.011792452830188680096279441045;0.009433962264150943036189467250;0.017924528301886791942232335373;0.008962264150943395971116167686;0.031132075471698113233731675109;0.009905660377358490101262766814;0.022169811320754715527892031446;0.009433962264150943036189467250;0.018867924528301886072378934500;0.009433962264150943036189467250;0.012735849056603774226426040173;0.020283018867924527267598833191;0.008018867924528301840969568559;0.008962264150943395971116167686;0.011320754716981131296482665505;0.002830188679245282824120666376;0.017452830188679244877159035809;0.037264150943396225079684569437;0.019811320754716980202525533628;0.016509433962264150747012436682;0.015094339622641509551792537991;0.000471698113207547173493516812;0.037735849056603772144757869000;0.025943396226415095517925379909;0.016037735849056603681939137118;0.002358490566037735759047366813;0.004716981132075471518094733625;0.008490566037735848906042868123;0.020754716981132074332672132755;0.004716981132075471518094733625;0.008018867924528301840969568559;0.001415094339622641412060333188;0.010849056603773584231409365941;0.007075471698113207710822969432;0.008490566037735848906042868123;0.000000000000000000000000000000;0.012264150943396227161352740609;0.006132075471698113580676370304;0.008490566037735848906042868123;0.018396226415094339007305634937;0.016509433962264150747012436682;0.013207547169811321291499339736;0.011792452830188680096279441045
-0.038245792962774097234479597773;0.003569607343192248739838223770;0.045385007649158592979432569336;0.140744518103008670051323747430;0.007649158592554819099951224359;0.018357980622131564452104157681;0.005099439061703212733300816240;0.010708822029576747086876409298;0.008159102498725140720226001179;0.031616522182559919640354451076;0.010708822029576747086876409298;0.022437531871494133944855420282;0.014788373278939316579627671899;0.041815400305966345106956083555;0.001529831718510963776622157972;0.028046914839367668298431013341;0.018867924528301886072378934500;0.024987251402345742046229304378;0.007139214686384497479676447540;0.011218765935747066972427710141;0.012748597654258031833252040599;0.010198878123406425466601632479;0.004589495155532891113026039420;0.042325344212136663257783908421;0.037735849056603772144757869000;0.035186129525752167512830936857;0.014278429372768994959352895080;0.001019887812340642590028250147;0.000509943906170321295014125074;0.021927587965323815794027595416;0.022437531871494133944855420282;0.019887812340642529312928488139;0.001019887812340642590028250147;0.011728709841917388592702486960;0.016318204997450281440452002357;0.042325344212136663257783908421;0.009178990311065782226052078840;0.020907700152983172553478041777;0.001529831718510963776622157972;0.012238653748087710212977263780;0.004079551249362570360113000589;0.005609382967873533486213855070;0.000000000000000000000000000000;0.018867924528301886072378934500;0.002549719530851606366650408120;0.008159102498725140720226001179;0.048954614992350840851909055118;0.046914839367669554370809947841;0.016318204997450281440452002357;0.019377868434472207692653711320
-0.038245792962774097234479597773;0.010708822029576747086876409298;0.057113717491075979837411580320;0.002039775624681285180056500295;0.001019887812340642590028250147;0.025497195308516063666504081198;0.003569607343192248739838223770;0.015808261091279959820177225538;0.024987251402345742046229304378;0.034676185619581849362003111992;0.013768485466598673339078118261;0.013258541560428353453526817418;0.029576746557878633159255343799;0.046914839367669554370809947841;0.004589495155532891113026039420;0.033656297807241206121453558353;0.031106578276389598020079674257;0.027027027027027028527328411656;0.004079551249362570360113000589;0.017848036715961242831829380862;0.013258541560428353453526817418;0.016828148903620603060726779177;0.006629270780214176726763408709;0.042835288118306988347505637194;0.038755736868944415385307422639;0.051504334523202445483835987261;0.019377868434472207692653711320;0.014278429372768994959352895080;0.001019887812340642590028250147;0.003569607343192248739838223770;0.018867924528301886072378934500;0.017848036715961242831829380862;0.005099439061703212733300816240;0.005099439061703212733300816240;0.028046914839367668298431013341;0.039775624681285058625856976278;0.014278429372768994959352895080;0.016828148903620603060726779177;0.001529831718510963776622157972;0.018357980622131564452104157681;0.005609382967873533486213855070;0.013258541560428353453526817418;0.000000000000000000000000000000;0.018357980622131564452104157681;0.002549719530851606366650408120;0.019377868434472207692653711320;0.050994390617032127333008162395;0.039265680775114740475029151412;0.023457419683834777185404973920;0.017848036715961242831829380862
-0.034591194968553458377602538576;0.012578616352201258538068273651;0.038364779874213834898188935085;0.255974842767295596157595127806;0.022012578616352199839534264925;0.030188679245283019103585075982;0.006918238993710692022465202911;0.020125786163522011579241066670;0.027672955974842768089860811642;0.012578616352201258538068273651;0.008805031446540880282758401165;0.016981132075471697812085736246;0.008176100628930817529327335080;0.025157232704402517076136547303;0.003773584905660377387948134498;0.013836477987421384044930405821;0.015094339622641509551792537991;0.022641509433962262592965331010;0.017610062893081760565516802330;0.005031446540880502894810266667;0.011320754716981131296482665505;0.020754716981132074332672132755;0.001886792452830188693974067249;0.022012578616352199839534264925;0.030188679245283019103585075982;0.021383647798742137086103198840;0.018238993710691823318947868415;0.018238993710691823318947868415;0.000000000000000000000000000000;0.023270440251572325346396397094;0.016352201257861635058654670161;0.007547169811320754775896268995;0.006289308176100629269034136826;0.004402515723270440141379200583;0.007547169811320754775896268995;0.025157232704402517076136547303;0.006289308176100629269034136826;0.007547169811320754775896268995;0.004402515723270440141379200583;0.008176100628930817529327335080;0.005031446540880502894810266667;0.024528301886792454322705481218;0.000000000000000000000000000000;0.012578616352201258538068273651;0.014465408805031446798361471906;0.008805031446540880282758401165;0.028301886792452830843291877727;0.021383647798742137086103198840;0.012578616352201258538068273651;0.013207547169811321291499339736
-0.015712682379349047351313473087;0.014029180695847362839168148696;0.020763187429854095683579018328;0.395061728395061706464730377775;0.027497194163860830262713363936;0.025252525252525252069668582067;0.003367003367003366855886303810;0.009539842873176206453078584957;0.008978675645342312772179127478;0.012906846240179573742645757761;0.008978675645342312772179127478;0.011784511784511784646123366826;0.012345679012345678327022824305;0.016273849607182939297489454589;0.014590347923681256520067606175;0.009539842873176206453078584957;0.007856341189674523675656736543;0.016273849607182939297489454589;0.015712682379349047351313473087;0.003367003367003366855886303810;0.011223344556677889230500433371;0.007295173961840628260033803087;0.011784511784511784646123366826;0.018518518518518517490534236458;0.015151515151515151935690539631;0.016835016835016834713112388044;0.015151515151515151935690539631;0.029180695847362513040135212350;0.001683501683501683427943151905;0.030303030303030303871381079261;0.010662177328843995549600975892;0.012345679012345678327022824305;0.014029180695847362839168148696;0.005050505050505050934350759206;0.010101010101010101868701518413;0.016835016835016834713112388044;0.005611672278338944615250216685;0.007856341189674523675656736543;0.002244668911335578193044781870;0.008417508417508417356556194022;0.006734006734006733711772607620;0.013468013468013467423545215240;0.000000000000000000000000000000;0.008417508417508417356556194022;0.015151515151515151935690539631;0.011223344556677889230500433371;0.015151515151515151935690539631;0.010101010101010101868701518413;0.011784511784511784646123366826;0.007856341189674523675656736543
-0.019047619047619049337249919063;0.008994708994708994556632752904;0.023809523809523808202115446875;0.378835978835978859358135650837;0.025925925925925925180637321432;0.028042328042328042159159195990;0.002645502645502645355790605208;0.010582010582010581423162420833;0.010052910052910053045893690182;0.011640211640211639912423358112;0.008465608465608466179364022253;0.025925925925925925180637321432;0.014285714285714285268213963320;0.022222222222222223070309254922;0.004232804232804233089682011126;0.012169312169312170024415564740;0.008465608465608466179364022253;0.007407407407407407690103084974;0.023280423280423279824846716224;0.004761904761904762334312479766;0.008465608465608466179364022253;0.008465608465608466179364022253;0.002645502645502645355790605208;0.014285714285714285268213963320;0.032804232804232801024024723802;0.016931216931216932358728044505;0.016402116402116400512012361901;0.019576719576719577714518649714;0.000000000000000000000000000000;0.043915343915343914293902827239;0.015343915343915343757474900599;0.009523809523809524668624959531;0.005820105820105819956211679056;0.006878306878306878445472616335;0.015873015873015872134743631250;0.017989417989417989113265505807;0.006878306878306878445472616335;0.004232804232804233089682011126;0.002645502645502645355790605208;0.014285714285714285268213963320;0.001058201058201058272420502782;0.010052910052910053045893690182;0.000000000000000000000000000000;0.008465608465608466179364022253;0.005820105820105819956211679056;0.009523809523809524668624959531;0.014814814814814815380206169948;0.011111111111111111535154627461;0.015873015873015872134743631250;0.009523809523809524668624959531
-0.020085209981740719670240125083;0.007303712720632988576741073672;0.025562994522215460452274626846;0.363968350578210586565575113127;0.030432136335970784435378533317;0.032258064516129031362723367238;0.006695069993913572645172216369;0.010346926354230066499861884211;0.013390139987827145290344432738;0.012781497261107730226137313423;0.010346926354230066499861884211;0.024345709068776626854413436263;0.013390139987827145290344432738;0.017041996348143639145034100579;0.007303712720632988576741073672;0.018867924528301886072378934500;0.012781497261107730226137313423;0.010346926354230066499861884211;0.015216068167985392217689266658;0.005477784540474741649396239751;0.010346926354230066499861884211;0.010955569080949483298792479502;0.006086427267194156713603359066;0.021911138161898966597584959004;0.026171637248934873781758270184;0.017041996348143639145034100579;0.008520998174071819572517050290;0.013998782714546560354551552052;0.000000000000000000000000000000;0.030432136335970784435378533317;0.018259281801582472742895291162;0.012172854534388313427206718131;0.003651856360316494288370536836;0.006086427267194156713603359066;0.011564211807668898362999598817;0.021911138161898966597584959004;0.001825928180158247144185268418;0.010346926354230066499861884211;0.001217285453438831429456845612;0.010955569080949483298792479502;0.006086427267194156713603359066;0.006695069993913572645172216369;0.000000000000000000000000000000;0.012781497261107730226137313423;0.004869141813755325717827382448;0.010346926354230066499861884211;0.021911138161898966597584959004;0.013998782714546560354551552052;0.010955569080949483298792479502;0.010955569080949483298792479502
-0.025728987993138937445669611748;0.010291595197255575325212539894;0.028587764436821039293334933973;0.202973127501429401187138523710;0.022870211549456832128557337569;0.040594625500285877461870143179;0.005145797598627787662606269947;0.010291595197255575325212539894;0.014865637507146941750924007408;0.008576329331046312481889870583;0.017724413950829045333312805610;0.046883933676386504996180804028;0.014293882218410519646667466986;0.025157232704402517076136547303;0.011435105774728416064278668784;0.024013722126929672867623466459;0.013150371640937678907601338096;0.014293882218410519646667466986;0.017724413950829045333312805610;0.006861063464837049638567201271;0.010863350485991995694745604339;0.009719839908519153220955999473;0.006861063464837049638567201271;0.023441966838193252498090402014;0.026872498570611778184735740638;0.026300743281875357815202676193;0.016580903373356204594246676720;0.014865637507146941750924007408;0.001143510577472841606427866878;0.053173241852487132530491464877;0.025728987993138937445669611748;0.019439679817038306441911998945;0.006289308176100629269034136826;0.006289308176100629269034136826;0.012006861063464836433811733230;0.022298456260720411759024273124;0.007432818753573470875462003704;0.016009148084619784224713612275;0.003430531732418524819283600635;0.012006861063464836433811733230;0.003430531732418524819283600635;0.013722126929674099277134402541;0.000000000000000000000000000000;0.012578616352201258538068273651;0.002287021154945683212855733757;0.014865637507146941750924007408;0.024585477415666093237156530904;0.018867924528301886072378934500;0.017152658662092624963779741165;0.010291595197255575325212539894
-0.031250000000000000000000000000;0.016782407407407409077881865755;0.040509259259259258745267118229;0.031828703703703706273664408855;0.023726851851851853136832204427;0.034722222222222223764198645313;0.002314814814814814686316779557;0.023148148148148146863167795573;0.012731481481481480774742287565;0.019675925925925926568416102214;0.020833333333333332176851016015;0.048611111111111111882099322656;0.023148148148148146863167795573;0.039351851851851853136832204427;0.012152777777777777970524830664;0.024305555555555555941049661328;0.012731481481481480774742287565;0.018518518518518517490534236458;0.019675925925925926568416102214;0.005208333333333333044212754004;0.016203703703703702804217456901;0.013888888888888888117900677344;0.013310185185185185313683220443;0.021990740740740741254732881771;0.048611111111111111882099322656;0.029513888888888888117900677344;0.027777777777777776235801354687;0.008680555555555555941049661328;0.002314814814814814686316779557;0.041087962962962965018931527084;0.031828703703703706273664408855;0.018518518518518517490534236458;0.009259259259259258745267118229;0.008101851851851851402108728450;0.024884259259259258745267118229;0.029513888888888888117900677344;0.009837962962962963284208051107;0.012731481481481480774742287565;0.002314814814814814686316779557;0.013310185185185185313683220443;0.006365740740740740387371143783;0.011574074074074073431583897786;0.000000000000000000000000000000;0.015625000000000000000000000000;0.005787037037037036715791948893;0.013888888888888888117900677344;0.034143518518518517490534236458;0.026620370370370370627366440885;0.024305555555555555941049661328;0.016782407407407409077881865755
-0.022839506172839505598881615356;0.006790123456790123426807248563;0.048148148148148148250946576354;0.216666666666666674068153497501;0.024691358024691356654045648611;0.019135802469135803488553548846;0.002469135802469135752140738660;0.010493827160493827271858791050;0.050617283950617285304129921997;0.022839506172839505598881615356;0.009876543209876543008562954640;0.012962962962962962590318660716;0.010493827160493827271858791050;0.037654320987654324448534737257;0.008641975308641974481971281818;0.019753086419753086017125909279;0.016049382716049383906797842769;0.022839506172839505598881615356;0.009876543209876543008562954640;0.006790123456790123426807248563;0.013580246913580246853614497127;0.021604938271604937072289942535;0.006790123456790123426807248563;0.031481481481481478346129421197;0.026543209876543211178656633820;0.031481481481481478346129421197;0.017901234567901234961961876024;0.012345679012345678327022824305;0.002469135802469135752140738660;0.008641975308641974481971281818;0.011111111111111111535154627461;0.017283950617283948963942563637;0.002469135802469135752140738660;0.004938271604938271504281477320;0.015432098765432097908778530382;0.030246913580246913288984700330;0.007407407407407407690103084974;0.006790123456790123426807248563;0.008024691358024691953398921385;0.010493827160493827271858791050;0.002469135802469135752140738660;0.014197530864197531116910333537;0.000000000000000000000000000000;0.019753086419753086017125909279;0.003086419753086419581755706076;0.015432098765432097908778530382;0.037037037037037034981068472916;0.019753086419753086017125909279;0.012345679012345678327022824305;0.009259259259259258745267118229
-0.034231200897867561372400757591;0.005611672278338944615250216685;0.027497194163860830262713363936;0.237373737373737375699889184943;0.010101010101010101868701518413;0.033108866442199777480048794587;0.008417508417508417356556194022;0.012345679012345678327022824305;0.022446689113355778461000866741;0.014029180695847362839168148696;0.015151515151515151935690539631;0.035353535353535352203646624503;0.011784511784511784646123366826;0.023569023569023569292246733653;0.009539842873176206453078584957;0.031986531986531986648802927675;0.007856341189674523675656736543;0.019079685746352412906157169914;0.018518518518518517490534236458;0.003928170594837261837828368272;0.019079685746352412906157169914;0.014590347923681256520067606175;0.001122334455667789096522390935;0.021885521885521886514824885239;0.031425364758698094702626946173;0.023569023569023569292246733653;0.015151515151515151935690539631;0.008978675645342312772179127478;0.001122334455667789096522390935;0.022446689113355778461000866741;0.043209876543209874144579885069;0.014029180695847362839168148696;0.001122334455667789096522390935;0.011223344556677889230500433371;0.012906846240179573742645757761;0.012345679012345678327022824305;0.008978675645342312772179127478;0.019640852974186308321780103370;0.003367003367003366855886303810;0.008417508417508417356556194022;0.004489337822671156386089563739;0.017957351290684625544358254956;0.000000000000000000000000000000;0.013468013468013467423545215240;0.003928170594837261837828368272;0.016835016835016834713112388044;0.016273849607182939297489454589;0.017396184062850730128735321500;0.016273849607182939297489454589;0.016835016835016834713112388044
-0.028891509433962264674633502182;0.025353773584905661686583755454;0.047759433962264154216459388635;0.041863207547169808964149240182;0.010023584905660376867531091705;0.033608490566037735325366497818;0.003537735849056603855411484716;0.015919811320754716915670812227;0.061910377358490566168658375545;0.021226415094339621397745432319;0.017688679245283018409695685591;0.031250000000000000000000000000;0.015919811320754716915670812227;0.028301886792452830843291877727;0.009433962264150943036189467250;0.018278301886792452241037310046;0.027122641509433963180608628818;0.031839622641509433831341624455;0.018278301886792452241037310046;0.005306603773584905349436358080;0.010613207547169810698872716159;0.023584905660377360192558882090;0.005306603773584905349436358080;0.027122641509433963180608628818;0.024764150943396227855242131000;0.031250000000000000000000000000;0.016509433962264150747012436682;0.028891509433962264674633502182;0.003537735849056603855411484716;0.031839622641509433831341624455;0.018278301886792452241037310046;0.018278301886792452241037310046;0.004716981132075471518094733625;0.009433962264150943036189467250;0.012382075471698113927621065500;0.030070754716981132337316751091;0.005306603773584905349436358080;0.008254716981132075373506218341;0.004716981132075471518094733625;0.012382075471698113927621065500;0.007665094339622641542164593886;0.053655660377358492529875633181;0.000000000000000000000000000000;0.019457547169811319903720558955;0.002948113207547170024069860261;0.011792452830188680096279441045;0.027712264150943397011950253273;0.021816037735849055229087056773;0.020636792452830187566403807864;0.013561320754716981590304314409
-0.028046914839367668298431013341;0.018867924528301886072378934500;0.036715961244263128904208315362;0.142784293727689942654635046893;0.024987251402345742046229304378;0.018867924528301886072378934500;0.008159102498725140720226001179;0.017848036715961242831829380862;0.016318204997450281440452002357;0.021417644059153494173752818597;0.013258541560428353453526817418;0.030086690464048954779530120618;0.019377868434472207692653711320;0.028556858745537989918705790160;0.016828148903620603060726779177;0.023457419683834777185404973920;0.014278429372768994959352895080;0.013768485466598673339078118261;0.014788373278939316579627671899;0.009688934217236103846326855660;0.019887812340642529312928488139;0.017848036715961242831829380862;0.006629270780214176726763408709;0.018867924528301886072378934500;0.024477307496175420425954527559;0.023967363590005098805679750740;0.019887812340642529312928488139;0.037735849056603772144757869000;0.003059663437021927553244315945;0.032126466088730237791182275942;0.015298317185109638199902448719;0.012748597654258031833252040599;0.007649158592554819099951224359;0.009178990311065782226052078840;0.031616522182559919640354451076;0.025497195308516063666504081198;0.006119326874043855106488631890;0.010708822029576747086876409298;0.001529831718510963776622157972;0.018357980622131564452104157681;0.008669046404895462340500777998;0.008159102498725140720226001179;0.000000000000000000000000000000;0.017848036715961242831829380862;0.010708822029576747086876409298;0.011728709841917388592702486960;0.022947475777664455565130197101;0.023457419683834777185404973920;0.019887812340642529312928488139;0.015298317185109638199902448719
-0.018312985571587125227521752890;0.023307436182019976300683339332;0.021642619311875693766111794503;0.100998890122086570908521707679;0.100443951165371803124770622162;0.027746947835738069998434696117;0.005549389567147613652742244028;0.017203107658157603537807389671;0.009433962264150943036189467250;0.015538290788013319268512368865;0.007214206437291897922037264834;0.059378468368479465910869663503;0.007214206437291897922037264834;0.017758046614872364382664571281;0.037735849056603772144757869000;0.016093229744728078378646074498;0.013318534961154272419636690472;0.007769145394006659634256184432;0.027192008879023309153577514508;0.001664816870144284052454586309;0.009988901220865705615770124837;0.005549389567147613652742244028;0.003884572697003329817128092216;0.022752497225305215455826157722;0.017203107658157603537807389671;0.020532741398446172076397431283;0.014428412874583795844074529668;0.062153163152053277074049475459;0.003329633740288568104909172618;0.051609322974472807143975217059;0.044395116537180909221937952225;0.011653718091009988150341669666;0.009433962264150943036189467250;0.006104328523862375364961163626;0.011098779134295227305484488056;0.017203107658157603537807389671;0.001664816870144284052454586309;0.009988901220865705615770124837;0.002219755826859045547833071410;0.011098779134295227305484488056;0.004994450610432852807885062418;0.012763596004439511574779508862;0.000000000000000000000000000000;0.013318534961154272419636690472;0.032741398446170924541043234512;0.016648168701442842692950208061;0.012208657047724750729922327253;0.010543840177580466460627306446;0.008324084350721421346475104031;0.016648168701442842692950208061
-0.023270440251572325346396397094;0.026415094339622642582998679472;0.045911949685534587939361728104;0.152201257861635214085893608171;0.023270440251572325346396397094;0.038364779874213834898188935085;0.000628930817610062861851283333;0.011320754716981131296482665505;0.022012578616352199839534264925;0.011949685534591195784637207566;0.011320754716981131296482665505;0.046540880503144650692792794189;0.018238993710691823318947868415;0.032075471698113207363878274236;0.015723270440251572305223604076;0.023899371069182391569274415133;0.013207547169811321291499339736;0.027672955974842768089860811642;0.010062893081761005789620533335;0.005660377358490565648241332752;0.007547169811320754775896268995;0.013836477987421384044930405821;0.006289308176100629269034136826;0.022012578616352199839534264925;0.031446540880503144610447208152;0.019496855345911948825810000585;0.014465408805031446798361471906;0.037735849056603772144757869000;0.000628930817610062861851283333;0.044654088050314462432499595934;0.024528301886792454322705481218;0.013207547169811321291499339736;0.005660377358490565648241332752;0.006918238993710692022465202911;0.016981132075471697812085736246;0.021383647798742137086103198840;0.008176100628930817529327335080;0.015094339622641509551792537991;0.000000000000000000000000000000;0.015723270440251572305223604076;0.005660377358490565648241332752;0.013836477987421384044930405821;0.000000000000000000000000000000;0.012578616352201258538068273651;0.006289308176100629269034136826;0.010691823899371068543051599420;0.013836477987421384044930405821;0.023270440251572325346396397094;0.019496855345911948825810000585;0.008805031446540880282758401165
-0.028000000000000000582867087928;0.006285714285714285969042247615;0.022857142857142857123031731703;0.296571428571428596931980337104;0.087999999999999994892974086724;0.027428571428571427159859297262;0.003428571428571428394982412158;0.006285714285714285969042247615;0.021142857142857143792902263613;0.014285714285714285268213963320;0.007428571428571428478249139005;0.056571428571428571119295014569;0.010285714285714285184947236473;0.014285714285714285268213963320;0.003428571428571428394982412158;0.013142857142857143626368809919;0.006857142857142856789964824316;0.007428571428571428478249139005;0.008000000000000000166533453694;0.002857142857142857140378966463;0.008000000000000000166533453694;0.012000000000000000249800180541;0.005714285714285714280757932926;0.012571428571428571938084495230;0.033142857142857140573255492200;0.017714285714285713663196375478;0.006285714285714285969042247615;0.010857142857142856873231551162;0.001142857142857142942887760384;0.065142857142857141239389306975;0.029714285714285713912996556019;0.005714285714285714280757932926;0.002285714285714285885775520768;0.004000000000000000083266726847;0.008571428571428571854817768383;0.012571428571428571938084495230;0.005142857142857142592473618237;0.008000000000000000166533453694;0.009142857142857143543102083072;0.009714285714285713496662921784;0.000571428571428571471443880192;0.011428571428571428561515865852;0.000000000000000000000000000000;0.006857142857142856789964824316;0.003428571428571428394982412158;0.011428571428571428561515865852;0.016571428571428570286627746100;0.014857142857142856956498278009;0.014285714285714285268213963320;0.008571428571428571854817768383
-0.026392961876832845419249551355;0.007624633431085043981656479417;0.027565982404692081220165533750;0.409970674486803521308075914931;0.025806451612903225784068084181;0.015249266862170087963312958834;0.002932551319648093839098645930;0.009384164222873900285115666975;0.004692082111436950142557833487;0.015249266862170087963312958834;0.009970674486803519920297134149;0.012316715542521994991576050893;0.013489736070381232527215509265;0.019941348973607039840594268298;0.007038123167155425213836750231;0.015249266862170087963312958834;0.009384164222873900285115666975;0.007624633431085043981656479417;0.010557184750733137820755125347;0.006451612903225806446017021045;0.009384164222873900285115666975;0.006451612903225806446017021045;0.007038123167155425213836750231;0.015835777126099705863770950032;0.029912023460410556291444450494;0.014076246334310850427673500462;0.014076246334310850427673500462;0.014076246334310850427673500462;0.002346041055718475071278916744;0.020527859237536656006328783519;0.011143695014662757455936592521;0.010557184750733137820755125347;0.008797653958944282384657675777;0.005278592375366568910377562673;0.011730205278592375356394583719;0.016422287390029325498952417206;0.005865102639296187678197291859;0.007038123167155425213836750231;0.000000000000000000000000000000;0.018181818181818180935049866775;0.005278592375366568910377562673;0.007624633431085043981656479417;0.000000000000000000000000000000;0.008797653958944282384657675777;0.017008797653958945134133884380;0.007038123167155425213836750231;0.021700879765395895276691717868;0.018181818181818180935049866775;0.015249266862170087963312958834;0.013489736070381232527215509265
-0.023995535714285715772620122266;0.010602678571428571924206707422;0.030133928571428571924206707422;0.262276785714285698425385362498;0.030691964285714284227379877734;0.034598214285714287696826829688;0.002232142857142857018948323145;0.007254464285714285962103353711;0.019531250000000000000000000000;0.009486607142857142113689938867;0.008370535714285714037896646289;0.034598214285714287696826829688;0.013950892857142857886310061133;0.013392857142857142113689938867;0.007812500000000000000000000000;0.015625000000000000000000000000;0.017857142857142856151586585156;0.012276785714285714037896646289;0.021763392857142856151586585156;0.006696428571428571056844969434;0.010044642857142857886310061133;0.016741071428571428075793292578;0.007254464285714285962103353711;0.017299107142857143848413414844;0.025669642857142856151586585156;0.014508928571428571924206707422;0.013392857142857142113689938867;0.016741071428571428075793292578;0.001116071428571428509474161572;0.048549107142857143848413414844;0.022879464285714284227379877734;0.009486607142857142113689938867;0.003348214285714285528422484717;0.007812500000000000000000000000;0.011718750000000000000000000000;0.019531250000000000000000000000;0.008928571428571428075793292578;0.006696428571428571056844969434;0.005022321428571428943155030566;0.017857142857142856151586585156;0.010602678571428571924206707422;0.012276785714285714037896646289;0.000000000000000000000000000000;0.015066964285714285962103353711;0.014508928571428571924206707422;0.015066964285714285962103353711;0.015625000000000000000000000000;0.013392857142857142113689938867;0.017857142857142856151586585156;0.017857142857142856151586585156
-0.036518563603164945485790582325;0.010955569080949483298792479502;0.035909920876445525217413035080;0.065733414485696889384414021151;0.021302495435179549798654363713;0.045648204503956180122514751929;0.006086427267194156713603359066;0.015824710894704809016619861950;0.029214850882531954306964294688;0.017650639074863055943964695871;0.017650639074863055943964695871;0.034083992696287278290068201159;0.016433353621424222346103505288;0.022519780888618379927068602342;0.015824710894704809016619861950;0.024345709068776626854413436263;0.013390139987827145290344432738;0.019476567255021302871309529792;0.019476567255021302871309529792;0.006086427267194156713603359066;0.013998782714546560354551552052;0.013390139987827145290344432738;0.006695069993913572645172216369;0.023737066342057213524929792925;0.038344491783323192413135416245;0.030432136335970784435378533317;0.020085209981740719670240125083;0.060255629945222155541273423296;0.002434570906877662858913691224;0.056603773584905661686583755454;0.026171637248934873781758270184;0.013998782714546560354551552052;0.013390139987827145290344432738;0.007912355447352404508309930975;0.010346926354230066499861884211;0.020693852708460132999723768421;0.006695069993913572645172216369;0.007912355447352404508309930975;0.012781497261107730226137313423;0.008520998174071819572517050290;0.004869141813755325717827382448;0.013998782714546560354551552052;0.000000000000000000000000000000;0.012781497261107730226137313423;0.010955569080949483298792479502;0.015824710894704809016619861950;0.022519780888618379927068602342;0.019476567255021302871309529792;0.016433353621424222346103505288;0.014607425441265977153482147344
-0.033769063180827889325552604305;0.003812636165577342091392853973;0.046296296296296293726335591145;0.063725490196078427018733236764;0.009259259259259258745267118229;0.033224400871459697226484308885;0.007080610021786492083717412527;0.012527233115468409604953414771;0.020697167755991285886807418137;0.017429193899782136761844597572;0.011982570806100217505885119351;0.021786492374727670084944008977;0.022875816993464050813633647863;0.038126361655773419179205063756;0.005446623093681917521236002244;0.031590413943355120929279422626;0.019607843137254901688670827298;0.021241830065359477985875713557;0.016339869281045752563708006733;0.010893246187363835042472004488;0.008169934640522876281854003366;0.021241830065359477985875713557;0.006535947712418300852010855095;0.032679738562091505127416013465;0.050108932461873638419813659084;0.028867102396514160433937945527;0.023965141612200435011770238702;0.005991285403050108752942559676;0.006535947712418300852010855095;0.025599128540305011308975124962;0.023965141612200435011770238702;0.022875816993464050813633647863;0.008714596949891068380922298786;0.011437908496732025406816823931;0.033224400871459697226484308885;0.033224400871459697226484308885;0.004901960784313725422167706824;0.014705882352941176266503120473;0.001633986928104575213002713774;0.024509803921568627110838534122;0.003267973856209150426005427548;0.015250544662309368365571415893;0.000000000000000000000000000000;0.016884531590413944662776302152;0.003812636165577342091392853973;0.016339869281045752563708006733;0.034313725490196081424620899725;0.032135076252723313028347718046;0.023420479302832242912701943283;0.017973856209150325391465941038
-0.058962264150943397011950253273;0.017099056603773584578354061136;0.033018867924528301494024873364;0.057193396226415095517925379909;0.004716981132075471518094733625;0.035377358490566036819391371182;0.002358490566037735759047366813;0.008844339622641509204847842796;0.017688679245283018409695685591;0.015919811320754716915670812227;0.015919811320754716915670812227;0.058962264150943397011950253273;0.017688679245283018409695685591;0.041273584905660375132807615728;0.007075471698113207710822969432;0.050707547169811323373167510908;0.013561320754716981590304314409;0.014740566037735849252987563318;0.014150943396226415421645938864;0.004716981132075471518094733625;0.011792452830188680096279441045;0.010613207547169810698872716159;0.007665094339622641542164593886;0.027122641509433963180608628818;0.060141509433962264674633502182;0.030070754716981132337316751091;0.015919811320754716915670812227;0.007075471698113207710822969432;0.002358490566037735759047366813;0.027122641509433963180608628818;0.050117924528301889541825886454;0.017099056603773584578354061136;0.005896226415094340048139720523;0.002358490566037735759047366813;0.020047169811320753735062183409;0.015919811320754716915670812227;0.009433962264150943036189467250;0.028301886792452830843291877727;0.005896226415094340048139720523;0.010613207547169810698872716159;0.002948113207547170024069860261;0.018867924528301886072378934500;0.000000000000000000000000000000;0.010613207547169810698872716159;0.001768867924528301927705742358;0.012971698113207547758962689954;0.027712264150943397011950253273;0.034198113207547169156708122273;0.017099056603773584578354061136;0.018278301886792452241037310046
-0.054994388327721660525426727872;0.026936026936026934847090430480;0.042087542087542090252227922065;0.053310886644219977748004879459;0.024130190796857464707869667109;0.029180695847362513040135212350;0.003928170594837261837828368272;0.019079685746352412906157169914;0.011784511784511784646123366826;0.028619528619528621093959230848;0.016273849607182939297489454589;0.015712682379349047351313473087;0.011223344556677889230500433371;0.038720538720538717758490321330;0.012345679012345678327022824305;0.035914702581369251088716509912;0.011223344556677889230500433371;0.017957351290684625544358254956;0.013468013468013467423545215240;0.006172839506172839163511412153;0.014590347923681256520067606175;0.010662177328843995549600975892;0.006172839506172839163511412153;0.034231200897867561372400757591;0.047699214365881030530669448808;0.038720538720538717758490321330;0.024691358024691356654045648611;0.035914702581369251088716509912;0.001122334455667789096522390935;0.017396184062850730128735321500;0.017396184062850730128735321500;0.008417508417508417356556194022;0.003367003367003366855886303810;0.009539842873176206453078584957;0.017396184062850730128735321500;0.024130190796857464707869667109;0.007856341189674523675656736543;0.023569023569023569292246733653;0.002244668911335578193044781870;0.013468013468013467423545215240;0.001683501683501683427943151905;0.011784511784511784646123366826;0.000000000000000000000000000000;0.023007856341189673876623800197;0.007856341189674523675656736543;0.019640852974186308321780103370;0.037037037037037034981068472916;0.029741863075196408455758145806;0.017396184062850730128735321500;0.020202020202020203737403036826
-0.033267130089374381818334569516;0.025819265143992055355770531833;0.042701092353525323119800560789;0.024826216484607744466872603084;0.041708043694141015700349583994;0.025322740814299901646045043435;0.003972194637537239218783025052;0.017874875868917578652927957705;0.018867924528301886072378934500;0.024329692154915590757147114687;0.016385302879841110584857588606;0.024826216484607744466872603084;0.013902681231380336832059718688;0.027308838133068519954393948979;0.029294935451837141732189806476;0.030784508440913606330813223622;0.015392254220456803165406611811;0.025819265143992055355770531833;0.019364448857994043251551374851;0.006454816285998013838942632958;0.012413108242303872233436301542;0.012413108242303872233436301542;0.006951340615690168416029859344;0.037735849056603772144757869000;0.037239324726911618435032380603;0.035253227408142996657236523106;0.018867924528301886072378934500;0.024826216484607744466872603084;0.002979145978152929630927703286;0.022343594836146972448798209143;0.030287984111221449151640783271;0.018867924528301886072378934500;0.013406156901688183122334230291;0.008440913604766633882015014478;0.010427010923535253925087395999;0.031777557100297913750264200416;0.010923535253227407634812884396;0.019364448857994043251551374851;0.000496524329692154902347878132;0.008937437934458789326463978853;0.007447864945382323860478823718;0.012413108242303872233436301542;0.000000000000000000000000000000;0.022343594836146972448798209143;0.017874875868917578652927957705;0.011420059582919563079261848770;0.035253227408142996657236523106;0.023833167825223437047421626289;0.019860973187686196961276863249;0.017378351539225421473755517354
-0.028301886792452830843291877727;0.005241090146750524390861780688;0.036687631027253669868670726828;0.230083857442348022059874779188;0.024109014675052411330602453177;0.018867924528301886072378934500;0.004716981132075471518094733625;0.013102725366876309676111844738;0.004716981132075471518094733625;0.026205450733752619352223689475;0.009958071278825995908956514313;0.013626834381551362548878891801;0.013102725366876309676111844738;0.037211740041928724476161249868;0.006813417190775681274439445900;0.019392033542976940679869457540;0.012054507337526205665301226588;0.011006289308176099919767132462;0.013626834381551362548878891801;0.005765199161425576396267089763;0.012054507337526205665301226588;0.007861635220125786152611802038;0.003144654088050314634517068413;0.051362683438155136428360236778;0.032494758909853246886534350324;0.023584905660377360192558882090;0.016247379454926623443267175162;0.012578616352201258538068273651;0.004716981132075471518094733625;0.027253668763102725097757783601;0.011006289308176099919767132462;0.018343815513626834934335363414;0.004192872117400419512689424550;0.008909853249475890163422420187;0.017295597484276729188801269288;0.032494758909853246886534350324;0.008909853249475890163422420187;0.013102725366876309676111844738;0.000524109014675052439086178069;0.006813417190775681274439445900;0.003144654088050314634517068413;0.007861635220125786152611802038;0.000000000000000000000000000000;0.025157232704402517076136547303;0.005765199161425576396267089763;0.018867924528301886072378934500;0.036687631027253669868670726828;0.026205450733752619352223689475;0.013102725366876309676111844738;0.015723270440251572305223604076
-0.030817610062893081857016142067;0.005031446540880502894810266667;0.040251572327044023158482133340;0.198742138364779885595368114082;0.012578616352201258538068273651;0.018867924528301886072378934500;0.003773584905660377387948134498;0.018867924528301886072378934500;0.019496855345911948825810000585;0.020754716981132074332672132755;0.011320754716981131296482665505;0.017610062893081760565516802330;0.017610062893081760565516802330;0.035220125786163521131033604661;0.002515723270440251447405133334;0.016352201257861635058654670161;0.016981132075471697812085736246;0.020754716981132074332672132755;0.006289308176100629269034136826;0.010691823899371068543051599420;0.009433962264150943036189467250;0.013207547169811321291499339736;0.009433962264150943036189467250;0.035220125786163521131033604661;0.032075471698113207363878274236;0.027044025157232705336429745557;0.018867924528301886072378934500;0.005031446540880502894810266667;0.005660377358490565648241332752;0.030188679245283019103585075982;0.011320754716981131296482665505;0.022641509433962262592965331010;0.006289308176100629269034136826;0.012578616352201258538068273651;0.017610062893081760565516802330;0.035849056603773583884464670746;0.009433962264150943036189467250;0.008176100628930817529327335080;0.001257861635220125723702566667;0.017610062893081760565516802330;0.005031446540880502894810266667;0.009433962264150943036189467250;0.000000000000000000000000000000;0.019496855345911948825810000585;0.001886792452830188693974067249;0.016981132075471697812085736246;0.027044025157232705336429745557;0.025157232704402517076136547303;0.018867924528301886072378934500;0.022641509433962262592965331010
-0.029159519725557463132314950371;0.002858776443682104016069667196;0.050886220697541451052359207097;0.178387650085763294072194184992;0.006289308176100629269034136826;0.020011435105774726811445063390;0.001715265866209262409641800318;0.012006861063464836433811733230;0.012578616352201258538068273651;0.032018296169239568449427224550;0.012578616352201258538068273651;0.016009148084619784224713612275;0.012006861063464836433811733230;0.050886220697541451052359207097;0.004574042309891366425711467514;0.022870211549456832128557337569;0.017152658662092624963779741165;0.017152658662092624963779741165;0.002287021154945683212855733757;0.007432818753573470875462003704;0.013150371640937678907601338096;0.012006861063464836433811733230;0.004574042309891366425711467514;0.045168667810177247357028562647;0.035448827901658090666625611220;0.041738136077758718200936272069;0.017152658662092624963779741165;0.012006861063464836433811733230;0.003430531732418524819283600635;0.013722126929674099277134402541;0.014865637507146941750924007408;0.017724413950829045333312805610;0.004002287021154946056178403069;0.006861063464837049638567201271;0.013722126929674099277134402541;0.044025157232704399679068529849;0.008576329331046312481889870583;0.012578616352201258538068273651;0.000000000000000000000000000000;0.008576329331046312481889870583;0.002858776443682104016069667196;0.012006861063464836433811733230;0.000000000000000000000000000000;0.024585477415666093237156530904;0.004574042309891366425711467514;0.010863350485991995694745604339;0.038879359634076612883823997890;0.032590051457975985349513337042;0.017152658662092624963779741165;0.018296169239565465702845870055
-0.023584905660377360192558882090;0.011320754716981131296482665505;0.031603773584905660298804974673;0.287264150943396245896366281158;0.027358490566037736713145278600;0.023584905660377360192558882090;0.004716981132075471518094733625;0.013679245283018868356572639300;0.018867924528301886072378934500;0.016509433962264150747012436682;0.011792452830188680096279441045;0.024528301886792454322705481218;0.014622641509433962486719238427;0.023584905660377360192558882090;0.027358490566037736713145278600;0.021226415094339621397745432319;0.012264150943396227161352740609;0.013679245283018868356572639300;0.008490566037735848906042868123;0.002358490566037735759047366813;0.010377358490566037166336066377;0.018396226415094339007305634937;0.005660377358490565648241332752;0.025000000000000001387778780781;0.026886792452830189648071979036;0.018396226415094339007305634937;0.018396226415094339007305634937;0.006132075471698113580676370304;0.001415094339622641412060333188;0.025000000000000001387778780781;0.020283018867924527267598833191;0.010849056603773584231409365941;0.009905660377358490101262766814;0.010849056603773584231409365941;0.018867924528301886072378934500;0.017924528301886791942232335373;0.005660377358490565648241332752;0.011792452830188680096279441045;0.001886792452830188693974067249;0.009905660377358490101262766814;0.003301886792452830322874834934;0.009905660377358490101262766814;0.000000000000000000000000000000;0.010377358490566037166336066377;0.013679245283018868356572639300;0.012264150943396227161352740609;0.017924528301886791942232335373;0.013679245283018868356572639300;0.013207547169811321291499339736;0.013679245283018868356572639300
-0.023584905660377360192558882090;0.007075471698113207710822969432;0.049528301886792455710484261999;0.230542452830188676626832489092;0.021226415094339621397745432319;0.030070754716981132337316751091;0.004127358490566037686753109170;0.012971698113207547758962689954;0.012382075471698113927621065500;0.021816037735849055229087056773;0.010613207547169810698872716159;0.035966981132075470650732995637;0.005896226415094340048139720523;0.026533018867924529349267004363;0.012382075471698113927621065500;0.018278301886792452241037310046;0.016509433962264150747012436682;0.013561320754716981590304314409;0.008254716981132075373506218341;0.008254716981132075373506218341;0.009433962264150943036189467250;0.016509433962264150747012436682;0.003537735849056603855411484716;0.033018867924528301494024873364;0.030070754716981132337316751091;0.025353773584905661686583755454;0.012382075471698113927621065500;0.020636792452830187566403807864;0.001179245283018867879523683406;0.015919811320754716915670812227;0.019457547169811319903720558955;0.020047169811320753735062183409;0.004127358490566037686753109170;0.008844339622641509204847842796;0.012971698113207547758962689954;0.032429245283018867662683248909;0.006485849056603773879481344977;0.009433962264150943036189467250;0.002358490566037735759047366813;0.012971698113207547758962689954;0.004716981132075471518094733625;0.012382075471698113927621065500;0.000000000000000000000000000000;0.014150943396226415421645938864;0.009433962264150943036189467250;0.009433962264150943036189467250;0.035377358490566036819391371182;0.020047169811320753735062183409;0.009433962264150943036189467250;0.018278301886792452241037310046
-0.021383647798742137086103198840;0.002515723270440251447405133334;0.030188679245283019103585075982;0.197484276729559760088505981912;0.028930817610062893596722943812;0.025786163522012579829567613388;0.003144654088050314634517068413;0.022641509433962262592965331010;0.024528301886792454322705481218;0.016981132075471697812085736246;0.008176100628930817529327335080;0.033962264150943395624171472491;0.011320754716981131296482665505;0.022641509433962262592965331010;0.023270440251572325346396397094;0.027672955974842768089860811642;0.019496855345911948825810000585;0.014465408805031446798361471906;0.015094339622641509551792537991;0.004402515723270440141379200583;0.010691823899371068543051599420;0.016352201257861635058654670161;0.005660377358490565648241332752;0.024528301886792454322705481218;0.030817610062893081857016142067;0.020125786163522011579241066670;0.016352201257861635058654670161;0.027672955974842768089860811642;0.001886792452830188693974067249;0.039622641509433960405051067255;0.021383647798742137086103198840;0.012578616352201258538068273651;0.007547169811320754775896268995;0.006918238993710692022465202911;0.014465408805031446798361471906;0.019496855345911948825810000585;0.005660377358490565648241332752;0.011320754716981131296482665505;0.003773584905660377387948134498;0.011949685534591195784637207566;0.003773584905660377387948134498;0.017610062893081760565516802330;0.000000000000000000000000000000;0.011949685534591195784637207566;0.016352201257861635058654670161;0.011949685534591195784637207566;0.030188679245283019103585075982;0.018867924528301886072378934500;0.013836477987421384044930405821;0.012578616352201258538068273651
-0.017041996348143639145034100579;0.009738283627510651435654764896;0.045648204503956180122514751929;0.279975654290931241785500560582;0.003043213633597078356801679533;0.022519780888618379927068602342;0.003651856360316494288370536836;0.014607425441265977153482147344;0.015824710894704809016619861950;0.019476567255021302871309529792;0.011564211807668898362999598817;0.018867924528301886072378934500;0.013390139987827145290344432738;0.027388922702373707379619460767;0.009738283627510651435654764896;0.020693852708460132999723768421;0.017041996348143639145034100579;0.018259281801582472742895291162;0.007303712720632988576741073672;0.009738283627510651435654764896;0.010955569080949483298792479502;0.015824710894704809016619861950;0.005477784540474741649396239751;0.033475349969567864960584557821;0.035909920876445525217413035080;0.018867924528301886072378934500;0.018867924528301886072378934500;0.010955569080949483298792479502;0.001825928180158247144185268418;0.017650639074863055943964695871;0.008520998174071819572517050290;0.020693852708460132999723768421;0.002434570906877662858913691224;0.012172854534388313427206718131;0.011564211807668898362999598817;0.027388922702373707379619460767;0.006086427267194156713603359066;0.007303712720632988576741073672;0.001825928180158247144185268418;0.015216068167985392217689266658;0.003043213633597078356801679533;0.007912355447352404508309930975;0.000000000000000000000000000000;0.013998782714546560354551552052;0.007912355447352404508309930975;0.014607425441265977153482147344;0.034692635423006691619551844497;0.020085209981740719670240125083;0.011564211807668898362999598817;0.017650639074863055943964695871
-0.013722126929674099277134402541;0.005145797598627787662606269947;0.052601486563750715630405352385;0.336763865065751843985708546825;0.009148084619782732851422935028;0.008004574042309892112356806138;0.005145797598627787662606269947;0.013150371640937678907601338096;0.008004574042309892112356806138;0.020583190394511150650425079789;0.008004574042309892112356806138;0.017152658662092624963779741165;0.006289308176100629269034136826;0.030303030303030303871381079261;0.010863350485991995694745604339;0.012578616352201258538068273651;0.019439679817038306441911998945;0.018867924528301886072378934500;0.006861063464837049638567201271;0.008576329331046312481889870583;0.011435105774728416064278668784;0.010863350485991995694745604339;0.001715265866209262409641800318;0.045740423098913664257114675138;0.018867924528301886072378934500;0.019439679817038306441911998945;0.012578616352201258538068273651;0.002858776443682104016069667196;0.001715265866209262409641800318;0.016580903373356204594246676720;0.009148084619782732851422935028;0.027444253859348198554268805083;0.003430531732418524819283600635;0.008004574042309892112356806138;0.008576329331046312481889870583;0.044596912521440823518048546248;0.010291595197255575325212539894;0.009148084619782732851422935028;0.000000000000000000000000000000;0.014293882218410519646667466986;0.006289308176100629269034136826;0.001143510577472841606427866878;0.000000000000000000000000000000;0.013722126929674099277134402541;0.010291595197255575325212539894;0.011435105774728416064278668784;0.032590051457975985349513337042;0.016009148084619784224713612275;0.011435105774728416064278668784;0.009148084619782732851422935028
-0.036087369420702751499074878438;0.019468186134852800972527830936;0.061253561253561253363564276242;0.046533713200379869801004417695;0.002374169040835707403941379212;0.018993352326685659231531033697;0.006172839506172839163511412153;0.018993352326685659231531033697;0.031813865147198479299550655242;0.019943019943019942713524628175;0.014245014245014245291010013261;0.014245014245014245291010013261;0.018043684710351375749537439219;0.034662867996201329745531438675;0.017094017094017095736990796695;0.023741690408357076641499006087;0.027065527065527065359029634806;0.033238366571699907991987998912;0.008072174738841406127498601109;0.010446343779677113097759111326;0.017094017094017095736990796695;0.028015194681861348841023229284;0.005223171889838556548879555663;0.035137701804368468017081283961;0.041785375118708452391036445306;0.029914529914529915805010418239;0.016619183285849953995993999456;0.018518518518518517490534236458;0.002849002849002849144938176451;0.009971509971509971356762314088;0.037986704653371318463062067394;0.026590693257359923618032837567;0.004748338081671414807882758424;0.008072174738841406127498601109;0.018043684710351375749537439219;0.043684710351377019355023634262;0.010446343779677113097759111326;0.018518518518518517490534236458;0.003323836657169990452254104696;0.015194681861348528773003607739;0.007122507122507122645505006631;0.015194681861348528773003607739;0.000000000000000000000000000000;0.015194681861348528773003607739;0.003323836657169990452254104696;0.014719848053181387032006810500;0.036087369420702751499074878438;0.021842355175688509677511817131;0.015669515669515670514000404978;0.016619183285849953995993999456
-0.038364779874213834898188935085;0.016352201257861635058654670161;0.040251572327044023158482133340;0.069811320754716979508636143237;0.003773584905660377387948134498;0.020754716981132074332672132755;0.001886792452830188693974067249;0.010062893081761005789620533335;0.030188679245283019103585075982;0.027672955974842768089860811642;0.016981132075471697812085736246;0.023270440251572325346396397094;0.012578616352201258538068273651;0.042138364779874211418775331595;0.012578616352201258538068273651;0.026415094339622642582998679472;0.023899371069182391569274415133;0.031446540880503144610447208152;0.005660377358490565648241332752;0.008176100628930817529327335080;0.011949685534591195784637207566;0.017610062893081760565516802330;0.011949685534591195784637207566;0.030817610062893081857016142067;0.038993710691823897651620001170;0.037106918238993709391326802916;0.019496855345911948825810000585;0.009433962264150943036189467250;0.001886792452830188693974067249;0.029559748427672956350154009897;0.033333333333333332870740406406;0.014465408805031446798361471906;0.003773584905660377387948134498;0.010691823899371068543051599420;0.025786163522012579829567613388;0.034591194968553458377602538576;0.007547169811320754775896268995;0.015094339622641509551792537991;0.001886792452830188693974067249;0.023899371069182391569274415133;0.005660377358490565648241332752;0.013836477987421384044930405821;0.000000000000000000000000000000;0.018867924528301886072378934500;0.005660377358490565648241332752;0.011320754716981131296482665505;0.037106918238993709391326802916;0.027672955974842768089860811642;0.020125786163522011579241066670;0.017610062893081760565516802330
-0.029271206690561529101257676189;0.031660692951015534379877180982;0.028673835125448028648964537979;0.099761051373954592880188840809;0.012544802867383512967602854360;0.037634408602150538902808563080;0.003584229390681003581120567247;0.015531660692951015229068545409;0.014336917562724014324482268989;0.015531660692951015229068545409;0.014934289127837514776775407199;0.020908004778972519299706789297;0.013142174432497013419895992570;0.029868578255675029553550814398;0.019115890083632017942827374668;0.026284348864994026839791985140;0.013739545997610513872189130780;0.028673835125448028648964537979;0.029271206690561529101257676189;0.005973715651135006257654858075;0.025089605734767025935205708720;0.016726403823178016133654821829;0.008960573476702508519120549124;0.027479091995221027744378261559;0.048387096774193547044085050857;0.029271206690561529101257676189;0.025686977299880526387498846930;0.034647550776583033171895920077;0.004181600955794504033413705457;0.019713261648745518395120512878;0.020310633213859018847413651088;0.012544802867383512967602854360;0.008960573476702508519120549124;0.006571087216248506709947996285;0.010155316606929509423706825544;0.024492234169653525482912570510;0.008363201911589008066827410914;0.014934289127837514776775407199;0.001194743130227001121426710917;0.012544802867383512967602854360;0.005376344086021505805361719865;0.014336917562724014324482268989;0.000000000000000000000000000000;0.020310633213859018847413651088;0.011947431302270012515309716150;0.016726403823178016133654821829;0.023894862604540025030619432300;0.016726403823178016133654821829;0.020908004778972519299706789297;0.019115890083632017942827374668
-0.030158730158730159137681070547;0.015873015873015872134743631250;0.038095238095238098674499838125;0.185185185185185174905342364582;0.016402116402116400512012361901;0.016402116402116400512012361901;0.006878306878306878445472616335;0.014814814814814815380206169948;0.022222222222222223070309254922;0.018518518518518517490534236458;0.012698412698412698401684295391;0.015873015873015872134743631250;0.015873015873015872134743631250;0.031216931216931215892218531849;0.007936507936507936067371815625;0.016931216931216932358728044505;0.021164021164021162846324841667;0.021164021164021162846324841667;0.010052910052910053045893690182;0.005291005291005290711581210417;0.008994708994708994556632752904;0.011640211640211639912423358112;0.006878306878306878445472616335;0.029100529100529098913696657291;0.031216931216931215892218531849;0.026455026455026453557906052083;0.017989417989417989113265505807;0.039682539682539680336859078125;0.001587301587301587300210536924;0.020634920634920634469056111016;0.014814814814814815380206169948;0.014814814814814815380206169948;0.006878306878306878445472616335;0.008994708994708994556632752904;0.014285714285714285268213963320;0.032804232804232801024024723802;0.007936507936507936067371815625;0.008465608465608466179364022253;0.001587301587301587300210536924;0.012698412698412698401684295391;0.008994708994708994556632752904;0.021164021164021162846324841667;0.000000000000000000000000000000;0.015343915343915343757474900599;0.017989417989417989113265505807;0.009523809523809524668624959531;0.027513227513227513781890465339;0.020634920634920634469056111016;0.021693121693121694693040524271;0.016931216931216932358728044505
-0.040154813739719401322059155746;0.011611030478955007214092454149;0.066763425253991287577903790407;0.108853410740203188078467633204;0.001451378809869375901761556769;0.029027576197387518902592873360;0.006773101112723754063660308589;0.011611030478955007214092454149;0.012578616352201258538068273651;0.024189646831156264017437251823;0.011611030478955007214092454149;0.023222060957910014428184908297;0.013546202225447508127320617177;0.058055152394775037805185746720;0.003870343492985002260137195051;0.030962747943880018081097560412;0.015481373971940009040548780206;0.017900338655055636483126590974;0.003870343492985002260137195051;0.019351717464925012601728582240;0.009192065795839381506238119357;0.010643444605708755890116634646;0.004837929366231253150432145560;0.030962747943880018081097560412;0.039671020803096278262156459959;0.035800677310111272966253181949;0.014997581035316884245922608443;0.023222060957910014428184908297;0.000483792936623125282517149381;0.010643444605708755890116634646;0.012578616352201258538068273651;0.020803096274794388720330573506;0.003870343492985002260137195051;0.003386550556361877031830154294;0.020803096274794388720330573506;0.036768263183357526024952477428;0.012578616352201258538068273651;0.008224479922593130182262299854;0.004837929366231253150432145560;0.012578616352201258538068273651;0.005321722302854377945058317323;0.012094823415578132008718625912;0.000000000000000000000000000000;0.011611030478955007214092454149;0.000967585873246250565034298763;0.012094823415578132008718625912;0.046927914852443151916272512381;0.035316884373488149906350486162;0.024673439767779390546786899563;0.023222060957910014428184908297
-0.038441558441558443259822297478;0.017662337662337664057066177747;0.043636363636363639795234803387;0.032207792207792206029548509605;0.008311688311688311681102447892;0.037402597402597402564961015514;0.001558441558441558440206708980;0.006753246753246753240895738912;0.019740259740259741977341789720;0.026493506493506492616152314667;0.013506493506493506481791477825;0.034285714285714287419271073531;0.021298701298701299550186760712;0.040519480519480517710650957497;0.006753246753246753240895738912;0.028051948051948053658444237612;0.017662337662337664057066177747;0.025974025974025975738168625639;0.010909090909090909948808700847;0.008311688311688311681102447892;0.008311688311688311681102447892;0.023896103896103897817893013666;0.006233766233766233760826835919;0.028571428571428570536427926640;0.045194805194805197368079774378;0.029090909090909090883858567622;0.019220779220779221629911148739;0.044155844155844156673218492415;0.002597402597402597400344514966;0.032207792207792206029548509605;0.022857142857142857123031731703;0.021818181818181819897617401693;0.005714285714285714280757932926;0.008831168831168832028533088874;0.017142857142857143709635536766;0.029610389610389611231289208604;0.007272727272727272720964641906;0.009350649350649350641240253879;0.008311688311688311681102447892;0.013506493506493506481791477825;0.004675324675324675320620126939;0.023896103896103897817893013666;0.000000000000000000000000000000;0.016103896103896103014774254802;0.009350649350649350641240253879;0.017662337662337664057066177747;0.030649350649350648456703538614;0.036363636363636361870099733551;0.016623376623376623362204895784;0.021298701298701299550186760712
-0.025374105400130124443602852580;0.007156798959011060473622833911;0.029928432010409889568736119259;0.167859466493168518752554518869;0.008458035133376708147867617527;0.037085230969420950042358953169;0.002602472348731294914808698238;0.011060507482108001761633708782;0.030579050097592711671135035090;0.023422251138581651197512201179;0.014313597918022120947245667821;0.026024723487312946546001768411;0.026675341574495772117847636196;0.027976577748861419792092419812;0.007156798959011060473622833911;0.021470396877033181420868501732;0.017566688353936238398134150884;0.016916070266753416295735235053;0.013012361743656473273000884205;0.004554326610279765992495004667;0.011060507482108001761633708782;0.012361743656473649435878492397;0.005855562784645412799378050295;0.023422251138581651197512201179;0.043591411841249184944135919295;0.021470396877033181420868501732;0.009759271307742355822112401142;0.035133376707872476796268301769;0.001301236174365647457404349119;0.028627195836044241894491335643;0.031229668184775537242980902874;0.013012361743656473273000884205;0.004554326610279765992495004667;0.010409889394925179659234792950;0.013012361743656473273000884205;0.031229668184775537242980902874;0.008458035133376708147867617527;0.007807417046193884310745225719;0.005204944697462589829617396475;0.009108653220559531984990009335;0.007807417046193884310745225719;0.021470396877033181420868501732;0.000000000000000000000000000000;0.013012361743656473273000884205;0.007156798959011060473622833911;0.009759271307742355822112401142;0.029928432010409889568736119259;0.029928432010409889568736119259;0.018867924528301886072378934500;0.016265452179570590723889367268
-0.022298456260720411759024273124;0.006289308176100629269034136826;0.044025157232704399679068529849;0.331618067467124078007145726588;0.010863350485991995694745604339;0.024585477415666093237156530904;0.002858776443682104016069667196;0.008004574042309892112356806138;0.028587764436821039293334933973;0.012578616352201258538068273651;0.012006861063464836433811733230;0.021726700971983991389491208679;0.014865637507146941750924007408;0.028587764436821039293334933973;0.010291595197255575325212539894;0.021726700971983991389491208679;0.012006861063464836433811733230;0.017724413950829045333312805610;0.007432818753573470875462003704;0.006289308176100629269034136826;0.009719839908519153220955999473;0.016009148084619784224713612275;0.004002287021154946056178403069;0.021726700971983991389491208679;0.023441966838193252498090402014;0.021726700971983991389491208679;0.014293882218410519646667466986;0.003430531732418524819283600635;0.001143510577472841606427866878;0.030303030303030303871381079261;0.020011435105774726811445063390;0.008004574042309892112356806138;0.004002287021154946056178403069;0.005145797598627787662606269947;0.015437392795883362120457071853;0.022870211549456832128557337569;0.005145797598627787662606269947;0.004574042309891366425711467514;0.001715265866209262409641800318;0.009148084619782732851422935028;0.002287021154945683212855733757;0.008004574042309892112356806138;0.000000000000000000000000000000;0.012578616352201258538068273651;0.007432818753573470875462003704;0.009148084619782732851422935028;0.034877072612921666827645594822;0.019439679817038306441911998945;0.010291595197255575325212539894;0.009719839908519153220955999473
-0.020085209981740719670240125083;0.012781497261107730226137313423;0.034692635423006691619551844497;0.255021302495435198132156529027;0.018867924528301886072378934500;0.024954351795496043653344031554;0.003651856360316494288370536836;0.017041996348143639145034100579;0.020085209981740719670240125083;0.013390139987827145290344432738;0.008520998174071819572517050290;0.032258064516129031362723367238;0.009129640900791236371447645581;0.021911138161898966597584959004;0.014607425441265977153482147344;0.018867924528301886072378934500;0.017041996348143639145034100579;0.020693852708460132999723768421;0.009738283627510651435654764896;0.005477784540474741649396239751;0.015824710894704809016619861950;0.007912355447352404508309930975;0.003651856360316494288370536836;0.025562994522215460452274626846;0.031649421789409618033239723900;0.013390139987827145290344432738;0.013390139987827145290344432738;0.026171637248934873781758270184;0.000608642726719415714728422806;0.037127206329884358815274225663;0.025562994522215460452274626846;0.013998782714546560354551552052;0.006695069993913572645172216369;0.004869141813755325717827382448;0.007303712720632988576741073672;0.020085209981740719670240125083;0.008520998174071819572517050290;0.010346926354230066499861884211;0.000608642726719415714728422806;0.010955569080949483298792479502;0.008520998174071819572517050290;0.017650639074863055943964695871;0.000000000000000000000000000000;0.012172854534388313427206718131;0.012781497261107730226137313423;0.010346926354230066499861884211;0.027997565429093120709103104105;0.017650639074863055943964695871;0.015824710894704809016619861950;0.013998782714546560354551552052
-0.029411764705882352533006240947;0.015538290788013319268512368865;0.021642619311875693766111794503;0.118201997780244177915776049304;0.012763596004439511574779508862;0.033296337402885685385900416122;0.011098779134295227305484488056;0.018312985571587125227521752890;0.018867924528301886072378934500;0.013873473917869034999217348059;0.019422863485016646917236116110;0.014983351831298556688931711278;0.019977802441731411231540249673;0.027192008879023309153577514508;0.014428412874583795844074529668;0.031631520532741395912434967386;0.013318534961154272419636690472;0.026637069922308544839273380944;0.023862375138734740614987472895;0.003884572697003329817128092216;0.016648168701442842692950208061;0.013318534961154272419636690472;0.015538290788013319268512368865;0.016648168701442842692950208061;0.036625971143174250455043505781;0.023307436182019976300683339332;0.020532741398446172076397431283;0.036625971143174250455043505781;0.003329633740288568104909172618;0.042175360710321865842509225786;0.017203107658157603537807389671;0.013873473917869034999217348059;0.012763596004439511574779508862;0.008324084350721421346475104031;0.022752497225305215455826157722;0.017758046614872364382664571281;0.008879023307436182191332285640;0.014983351831298556688931711278;0.006104328523862375364961163626;0.019977802441731411231540249673;0.006104328523862375364961163626;0.014428412874583795844074529668;0.000000000000000000000000000000;0.014983351831298556688931711278;0.011098779134295227305484488056;0.017758046614872364382664571281;0.023307436182019976300683339332;0.024972253052164262304701836115;0.017203107658157603537807389671;0.014428412874583795844074529668
-0.028016009148084618923801869528;0.025728987993138937445669611748;0.019439679817038306441911998945;0.160091480846197814491560507122;0.057175528873642078586669867946;0.032018296169239568449427224550;0.006289308176100629269034136826;0.012006861063464836433811733230;0.016580903373356204594246676720;0.013150371640937678907601338096;0.012578616352201258538068273651;0.028587764436821039293334933973;0.014293882218410519646667466986;0.016580903373356204594246676720;0.024585477415666093237156530904;0.014865637507146941750924007408;0.012578616352201258538068273651;0.017724413950829045333312805610;0.037164093767867355244671756509;0.002287021154945683212855733757;0.016009148084619784224713612275;0.012006861063464836433811733230;0.006289308176100629269034136826;0.016580903373356204594246676720;0.026872498570611778184735740638;0.013150371640937678907601338096;0.013722126929674099277134402541;0.026872498570611778184735740638;0.005717552887364208032139334392;0.084048027444253853301958656630;0.023441966838193252498090402014;0.012578616352201258538068273651;0.016580903373356204594246676720;0.006861063464837049638567201271;0.009719839908519153220955999473;0.013150371640937678907601338096;0.007432818753573470875462003704;0.012578616352201258538068273651;0.001715265866209262409641800318;0.010863350485991995694745604339;0.004002287021154946056178403069;0.020583190394511150650425079789;0.000000000000000000000000000000;0.008004574042309892112356806138;0.021154945683247571019958144234;0.008576329331046312481889870583;0.014865637507146941750924007408;0.011435105774728416064278668784;0.015437392795883362120457071853;0.008004574042309892112356806138
-0.023441966838193252498090402014;0.017724413950829045333312805610;0.017152658662092624963779741165;0.236706689536878206459036277920;0.066323613493424818376986706880;0.036592338479130931405691740110;0.006861063464837049638567201271;0.009719839908519153220955999473;0.008004574042309892112356806138;0.013150371640937678907601338096;0.014293882218410519646667466986;0.033161806746712409188493353440;0.009719839908519153220955999473;0.016009148084619784224713612275;0.013722126929674099277134402541;0.014293882218410519646667466986;0.013150371640937678907601338096;0.008576329331046312481889870583;0.026872498570611778184735740638;0.002287021154945683212855733757;0.010291595197255575325212539894;0.007432818753573470875462003704;0.004002287021154946056178403069;0.026872498570611778184735740638;0.025728987993138937445669611748;0.021726700971983991389491208679;0.008004574042309892112356806138;0.029159519725557463132314950371;0.002287021154945683212855733757;0.071469411092052598233337334932;0.016009148084619784224713612275;0.013150371640937678907601338096;0.009148084619782732851422935028;0.005717552887364208032139334392;0.008004574042309892112356806138;0.020011435105774726811445063390;0.004574042309891366425711467514;0.009148084619782732851422935028;0.003430531732418524819283600635;0.009719839908519153220955999473;0.004002287021154946056178403069;0.013722126929674099277134402541;0.000000000000000000000000000000;0.015437392795883362120457071853;0.014865637507146941750924007408;0.015437392795883362120457071853;0.014293882218410519646667466986;0.009148084619782732851422935028;0.010863350485991995694745604339;0.008576329331046312481889870583
-0.024797843665768194015841530131;0.003773584905660377387948134498;0.016711590296495958118949687332;0.354177897574123989876682117028;0.071159029649595681443763339757;0.043126684636118600701948366805;0.004851752021563342232024496070;0.003234501347708894965909953712;0.003234501347708894965909953712;0.011320754716981131296482665505;0.005929919137466307076100857643;0.050134770889487867417955158089;0.008625336927223720487334368556;0.010242587601078167319768041921;0.004312668463611860243667184278;0.012938005390835579863639814846;0.005390835579514825087743545851;0.002156334231805930121833592139;0.010242587601078167319768041921;0.007547169811320754775896268995;0.011320754716981131296482665505;0.005929919137466307076100857643;0.002695417789757412543871772925;0.015633423180592992407511587771;0.023719676549865228304403430570;0.009703504043126684464048992140;0.009703504043126684464048992140;0.008625336927223720487334368556;0.001078167115902965060916796070;0.091105121293800536697027325772;0.037196765498652292758485771174;0.009703504043126684464048992140;0.001078167115902965060916796070;0.003234501347708894965909953712;0.005929919137466307076100857643;0.016172506738544475263230637552;0.002695417789757412543871772925;0.009703504043126684464048992140;0.000000000000000000000000000000;0.011859838274932614152201715285;0.005390835579514825087743545851;0.002156334231805930121833592139;0.000000000000000000000000000000;0.007008086253369271920177219215;0.003234501347708894965909953712;0.008086253369272237631615318776;0.018328840970350403216659884720;0.009703504043126684464048992140;0.005929919137466307076100857643;0.009164420485175201608329942360
-0.021911138161898966597584959004;0.001217285453438831429456845612;0.019476567255021302871309529792;0.374315276932440654800160473314;0.045039561777236759854137204684;0.040779062690200852669963893504;0.007303712720632988576741073672;0.010955569080949483298792479502;0.004260499087035909786258525145;0.007912355447352404508309930975;0.008520998174071819572517050290;0.062690200852099822736995804462;0.009129640900791236371447645581;0.015824710894704809016619861950;0.006086427267194156713603359066;0.019476567255021302871309529792;0.008520998174071819572517050290;0.006086427267194156713603359066;0.012172854534388313427206718131;0.005477784540474741649396239751;0.009129640900791236371447645581;0.004260499087035909786258525145;0.004869141813755325717827382448;0.008520998174071819572517050290;0.023128423615337796725999197633;0.012172854534388313427206718131;0.007912355447352404508309930975;0.012781497261107730226137313423;0.001217285453438831429456845612;0.059038344491783321943412232713;0.038953134510042605742619059583;0.007303712720632988576741073672;0.003043213633597078356801679533;0.002434570906877662858913691224;0.007912355447352404508309930975;0.010346926354230066499861884211;0.004869141813755325717827382448;0.008520998174071819572517050290;0.000000000000000000000000000000;0.009738283627510651435654764896;0.002434570906877662858913691224;0.005477784540474741649396239751;0.000000000000000000000000000000;0.008520998174071819572517050290;0.004260499087035909786258525145;0.007303712720632988576741073672;0.013998782714546560354551552052;0.011564211807668898362999598817;0.015216068167985392217689266658;0.007912355447352404508309930975
-0.024797843665768194015841530131;0.012398921832884097007920765066;0.023180592991913745448684380790;0.294339622641509424116890158984;0.038274932614555258469923870734;0.043126684636118600701948366805;0.001078167115902965060916796070;0.014016172506738543840354438430;0.005929919137466307076100857643;0.013477088948787062719358864626;0.008625336927223720487334368556;0.032884097035040429912733372930;0.019946091644204851783817034061;0.022641509433962262592965331010;0.007008086253369271920177219215;0.013477088948787062719358864626;0.014016172506738543840354438430;0.015094339622641509551792537991;0.010781671159029650175487091701;0.005390835579514825087743545851;0.011320754716981131296482665505;0.008086253369272237631615318776;0.008086253369272237631615318776;0.016172506738544475263230637552;0.033423180592991916237899374664;0.022102425876010783206693233183;0.011320754716981131296482665505;0.005929919137466307076100857643;0.001617250673854447482954976856;0.068463611859838277573508946716;0.020485175202156334639536083841;0.012938005390835579863639814846;0.004851752021563342232024496070;0.005929919137466307076100857643;0.017250673854447440974668737113;0.017789757412398920360940834939;0.004312668463611860243667184278;0.009164420485175201608329942360;0.000000000000000000000000000000;0.021024258760107817495255133622;0.005390835579514825087743545851;0.007547169811320754775896268995;0.000000000000000000000000000000;0.008086253369272237631615318776;0.003773584905660377387948134498;0.010781671159029650175487091701;0.012398921832884097007920765066;0.012398921832884097007920765066;0.012398921832884097007920765066;0.006469002695417789931819907423
-0.020583190394511150650425079789;0.009148084619782732851422935028;0.019439679817038306441911998945;0.290451686678101783645189470917;0.065751858204688387599112786575;0.032590051457975985349513337042;0.002858776443682104016069667196;0.010291595197255575325212539894;0.013150371640937678907601338096;0.012578616352201258538068273651;0.009148084619782732851422935028;0.058319039451114926264629900743;0.013722126929674099277134402541;0.015437392795883362120457071853;0.006289308176100629269034136826;0.021154945683247571019958144234;0.009719839908519153220955999473;0.008576329331046312481889870583;0.011435105774728416064278668784;0.001715265866209262409641800318;0.012578616352201258538068273651;0.008004574042309892112356806138;0.003430531732418524819283600635;0.013150371640937678907601338096;0.026872498570611778184735740638;0.017152658662092624963779741165;0.007432818753573470875462003704;0.009719839908519153220955999473;0.001715265866209262409641800318;0.098341909662664372948626123616;0.020583190394511150650425079789;0.003430531732418524819283600635;0.002858776443682104016069667196;0.005717552887364208032139334392;0.013722126929674099277134402541;0.013150371640937678907601338096;0.004002287021154946056178403069;0.013150371640937678907601338096;0.001143510577472841606427866878;0.004574042309891366425711467514;0.001143510577472841606427866878;0.008576329331046312481889870583;0.000000000000000000000000000000;0.008576329331046312481889870583;0.004002287021154946056178403069;0.007432818753573470875462003704;0.014293882218410519646667466986;0.014865637507146941750924007408;0.013722126929674099277134402541;0.014293882218410519646667466986
-0.020011435105774726811445063390;0.007432818753573470875462003704;0.014293882218410519646667466986;0.371069182389937080035480221341;0.073756432246998279711469592712;0.039451114922813036722804014289;0.004002287021154946056178403069;0.003430531732418524819283600635;0.005145797598627787662606269947;0.005717552887364208032139334392;0.008576329331046312481889870583;0.043453401943967982778982417358;0.010863350485991995694745604339;0.013150371640937678907601338096;0.001715265866209262409641800318;0.017724413950829045333312805610;0.004574042309891366425711467514;0.006289308176100629269034136826;0.013722126929674099277134402541;0.003430531732418524819283600635;0.012006861063464836433811733230;0.005145797598627787662606269947;0.004574042309891366425711467514;0.014293882218410519646667466986;0.030303030303030303871381079261;0.014293882218410519646667466986;0.004574042309891366425711467514;0.007432818753573470875462003704;0.002287021154945683212855733757;0.094339622641509440770235528362;0.018867924528301886072378934500;0.009719839908519153220955999473;0.000571755288736420803213933439;0.005717552887364208032139334392;0.009148084619782732851422935028;0.008576329331046312481889870583;0.006289308176100629269034136826;0.009148084619782732851422935028;0.000000000000000000000000000000;0.004002287021154946056178403069;0.001143510577472841606427866878;0.002858776443682104016069667196;0.000000000000000000000000000000;0.006861063464837049638567201271;0.005145797598627787662606269947;0.006289308176100629269034136826;0.016009148084619784224713612275;0.015437392795883362120457071853;0.009148084619782732851422935028;0.008004574042309892112356806138
-0.021383647798742137086103198840;0.006289308176100629269034136826;0.015723270440251572305223604076;0.382389937106918265108390642126;0.062264150943396226467463350218;0.034591194968553458377602538576;0.005660377358490565648241332752;0.005031446540880502894810266667;0.003773584905660377387948134498;0.011949685534591195784637207566;0.006918238993710692022465202911;0.050314465408805034152273094605;0.006289308176100629269034136826;0.010062893081761005789620533335;0.003773584905660377387948134498;0.019496855345911948825810000585;0.008805031446540880282758401165;0.006289308176100629269034136826;0.014465408805031446798361471906;0.005660377358490565648241332752;0.011949685534591195784637207566;0.005031446540880502894810266667;0.001886792452830188693974067249;0.013836477987421384044930405821;0.033333333333333332870740406406;0.013207547169811321291499339736;0.006918238993710692022465202911;0.010062893081761005789620533335;0.000628930817610062861851283333;0.071698113207547167768929341491;0.032075471698113207363878274236;0.008176100628930817529327335080;0.003144654088050314634517068413;0.003144654088050314634517068413;0.005660377358490565648241332752;0.009433962264150943036189467250;0.005660377358490565648241332752;0.006289308176100629269034136826;0.000628930817610062861851283333;0.006289308176100629269034136826;0.001257861635220125723702566667;0.006918238993710692022465202911;0.000000000000000000000000000000;0.006289308176100629269034136826;0.005660377358490565648241332752;0.003773584905660377387948134498;0.015723270440251572305223604076;0.012578616352201258538068273651;0.010691823899371068543051599420;0.006918238993710692022465202911
-0.019439679817038306441911998945;0.004574042309891366425711467514;0.018296169239565465702845870055;0.361349342481417978856228501172;0.058319039451114926264629900743;0.041166380789022301300850159578;0.004574042309891366425711467514;0.008004574042309892112356806138;0.005145797598627787662606269947;0.007432818753573470875462003704;0.008576329331046312481889870583;0.061749571183533448481828287413;0.006289308176100629269034136826;0.017152658662092624963779741165;0.006861063464837049638567201271;0.017724413950829045333312805610;0.008576329331046312481889870583;0.008576329331046312481889870583;0.009719839908519153220955999473;0.005145797598627787662606269947;0.005145797598627787662606269947;0.004574042309891366425711467514;0.002858776443682104016069667196;0.012578616352201258538068273651;0.026300743281875357815202676193;0.011435105774728416064278668784;0.006289308176100629269034136826;0.012006861063464836433811733230;0.000571755288736420803213933439;0.096626643796455122248367786142;0.018296169239565465702845870055;0.005145797598627787662606269947;0.002858776443682104016069667196;0.005145797598627787662606269947;0.005145797598627787662606269947;0.016580903373356204594246676720;0.006289308176100629269034136826;0.008004574042309892112356806138;0.000571755288736420803213933439;0.008576329331046312481889870583;0.004002287021154946056178403069;0.006861063464837049638567201271;0.000000000000000000000000000000;0.006289308176100629269034136826;0.008576329331046312481889870583;0.008576329331046312481889870583;0.007432818753573470875462003704;0.008004574042309892112356806138;0.007432818753573470875462003704;0.009148084619782732851422935028
-0.019496855345911948825810000585;0.003773584905660377387948134498;0.022012578616352199839534264925;0.342767295597484256131082247521;0.069811320754716979508636143237;0.045283018867924525185930662019;0.002515723270440251447405133334;0.006918238993710692022465202911;0.003773584905660377387948134498;0.013207547169811321291499339736;0.008805031446540880282758401165;0.054716981132075473426290557200;0.009433962264150943036189467250;0.017610062893081760565516802330;0.001886792452830188693974067249;0.024528301886792454322705481218;0.006289308176100629269034136826;0.005031446540880502894810266667;0.009433962264150943036189467250;0.003144654088050314634517068413;0.008176100628930817529327335080;0.006289308176100629269034136826;0.003144654088050314634517068413;0.017610062893081760565516802330;0.030188679245283019103585075982;0.013836477987421384044930405821;0.004402515723270440141379200583;0.001886792452830188693974067249;0.000628930817610062861851283333;0.079874213836477983563533200595;0.023899371069182391569274415133;0.005031446540880502894810266667;0.001257861635220125723702566667;0.004402515723270440141379200583;0.009433962264150943036189467250;0.013207547169811321291499339736;0.005031446540880502894810266667;0.010691823899371068543051599420;0.001257861635220125723702566667;0.005660377358490565648241332752;0.001886792452830188693974067249;0.001886792452830188693974067249;0.000000000000000000000000000000;0.010691823899371068543051599420;0.004402515723270440141379200583;0.008805031446540880282758401165;0.017610062893081760565516802330;0.018238993710691823318947868415;0.011320754716981131296482665505;0.008805031446540880282758401165
-0.030997304582210241652440174676;0.006738544474393531359679432313;0.018194070080862535104815336240;0.200134770889487861866840034963;0.084231805929919134623418131014;0.047843665768194071352681362441;0.004043126684636118815807659388;0.010107816711590295738476541487;0.007412398921832884061966506550;0.009433962264150943036189467250;0.009433962264150943036189467250;0.064690026954177901052922550207;0.009433962264150943036189467250;0.012803234501347708282348314413;0.006064690026954177790030620088;0.012129380053908355580061240175;0.014824797843665768123933013101;0.010107816711590295738476541487;0.021563342318059300350974183402;0.003369272237196765679839716157;0.018867924528301886072378934500;0.008760107816711590333902393013;0.003369272237196765679839716157;0.016846361185983826230794235812;0.022237196765498651318537781663;0.013477088948787062719358864626;0.006064690026954177790030620088;0.011455525606469002877774165938;0.002021563342318059407903829694;0.120619946091644211771942707401;0.024258760107816711160122480351;0.014150943396226415421645938864;0.004043126684636118815807659388;0.004043126684636118815807659388;0.004716981132075471518094733625;0.015498652291105120826220087338;0.003369272237196765679839716157;0.011455525606469002877774165938;0.001347708894878706271935886463;0.006738544474393531359679432313;0.010781671159029650175487091701;0.004716981132075471518094733625;0.000000000000000000000000000000;0.006064690026954177790030620088;0.025606469002695416564696628825;0.009433962264150943036189467250;0.016172506738544475263230637552;0.011455525606469002877774165938;0.007412398921832884061966506550;0.011455525606469002877774165938
-0.020803096274794388720330573506;0.006289308176100629269034136826;0.014997581035316884245922608443;0.472181906144170271399929106337;0.065795839380745041458098398834;0.018867924528301886072378934500;0.004354136429608127488444235809;0.003870343492985002260137195051;0.004354136429608127488444235809;0.007256894049346879725648218340;0.004354136429608127488444235809;0.032414126753749397669146503631;0.007256894049346879725648218340;0.012094823415578132008718625912;0.010643444605708755890116634646;0.014997581035316884245922608443;0.008708272859216254976888471617;0.008224479922593130182262299854;0.009675858732462506300864291120;0.007740686985970004520274390103;0.007740686985970004520274390103;0.003386550556361877031830154294;0.002902757619738751803523113537;0.011127237542331882419466282386;0.024189646831156264017437251823;0.011127237542331882419466282386;0.004837929366231253150432145560;0.011611030478955007214092454149;0.000967585873246250565034298763;0.061441702951136913102292425037;0.013546202225447508127320617177;0.009192065795839381506238119357;0.001935171746492501130068597526;0.004837929366231253150432145560;0.005805515239477503607046227074;0.012578616352201258538068273651;0.002418964683115626575216072780;0.006773101112723754063660308589;0.000483792936623125282517149381;0.009675858732462506300864291120;0.002418964683115626575216072780;0.006773101112723754063660308589;0.000000000000000000000000000000;0.005805515239477503607046227074;0.002418964683115626575216072780;0.003870343492985002260137195051;0.014513788098693759451296436680;0.009675858732462506300864291120;0.005805515239477503607046227074;0.007256894049346879725648218340
-0.024130190796857464707869667109;0.007295173961840628260033803087;0.012345679012345678327022824305;0.365319865319865322295100895644;0.002805836139169472307625108343;0.030303030303030303871381079261;0.002244668911335578193044781870;0.007295173961840628260033803087;0.004489337822671156386089563739;0.012345679012345678327022824305;0.014029180695847362839168148696;0.040404040404040407474806073651;0.021324354657687991099201951783;0.026936026936026934847090430480;0.005050505050505050934350759206;0.021324354657687991099201951783;0.008978675645342312772179127478;0.008417508417508417356556194022;0.009539842873176206453078584957;0.005611672278338944615250216685;0.012345679012345678327022824305;0.006172839506172839163511412153;0.008978675645342312772179127478;0.022446689113355778461000866741;0.034792368125701460257470643000;0.021885521885521886514824885239;0.013468013468013467423545215240;0.007295173961840628260033803087;0.005611672278338944615250216685;0.027497194163860830262713363936;0.024130190796857464707869667109;0.011784511784511784646123366826;0.005611672278338944615250216685;0.002805836139169472307625108343;0.025252525252525252069668582067;0.015151515151515151935690539631;0.006172839506172839163511412153;0.008417508417508417356556194022;0.001122334455667789096522390935;0.012906846240179573742645757761;0.003367003367003366855886303810;0.005611672278338944615250216685;0.000000000000000000000000000000;0.010662177328843995549600975892;0.006172839506172839163511412153;0.006734006734006733711772607620;0.025813692480359147485291515522;0.015151515151515151935690539631;0.007295173961840628260033803087;0.015151515151515151935690539631
-0.027044025157232705336429745557;0.009433962264150943036189467250;0.032704402515723270117309340321;0.323270440251572310774719198889;0.010691823899371068543051599420;0.016352201257861635058654670161;0.006289308176100629269034136826;0.008176100628930817529327335080;0.013207547169811321291499339736;0.009433962264150943036189467250;0.009433962264150943036189467250;0.022012578616352199839534264925;0.018238993710691823318947868415;0.026415094339622642582998679472;0.005660377358490565648241332752;0.016981132075471697812085736246;0.011320754716981131296482665505;0.013207547169811321291499339736;0.017610062893081760565516802330;0.008805031446540880282758401165;0.010691823899371068543051599420;0.013207547169811321291499339736;0.002515723270440251447405133334;0.018867924528301886072378934500;0.031446540880503144610447208152;0.016352201257861635058654670161;0.015723270440251572305223604076;0.011320754716981131296482665505;0.004402515723270440141379200583;0.022641509433962262592965331010;0.018867924528301886072378934500;0.014465408805031446798361471906;0.001886792452830188693974067249;0.012578616352201258538068273651;0.023899371069182391569274415133;0.014465408805031446798361471906;0.004402515723270440141379200583;0.006918238993710692022465202911;0.004402515723270440141379200583;0.015094339622641509551792537991;0.006289308176100629269034136826;0.006289308176100629269034136826;0.000000000000000000000000000000;0.015723270440251572305223604076;0.003144654088050314634517068413;0.010062893081761005789620533335;0.028301886792452830843291877727;0.030188679245283019103585075982;0.013207547169811321291499339736;0.016352201257861635058654670161
-0.025020508613617719467780986520;0.002050861361771944176013438010;0.025020508613617719467780986520;0.303527481542247734580541873584;0.020098441345365054139238125686;0.033223954060705496171834738561;0.003281378178835110941830022213;0.006972928630024610371918036833;0.005742411812961444039782321624;0.008203445447087776704053752042;0.014356029532403610099455804061;0.032403609515996717460595277771;0.025430680885972108823400716915;0.029122231337161609554531338517;0.003691550451189499430088014620;0.024200164068908940756541525730;0.012305168170631665056080628062;0.006152584085315832528040314031;0.018047579983593110830586425664;0.004922067268252666195904598823;0.018457752255947496716759204105;0.011894995898277275700460897667;0.009433962264150943036189467250;0.015996718621821164052487773688;0.032813781788351106816215008166;0.022149302707136997447889825708;0.009844134536505332391809197645;0.009433962264150943036189467250;0.002461033634126333097952299411;0.039376538146021329567236790581;0.024200164068908940756541525730;0.009844134536505332391809197645;0.008613617719442166059673482437;0.005332239540607054684162591229;0.019278096800656275427998664895;0.015176374077112387075971788875;0.003691550451189499430088014620;0.013945857260049220743836073666;0.001640689089417555470915011107;0.013125512715340443767320088853;0.003281378178835110941830022213;0.004511894995898277707646606416;0.000000000000000000000000000000;0.007793273174733388215795759635;0.009433962264150943036189467250;0.010664479081214109368325182459;0.020918785890073829381030634522;0.021739130434782608092270095312;0.015176374077112387075971788875;0.015996718621821164052487773688
-0.024174528301886794023900506545;0.008254716981132075373506218341;0.022405660377358489060428681228;0.233490566037735852722434515272;0.020636792452830187566403807864;0.041273584905660375132807615728;0.007665094339622641542164593886;0.008254716981132075373506218341;0.018867924528301886072378934500;0.017099056603773584578354061136;0.011792452830188680096279441045;0.052476415094339624867192384272;0.010023584905660376867531091705;0.023584905660377360192558882090;0.007665094339622641542164593886;0.020636792452830187566403807864;0.005896226415094340048139720523;0.009433962264150943036189467250;0.016509433962264150747012436682;0.005306603773584905349436358080;0.018278301886792452241037310046;0.011202830188679244530214340614;0.006485849056603773879481344977;0.017688679245283018409695685591;0.041273584905660375132807615728;0.020636792452830187566403807864;0.015330188679245283084329187773;0.007075471698113207710822969432;0.001179245283018867879523683406;0.050707547169811323373167510908;0.024174528301886794023900506545;0.006485849056603773879481344977;0.005306603773584905349436358080;0.012971698113207547758962689954;0.009433962264150943036189467250;0.015330188679245283084329187773;0.010613207547169810698872716159;0.010613207547169810698872716159;0.003537735849056603855411484716;0.015919811320754716915670812227;0.009433962264150943036189467250;0.014150943396226415421645938864;0.000000000000000000000000000000;0.012382075471698113927621065500;0.015919811320754716915670812227;0.015330188679245283084329187773;0.022405660377358489060428681228;0.015919811320754716915670812227;0.012382075471698113927621065500;0.012382075471698113927621065500
-0.036163522012578615261180203788;0.009433962264150943036189467250;0.035115303983228512985093061616;0.083857442348008390253788491009;0.022012578616352199839534264925;0.044549266247379454286559052889;0.003144654088050314634517068413;0.014150943396226415421645938864;0.005765199161425576396267089763;0.025157232704402517076136547303;0.018867924528301886072378934500;0.060796645702306077729826228051;0.019392033542976940679869457540;0.024109014675052411330602453177;0.006813417190775681274439445900;0.030922431865828093472403637065;0.008385744234800839025378849101;0.017819706498951780326844840374;0.014675052410901468294412985927;0.006813417190775681274439445900;0.017295597484276729188801269288;0.003144654088050314634517068413;0.004192872117400419512689424550;0.029350104821802936588825971853;0.051362683438155136428360236778;0.033542976939203356101515396404;0.020440251572327042955956599712;0.004716981132075471518094733625;0.007337526205450734147206492963;0.046645702306079665777627241141;0.038784067085953881359738915080;0.016247379454926623443267175162;0.008385744234800839025378849101;0.007337526205450734147206492963;0.017819706498951780326844840374;0.023584905660377360192558882090;0.008385744234800839025378849101;0.016771488469601678050757698202;0.000000000000000000000000000000;0.010482180293501048781723561376;0.004716981132075471518094733625;0.003668763102725367073603246482;0.000000000000000000000000000000;0.017295597484276729188801269288;0.003668763102725367073603246482;0.018343815513626834934335363414;0.027253668763102725097757783601;0.025681341719077568214180118389;0.019392033542976940679869457540;0.026205450733752619352223689475
-0.023060796645702305585068359051;0.007861635220125786152611802038;0.026729559748427673959714212515;0.311844863731656207761488985852;0.012054507337526205665301226588;0.026205450733752619352223689475;0.005241090146750524390861780688;0.006813417190775681274439445900;0.046645702306079665777627241141;0.012054507337526205665301226588;0.011530398322851152792534179525;0.029350104821802936588825971853;0.019392033542976940679869457540;0.019392033542976940679869457540;0.007337526205450734147206492963;0.017295597484276729188801269288;0.011006289308176099919767132462;0.016247379454926623443267175162;0.008909853249475890163422420187;0.005241090146750524390861780688;0.011530398322851152792534179525;0.013626834381551362548878891801;0.006289308176100629269034136826;0.022012578616352199839534264925;0.027253668763102725097757783601;0.013102725366876309676111844738;0.017295597484276729188801269288;0.023060796645702305585068359051;0.001572327044025157317258534206;0.024633123689727462468646024263;0.013626834381551362548878891801;0.008385744234800839025378849101;0.003668763102725367073603246482;0.006813417190775681274439445900;0.012578616352201258538068273651;0.013102725366876309676111844738;0.008909853249475890163422420187;0.006289308176100629269034136826;0.017819706498951780326844840374;0.010482180293501048781723561376;0.003668763102725367073603246482;0.022536687631027254447024787964;0.000000000000000000000000000000;0.010482180293501048781723561376;0.008909853249475890163422420187;0.007861635220125786152611802038;0.021488469601677148701490693838;0.011006289308176099919767132462;0.015723270440251572305223604076;0.012054507337526205665301226588
-0.015094339622641509551792537991;0.010377358490566037166336066377;0.033490566037735848559098172927;0.349528301886792458486041823562;0.007075471698113207710822969432;0.019811320754716980202525533628;0.001415094339622641412060333188;0.003301886792452830322874834934;0.038679245283018866274904468128;0.013679245283018868356572639300;0.013207547169811321291499339736;0.016037735849056603681939137118;0.015094339622641509551792537991;0.031132075471698113233731675109;0.005188679245283018583168033189;0.010849056603773584231409365941;0.013679245283018868356572639300;0.020754716981132074332672132755;0.008962264150943395971116167686;0.009433962264150943036189467250;0.008962264150943395971116167686;0.019811320754716980202525533628;0.006132075471698113580676370304;0.022641509433962262592965331010;0.021226415094339621397745432319;0.016037735849056603681939137118;0.017924528301886791942232335373;0.014622641509433962486719238427;0.001415094339622641412060333188;0.012735849056603774226426040173;0.007547169811320754775896268995;0.015094339622641509551792537991;0.000943396226415094346987033624;0.005188679245283018583168033189;0.017452830188679244877159035809;0.018867924528301886072378934500;0.005188679245283018583168033189;0.004716981132075471518094733625;0.003301886792452830322874834934;0.008490566037735848906042868123;0.003773584905660377387948134498;0.030188679245283019103585075982;0.000000000000000000000000000000;0.010849056603773584231409365941;0.007547169811320754775896268995;0.011320754716981131296482665505;0.026886792452830189648071979036;0.017924528301886791942232335373;0.018396226415094339007305634937;0.008018867924528301840969568559
-0.014740566037735849252987563318;0.004716981132075471518094733625;0.024764150943396227855242131000;0.370283018867924529349267004363;0.045990566037735845783540611365;0.023584905660377360192558882090;0.007665094339622641542164593886;0.010023584905660376867531091705;0.002948113207547170024069860261;0.015330188679245283084329187773;0.004127358490566037686753109170;0.021226415094339621397745432319;0.010613207547169810698872716159;0.019457547169811319903720558955;0.010023584905660376867531091705;0.008844339622641509204847842796;0.012382075471698113927621065500;0.009433962264150943036189467250;0.017099056603773584578354061136;0.004127358490566037686753109170;0.012971698113207547758962689954;0.007665094339622641542164593886;0.007075471698113207710822969432;0.024174528301886794023900506545;0.011792452830188680096279441045;0.018867924528301886072378934500;0.012971698113207547758962689954;0.018867924528301886072378934500;0.001768867924528301927705742358;0.048349056603773588047801013090;0.014740566037735849252987563318;0.010613207547169810698872716159;0.008844339622641509204847842796;0.001768867924528301927705742358;0.009433962264150943036189467250;0.028301886792452830843291877727;0.004716981132075471518094733625;0.009433962264150943036189467250;0.001179245283018867879523683406;0.011202830188679244530214340614;0.007075471698113207710822969432;0.004127358490566037686753109170;0.000000000000000000000000000000;0.014150943396226415421645938864;0.012382075471698113927621065500;0.011202830188679244530214340614;0.017099056603773584578354061136;0.014740566037735849252987563318;0.008844339622641509204847842796;0.008254716981132075373506218341
-0.020357497517378350671002351646;0.008440913604766633882015014478;0.013406156901688183122334230291;0.369414101290963248214183067830;0.069513406156901685895022069417;0.018371400198609732362653446103;0.002979145978152929630927703286;0.007447864945382323860478823718;0.005461767626613703817406442198;0.009930486593843098480638431624;0.009930486593843098480638431624;0.030784508440913606330813223622;0.012909632571996027677885265916;0.011916583912611718523710813145;0.008440913604766633882015014478;0.019860973187686196961276863249;0.008440913604766633882015014478;0.008937437934458789326463978853;0.021847070506454815269625768792;0.000993048659384309804695756263;0.011420059582919563079261848770;0.003972194637537239218783025052;0.002482621648460774620159607906;0.017874875868917578652927957705;0.026315789473684209065496020230;0.015888778550148956875132100208;0.012413108242303872233436301542;0.023833167825223437047421626289;0.001986097318768619609391512526;0.055610724925521347328238874752;0.017378351539225421473755517354;0.011916583912611718523710813145;0.004468718967229394663231989426;0.003475670307845084208014929672;0.010427010923535253925087395999;0.014895729890764647720957647437;0.004468718967229394663231989426;0.009930486593843098480638431624;0.000000000000000000000000000000;0.004965243296921549240319215812;0.005461767626613703817406442198;0.005461767626613703817406442198;0.000000000000000000000000000000;0.006951340615690168416029859344;0.008937437934458789326463978853;0.012413108242303872233436301542;0.016385302879841110584857588606;0.011916583912611718523710813145;0.008440913604766633882015014478;0.010923535253227407634812884396
-0.020125786163522011579241066670;0.003773584905660377387948134498;0.020125786163522011579241066670;0.411320754716981151766219682031;0.047798742138364783138548830266;0.031446540880503144610447208152;0.004402515723270440141379200583;0.008805031446540880282758401165;0.016352201257861635058654670161;0.005660377358490565648241332752;0.009433962264150943036189467250;0.018867924528301886072378934500;0.012578616352201258538068273651;0.008805031446540880282758401165;0.004402515723270440141379200583;0.013207547169811321291499339736;0.011949685534591195784637207566;0.006918238993710692022465202911;0.016981132075471697812085736246;0.007547169811320754775896268995;0.012578616352201258538068273651;0.010691823899371068543051599420;0.008805031446540880282758401165;0.008805031446540880282758401165;0.022641509433962262592965331010;0.015094339622641509551792537991;0.009433962264150943036189467250;0.019496855345911948825810000585;0.001886792452830188693974067249;0.053459119496855347919428425030;0.005660377358490565648241332752;0.012578616352201258538068273651;0.003773584905660377387948134498;0.003144654088050314634517068413;0.015094339622641509551792537991;0.007547169811320754775896268995;0.005660377358490565648241332752;0.003144654088050314634517068413;0.003773584905660377387948134498;0.013836477987421384044930405821;0.002515723270440251447405133334;0.015094339622641509551792537991;0.000000000000000000000000000000;0.005031446540880502894810266667;0.008176100628930817529327335080;0.006918238993710692022465202911;0.009433962264150943036189467250;0.012578616352201258538068273651;0.011949685534591195784637207566;0.010691823899371068543051599420
-0.017819706498951780326844840374;0.009433962264150943036189467250;0.023060796645702305585068359051;0.360062893081760981850436564855;0.029874213836477987726869542939;0.029350104821802936588825971853;0.002620545073375262195430890344;0.007337526205450734147206492963;0.010482180293501048781723561376;0.011530398322851152792534179525;0.011006289308176099919767132462;0.018343815513626834934335363414;0.018343815513626834934335363414;0.020440251572327042955956599712;0.010482180293501048781723561376;0.017295597484276729188801269288;0.008909853249475890163422420187;0.013626834381551362548878891801;0.018867924528301886072378934500;0.006813417190775681274439445900;0.009433962264150943036189467250;0.008909853249475890163422420187;0.007337526205450734147206492963;0.015723270440251572305223604076;0.021488469601677148701490693838;0.014150943396226415421645938864;0.015723270440251572305223604076;0.015723270440251572305223604076;0.002620545073375262195430890344;0.044549266247379454286559052889;0.017295597484276729188801269288;0.008385744234800839025378849101;0.005765199161425576396267089763;0.004716981132075471518094733625;0.012054507337526205665301226588;0.015199161425576519432456557013;0.006813417190775681274439445900;0.012054507337526205665301226588;0.000000000000000000000000000000;0.012054507337526205665301226588;0.004192872117400419512689424550;0.006813417190775681274439445900;0.000000000000000000000000000000;0.013102725366876309676111844738;0.012578616352201258538068273651;0.010482180293501048781723561376;0.016771488469601678050757698202;0.014150943396226415421645938864;0.014150943396226415421645938864;0.012054507337526205665301226588
-0.022012578616352199839534264925;0.010482180293501048781723561376;0.029350104821802936588825971853;0.261006289308176098185043656486;0.018343815513626834934335363414;0.033018867924528301494024873364;0.003144654088050314634517068413;0.014675052410901468294412985927;0.022012578616352199839534264925;0.016247379454926623443267175162;0.007337526205450734147206492963;0.028825995807127881981335448813;0.010482180293501048781723561376;0.027253668763102725097757783601;0.007337526205450734147206492963;0.017819706498951780326844840374;0.014675052410901468294412985927;0.013102725366876309676111844738;0.014150943396226415421645938864;0.008385744234800839025378849101;0.012054507337526205665301226588;0.019392033542976940679869457540;0.006289308176100629269034136826;0.019916142557651991817913028626;0.030922431865828093472403637065;0.019392033542976940679869457540;0.010482180293501048781723561376;0.020964360587002097563447122752;0.003144654088050314634517068413;0.051886792452830191035850759818;0.030922431865828093472403637065;0.016247379454926623443267175162;0.004716981132075471518094733625;0.005765199161425576396267089763;0.012578616352201258538068273651;0.025157232704402517076136547303;0.006289308176100629269034136826;0.005765199161425576396267089763;0.001572327044025157317258534206;0.011006289308176099919767132462;0.003668763102725367073603246482;0.010482180293501048781723561376;0.000000000000000000000000000000;0.010482180293501048781723561376;0.006289308176100629269034136826;0.013102725366876309676111844738;0.019392033542976940679869457540;0.015723270440251572305223604076;0.013102725366876309676111844738;0.013626834381551362548878891801
-0.025471698113207548452852080345;0.008962264150943395971116167686;0.050000000000000002775557561563;0.141509433962264147277565484728;0.010377358490566037166336066377;0.028301886792452830843291877727;0.001886792452830188693974067249;0.015566037735849056616865837555;0.015094339622641509551792537991;0.024528301886792454322705481218;0.017452830188679244877159035809;0.023584905660377360192558882090;0.016509433962264150747012436682;0.038679245283018866274904468128;0.001886792452830188693974067249;0.012735849056603774226426040173;0.015094339622641509551792537991;0.020283018867924527267598833191;0.020754716981132074332672132755;0.011792452830188680096279441045;0.013679245283018868356572639300;0.015094339622641509551792537991;0.010849056603773584231409365941;0.036792452830188678014611269873;0.037264150943396225079684569437;0.030660377358490566168658375545;0.022169811320754715527892031446;0.007547169811320754775896268995;0.000471698113207547173493516812;0.023584905660377360192558882090;0.014622641509433962486719238427;0.013207547169811321291499339736;0.005660377358490565648241332752;0.011320754716981131296482665505;0.019339622641509433137452234064;0.033962264150943395624171472491;0.008962264150943395971116167686;0.009433962264150943036189467250;0.006132075471698113580676370304;0.021698113207547168462818731882;0.007075471698113207710822969432;0.006603773584905660645749669868;0.000000000000000000000000000000;0.015094339622641509551792537991;0.005660377358490565648241332752;0.009433962264150943036189467250;0.039150943396226413339977767691;0.029245283018867924973438476854;0.027358490566037736713145278600;0.017452830188679244877159035809
-0.023899371069182391569274415133;0.006918238993710692022465202911;0.023270440251572325346396397094;0.367295597484276703514893824831;0.026415094339622642582998679472;0.035220125786163521131033604661;0.001886792452830188693974067249;0.008805031446540880282758401165;0.005660377358490565648241332752;0.005031446540880502894810266667;0.012578616352201258538068273651;0.040251572327044023158482133340;0.012578616352201258538068273651;0.025786163522012579829567613388;0.011320754716981131296482665505;0.013836477987421384044930405821;0.005031446540880502894810266667;0.013836477987421384044930405821;0.021383647798742137086103198840;0.004402515723270440141379200583;0.016352201257861635058654670161;0.008176100628930817529327335080;0.005660377358490565648241332752;0.015723270440251572305223604076;0.025786163522012579829567613388;0.016981132075471697812085736246;0.011949685534591195784637207566;0.002515723270440251447405133334;0.000628930817610062861851283333;0.048427672955974845891979896351;0.022012578616352199839534264925;0.010062893081761005789620533335;0.004402515723270440141379200583;0.004402515723270440141379200583;0.015094339622641509551792537991;0.012578616352201258538068273651;0.005660377358490565648241332752;0.008805031446540880282758401165;0.001257861635220125723702566667;0.011949685534591195784637207566;0.004402515723270440141379200583;0.006918238993710692022465202911;0.000000000000000000000000000000;0.008176100628930817529327335080;0.014465408805031446798361471906;0.008176100628930817529327335080;0.008805031446540880282758401165;0.012578616352201258538068273651;0.010691823899371068543051599420;0.011949685534591195784637207566
-0.024867724867724868426099860130;0.006878306878306878445472616335;0.026455026455026453557906052083;0.370370370370370349810684729164;0.016402116402116400512012361901;0.023280423280423279824846716224;0.003174603174603174600421073848;0.004232804232804233089682011126;0.014285714285714285268213963320;0.011111111111111111535154627461;0.010052910052910053045893690182;0.028571428571428570536427926640;0.011111111111111111535154627461;0.020105820105820106091787380365;0.007936507936507936067371815625;0.013227513227513226778953026042;0.009523809523809524668624959531;0.014814814814814815380206169948;0.015873015873015872134743631250;0.006349206349206349200842147695;0.007407407407407407690103084974;0.010052910052910053045893690182;0.005820105820105819956211679056;0.016931216931216932358728044505;0.032804232804232801024024723802;0.019047619047619049337249919063;0.010052910052910053045893690182;0.007936507936507936067371815625;0.003174603174603174600421073848;0.045502645502645502895155971146;0.038095238095238098674499838125;0.008994708994708994556632752904;0.008994708994708994556632752904;0.003703703703703703845051542487;0.012698412698412698401684295391;0.015873015873015872134743631250;0.003703703703703703845051542487;0.013227513227513226778953026042;0.002645502645502645355790605208;0.015873015873015872134743631250;0.003703703703703703845051542487;0.009523809523809524668624959531;0.000000000000000000000000000000;0.004761904761904762334312479766;0.008465608465608466179364022253;0.008994708994708994556632752904;0.015343915343915343757474900599;0.010582010582010581423162420833;0.009523809523809524668624959531;0.007936507936507936067371815625
-0.021911138161898966597584959004;0.009129640900791236371447645581;0.023128423615337796725999197633;0.402312842361533806734286145002;0.010955569080949483298792479502;0.020085209981740719670240125083;0.004869141813755325717827382448;0.005477784540474741649396239751;0.010955569080949483298792479502;0.013390139987827145290344432738;0.009738283627510651435654764896;0.029823493609251371105894889979;0.013998782714546560354551552052;0.018259281801582472742895291162;0.003043213633597078356801679533;0.017650639074863055943964695871;0.010955569080949483298792479502;0.020693852708460132999723768421;0.007912355447352404508309930975;0.004869141813755325717827382448;0.008520998174071819572517050290;0.017650639074863055943964695871;0.001217285453438831429456845612;0.016433353621424222346103505288;0.032258064516129031362723367238;0.024954351795496043653344031554;0.007912355447352404508309930975;0.011564211807668898362999598817;0.001825928180158247144185268418;0.028606208155812537508033699396;0.023128423615337796725999197633;0.007912355447352404508309930975;0.006086427267194156713603359066;0.007912355447352404508309930975;0.009129640900791236371447645581;0.016433353621424222346103505288;0.006086427267194156713603359066;0.011564211807668898362999598817;0.001825928180158247144185268418;0.014607425441265977153482147344;0.004260499087035909786258525145;0.005477784540474741649396239751;0.000000000000000000000000000000;0.008520998174071819572517050290;0.005477784540474741649396239751;0.009129640900791236371447645581;0.015824710894704809016619861950;0.014607425441265977153482147344;0.009738283627510651435654764896;0.012172854534388313427206718131
-0.026872498570611778184735740638;0.005717552887364208032139334392;0.026300743281875357815202676193;0.318467695826186392160650484584;0.024585477415666093237156530904;0.033733562035448826088579465932;0.005145797598627787662606269947;0.010863350485991995694745604339;0.005717552887364208032139334392;0.015437392795883362120457071853;0.014293882218410519646667466986;0.024585477415666093237156530904;0.012006861063464836433811733230;0.023441966838193252498090402014;0.010863350485991995694745604339;0.028587764436821039293334933973;0.010291595197255575325212539894;0.019439679817038306441911998945;0.016009148084619784224713612275;0.006289308176100629269034136826;0.013150371640937678907601338096;0.003430531732418524819283600635;0.001715265866209262409641800318;0.020011435105774726811445063390;0.036020583190394514505605627619;0.028016009148084618923801869528;0.018867924528301886072378934500;0.003430531732418524819283600635;0.001715265866209262409641800318;0.028587764436821039293334933973;0.024585477415666093237156530904;0.011435105774728416064278668784;0.006861063464837049638567201271;0.004002287021154946056178403069;0.010291595197255575325212539894;0.021726700971983991389491208679;0.012006861063464836433811733230;0.009148084619782732851422935028;0.001143510577472841606427866878;0.010291595197255575325212539894;0.003430531732418524819283600635;0.003430531732418524819283600635;0.000000000000000000000000000000;0.014293882218410519646667466986;0.004574042309891366425711467514;0.009719839908519153220955999473;0.023441966838193252498090402014;0.013150371640937678907601338096;0.013150371640937678907601338096;0.009719839908519153220955999473
-0.036792452830188678014611269873;0.007547169811320754775896268995;0.048113207547169814515264363308;0.115094339622641511633460709163;0.003773584905660377387948134498;0.032075471698113207363878274236;0.004245283018867924453021434061;0.013679245283018868356572639300;0.027830188679245283778218578163;0.021226415094339621397745432319;0.016981132075471697812085736246;0.034433962264150942689244772055;0.016981132075471697812085736246;0.034433962264150942689244772055;0.006603773584905660645749669868;0.030188679245283019103585075982;0.016037735849056603681939137118;0.015094339622641509551792537991;0.009905660377358490101262766814;0.009433962264150943036189467250;0.010377358490566037166336066377;0.016509433962264150747012436682;0.008962264150943395971116167686;0.027358490566037736713145278600;0.043396226415094336925637463764;0.031603773584905660298804974673;0.022641509433962262592965331010;0.021698113207547168462818731882;0.000000000000000000000000000000;0.024056603773584907257632181654;0.029716981132075472038511776418;0.009905660377358490101262766814;0.007547169811320754775896268995;0.007075471698113207710822969432;0.022169811320754715527892031446;0.024528301886792454322705481218;0.009905660377358490101262766814;0.013207547169811321291499339736;0.003301886792452830322874834934;0.013679245283018868356572639300;0.005188679245283018583168033189;0.013207547169811321291499339736;0.000000000000000000000000000000;0.016981132075471697812085736246;0.005188679245283018583168033189;0.014622641509433962486719238427;0.032547169811320754428951573800;0.022169811320754715527892031446;0.021698113207547168462818731882;0.020283018867924527267598833191
-0.027527527527527528156126024328;0.016016016016016015877099221143;0.041541541541541542048587842828;0.153153153153153143151143922296;0.009509509509509510294389400542;0.027027027027027028527328411656;0.005005005005005004961593506607;0.017517517517517518232939011114;0.029529529529529530140763426971;0.017517517517517518232939011114;0.012012012012012011907824415857;0.035035035035035036465878022227;0.012012012012012011907824415857;0.039039039039039040435152827513;0.008508508508508509302070699221;0.014514514514514515255982907149;0.019019019019019020588778801084;0.022522522522522521459809041744;0.012512512512512513271345504506;0.008008008008008007938549610571;0.016516516516516515505896833815;0.021521521521521522202213816399;0.012512512512512513271345504506;0.026026026026026025800286234357;0.028028028028028027784923637000;0.021521521521521522202213816399;0.017517517517517518232939011114;0.016016016016016015877099221143;0.001501501501501501488478051982;0.023023023023023024558053606370;0.023023023023023024558053606370;0.016516516516516515505896833815;0.009009009009009008930868311893;0.006006006006006005953912207929;0.018518518518518517490534236458;0.022022022022022021831011429072;0.009009009009009008930868311893;0.011511511511511512279026803185;0.008008008008008007938549610571;0.016516516516516515505896833815;0.005505505505505505457752857268;0.021021021021021022573416203727;0.000000000000000000000000000000;0.012012012012012011907824415857;0.004504504504504504465434155946;0.013513513513513514263664205828;0.032032032032032031754198442286;0.029529529529529530140763426971;0.018518518518518517490534236458;0.011511511511511512279026803185
-0.027930402930402931788167464333;0.007326007326007326000971708879;0.042124542124542127541353409015;0.192765567765567774616286556011;0.003205128205128205017004905386;0.027930402930402931788167464333;0.002747252747252747467204825327;0.008241758241758241967933606986;0.027014652014652015821205566226;0.018772893772893772118548483263;0.015109890109890109985424366812;0.016483516483516483935867213972;0.018315018315018315869791010186;0.035256410256410256054415697236;0.009157509157509157934895505093;0.020146520146520147803714806400;0.019230769230769231836752908293;0.027014652014652015821205566226;0.016941391941391940184624687049;0.010989010989010989868819301307;0.008699633699633699951414556040;0.018315018315018315869791010186;0.005494505494505494934409650654;0.031593406593406592186568104808;0.047619047619047616404230893750;0.029761904761904760252644308594;0.018772893772893772118548483263;0.004120879120879120983966803493;0.005494505494505494934409650654;0.019230769230769231836752908293;0.011446886446886446117576774384;0.018772893772893772118548483263;0.006868131868131868017490759826;0.010073260073260073901857403200;0.013736263736263736034981519651;0.032509157509157511622976954868;0.007783882783882783984452657933;0.008699633699633699951414556040;0.003205128205128205017004905386;0.017399267399267399902829112079;0.002747252747252747467204825327;0.011904761904761904101057723437;0.000000000000000000000000000000;0.013736263736263736034981519651;0.005952380952380952050528861719;0.014194139194139194018462468705;0.038461538461538463673505816587;0.019688644688644688085510381370;0.011446886446886446117576774384;0.015567765567765567968905315865
-0.024131274131274131622415524134;0.007239382239382239660197004838;0.031853281853281852076253954920;0.355694980694980678048722211315;0.023648648648648649961412360199;0.030888030888030888754247627048;0.004826254826254826151010757229;0.012065637065637065811207762067;0.017374517374517374490583421220;0.011583011583011582415481122155;0.013996138996138995924667369763;0.020270270270270271395496308742;0.015444015444015444377123813524;0.017374517374517374490583421220;0.005308880308880308679375659153;0.015444015444015444377123813524;0.008204633204633203849565070698;0.016409266409266407699130141395;0.013996138996138995924667369763;0.005791505791505791207740561077;0.013996138996138995924667369763;0.009169884169884170641018350523;0.004826254826254826151010757229;0.019787644787644786265046192852;0.024613899613899613283418688070;0.014961389961389960981397173612;0.017374517374517374490583421220;0.009652509652509652302021514458;0.001447876447876447801935140269;0.032818532818532815398260282791;0.010135135135135135697748154371;0.013030888030888030867937565915;0.007239382239382239660197004838;0.005308880308880308679375659153;0.010135135135135135697748154371;0.023648648648648649961412360199;0.003378378378378378565916051457;0.009169884169884170641018350523;0.000482625482625482636785119173;0.012548262548262547472210926003;0.004826254826254826151010757229;0.009652509652509652302021514458;0.000000000000000000000000000000;0.009169884169884170641018350523;0.011100386100386100754477958219;0.006756756756756757131832102914;0.023166023166023164830962244309;0.018822393822393822943039864981;0.009652509652509652302021514458;0.011583011583011582415481122155
-0.031893004115226337991106930758;0.009773662551440329832042053226;0.055041152263374484854274726331;0.130658436213991757668395621295;0.005658436213991769811459953132;0.025205761316872427740820583608;0.002572016460905349796023378062;0.019032921810699588577309171455;0.043724279835390948700801772020;0.018518518518518517490534236458;0.008744855967078189393215659209;0.045781893004115226109007608102;0.005658436213991769811459953132;0.045781893004115226109007608102;0.007201646090534979602337806170;0.025205761316872427740820583608;0.028292181069958847322576289685;0.024176954732510289036717665567;0.004115226337448560020582100094;0.011316872427983539622919906265;0.008230452674897120041164200188;0.019032921810699588577309171455;0.001028806584362140005145525024;0.028292181069958847322576289685;0.036008230452674899746412506829;0.024176954732510289036717665567;0.014403292181069959204675612341;0.032921810699588480164656800753;0.000514403292181070002572762512;0.015432098765432097908778530382;0.021090534979423869454961959491;0.024176954732510289036717665567;0.004115226337448560020582100094;0.005144032921810699592046756123;0.004115226337448560020582100094;0.030349794238683128200229077720;0.008230452674897120041164200188;0.009259259259259258745267118229;0.000514403292181070002572762512;0.012860082304526749413797759303;0.004115226337448560020582100094;0.025205761316872427740820583608;0.000000000000000000000000000000;0.015946502057613168995553465379;0.001543209876543209790877853038;0.012860082304526749413797759303;0.041152263374485596736374048987;0.024176954732510289036717665567;0.012345679012345678327022824305;0.014403292181069959204675612341
-0.040218470705064547632279214895;0.003475670307845084208014929672;0.059582919563058590883830589746;0.002979145978152929630927703286;0.001489572989076464815463851643;0.026812313803376366244668460581;0.000993048659384309804695756263;0.020854021847070507850174791997;0.025819265143992055355770531833;0.024826216484607744466872603084;0.019860973187686196961276863249;0.020357497517378350671002351646;0.017874875868917578652927957705;0.062562065541211520081077424038;0.003475670307845084208014929672;0.024329692154915590757147114687;0.015888778550148956875132100208;0.023833167825223437047421626289;0.009433962264150943036189467250;0.011420059582919563079261848770;0.008937437934458789326463978853;0.019364448857994043251551374851;0.007944389275074478437566050104;0.042204568023833169410075072392;0.048659384309831181514294229373;0.040714995034756701342004703292;0.023336643495531279868249185938;0.014895729890764647720957647437;0.000496524329692154902347878132;0.009930486593843098480638431624;0.009930486593843098480638431624;0.020357497517378350671002351646;0.004468718967229394663231989426;0.013406156901688183122334230291;0.020854021847070507850174791997;0.039721946375372393922553726497;0.016881827209533267764030028957;0.004965243296921549240319215812;0.001986097318768619609391512526;0.014399205561072492276508683062;0.002482621648460774620159607906;0.027805362462760673664119437376;0.000000000000000000000000000000;0.022840119165839126158523697541;0.000993048659384309804695756263;0.008937437934458789326463978853;0.053128103277060578779611432765;0.043197616683217476829526049187;0.031777557100297913750264200416;0.029294935451837141732189806476
-0.051297169811320757204509135363;0.003537735849056603855411484716;0.053655660377358492529875633181;0.000000000000000000000000000000;0.023584905660377360192558882090;0.029481132075471698505975126636;0.002358490566037735759047366813;0.015919811320754716915670812227;0.005306603773584905349436358080;0.049528301886792455710484261999;0.015330188679245283084329187773;0.007075471698113207710822969432;0.015919811320754716915670812227;0.070754716981132073638782742364;0.001179245283018867879523683406;0.025943396226415095517925379909;0.014740566037735849252987563318;0.025353773584905661686583755454;0.007075471698113207710822969432;0.011792452830188680096279441045;0.014150943396226415421645938864;0.005306603773584905349436358080;0.000589622641509433939761841703;0.063679245283018867662683248909;0.046580188679245279614882235819;0.061320754716981132337316751091;0.023584905660377360192558882090;0.000000000000000000000000000000;0.001768867924528301927705742358;0.008254716981132075373506218341;0.006485849056603773879481344977;0.019457547169811319903720558955;0.005306603773584905349436358080;0.005306603773584905349436358080;0.018278301886792452241037310046;0.057193396226415095517925379909;0.014150943396226415421645938864;0.010613207547169810698872716159;0.001179245283018867879523683406;0.005896226415094340048139720523;0.004716981132075471518094733625;0.004127358490566037686753109170;0.000000000000000000000000000000;0.027122641509433963180608628818;0.001179245283018867879523683406;0.012382075471698113927621065500;0.055424528301886794023900506545;0.053066037735849058698534008727;0.021226415094339621397745432319;0.021816037735849055229087056773
-0.042452830188679242795490864637;0.007075471698113207710822969432;0.070165094339622646746335021817;0.000000000000000000000000000000;0.000000000000000000000000000000;0.024174528301886794023900506545;0.000589622641509433939761841703;0.018278301886792452241037310046;0.020047169811320753735062183409;0.041273584905660375132807615728;0.016509433962264150747012436682;0.008844339622641509204847842796;0.015919811320754716915670812227;0.067806603773584911420968523998;0.001768867924528301927705742358;0.025943396226415095517925379909;0.019457547169811319903720558955;0.027712264150943397011950253273;0.011792452830188680096279441045;0.018867924528301886072378934500;0.013561320754716981590304314409;0.017688679245283018409695685591;0.008254716981132075373506218341;0.056603773584905661686583755454;0.031250000000000000000000000000;0.045400943396226411952198986910;0.022995283018867922891770305682;0.000589622641509433939761841703;0.001768867924528301927705742358;0.006485849056603773879481344977;0.005306603773584905349436358080;0.021226415094339621397745432319;0.003537735849056603855411484716;0.004127358490566037686753109170;0.017099056603773584578354061136;0.052476415094339624867192384272;0.014150943396226415421645938864;0.010613207547169810698872716159;0.001179245283018867879523683406;0.009433962264150943036189467250;0.003537735849056603855411484716;0.005306603773584905349436358080;0.000000000000000000000000000000;0.033018867924528301494024873364;0.001768867924528301927705742358;0.016509433962264150747012436682;0.063679245283018867662683248909;0.048938679245283021879142637545;0.022995283018867922891770305682;0.021816037735849055229087056773
-0.030188679245283019103585075982;0.006918238993710692022465202911;0.071069182389937105015498275407;0.098742138364779880044252990956;0.006289308176100629269034136826;0.028301886792452830843291877727;0.001886792452830188693974067249;0.011320754716981131296482665505;0.037735849056603772144757869000;0.030188679245283019103585075982;0.013836477987421384044930405821;0.012578616352201258538068273651;0.011320754716981131296482665505;0.050314465408805034152273094605;0.013207547169811321291499339736;0.020754716981132074332672132755;0.026415094339622642582998679472;0.032075471698113207363878274236;0.008176100628930817529327335080;0.015723270440251572305223604076;0.011320754716981131296482665505;0.013207547169811321291499339736;0.004402515723270440141379200583;0.033333333333333332870740406406;0.033333333333333332870740406406;0.033333333333333332870740406406;0.014465408805031446798361471906;0.023899371069182391569274415133;0.001886792452830188693974067249;0.012578616352201258538068273651;0.005660377358490565648241332752;0.019496855345911948825810000585;0.003144654088050314634517068413;0.006918238993710692022465202911;0.017610062893081760565516802330;0.044654088050314462432499595934;0.008805031446540880282758401165;0.004402515723270440141379200583;0.001257861635220125723702566667;0.013207547169811321291499339736;0.002515723270440251447405133334;0.016981132075471697812085736246;0.000000000000000000000000000000;0.010062893081761005789620533335;0.003144654088050314634517068413;0.011949685534591195784637207566;0.045283018867924525185930662019;0.030817610062893081857016142067;0.022012578616352199839534264925;0.023270440251572325346396397094
-0.029201101928374655070097531961;0.011019283746556474135047665186;0.042975206611570247738907113444;0.168595041322314037612883907968;0.027548209366391185337619162965;0.048484848484848484806430946037;0.001101928374655647283400505820;0.009366391184573002667845820213;0.020936639118457299468811783072;0.009366391184573002667845820213;0.018732782369146005335691640425;0.031955922865013773603859448258;0.015426997245179064136011426456;0.022589531680440772670737104022;0.015426997245179064136011426456;0.018732782369146005335691640425;0.011570247933884296800965962859;0.011019283746556474135047665186;0.026446280991735536536335615665;0.005509641873278237067523832593;0.013774104683195592668809581482;0.013774104683195592668809581482;0.004958677685950413534243796931;0.013223140495867768268167807832;0.047382920110192836005147398737;0.028099173553719009738260936615;0.020936639118457299468811783072;0.007162534435261707667363939578;0.001101928374655647283400505820;0.050137741046831954538909315033;0.028650137741046830669455758311;0.010468319559228649734405891536;0.008264462809917355601285748889;0.011570247933884296800965962859;0.020936639118457299468811783072;0.018181818181818180935049866775;0.006611570247933884134083903916;0.008264462809917355601285748889;0.006060606060606060600803868255;0.013774104683195592668809581482;0.003856749311294766034002856614;0.013774104683195592668809581482;0.000000000000000000000000000000;0.006611570247933884134083903916;0.014325068870523415334727879156;0.007713498622589532068005713228;0.023140495867768593601931925718;0.020385674931129475068170009422;0.015426997245179064136011426456;0.015426997245179064136011426456
-0.016648168701442842692950208061;0.015538290788013319268512368865;0.031631520532741395912434967386;0.319644839067702579704643994774;0.016648168701442842692950208061;0.016648168701442842692950208061;0.002219755826859045547833071410;0.011098779134295227305484488056;0.012208657047724750729922327253;0.014983351831298556688931711278;0.008324084350721421346475104031;0.015538290788013319268512368865;0.013873473917869034999217348059;0.022197558268590454610968976112;0.021642619311875693766111794503;0.014428412874583795844074529668;0.015538290788013319268512368865;0.021642619311875693766111794503;0.017758046614872364382664571281;0.007214206437291897922037264834;0.011098779134295227305484488056;0.012763596004439511574779508862;0.005549389567147613652742244028;0.022752497225305215455826157722;0.026082130965593783994416199334;0.014983351831298556688931711278;0.018312985571587125227521752890;0.029411764705882352533006240947;0.001109877913429522773916535705;0.024972253052164262304701836115;0.011098779134295227305484488056;0.013318534961154272419636690472;0.005549389567147613652742244028;0.003329633740288568104909172618;0.017203107658157603537807389671;0.024417314095449501459844654505;0.007214206437291897922037264834;0.003884572697003329817128092216;0.002219755826859045547833071410;0.007214206437291897922037264834;0.002774694783573806826371122014;0.024417314095449501459844654505;0.000000000000000000000000000000;0.010543840177580466460627306446;0.009988901220865705615770124837;0.010543840177580466460627306446;0.024417314095449501459844654505;0.013873473917869034999217348059;0.014428412874583795844074529668;0.011098779134295227305484488056
-0.025527192008879023149559017725;0.019977802441731411231540249673;0.027746947835738069998434696117;0.160932297447280797664248552792;0.023862375138734740614987472895;0.029966703662597113377863422556;0.004439511653718091095666142820;0.014983351831298556688931711278;0.024417314095449501459844654505;0.018312985571587125227521752890;0.009988901220865705615770124837;0.041065482796892344152794862566;0.005549389567147613652742244028;0.022197558268590454610968976112;0.014983351831298556688931711278;0.033851276359600446230757597732;0.011653718091009988150341669666;0.023307436182019976300683339332;0.014428412874583795844074529668;0.007214206437291897922037264834;0.012208657047724750729922327253;0.012208657047724750729922327253;0.006659267480577136209818345236;0.017758046614872364382664571281;0.033296337402885685385900416122;0.029411764705882352533006240947;0.019422863485016646917236116110;0.028301886792452830843291877727;0.002774694783573806826371122014;0.031631520532741395912434967386;0.033851276359600446230757597732;0.017758046614872364382664571281;0.007214206437291897922037264834;0.007214206437291897922037264834;0.012763596004439511574779508862;0.023307436182019976300683339332;0.010543840177580466460627306446;0.006659267480577136209818345236;0.009433962264150943036189467250;0.009433962264150943036189467250;0.004439511653718091095666142820;0.023862375138734740614987472895;0.000000000000000000000000000000;0.013318534961154272419636690472;0.006659267480577136209818345236;0.009988901220865705615770124837;0.028301886792452830843291877727;0.012763596004439511574779508862;0.018312985571587125227521752890;0.016093229744728078378646074498
-0.022038567493112948270095330372;0.011570247933884296800965962859;0.018181818181818180935049866775;0.267768595041322332583888510271;0.061707988980716256544045705823;0.033057851239669422405142995558;0.008815426997245178267204046563;0.006611570247933884134083903916;0.012672176308539945602249510159;0.011019283746556474135047665186;0.008264462809917355601285748889;0.056198347107438019476521873230;0.009366391184573002667845820213;0.016528925619834711202571497779;0.017630853994490356534408093125;0.019283746556473829736333414075;0.012121212121212121201607736509;0.015977961432506886801929724129;0.012672176308539945602249510159;0.004407713498622589133602023281;0.011570247933884296800965962859;0.011019283746556474135047665186;0.008264462809917355601285748889;0.015977961432506886801929724129;0.018732782369146005335691640425;0.019834710743801654136975187726;0.009917355371900827068487593863;0.020936639118457299468811783072;0.002754820936639118533761916296;0.029201101928374655070097531961;0.046280991735537187203863851437;0.013774104683195592668809581482;0.008815426997245178267204046563;0.004407713498622589133602023281;0.009917355371900827068487593863;0.007713498622589532068005713228;0.003305785123966942067041951958;0.016528925619834711202571497779;0.003305785123966942067041951958;0.012121212121212121201607736509;0.006611570247933884134083903916;0.016528925619834711202571497779;0.000000000000000000000000000000;0.010468319559228649734405891536;0.006060606060606060600803868255;0.015977961432506886801929724129;0.017079889807162535603213271429;0.006611570247933884134083903916;0.012121212121212121201607736509;0.008264462809917355601285748889
-0.032651072124756333470152469545;0.006822612085769980128091560800;0.027290448343079920512366243202;0.167641325536062368861678351095;0.013157894736842104532748010115;0.034600389863547756363892915488;0.010233918128654970192137341201;0.016569200779727094596793790515;0.005360623781676412957786226343;0.025341130604288497618625797259;0.009259259259259258745267118229;0.071637426900584791344961388404;0.006822612085769980128091560800;0.023391812865497074724885351316;0.008284600389863547298396895258;0.021929824561403507554580016858;0.013645224171539960256183121601;0.018031189083820661767099124972;0.015594541910331383149923567544;0.003411306042884990064045780400;0.019005847953216373213969347944;0.007797270955165691574961783772;0.007309941520467835851526672286;0.026803118908382064788931131716;0.037037037037037034981068472916;0.023879142300194930448320462801;0.015594541910331383149923567544;0.013157894736842104532748010115;0.003411306042884990064045780400;0.028265107212475631959236466173;0.062865497076023388323129381661;0.019980506822612084660839570915;0.003411306042884990064045780400;0.007797270955165691574961783772;0.010233918128654970192137341201;0.024366471734892786171755574287;0.006822612085769980128091560800;0.012183235867446393085877787144;0.001461988304093567170305334457;0.018031189083820661767099124972;0.006335282651072124404656449315;0.006335282651072124404656449315;0.000000000000000000000000000000;0.024366471734892786171755574287;0.004385964912280701510916003372;0.019980506822612084660839570915;0.024853801169590641895190685773;0.011695906432748537362442675658;0.008771929824561403021832006743;0.012183235867446393085877787144
-0.020454545454545454419292838111;0.003977272727272726862701723860;0.026136363636363634660453314495;0.359659090909090928267488607162;0.021022727272727272790353580945;0.023863636363636364645657295114;0.004545454545454545233762466694;0.014772727272727272443408885749;0.010227272727272727209646419055;0.010795454545454545580707161889;0.008522727272727272096464190554;0.010795454545454545580707161889;0.013068181818181817330226657248;0.031250000000000000000000000000;0.007386363636363636221704442875;0.021022727272727272790353580945;0.010227272727272727209646419055;0.015909090909090907450806895440;0.018181818181818180935049866775;0.002840909090909090987941976181;0.014772727272727272443408885749;0.010795454545454545580707161889;0.006818181818181817850643700041;0.027840909090909089773635542997;0.017613636363636362563989123942;0.015909090909090907450806895440;0.014772727272727272443408885749;0.005681818181818181975883952362;0.003409090909090908925321850020;0.024431818181818183016718037948;0.013636363636363635701287400082;0.015340909090909090814469628583;0.005113636363636363604823209528;0.007954545454545453725403447720;0.016477272727272725821867638274;0.019318181818181817677171352443;0.008522727272727272096464190554;0.009659090909090908838585676222;0.001136363636363636308440616673;0.012500000000000000693889390391;0.007954545454545453725403447720;0.007954545454545453725403447720;0.000000000000000000000000000000;0.012500000000000000693889390391;0.005681818181818181975883952362;0.014204545454545454072348142915;0.029545454545454544886817771498;0.015340909090909090814469628583;0.011363636363636363951767904723;0.009090909090909090467524933388
-0.032855436081242535284463457401;0.008363201911589008066827410914;0.023894862604540025030619432300;0.185185185185185174905342364582;0.022700119474313024126033155881;0.026881720430107527292085123349;0.005973715651135006257654858075;0.009557945041816008971413687334;0.026881720430107527292085123349;0.015531660692951015229068545409;0.017323775388291516585947960039;0.028673835125448028648964537979;0.020908004778972519299706789297;0.027479091995221027744378261559;0.005376344086021505805361719865;0.022102747909199523673740017671;0.011350059737156512063016577940;0.027479091995221027744378261559;0.016129032258064515681361683619;0.009557945041816008971413687334;0.009557945041816008971413687334;0.017921146953405017038241098248;0.011350059737156512063016577940;0.017921146953405017038241098248;0.048984468339307050965825141020;0.022102747909199523673740017671;0.017323775388291516585947960039;0.022102747909199523673740017671;0.001792114695340501790560283624;0.031660692951015534379877180982;0.022102747909199523673740017671;0.007168458781362007162241134495;0.004181600955794504033413705457;0.008960573476702508519120549124;0.023297491039426524578326294090;0.025686977299880526387498846930;0.008363201911589008066827410914;0.014934289127837514776775407199;0.001792114695340501790560283624;0.016726403823178016133654821829;0.010752688172043011610723439730;0.019115890083632017942827374668;0.000000000000000000000000000000;0.008960573476702508519120549124;0.004181600955794504033413705457;0.006571087216248506709947996285;0.022700119474313024126033155881;0.021505376344086023221446879461;0.011947431302270012515309716150;0.016129032258064515681361683619
-0.050411522633744855481641167216;0.005658436213991769811459953132;0.040123456790123454562824178993;0.073559670781893002344808962789;0.007201646090534979602337806170;0.040637860082304529119046065944;0.001028806584362140005145525024;0.010802469135802468536144971267;0.021090534979423869454961959491;0.019547325102880659664084106453;0.019547325102880659664084106453;0.048353909465020578073435331135;0.021090534979423869454961959491;0.032921810699588480164656800753;0.003600823045267489801168903085;0.043724279835390948700801772020;0.010288065843621399184093512247;0.016460905349794240082328400376;0.010802469135802468536144971267;0.011316872427983539622919906265;0.011831275720164608974971365285;0.009259259259259258745267118229;0.008744855967078189393215659209;0.031378600823045270373778947715;0.058127572016460904436030432407;0.030864197530864195817557060764;0.021090534979423869454961959491;0.030349794238683128200229077720;0.002057613168724280010291050047;0.028806584362139918409351224682;0.036522633744855967363740489873;0.008744855967078189393215659209;0.004629629629629629372633559115;0.008744855967078189393215659209;0.019547325102880659664084106453;0.022119341563786008159064877532;0.006172839506172839163511412153;0.010802469135802468536144971267;0.001543209876543209790877853038;0.013888888888888888117900677344;0.003600823045267489801168903085;0.010288065843621399184093512247;0.000000000000000000000000000000;0.012860082304526749413797759303;0.004115226337448560020582100094;0.011316872427983539622919906265;0.031378600823045270373778947715;0.026748971193415637531698436646;0.021604938271604937072289942535;0.024691358024691356654045648611
-0.034067085953878403770112015536;0.008909853249475890163422420187;0.045073375262054508894049575929;0.054507337526205450195515567202;0.009958071278825995908956514313;0.033018867924528301494024873364;0.005241090146750524390861780688;0.013102725366876309676111844738;0.022012578616352199839534264925;0.020964360587002097563447122752;0.016247379454926623443267175162;0.036687631027253669868670726828;0.015199161425576519432456557013;0.034067085953878403770112015536;0.011006289308176099919767132462;0.036687631027253669868670726828;0.020964360587002097563447122752;0.031446540880503144610447208152;0.014150943396226415421645938864;0.012054507337526205665301226588;0.013102725366876309676111844738;0.013102725366876309676111844738;0.009433962264150943036189467250;0.032494758909853246886534350324;0.044549266247379454286559052889;0.033542976939203356101515396404;0.016771488469601678050757698202;0.017295597484276729188801269288;0.002620545073375262195430890344;0.042452830188679242795490864637;0.032494758909853246886534350324;0.014675052410901468294412985927;0.005241090146750524390861780688;0.007337526205450734147206492963;0.017295597484276729188801269288;0.031446540880503144610447208152;0.012578616352201258538068273651;0.011530398322851152792534179525;0.002096436058700209756344712275;0.022012578616352199839534264925;0.002096436058700209756344712275;0.012578616352201258538068273651;0.000000000000000000000000000000;0.016771488469601678050757698202;0.004716981132075471518094733625;0.015723270440251572305223604076;0.026205450733752619352223689475;0.026205450733752619352223689475;0.024633123689727462468646024263;0.013626834381551362548878891801
-0.048145738451528953538716137928;0.016916070266753416295735235053;0.031880286271958359345379818706;0.062459336369551074485961805749;0.020169160702667533746623718116;0.059856864020819779137472238517;0.002602472348731294914808698238;0.010409889394925179659234792950;0.019518542615484711644224802285;0.011711125569290825598756100590;0.016265452179570590723889367268;0.065061808718282362895557469074;0.026024723487312946546001768411;0.023422251138581651197512201179;0.004554326610279765992495004667;0.025374105400130124443602852580;0.010409889394925179659234792950;0.026024723487312946546001768411;0.020819778789850359318469585901;0.008458035133376708147867617527;0.015614834092387768621490451437;0.012361743656473649435878492397;0.007807417046193884310745225719;0.013012361743656473273000884205;0.039687703318152245390848520401;0.016916070266753416295735235053;0.019518542615484711644224802285;0.018867924528301886072378934500;0.001301236174365647457404349119;0.069616135328562131490137687706;0.047495120364346131436317222096;0.007807417046193884310745225719;0.011711125569290825598756100590;0.006506180871828236636500442103;0.022771633051398829095113285348;0.023422251138581651197512201179;0.006506180871828236636500442103;0.013012361743656473273000884205;0.000000000000000000000000000000;0.012361743656473649435878492397;0.002602472348731294914808698238;0.023422251138581651197512201179;0.000000000000000000000000000000;0.011711125569290825598756100590;0.004554326610279765992495004667;0.014313597918022120947245667821;0.016916070266753416295735235053;0.015614834092387768621490451437;0.020819778789850359318469585901;0.013662979830839297110123276013
-0.038259958071278826752248392040;0.012054507337526205665301226588;0.042452830188679242795490864637;0.024109014675052411330602453177;0.013626834381551362548878891801;0.048218029350104822661204906353;0.006289308176100629269034136826;0.012054507337526205665301226588;0.027253668763102725097757783601;0.013626834381551362548878891801;0.019392033542976940679869457540;0.048742138364779877268695429393;0.026729559748427673959714212515;0.038784067085953881359738915080;0.010482180293501048781723561376;0.029874213836477987726869542939;0.022012578616352199839534264925;0.028301886792452830843291877727;0.016247379454926623443267175162;0.009958071278825995908956514313;0.015199161425576519432456557013;0.018867924528301886072378934500;0.005765199161425576396267089763;0.017819706498951780326844840374;0.043501048218029352010471910717;0.025681341719077568214180118389;0.018343815513626834934335363414;0.010482180293501048781723561376;0.000524109014675052439086178069;0.035115303983228512985093061616;0.047169811320754720385117764181;0.012054507337526205665301226588;0.006289308176100629269034136826;0.008385744234800839025378849101;0.030398322851153038864913114026;0.030398322851153038864913114026;0.006813417190775681274439445900;0.014675052410901468294412985927;0.005241090146750524390861780688;0.017819706498951780326844840374;0.002096436058700209756344712275;0.016771488469601678050757698202;0.000000000000000000000000000000;0.007861635220125786152611802038;0.005241090146750524390861780688;0.009433962264150943036189467250;0.036687631027253669868670726828;0.028301886792452830843291877727;0.017295597484276729188801269288;0.017295597484276729188801269288
-0.036477987421383646637895736831;0.005031446540880502894810266667;0.033962264150943395624171472491;0.146540880503144649305014013407;0.006918238993710692022465202911;0.022641509433962262592965331010;0.007547169811320754775896268995;0.010062893081761005789620533335;0.027672955974842768089860811642;0.020125786163522011579241066670;0.014465408805031446798361471906;0.045283018867924525185930662019;0.016352201257861635058654670161;0.028301886792452830843291877727;0.002515723270440251447405133334;0.033962264150943395624171472491;0.016352201257861635058654670161;0.020754716981132074332672132755;0.008176100628930817529327335080;0.010062893081761005789620533335;0.008805031446540880282758401165;0.022012578616352199839534264925;0.001886792452830188693974067249;0.026415094339622642582998679472;0.044025157232704399679068529849;0.023899371069182391569274415133;0.012578616352201258538068273651;0.006918238993710692022465202911;0.003144654088050314634517068413;0.024528301886792454322705481218;0.048427672955974845891979896351;0.016981132075471697812085736246;0.006918238993710692022465202911;0.009433962264150943036189467250;0.015094339622641509551792537991;0.032075471698113207363878274236;0.010062893081761005789620533335;0.015723270440251572305223604076;0.003144654088050314634517068413;0.015094339622641509551792537991;0.003144654088050314634517068413;0.011949685534591195784637207566;0.000000000000000000000000000000;0.014465408805031446798361471906;0.001886792452830188693974067249;0.018238993710691823318947868415;0.027672955974842768089860811642;0.021383647798742137086103198840;0.023270440251572325346396397094;0.017610062893081760565516802330
-0.022947475777664455565130197101;0.003569607343192248739838223770;0.026007139214686385286778858017;0.346251912289648133835839871608;0.006119326874043855106488631890;0.029576746557878633159255343799;0.004589495155532891113026039420;0.007649158592554819099951224359;0.006629270780214176726763408709;0.022437531871494133944855420282;0.009178990311065782226052078840;0.023457419683834777185404973920;0.015298317185109638199902448719;0.032636409994900562880904004714;0.004079551249362570360113000589;0.018357980622131564452104157681;0.008669046404895462340500777998;0.011728709841917388592702486960;0.010198878123406425466601632479;0.004079551249362570360113000589;0.006629270780214176726763408709;0.009688934217236103846326855660;0.004079551249362570360113000589;0.025497195308516063666504081198;0.031616522182559919640354451076;0.024477307496175420425954527559;0.016318204997450281440452002357;0.005099439061703212733300816240;0.002039775624681285180056500295;0.026517083120856706907053634836;0.017848036715961242831829380862;0.011728709841917388592702486960;0.002549719530851606366650408120;0.004589495155532891113026039420;0.017338092809790924681001555996;0.023967363590005098805679750740;0.008669046404895462340500777998;0.012748597654258031833252040599;0.001529831718510963776622157972;0.014788373278939316579627671899;0.003059663437021927553244315945;0.004589495155532891113026039420;0.000000000000000000000000000000;0.013258541560428353453526817418;0.003059663437021927553244315945;0.010708822029576747086876409298;0.022437531871494133944855420282;0.029066802651708311538980566979;0.016318204997450281440452002357;0.016318204997450281440452002357
-0.018867924528301886072378934500;0.009433962264150943036189467250;0.031250000000000000000000000000;0.377948113207547176095602026180;0.017688679245283018409695685591;0.022995283018867922891770305682;0.005306603773584905349436358080;0.009433962264150943036189467250;0.007665094339622641542164593886;0.018278301886792452241037310046;0.008844339622641509204847842796;0.034198113207547169156708122273;0.013561320754716981590304314409;0.020047169811320753735062183409;0.008844339622641509204847842796;0.016509433962264150747012436682;0.016509433962264150747012436682;0.012971698113207547758962689954;0.012382075471698113927621065500;0.004127358490566037686753109170;0.007075471698113207710822969432;0.008844339622641509204847842796;0.001179245283018867879523683406;0.027122641509433963180608628818;0.026533018867924529349267004363;0.015919811320754716915670812227;0.014150943396226415421645938864;0.005896226415094340048139720523;0.003537735849056603855411484716;0.025943396226415095517925379909;0.021226415094339621397745432319;0.011792452830188680096279441045;0.002358490566037735759047366813;0.007665094339622641542164593886;0.006485849056603773879481344977;0.023584905660377360192558882090;0.003537735849056603855411484716;0.006485849056603773879481344977;0.001179245283018867879523683406;0.009433962264150943036189467250;0.004127358490566037686753109170;0.004716981132075471518094733625;0.000000000000000000000000000000;0.014150943396226415421645938864;0.004127358490566037686753109170;0.010023584905660376867531091705;0.022405660377358489060428681228;0.018278301886792452241037310046;0.012971698113207547758962689954;0.012382075471698113927621065500
-0.024415584415584414695876702694;0.018181818181818180935049866775;0.014025974025974026829222118806;0.315844155844155871637468635527;0.054025974025974025927165911298;0.024415584415584414695876702694;0.005714285714285714280757932926;0.011428571428571428561515865852;0.007792207792207792201033544899;0.008831168831168832028533088874;0.010389610389610389601378059865;0.022337662337662336775601090721;0.012987012987012987869084312820;0.016623376623376623362204895784;0.014545454545454545441929283811;0.015584415584415584402067089798;0.010389610389610389601378059865;0.009870129870129870988670894860;0.039480519480519483954683579441;0.002597402597402597400344514966;0.013506493506493506481791477825;0.007272727272727272720964641906;0.005714285714285714280757932926;0.016623376623376623362204895784;0.020779220779220779202756119730;0.012987012987012987869084312820;0.012467532467532467521653671838;0.034805194805194804297254762560;0.004675324675324675320620126939;0.050389610389610386964598376380;0.016103896103896103014774254802;0.012987012987012987869084312820;0.009870129870129870988670894860;0.005194805194805194800689029933;0.009870129870129870988670894860;0.011948051948051948908946506833;0.006233766233766233760826835919;0.005194805194805194800689029933;0.001558441558441558440206708980;0.010389610389610389601378059865;0.002077922077922077920275611973;0.009870129870129870988670894860;0.000000000000000000000000000000;0.007792207792207792201033544899;0.014545454545454545441929283811;0.011948051948051948908946506833;0.015584415584415584402067089798;0.010909090909090909948808700847;0.009350649350649350641240253879;0.009870129870129870988670894860
-0.022641509433962262592965331010;0.009703504043126684464048992140;0.019946091644204851783817034061;0.322911051212938005061658941486;0.030188679245283019103585075982;0.035579514824797840721881669879;0.005390835579514825087743545851;0.012398921832884097007920765066;0.004851752021563342232024496070;0.010242587601078167319768041921;0.015094339622641509551792537991;0.029649595687331536247866026201;0.009164420485175201608329942360;0.014016172506738543840354438430;0.015094339622641509551792537991;0.019946091644204851783817034061;0.014016172506738543840354438430;0.016711590296495958118949687332;0.032884097035040429912733372930;0.007547169811320754775896268995;0.010781671159029650175487091701;0.008625336927223720487334368556;0.004851752021563342232024496070;0.022641509433962262592965331010;0.024797843665768194015841530131;0.015094339622641509551792537991;0.019407008086253368928097984281;0.008625336927223720487334368556;0.000539083557951482530458398035;0.035040431266846361335609572052;0.022102425876010783206693233183;0.009703504043126684464048992140;0.008625336927223720487334368556;0.003773584905660377387948134498;0.009164420485175201608329942360;0.022102425876010783206693233183;0.004312668463611860243667184278;0.014016172506738543840354438430;0.000000000000000000000000000000;0.008086253369272237631615318776;0.004851752021563342232024496070;0.009164420485175201608329942360;0.000000000000000000000000000000;0.011320754716981131296482665505;0.010242587601078167319768041921;0.005390835579514825087743545851;0.016172506738544475263230637552;0.015094339622641509551792537991;0.012938005390835579863639814846;0.014555256064690026696073488210
-0.018142235123367198013077938867;0.012336719883889695273393449781;0.021044992743105950250281921399;0.430333817126269946307104419247;0.029027576197387518902592873360;0.018142235123367198013077938867;0.001451378809869375901761556769;0.013062409288824383332694445414;0.003628447024673439862824109170;0.010159651669085631095490462883;0.005805515239477503607046227074;0.021044992743105950250281921399;0.010159651669085631095490462883;0.021770682148040638309582917032;0.012336719883889695273393449781;0.012336719883889695273393449781;0.013788098693759071391995441047;0.014513788098693759451296436680;0.021770682148040638309582917032;0.005805515239477503607046227074;0.009433962264150943036189467250;0.009433962264150943036189467250;0.005079825834542815547745231441;0.013062409288824383332694445414;0.021044992743105950250281921399;0.023222060957910014428184908297;0.013788098693759071391995441047;0.008708272859216254976888471617;0.001451378809869375901761556769;0.029027576197387518902592873360;0.015965166908563133835174951969;0.012336719883889695273393449781;0.012336719883889695273393449781;0.006531204644412191666347222707;0.011611030478955007214092454149;0.017416545718432509953776943235;0.002902757619738751803523113537;0.005805515239477503607046227074;0.000000000000000000000000000000;0.009433962264150943036189467250;0.003628447024673439862824109170;0.007982583454281566917587475984;0.000000000000000000000000000000;0.006531204644412191666347222707;0.008708272859216254976888471617;0.007982583454281566917587475984;0.013788098693759071391995441047;0.008708272859216254976888471617;0.007256894049346879725648218340;0.010159651669085631095490462883
-0.024258760107816711160122480351;0.012129380053908355580061240175;0.023584905660377360192558882090;0.302560646900269514247838742449;0.041778975741239891827927266377;0.024258760107816711160122480351;0.002695417789757412543871772925;0.010107816711590295738476541487;0.008086253369272237631615318776;0.012129380053908355580061240175;0.010107816711590295738476541487;0.018194070080862535104815336240;0.012803234501347708282348314413;0.019541778975741240509389484714;0.010107816711590295738476541487;0.016172506738544475263230637552;0.012803234501347708282348314413;0.013477088948787062719358864626;0.015498652291105120826220087338;0.006064690026954177790030620088;0.009433962264150943036189467250;0.012129380053908355580061240175;0.007412398921832884061966506550;0.018867924528301886072378934500;0.033692722371967652461588471624;0.020215633423180591476953082974;0.016172506738544475263230637552;0.022911051212938005755548331877;0.001347708894878706271935886463;0.052560646900269542003414358078;0.025606469002695416564696628825;0.008760107816711590333902393013;0.008086253369272237631615318776;0.005390835579514825087743545851;0.014150943396226415421645938864;0.013477088948787062719358864626;0.002695417789757412543871772925;0.008086253369272237631615318776;0.002021563342318059407903829694;0.018194070080862535104815336240;0.008086253369272237631615318776;0.013477088948787062719358864626;0.000000000000000000000000000000;0.014150943396226415421645938864;0.006738544474393531359679432313;0.010107816711590295738476541487;0.018194070080862535104815336240;0.009433962264150943036189467250;0.012803234501347708282348314413;0.009433962264150943036189467250
-0.049056603773584908645410962436;0.006289308176100629269034136826;0.063522012578616351974325482388;0.008176100628930817529327335080;0.001257861635220125723702566667;0.044025157232704399679068529849;0.003773584905660377387948134498;0.014465408805031446798361471906;0.062264150943396226467463350218;0.020125786163522011579241066670;0.016981132075471697812085736246;0.023899371069182391569274415133;0.016981132075471697812085736246;0.031446540880503144610447208152;0.004402515723270440141379200583;0.028930817610062893596722943812;0.023899371069182391569274415133;0.029559748427672956350154009897;0.010691823899371068543051599420;0.015094339622641509551792537991;0.009433962264150943036189467250;0.040880503144654085911913199425;0.006289308176100629269034136826;0.028301886792452830843291877727;0.043396226415094336925637463764;0.034591194968553458377602538576;0.018867924528301886072378934500;0.004402515723270440141379200583;0.000628930817610062861851283333;0.021383647798742137086103198840;0.038364779874213834898188935085;0.020754716981132074332672132755;0.004402515723270440141379200583;0.011949685534591195784637207566;0.021383647798742137086103198840;0.020754716981132074332672132755;0.008805031446540880282758401165;0.013207547169811321291499339736;0.005660377358490565648241332752;0.023899371069182391569274415133;0.000000000000000000000000000000;0.035220125786163521131033604661;0.000000000000000000000000000000;0.013836477987421384044930405821;0.002515723270440251447405133334;0.014465408805031446798361471906;0.030817610062893081857016142067;0.020125786163522011579241066670;0.011949685534591195784637207566;0.018867924528301886072378934500
-0.029350104821802936588825971853;0.004716981132075471518094733625;0.035115303983228512985093061616;0.251048218029350123092768853894;0.057127882599580709355180374587;0.037211740041928724476161249868;0.001572327044025157317258534206;0.009958071278825995908956514313;0.024633123689727462468646024263;0.009958071278825995908956514313;0.011006289308176099919767132462;0.029350104821802936588825971853;0.016771488469601678050757698202;0.015723270440251572305223604076;0.002620545073375262195430890344;0.015199161425576519432456557013;0.018343815513626834934335363414;0.013626834381551362548878891801;0.027777777777777776235801354687;0.005765199161425576396267089763;0.014150943396226415421645938864;0.017295597484276729188801269288;0.013102725366876309676111844738;0.017295597484276729188801269288;0.036163522012578615261180203788;0.014675052410901468294412985927;0.019916142557651991817913028626;0.014675052410901468294412985927;0.002096436058700209756344712275;0.035115303983228512985093061616;0.015199161425576519432456557013;0.011530398322851152792534179525;0.009958071278825995908956514313;0.002096436058700209756344712275;0.012578616352201258538068273651;0.014150943396226415421645938864;0.004716981132075471518094733625;0.006813417190775681274439445900;0.002620545073375262195430890344;0.012054507337526205665301226588;0.002096436058700209756344712275;0.018343815513626834934335363414;0.000000000000000000000000000000;0.008385744234800839025378849101;0.006813417190775681274439445900;0.007861635220125786152611802038;0.015199161425576519432456557013;0.018343815513626834934335363414;0.017295597484276729188801269288;0.012578616352201258538068273651
-0.013406156901688183122334230291;0.009433962264150943036189467250;0.017378351539225421473755517354;0.533267130089374430390591896867;0.045183714001986098607321906684;0.012909632571996027677885265916;0.006454816285998013838942632958;0.014399205561072492276508683062;0.007447864945382323860478823718;0.007944389275074478437566050104;0.004965243296921549240319215812;0.007944389275074478437566050104;0.006454816285998013838942632958;0.009433962264150943036189467250;0.010923535253227407634812884396;0.006454816285998013838942632958;0.012413108242303872233436301542;0.018371400198609732362653446103;0.009930486593843098480638431624;0.002979145978152929630927703286;0.004468718967229394663231989426;0.011916583912611718523710813145;0.001986097318768619609391512526;0.011916583912611718523710813145;0.013406156901688183122334230291;0.009433962264150943036189467250;0.011916583912611718523710813145;0.022343594836146972448798209143;0.004468718967229394663231989426;0.011420059582919563079261848770;0.006454816285998013838942632958;0.009433962264150943036189467250;0.002482621648460774620159607906;0.008440913604766633882015014478;0.007447864945382323860478823718;0.013902681231380336832059718688;0.002482621648460774620159607906;0.006454816285998013838942632958;0.004468718967229394663231989426;0.010427010923535253925087395999;0.007447864945382323860478823718;0.003475670307845084208014929672;0.000000000000000000000000000000;0.006951340615690168416029859344;0.007447864945382323860478823718;0.009433962264150943036189467250;0.013406156901688183122334230291;0.004965243296921549240319215812;0.006454816285998013838942632958;0.007447864945382323860478823718
-0.010691823899371068543051599420;0.006918238993710692022465202911;0.025157232704402517076136547303;0.469182389937106925081877761841;0.035849056603773583884464670746;0.010691823899371068543051599420;0.005031446540880502894810266667;0.015723270440251572305223604076;0.011949685534591195784637207566;0.013836477987421384044930405821;0.006918238993710692022465202911;0.008176100628930817529327335080;0.008805031446540880282758401165;0.012578616352201258538068273651;0.016352201257861635058654670161;0.011320754716981131296482665505;0.012578616352201258538068273651;0.016352201257861635058654670161;0.013836477987421384044930405821;0.003773584905660377387948134498;0.008176100628930817529327335080;0.010062893081761005789620533335;0.001257861635220125723702566667;0.018238993710691823318947868415;0.018867924528301886072378934500;0.015723270440251572305223604076;0.013207547169811321291499339736;0.013836477987421384044930405821;0.003773584905660377387948134498;0.011949685534591195784637207566;0.015094339622641509551792537991;0.011949685534591195784637207566;0.001886792452830188693974067249;0.008176100628930817529327335080;0.006289308176100629269034136826;0.013836477987421384044930405821;0.003144654088050314634517068413;0.006289308176100629269034136826;0.001886792452830188693974067249;0.009433962264150943036189467250;0.003773584905660377387948134498;0.005660377358490565648241332752;0.000000000000000000000000000000;0.008805031446540880282758401165;0.011949685534591195784637207566;0.008805031446540880282758401165;0.022641509433962262592965331010;0.010062893081761005789620533335;0.008176100628930817529327335080;0.011320754716981131296482665505
-0.026124818577648766665388890829;0.015481373971940009040548780206;0.028543783260764392373243225620;0.328495403967102084230589298386;0.018384131591678763012476238714;0.028543783260764392373243225620;0.005321722302854377945058317323;0.013546202225447508127320617177;0.006773101112723754063660308589;0.014513788098693759451296436680;0.010643444605708755890116634646;0.044508950169327529677865129543;0.011127237542331882419466282386;0.017900338655055636483126590974;0.013062409288824383332694445414;0.017416545718432509953776943235;0.010643444605708755890116634646;0.010643444605708755890116634646;0.016932752781809386893874247448;0.002902757619738751803523113537;0.016448959845186260364524599709;0.006773101112723754063660308589;0.001451378809869375901761556769;0.017900338655055636483126590974;0.029995162070633768491845216886;0.013062409288824383332694445414;0.014029995162070632921946788940;0.020319303338171262190980925766;0.004837929366231253150432145560;0.033381712626995643788951895203;0.038703434929850025203457164480;0.014029995162070632921946788940;0.002418964683115626575216072780;0.007740686985970004520274390103;0.005805515239477503607046227074;0.013062409288824383332694445414;0.005805515239477503607046227074;0.011127237542331882419466282386;0.001935171746492501130068597526;0.006773101112723754063660308589;0.003870343492985002260137195051;0.007740686985970004520274390103;0.000000000000000000000000000000;0.012094823415578132008718625912;0.010643444605708755890116634646;0.006773101112723754063660308589;0.012578616352201258538068273651;0.012578616352201258538068273651;0.012578616352201258538068273651;0.014029995162070632921946788940
-0.026608611514271893194738538568;0.017416545718432509953776943235;0.032897919690372520729049199417;0.198838896952104493554003283862;0.019835510401548139131078229980;0.022254475084663764838932564771;0.001451378809869375901761556769;0.013062409288824383332694445414;0.017416545718432509953776943235;0.014513788098693759451296436680;0.019351717464925012601728582240;0.034833091436865019907553886469;0.013546202225447508127320617177;0.031446540880503144610447208152;0.005805515239477503607046227074;0.016932752781809386893874247448;0.015965166908563133835174951969;0.015965166908563133835174951969;0.014513788098693759451296436680;0.005321722302854377945058317323;0.015481373971940009040548780206;0.013062409288824383332694445414;0.010643444605708755890116634646;0.022738268021286887898835260557;0.029995162070633768491845216886;0.023705853894533140957534556037;0.022254475084663764838932564771;0.026124818577648766665388890829;0.004354136429608127488444235809;0.027576197387518142783990882094;0.027092404450895016254641234354;0.016932752781809386893874247448;0.002418964683115626575216072780;0.006289308176100629269034136826;0.016932752781809386893874247448;0.023222060957910014428184908297;0.005805515239477503607046227074;0.007740686985970004520274390103;0.001935171746492501130068597526;0.022254475084663764838932564771;0.011611030478955007214092454149;0.014513788098693759451296436680;0.000000000000000000000000000000;0.014513788098693759451296436680;0.006773101112723754063660308589;0.008708272859216254976888471617;0.027576197387518142783990882094;0.027092404450895016254641234354;0.014997581035316884245922608443;0.009675858732462506300864291120
-0.027852650494159927885284844251;0.007637017070979335540970023288;0.026055705300988319522703662301;0.285265049415992788528484425115;0.021114106019766397392967149926;0.026504941599281222480710695777;0.005840071877807727178388841338;0.009433962264150943036189467250;0.004941599281221922997098250363;0.013477088948787062719358864626;0.012129380053908355580061240175;0.032345013477088950526461275103;0.010781671159029650175487091701;0.027852650494159927885284844251;0.016621743036837374751790719074;0.023360287511230908713555365352;0.008984725965858041812905909751;0.013477088948787062719358864626;0.020664869721473494434960116450;0.006289308176100629269034136826;0.008984725965858041812905909751;0.009433962264150943036189467250;0.004492362982929020906452954875;0.027852650494159927885284844251;0.033243486073674749503581438148;0.027852650494159927885284844251;0.011680143755615454356777682676;0.007637017070979335540970023288;0.001347708894878706271935886463;0.035489667565139264293616605528;0.026504941599281222480710695777;0.016172506738544475263230637552;0.005390835579514825087743545851;0.007637017070979335540970023288;0.012129380053908355580061240175;0.019766397124887691988393001452;0.006289308176100629269034136826;0.011230907457322551398770649200;0.000449236298292902090645295488;0.012129380053908355580061240175;0.006738544474393531359679432313;0.005390835579514825087743545851;0.000000000000000000000000000000;0.014375561545372866900649455602;0.006738544474393531359679432313;0.013027852650494159761351831150;0.020215633423180591476953082974;0.024258760107816711160122480351;0.012578616352201258538068273651;0.010332434860736747217480058225
-0.022641509433962262592965331010;0.009433962264150943036189467250;0.022641509433962262592965331010;0.406289308176100649738771153352;0.005660377358490565648241332752;0.020125786163522011579241066670;0.001257861635220125723702566667;0.011949685534591195784637207566;0.022641509433962262592965331010;0.014465408805031446798361471906;0.008805031446540880282758401165;0.027672955974842768089860811642;0.011320754716981131296482665505;0.021383647798742137086103198840;0.010691823899371068543051599420;0.015723270440251572305223604076;0.016352201257861635058654670161;0.019496855345911948825810000585;0.009433962264150943036189467250;0.002515723270440251447405133334;0.006918238993710692022465202911;0.016981132075471697812085736246;0.000628930817610062861851283333;0.017610062893081760565516802330;0.023270440251572325346396397094;0.008805031446540880282758401165;0.013836477987421384044930405821;0.003773584905660377387948134498;0.002515723270440251447405133334;0.022641509433962262592965331010;0.020754716981132074332672132755;0.008805031446540880282758401165;0.003773584905660377387948134498;0.008805031446540880282758401165;0.015723270440251572305223604076;0.012578616352201258538068273651;0.005660377358490565648241332752;0.011949685534591195784637207566;0.003773584905660377387948134498;0.005031446540880502894810266667;0.001257861635220125723702566667;0.011949685534591195784637207566;0.000000000000000000000000000000;0.011320754716981131296482665505;0.010691823899371068543051599420;0.007547169811320754775896268995;0.015723270440251572305223604076;0.017610062893081760565516802330;0.012578616352201258538068273651;0.016981132075471697812085736246
-0.010107816711590295738476541487;0.003369272237196765679839716157;0.022911051212938005755548331877;0.458894878706199438322954620162;0.000673854447439353135967943231;0.019541778975741240509389484714;0.004716981132075471518094733625;0.014150943396226415421645938864;0.019541778975741240509389484714;0.016846361185983826230794235812;0.008086253369272237631615318776;0.018867924528301886072378934500;0.016846361185983826230794235812;0.016846361185983826230794235812;0.009433962264150943036189467250;0.010107816711590295738476541487;0.012803234501347708282348314413;0.017520215633423180667804786026;0.003369272237196765679839716157;0.006064690026954177790030620088;0.008086253369272237631615318776;0.020215633423180591476953082974;0.004043126684636118815807659388;0.018194070080862535104815336240;0.018867924528301886072378934500;0.016846361185983826230794235812;0.015498652291105120826220087338;0.000000000000000000000000000000;0.002695417789757412543871772925;0.015498652291105120826220087338;0.012129380053908355580061240175;0.016846361185983826230794235812;0.003369272237196765679839716157;0.002695417789757412543871772925;0.010107816711590295738476541487;0.018867924528301886072378934500;0.003369272237196765679839716157;0.006064690026954177790030620088;0.002021563342318059407903829694;0.013477088948787062719358864626;0.000000000000000000000000000000;0.012803234501347708282348314413;0.000000000000000000000000000000;0.012803234501347708282348314413;0.010781671159029650175487091701;0.012129380053908355580061240175;0.012129380053908355580061240175;0.013477088948787062719358864626;0.012803234501347708282348314413;0.013477088948787062719358864626
-0.011202830188679244530214340614;0.004716981132075471518094733625;0.038325471698113205976099493455;0.431014150943396234794136034907;0.001768867924528301927705742358;0.022405660377358489060428681228;0.005306603773584905349436358080;0.007665094339622641542164593886;0.023584905660377360192558882090;0.010613207547169810698872716159;0.007075471698113207710822969432;0.033018867924528301494024873364;0.007665094339622641542164593886;0.020047169811320753735062183409;0.011792452830188680096279441045;0.014150943396226415421645938864;0.009433962264150943036189467250;0.017688679245283018409695685591;0.004716981132075471518094733625;0.002948113207547170024069860261;0.007075471698113207710822969432;0.011792452830188680096279441045;0.003537735849056603855411484716;0.020047169811320753735062183409;0.020636792452830187566403807864;0.018867924528301886072378934500;0.012382075471698113927621065500;0.000000000000000000000000000000;0.002948113207547170024069860261;0.014150943396226415421645938864;0.022995283018867922891770305682;0.014740566037735849252987563318;0.002948113207547170024069860261;0.005306603773584905349436358080;0.006485849056603773879481344977;0.022995283018867922891770305682;0.002358490566037735759047366813;0.011792452830188680096279441045;0.001179245283018867879523683406;0.009433962264150943036189467250;0.000000000000000000000000000000;0.012382075471698113927621065500;0.000000000000000000000000000000;0.012971698113207547758962689954;0.007075471698113207710822969432;0.007075471698113207710822969432;0.027122641509433963180608628818;0.013561320754716981590304314409;0.010023584905660376867531091705;0.012971698113207547758962689954
-0.031805929919137464201295273369;0.001617250673854447482954976856;0.037196765498652292758485771174;0.288948787061994616376381372902;0.011320754716981131296482665505;0.018867924528301886072378934500;0.004312668463611860243667184278;0.009703504043126684464048992140;0.004851752021563342232024496070;0.017789757412398920360940834939;0.018328840970350403216659884720;0.009164420485175201608329942360;0.016172506738544475263230637552;0.039353099730458224181361970295;0.019946091644204851783817034061;0.019407008086253368928097984281;0.016711590296495958118949687332;0.010242587601078167319768041921;0.007008086253369271920177219215;0.005929919137466307076100857643;0.012938005390835579863639814846;0.009703504043126684464048992140;0.002695417789757412543871772925;0.033962264150943395624171472491;0.035040431266846361335609572052;0.032345013477088950526461275103;0.012938005390835579863639814846;0.002156334231805930121833592139;0.004851752021563342232024496070;0.003234501347708894965909953712;0.013477088948787062719358864626;0.016711590296495958118949687332;0.003234501347708894965909953712;0.004851752021563342232024496070;0.018328840970350403216659884720;0.030727762803234501959304125762;0.006469002695417789931819907423;0.011859838274932614152201715285;0.000539083557951482530458398035;0.007008086253369271920177219215;0.003773584905660377387948134498;0.006469002695417789931819907423;0.000000000000000000000000000000;0.020485175202156334639536083841;0.005390835579514825087743545851;0.011320754716981131296482665505;0.038814016172506737856195968561;0.027493261455525604824989827080;0.018328840970350403216659884720;0.016172506738544475263230637552
-0.010510510510510511286708101863;0.005005005005005004961593506607;0.019019019019019020588778801084;0.503003003003003046345043003384;0.056056056056056055569847274000;0.013013013013013012900143117179;0.006006006006006005953912207929;0.009509509509509510294389400542;0.005505505505505505457752857268;0.011011011011011010915505714536;0.007507507507507507442390259911;0.014514514514514515255982907149;0.007007007007007006946230909250;0.012512512512512513271345504506;0.011011011011011010915505714536;0.014014014014014013892461818500;0.007507507507507507442390259911;0.007507507507507507442390259911;0.010010010010010009923187013214;0.001001001001001000992318701321;0.010510510510510511286708101863;0.007007007007007006946230909250;0.001001001001001000992318701321;0.011511511511511512279026803185;0.019019019019019020588778801084;0.006006006006006005953912207929;0.009009009009009008930868311893;0.027027027027027028527328411656;0.003503503503503503473115454625;0.016016016016016015877099221143;0.012012012012012011907824415857;0.014014014014014013892461818500;0.003003003003003002976956103964;0.008008008008008007938549610571;0.006006006006006005953912207929;0.013013013013013012900143117179;0.002502502502502502480796753304;0.009009009009009008930868311893;0.001501501501501501488478051982;0.006506506506506506450071558589;0.004004004004004003969274805286;0.008008008008008007938549610571;0.000000000000000000000000000000;0.010510510510510511286708101863;0.012512512512512513271345504506;0.008008008008008007938549610571;0.013013013013013012900143117179;0.012012012012012011907824415857;0.004504504504504504465434155946;0.010010010010010009923187013214
-0.018867924528301886072378934500;0.008301886792452830426958243493;0.021132075471698114760288333969;0.403018867924528290114238870956;0.058867924528301883435599251015;0.018113207547169812156040435980;0.002264150943396226519505054497;0.008301886792452830426958243493;0.006792452830188679124834294498;0.015849056603773583468131036511;0.013584905660377358249668588996;0.014339622641509433900730563494;0.019622641509433963458164384974;0.015849056603773583468131036511;0.009811320754716981729082192487;0.020377358490566037374502883495;0.003773584905660377387948134498;0.007547169811320754775896268995;0.015849056603773583468131036511;0.002264150943396226519505054497;0.020377358490566037374502883495;0.004528301886792453039010108995;0.003773584905660377387948134498;0.017358490566037734770254985506;0.021132075471698114760288333969;0.015094339622641509551792537991;0.009056603773584906078020217990;0.030188679245283019103585075982;0.002264150943396226519505054497;0.021886792452830188676626832489;0.009811320754716981729082192487;0.010566037735849057380144166984;0.003018867924528301736886160000;0.004528301886792453039010108995;0.009811320754716981729082192487;0.013584905660377358249668588996;0.003018867924528301736886160000;0.006792452830188679124834294498;0.000000000000000000000000000000;0.002264150943396226519505054497;0.003773584905660377387948134498;0.006037735849056603473772320001;0.000000000000000000000000000000;0.018867924528301886072378934500;0.016603773584905660853916486985;0.014339622641509433900730563494;0.015849056603773583468131036511;0.012075471698113206947544640002;0.003773584905660377387948134498;0.015094339622641509551792537991
-0.012803234501347708282348314413;0.010107816711590295738476541487;0.010107816711590295738476541487;0.475067385444743917055632209667;0.134097035040431272756578096050;0.012129380053908355580061240175;0.004716981132075471518094733625;0.010107816711590295738476541487;0.001347708894878706271935886463;0.002695417789757412543871772925;0.006738544474393531359679432313;0.014150943396226415421645938864;0.004716981132075471518094733625;0.009433962264150943036189467250;0.013477088948787062719358864626;0.011455525606469002877774165938;0.006064690026954177790030620088;0.004716981132075471518094733625;0.010107816711590295738476541487;0.002695417789757412543871772925;0.005390835579514825087743545851;0.004043126684636118815807659388;0.002695417789757412543871772925;0.010107816711590295738476541487;0.013477088948787062719358864626;0.008760107816711590333902393013;0.007412398921832884061966506550;0.031671159029649592620003772936;0.002695417789757412543871772925;0.029649595687331536247866026201;0.018867924528301886072378934500;0.005390835579514825087743545851;0.001347708894878706271935886463;0.006738544474393531359679432313;0.004043126684636118815807659388;0.009433962264150943036189467250;0.000673854447439353135967943231;0.009433962264150943036189467250;0.002021563342318059407903829694;0.004043126684636118815807659388;0.002695417789757412543871772925;0.002021563342318059407903829694;0.000000000000000000000000000000;0.011455525606469002877774165938;0.015498652291105120826220087338;0.006738544474393531359679432313;0.008760107816711590333902393013;0.008086253369272237631615318776;0.004043126684636118815807659388;0.006064690026954177790030620088
-0.032656023222060959199097851524;0.003628447024673439862824109170;0.023947750362844702487485903930;0.327285921625544262703044751106;0.037735849056603772144757869000;0.020319303338171262190980925766;0.002177068214804063744222117904;0.018867924528301886072378934500;0.005805515239477503607046227074;0.013788098693759071391995441047;0.018142235123367198013077938867;0.038461538461538463673505816587;0.008708272859216254976888471617;0.029753265602322206961893868993;0.005079825834542815547745231441;0.019593613933236574131679930133;0.005805515239477503607046227074;0.011611030478955007214092454149;0.013788098693759071391995441047;0.006531204644412191666347222707;0.010159651669085631095490462883;0.002902757619738751803523113537;0.005079825834542815547745231441;0.011611030478955007214092454149;0.031204644412191583080495860258;0.026850507982583454724689886461;0.015965166908563133835174951969;0.018142235123367198013077938867;0.000725689404934687950880778384;0.034833091436865019907553886469;0.026850507982583454724689886461;0.007256894049346879725648218340;0.010885341074020319154791458516;0.007982583454281566917587475984;0.014513788098693759451296436680;0.015965166908563133835174951969;0.007982583454281566917587475984;0.008708272859216254976888471617;0.000000000000000000000000000000;0.003628447024673439862824109170;0.001451378809869375901761556769;0.000725689404934687950880778384;0.000000000000000000000000000000;0.007256894049346879725648218340;0.003628447024673439862824109170;0.010885341074020319154791458516;0.018867924528301886072378934500;0.014513788098693759451296436680;0.026124818577648766665388890829;0.011611030478955007214092454149
-0.053109713487071975868136775034;0.004192872117400419512689424550;0.026554856743535987934068387517;0.184486373165618444680546872405;0.004891684136967155809017082646;0.031446540880503144610447208152;0.000698812019566736513168092593;0.011879804332634521374378877567;0.009084556254367574454344769208;0.019566736547868623236068330584;0.019566736547868623236068330584;0.023060796645702305585068359051;0.023060796645702305585068359051;0.027253668763102725097757783601;0.003494060097833682782680897461;0.029350104821802936588825971853;0.010482180293501048781723561376;0.016072676450034940887068302118;0.011879804332634521374378877567;0.009084556254367574454344769208;0.010482180293501048781723561376;0.009084556254367574454344769208;0.005590496156533892105344740742;0.018169112508735148908689538416;0.043326345213137662515379133765;0.039133473095737246472136661168;0.024458420684835779912447151219;0.017470300489168415214447094286;0.002096436058700209756344712275;0.020265548567435360399757726668;0.019566736547868623236068330584;0.009783368273934311618034165292;0.005590496156533892105344740742;0.005590496156533892105344740742;0.024458420684835779912447151219;0.020964360587002097563447122752;0.013277428371767993967034193759;0.016072676450034940887068302118;0.001397624039133473026336185185;0.010482180293501048781723561376;0.006988120195667365565361794921;0.006289308176100629269034136826;0.000000000000000000000000000000;0.027952480782669462261447179685;0.003494060097833682782680897461;0.022361984626135568421378962967;0.026554856743535987934068387517;0.027952480782669462261447179685;0.025856044723969250770378991433;0.016072676450034940887068302118
-0.035783994795055305837561121507;0.004554326610279765992495004667;0.031880286271958359345379818706;0.169160702667534162957352350531;0.020169160702667533746623718116;0.027976577748861419792092419812;0.004554326610279765992495004667;0.018217306441119063969980018669;0.006506180871828236636500442103;0.025374105400130124443602852580;0.013012361743656473273000884205;0.017566688353936238398134150884;0.014964216005204944784368059629;0.039687703318152245390848520401;0.008458035133376708147867617527;0.017566688353936238398134150884;0.009759271307742355822112401142;0.018867924528301886072378934500;0.018867924528301886072378934500;0.009759271307742355822112401142;0.018867924528301886072378934500;0.014964216005204944784368059629;0.006506180871828236636500442103;0.035783994795055305837561121507;0.042940793754066362841737003464;0.031880286271958359345379818706;0.023422251138581651197512201179;0.021470396877033181420868501732;0.001301236174365647457404349119;0.017566688353936238398134150884;0.016265452179570590723889367268;0.018217306441119063969980018669;0.007807417046193884310745225719;0.009759271307742355822112401142;0.016916070266753416295735235053;0.029277813923227063996890251474;0.007807417046193884310745225719;0.012361743656473649435878492397;0.001951854261548471077686306430;0.016265452179570590723889367268;0.004554326610279765992495004667;0.005855562784645412799378050295;0.000000000000000000000000000000;0.017566688353936238398134150884;0.004554326610279765992495004667;0.017566688353936238398134150884;0.032530904359141181447778734537;0.020169160702667533746623718116;0.018867924528301886072378934500;0.014313597918022120947245667821
-0.021154945683247571019958144234;0.009148084619782732851422935028;0.020011435105774726811445063390;0.428244711263579214133301320544;0.038879359634076612883823997890;0.008576329331046312481889870583;0.008004574042309892112356806138;0.008004574042309892112356806138;0.013150371640937678907601338096;0.006289308176100629269034136826;0.008004574042309892112356806138;0.010863350485991995694745604339;0.005145797598627787662606269947;0.018296169239565465702845870055;0.017152658662092624963779741165;0.021726700971983991389491208679;0.012006861063464836433811733230;0.010863350485991995694745604339;0.015437392795883362120457071853;0.002858776443682104016069667196;0.010863350485991995694745604339;0.009719839908519153220955999473;0.001715265866209262409641800318;0.020011435105774726811445063390;0.016580903373356204594246676720;0.019439679817038306441911998945;0.013150371640937678907601338096;0.009719839908519153220955999473;0.004002287021154946056178403069;0.013150371640937678907601338096;0.012578616352201258538068273651;0.018296169239565465702845870055;0.002287021154945683212855733757;0.008576329331046312481889870583;0.006861063464837049638567201271;0.013722126929674099277134402541;0.004002287021154946056178403069;0.014293882218410519646667466986;0.002287021154945683212855733757;0.008004574042309892112356806138;0.005717552887364208032139334392;0.008004574042309892112356806138;0.000000000000000000000000000000;0.018867924528301886072378934500;0.015437392795883362120457071853;0.018867924528301886072378934500;0.012006861063464836433811733230;0.008004574042309892112356806138;0.008004574042309892112356806138;0.012006861063464836433811733230
-0.017610062893081760565516802330;0.010691823899371068543051599420;0.028930817610062893596722943812;0.433962264150943410889738061087;0.030817610062893081857016142067;0.010691823899371068543051599420;0.005660377358490565648241332752;0.011949685534591195784637207566;0.008805031446540880282758401165;0.007547169811320754775896268995;0.007547169811320754775896268995;0.008805031446540880282758401165;0.005031446540880502894810266667;0.018867924528301886072378934500;0.016352201257861635058654670161;0.013836477987421384044930405821;0.011949685534591195784637207566;0.013207547169811321291499339736;0.012578616352201258538068273651;0.000628930817610062861851283333;0.013207547169811321291499339736;0.010062893081761005789620533335;0.001257861635220125723702566667;0.019496855345911948825810000585;0.013836477987421384044930405821;0.018867924528301886072378934500;0.011949685534591195784637207566;0.023899371069182391569274415133;0.003144654088050314634517068413;0.015094339622641509551792537991;0.010062893081761005789620533335;0.015723270440251572305223604076;0.001886792452830188693974067249;0.011320754716981131296482665505;0.006918238993710692022465202911;0.026415094339622642582998679472;0.004402515723270440141379200583;0.010062893081761005789620533335;0.001257861635220125723702566667;0.009433962264150943036189467250;0.001886792452830188693974067249;0.004402515723270440141379200583;0.000000000000000000000000000000;0.013836477987421384044930405821;0.010691823899371068543051599420;0.014465408805031446798361471906;0.021383647798742137086103198840;0.011320754716981131296482665505;0.008176100628930817529327335080;0.010062893081761005789620533335
-0.007547169811320754775896268995;0.008086253369272237631615318776;0.020485175202156334639536083841;0.533153638814016117564165142539;0.008625336927223720487334368556;0.012398921832884097007920765066;0.008625336927223720487334368556;0.009703504043126684464048992140;0.008086253369272237631615318776;0.009703504043126684464048992140;0.007547169811320754775896268995;0.015633423180592992407511587771;0.007547169811320754775896268995;0.015094339622641509551792537991;0.019407008086253368928097984281;0.011859838274932614152201715285;0.014016172506738543840354438430;0.012938005390835579863639814846;0.008086253369272237631615318776;0.006469002695417789931819907423;0.008625336927223720487334368556;0.006469002695417789931819907423;0.001617250673854447482954976856;0.016711590296495958118949687332;0.014016172506738543840354438430;0.016172506738544475263230637552;0.010242587601078167319768041921;0.014016172506738543840354438430;0.005390835579514825087743545851;0.009703504043126684464048992140;0.014555256064690026696073488210;0.017789757412398920360940834939;0.001617250673854447482954976856;0.006469002695417789931819907423;0.008086253369272237631615318776;0.015633423180592992407511587771;0.004851752021563342232024496070;0.007008086253369271920177219215;0.001078167115902965060916796070;0.008625336927223720487334368556;0.005929919137466307076100857643;0.003773584905660377387948134498;0.000000000000000000000000000000;0.007547169811320754775896268995;0.010781671159029650175487091701;0.009164420485175201608329942360;0.010781671159029650175487091701;0.006469002695417789931819907423;0.005390835579514825087743545851;0.006469002695417789931819907423
-0.011435105774728416064278668784;0.012006861063464836433811733230;0.016580903373356204594246676720;0.525443110348770781037330834806;0.049742710120068610313293078207;0.013150371640937678907601338096;0.004574042309891366425711467514;0.008576329331046312481889870583;0.004574042309891366425711467514;0.008576329331046312481889870583;0.003430531732418524819283600635;0.014865637507146941750924007408;0.004574042309891366425711467514;0.012578616352201258538068273651;0.014865637507146941750924007408;0.012006861063464836433811733230;0.012006861063464836433811733230;0.013150371640937678907601338096;0.011435105774728416064278668784;0.004574042309891366425711467514;0.010863350485991995694745604339;0.004574042309891366425711467514;0.000000000000000000000000000000;0.016580903373356204594246676720;0.012006861063464836433811733230;0.010863350485991995694745604339;0.009719839908519153220955999473;0.017724413950829045333312805610;0.002287021154945683212855733757;0.018867924528301886072378934500;0.014865637507146941750924007408;0.007432818753573470875462003704;0.002858776443682104016069667196;0.007432818753573470875462003704;0.003430531732418524819283600635;0.010863350485991995694745604339;0.002858776443682104016069667196;0.006289308176100629269034136826;0.001143510577472841606427866878;0.006861063464837049638567201271;0.005145797598627787662606269947;0.002287021154945683212855733757;0.000000000000000000000000000000;0.011435105774728416064278668784;0.011435105774728416064278668784;0.008004574042309892112356806138;0.015437392795883362120457071853;0.008004574042309892112356806138;0.003430531732418524819283600635;0.009148084619782732851422935028
-0.012006861063464836433811733230;0.007432818753573470875462003704;0.018296169239565465702845870055;0.519725557461406473258591631748;0.013150371640937678907601338096;0.015437392795883362120457071853;0.008576329331046312481889870583;0.013150371640937678907601338096;0.006289308176100629269034136826;0.009148084619782732851422935028;0.008576329331046312481889870583;0.010863350485991995694745604339;0.005145797598627787662606269947;0.008576329331046312481889870583;0.015437392795883362120457071853;0.010863350485991995694745604339;0.014865637507146941750924007408;0.012578616352201258538068273651;0.016009148084619784224713612275;0.002287021154945683212855733757;0.007432818753573470875462003704;0.012006861063464836433811733230;0.003430531732418524819283600635;0.011435105774728416064278668784;0.014865637507146941750924007408;0.006861063464837049638567201271;0.014293882218410519646667466986;0.014865637507146941750924007408;0.005145797598627787662606269947;0.016580903373356204594246676720;0.017152658662092624963779741165;0.012578616352201258538068273651;0.003430531732418524819283600635;0.009719839908519153220955999473;0.007432818753573470875462003704;0.008576329331046312481889870583;0.001143510577472841606427866878;0.006289308176100629269034136826;0.003430531732418524819283600635;0.010291595197255575325212539894;0.004002287021154946056178403069;0.004574042309891366425711467514;0.000000000000000000000000000000;0.014293882218410519646667466986;0.011435105774728416064278668784;0.011435105774728416064278668784;0.014865637507146941750924007408;0.010863350485991995694745604339;0.008004574042309892112356806138;0.005145797598627787662606269947
-0.013722126929674099277134402541;0.011435105774728416064278668784;0.010291595197255575325212539894;0.475700400228702136029568237063;0.025157232704402517076136547303;0.014865637507146941750924007408;0.007432818753573470875462003704;0.012578616352201258538068273651;0.002858776443682104016069667196;0.009148084619782732851422935028;0.007432818753573470875462003704;0.013722126929674099277134402541;0.013150371640937678907601338096;0.015437392795883362120457071853;0.010863350485991995694745604339;0.017152658662092624963779741165;0.009148084619782732851422935028;0.010291595197255575325212539894;0.012578616352201258538068273651;0.002858776443682104016069667196;0.013150371640937678907601338096;0.006289308176100629269034136826;0.002287021154945683212855733757;0.023441966838193252498090402014;0.018296169239565465702845870055;0.013150371640937678907601338096;0.013150371640937678907601338096;0.020011435105774726811445063390;0.005145797598627787662606269947;0.023441966838193252498090402014;0.009719839908519153220955999473;0.008004574042309892112356806138;0.002858776443682104016069667196;0.005145797598627787662606269947;0.012006861063464836433811733230;0.014865637507146941750924007408;0.001143510577472841606427866878;0.005145797598627787662606269947;0.002858776443682104016069667196;0.007432818753573470875462003704;0.001143510577472841606427866878;0.004002287021154946056178403069;0.000000000000000000000000000000;0.018296169239565465702845870055;0.013722126929674099277134402541;0.017152658662092624963779741165;0.013150371640937678907601338096;0.011435105774728416064278668784;0.007432818753573470875462003704;0.010291595197255575325212539894
-0.014150943396226415421645938864;0.014150943396226415421645938864;0.021226415094339621397745432319;0.410966981132075470650732995637;0.074292452830188676626832489092;0.017688679245283018409695685591;0.007665094339622641542164593886;0.005306603773584905349436358080;0.007665094339622641542164593886;0.009433962264150943036189467250;0.005896226415094340048139720523;0.006485849056603773879481344977;0.014150943396226415421645938864;0.011792452830188680096279441045;0.011792452830188680096279441045;0.010613207547169810698872716159;0.008844339622641509204847842796;0.005306603773584905349436358080;0.010613207547169810698872716159;0.004127358490566037686753109170;0.011202830188679244530214340614;0.008844339622641509204847842796;0.002948113207547170024069860261;0.015919811320754716915670812227;0.011792452830188680096279441045;0.007075471698113207710822969432;0.012382075471698113927621065500;0.034787735849056602988049746727;0.004127358490566037686753109170;0.033018867924528301494024873364;0.011202830188679244530214340614;0.010613207547169810698872716159;0.007665094339622641542164593886;0.005306603773584905349436358080;0.020047169811320753735062183409;0.010023584905660376867531091705;0.004716981132075471518094733625;0.004716981132075471518094733625;0.001179245283018867879523683406;0.011202830188679244530214340614;0.001768867924528301927705742358;0.007075471698113207710822969432;0.000000000000000000000000000000;0.008844339622641509204847842796;0.014150943396226415421645938864;0.013561320754716981590304314409;0.020636792452830187566403807864;0.011792452830188680096279441045;0.012971698113207547758962689954;0.008254716981132075373506218341
-0.011792452830188680096279441045;0.011202830188679244530214340614;0.014150943396226415421645938864;0.497051886792452823904397973820;0.054245283018867926361217257636;0.018278301886792452241037310046;0.007075471698113207710822969432;0.008254716981132075373506218341;0.006485849056603773879481344977;0.008254716981132075373506218341;0.009433962264150943036189467250;0.010613207547169810698872716159;0.016509433962264150747012436682;0.012971698113207547758962689954;0.007665094339622641542164593886;0.012971698113207547758962689954;0.011792452830188680096279441045;0.009433962264150943036189467250;0.012382075471698113927621065500;0.002358490566037735759047366813;0.006485849056603773879481344977;0.009433962264150943036189467250;0.001179245283018867879523683406;0.012382075471698113927621065500;0.012382075471698113927621065500;0.011792452830188680096279441045;0.015919811320754716915670812227;0.024174528301886794023900506545;0.003537735849056603855411484716;0.022405660377358489060428681228;0.011202830188679244530214340614;0.010023584905660376867531091705;0.002948113207547170024069860261;0.005896226415094340048139720523;0.010613207547169810698872716159;0.011202830188679244530214340614;0.001179245283018867879523683406;0.006485849056603773879481344977;0.000000000000000000000000000000;0.004716981132075471518094733625;0.001179245283018867879523683406;0.002358490566037735759047366813;0.000000000000000000000000000000;0.007075471698113207710822969432;0.011202830188679244530214340614;0.005896226415094340048139720523;0.015330188679245283084329187773;0.017099056603773584578354061136;0.004716981132075471518094733625;0.008254716981132075373506218341
-0.021816037735849055229087056773;0.010023584905660376867531091705;0.032429245283018867662683248909;0.376768867924528294555130969457;0.010613207547169810698872716159;0.031839622641509433831341624455;0.001768867924528301927705742358;0.006485849056603773879481344977;0.009433962264150943036189467250;0.013561320754716981590304314409;0.008844339622641509204847842796;0.027122641509433963180608628818;0.018278301886792452241037310046;0.022995283018867922891770305682;0.002948113207547170024069860261;0.015330188679245283084329187773;0.013561320754716981590304314409;0.015919811320754716915670812227;0.015919811320754716915670812227;0.005306603773584905349436358080;0.010023584905660376867531091705;0.006485849056603773879481344977;0.005306603773584905349436358080;0.017688679245283018409695685591;0.024174528301886794023900506545;0.022995283018867922891770305682;0.017099056603773584578354061136;0.000589622641509433939761841703;0.001768867924528301927705742358;0.030070754716981132337316751091;0.027122641509433963180608628818;0.007075471698113207710822969432;0.006485849056603773879481344977;0.005306603773584905349436358080;0.010613207547169810698872716159;0.018278301886792452241037310046;0.007665094339622641542164593886;0.008254716981132075373506218341;0.000000000000000000000000000000;0.011202830188679244530214340614;0.001179245283018867879523683406;0.004127358490566037686753109170;0.000000000000000000000000000000;0.009433962264150943036189467250;0.006485849056603773879481344977;0.007075471698113207710822969432;0.024174528301886794023900506545;0.021816037735849055229087056773;0.017099056603773584578354061136;0.009433962264150943036189467250
-0.015216068167985392217689266658;0.009738283627510651435654764896;0.012172854534388313427206718131;0.439440048691418116977303043313;0.068167985392574556580136402317;0.016433353621424222346103505288;0.004869141813755325717827382448;0.008520998174071819572517050290;0.005477784540474741649396239751;0.009129640900791236371447645581;0.007912355447352404508309930975;0.009129640900791236371447645581;0.021302495435179549798654363713;0.012781497261107730226137313423;0.011564211807668898362999598817;0.010955569080949483298792479502;0.009129640900791236371447645581;0.011564211807668898362999598817;0.017041996348143639145034100579;0.002434570906877662858913691224;0.007303712720632988576741073672;0.006695069993913572645172216369;0.001217285453438831429456845612;0.017041996348143639145034100579;0.020085209981740719670240125083;0.014607425441265977153482147344;0.012172854534388313427206718131;0.026171637248934873781758270184;0.003651856360316494288370536836;0.022519780888618379927068602342;0.014607425441265977153482147344;0.009129640900791236371447645581;0.004260499087035909786258525145;0.004260499087035909786258525145;0.012172854534388313427206718131;0.014607425441265977153482147344;0.001217285453438831429456845612;0.010955569080949483298792479502;0.002434570906877662858913691224;0.007303712720632988576741073672;0.001825928180158247144185268418;0.004869141813755325717827382448;0.000000000000000000000000000000;0.009129640900791236371447645581;0.014607425441265977153482147344;0.014607425441265977153482147344;0.012172854534388313427206718131;0.012172854534388313427206718131;0.006695069993913572645172216369;0.008520998174071819572517050290
-0.019457547169811319903720558955;0.012382075471698113927621065500;0.017099056603773584578354061136;0.463443396226415116334607091630;0.043042452830188676626832489092;0.021816037735849055229087056773;0.005896226415094340048139720523;0.009433962264150943036189467250;0.008254716981132075373506218341;0.011792452830188680096279441045;0.008254716981132075373506218341;0.008844339622641509204847842796;0.014740566037735849252987563318;0.010613207547169810698872716159;0.014740566037735849252987563318;0.012971698113207547758962689954;0.008844339622641509204847842796;0.008844339622641509204847842796;0.011792452830188680096279441045;0.001179245283018867879523683406;0.007665094339622641542164593886;0.007665094339622641542164593886;0.003537735849056603855411484716;0.009433962264150943036189467250;0.017099056603773584578354061136;0.011202830188679244530214340614;0.014740566037735849252987563318;0.037735849056603772144757869000;0.002948113207547170024069860261;0.020047169811320753735062183409;0.010023584905660376867531091705;0.009433962264150943036189467250;0.003537735849056603855411484716;0.006485849056603773879481344977;0.007075471698113207710822969432;0.013561320754716981590304314409;0.002948113207547170024069860261;0.010613207547169810698872716159;0.000000000000000000000000000000;0.007665094339622641542164593886;0.001768867924528301927705742358;0.006485849056603773879481344977;0.000000000000000000000000000000;0.006485849056603773879481344977;0.013561320754716981590304314409;0.007665094339622641542164593886;0.009433962264150943036189467250;0.010023584905660376867531091705;0.010613207547169810698872716159;0.017099056603773584578354061136
-0.010023584905660376867531091705;0.005306603773584905349436358080;0.018278301886792452241037310046;0.494103773584905647808795947640;0.063679245283018867662683248909;0.014740566037735849252987563318;0.005306603773584905349436358080;0.007075471698113207710822969432;0.005306603773584905349436358080;0.008254716981132075373506218341;0.010023584905660376867531091705;0.012382075471698113927621065500;0.018278301886792452241037310046;0.012971698113207547758962689954;0.009433962264150943036189467250;0.012971698113207547758962689954;0.007075471698113207710822969432;0.007665094339622641542164593886;0.008844339622641509204847842796;0.003537735849056603855411484716;0.004716981132075471518094733625;0.006485849056603773879481344977;0.001768867924528301927705742358;0.010023584905660376867531091705;0.016509433962264150747012436682;0.012971698113207547758962689954;0.010613207547169810698872716159;0.033018867924528301494024873364;0.002358490566037735759047366813;0.020047169811320753735062183409;0.011792452830188680096279441045;0.012382075471698113927621065500;0.005896226415094340048139720523;0.008254716981132075373506218341;0.013561320754716981590304314409;0.009433962264150943036189467250;0.000589622641509433939761841703;0.010023584905660376867531091705;0.001179245283018867879523683406;0.005306603773584905349436358080;0.004716981132075471518094733625;0.003537735849056603855411484716;0.000000000000000000000000000000;0.004127358490566037686753109170;0.008254716981132075373506218341;0.005306603773584905349436358080;0.010023584905660376867531091705;0.014150943396226415421645938864;0.007665094339622641542164593886;0.010023584905660376867531091705
-0.019457547169811319903720558955;0.011202830188679244530214340614;0.029481132075471698505975126636;0.372051886792452823904397973820;0.012382075471698113927621065500;0.028301886792452830843291877727;0.005306603773584905349436358080;0.012382075471698113927621065500;0.005306603773584905349436358080;0.011792452830188680096279441045;0.012382075471698113927621065500;0.020636792452830187566403807864;0.018867924528301886072378934500;0.018867924528301886072378934500;0.005306603773584905349436358080;0.017688679245283018409695685591;0.008844339622641509204847842796;0.010613207547169810698872716159;0.012971698113207547758962689954;0.006485849056603773879481344977;0.008844339622641509204847842796;0.008254716981132075373506218341;0.004716981132075471518094733625;0.014150943396226415421645938864;0.042452830188679242795490864637;0.020636792452830187566403807864;0.016509433962264150747012436682;0.001768867924528301927705742358;0.002948113207547170024069860261;0.030070754716981132337316751091;0.018867924528301886072378934500;0.011792452830188680096279441045;0.007075471698113207710822969432;0.011792452830188680096279441045;0.017099056603773584578354061136;0.017099056603773584578354061136;0.006485849056603773879481344977;0.010023584905660376867531091705;0.001768867924528301927705742358;0.009433962264150943036189467250;0.001768867924528301927705742358;0.008254716981132075373506218341;0.000000000000000000000000000000;0.011202830188679244530214340614;0.005306603773584905349436358080;0.008254716981132075373506218341;0.017688679245283018409695685591;0.018867924528301886072378934500;0.016509433962264150747012436682;0.010023584905660376867531091705
-0.013561320754716981590304314409;0.007665094339622641542164593886;0.013561320754716981590304314409;0.524174528301886821779476122174;0.029481132075471698505975126636;0.014150943396226415421645938864;0.007075471698113207710822969432;0.009433962264150943036189467250;0.002948113207547170024069860261;0.008254716981132075373506218341;0.006485849056603773879481344977;0.006485849056603773879481344977;0.020047169811320753735062183409;0.010023584905660376867531091705;0.010613207547169810698872716159;0.010023584905660376867531091705;0.007665094339622641542164593886;0.010023584905660376867531091705;0.009433962264150943036189467250;0.003537735849056603855411484716;0.008844339622641509204847842796;0.006485849056603773879481344977;0.001768867924528301927705742358;0.012971698113207547758962689954;0.015919811320754716915670812227;0.012971698113207547758962689954;0.008254716981132075373506218341;0.038915094339622639807441117910;0.001179245283018867879523683406;0.018867924528301886072378934500;0.012382075471698113927621065500;0.009433962264150943036189467250;0.004716981132075471518094733625;0.006485849056603773879481344977;0.011792452830188680096279441045;0.010023584905660376867531091705;0.004127358490566037686753109170;0.008844339622641509204847842796;0.003537735849056603855411484716;0.008844339622641509204847842796;0.002358490566037735759047366813;0.003537735849056603855411484716;0.000000000000000000000000000000;0.005896226415094340048139720523;0.010613207547169810698872716159;0.007075471698113207710822969432;0.012382075471698113927621065500;0.012382075471698113927621065500;0.005306603773584905349436358080;0.009433962264150943036189467250
-0.012763596004439511574779508862;0.014428412874583795844074529668;0.015538290788013319268512368865;0.486681465038845739723427641366;0.050499445061043285454260853840;0.014983351831298556688931711278;0.007214206437291897922037264834;0.010543840177580466460627306446;0.004439511653718091095666142820;0.009433962264150943036189467250;0.009433962264150943036189467250;0.006659267480577136209818345236;0.017758046614872364382664571281;0.013318534961154272419636690472;0.011653718091009988150341669666;0.008324084350721421346475104031;0.008324084350721421346475104031;0.004994450610432852807885062418;0.012208657047724750729922327253;0.001109877913429522773916535705;0.004994450610432852807885062418;0.006104328523862375364961163626;0.002774694783573806826371122014;0.012763596004439511574779508862;0.019422863485016646917236116110;0.012763596004439511574779508862;0.011653718091009988150341669666;0.037180910099889011299900687391;0.001664816870144284052454586309;0.021087680355160932921254612893;0.013318534961154272419636690472;0.006104328523862375364961163626;0.003329633740288568104909172618;0.006104328523862375364961163626;0.009988901220865705615770124837;0.009988901220865705615770124837;0.000000000000000000000000000000;0.009433962264150943036189467250;0.001664816870144284052454586309;0.010543840177580466460627306446;0.004994450610432852807885062418;0.003329633740288568104909172618;0.000000000000000000000000000000;0.006659267480577136209818345236;0.008324084350721421346475104031;0.006104328523862375364961163626;0.013873473917869034999217348059;0.013873473917869034999217348059;0.007214206437291897922037264834;0.014428412874583795844074529668
-0.015330188679245283084329187773;0.011792452830188680096279441045;0.035377358490566036819391371182;0.362617924528301882602931982547;0.002948113207547170024069860261;0.025353773584905661686583755454;0.002948113207547170024069860261;0.012382075471698113927621065500;0.013561320754716981590304314409;0.012971698113207547758962689954;0.010613207547169810698872716159;0.027712264150943397011950253273;0.008844339622641509204847842796;0.030660377358490566168658375545;0.004716981132075471518094733625;0.012971698113207547758962689954;0.010023584905660376867531091705;0.022405660377358489060428681228;0.010023584905660376867531091705;0.008844339622641509204847842796;0.004716981132075471518094733625;0.006485849056603773879481344977;0.005896226415094340048139720523;0.021816037735849055229087056773;0.032429245283018867662683248909;0.020636792452830187566403807864;0.018278301886792452241037310046;0.005306603773584905349436358080;0.002948113207547170024069860261;0.021226415094339621397745432319;0.017688679245283018409695685591;0.015919811320754716915670812227;0.002358490566037735759047366813;0.004127358490566037686753109170;0.013561320754716981590304314409;0.023584905660377360192558882090;0.006485849056603773879481344977;0.009433962264150943036189467250;0.001768867924528301927705742358;0.011202830188679244530214340614;0.003537735849056603855411484716;0.009433962264150943036189467250;0.000000000000000000000000000000;0.012971698113207547758962689954;0.002358490566037735759047366813;0.012971698113207547758962689954;0.024764150943396227855242131000;0.019457547169811319903720558955;0.013561320754716981590304314409;0.012971698113207547758962689954
-0.009719839908519153220955999473;0.018296169239565465702845870055;0.014293882218410519646667466986;0.539165237278444786639397534600;0.027444253859348198554268805083;0.008004574042309892112356806138;0.002858776443682104016069667196;0.009719839908519153220955999473;0.004574042309891366425711467514;0.011435105774728416064278668784;0.012006861063464836433811733230;0.010863350485991995694745604339;0.006289308176100629269034136826;0.012578616352201258538068273651;0.012578616352201258538068273651;0.012006861063464836433811733230;0.005145797598627787662606269947;0.012578616352201258538068273651;0.009719839908519153220955999473;0.002858776443682104016069667196;0.010863350485991995694745604339;0.009719839908519153220955999473;0.002858776443682104016069667196;0.016009148084619784224713612275;0.010863350485991995694745604339;0.008004574042309892112356806138;0.008576329331046312481889870583;0.020583190394511150650425079789;0.004002287021154946056178403069;0.021154945683247571019958144234;0.008004574042309892112356806138;0.015437392795883362120457071853;0.003430531732418524819283600635;0.005717552887364208032139334392;0.006861063464837049638567201271;0.008576329331046312481889870583;0.003430531732418524819283600635;0.005717552887364208032139334392;0.001143510577472841606427866878;0.008576329331046312481889870583;0.003430531732418524819283600635;0.011435105774728416064278668784;0.000000000000000000000000000000;0.008004574042309892112356806138;0.013722126929674099277134402541;0.010291595197255575325212539894;0.010863350485991995694745604339;0.010291595197255575325212539894;0.004574042309891366425711467514;0.005717552887364208032139334392
-0.026780279975654290580688865475;0.004260499087035909786258525145;0.045039561777236759854137204684;0.377967133292757162532637948971;0.007303712720632988576741073672;0.027388922702373707379619460767;0.001825928180158247144185268418;0.013998782714546560354551552052;0.007303712720632988576741073672;0.022519780888618379927068602342;0.012172854534388313427206718131;0.023128423615337796725999197633;0.009738283627510651435654764896;0.017650639074863055943964695871;0.001217285453438831429456845612;0.015216068167985392217689266658;0.009129640900791236371447645581;0.010346926354230066499861884211;0.013998782714546560354551552052;0.006086427267194156713603359066;0.019476567255021302871309529792;0.006086427267194156713603359066;0.002434570906877662858913691224;0.021911138161898966597584959004;0.024345709068776626854413436263;0.023737066342057213524929792925;0.020693852708460132999723768421;0.000608642726719415714728422806;0.000608642726719415714728422806;0.018867924528301886072378934500;0.017041996348143639145034100579;0.013998782714546560354551552052;0.000608642726719415714728422806;0.006086427267194156713603359066;0.013390139987827145290344432738;0.027388922702373707379619460767;0.004260499087035909786258525145;0.007303712720632988576741073672;0.000000000000000000000000000000;0.011564211807668898362999598817;0.008520998174071819572517050290;0.003651856360316494288370536836;0.000000000000000000000000000000;0.013390139987827145290344432738;0.002434570906877662858913691224;0.010346926354230066499861884211;0.022519780888618379927068602342;0.018867924528301886072378934500;0.012172854534388313427206718131;0.014607425441265977153482147344
-0.028606208155812537508033699396;0.014607425441265977153482147344;0.035301278149726111887929391742;0.251978088861838089851374888894;0.016433353621424222346103505288;0.023737066342057213524929792925;0.004260499087035909786258525145;0.019476567255021302871309529792;0.012172854534388313427206718131;0.018867924528301886072378934500;0.010346926354230066499861884211;0.029823493609251371105894889979;0.007303712720632988576741073672;0.029823493609251371105894889979;0.006695069993913572645172216369;0.020085209981740719670240125083;0.012172854534388313427206718131;0.009738283627510651435654764896;0.013390139987827145290344432738;0.009738283627510651435654764896;0.012172854534388313427206718131;0.007912355447352404508309930975;0.007303712720632988576741073672;0.032258064516129031362723367238;0.025562994522215460452274626846;0.019476567255021302871309529792;0.015216068167985392217689266658;0.004869141813755325717827382448;0.002434570906877662858913691224;0.027388922702373707379619460767;0.015824710894704809016619861950;0.016433353621424222346103505288;0.004260499087035909786258525145;0.006695069993913572645172216369;0.012172854534388313427206718131;0.023737066342057213524929792925;0.009129640900791236371447645581;0.011564211807668898362999598817;0.001825928180158247144185268418;0.015216068167985392217689266658;0.024954351795496043653344031554;0.009129640900791236371447645581;0.000000000000000000000000000000;0.015216068167985392217689266658;0.027997565429093120709103104105;0.008520998174071819572517050290;0.027997565429093120709103104105;0.012781497261107730226137313423;0.013390139987827145290344432738;0.013998782714546560354551552052
-0.020085209981740719670240125083;0.011564211807668898362999598817;0.040170419963481439340480250166;0.346926354230066957828881868409;0.000608642726719415714728422806;0.029823493609251371105894889979;0.002434570906877662858913691224;0.007303712720632988576741073672;0.010955569080949483298792479502;0.015824710894704809016619861950;0.010955569080949483298792479502;0.028606208155812537508033699396;0.008520998174071819572517050290;0.026171637248934873781758270184;0.001825928180158247144185268418;0.015216068167985392217689266658;0.010346926354230066499861884211;0.021911138161898966597584959004;0.009129640900791236371447645581;0.006086427267194156713603359066;0.007303712720632988576741073672;0.008520998174071819572517050290;0.004869141813755325717827382448;0.026780279975654290580688865475;0.029823493609251371105894889979;0.023737066342057213524929792925;0.013390139987827145290344432738;0.006086427267194156713603359066;0.003043213633597078356801679533;0.017650639074863055943964695871;0.017650639074863055943964695871;0.015824710894704809016619861950;0.001825928180158247144185268418;0.002434570906877662858913691224;0.013998782714546560354551552052;0.029823493609251371105894889979;0.006695069993913572645172216369;0.009738283627510651435654764896;0.001217285453438831429456845612;0.017041996348143639145034100579;0.004260499087035909786258525145;0.012172854534388313427206718131;0.000000000000000000000000000000;0.013998782714546560354551552052;0.001825928180158247144185268418;0.008520998174071819572517050290;0.031040779062690201234309128608;0.015216068167985392217689266658;0.017041996348143639145034100579;0.013998782714546560354551552052
-0.014740566037735849252987563318;0.010613207547169810698872716159;0.014740566037735849252987563318;0.476415094339622646746335021817;0.063679245283018867662683248909;0.010613207547169810698872716159;0.004716981132075471518094733625;0.010023584905660376867531091705;0.007075471698113207710822969432;0.010023584905660376867531091705;0.005896226415094340048139720523;0.006485849056603773879481344977;0.008254716981132075373506218341;0.012971698113207547758962689954;0.015330188679245283084329187773;0.015330188679245283084329187773;0.008844339622641509204847842796;0.008844339622641509204847842796;0.012382075471698113927621065500;0.003537735849056603855411484716;0.007665094339622641542164593886;0.008844339622641509204847842796;0.002358490566037735759047366813;0.017099056603773584578354061136;0.015919811320754716915670812227;0.011202830188679244530214340614;0.013561320754716981590304314409;0.030070754716981132337316751091;0.007075471698113207710822969432;0.018278301886792452241037310046;0.007665094339622641542164593886;0.011202830188679244530214340614;0.002948113207547170024069860261;0.004127358490566037686753109170;0.007665094339622641542164593886;0.014740566037735849252987563318;0.002948113207547170024069860261;0.005896226415094340048139720523;0.002948113207547170024069860261;0.007075471698113207710822969432;0.002948113207547170024069860261;0.004127358490566037686753109170;0.000000000000000000000000000000;0.010023584905660376867531091705;0.014150943396226415421645938864;0.010023584905660376867531091705;0.010613207547169810698872716159;0.010613207547169810698872716159;0.006485849056603773879481344977;0.011202830188679244530214340614
-0.010023584905660376867531091705;0.011202830188679244530214340614;0.019457547169811319903720558955;0.482311320754716998937539074177;0.066037735849056602988049746727;0.013561320754716981590304314409;0.006485849056603773879481344977;0.008254716981132075373506218341;0.005896226415094340048139720523;0.008844339622641509204847842796;0.007075471698113207710822969432;0.012382075471698113927621065500;0.011202830188679244530214340614;0.016509433962264150747012436682;0.014740566037735849252987563318;0.008844339622641509204847842796;0.011202830188679244530214340614;0.008844339622641509204847842796;0.014740566037735849252987563318;0.003537735849056603855411484716;0.007665094339622641542164593886;0.005306603773584905349436358080;0.001179245283018867879523683406;0.017688679245283018409695685591;0.013561320754716981590304314409;0.008254716981132075373506218341;0.012971698113207547758962689954;0.041863207547169808964149240182;0.000589622641509433939761841703;0.018278301886792452241037310046;0.006485849056603773879481344977;0.014740566037735849252987563318;0.004716981132075471518094733625;0.007665094339622641542164593886;0.007665094339622641542164593886;0.009433962264150943036189467250;0.002948113207547170024069860261;0.007075471698113207710822969432;0.001179245283018867879523683406;0.004127358490566037686753109170;0.002948113207547170024069860261;0.000589622641509433939761841703;0.000000000000000000000000000000;0.009433962264150943036189467250;0.013561320754716981590304314409;0.005306603773584905349436358080;0.009433962264150943036189467250;0.010023584905660376867531091705;0.006485849056603773879481344977;0.007665094339622641542164593886
-0.009703504043126684464048992140;0.008086253369272237631615318776;0.015094339622641509551792537991;0.538544474393531036326976391138;0.055525606469002695975145655893;0.010781671159029650175487091701;0.004312668463611860243667184278;0.012398921832884097007920765066;0.002156334231805930121833592139;0.007547169811320754775896268995;0.004851752021563342232024496070;0.010242587601078167319768041921;0.009164420485175201608329942360;0.007547169811320754775896268995;0.011320754716981131296482665505;0.009703504043126684464048992140;0.005929919137466307076100857643;0.009164420485175201608329942360;0.019407008086253368928097984281;0.002156334231805930121833592139;0.016172506738544475263230637552;0.009164420485175201608329942360;0.000539083557951482530458398035;0.016711590296495958118949687332;0.011859838274932614152201715285;0.010781671159029650175487091701;0.011320754716981131296482665505;0.040970350404312669279072167683;0.002156334231805930121833592139;0.023719676549865228304403430570;0.006469002695417789931819907423;0.008625336927223720487334368556;0.002156334231805930121833592139;0.004851752021563342232024496070;0.003773584905660377387948134498;0.009164420485175201608329942360;0.003234501347708894965909953712;0.005390835579514825087743545851;0.000000000000000000000000000000;0.004851752021563342232024496070;0.001617250673854447482954976856;0.002156334231805930121833592139;0.000000000000000000000000000000;0.004851752021563342232024496070;0.014555256064690026696073488210;0.004312668463611860243667184278;0.009164420485175201608329942360;0.007547169811320754775896268995;0.006469002695417789931819907423;0.003773584905660377387948134498
-0.010291595197255575325212539894;0.011435105774728416064278668784;0.014865637507146941750924007408;0.477415666094911372852038766723;0.061749571183533448481828287413;0.012578616352201258538068273651;0.004002287021154946056178403069;0.014865637507146941750924007408;0.002858776443682104016069667196;0.007432818753573470875462003704;0.006289308176100629269034136826;0.009148084619782732851422935028;0.008576329331046312481889870583;0.009148084619782732851422935028;0.012006861063464836433811733230;0.012006861063464836433811733230;0.004574042309891366425711467514;0.011435105774728416064278668784;0.020583190394511150650425079789;0.002858776443682104016069667196;0.013722126929674099277134402541;0.009719839908519153220955999473;0.000571755288736420803213933439;0.016009148084619784224713612275;0.014293882218410519646667466986;0.014865637507146941750924007408;0.012578616352201258538068273651;0.054316752429959980208451497674;0.002858776443682104016069667196;0.027444253859348198554268805083;0.007432818753573470875462003704;0.009719839908519153220955999473;0.002858776443682104016069667196;0.005145797598627787662606269947;0.005145797598627787662606269947;0.013150371640937678907601338096;0.002858776443682104016069667196;0.005145797598627787662606269947;0.000000000000000000000000000000;0.005145797598627787662606269947;0.001715265866209262409641800318;0.002287021154945683212855733757;0.000000000000000000000000000000;0.003430531732418524819283600635;0.016580903373356204594246676720;0.006289308176100629269034136826;0.013150371640937678907601338096;0.009148084619782732851422935028;0.005717552887364208032139334392;0.004574042309891366425711467514
-0.007665094339622641542164593886;0.010023584905660376867531091705;0.016509433962264150747012436682;0.486438679245283001062460925823;0.056014150943396227855242131000;0.011792452830188680096279441045;0.007665094339622641542164593886;0.010613207547169810698872716159;0.004127358490566037686753109170;0.008254716981132075373506218341;0.010023584905660376867531091705;0.011792452830188680096279441045;0.006485849056603773879481344977;0.006485849056603773879481344977;0.014150943396226415421645938864;0.010023584905660376867531091705;0.008254716981132075373506218341;0.007665094339622641542164593886;0.011202830188679244530214340614;0.002358490566037735759047366813;0.010023584905660376867531091705;0.007075471698113207710822969432;0.000589622641509433939761841703;0.014150943396226415421645938864;0.017688679245283018409695685591;0.015919811320754716915670812227;0.007665094339622641542164593886;0.033608490566037735325366497818;0.004716981132075471518094733625;0.025353773584905661686583755454;0.014150943396226415421645938864;0.011202830188679244530214340614;0.007075471698113207710822969432;0.007075471698113207710822969432;0.008844339622641509204847842796;0.013561320754716981590304314409;0.001768867924528301927705742358;0.010023584905660376867531091705;0.002948113207547170024069860261;0.011792452830188680096279441045;0.005306603773584905349436358080;0.003537735849056603855411484716;0.000000000000000000000000000000;0.008254716981132075373506218341;0.007075471698113207710822969432;0.008254716981132075373506218341;0.013561320754716981590304314409;0.007075471698113207710822969432;0.007075471698113207710822969432;0.007075471698113207710822969432
-0.010062893081761005789620533335;0.005660377358490565648241332752;0.020125786163522011579241066670;0.497484276729559748986275735660;0.058490566037735849946876953709;0.011949685534591195784637207566;0.009433962264150943036189467250;0.013836477987421384044930405821;0.003773584905660377387948134498;0.008805031446540880282758401165;0.008805031446540880282758401165;0.009433962264150943036189467250;0.006289308176100629269034136826;0.011320754716981131296482665505;0.011320754716981131296482665505;0.008805031446540880282758401165;0.008176100628930817529327335080;0.008805031446540880282758401165;0.006918238993710692022465202911;0.000628930817610062861851283333;0.006289308176100629269034136826;0.007547169811320754775896268995;0.002515723270440251447405133334;0.014465408805031446798361471906;0.014465408805031446798361471906;0.011949685534591195784637207566;0.014465408805031446798361471906;0.019496855345911948825810000585;0.003773584905660377387948134498;0.025786163522012579829567613388;0.016352201257861635058654670161;0.009433962264150943036189467250;0.004402515723270440141379200583;0.007547169811320754775896268995;0.006289308176100629269034136826;0.011320754716981131296482665505;0.003773584905660377387948134498;0.006289308176100629269034136826;0.003773584905660377387948134498;0.009433962264150943036189467250;0.004402515723270440141379200583;0.004402515723270440141379200583;0.000000000000000000000000000000;0.011949685534591195784637207566;0.008805031446540880282758401165;0.005660377358490565648241332752;0.016352201257861635058654670161;0.008176100628930817529327335080;0.014465408805031446798361471906;0.006289308176100629269034136826
-0.031649421789409618033239723900;0.013998782714546560354551552052;0.036518563603164945485790582325;0.272063298843578826868849773746;0.015824710894704809016619861950;0.020085209981740719670240125083;0.002434570906877662858913691224;0.010346926354230066499861884211;0.009738283627510651435654764896;0.018867924528301886072378934500;0.010346926354230066499861884211;0.022519780888618379927068602342;0.007912355447352404508309930975;0.032258064516129031362723367238;0.002434570906877662858913691224;0.026171637248934873781758270184;0.013390139987827145290344432738;0.018259281801582472742895291162;0.017650639074863055943964695871;0.007912355447352404508309930975;0.011564211807668898362999598817;0.009738283627510651435654764896;0.003043213633597078356801679533;0.025562994522215460452274626846;0.026171637248934873781758270184;0.029214850882531954306964294688;0.017041996348143639145034100579;0.001825928180158247144185268418;0.003651856360316494288370536836;0.043213633597078512926792370763;0.020693852708460132999723768421;0.018867924528301886072378934500;0.004869141813755325717827382448;0.007912355447352404508309930975;0.012172854534388313427206718131;0.029214850882531954306964294688;0.007303712720632988576741073672;0.011564211807668898362999598817;0.000608642726719415714728422806;0.010346926354230066499861884211;0.004869141813755325717827382448;0.010346926354230066499861884211;0.000000000000000000000000000000;0.013390139987827145290344432738;0.006695069993913572645172216369;0.013390139987827145290344432738;0.024954351795496043653344031554;0.017041996348143639145034100579;0.015824710894704809016619861950;0.008520998174071819572517050290
-0.021383647798742137086103198840;0.006289308176100629269034136826;0.031446540880503144610447208152;0.330188679245283001062460925823;0.005660377358490565648241332752;0.027672955974842768089860811642;0.004402515723270440141379200583;0.008176100628930817529327335080;0.008176100628930817529327335080;0.011320754716981131296482665505;0.014465408805031446798361471906;0.030817610062893081857016142067;0.020125786163522011579241066670;0.030188679245283019103585075982;0.005031446540880502894810266667;0.016981132075471697812085736246;0.017610062893081760565516802330;0.018238993710691823318947868415;0.015723270440251572305223604076;0.004402515723270440141379200583;0.009433962264150943036189467250;0.008805031446540880282758401165;0.007547169811320754775896268995;0.025157232704402517076136547303;0.037735849056603772144757869000;0.016352201257861635058654670161;0.018238993710691823318947868415;0.004402515723270440141379200583;0.005031446540880502894810266667;0.030817610062893081857016142067;0.020754716981132074332672132755;0.007547169811320754775896268995;0.005660377358490565648241332752;0.006918238993710692022465202911;0.017610062893081760565516802330;0.018867924528301886072378934500;0.002515723270440251447405133334;0.008176100628930817529327335080;0.001886792452830188693974067249;0.011949685534591195784637207566;0.003144654088050314634517068413;0.005660377358490565648241332752;0.000000000000000000000000000000;0.015094339622641509551792537991;0.002515723270440251447405133334;0.013836477987421384044930405821;0.019496855345911948825810000585;0.021383647798742137086103198840;0.013836477987421384044930405821;0.011320754716981131296482665505
-0.008520998174071819572517050290;0.008520998174071819572517050290;0.012781497261107730226137313423;0.483870967741935498196426124196;0.063907486305538649395963091138;0.012781497261107730226137313423;0.006695069993913572645172216369;0.010955569080949483298792479502;0.002434570906877662858913691224;0.007912355447352404508309930975;0.004869141813755325717827382448;0.010346926354230066499861884211;0.013998782714546560354551552052;0.010955569080949483298792479502;0.022519780888618379927068602342;0.009129640900791236371447645581;0.009738283627510651435654764896;0.009129640900791236371447645581;0.012172854534388313427206718131;0.001217285453438831429456845612;0.004260499087035909786258525145;0.009738283627510651435654764896;0.002434570906877662858913691224;0.013998782714546560354551552052;0.023128423615337796725999197633;0.010955569080949483298792479502;0.009738283627510651435654764896;0.032866707242848444692207010576;0.003651856360316494288370536836;0.018259281801582472742895291162;0.011564211807668898362999598817;0.006695069993913572645172216369;0.004260499087035909786258525145;0.008520998174071819572517050290;0.009738283627510651435654764896;0.009738283627510651435654764896;0.003043213633597078356801679533;0.009129640900791236371447645581;0.001217285453438831429456845612;0.008520998174071819572517050290;0.002434570906877662858913691224;0.004869141813755325717827382448;0.000000000000000000000000000000;0.008520998174071819572517050290;0.011564211807668898362999598817;0.008520998174071819572517050290;0.015216068167985392217689266658;0.010346926354230066499861884211;0.006086427267194156713603359066;0.008520998174071819572517050290
-0.014740566037735849252987563318;0.011202830188679244530214340614;0.014740566037735849252987563318;0.477594339622641528286806078540;0.058962264150943397011950253273;0.021226415094339621397745432319;0.007665094339622641542164593886;0.010023584905660376867531091705;0.005306603773584905349436358080;0.008844339622641509204847842796;0.009433962264150943036189467250;0.008844339622641509204847842796;0.022995283018867922891770305682;0.013561320754716981590304314409;0.010613207547169810698872716159;0.008844339622641509204847842796;0.007665094339622641542164593886;0.004716981132075471518094733625;0.009433962264150943036189467250;0.002948113207547170024069860261;0.005306603773584905349436358080;0.006485849056603773879481344977;0.002358490566037735759047366813;0.013561320754716981590304314409;0.014740566037735849252987563318;0.010613207547169810698872716159;0.008844339622641509204847842796;0.038325471698113205976099493455;0.002948113207547170024069860261;0.018867924528301886072378934500;0.011792452830188680096279441045;0.008254716981132075373506218341;0.002948113207547170024069860261;0.005306603773584905349436358080;0.010023584905660376867531091705;0.011202830188679244530214340614;0.003537735849056603855411484716;0.016509433962264150747012436682;0.001768867924528301927705742358;0.008844339622641509204847842796;0.001768867924528301927705742358;0.002358490566037735759047366813;0.000000000000000000000000000000;0.009433962264150943036189467250;0.009433962264150943036189467250;0.008844339622641509204847842796;0.010023584905660376867531091705;0.008254716981132075373506218341;0.008844339622641509204847842796;0.009433962264150943036189467250
-0.012781497261107730226137313423;0.012781497261107730226137313423;0.013998782714546560354551552052;0.429701765063907503705564749907;0.080340839926962878680960500333;0.019476567255021302871309529792;0.005477784540474741649396239751;0.009129640900791236371447645581;0.006695069993913572645172216369;0.009738283627510651435654764896;0.006695069993913572645172216369;0.007303712720632988576741073672;0.019476567255021302871309529792;0.012781497261107730226137313423;0.010346926354230066499861884211;0.009738283627510651435654764896;0.007303712720632988576741073672;0.010955569080949483298792479502;0.012781497261107730226137313423;0.003043213633597078356801679533;0.006695069993913572645172216369;0.006086427267194156713603359066;0.003651856360316494288370536836;0.015216068167985392217689266658;0.021302495435179549798654363713;0.013998782714546560354551552052;0.009738283627510651435654764896;0.029823493609251371105894889979;0.005477784540474741649396239751;0.022519780888618379927068602342;0.011564211807668898362999598817;0.008520998174071819572517050290;0.003043213633597078356801679533;0.007912355447352404508309930975;0.013998782714546560354551552052;0.004260499087035909786258525145;0.003651856360316494288370536836;0.009129640900791236371447645581;0.003043213633597078356801679533;0.003651856360316494288370536836;0.004869141813755325717827382448;0.005477784540474741649396239751;0.000000000000000000000000000000;0.008520998174071819572517050290;0.013390139987827145290344432738;0.011564211807668898362999598817;0.013998782714546560354551552052;0.016433353621424222346103505288;0.007912355447352404508309930975;0.013998782714546560354551552052
-0.020754716981132074332672132755;0.010062893081761005789620533335;0.019496855345911948825810000585;0.374213836477987393802635551765;0.036477987421383646637895736831;0.030817610062893081857016142067;0.004402515723270440141379200583;0.004402515723270440141379200583;0.006289308176100629269034136826;0.013836477987421384044930405821;0.006289308176100629269034136826;0.030188679245283019103585075982;0.016352201257861635058654670161;0.014465408805031446798361471906;0.006918238993710692022465202911;0.021383647798742137086103198840;0.012578616352201258538068273651;0.010691823899371068543051599420;0.012578616352201258538068273651;0.002515723270440251447405133334;0.013207547169811321291499339736;0.008176100628930817529327335080;0.006918238993710692022465202911;0.015094339622641509551792537991;0.031446540880503144610447208152;0.021383647798742137086103198840;0.013207547169811321291499339736;0.001886792452830188693974067249;0.002515723270440251447405133334;0.038993710691823897651620001170;0.014465408805031446798361471906;0.010691823899371068543051599420;0.008805031446540880282758401165;0.006918238993710692022465202911;0.017610062893081760565516802330;0.008176100628930817529327335080;0.005660377358490565648241332752;0.013836477987421384044930405821;0.001257861635220125723702566667;0.004402515723270440141379200583;0.000628930817610062861851283333;0.008805031446540880282758401165;0.000000000000000000000000000000;0.015094339622641509551792537991;0.003773584905660377387948134498;0.009433962264150943036189467250;0.016981132075471697812085736246;0.013836477987421384044930405821;0.016981132075471697812085736246;0.015094339622641509551792537991
-0.018867924528301886072378934500;0.011202830188679244530214340614;0.020636792452830187566403807864;0.398584905660377353253664978183;0.010613207547169810698872716159;0.025943396226415095517925379909;0.007665094339622641542164593886;0.010023584905660376867531091705;0.005896226415094340048139720523;0.008254716981132075373506218341;0.013561320754716981590304314409;0.038915094339622639807441117910;0.019457547169811319903720558955;0.017099056603773584578354061136;0.003537735849056603855411484716;0.014150943396226415421645938864;0.007075471698113207710822969432;0.011202830188679244530214340614;0.007665094339622641542164593886;0.004127358490566037686753109170;0.011202830188679244530214340614;0.005896226415094340048139720523;0.002358490566037735759047366813;0.018278301886792452241037310046;0.030070754716981132337316751091;0.020636792452830187566403807864;0.020047169811320753735062183409;0.001179245283018867879523683406;0.001768867924528301927705742358;0.030660377358490566168658375545;0.022405660377358489060428681228;0.008844339622641509204847842796;0.004716981132075471518094733625;0.005306603773584905349436358080;0.015330188679245283084329187773;0.016509433962264150747012436682;0.008844339622641509204847842796;0.006485849056603773879481344977;0.002358490566037735759047366813;0.007075471698113207710822969432;0.004716981132075471518094733625;0.008254716981132075373506218341;0.000000000000000000000000000000;0.011792452830188680096279441045;0.006485849056603773879481344977;0.019457547169811319903720558955;0.017688679245283018409695685591;0.009433962264150943036189467250;0.013561320754716981590304314409;0.014150943396226415421645938864
-0.010613207547169810698872716159;0.008844339622641509204847842796;0.008254716981132075373506218341;0.494103773584905647808795947640;0.028891509433962264674633502182;0.025943396226415095517925379909;0.005306603773584905349436358080;0.010023584905660376867531091705;0.002948113207547170024069860261;0.009433962264150943036189467250;0.010023584905660376867531091705;0.011202830188679244530214340614;0.025943396226415095517925379909;0.009433962264150943036189467250;0.009433962264150943036189467250;0.017099056603773584578354061136;0.010613207547169810698872716159;0.007075471698113207710822969432;0.011792452830188680096279441045;0.000589622641509433939761841703;0.007075471698113207710822969432;0.008844339622641509204847842796;0.004127358490566037686753109170;0.011792452830188680096279441045;0.017099056603773584578354061136;0.011792452830188680096279441045;0.013561320754716981590304314409;0.020047169811320753735062183409;0.005306603773584905349436358080;0.027122641509433963180608628818;0.010613207547169810698872716159;0.008844339622641509204847842796;0.003537735849056603855411484716;0.009433962264150943036189467250;0.015919811320754716915670812227;0.011792452830188680096279441045;0.001768867924528301927705742358;0.005896226415094340048139720523;0.001768867924528301927705742358;0.006485849056603773879481344977;0.002358490566037735759047366813;0.006485849056603773879481344977;0.000000000000000000000000000000;0.007665094339622641542164593886;0.012382075471698113927621065500;0.010613207547169810698872716159;0.006485849056603773879481344977;0.012382075471698113927621065500;0.009433962264150943036189467250;0.011792452830188680096279441045
-0.016433353621424222346103505288;0.006695069993913572645172216369;0.015824710894704809016619861950;0.482045039561777244330187386367;0.038953134510042605742619059583;0.019476567255021302871309529792;0.007912355447352404508309930975;0.009738283627510651435654764896;0.005477784540474741649396239751;0.007303712720632988576741073672;0.008520998174071819572517050290;0.013998782714546560354551552052;0.018259281801582472742895291162;0.009738283627510651435654764896;0.014607425441265977153482147344;0.009738283627510651435654764896;0.006695069993913572645172216369;0.012781497261107730226137313423;0.015216068167985392217689266658;0.001825928180158247144185268418;0.005477784540474741649396239751;0.008520998174071819572517050290;0.001825928180158247144185268418;0.010955569080949483298792479502;0.024954351795496043653344031554;0.012172854534388313427206718131;0.012172854534388313427206718131;0.023128423615337796725999197633;0.003043213633597078356801679533;0.016433353621424222346103505288;0.009738283627510651435654764896;0.008520998174071819572517050290;0.003651856360316494288370536836;0.009129640900791236371447645581;0.017041996348143639145034100579;0.013390139987827145290344432738;0.000608642726719415714728422806;0.006086427267194156713603359066;0.001825928180158247144185268418;0.007303712720632988576741073672;0.003651856360316494288370536836;0.003651856360316494288370536836;0.000000000000000000000000000000;0.013390139987827145290344432738;0.011564211807668898362999598817;0.008520998174071819572517050290;0.017041996348143639145034100579;0.007912355447352404508309930975;0.004869141813755325717827382448;0.012172854534388313427206718131
-0.022519780888618379927068602342;0.009738283627510651435654764896;0.020693852708460132999723768421;0.387705416920267775804376242377;0.009738283627510651435654764896;0.027997565429093120709103104105;0.001825928180158247144185268418;0.007303712720632988576741073672;0.009738283627510651435654764896;0.012172854534388313427206718131;0.009738283627510651435654764896;0.026780279975654290580688865475;0.015216068167985392217689266658;0.020085209981740719670240125083;0.004260499087035909786258525145;0.017041996348143639145034100579;0.007912355447352404508309930975;0.013390139987827145290344432738;0.008520998174071819572517050290;0.006086427267194156713603359066;0.012172854534388313427206718131;0.007303712720632988576741073672;0.001825928180158247144185268418;0.015216068167985392217689266658;0.031649421789409618033239723900;0.017041996348143639145034100579;0.009738283627510651435654764896;0.000608642726719415714728422806;0.001217285453438831429456845612;0.040779062690200852669963893504;0.017650639074863055943964695871;0.013998782714546560354551552052;0.004869141813755325717827382448;0.008520998174071819572517050290;0.019476567255021302871309529792;0.020693852708460132999723768421;0.009738283627510651435654764896;0.007912355447352404508309930975;0.001217285453438831429456845612;0.013390139987827145290344432738;0.001217285453438831429456845612;0.010346926354230066499861884211;0.000000000000000000000000000000;0.015824710894704809016619861950;0.005477784540474741649396239751;0.011564211807668898362999598817;0.020085209981740719670240125083;0.013390139987827145290344432738;0.015824710894704809016619861950;0.012781497261107730226137313423
-0.014740566037735849252987563318;0.007075471698113207710822969432;0.012971698113207547758962689954;0.497051886792452823904397973820;0.056014150943396227855242131000;0.021226415094339621397745432319;0.003537735849056603855411484716;0.007075471698113207710822969432;0.003537735849056603855411484716;0.005896226415094340048139720523;0.008254716981132075373506218341;0.010023584905660376867531091705;0.017099056603773584578354061136;0.016509433962264150747012436682;0.010023584905660376867531091705;0.012382075471698113927621065500;0.005306603773584905349436358080;0.005896226415094340048139720523;0.012382075471698113927621065500;0.001768867924528301927705742358;0.007665094339622641542164593886;0.004716981132075471518094733625;0.002358490566037735759047366813;0.013561320754716981590304314409;0.018278301886792452241037310046;0.010613207547169810698872716159;0.011202830188679244530214340614;0.044221698113207544289515738001;0.004716981132075471518094733625;0.020636792452830187566403807864;0.009433962264150943036189467250;0.002948113207547170024069860261;0.003537735849056603855411484716;0.006485849056603773879481344977;0.010023584905660376867531091705;0.007665094339622641542164593886;0.001768867924528301927705742358;0.006485849056603773879481344977;0.003537735849056603855411484716;0.007075471698113207710822969432;0.001768867924528301927705742358;0.005306603773584905349436358080;0.000000000000000000000000000000;0.012382075471698113927621065500;0.012382075471698113927621065500;0.007075471698113207710822969432;0.009433962264150943036189467250;0.008254716981132075373506218341;0.005306603773584905349436358080;0.012382075471698113927621065500
-0.015824710894704809016619861950;0.009738283627510651435654764896;0.019476567255021302871309529792;0.436396835057821064207672634438;0.077906269020085211485238119167;0.015824710894704809016619861950;0.006695069993913572645172216369;0.010346926354230066499861884211;0.007912355447352404508309930975;0.006695069993913572645172216369;0.008520998174071819572517050290;0.010955569080949483298792479502;0.017650639074863055943964695871;0.010955569080949483298792479502;0.009738283627510651435654764896;0.009129640900791236371447645581;0.010346926354230066499861884211;0.008520998174071819572517050290;0.012781497261107730226137313423;0.003043213633597078356801679533;0.006086427267194156713603359066;0.006086427267194156713603359066;0.001825928180158247144185268418;0.010955569080949483298792479502;0.021302495435179549798654363713;0.011564211807668898362999598817;0.006086427267194156713603359066;0.040170419963481439340480250166;0.001825928180158247144185268418;0.024345709068776626854413436263;0.010955569080949483298792479502;0.006695069993913572645172216369;0.005477784540474741649396239751;0.006695069993913572645172216369;0.013390139987827145290344432738;0.014607425441265977153482147344;0.001217285453438831429456845612;0.007912355447352404508309930975;0.001217285453438831429456845612;0.007912355447352404508309930975;0.005477784540474741649396239751;0.002434570906877662858913691224;0.000000000000000000000000000000;0.007303712720632988576741073672;0.012172854534388313427206718131;0.012781497261107730226137313423;0.012172854534388313427206718131;0.015216068167985392217689266658;0.008520998174071819572517050290;0.009129640900791236371447645581
-0.021726700971983991389491208679;0.006289308176100629269034136826;0.018296169239565465702845870055;0.419096626643796432709621058166;0.017152658662092624963779741165;0.022298456260720411759024273124;0.002858776443682104016069667196;0.004574042309891366425711467514;0.012006861063464836433811733230;0.008576329331046312481889870583;0.009148084619782732851422935028;0.029159519725557463132314950371;0.022298456260720411759024273124;0.018296169239565465702845870055;0.002858776443682104016069667196;0.016580903373356204594246676720;0.012006861063464836433811733230;0.012578616352201258538068273651;0.006861063464837049638567201271;0.002858776443682104016069667196;0.010863350485991995694745604339;0.010291595197255575325212539894;0.007432818753573470875462003704;0.011435105774728416064278668784;0.025728987993138937445669611748;0.017152658662092624963779741165;0.012578616352201258538068273651;0.000571755288736420803213933439;0.003430531732418524819283600635;0.040594625500285877461870143179;0.016580903373356204594246676720;0.010863350485991995694745604339;0.002858776443682104016069667196;0.005717552887364208032139334392;0.021154945683247571019958144234;0.016009148084619784224713612275;0.004002287021154946056178403069;0.012006861063464836433811733230;0.002287021154945683212855733757;0.009719839908519153220955999473;0.003430531732418524819283600635;0.005145797598627787662606269947;0.000000000000000000000000000000;0.011435105774728416064278668784;0.006289308176100629269034136826;0.013722126929674099277134402541;0.013150371640937678907601338096;0.014865637507146941750924007408;0.014865637507146941750924007408;0.010291595197255575325212539894
-0.026780279975654290580688865475;0.009129640900791236371447645581;0.018259281801582472742895291162;0.376749847839318308118095046666;0.006695069993913572645172216369;0.036518563603164945485790582325;0.003043213633597078356801679533;0.007912355447352404508309930975;0.008520998174071819572517050290;0.010346926354230066499861884211;0.008520998174071819572517050290;0.031649421789409618033239723900;0.023737066342057213524929792925;0.020085209981740719670240125083;0.006695069993913572645172216369;0.014607425441265977153482147344;0.012172854534388313427206718131;0.009129640900791236371447645581;0.010346926354230066499861884211;0.005477784540474741649396239751;0.006695069993913572645172216369;0.012172854534388313427206718131;0.005477784540474741649396239751;0.020085209981740719670240125083;0.030432136335970784435378533317;0.019476567255021302871309529792;0.009738283627510651435654764896;0.001825928180158247144185268418;0.001825928180158247144185268418;0.025562994522215460452274626846;0.030432136335970784435378533317;0.013390139987827145290344432738;0.006086427267194156713603359066;0.004869141813755325717827382448;0.015824710894704809016619861950;0.017650639074863055943964695871;0.004260499087035909786258525145;0.013998782714546560354551552052;0.001825928180158247144185268418;0.012781497261107730226137313423;0.003043213633597078356801679533;0.006086427267194156713603359066;0.000000000000000000000000000000;0.009738283627510651435654764896;0.004260499087035909786258525145;0.012781497261107730226137313423;0.017650639074863055943964695871;0.014607425441265977153482147344;0.016433353621424222346103505288;0.014607425441265977153482147344
-0.020125786163522011579241066670;0.006918238993710692022465202911;0.030188679245283019103585075982;0.355974842767295573953134635303;0.007547169811320754775896268995;0.026415094339622642582998679472;0.006289308176100629269034136826;0.010062893081761005789620533335;0.012578616352201258538068273651;0.011320754716981131296482665505;0.013836477987421384044930405821;0.014465408805031446798361471906;0.030817610062893081857016142067;0.025786163522012579829567613388;0.008176100628930817529327335080;0.023270440251572325346396397094;0.011949685534591195784637207566;0.011320754716981131296482665505;0.010691823899371068543051599420;0.005031446540880502894810266667;0.006289308176100629269034136826;0.007547169811320754775896268995;0.005660377358490565648241332752;0.018867924528301886072378934500;0.026415094339622642582998679472;0.022012578616352199839534264925;0.013836477987421384044930405821;0.001886792452830188693974067249;0.005660377358490565648241332752;0.025157232704402517076136547303;0.016981132075471697812085736246;0.011949685534591195784637207566;0.005660377358490565648241332752;0.006289308176100629269034136826;0.016981132075471697812085736246;0.016352201257861635058654670161;0.005660377358490565648241332752;0.011320754716981131296482665505;0.004402515723270440141379200583;0.011320754716981131296482665505;0.003144654088050314634517068413;0.006289308176100629269034136826;0.000000000000000000000000000000;0.014465408805031446798361471906;0.005660377358490565648241332752;0.019496855345911948825810000585;0.016981132075471697812085736246;0.020125786163522011579241066670;0.016352201257861635058654670161;0.014465408805031446798361471906
-0.043396226415094336925637463764;0.008805031446540880282758401165;0.020754716981132074332672132755;0.355345911949685511199703569218;0.003144654088050314634517068413;0.023899371069182391569274415133;0.002515723270440251447405133334;0.011320754716981131296482665505;0.004402515723270440141379200583;0.017610062893081760565516802330;0.006289308176100629269034136826;0.049685534591194971398842028520;0.010062893081761005789620533335;0.020754716981132074332672132755;0.002515723270440251447405133334;0.031446540880503144610447208152;0.009433962264150943036189467250;0.008805031446540880282758401165;0.009433962264150943036189467250;0.004402515723270440141379200583;0.010691823899371068543051599420;0.006289308176100629269034136826;0.001886792452830188693974067249;0.027044025157232705336429745557;0.037106918238993709391326802916;0.030817610062893081857016142067;0.011320754716981131296482665505;0.003144654088050314634517068413;0.004402515723270440141379200583;0.019496855345911948825810000585;0.032704402515723270117309340321;0.014465408805031446798361471906;0.003144654088050314634517068413;0.002515723270440251447405133334;0.004402515723270440141379200583;0.017610062893081760565516802330;0.005031446540880502894810266667;0.016981132075471697812085736246;0.000628930817610062861851283333;0.004402515723270440141379200583;0.002515723270440251447405133334;0.009433962264150943036189467250;0.000000000000000000000000000000;0.016352201257861635058654670161;0.001886792452830188693974067249;0.010691823899371068543051599420;0.020754716981132074332672132755;0.020125786163522011579241066670;0.013836477987421384044930405821;0.006289308176100629269034136826
-0.007912355447352404508309930975;0.007912355447352404508309930975;0.020085209981740719670240125083;0.498478393183201473615184795563;0.062690200852099822736995804462;0.017041996348143639145034100579;0.002434570906877662858913691224;0.010346926354230066499861884211;0.004260499087035909786258525145;0.007912355447352404508309930975;0.007303712720632988576741073672;0.007303712720632988576741073672;0.005477784540474741649396239751;0.012781497261107730226137313423;0.010346926354230066499861884211;0.017041996348143639145034100579;0.010346926354230066499861884211;0.004260499087035909786258525145;0.013390139987827145290344432738;0.002434570906877662858913691224;0.009738283627510651435654764896;0.005477784540474741649396239751;0.003043213633597078356801679533;0.013998782714546560354551552052;0.020693852708460132999723768421;0.010346926354230066499861884211;0.013390139987827145290344432738;0.027997565429093120709103104105;0.003651856360316494288370536836;0.020085209981740719670240125083;0.013998782714546560354551552052;0.012172854534388313427206718131;0.002434570906877662858913691224;0.004260499087035909786258525145;0.004869141813755325717827382448;0.012781497261107730226137313423;0.003651856360316494288370536836;0.008520998174071819572517050290;0.001217285453438831429456845612;0.004869141813755325717827382448;0.002434570906877662858913691224;0.003043213633597078356801679533;0.000000000000000000000000000000;0.014607425441265977153482147344;0.013390139987827145290344432738;0.012172854534388313427206718131;0.007912355447352404508309930975;0.006695069993913572645172216369;0.003651856360316494288370536836;0.009129640900791236371447645581
-0.042138364779874211418775331595;0.011949685534591195784637207566;0.023270440251572325346396397094;0.402515723270440273218184756843;0.000628930817610062861851283333;0.025786163522012579829567613388;0.006918238993710692022465202911;0.009433962264150943036189467250;0.003144654088050314634517068413;0.012578616352201258538068273651;0.007547169811320754775896268995;0.017610062893081760565516802330;0.013836477987421384044930405821;0.018238993710691823318947868415;0.005031446540880502894810266667;0.034591194968553458377602538576;0.006289308176100629269034136826;0.005660377358490565648241332752;0.011320754716981131296482665505;0.003144654088050314634517068413;0.012578616352201258538068273651;0.005660377358490565648241332752;0.001886792452830188693974067249;0.017610062893081760565516802330;0.038364779874213834898188935085;0.027672955974842768089860811642;0.008805031446540880282758401165;0.010691823899371068543051599420;0.001257861635220125723702566667;0.014465408805031446798361471906;0.020125786163522011579241066670;0.013836477987421384044930405821;0.003773584905660377387948134498;0.003144654088050314634517068413;0.011949685534591195784637207566;0.015094339622641509551792537991;0.002515723270440251447405133334;0.024528301886792454322705481218;0.000000000000000000000000000000;0.008805031446540880282758401165;0.004402515723270440141379200583;0.008176100628930817529327335080;0.000000000000000000000000000000;0.010691823899371068543051599420;0.002515723270440251447405133334;0.014465408805031446798361471906;0.016981132075471697812085736246;0.022641509433962262592965331010;0.006289308176100629269034136826;0.009433962264150943036189467250
-0.024528301886792454322705481218;0.006289308176100629269034136826;0.015094339622641509551792537991;0.452830188679245293492670043634;0.026415094339622642582998679472;0.021383647798742137086103198840;0.006918238993710692022465202911;0.010691823899371068543051599420;0.005031446540880502894810266667;0.009433962264150943036189467250;0.006918238993710692022465202911;0.014465408805031446798361471906;0.020125786163522011579241066670;0.013207547169811321291499339736;0.011949685534591195784637207566;0.012578616352201258538068273651;0.006289308176100629269034136826;0.011320754716981131296482665505;0.011320754716981131296482665505;0.004402515723270440141379200583;0.015094339622641509551792537991;0.007547169811320754775896268995;0.006289308176100629269034136826;0.018238993710691823318947868415;0.023899371069182391569274415133;0.014465408805031446798361471906;0.013836477987421384044930405821;0.008176100628930817529327335080;0.001257861635220125723702566667;0.020125786163522011579241066670;0.013207547169811321291499339736;0.008176100628930817529327335080;0.003773584905660377387948134498;0.006918238993710692022465202911;0.015094339622641509551792537991;0.016981132075471697812085736246;0.003773584905660377387948134498;0.013207547169811321291499339736;0.000000000000000000000000000000;0.006289308176100629269034136826;0.003144654088050314634517068413;0.005031446540880502894810266667;0.000000000000000000000000000000;0.015094339622641509551792537991;0.006918238993710692022465202911;0.009433962264150943036189467250;0.011949685534591195784637207566;0.016352201257861635058654670161;0.013836477987421384044930405821;0.010691823899371068543051599420
-0.015373864430468203723378906034;0.009783368273934311618034165292;0.016072676450034940887068302118;0.516422082459818354571723375557;0.041229909154437457963204849420;0.013976240391334731130723589843;0.004891684136967155809017082646;0.006289308176100629269034136826;0.004891684136967155809017082646;0.006289308176100629269034136826;0.006289308176100629269034136826;0.009783368273934311618034165292;0.016771488469601678050757698202;0.007686932215234101861689453017;0.013277428371767993967034193759;0.011879804332634521374378877567;0.007686932215234101861689453017;0.009084556254367574454344769208;0.010482180293501048781723561376;0.002096436058700209756344712275;0.006289308176100629269034136826;0.006988120195667365565361794921;0.004192872117400419512689424550;0.014675052410901468294412985927;0.018867924528301886072378934500;0.014675052410901468294412985927;0.015373864430468203723378906034;0.024458420684835779912447151219;0.000698812019566736513168092593;0.022361984626135568421378962967;0.009084556254367574454344769208;0.011879804332634521374378877567;0.003494060097833682782680897461;0.010482180293501048781723561376;0.006289308176100629269034136826;0.012578616352201258538068273651;0.000698812019566736513168092593;0.006988120195667365565361794921;0.000698812019566736513168092593;0.005590496156533892105344740742;0.003494060097833682782680897461;0.003494060097833682782680897461;0.000000000000000000000000000000;0.011879804332634521374378877567;0.011180992313067784210689481483;0.012578616352201258538068273651;0.006988120195667365565361794921;0.007686932215234101861689453017;0.006289308176100629269034136826;0.009783368273934311618034165292
-0.016172506738544475263230637552;0.009433962264150943036189467250;0.014150943396226415421645938864;0.427223719676549873458526462855;0.014824797843665768123933013101;0.024932614555256065597133030565;0.010781671159029650175487091701;0.004043126684636118815807659388;0.004043126684636118815807659388;0.009433962264150943036189467250;0.010781671159029650175487091701;0.029649595687331536247866026201;0.025606469002695416564696628825;0.013477088948787062719358864626;0.004716981132075471518094733625;0.016172506738544475263230637552;0.011455525606469002877774165938;0.010781671159029650175487091701;0.011455525606469002877774165938;0.002695417789757412543871772925;0.010107816711590295738476541487;0.004716981132075471518094733625;0.006738544474393531359679432313;0.012803234501347708282348314413;0.026280323450134771001707179039;0.012803234501347708282348314413;0.008760107816711590333902393013;0.027628032345013476406281327513;0.002021563342318059407903829694;0.032345013477088950526461275103;0.024932614555256065597133030565;0.010781671159029650175487091701;0.002695417789757412543871772925;0.004043126684636118815807659388;0.013477088948787062719358864626;0.006738544474393531359679432313;0.008760107816711590333902393013;0.012803234501347708282348314413;0.002021563342318059407903829694;0.010107816711590295738476541487;0.002021563342318059407903829694;0.008086253369272237631615318776;0.000000000000000000000000000000;0.008760107816711590333902393013;0.004043126684636118815807659388;0.010781671159029650175487091701;0.017520215633423180667804786026;0.014824797843665768123933013101;0.011455525606469002877774165938;0.010107816711590295738476541487
-0.019541778975741240509389484714;0.012129380053908355580061240175;0.010107816711590295738476541487;0.448787061994609159931712838443;0.041778975741239891827927266377;0.020215633423180591476953082974;0.008086253369272237631615318776;0.014150943396226415421645938864;0.006064690026954177790030620088;0.008086253369272237631615318776;0.005390835579514825087743545851;0.028301886792452830843291877727;0.008086253369272237631615318776;0.011455525606469002877774165938;0.013477088948787062719358864626;0.014824797843665768123933013101;0.010781671159029650175487091701;0.013477088948787062719358864626;0.008086253369272237631615318776;0.002021563342318059407903829694;0.007412398921832884061966506550;0.008086253369272237631615318776;0.005390835579514825087743545851;0.016846361185983826230794235812;0.019541778975741240509389484714;0.016172506738544475263230637552;0.008086253369272237631615318776;0.020889487870619945913963633188;0.002021563342318059407903829694;0.017520215633423180667804786026;0.016172506738544475263230637552;0.013477088948787062719358864626;0.002695417789757412543871772925;0.004716981132075471518094733625;0.014824797843665768123933013101;0.012803234501347708282348314413;0.003369272237196765679839716157;0.007412398921832884061966506550;0.002021563342318059407903829694;0.010781671159029650175487091701;0.005390835579514825087743545851;0.004043126684636118815807659388;0.000000000000000000000000000000;0.008086253369272237631615318776;0.010107816711590295738476541487;0.011455525606469002877774165938;0.017520215633423180667804786026;0.013477088948787062719358864626;0.008086253369272237631615318776;0.006738544474393531359679432313
-0.030432136335970784435378533317;0.011564211807668898362999598817;0.019476567255021302871309529792;0.429701765063907503705564749907;0.029214850882531954306964294688;0.017650639074863055943964695871;0.006086427267194156713603359066;0.008520998174071819572517050290;0.006086427267194156713603359066;0.009738283627510651435654764896;0.007912355447352404508309930975;0.023128423615337796725999197633;0.009738283627510651435654764896;0.017041996348143639145034100579;0.009738283627510651435654764896;0.022519780888618379927068602342;0.008520998174071819572517050290;0.008520998174071819572517050290;0.006695069993913572645172216369;0.003651856360316494288370536836;0.015824710894704809016619861950;0.006695069993913572645172216369;0.001217285453438831429456845612;0.016433353621424222346103505288;0.023737066342057213524929792925;0.023128423615337796725999197633;0.009129640900791236371447645581;0.023737066342057213524929792925;0.004260499087035909786258525145;0.021911138161898966597584959004;0.018867924528301886072378934500;0.013390139987827145290344432738;0.001217285453438831429456845612;0.003043213633597078356801679533;0.006695069993913572645172216369;0.013390139987827145290344432738;0.006695069993913572645172216369;0.016433353621424222346103505288;0.000608642726719415714728422806;0.007912355447352404508309930975;0.005477784540474741649396239751;0.006086427267194156713603359066;0.000000000000000000000000000000;0.012781497261107730226137313423;0.003651856360316494288370536836;0.009129640900791236371447645581;0.011564211807668898362999598817;0.014607425441265977153482147344;0.006086427267194156713603359066;0.010346926354230066499861884211
-0.047169811320754720385117764181;0.011320754716981131296482665505;0.015094339622641509551792537991;0.372955974842767268295773419595;0.008805031446540880282758401165;0.027672955974842768089860811642;0.006918238993710692022465202911;0.005660377358490565648241332752;0.005660377358490565648241332752;0.019496855345911948825810000585;0.006289308176100629269034136826;0.032704402515723270117309340321;0.011320754716981131296482665505;0.027672955974842768089860811642;0.004402515723270440141379200583;0.025786163522012579829567613388;0.008176100628930817529327335080;0.008176100628930817529327335080;0.008176100628930817529327335080;0.002515723270440251447405133334;0.016981132075471697812085736246;0.006918238993710692022465202911;0.003144654088050314634517068413;0.019496855345911948825810000585;0.038364779874213834898188935085;0.023270440251572325346396397094;0.010691823899371068543051599420;0.001257861635220125723702566667;0.003773584905660377387948134498;0.018238993710691823318947868415;0.030817610062893081857016142067;0.010691823899371068543051599420;0.002515723270440251447405133334;0.005660377358490565648241332752;0.004402515723270440141379200583;0.021383647798742137086103198840;0.002515723270440251447405133334;0.011320754716981131296482665505;0.001257861635220125723702566667;0.008176100628930817529327335080;0.005660377358490565648241332752;0.006918238993710692022465202911;0.000000000000000000000000000000;0.013836477987421384044930405821;0.000628930817610062861851283333;0.013207547169811321291499339736;0.019496855345911948825810000585;0.018238993710691823318947868415;0.011320754716981131296482665505;0.013836477987421384044930405821
-0.020964360587002097563447122752;0.005590496156533892105344740742;0.016072676450034940887068302118;0.488469601677148868024147532196;0.051712089447938501540757982866;0.021663172606568831257689566883;0.003494060097833682782680897461;0.006988120195667365565361794921;0.002096436058700209756344712275;0.005590496156533892105344740742;0.004891684136967155809017082646;0.027253668763102725097757783601;0.006289308176100629269034136826;0.016072676450034940887068302118;0.012578616352201258538068273651;0.013277428371767993967034193759;0.006289308176100629269034136826;0.008385744234800839025378849101;0.003494060097833682782680897461;0.001397624039133473026336185185;0.010482180293501048781723561376;0.008385744234800839025378849101;0.000000000000000000000000000000;0.010482180293501048781723561376;0.018867924528301886072378934500;0.016771488469601678050757698202;0.009084556254367574454344769208;0.011879804332634521374378877567;0.005590496156533892105344740742;0.020964360587002097563447122752;0.022361984626135568421378962967;0.015373864430468203723378906034;0.000000000000000000000000000000;0.007686932215234101861689453017;0.006988120195667365565361794921;0.015373864430468203723378906034;0.004192872117400419512689424550;0.010482180293501048781723561376;0.000000000000000000000000000000;0.005590496156533892105344740742;0.002795248078266946052672370371;0.002795248078266946052672370371;0.000000000000000000000000000000;0.011879804332634521374378877567;0.006988120195667365565361794921;0.009783368273934311618034165292;0.011879804332634521374378877567;0.015373864430468203723378906034;0.008385744234800839025378849101;0.006988120195667365565361794921
-0.011435105774728416064278668784;0.005145797598627787662606269947;0.019439679817038306441911998945;0.502001143510577452211407489813;0.070325900514579764433165109949;0.010291595197255575325212539894;0.004574042309891366425711467514;0.008004574042309892112356806138;0.002287021154945683212855733757;0.009148084619782732851422935028;0.004574042309891366425711467514;0.018867924528301886072378934500;0.005717552887364208032139334392;0.008576329331046312481889870583;0.016009148084619784224713612275;0.014293882218410519646667466986;0.009719839908519153220955999473;0.006289308176100629269034136826;0.008004574042309892112356806138;0.002287021154945683212855733757;0.005717552887364208032139334392;0.006289308176100629269034136826;0.002858776443682104016069667196;0.012006861063464836433811733230;0.010291595197255575325212539894;0.013722126929674099277134402541;0.013150371640937678907601338096;0.030874785591766724240914143707;0.004574042309891366425711467514;0.015437392795883362120457071853;0.022298456260720411759024273124;0.010863350485991995694745604339;0.002858776443682104016069667196;0.009719839908519153220955999473;0.006289308176100629269034136826;0.013722126929674099277134402541;0.001143510577472841606427866878;0.011435105774728416064278668784;0.001143510577472841606427866878;0.009148084619782732851422935028;0.001715265866209262409641800318;0.005145797598627787662606269947;0.000000000000000000000000000000;0.007432818753573470875462003704;0.009148084619782732851422935028;0.006861063464837049638567201271;0.010863350485991995694745604339;0.005717552887364208032139334392;0.005145797598627787662606269947;0.007432818753573470875462003704
-0.031839622641509433831341624455;0.004716981132075471518094733625;0.021226415094339621397745432319;0.385023584905660354316125904006;0.014150943396226415421645938864;0.022405660377358489060428681228;0.008844339622641509204847842796;0.010613207547169810698872716159;0.007075471698113207710822969432;0.016509433962264150747012436682;0.005306603773584905349436358080;0.028891509433962264674633502182;0.010023584905660376867531091705;0.015330188679245283084329187773;0.003537735849056603855411484716;0.034198113207547169156708122273;0.017099056603773584578354061136;0.005306603773584905349436358080;0.004127358490566037686753109170;0.004127358490566037686753109170;0.010613207547169810698872716159;0.007075471698113207710822969432;0.002948113207547170024069860261;0.020636792452830187566403807864;0.028891509433962264674633502182;0.025943396226415095517925379909;0.010613207547169810698872716159;0.029481132075471698505975126636;0.002358490566037735759047366813;0.022405660377358489060428681228;0.024174528301886794023900506545;0.010613207547169810698872716159;0.001768867924528301927705742358;0.006485849056603773879481344977;0.005306603773584905349436358080;0.015919811320754716915670812227;0.006485849056603773879481344977;0.010613207547169810698872716159;0.001179245283018867879523683406;0.008254716981132075373506218341;0.005306603773584905349436358080;0.007665094339622641542164593886;0.000000000000000000000000000000;0.014150943396226415421645938864;0.003537735849056603855411484716;0.011792452830188680096279441045;0.018867924528301886072378934500;0.016509433962264150747012436682;0.011202830188679244530214340614;0.008844339622641509204847842796
-0.014740566037735849252987563318;0.009433962264150943036189467250;0.013561320754716981590304314409;0.536556603773584939176544139627;0.020047169811320753735062183409;0.009433962264150943036189467250;0.006485849056603773879481344977;0.009433962264150943036189467250;0.006485849056603773879481344977;0.006485849056603773879481344977;0.001768867924528301927705742358;0.011792452830188680096279441045;0.003537735849056603855411484716;0.010023584905660376867531091705;0.017688679245283018409695685591;0.011792452830188680096279441045;0.010613207547169810698872716159;0.012971698113207547758962689954;0.008254716981132075373506218341;0.001179245283018867879523683406;0.008844339622641509204847842796;0.010023584905660376867531091705;0.002948113207547170024069860261;0.013561320754716981590304314409;0.010613207547169810698872716159;0.011202830188679244530214340614;0.016509433962264150747012436682;0.026533018867924529349267004363;0.003537735849056603855411484716;0.023584905660377360192558882090;0.015330188679245283084329187773;0.018278301886792452241037310046;0.002358490566037735759047366813;0.006485849056603773879481344977;0.004127358490566037686753109170;0.010613207547169810698872716159;0.001768867924528301927705742358;0.010613207547169810698872716159;0.003537735849056603855411484716;0.005306603773584905349436358080;0.005896226415094340048139720523;0.005896226415094340048139720523;0.000000000000000000000000000000;0.007665094339622641542164593886;0.009433962264150943036189467250;0.006485849056603773879481344977;0.015330188679245283084329187773;0.008254716981132075373506218341;0.007665094339622641542164593886;0.005306603773584905349436358080
-0.008520998174071819572517050290;0.007912355447352404508309930975;0.008520998174071819572517050290;0.580645161290322620040171841538;0.045648204503956180122514751929;0.010955569080949483298792479502;0.002434570906877662858913691224;0.008520998174071819572517050290;0.002434570906877662858913691224;0.007303712720632988576741073672;0.003043213633597078356801679533;0.025562994522215460452274626846;0.005477784540474741649396239751;0.007912355447352404508309930975;0.010346926354230066499861884211;0.011564211807668898362999598817;0.006086427267194156713603359066;0.005477784540474741649396239751;0.006695069993913572645172216369;0.002434570906877662858913691224;0.012172854534388313427206718131;0.003651856360316494288370536836;0.001825928180158247144185268418;0.009129640900791236371447645581;0.010346926354230066499861884211;0.011564211807668898362999598817;0.007912355447352404508309930975;0.029823493609251371105894889979;0.001825928180158247144185268418;0.024954351795496043653344031554;0.014607425441265977153482147344;0.008520998174071819572517050290;0.002434570906877662858913691224;0.005477784540474741649396239751;0.006695069993913572645172216369;0.007912355447352404508309930975;0.000608642726719415714728422806;0.007303712720632988576741073672;0.001217285453438831429456845612;0.004260499087035909786258525145;0.000608642726719415714728422806;0.005477784540474741649396239751;0.000000000000000000000000000000;0.008520998174071819572517050290;0.006695069993913572645172216369;0.010346926354230066499861884211;0.011564211807668898362999598817;0.007303712720632988576741073672;0.004869141813755325717827382448;0.004869141813755325717827382448
-0.024528301886792454322705481218;0.010062893081761005789620533335;0.034591194968553458377602538576;0.327044025157232687295305595399;0.004402515723270440141379200583;0.037106918238993709391326802916;0.005660377358490565648241332752;0.013836477987421384044930405821;0.009433962264150943036189467250;0.019496855345911948825810000585;0.010062893081761005789620533335;0.031446540880503144610447208152;0.007547169811320754775896268995;0.021383647798742137086103198840;0.003773584905660377387948134498;0.015723270440251572305223604076;0.015094339622641509551792537991;0.016981132075471697812085736246;0.011949685534591195784637207566;0.006918238993710692022465202911;0.008805031446540880282758401165;0.010691823899371068543051599420;0.003144654088050314634517068413;0.030817610062893081857016142067;0.033962264150943395624171472491;0.022012578616352199839534264925;0.018238993710691823318947868415;0.005031446540880502894810266667;0.000000000000000000000000000000;0.015094339622641509551792537991;0.020754716981132074332672132755;0.015094339622641509551792537991;0.001257861635220125723702566667;0.008805031446540880282758401165;0.010062893081761005789620533335;0.023899371069182391569274415133;0.006918238993710692022465202911;0.010691823899371068543051599420;0.000000000000000000000000000000;0.013207547169811321291499339736;0.008805031446540880282758401165;0.006918238993710692022465202911;0.000000000000000000000000000000;0.019496855345911948825810000585;0.000000000000000000000000000000;0.011320754716981131296482665505;0.023270440251572325346396397094;0.022641509433962262592965331010;0.011320754716981131296482665505;0.010691823899371068543051599420
-0.011949685534591195784637207566;0.005660377358490565648241332752;0.017610062893081760565516802330;0.456603773584905670013256440143;0.064150943396226414727756548473;0.011320754716981131296482665505;0.006289308176100629269034136826;0.010062893081761005789620533335;0.002515723270440251447405133334;0.011949685534591195784637207566;0.008176100628930817529327335080;0.008176100628930817529327335080;0.006289308176100629269034136826;0.015094339622641509551792537991;0.016352201257861635058654670161;0.013836477987421384044930405821;0.007547169811320754775896268995;0.008176100628930817529327335080;0.011320754716981131296482665505;0.004402515723270440141379200583;0.008805031446540880282758401165;0.006289308176100629269034136826;0.003773584905660377387948134498;0.016352201257861635058654670161;0.015723270440251572305223604076;0.013207547169811321291499339736;0.011949685534591195784637207566;0.035220125786163521131033604661;0.003144654088050314634517068413;0.031446540880503144610447208152;0.011320754716981131296482665505;0.012578616352201258538068273651;0.003144654088050314634517068413;0.005031446540880502894810266667;0.005660377358490565648241332752;0.013207547169811321291499339736;0.001886792452830188693974067249;0.006289308176100629269034136826;0.000628930817610062861851283333;0.009433962264150943036189467250;0.006918238993710692022465202911;0.003144654088050314634517068413;0.000000000000000000000000000000;0.013207547169811321291499339736;0.011320754716981131296482665505;0.011320754716981131296482665505;0.013207547169811321291499339736;0.013207547169811321291499339736;0.008805031446540880282758401165;0.006289308176100629269034136826
-0.014740566037735849252987563318;0.008254716981132075373506218341;0.022405660377358489060428681228;0.486438679245283001062460925823;0.038915094339622639807441117910;0.014150943396226415421645938864;0.007665094339622641542164593886;0.011202830188679244530214340614;0.004127358490566037686753109170;0.009433962264150943036189467250;0.008254716981132075373506218341;0.009433962264150943036189467250;0.004127358490566037686753109170;0.008254716981132075373506218341;0.013561320754716981590304314409;0.009433962264150943036189467250;0.011792452830188680096279441045;0.008844339622641509204847842796;0.013561320754716981590304314409;0.003537735849056603855411484716;0.009433962264150943036189467250;0.008844339622641509204847842796;0.001768867924528301927705742358;0.012382075471698113927621065500;0.017099056603773584578354061136;0.015919811320754716915670812227;0.009433962264150943036189467250;0.033608490566037735325366497818;0.002948113207547170024069860261;0.024764150943396227855242131000;0.012382075471698113927621065500;0.014150943396226415421645938864;0.002948113207547170024069860261;0.007665094339622641542164593886;0.009433962264150943036189467250;0.019457547169811319903720558955;0.003537735849056603855411484716;0.006485849056603773879481344977;0.000000000000000000000000000000;0.009433962264150943036189467250;0.004716981132075471518094733625;0.000589622641509433939761841703;0.000000000000000000000000000000;0.006485849056603773879481344977;0.010023584905660376867531091705;0.011792452830188680096279441045;0.010023584905660376867531091705;0.009433962264150943036189467250;0.008254716981132075373506218341;0.008844339622641509204847842796
-0.015723270440251572305223604076;0.007547169811320754775896268995;0.015723270440251572305223604076;0.391823899371069206409856633400;0.017610062893081760565516802330;0.023270440251572325346396397094;0.005660377358490565648241332752;0.006289308176100629269034136826;0.005031446540880502894810266667;0.008176100628930817529327335080;0.011949685534591195784637207566;0.041509433962264148665344265510;0.025786163522012579829567613388;0.028301886792452830843291877727;0.002515723270440251447405133334;0.011949685534591195784637207566;0.008176100628930817529327335080;0.008176100628930817529327335080;0.006289308176100629269034136826;0.003773584905660377387948134498;0.010062893081761005789620533335;0.008176100628930817529327335080;0.003773584905660377387948134498;0.015723270440251572305223604076;0.030188679245283019103585075982;0.021383647798742137086103198840;0.009433962264150943036189467250;0.006289308176100629269034136826;0.002515723270440251447405133334;0.039622641509433960405051067255;0.025786163522012579829567613388;0.009433962264150943036189467250;0.003773584905660377387948134498;0.008176100628930817529327335080;0.020754716981132074332672132755;0.010062893081761005789620533335;0.003144654088050314634517068413;0.007547169811320754775896268995;0.001257861635220125723702566667;0.010062893081761005789620533335;0.005031446540880502894810266667;0.004402515723270440141379200583;0.000000000000000000000000000000;0.012578616352201258538068273651;0.006289308176100629269034136826;0.017610062893081760565516802330;0.015723270440251572305223604076;0.017610062893081760565516802330;0.013836477987421384044930405821;0.014465408805031446798361471906
-0.012971698113207547758962689954;0.011792452830188680096279441045;0.013561320754716981590304314409;0.436910377358490586985340087267;0.065448113207547176095602026180;0.018867924528301886072378934500;0.006485849056603773879481344977;0.008254716981132075373506218341;0.004716981132075471518094733625;0.005896226415094340048139720523;0.007075471698113207710822969432;0.010613207547169810698872716159;0.016509433962264150747012436682;0.014150943396226415421645938864;0.012971698113207547758962689954;0.007665094339622641542164593886;0.010023584905660376867531091705;0.012971698113207547758962689954;0.009433962264150943036189467250;0.002948113207547170024069860261;0.010023584905660376867531091705;0.008844339622641509204847842796;0.003537735849056603855411484716;0.014150943396226415421645938864;0.018278301886792452241037310046;0.011202830188679244530214340614;0.010613207547169810698872716159;0.038915094339622639807441117910;0.002358490566037735759047366813;0.023584905660377360192558882090;0.012971698113207547758962689954;0.012382075471698113927621065500;0.004716981132075471518094733625;0.007075471698113207710822969432;0.012971698113207547758962689954;0.010023584905660376867531091705;0.002358490566037735759047366813;0.008844339622641509204847842796;0.002358490566037735759047366813;0.008254716981132075373506218341;0.002948113207547170024069860261;0.008254716981132075373506218341;0.000000000000000000000000000000;0.008254716981132075373506218341;0.013561320754716981590304314409;0.008844339622641509204847842796;0.008844339622641509204847842796;0.012382075471698113927621065500;0.007665094339622641542164593886;0.016509433962264150747012436682
-0.017610062893081760565516802330;0.008805031446540880282758401165;0.012578616352201258538068273651;0.449056603773584916972083647124;0.067924528301886791248342944982;0.020125786163522011579241066670;0.005660377358490565648241332752;0.011949685534591195784637207566;0.001886792452830188693974067249;0.008805031446540880282758401165;0.008805031446540880282758401165;0.015094339622641509551792537991;0.023899371069182391569274415133;0.011949685534591195784637207566;0.013207547169811321291499339736;0.008805031446540880282758401165;0.006289308176100629269034136826;0.006289308176100629269034136826;0.013836477987421384044930405821;0.002515723270440251447405133334;0.011320754716981131296482665505;0.004402515723270440141379200583;0.004402515723270440141379200583;0.010691823899371068543051599420;0.016352201257861635058654670161;0.011949685534591195784637207566;0.012578616352201258538068273651;0.030817610062893081857016142067;0.004402515723270440141379200583;0.023899371069182391569274415133;0.011320754716981131296482665505;0.006289308176100629269034136826;0.002515723270440251447405133334;0.006289308176100629269034136826;0.015094339622641509551792537991;0.010691823899371068543051599420;0.001886792452830188693974067249;0.010691823899371068543051599420;0.003144654088050314634517068413;0.014465408805031446798361471906;0.002515723270440251447405133334;0.006289308176100629269034136826;0.000000000000000000000000000000;0.005660377358490565648241332752;0.012578616352201258538068273651;0.006918238993710692022465202911;0.009433962264150943036189467250;0.009433962264150943036189467250;0.008805031446540880282758401165;0.010062893081761005789620533335
-0.024345709068776626854413436263;0.003651856360316494288370536836;0.018867924528301886072378934500;0.365794278758368840431813850955;0.015216068167985392217689266658;0.037127206329884358815274225663;0.006086427267194156713603359066;0.009129640900791236371447645581;0.006695069993913572645172216369;0.008520998174071819572517050290;0.012172854534388313427206718131;0.027388922702373707379619460767;0.027388922702373707379619460767;0.020693852708460132999723768421;0.006086427267194156713603359066;0.017041996348143639145034100579;0.011564211807668898362999598817;0.010955569080949483298792479502;0.015216068167985392217689266658;0.005477784540474741649396239751;0.007912355447352404508309930975;0.009129640900791236371447645581;0.005477784540474741649396239751;0.014607425441265977153482147344;0.035301278149726111887929391742;0.015216068167985392217689266658;0.014607425441265977153482147344;0.002434570906877662858913691224;0.004260499087035909786258525145;0.036518563603164945485790582325;0.021911138161898966597584959004;0.011564211807668898362999598817;0.006695069993913572645172216369;0.009738283627510651435654764896;0.018259281801582472742895291162;0.010955569080949483298792479502;0.006086427267194156713603359066;0.009129640900791236371447645581;0.002434570906877662858913691224;0.013998782714546560354551552052;0.001825928180158247144185268418;0.006086427267194156713603359066;0.000000000000000000000000000000;0.010346926354230066499861884211;0.003651856360316494288370536836;0.015824710894704809016619861950;0.016433353621424222346103505288;0.014607425441265977153482147344;0.013390139987827145290344432738;0.012172854534388313427206718131
-0.022012578616352199839534264925;0.011949685534591195784637207566;0.023899371069182391569274415133;0.373584905660377331049204485680;0.012578616352201258538068273651;0.030188679245283019103585075982;0.005660377358490565648241332752;0.005031446540880502894810266667;0.008805031446540880282758401165;0.011320754716981131296482665505;0.011320754716981131296482665505;0.027672955974842768089860811642;0.020754716981132074332672132755;0.019496855345911948825810000585;0.001886792452830188693974067249;0.018238993710691823318947868415;0.003773584905660377387948134498;0.012578616352201258538068273651;0.008805031446540880282758401165;0.001886792452830188693974067249;0.010062893081761005789620533335;0.005660377358490565648241332752;0.005660377358490565648241332752;0.016981132075471697812085736246;0.035849056603773583884464670746;0.025157232704402517076136547303;0.010062893081761005789620533335;0.001257861635220125723702566667;0.004402515723270440141379200583;0.030817610062893081857016142067;0.017610062893081760565516802330;0.008176100628930817529327335080;0.006289308176100629269034136826;0.008176100628930817529327335080;0.022641509433962262592965331010;0.014465408805031446798361471906;0.005660377358490565648241332752;0.013836477987421384044930405821;0.001886792452830188693974067249;0.010062893081761005789620533335;0.003773584905660377387948134498;0.005660377358490565648241332752;0.000000000000000000000000000000;0.010062893081761005789620533335;0.002515723270440251447405133334;0.017610062893081760565516802330;0.022012578616352199839534264925;0.017610062893081760565516802330;0.018238993710691823318947868415;0.016352201257861635058654670161
-0.019496855345911948825810000585;0.007547169811320754775896268995;0.016981132075471697812085736246;0.470440251572327050588739894010;0.052830188679245285165997358945;0.022641509433962262592965331010;0.007547169811320754775896268995;0.010062893081761005789620533335;0.005660377358490565648241332752;0.008805031446540880282758401165;0.006289308176100629269034136826;0.013207547169811321291499339736;0.023270440251572325346396397094;0.010062893081761005789620533335;0.009433962264150943036189467250;0.011949685534591195784637207566;0.006289308176100629269034136826;0.009433962264150943036189467250;0.013207547169811321291499339736;0.003144654088050314634517068413;0.007547169811320754775896268995;0.005031446540880502894810266667;0.004402515723270440141379200583;0.010062893081761005789620533335;0.020125786163522011579241066670;0.015094339622641509551792537991;0.010691823899371068543051599420;0.009433962264150943036189467250;0.001257861635220125723702566667;0.030817610062893081857016142067;0.011949685534591195784637207566;0.005031446540880502894810266667;0.001886792452830188693974067249;0.009433962264150943036189467250;0.012578616352201258538068273651;0.010691823899371068543051599420;0.001886792452830188693974067249;0.008176100628930817529327335080;0.001257861635220125723702566667;0.010062893081761005789620533335;0.001886792452830188693974067249;0.006289308176100629269034136826;0.000000000000000000000000000000;0.009433962264150943036189467250;0.012578616352201258538068273651;0.006289308176100629269034136826;0.015094339622641509551792537991;0.016352201257861635058654670161;0.006918238993710692022465202911;0.009433962264150943036189467250
-0.017688679245283018409695685591;0.014740566037735849252987563318;0.021816037735849055229087056773;0.372641509433962236919057886553;0.015919811320754716915670812227;0.029481132075471698505975126636;0.005306603773584905349436358080;0.008254716981132075373506218341;0.005896226415094340048139720523;0.007075471698113207710822969432;0.010023584905660376867531091705;0.027122641509433963180608628818;0.024174528301886794023900506545;0.020636792452830187566403807864;0.003537735849056603855411484716;0.016509433962264150747012436682;0.010023584905660376867531091705;0.016509433962264150747012436682;0.011792452830188680096279441045;0.005306603773584905349436358080;0.009433962264150943036189467250;0.007075471698113207710822969432;0.007075471698113207710822969432;0.011202830188679244530214340614;0.028301886792452830843291877727;0.012382075471698113927621065500;0.011202830188679244530214340614;0.019457547169811319903720558955;0.001768867924528301927705742358;0.036556603773584904482074620091;0.021816037735849055229087056773;0.007665094339622641542164593886;0.007075471698113207710822969432;0.008844339622641509204847842796;0.021226415094339621397745432319;0.013561320754716981590304314409;0.005896226415094340048139720523;0.010613207547169810698872716159;0.002948113207547170024069860261;0.008254716981132075373506218341;0.004716981132075471518094733625;0.005896226415094340048139720523;0.000000000000000000000000000000;0.009433962264150943036189467250;0.005306603773584905349436358080;0.014740566037735849252987563318;0.018867924528301886072378934500;0.015919811320754716915670812227;0.014150943396226415421645938864;0.014150943396226415421645938864
-0.015330188679245283084329187773;0.014150943396226415421645938864;0.015919811320754716915670812227;0.468750000000000000000000000000;0.064268867924528308432918777271;0.023584905660377360192558882090;0.011202830188679244530214340614;0.010023584905660376867531091705;0.002358490566037735759047366813;0.007665094339622641542164593886;0.003537735849056603855411484716;0.015919811320754716915670812227;0.022995283018867922891770305682;0.007075471698113207710822969432;0.011792452830188680096279441045;0.012971698113207547758962689954;0.005896226415094340048139720523;0.011202830188679244530214340614;0.010023584905660376867531091705;0.002358490566037735759047366813;0.008844339622641509204847842796;0.008254716981132075373506218341;0.004127358490566037686753109170;0.009433962264150943036189467250;0.023584905660377360192558882090;0.013561320754716981590304314409;0.012382075471698113927621065500;0.022405660377358489060428681228;0.002358490566037735759047366813;0.018278301886792452241037310046;0.006485849056603773879481344977;0.004716981132075471518094733625;0.003537735849056603855411484716;0.009433962264150943036189467250;0.017688679245283018409695685591;0.005306603773584905349436358080;0.002948113207547170024069860261;0.008844339622641509204847842796;0.003537735849056603855411484716;0.006485849056603773879481344977;0.002358490566037735759047366813;0.006485849056603773879481344977;0.000000000000000000000000000000;0.006485849056603773879481344977;0.008844339622641509204847842796;0.010613207547169810698872716159;0.011202830188679244530214340614;0.008254716981132075373506218341;0.008254716981132075373506218341;0.008254716981132075373506218341
-0.030596634370219276399804897437;0.010708822029576747086876409298;0.014788373278939316579627671899;0.468128505864354893528656020862;0.012748597654258031833252040599;0.017338092809790924681001555996;0.009178990311065782226052078840;0.010198878123406425466601632479;0.004589495155532891113026039420;0.008669046404895462340500777998;0.006629270780214176726763408709;0.035186129525752167512830936857;0.005609382967873533486213855070;0.014278429372768994959352895080;0.005609382967873533486213855070;0.029066802651708311538980566979;0.008669046404895462340500777998;0.008159102498725140720226001179;0.004589495155532891113026039420;0.003059663437021927553244315945;0.012238653748087710212977263780;0.003059663437021927553244315945;0.003569607343192248739838223770;0.013768485466598673339078118261;0.032126466088730237791182275942;0.024477307496175420425954527559;0.007139214686384497479676447540;0.006629270780214176726763408709;0.002549719530851606366650408120;0.024987251402345742046229304378;0.028556858745537989918705790160;0.009688934217236103846326855660;0.001019887812340642590028250147;0.003569607343192248739838223770;0.007139214686384497479676447540;0.009688934217236103846326855660;0.005099439061703212733300816240;0.010198878123406425466601632479;0.000509943906170321295014125074;0.007139214686384497479676447540;0.006629270780214176726763408709;0.005099439061703212733300816240;0.000000000000000000000000000000;0.014278429372768994959352895080;0.002039775624681285180056500295;0.011728709841917388592702486960;0.008669046404895462340500777998;0.016828148903620603060726779177;0.008159102498725140720226001179;0.005609382967873533486213855070
-0.010023584905660376867531091705;0.010613207547169810698872716159;0.008844339622641509204847842796;0.504716981132075526161884226894;0.068396226415094338313416244546;0.012971698113207547758962689954;0.005306603773584905349436358080;0.011202830188679244530214340614;0.005306603773584905349436358080;0.008254716981132075373506218341;0.008844339622641509204847842796;0.024764150943396227855242131000;0.005896226415094340048139720523;0.011202830188679244530214340614;0.014150943396226415421645938864;0.007075471698113207710822969432;0.008844339622641509204847842796;0.012971698113207547758962689954;0.012971698113207547758962689954;0.000589622641509433939761841703;0.007075471698113207710822969432;0.004716981132075471518094733625;0.000589622641509433939761841703;0.014740566037735849252987563318;0.014150943396226415421645938864;0.010023584905660376867531091705;0.008254716981132075373506218341;0.033018867924528301494024873364;0.004127358490566037686753109170;0.023584905660377360192558882090;0.012382075471698113927621065500;0.008254716981132075373506218341;0.005896226415094340048139720523;0.004716981132075471518094733625;0.007665094339622641542164593886;0.013561320754716981590304314409;0.002358490566037735759047366813;0.010023584905660376867531091705;0.000000000000000000000000000000;0.005306603773584905349436358080;0.005896226415094340048139720523;0.002948113207547170024069860261;0.000000000000000000000000000000;0.005306603773584905349436358080;0.009433962264150943036189467250;0.010023584905660376867531091705;0.010023584905660376867531091705;0.005896226415094340048139720523;0.002948113207547170024069860261;0.004127358490566037686753109170
-0.011949685534591195784637207566;0.006918238993710692022465202911;0.022641509433962262592965331010;0.457232704402515732766687506228;0.055974842767295598933152689369;0.021383647798742137086103198840;0.005031446540880502894810266667;0.009433962264150943036189467250;0.003773584905660377387948134498;0.011949685534591195784637207566;0.005660377358490565648241332752;0.010691823899371068543051599420;0.010691823899371068543051599420;0.014465408805031446798361471906;0.013836477987421384044930405821;0.008176100628930817529327335080;0.013207547169811321291499339736;0.010691823899371068543051599420;0.016981132075471697812085736246;0.003144654088050314634517068413;0.012578616352201258538068273651;0.007547169811320754775896268995;0.003144654088050314634517068413;0.015094339622641509551792537991;0.014465408805031446798361471906;0.015723270440251572305223604076;0.019496855345911948825810000585;0.011949685534591195784637207566;0.002515723270440251447405133334;0.023270440251572325346396397094;0.010062893081761005789620533335;0.008805031446540880282758401165;0.001886792452830188693974067249;0.009433962264150943036189467250;0.007547169811320754775896268995;0.016352201257861635058654670161;0.003773584905660377387948134498;0.008805031446540880282758401165;0.001257861635220125723702566667;0.009433962264150943036189467250;0.006918238993710692022465202911;0.003144654088050314634517068413;0.000000000000000000000000000000;0.008805031446540880282758401165;0.013836477987421384044930405821;0.010691823899371068543051599420;0.011949685534591195784637207566;0.011320754716981131296482665505;0.008176100628930817529327335080;0.008176100628930817529327335080
-0.011098779134295227305484488056;0.013318534961154272419636690472;0.022197558268590454610968976112;0.470033296337402872744348769629;0.059378468368479465910869663503;0.013318534961154272419636690472;0.004994450610432852807885062418;0.012208657047724750729922327253;0.003884572697003329817128092216;0.011098779134295227305484488056;0.007214206437291897922037264834;0.006659267480577136209818345236;0.007769145394006659634256184432;0.007769145394006659634256184432;0.017758046614872364382664571281;0.012208657047724750729922327253;0.008324084350721421346475104031;0.014428412874583795844074529668;0.015538290788013319268512368865;0.003884572697003329817128092216;0.010543840177580466460627306446;0.008324084350721421346475104031;0.002774694783573806826371122014;0.012763596004439511574779508862;0.014428412874583795844074529668;0.014983351831298556688931711278;0.009988901220865705615770124837;0.024972253052164262304701836115;0.002774694783573806826371122014;0.024972253052164262304701836115;0.009433962264150943036189467250;0.011653718091009988150341669666;0.002219755826859045547833071410;0.006659267480577136209818345236;0.008879023307436182191332285640;0.014428412874583795844074529668;0.001664816870144284052454586309;0.005549389567147613652742244028;0.001664816870144284052454586309;0.009433962264150943036189467250;0.007769145394006659634256184432;0.002219755826859045547833071410;0.000000000000000000000000000000;0.012208657047724750729922327253;0.013318534961154272419636690472;0.005549389567147613652742244028;0.010543840177580466460627306446;0.007769145394006659634256184432;0.007769145394006659634256184432;0.011653718091009988150341669666
-0.010291595197255575325212539894;0.006861063464837049638567201271;0.018867924528301886072378934500;0.500857632933104590655659649201;0.052029731275014291791425335987;0.010863350485991995694745604339;0.006289308176100629269034136826;0.015437392795883362120457071853;0.002858776443682104016069667196;0.009148084619782732851422935028;0.006861063464837049638567201271;0.009719839908519153220955999473;0.008004574042309892112356806138;0.009719839908519153220955999473;0.010291595197255575325212539894;0.012578616352201258538068273651;0.009719839908519153220955999473;0.009148084619782732851422935028;0.012578616352201258538068273651;0.006289308176100629269034136826;0.011435105774728416064278668784;0.010863350485991995694745604339;0.002858776443682104016069667196;0.012006861063464836433811733230;0.010863350485991995694745604339;0.013150371640937678907601338096;0.020011435105774726811445063390;0.018296169239565465702845870055;0.001715265866209262409641800318;0.027444253859348198554268805083;0.008576329331046312481889870583;0.009719839908519153220955999473;0.005717552887364208032139334392;0.009148084619782732851422935028;0.006861063464837049638567201271;0.012006861063464836433811733230;0.002287021154945683212855733757;0.002287021154945683212855733757;0.000571755288736420803213933439;0.006289308176100629269034136826;0.005717552887364208032139334392;0.004002287021154946056178403069;0.000000000000000000000000000000;0.013722126929674099277134402541;0.012578616352201258538068273651;0.010291595197255575325212539894;0.013150371640937678907601338096;0.006861063464837049638567201271;0.006861063464837049638567201271;0.006289308176100629269034136826
-0.045648204503956180122514751929;0.009738283627510651435654764896;0.022519780888618379927068602342;0.346926354230066957828881868409;0.003651856360316494288370536836;0.031649421789409618033239723900;0.002434570906877662858913691224;0.012781497261107730226137313423;0.006086427267194156713603359066;0.013998782714546560354551552052;0.009738283627510651435654764896;0.032258064516129031362723367238;0.010346926354230066499861884211;0.021302495435179549798654363713;0.003651856360316494288370536836;0.029214850882531954306964294688;0.010955569080949483298792479502;0.007303712720632988576741073672;0.020085209981740719670240125083;0.004869141813755325717827382448;0.015824710894704809016619861950;0.010346926354230066499861884211;0.001825928180158247144185268418;0.024954351795496043653344031554;0.032866707242848444692207010576;0.027388922702373707379619460767;0.008520998174071819572517050290;0.006086427267194156713603359066;0.003651856360316494288370536836;0.029823493609251371105894889979;0.014607425441265977153482147344;0.012172854534388313427206718131;0.003043213633597078356801679533;0.007303712720632988576741073672;0.009738283627510651435654764896;0.024345709068776626854413436263;0.007303712720632988576741073672;0.018259281801582472742895291162;0.001825928180158247144185268418;0.007303712720632988576741073672;0.003651856360316494288370536836;0.006695069993913572645172216369;0.000000000000000000000000000000;0.009738283627510651435654764896;0.000608642726719415714728422806;0.013390139987827145290344432738;0.017650639074863055943964695871;0.015824710894704809016619861950;0.011564211807668898362999598817;0.008520998174071819572517050290
-0.013012361743656473273000884205;0.009759271307742355822112401142;0.013662979830839297110123276013;0.488614183474300578513549453419;0.061808718282368252383562889918;0.011060507482108001761633708782;0.006506180871828236636500442103;0.009108653220559531984990009335;0.009108653220559531984990009335;0.007156798959011060473622833911;0.005204944697462589829617396475;0.019518542615484711644224802285;0.008458035133376708147867617527;0.009108653220559531984990009335;0.013012361743656473273000884205;0.011060507482108001761633708782;0.011711125569290825598756100590;0.014964216005204944784368059629;0.013012361743656473273000884205;0.001301236174365647457404349119;0.006506180871828236636500442103;0.009108653220559531984990009335;0.003253090435914118318250221051;0.015614834092387768621490451437;0.014313597918022120947245667821;0.009759271307742355822112401142;0.009108653220559531984990009335;0.040338321405335067493247436232;0.002602472348731294914808698238;0.022121014964216003523267417563;0.014313597918022120947245667821;0.009759271307742355822112401142;0.002602472348731294914808698238;0.005204944697462589829617396475;0.003903708523096942155372612859;0.009759271307742355822112401142;0.001951854261548471077686306430;0.005855562784645412799378050295;0.002602472348731294914808698238;0.007156798959011060473622833911;0.002602472348731294914808698238;0.003903708523096942155372612859;0.000000000000000000000000000000;0.011060507482108001761633708782;0.007807417046193884310745225719;0.009759271307742355822112401142;0.011060507482108001761633708782;0.008458035133376708147867617527;0.002602472348731294914808698238;0.009759271307742355822112401142
-0.029823493609251371105894889979;0.011564211807668898362999598817;0.031040779062690201234309128608;0.303104077906269031572605854308;0.009738283627510651435654764896;0.032866707242848444692207010576;0.005477784540474741649396239751;0.010346926354230066499861884211;0.010955569080949483298792479502;0.015216068167985392217689266658;0.013390139987827145290344432738;0.032258064516129031362723367238;0.017650639074863055943964695871;0.029214850882531954306964294688;0.003043213633597078356801679533;0.010346926354230066499861884211;0.009129640900791236371447645581;0.017650639074863055943964695871;0.013998782714546560354551552052;0.005477784540474741649396239751;0.015216068167985392217689266658;0.004260499087035909786258525145;0.006086427267194156713603359066;0.021302495435179549798654363713;0.035301278149726111887929391742;0.023128423615337796725999197633;0.014607425441265977153482147344;0.003043213633597078356801679533;0.007303712720632988576741073672;0.031040779062690201234309128608;0.020693852708460132999723768421;0.010346926354230066499861884211;0.006695069993913572645172216369;0.006695069993913572645172216369;0.010346926354230066499861884211;0.018867924528301886072378934500;0.005477784540474741649396239751;0.012781497261107730226137313423;0.003043213633597078356801679533;0.009129640900791236371447645581;0.003043213633597078356801679533;0.008520998174071819572517050290;0.000000000000000000000000000000;0.013390139987827145290344432738;0.003651856360316494288370536836;0.018867924528301886072378934500;0.026780279975654290580688865475;0.015824710894704809016619861950;0.017041996348143639145034100579;0.015216068167985392217689266658
-0.012781497261107730226137313423;0.013390139987827145290344432738;0.009129640900791236371447645581;0.495435179549604365334403155430;0.060864272671941568870757066634;0.021302495435179549798654363713;0.006695069993913572645172216369;0.005477784540474741649396239751;0.006695069993913572645172216369;0.006695069993913572645172216369;0.006695069993913572645172216369;0.007912355447352404508309930975;0.015216068167985392217689266658;0.015824710894704809016619861950;0.008520998174071819572517050290;0.009738283627510651435654764896;0.009738283627510651435654764896;0.006086427267194156713603359066;0.012781497261107730226137313423;0.002434570906877662858913691224;0.010955569080949483298792479502;0.004260499087035909786258525145;0.000608642726719415714728422806;0.010346926354230066499861884211;0.013998782714546560354551552052;0.010955569080949483298792479502;0.013390139987827145290344432738;0.026780279975654290580688865475;0.003651856360316494288370536836;0.021302495435179549798654363713;0.009738283627510651435654764896;0.010955569080949483298792479502;0.006086427267194156713603359066;0.007912355447352404508309930975;0.009738283627510651435654764896;0.009129640900791236371447645581;0.000608642726719415714728422806;0.009129640900791236371447645581;0.002434570906877662858913691224;0.009738283627510651435654764896;0.003651856360316494288370536836;0.002434570906877662858913691224;0.000000000000000000000000000000;0.010955569080949483298792479502;0.010955569080949483298792479502;0.018259281801582472742895291162;0.007912355447352404508309930975;0.009129640900791236371447645581;0.005477784540474741649396239751;0.006086427267194156713603359066
-0.006485849056603773879481344977;0.007665094339622641542164593886;0.011792452830188680096279441045;0.459316037735849058698534008727;0.042452830188679242795490864637;0.022405660377358489060428681228;0.011792452830188680096279441045;0.012382075471698113927621065500;0.008254716981132075373506218341;0.006485849056603773879481344977;0.007075471698113207710822969432;0.008254716981132075373506218341;0.012971698113207547758962689954;0.011792452830188680096279441045;0.014740566037735849252987563318;0.011202830188679244530214340614;0.008844339622641509204847842796;0.007665094339622641542164593886;0.010023584905660376867531091705;0.000589622641509433939761841703;0.008844339622641509204847842796;0.004127358490566037686753109170;0.001179245283018867879523683406;0.015330188679245283084329187773;0.017099056603773584578354061136;0.013561320754716981590304314409;0.011792452830188680096279441045;0.046580188679245279614882235819;0.004716981132075471518094733625;0.025943396226415095517925379909;0.011792452830188680096279441045;0.008844339622641509204847842796;0.006485849056603773879481344977;0.010613207547169810698872716159;0.011792452830188680096279441045;0.008844339622641509204847842796;0.004127358490566037686753109170;0.008254716981132075373506218341;0.002358490566037735759047366813;0.009433962264150943036189467250;0.004127358490566037686753109170;0.004127358490566037686753109170;0.000000000000000000000000000000;0.010613207547169810698872716159;0.008844339622641509204847842796;0.014740566037735849252987563318;0.012382075471698113927621065500;0.012971698113207547758962689954;0.007665094339622641542164593886;0.010613207547169810698872716159
-0.024345709068776626854413436263;0.012172854534388313427206718131;0.019476567255021302871309529792;0.417528910529519181604740651892;0.009129640900791236371447645581;0.027997565429093120709103104105;0.002434570906877662858913691224;0.005477784540474741649396239751;0.006695069993913572645172216369;0.009129640900791236371447645581;0.011564211807668898362999598817;0.026780279975654290580688865475;0.015216068167985392217689266658;0.018259281801582472742895291162;0.004260499087035909786258525145;0.014607425441265977153482147344;0.005477784540474741649396239751;0.010955569080949483298792479502;0.007912355447352404508309930975;0.003651856360316494288370536836;0.007912355447352404508309930975;0.010955569080949483298792479502;0.007303712720632988576741073672;0.017650639074863055943964695871;0.034083992696287278290068201159;0.019476567255021302871309529792;0.011564211807668898362999598817;0.008520998174071819572517050290;0.001825928180158247144185268418;0.025562994522215460452274626846;0.018259281801582472742895291162;0.015216068167985392217689266658;0.003043213633597078356801679533;0.006086427267194156713603359066;0.015216068167985392217689266658;0.009738283627510651435654764896;0.004260499087035909786258525145;0.006695069993913572645172216369;0.001217285453438831429456845612;0.007303712720632988576741073672;0.001825928180158247144185268418;0.006695069993913572645172216369;0.000000000000000000000000000000;0.012781497261107730226137313423;0.002434570906877662858913691224;0.016433353621424222346103505288;0.020693852708460132999723768421;0.018867924528301886072378934500;0.020693852708460132999723768421;0.014607425441265977153482147344
-0.017041996348143639145034100579;0.005477784540474741649396239751;0.012781497261107730226137313423;0.449786975045648185211888403501;0.069385270846013383239103688993;0.024345709068776626854413436263;0.007303712720632988576741073672;0.012172854534388313427206718131;0.006086427267194156713603359066;0.007912355447352404508309930975;0.007912355447352404508309930975;0.008520998174071819572517050290;0.014607425441265977153482147344;0.015824710894704809016619861950;0.012172854534388313427206718131;0.017650639074863055943964695871;0.007912355447352404508309930975;0.010346926354230066499861884211;0.012781497261107730226137313423;0.002434570906877662858913691224;0.007303712720632988576741073672;0.006695069993913572645172216369;0.003651856360316494288370536836;0.013390139987827145290344432738;0.021911138161898966597584959004;0.013390139987827145290344432738;0.010955569080949483298792479502;0.018259281801582472742895291162;0.004260499087035909786258525145;0.022519780888618379927068602342;0.010346926354230066499861884211;0.010955569080949483298792479502;0.004869141813755325717827382448;0.005477784540474741649396239751;0.013998782714546560354551552052;0.006695069993913572645172216369;0.001825928180158247144185268418;0.007303712720632988576741073672;0.002434570906877662858913691224;0.009129640900791236371447645581;0.003043213633597078356801679533;0.004260499087035909786258525145;0.000000000000000000000000000000;0.010955569080949483298792479502;0.014607425441265977153482147344;0.009129640900791236371447645581;0.007303712720632988576741073672;0.014607425441265977153482147344;0.006695069993913572645172216369;0.011564211807668898362999598817
-0.026780279975654290580688865475;0.012172854534388313427206718131;0.018259281801582472742895291162;0.382227632379793069716811260150;0.005477784540474741649396239751;0.026171637248934873781758270184;0.005477784540474741649396239751;0.007912355447352404508309930975;0.010955569080949483298792479502;0.012781497261107730226137313423;0.012781497261107730226137313423;0.022519780888618379927068602342;0.019476567255021302871309529792;0.021302495435179549798654363713;0.007303712720632988576741073672;0.021302495435179549798654363713;0.010346926354230066499861884211;0.012781497261107730226137313423;0.009129640900791236371447645581;0.008520998174071819572517050290;0.010955569080949483298792479502;0.009129640900791236371447645581;0.001217285453438831429456845612;0.016433353621424222346103505288;0.031040779062690201234309128608;0.023128423615337796725999197633;0.015216068167985392217689266658;0.001217285453438831429456845612;0.002434570906877662858913691224;0.026171637248934873781758270184;0.018867924528301886072378934500;0.009738283627510651435654764896;0.003651856360316494288370536836;0.009129640900791236371447645581;0.020693852708460132999723768421;0.021302495435179549798654363713;0.006086427267194156713603359066;0.010955569080949483298792479502;0.001217285453438831429456845612;0.004869141813755325717827382448;0.006695069993913572645172216369;0.004869141813755325717827382448;0.000000000000000000000000000000;0.009129640900791236371447645581;0.005477784540474741649396239751;0.007303712720632988576741073672;0.015216068167985392217689266658;0.019476567255021302871309529792;0.018259281801582472742895291162;0.016433353621424222346103505288
-0.017152658662092624963779741165;0.005717552887364208032139334392;0.012578616352201258538068273651;0.499714122355631784611063039847;0.033733562035448826088579465932;0.009719839908519153220955999473;0.005145797598627787662606269947;0.011435105774728416064278668784;0.005145797598627787662606269947;0.009719839908519153220955999473;0.013150371640937678907601338096;0.012006861063464836433811733230;0.013150371640937678907601338096;0.010863350485991995694745604339;0.012006861063464836433811733230;0.010863350485991995694745604339;0.004574042309891366425711467514;0.009148084619782732851422935028;0.009719839908519153220955999473;0.002287021154945683212855733757;0.009148084619782732851422935028;0.005145797598627787662606269947;0.004574042309891366425711467514;0.014293882218410519646667466986;0.019439679817038306441911998945;0.013722126929674099277134402541;0.014293882218410519646667466986;0.018867924528301886072378934500;0.002287021154945683212855733757;0.022298456260720411759024273124;0.007432818753573470875462003704;0.010291595197255575325212539894;0.005145797598627787662606269947;0.010291595197255575325212539894;0.016580903373356204594246676720;0.010863350485991995694745604339;0.004574042309891366425711467514;0.011435105774728416064278668784;0.001715265866209262409641800318;0.010863350485991995694745604339;0.005717552887364208032139334392;0.006289308176100629269034136826;0.000000000000000000000000000000;0.008004574042309892112356806138;0.012578616352201258538068273651;0.009719839908519153220955999473;0.011435105774728416064278668784;0.008004574042309892112356806138;0.006289308176100629269034136826;0.010863350485991995694745604339
-0.023737066342057213524929792925;0.009129640900791236371447645581;0.028606208155812537508033699396;0.379793061472915416398876686799;0.006086427267194156713603359066;0.020085209981740719670240125083;0.010346926354230066499861884211;0.008520998174071819572517050290;0.008520998174071819572517050290;0.011564211807668898362999598817;0.009129640900791236371447645581;0.017650639074863055943964695871;0.017650639074863055943964695871;0.017041996348143639145034100579;0.006086427267194156713603359066;0.021302495435179549798654363713;0.013998782714546560354551552052;0.014607425441265977153482147344;0.009129640900791236371447645581;0.006086427267194156713603359066;0.012781497261107730226137313423;0.012172854534388313427206718131;0.002434570906877662858913691224;0.021302495435179549798654363713;0.024345709068776626854413436263;0.021911138161898966597584959004;0.017041996348143639145034100579;0.001217285453438831429456845612;0.004869141813755325717827382448;0.028606208155812537508033699396;0.017650639074863055943964695871;0.011564211807668898362999598817;0.006086427267194156713603359066;0.008520998174071819572517050290;0.021911138161898966597584959004;0.020693852708460132999723768421;0.004260499087035909786258525145;0.012172854534388313427206718131;0.001217285453438831429456845612;0.011564211807668898362999598817;0.005477784540474741649396239751;0.007303712720632988576741073672;0.000000000000000000000000000000;0.018867924528301886072378934500;0.005477784540474741649396239751;0.007912355447352404508309930975;0.015824710894704809016619861950;0.013998782714546560354551552052;0.015216068167985392217689266658;0.008520998174071819572517050290
-0.019518542615484711644224802285;0.013012361743656473273000884205;0.026675341574495772117847636196;0.336369551073519845729720145755;0.011060507482108001761633708782;0.018217306441119063969980018669;0.007807417046193884310745225719;0.008458035133376708147867617527;0.007807417046193884310745225719;0.013662979830839297110123276013;0.011711125569290825598756100590;0.030579050097592711671135035090;0.016916070266753416295735235053;0.025374105400130124443602852580;0.005204944697462589829617396475;0.021470396877033181420868501732;0.009759271307742355822112401142;0.015614834092387768621490451437;0.007807417046193884310745225719;0.003903708523096942155372612859;0.014964216005204944784368059629;0.007156798959011060473622833911;0.001951854261548471077686306430;0.022771633051398829095113285348;0.028627195836044241894491335643;0.016916070266753416295735235053;0.013012361743656473273000884205;0.001301236174365647457404349119;0.003253090435914118318250221051;0.030579050097592711671135035090;0.029277813923227063996890251474;0.014313597918022120947245667821;0.005204944697462589829617396475;0.011060507482108001761633708782;0.020819778789850359318469585901;0.022121014964216003523267417563;0.011060507482108001761633708782;0.013662979830839297110123276013;0.001951854261548471077686306430;0.010409889394925179659234792950;0.004554326610279765992495004667;0.008458035133376708147867617527;0.000000000000000000000000000000;0.010409889394925179659234792950;0.003903708523096942155372612859;0.010409889394925179659234792950;0.023422251138581651197512201179;0.016916070266753416295735235053;0.014313597918022120947245667821;0.016265452179570590723889367268
-0.016433353621424222346103505288;0.007303712720632988576741073672;0.012172854534388313427206718131;0.433353621424223955926890994306;0.057821059038344488345551042130;0.020693852708460132999723768421;0.008520998174071819572517050290;0.009738283627510651435654764896;0.006086427267194156713603359066;0.007912355447352404508309930975;0.008520998174071819572517050290;0.008520998174071819572517050290;0.018259281801582472742895291162;0.014607425441265977153482147344;0.017650639074863055943964695871;0.012172854534388313427206718131;0.009129640900791236371447645581;0.004260499087035909786258525145;0.013390139987827145290344432738;0.004869141813755325717827382448;0.008520998174071819572517050290;0.004869141813755325717827382448;0.002434570906877662858913691224;0.013390139987827145290344432738;0.020085209981740719670240125083;0.016433353621424222346103505288;0.012172854534388313427206718131;0.029823493609251371105894889979;0.002434570906877662858913691224;0.025562994522215460452274626846;0.012781497261107730226137313423;0.012781497261107730226137313423;0.003043213633597078356801679533;0.010346926354230066499861884211;0.018259281801582472742895291162;0.006086427267194156713603359066;0.004260499087035909786258525145;0.015824710894704809016619861950;0.000608642726719415714728422806;0.009738283627510651435654764896;0.003651856360316494288370536836;0.006695069993913572645172216369;0.000000000000000000000000000000;0.007303712720632988576741073672;0.010346926354230066499861884211;0.013390139987827145290344432738;0.013998782714546560354551552052;0.006695069993913572645172216369;0.010346926354230066499861884211;0.006695069993913572645172216369
-0.021911138161898966597584959004;0.009129640900791236371447645581;0.020085209981740719670240125083;0.396226415094339645683874095994;0.004260499087035909786258525145;0.024954351795496043653344031554;0.004869141813755325717827382448;0.006695069993913572645172216369;0.004260499087035909786258525145;0.009129640900791236371447645581;0.011564211807668898362999598817;0.018867924528301886072378934500;0.027997565429093120709103104105;0.019476567255021302871309529792;0.003651856360316494288370536836;0.017041996348143639145034100579;0.004260499087035909786258525145;0.015824710894704809016619861950;0.012172854534388313427206718131;0.003651856360316494288370536836;0.009129640900791236371447645581;0.004869141813755325717827382448;0.003651856360316494288370536836;0.020693852708460132999723768421;0.029823493609251371105894889979;0.026780279975654290580688865475;0.021911138161898966597584959004;0.000000000000000000000000000000;0.001217285453438831429456845612;0.018867924528301886072378934500;0.020085209981740719670240125083;0.010346926354230066499861884211;0.006086427267194156713603359066;0.006086427267194156713603359066;0.015216068167985392217689266658;0.017041996348143639145034100579;0.005477784540474741649396239751;0.015216068167985392217689266658;0.001825928180158247144185268418;0.009129640900791236371447645581;0.003043213633597078356801679533;0.009129640900791236371447645581;0.000000000000000000000000000000;0.020693852708460132999723768421;0.001217285453438831429456845612;0.012781497261107730226137313423;0.021302495435179549798654363713;0.021911138161898966597584959004;0.017650639074863055943964695871;0.012781497261107730226137313423
-0.042881646655231558940002400959;0.009148084619782732851422935028;0.024585477415666093237156530904;0.372212692967409941591228061952;0.006289308176100629269034136826;0.021154945683247571019958144234;0.004002287021154946056178403069;0.006861063464837049638567201271;0.009719839908519153220955999473;0.016009148084619784224713612275;0.012006861063464836433811733230;0.032018296169239568449427224550;0.005717552887364208032139334392;0.025157232704402517076136547303;0.001715265866209262409641800318;0.024013722126929672867623466459;0.010863350485991995694745604339;0.012578616352201258538068273651;0.009719839908519153220955999473;0.007432818753573470875462003704;0.012578616352201258538068273651;0.008576329331046312481889870583;0.000571755288736420803213933439;0.023441966838193252498090402014;0.024585477415666093237156530904;0.020011435105774726811445063390;0.009148084619782732851422935028;0.004574042309891366425711467514;0.002287021154945683212855733757;0.016009148084619784224713612275;0.027444253859348198554268805083;0.012578616352201258538068273651;0.001143510577472841606427866878;0.005717552887364208032139334392;0.010291595197255575325212539894;0.024013722126929672867623466459;0.005145797598627787662606269947;0.018296169239565465702845870055;0.000571755288736420803213933439;0.007432818753573470875462003704;0.002287021154945683212855733757;0.013150371640937678907601338096;0.000000000000000000000000000000;0.010291595197255575325212539894;0.001143510577472841606427866878;0.013722126929674099277134402541;0.030303030303030303871381079261;0.017724413950829045333312805610;0.012006861063464836433811733230;0.010863350485991995694745604339
-0.029411764705882352533006240947;0.008879023307436182191332285640;0.017203107658157603537807389671;0.473917869034406191719455136990;0.007769145394006659634256184432;0.021087680355160932921254612893;0.004994450610432852807885062418;0.007769145394006659634256184432;0.002774694783573806826371122014;0.012763596004439511574779508862;0.006659267480577136209818345236;0.051054384017758046299118035449;0.007214206437291897922037264834;0.009433962264150943036189467250;0.002774694783573806826371122014;0.017758046614872364382664571281;0.006104328523862375364961163626;0.008879023307436182191332285640;0.004439511653718091095666142820;0.004439511653718091095666142820;0.012763596004439511574779508862;0.004994450610432852807885062418;0.000554938956714761386958267853;0.014983351831298556688931711278;0.028856825749167591688149059337;0.021642619311875693766111794503;0.010543840177580466460627306446;0.003884572697003329817128092216;0.003884572697003329817128092216;0.029966703662597113377863422556;0.030521642619311874222720604166;0.010543840177580466460627306446;0.001109877913429522773916535705;0.002774694783573806826371122014;0.004439511653718091095666142820;0.013873473917869034999217348059;0.006104328523862375364961163626;0.011653718091009988150341669666;0.000000000000000000000000000000;0.005549389567147613652742244028;0.005549389567147613652742244028;0.003884572697003329817128092216;0.000000000000000000000000000000;0.011098779134295227305484488056;0.001109877913429522773916535705;0.013318534961154272419636690472;0.013318534961154272419636690472;0.018312985571587125227521752890;0.002774694783573806826371122014;0.006659267480577136209818345236
-0.042337781868384723182874296299;0.009664058904739990935039983810;0.020708697653014265793736115029;0.371836171191900599630741908186;0.007823285780027611213682803282;0.022089277496548549717392262437;0.003221352968246663645013327937;0.005982512655315232359687360741;0.005982512655315232359687360741;0.016566958122411414022767672805;0.009664058904739990935039983810;0.048780487804878050472900952172;0.004141739530602853505691918201;0.021168890934192361591437148149;0.001380579843534284357337016402;0.027611596870685688881463804023;0.009664058904739990935039983810;0.007823285780027611213682803282;0.008283479061205707011383836402;0.002761159687068568714674032805;0.009664058904739990935039983810;0.007363092498849517150705246138;0.002761159687068568714674032805;0.023009664058904741312794328678;0.037735849056603772144757869000;0.024850437183617117564704557253;0.011965025310630464719374721483;0.005062126092959042499008770477;0.003221352968246663645013327937;0.024850437183617117564704557253;0.029452369995398068602820984552;0.010124252185918084998017540954;0.003681546249424758575352623069;0.005062126092959042499008770477;0.010124252185918084998017540954;0.014726184997699034301410492276;0.008283479061205707011383836402;0.011044638748274274858696131218;0.001380579843534284357337016402;0.002300966405890473784334737672;0.001840773124712379287676311534;0.006902899217671422220365951006;0.000000000000000000000000000000;0.015186378278877128364388049420;0.002300966405890473784334737672;0.016566958122411414022767672805;0.019788311090658077667781000741;0.021168890934192361591437148149;0.008743672342383801074361393546;0.013345605154164748643030868891
-0.036163522012578615261180203788;0.011006289308176099919767132462;0.018867924528301886072378934500;0.345911949685534569898237577945;0.018343815513626834934335363414;0.029874213836477987726869542939;0.006813417190775681274439445900;0.008909853249475890163422420187;0.004192872117400419512689424550;0.010482180293501048781723561376;0.013102725366876309676111844738;0.038784067085953881359738915080;0.016771488469601678050757698202;0.020440251572327042955956599712;0.006813417190775681274439445900;0.022536687631027254447024787964;0.006813417190775681274439445900;0.009958071278825995908956514313;0.013102725366876309676111844738;0.004192872117400419512689424550;0.014675052410901468294412985927;0.004716981132075471518094733625;0.004192872117400419512689424550;0.023060796645702305585068359051;0.030398322851153038864913114026;0.024109014675052411330602453177;0.009958071278825995908956514313;0.001048218029350104878172356138;0.001572327044025157317258534206;0.027777777777777776235801354687;0.029874213836477987726869542939;0.014675052410901468294412985927;0.003668763102725367073603246482;0.006289308176100629269034136826;0.015723270440251572305223604076;0.015199161425576519432456557013;0.006813417190775681274439445900;0.011530398322851152792534179525;0.000524109014675052439086178069;0.006289308176100629269034136826;0.004716981132075471518094733625;0.008909853249475890163422420187;0.000000000000000000000000000000;0.016247379454926623443267175162;0.003144654088050314634517068413;0.013102725366876309676111844738;0.016771488469601678050757698202;0.015723270440251572305223604076;0.012578616352201258538068273651;0.013626834381551362548878891801
-0.020754716981132074332672132755;0.007547169811320754775896268995;0.018867924528301886072378934500;0.365408805031446515254600626577;0.024528301886792454322705481218;0.020125786163522011579241066670;0.005031446540880502894810266667;0.012578616352201258538068273651;0.011949685534591195784637207566;0.018867924528301886072378934500;0.015094339622641509551792537991;0.018867924528301886072378934500;0.011320754716981131296482665505;0.022641509433962262592965331010;0.004402515723270440141379200583;0.011320754716981131296482665505;0.010691823899371068543051599420;0.017610062893081760565516802330;0.017610062893081760565516802330;0.006289308176100629269034136826;0.010691823899371068543051599420;0.009433962264150943036189467250;0.003144654088050314634517068413;0.013836477987421384044930405821;0.026415094339622642582998679472;0.015094339622641509551792537991;0.020754716981132074332672132755;0.011949685534591195784637207566;0.003144654088050314634517068413;0.030188679245283019103585075982;0.013836477987421384044930405821;0.009433962264150943036189467250;0.002515723270440251447405133334;0.010062893081761005789620533335;0.010691823899371068543051599420;0.022012578616352199839534264925;0.007547169811320754775896268995;0.010691823899371068543051599420;0.002515723270440251447405133334;0.006918238993710692022465202911;0.006289308176100629269034136826;0.012578616352201258538068273651;0.000000000000000000000000000000;0.015723270440251572305223604076;0.006918238993710692022465202911;0.015723270440251572305223604076;0.020125786163522011579241066670;0.018867924528301886072378934500;0.012578616352201258538068273651;0.008805031446540880282758401165
-0.024174528301886794023900506545;0.012971698113207547758962689954;0.022405660377358489060428681228;0.369103773584905647808795947640;0.028301886792452830843291877727;0.020636792452830187566403807864;0.001768867924528301927705742358;0.011202830188679244530214340614;0.014150943396226415421645938864;0.010613207547169810698872716159;0.011202830188679244530214340614;0.018278301886792452241037310046;0.004716981132075471518094733625;0.024174528301886794023900506545;0.008254716981132075373506218341;0.011792452830188680096279441045;0.011202830188679244530214340614;0.015330188679245283084329187773;0.020636792452830187566403807864;0.003537735849056603855411484716;0.007075471698113207710822969432;0.011792452830188680096279441045;0.007075471698113207710822969432;0.021816037735849055229087056773;0.024174528301886794023900506545;0.020047169811320753735062183409;0.009433962264150943036189467250;0.019457547169811319903720558955;0.001768867924528301927705742358;0.022995283018867922891770305682;0.007075471698113207710822969432;0.015919811320754716915670812227;0.003537735849056603855411484716;0.006485849056603773879481344977;0.007665094339622641542164593886;0.025943396226415095517925379909;0.005896226415094340048139720523;0.005896226415094340048139720523;0.004127358490566037686753109170;0.005306603773584905349436358080;0.005306603773584905349436358080;0.014740566037735849252987563318;0.000000000000000000000000000000;0.018278301886792452241037310046;0.012971698113207547758962689954;0.010023584905660376867531091705;0.027712264150943397011950253273;0.014150943396226415421645938864;0.010613207547169810698872716159;0.008254716981132075373506218341
-0.018867924528301886072378934500;0.007432818753573470875462003704;0.030303030303030303871381079261;0.369353916523727843213009691681;0.004574042309891366425711467514;0.026872498570611778184735740638;0.003430531732418524819283600635;0.007432818753573470875462003704;0.016580903373356204594246676720;0.013722126929674099277134402541;0.008004574042309892112356806138;0.022870211549456832128557337569;0.013150371640937678907601338096;0.026872498570611778184735740638;0.011435105774728416064278668784;0.017724413950829045333312805610;0.014293882218410519646667466986;0.012006861063464836433811733230;0.005717552887364208032139334392;0.014865637507146941750924007408;0.008004574042309892112356806138;0.012578616352201258538068273651;0.008576329331046312481889870583;0.010863350485991995694745604339;0.034877072612921666827645594822;0.016009148084619784224713612275;0.010291595197255575325212539894;0.018296169239565465702845870055;0.001715265866209262409641800318;0.016580903373356204594246676720;0.025157232704402517076136547303;0.008004574042309892112356806138;0.003430531732418524819283600635;0.006861063464837049638567201271;0.018296169239565465702845870055;0.014293882218410519646667466986;0.002858776443682104016069667196;0.009148084619782732851422935028;0.001715265866209262409641800318;0.014293882218410519646667466986;0.003430531732418524819283600635;0.009148084619782732851422935028;0.000000000000000000000000000000;0.009719839908519153220955999473;0.010291595197255575325212539894;0.007432818753573470875462003704;0.022298456260720411759024273124;0.022298456260720411759024273124;0.012006861063464836433811733230;0.016009148084619784224713612275
-0.033608490566037735325366497818;0.005896226415094340048139720523;0.029481132075471698505975126636;0.284787735849056589110261938913;0.001179245283018867879523683406;0.029481132075471698505975126636;0.002358490566037735759047366813;0.018278301886792452241037310046;0.004127358490566037686753109170;0.022405660377358489060428681228;0.015330188679245283084329187773;0.024174528301886794023900506545;0.009433962264150943036189467250;0.032429245283018867662683248909;0.007075471698113207710822969432;0.025353773584905661686583755454;0.009433962264150943036189467250;0.010613207547169810698872716159;0.011792452830188680096279441045;0.010023584905660376867531091705;0.013561320754716981590304314409;0.007665094339622641542164593886;0.002358490566037735759047366813;0.028891509433962264674633502182;0.037146226415094338313416244546;0.025353773584905661686583755454;0.025943396226415095517925379909;0.007665094339622641542164593886;0.000589622641509433939761841703;0.014740566037735849252987563318;0.016509433962264150747012436682;0.015330188679245283084329187773;0.002358490566037735759047366813;0.004127358490566037686753109170;0.010023584905660376867531091705;0.031250000000000000000000000000;0.010023584905660376867531091705;0.009433962264150943036189467250;0.000000000000000000000000000000;0.009433962264150943036189467250;0.002358490566037735759047366813;0.010613207547169810698872716159;0.000000000000000000000000000000;0.021816037735849055229087056773;0.002948113207547170024069860261;0.013561320754716981590304314409;0.037146226415094338313416244546;0.025943396226415095517925379909;0.012382075471698113927621065500;0.013561320754716981590304314409
-0.010708822029576747086876409298;0.009178990311065782226052078840;0.019887812340642529312928488139;0.534421213666496641714331872208;0.035696073431922485663658761723;0.005099439061703212733300816240;0.007649158592554819099951224359;0.013768485466598673339078118261;0.010198878123406425466601632479;0.006119326874043855106488631890;0.004079551249362570360113000589;0.008159102498725140720226001179;0.004589495155532891113026039420;0.007649158592554819099951224359;0.015298317185109638199902448719;0.011728709841917388592702486960;0.012238653748087710212977263780;0.013258541560428353453526817418;0.010708822029576747086876409298;0.004079551249362570360113000589;0.009178990311065782226052078840;0.011728709841917388592702486960;0.002549719530851606366650408120;0.015808261091279959820177225538;0.013258541560428353453526817418;0.008669046404895462340500777998;0.009178990311065782226052078840;0.026007139214686385286778858017;0.004589495155532891113026039420;0.012238653748087710212977263780;0.009178990311065782226052078840;0.014278429372768994959352895080;0.003059663437021927553244315945;0.004079551249362570360113000589;0.007649158592554819099951224359;0.021417644059153494173752818597;0.002039775624681285180056500295;0.003059663437021927553244315945;0.000509943906170321295014125074;0.010198878123406425466601632479;0.003569607343192248739838223770;0.004079551249362570360113000589;0.000000000000000000000000000000;0.007139214686384497479676447540;0.012748597654258031833252040599;0.006629270780214176726763408709;0.011728709841917388592702486960;0.008159102498725140720226001179;0.005609382967873533486213855070;0.007139214686384497479676447540
-0.012527233115468409604953414771;0.009259259259259258745267118229;0.026143790849673203408043420382;0.480392156862745112189116980517;0.049564270152505446320745363664;0.010348583877995642943403709069;0.004357298474945534190461149393;0.014705882352941176266503120473;0.005991285403050108752942559676;0.012527233115468409604953414771;0.007080610021786492083717412527;0.010893246187363835042472004488;0.003267973856209150426005427548;0.017429193899782136761844597572;0.012527233115468409604953414771;0.010348583877995642943403709069;0.013071895424836601704021710191;0.014161220043572984167434825054;0.013071895424836601704021710191;0.003812636165577342091392853973;0.008714596949891068380922298786;0.005991285403050108752942559676;0.002723311546840958760618001122;0.015250544662309368365571415893;0.016884531590413944662776302152;0.017429193899782136761844597572;0.008714596949891068380922298786;0.017973856209150325391465941038;0.007625272331154684182785707947;0.012527233115468409604953414771;0.010348583877995642943403709069;0.014161220043572984167434825054;0.003267973856209150426005427548;0.007080610021786492083717412527;0.006535947712418300852010855095;0.013616557734204793803090005611;0.002178649237472767095230574697;0.008714596949891068380922298786;0.000544662309368191773807643674;0.005446623093681917521236002244;0.008714596949891068380922298786;0.002178649237472767095230574697;0.000000000000000000000000000000;0.011437908496732025406816823931;0.010893246187363835042472004488;0.008714596949891068380922298786;0.017429193899782136761844597572;0.008714596949891068380922298786;0.007080610021786492083717412527;0.007625272331154684182785707947
-0.012361743656473649435878492397;0.016265452179570590723889367268;0.015614834092387768621490451437;0.484710474951203618143580342803;0.057254391672088483788982671285;0.015614834092387768621490451437;0.003253090435914118318250221051;0.017566688353936238398134150884;0.006506180871828236636500442103;0.008458035133376708147867617527;0.006506180871828236636500442103;0.013662979830839297110123276013;0.003903708523096942155372612859;0.016916070266753416295735235053;0.018867924528301886072378934500;0.012361743656473649435878492397;0.009759271307742355822112401142;0.011711125569290825598756100590;0.009108653220559531984990009335;0.005855562784645412799378050295;0.011711125569290825598756100590;0.007156798959011060473622833911;0.002602472348731294914808698238;0.019518542615484711644224802285;0.010409889394925179659234792950;0.012361743656473649435878492397;0.014313597918022120947245667821;0.013662979830839297110123276013;0.002602472348731294914808698238;0.011711125569290825598756100590;0.012361743656473649435878492397;0.011060507482108001761633708782;0.002602472348731294914808698238;0.005204944697462589829617396475;0.003903708523096942155372612859;0.012361743656473649435878492397;0.001301236174365647457404349119;0.007156798959011060473622833911;0.000650618087182823728702174559;0.007156798959011060473622833911;0.004554326610279765992495004667;0.006506180871828236636500442103;0.000000000000000000000000000000;0.006506180871828236636500442103;0.013662979830839297110123276013;0.008458035133376708147867617527;0.015614834092387768621490451437;0.014313597918022120947245667821;0.007807417046193884310745225719;0.006506180871828236636500442103
-0.020532741398446172076397431283;0.012763596004439511574779508862;0.037735849056603772144757869000;0.356270810210876809343005788833;0.019422863485016646917236116110;0.024417314095449501459844654505;0.003329633740288568104909172618;0.009988901220865705615770124837;0.006104328523862375364961163626;0.012763596004439511574779508862;0.015538290788013319268512368865;0.022752497225305215455826157722;0.007769145394006659634256184432;0.027192008879023309153577514508;0.006104328523862375364961163626;0.018867924528301886072378934500;0.009988901220865705615770124837;0.012208657047724750729922327253;0.013873473917869034999217348059;0.005549389567147613652742244028;0.006659267480577136209818345236;0.007769145394006659634256184432;0.002774694783573806826371122014;0.017758046614872364382664571281;0.030521642619311874222720604166;0.023307436182019976300683339332;0.017203107658157603537807389671;0.006104328523862375364961163626;0.002774694783573806826371122014;0.031076581576026638537024737730;0.019422863485016646917236116110;0.016093229744728078378646074498;0.001664816870144284052454586309;0.006659267480577136209818345236;0.008879023307436182191332285640;0.022197558268590454610968976112;0.004439511653718091095666142820;0.009988901220865705615770124837;0.000554938956714761386958267853;0.012763596004439511574779508862;0.001109877913429522773916535705;0.004439511653718091095666142820;0.000000000000000000000000000000;0.012763596004439511574779508862;0.005549389567147613652742244028;0.010543840177580466460627306446;0.022197558268590454610968976112;0.024417314095449501459844654505;0.012208657047724750729922327253;0.014983351831298556688931711278
-0.033608815426997243336337817254;0.004958677685950413534243796931;0.021487603305785123869453556722;0.256198347107437995884282599945;0.033057851239669422405142995558;0.040771349862258950136340018844;0.002203856749311294566801011641;0.009366391184573002667845820213;0.003305785123966942067041951958;0.009917355371900827068487593863;0.015977961432506886801929724129;0.047382920110192836005147398737;0.011019283746556474135047665186;0.030853994490358128272022852912;0.010468319559228649734405891536;0.041873278236914598937623566144;0.013774104683195592668809581482;0.008815426997245178267204046563;0.014325068870523415334727879156;0.004407713498622589133602023281;0.008264462809917355601285748889;0.003856749311294766034002856614;0.001652892561983471033520975979;0.011570247933884296800965962859;0.069421487603305784275242729109;0.026446280991735536536335615665;0.014325068870523415334727879156;0.006611570247933884134083903916;0.001652892561983471033520975979;0.029752066115702479470739305611;0.018732782369146005335691640425;0.009366391184573002667845820213;0.001652892561983471033520975979;0.007713498622589532068005713228;0.007713498622589532068005713228;0.017079889807162535603213271429;0.003856749311294766034002856614;0.006611570247933884134083903916;0.000000000000000000000000000000;0.004407713498622589133602023281;0.003305785123966942067041951958;0.011019283746556474135047665186;0.000000000000000000000000000000;0.006060606060606060600803868255;0.011019283746556474135047665186;0.008815426997245178267204046563;0.033608815426997243336337817254;0.026997245179063360936977389315;0.008264462809917355601285748889;0.026446280991735536536335615665
-0.032506887052341594535054269954;0.007162534435261707667363939578;0.035812672176308540938904911854;0.213223140495867768962057198223;0.010468319559228649734405891536;0.017079889807162535603213271429;0.003856749311294766034002856614;0.009366391184573002667845820213;0.009917355371900827068487593863;0.030303030303030303871381079261;0.012121212121212121201607736509;0.014325068870523415334727879156;0.013223140495867768268167807832;0.052341597796143252141476409633;0.008815426997245178267204046563;0.018181818181818180935049866775;0.008815426997245178267204046563;0.011019283746556474135047665186;0.007713498622589532068005713228;0.007713498622589532068005713228;0.015977961432506886801929724129;0.006611570247933884134083903916;0.003856749311294766034002856614;0.042975206611570247738907113444;0.044077134986225896540190660744;0.038016528925619831602578102547;0.014876033057851239735369652806;0.008815426997245178267204046563;0.002203856749311294566801011641;0.012672176308539945602249510159;0.006060606060606060600803868255;0.015977961432506886801929724129;0.003305785123966942067041951958;0.008815426997245178267204046563;0.014876033057851239735369652806;0.040220385674931129205145197147;0.009366391184573002667845820213;0.009366391184573002667845820213;0.003305785123966942067041951958;0.013774104683195592668809581482;0.004958677685950413534243796931;0.011570247933884296800965962859;0.000000000000000000000000000000;0.019283746556473829736333414075;0.003305785123966942067041951958;0.013223140495867768268167807832;0.035261707988980713068816186251;0.035261707988980713068816186251;0.022038567493112948270095330372;0.015977961432506886801929724129
-0.027997565429093120709103104105;0.009738283627510651435654764896;0.031040779062690201234309128608;0.379793061472915416398876686799;0.006086427267194156713603359066;0.020085209981740719670240125083;0.003651856360316494288370536836;0.007912355447352404508309930975;0.007912355447352404508309930975;0.013390139987827145290344432738;0.009738283627510651435654764896;0.021302495435179549798654363713;0.006695069993913572645172216369;0.032258064516129031362723367238;0.003651856360316494288370536836;0.016433353621424222346103505288;0.009129640900791236371447645581;0.017041996348143639145034100579;0.007303712720632988576741073672;0.004869141813755325717827382448;0.012781497261107730226137313423;0.008520998174071819572517050290;0.003651856360316494288370536836;0.024954351795496043653344031554;0.022519780888618379927068602342;0.021302495435179549798654363713;0.015216068167985392217689266658;0.006086427267194156713603359066;0.002434570906877662858913691224;0.016433353621424222346103505288;0.017650639074863055943964695871;0.017041996348143639145034100579;0.004260499087035909786258525145;0.007303712720632988576741073672;0.015216068167985392217689266658;0.020693852708460132999723768421;0.007912355447352404508309930975;0.007912355447352404508309930975;0.000608642726719415714728422806;0.013998782714546560354551552052;0.003651856360316494288370536836;0.007303712720632988576741073672;0.000000000000000000000000000000;0.015216068167985392217689266658;0.003651856360316494288370536836;0.013390139987827145290344432738;0.025562994522215460452274626846;0.018867924528301886072378934500;0.011564211807668898362999598817;0.018259281801582472742895291162
-0.028877005347593583117760118739;0.003208556149732620394604554193;0.026203208556149732572082555748;0.214438502673796799191663353668;0.029411764705882352533006240947;0.041176470588235293546208737325;0.002139037433155080263069702795;0.008021390374331551637032688973;0.017112299465240642104557622361;0.010695187165775400447986775987;0.014973262032085560974126181577;0.055080213903743312220395722534;0.014973262032085560974126181577;0.020320855614973262065481307559;0.007486631016042780487063090789;0.021925133689839573780666626135;0.013368983957219250993664338978;0.012299465240641710428448618586;0.021925133689839573780666626135;0.005347593582887700223993387993;0.013903743315508022143633937162;0.007486631016042780487063090789;0.002139037433155080263069702795;0.021390374331550800895973551974;0.040106951871657754715716492910;0.021390374331550800895973551974;0.015508021390374332124095779761;0.004812834224598930808747265786;0.001604278074866310197302277096;0.078609625668449201185694619198;0.024598930481283420856897237172;0.012299465240641710428448618586;0.006417112299465240789209108385;0.009625668449197861617494531572;0.013903743315508022143633937162;0.013903743315508022143633937162;0.005347593582887700223993387993;0.010695187165775400447986775987;0.001604278074866310197302277096;0.011764705882352941013202496379;0.005882352941176470506601248189;0.011764705882352941013202496379;0.000000000000000000000000000000;0.013368983957219250993664338978;0.013368983957219250993664338978;0.008556149732620321052278811180;0.018181818181818180935049866775;0.013903743315508022143633937162;0.016042780748663103274065377946;0.012834224598930481578418216770
-0.038784067085953881359738915080;0.004192872117400419512689424550;0.022536687631027254447024787964;0.028301886792452830843291877727;0.048742138364779877268695429393;0.072851153039832278190957026709;0.004716981132075471518094733625;0.009433962264150943036189467250;0.008909853249475890163422420187;0.012578616352201258538068273651;0.023060796645702305585068359051;0.104297693920335429740298138768;0.024633123689727462468646024263;0.016771488469601678050757698202;0.004716981132075471518094733625;0.022012578616352199839534264925;0.006289308176100629269034136826;0.011530398322851152792534179525;0.021488469601677148701490693838;0.002096436058700209756344712275;0.008909853249475890163422420187;0.006813417190775681274439445900;0.004192872117400419512689424550;0.014675052410901468294412985927;0.050314465408805034152273094605;0.022012578616352199839534264925;0.016771488469601678050757698202;0.004192872117400419512689424550;0.001048218029350104878172356138;0.123689727463312373889614548261;0.043501048218029352010471910717;0.008385744234800839025378849101;0.012578616352201258538068273651;0.010482180293501048781723561376;0.024109014675052411330602453177;0.013102725366876309676111844738;0.003668763102725367073603246482;0.008909853249475890163422420187;0.003668763102725367073603246482;0.009433962264150943036189467250;0.008385744234800839025378849101;0.008385744234800839025378849101;0.000000000000000000000000000000;0.014675052410901468294412985927;0.006289308176100629269034136826;0.013102725366876309676111844738;0.017819706498951780326844840374;0.022536687631027254447024787964;0.014675052410901468294412985927;0.015723270440251572305223604076
-0.027712264150943397011950253273;0.010613207547169810698872716159;0.018278301886792452241037310046;0.151533018867924529349267004363;0.028891509433962264674633502182;0.056603773584905661686583755454;0.006485849056603773879481344977;0.012971698113207547758962689954;0.008844339622641509204847842796;0.008254716981132075373506218341;0.015919811320754716915670812227;0.078419811320754720385117764181;0.021816037735849055229087056773;0.014740566037735849252987563318;0.006485849056603773879481344977;0.021226415094339621397745432319;0.005896226415094340048139720523;0.020047169811320753735062183409;0.020047169811320753735062183409;0.004127358490566037686753109170;0.010613207547169810698872716159;0.007665094339622641542164593886;0.001768867924528301927705742358;0.012971698113207547758962689954;0.038325471698113205976099493455;0.023584905660377360192558882090;0.019457547169811319903720558955;0.025353773584905661686583755454;0.001179245283018867879523683406;0.075471698113207544289515738001;0.048349056603773588047801013090;0.007665094339622641542164593886;0.007665094339622641542164593886;0.011792452830188680096279441045;0.015330188679245283084329187773;0.018278301886792452241037310046;0.010023584905660376867531091705;0.008254716981132075373506218341;0.001179245283018867879523683406;0.007665094339622641542164593886;0.006485849056603773879481344977;0.011202830188679244530214340614;0.000000000000000000000000000000;0.010613207547169810698872716159;0.006485849056603773879481344977;0.013561320754716981590304314409;0.013561320754716981590304314409;0.017099056603773584578354061136;0.014740566037735849252987563318;0.014740566037735849252987563318
-0.017520215633423180667804786026;0.008760107816711590333902393013;0.023584905660377360192558882090;0.237870619946091654828279615685;0.056603773584905661686583755454;0.026280323450134771001707179039;0.004716981132075471518094733625;0.012129380053908355580061240175;0.019541778975741240509389484714;0.008760107816711590333902393013;0.004716981132075471518094733625;0.018194070080862535104815336240;0.018194070080862535104815336240;0.018867924528301886072378934500;0.014150943396226415421645938864;0.016172506738544475263230637552;0.007412398921832884061966506550;0.012803234501347708282348314413;0.030323450134770890684876576415;0.002695417789757412543871772925;0.004716981132075471518094733625;0.009433962264150943036189467250;0.002021563342318059407903829694;0.028301886792452830843291877727;0.027628032345013476406281327513;0.016846361185983826230794235812;0.014150943396226415421645938864;0.041105121293800540860363668116;0.005390835579514825087743545851;0.043126684636118600701948366805;0.011455525606469002877774165938;0.012803234501347708282348314413;0.004716981132075471518094733625;0.008086253369272237631615318776;0.023584905660377360192558882090;0.022911051212938005755548331877;0.006064690026954177790030620088;0.014150943396226415421645938864;0.001347708894878706271935886463;0.009433962264150943036189467250;0.006064690026954177790030620088;0.020215633423180591476953082974;0.000000000000000000000000000000;0.013477088948787062719358864626;0.012129380053908355580061240175;0.016846361185983826230794235812;0.022237196765498651318537781663;0.021563342318059300350974183402;0.009433962264150943036189467250;0.011455525606469002877774165938
-0.028825995807127881981335448813;0.003144654088050314634517068413;0.047169811320754720385117764181;0.168763102725366875844770220283;0.000524109014675052439086178069;0.028825995807127881981335448813;0.004192872117400419512689424550;0.004192872117400419512689424550;0.020440251572327042955956599712;0.030398322851153038864913114026;0.009433962264150943036189467250;0.020440251572327042955956599712;0.016771488469601678050757698202;0.044549266247379454286559052889;0.002620545073375262195430890344;0.032494758909853246886534350324;0.014150943396226415421645938864;0.012054507337526205665301226588;0.003668763102725367073603246482;0.008909853249475890163422420187;0.013626834381551362548878891801;0.013626834381551362548878891801;0.003668763102725367073603246482;0.039832285115303983635826057252;0.038784067085953881359738915080;0.041928721174004195126894245504;0.015723270440251572305223604076;0.024633123689727462468646024263;0.004716981132075471518094733625;0.008909853249475890163422420187;0.023584905660377360192558882090;0.026205450733752619352223689475;0.001048218029350104878172356138;0.007861635220125786152611802038;0.013102725366876309676111844738;0.030922431865828093472403637065;0.009433962264150943036189467250;0.015723270440251572305223604076;0.000524109014675052439086178069;0.018343815513626834934335363414;0.002620545073375262195430890344;0.006289308176100629269034136826;0.000000000000000000000000000000;0.020964360587002097563447122752;0.001048218029350104878172356138;0.014675052410901468294412985927;0.038259958071278826752248392040;0.031446540880503144610447208152;0.015199161425576519432456557013;0.015723270440251572305223604076
-0.030398322851153038864913114026;0.006289308176100629269034136826;0.019916142557651991817913028626;0.341719077568134188549464624884;0.032494758909853246886534350324;0.035115303983228512985093061616;0.004716981132075471518094733625;0.009433962264150943036189467250;0.006813417190775681274439445900;0.010482180293501048781723561376;0.013626834381551362548878891801;0.034591194968553458377602538576;0.015723270440251572305223604076;0.022012578616352199839534264925;0.006289308176100629269034136826;0.018343815513626834934335363414;0.011530398322851152792534179525;0.009958071278825995908956514313;0.012578616352201258538068273651;0.007337526205450734147206492963;0.010482180293501048781723561376;0.005241090146750524390861780688;0.003668763102725367073603246482;0.014150943396226415421645938864;0.031970649895178199217937731191;0.017295597484276729188801269288;0.012054507337526205665301226588;0.016771488469601678050757698202;0.004192872117400419512689424550;0.029350104821802936588825971853;0.024109014675052411330602453177;0.011006289308176099919767132462;0.004192872117400419512689424550;0.006813417190775681274439445900;0.017295597484276729188801269288;0.017819706498951780326844840374;0.006289308176100629269034136826;0.012578616352201258538068273651;0.000000000000000000000000000000;0.006813417190775681274439445900;0.003144654088050314634517068413;0.004192872117400419512689424550;0.000000000000000000000000000000;0.011530398322851152792534179525;0.006813417190775681274439445900;0.009433962264150943036189467250;0.019392033542976940679869457540;0.017819706498951780326844840374;0.010482180293501048781723561376;0.015723270440251572305223604076
-0.012054507337526205665301226588;0.006289308176100629269034136826;0.012054507337526205665301226588;0.451257861635220136609092378421;0.060796645702306077729826228051;0.023060796645702305585068359051;0.004716981132075471518094733625;0.008909853249475890163422420187;0.004192872117400419512689424550;0.006813417190775681274439445900;0.013102725366876309676111844738;0.006813417190775681274439445900;0.028301886792452830843291877727;0.008909853249475890163422420187;0.011006289308176099919767132462;0.011530398322851152792534179525;0.004716981132075471518094733625;0.011530398322851152792534179525;0.011530398322851152792534179525;0.000524109014675052439086178069;0.013102725366876309676111844738;0.006289308176100629269034136826;0.004716981132075471518094733625;0.014675052410901468294412985927;0.018867924528301886072378934500;0.011530398322851152792534179525;0.007861635220125786152611802038;0.017819706498951780326844840374;0.002620545073375262195430890344;0.020964360587002097563447122752;0.006289308176100629269034136826;0.012578616352201258538068273651;0.007861635220125786152611802038;0.009433962264150943036189467250;0.018867924528301886072378934500;0.013626834381551362548878891801;0.003668763102725367073603246482;0.007337526205450734147206492963;0.003668763102725367073603246482;0.008909853249475890163422420187;0.003144654088050314634517068413;0.007861635220125786152611802038;0.000000000000000000000000000000;0.008909853249475890163422420187;0.007337526205450734147206492963;0.009433962264150943036189467250;0.016247379454926623443267175162;0.017295597484276729188801269288;0.011530398322851152792534179525;0.009433962264150943036189467250
-0.017338092809790924681001555996;0.006629270780214176726763408709;0.023457419683834777185404973920;0.376338602753697071268135232458;0.032636409994900562880904004714;0.029066802651708311538980566979;0.003569607343192248739838223770;0.010708822029576747086876409298;0.010708822029576747086876409298;0.008159102498725140720226001179;0.012238653748087710212977263780;0.023457419683834777185404973920;0.016828148903620603060726779177;0.018867924528301886072378934500;0.007649158592554819099951224359;0.020907700152983172553478041777;0.009178990311065782226052078840;0.004589495155532891113026039420;0.018867924528301886072378934500;0.004589495155532891113026039420;0.013258541560428353453526817418;0.008159102498725140720226001179;0.005099439061703212733300816240;0.013258541560428353453526817418;0.026517083120856706907053634836;0.016828148903620603060726779177;0.012238653748087710212977263780;0.007649158592554819099951224359;0.002549719530851606366650408120;0.037225905150433453993930044135;0.018357980622131564452104157681;0.011218765935747066972427710141;0.010198878123406425466601632479;0.005609382967873533486213855070;0.009178990311065782226052078840;0.015808261091279959820177225538;0.005609382967873533486213855070;0.010198878123406425466601632479;0.000000000000000000000000000000;0.012748597654258031833252040599;0.004589495155532891113026039420;0.010708822029576747086876409298;0.000000000000000000000000000000;0.008159102498725140720226001179;0.008669046404895462340500777998;0.009688934217236103846326855660;0.016318204997450281440452002357;0.015808261091279959820177225538;0.014278429372768994959352895080;0.014278429372768994959352895080
-0.022995283018867922891770305682;0.010613207547169810698872716159;0.021226415094339621397745432319;0.377948113207547176095602026180;0.026533018867924529349267004363;0.023584905660377360192558882090;0.003537735849056603855411484716;0.012382075471698113927621065500;0.012382075471698113927621065500;0.008844339622641509204847842796;0.006485849056603773879481344977;0.031839622641509433831341624455;0.011202830188679244530214340614;0.013561320754716981590304314409;0.005896226415094340048139720523;0.021816037735849055229087056773;0.016509433962264150747012436682;0.010613207547169810698872716159;0.014740566037735849252987563318;0.002948113207547170024069860261;0.008254716981132075373506218341;0.005306603773584905349436358080;0.007075471698113207710822969432;0.017688679245283018409695685591;0.034198113207547169156708122273;0.018278301886792452241037310046;0.009433962264150943036189467250;0.020636792452830187566403807864;0.001768867924528301927705742358;0.023584905660377360192558882090;0.023584905660377360192558882090;0.006485849056603773879481344977;0.008254716981132075373506218341;0.002948113207547170024069860261;0.009433962264150943036189467250;0.012971698113207547758962689954;0.005896226415094340048139720523;0.008254716981132075373506218341;0.000589622641509433939761841703;0.007665094339622641542164593886;0.004716981132075471518094733625;0.012382075471698113927621065500;0.000000000000000000000000000000;0.012382075471698113927621065500;0.006485849056603773879481344977;0.017099056603773584578354061136;0.021226415094339621397745432319;0.015330188679245283084329187773;0.012382075471698113927621065500;0.010023584905660376867531091705
-0.024258760107816711160122480351;0.002695417789757412543871772925;0.022641509433962262592965331010;0.368733153638814037389437316961;0.015633423180592992407511587771;0.024797843665768194015841530131;0.001078167115902965060916796070;0.009164420485175201608329942360;0.026415094339622642582998679472;0.010242587601078167319768041921;0.007547169811320754775896268995;0.017250673854447440974668737113;0.016711590296495958118949687332;0.018328840970350403216659884720;0.007008086253369271920177219215;0.015094339622641509551792537991;0.018328840970350403216659884720;0.010242587601078167319768041921;0.008625336927223720487334368556;0.006469002695417789931819907423;0.008086253369272237631615318776;0.011859838274932614152201715285;0.007547169811320754775896268995;0.018328840970350403216659884720;0.020485175202156334639536083841;0.015633423180592992407511587771;0.014555256064690026696073488210;0.018867924528301886072378934500;0.001617250673854447482954976856;0.026954177897574125438717729253;0.018867924528301886072378934500;0.010242587601078167319768041921;0.007008086253369271920177219215;0.004851752021563342232024496070;0.017250673854447440974668737113;0.011320754716981131296482665505;0.005390835579514825087743545851;0.008625336927223720487334368556;0.004312668463611860243667184278;0.012938005390835579863639814846;0.003773584905660377387948134498;0.036657681940700806433319769440;0.000000000000000000000000000000;0.011320754716981131296482665505;0.009164420485175201608329942360;0.006469002695417789931819907423;0.018328840970350403216659884720;0.012398921832884097007920765066;0.010242587601078167319768041921;0.015633423180592992407511587771
-0.015919811320754716915670812227;0.014150943396226415421645938864;0.013561320754716981590304314409;0.378537735849056589110261938913;0.014740566037735849252987563318;0.019457547169811319903720558955;0.002358490566037735759047366813;0.005306603773584905349436358080;0.058372641509433963180608628818;0.003537735849056603855411484716;0.010023584905660376867531091705;0.011202830188679244530214340614;0.013561320754716981590304314409;0.011792452830188680096279441045;0.007075471698113207710822969432;0.011792452830188680096279441045;0.008254716981132075373506218341;0.006485849056603773879481344977;0.014150943396226415421645938864;0.004127358490566037686753109170;0.002948113207547170024069860261;0.008254716981132075373506218341;0.005306603773584905349436358080;0.015330188679245283084329187773;0.026533018867924529349267004363;0.015330188679245283084329187773;0.011792452830188680096279441045;0.030660377358490566168658375545;0.002358490566037735759047366813;0.019457547169811319903720558955;0.008844339622641509204847842796;0.007075471698113207710822969432;0.006485849056603773879481344977;0.008254716981132075373506218341;0.013561320754716981590304314409;0.009433962264150943036189467250;0.003537735849056603855411484716;0.005306603773584905349436358080;0.030660377358490566168658375545;0.010613207547169810698872716159;0.007665094339622641542164593886;0.056603773584905661686583755454;0.000000000000000000000000000000;0.007665094339622641542164593886;0.003537735849056603855411484716;0.008254716981132075373506218341;0.008844339622641509204847842796;0.012971698113207547758962689954;0.012382075471698113927621065500;0.015919811320754716915670812227
-0.033333333333333332870740406406;0.007547169811320754775896268995;0.027044025157232705336429745557;0.311949685534591181212960009361;0.028301886792452830843291877727;0.033962264150943395624171472491;0.000628930817610062861851283333;0.008176100628930817529327335080;0.008805031446540880282758401165;0.016352201257861635058654670161;0.006918238993710692022465202911;0.033333333333333332870740406406;0.015723270440251572305223604076;0.028930817610062893596722943812;0.004402515723270440141379200583;0.020754716981132074332672132755;0.010062893081761005789620533335;0.010691823899371068543051599420;0.010691823899371068543051599420;0.010062893081761005789620533335;0.010062893081761005789620533335;0.006918238993710692022465202911;0.003144654088050314634517068413;0.018238993710691823318947868415;0.045911949685534587939361728104;0.020754716981132074332672132755;0.010062893081761005789620533335;0.011949685534591195784637207566;0.001257861635220125723702566667;0.025157232704402517076136547303;0.020125786163522011579241066670;0.010691823899371068543051599420;0.003773584905660377387948134498;0.006289308176100629269034136826;0.022641509433962262592965331010;0.017610062893081760565516802330;0.008805031446540880282758401165;0.008805031446540880282758401165;0.000628930817610062861851283333;0.008805031446540880282758401165;0.003144654088050314634517068413;0.003773584905660377387948134498;0.000000000000000000000000000000;0.006918238993710692022465202911;0.006289308176100629269034136826;0.011320754716981131296482665505;0.018867924528301886072378934500;0.034591194968553458377602538576;0.016352201257861635058654670161;0.009433962264150943036189467250
-0.012054507337526205665301226588;0.008385744234800839025378849101;0.015199161425576519432456557013;0.450733752620545047307132335845;0.064465408805031446104472081515;0.014675052410901468294412985927;0.007337526205450734147206492963;0.009433962264150943036189467250;0.005765199161425576396267089763;0.009433962264150943036189467250;0.007861635220125786152611802038;0.016247379454926623443267175162;0.005241090146750524390861780688;0.009433962264150943036189467250;0.016771488469601678050757698202;0.009433962264150943036189467250;0.012054507337526205665301226588;0.008909853249475890163422420187;0.021488469601677148701490693838;0.003144654088050314634517068413;0.012578616352201258538068273651;0.003668763102725367073603246482;0.005765199161425576396267089763;0.014150943396226415421645938864;0.009433962264150943036189467250;0.005241090146750524390861780688;0.011006289308176099919767132462;0.026205450733752619352223689475;0.002096436058700209756344712275;0.046121593291404611170136718101;0.015723270440251572305223604076;0.005241090146750524390861780688;0.012578616352201258538068273651;0.002096436058700209756344712275;0.003144654088050314634517068413;0.011530398322851152792534179525;0.003144654088050314634517068413;0.007861635220125786152611802038;0.002096436058700209756344712275;0.004716981132075471518094733625;0.008385744234800839025378849101;0.015723270440251572305223604076;0.000000000000000000000000000000;0.008385744234800839025378849101;0.017819706498951780326844840374;0.008909853249475890163422420187;0.008909853249475890163422420187;0.005241090146750524390861780688;0.010482180293501048781723561376;0.003668763102725367073603246482
-0.015723270440251572305223604076;0.014150943396226415421645938864;0.030398322851153038864913114026;0.326519916142557653504496784080;0.016247379454926623443267175162;0.034067085953878403770112015536;0.005765199161425576396267089763;0.011006289308176099919767132462;0.014150943396226415421645938864;0.013626834381551362548878891801;0.008385744234800839025378849101;0.024633123689727462468646024263;0.016247379454926623443267175162;0.016771488469601678050757698202;0.007861635220125786152611802038;0.011006289308176099919767132462;0.014675052410901468294412985927;0.022012578616352199839534264925;0.026729559748427673959714212515;0.004192872117400419512689424550;0.015199161425576519432456557013;0.010482180293501048781723561376;0.015199161425576519432456557013;0.015199161425576519432456557013;0.028825995807127881981335448813;0.015199161425576519432456557013;0.020964360587002097563447122752;0.013626834381551362548878891801;0.001048218029350104878172356138;0.038784067085953881359738915080;0.014675052410901468294412985927;0.009958071278825995908956514313;0.005241090146750524390861780688;0.003144654088050314634517068413;0.019392033542976940679869457540;0.013102725366876309676111844738;0.004192872117400419512689424550;0.007337526205450734147206492963;0.001572327044025157317258534206;0.010482180293501048781723561376;0.008385744234800839025378849101;0.013626834381551362548878891801;0.000000000000000000000000000000;0.007337526205450734147206492963;0.005241090146750524390861780688;0.012578616352201258538068273651;0.015723270440251572305223604076;0.015199161425576519432456557013;0.015199161425576519432456557013;0.008909853249475890163422420187
-0.020964360587002097563447122752;0.002620545073375262195430890344;0.016247379454926623443267175162;0.355345911949685511199703569218;0.044025157232704399679068529849;0.026205450733752619352223689475;0.007861635220125786152611802038;0.008909853249475890163422420187;0.007337526205450734147206492963;0.011530398322851152792534179525;0.006813417190775681274439445900;0.019916142557651991817913028626;0.014675052410901468294412985927;0.019392033542976940679869457540;0.009958071278825995908956514313;0.016247379454926623443267175162;0.009433962264150943036189467250;0.010482180293501048781723561376;0.021488469601677148701490693838;0.003144654088050314634517068413;0.016247379454926623443267175162;0.010482180293501048781723561376;0.002620545073375262195430890344;0.013102725366876309676111844738;0.025681341719077568214180118389;0.018867924528301886072378934500;0.014675052410901468294412985927;0.019392033542976940679869457540;0.003668763102725367073603246482;0.028825995807127881981335448813;0.016771488469601678050757698202;0.011006289308176099919767132462;0.006289308176100629269034136826;0.010482180293501048781723561376;0.013626834381551362548878891801;0.013102725366876309676111844738;0.004192872117400419512689424550;0.007337526205450734147206492963;0.001048218029350104878172356138;0.006813417190775681274439445900;0.003144654088050314634517068413;0.014675052410901468294412985927;0.000000000000000000000000000000;0.013102725366876309676111844738;0.012054507337526205665301226588;0.014150943396226415421645938864;0.019916142557651991817913028626;0.019392033542976940679869457540;0.012578616352201258538068273651;0.014150943396226415421645938864
-0.024764150943396227855242131000;0.007665094339622641542164593886;0.014740566037735849252987563318;0.373820754716981118459528943276;0.044221698113207544289515738001;0.025353773584905661686583755454;0.007665094339622641542164593886;0.006485849056603773879481344977;0.011792452830188680096279441045;0.007075471698113207710822969432;0.008844339622641509204847842796;0.029481132075471698505975126636;0.007665094339622641542164593886;0.011792452830188680096279441045;0.002948113207547170024069860261;0.021816037735849055229087056773;0.010023584905660376867531091705;0.008254716981132075373506218341;0.017099056603773584578354061136;0.001768867924528301927705742358;0.013561320754716981590304314409;0.012382075471698113927621065500;0.005306603773584905349436358080;0.011202830188679244530214340614;0.018867924528301886072378934500;0.018867924528301886072378934500;0.011792452830188680096279441045;0.008254716981132075373506218341;0.005306603773584905349436358080;0.043042452830188676626832489092;0.025943396226415095517925379909;0.014740566037735849252987563318;0.008844339622641509204847842796;0.007665094339622641542164593886;0.011792452830188680096279441045;0.008844339622641509204847842796;0.002948113207547170024069860261;0.019457547169811319903720558955;0.001179245283018867879523683406;0.007075471698113207710822969432;0.005306603773584905349436358080;0.012382075471698113927621065500;0.000000000000000000000000000000;0.010613207547169810698872716159;0.012382075471698113927621065500;0.015330188679245283084329187773;0.011792452830188680096279441045;0.014740566037735849252987563318;0.010613207547169810698872716159;0.006485849056603773879481344977
-0.020125786163522011579241066670;0.016981132075471697812085736246;0.021383647798742137086103198840;0.386792452830188704382408104721;0.012578616352201258538068273651;0.019496855345911948825810000585;0.005031446540880502894810266667;0.010062893081761005789620533335;0.022012578616352199839534264925;0.008805031446540880282758401165;0.007547169811320754775896268995;0.022641509433962262592965331010;0.008176100628930817529327335080;0.018238993710691823318947868415;0.009433962264150943036189467250;0.022012578616352199839534264925;0.011320754716981131296482665505;0.016981132075471697812085736246;0.013836477987421384044930405821;0.004402515723270440141379200583;0.010062893081761005789620533335;0.009433962264150943036189467250;0.004402515723270440141379200583;0.018867924528301886072378934500;0.027672955974842768089860811642;0.020125786163522011579241066670;0.007547169811320754775896268995;0.015723270440251572305223604076;0.001257861635220125723702566667;0.026415094339622642582998679472;0.029559748427672956350154009897;0.010691823899371068543051599420;0.002515723270440251447405133334;0.003144654088050314634517068413;0.010691823899371068543051599420;0.010691823899371068543051599420;0.005031446540880502894810266667;0.015094339622641509551792537991;0.002515723270440251447405133334;0.013836477987421384044930405821;0.003144654088050314634517068413;0.023270440251572325346396397094;0.000000000000000000000000000000;0.007547169811320754775896268995;0.006918238993710692022465202911;0.011949685534591195784637207566;0.018867924528301886072378934500;0.013207547169811321291499339736;0.005660377358490565648241332752;0.006289308176100629269034136826
-0.028301886792452830843291877727;0.006813417190775681274439445900;0.030922431865828093472403637065;0.363731656184486384919551937855;0.012578616352201258538068273651;0.025157232704402517076136547303;0.002620545073375262195430890344;0.009433962264150943036189467250;0.005765199161425576396267089763;0.015723270440251572305223604076;0.009958071278825995908956514313;0.036163522012578615261180203788;0.007337526205450734147206492963;0.027253668763102725097757783601;0.006289308176100629269034136826;0.016771488469601678050757698202;0.013626834381551362548878891801;0.012054507337526205665301226588;0.013102725366876309676111844738;0.006289308176100629269034136826;0.008909853249475890163422420187;0.004192872117400419512689424550;0.003144654088050314634517068413;0.018343815513626834934335363414;0.030398322851153038864913114026;0.020440251572327042955956599712;0.012054507337526205665301226588;0.016771488469601678050757698202;0.001048218029350104878172356138;0.020440251572327042955956599712;0.025681341719077568214180118389;0.011530398322851152792534179525;0.002096436058700209756344712275;0.004192872117400419512689424550;0.018343815513626834934335363414;0.022012578616352199839534264925;0.004192872117400419512689424550;0.012578616352201258538068273651;0.000524109014675052439086178069;0.009433962264150943036189467250;0.002620545073375262195430890344;0.006813417190775681274439445900;0.000000000000000000000000000000;0.005765199161425576396267089763;0.003144654088050314634517068413;0.005241090146750524390861780688;0.029350104821802936588825971853;0.021488469601677148701490693838;0.016247379454926623443267175162;0.013102725366876309676111844738
-0.037106918238993709391326802916;0.004402515723270440141379200583;0.028930817610062893596722943812;0.296226415094339612377183357239;0.029559748427672956350154009897;0.026415094339622642582998679472;0.002515723270440251447405133334;0.010691823899371068543051599420;0.003773584905660377387948134498;0.010691823899371068543051599420;0.013207547169811321291499339736;0.025157232704402517076136547303;0.021383647798742137086103198840;0.033333333333333332870740406406;0.003773584905660377387948134498;0.022641509433962262592965331010;0.013207547169811321291499339736;0.012578616352201258538068273651;0.012578616352201258538068273651;0.006289308176100629269034136826;0.011320754716981131296482665505;0.007547169811320754775896268995;0.006918238993710692022465202911;0.016981132075471697812085736246;0.038993710691823897651620001170;0.020125786163522011579241066670;0.013836477987421384044930405821;0.004402515723270440141379200583;0.000628930817610062861851283333;0.028930817610062893596722943812;0.025157232704402517076136547303;0.009433962264150943036189467250;0.008176100628930817529327335080;0.004402515723270440141379200583;0.024528301886792454322705481218;0.011320754716981131296482665505;0.008176100628930817529327335080;0.010691823899371068543051599420;0.002515723270440251447405133334;0.010691823899371068543051599420;0.004402515723270440141379200583;0.006289308176100629269034136826;0.000000000000000000000000000000;0.014465408805031446798361471906;0.003144654088050314634517068413;0.009433962264150943036189467250;0.014465408805031446798361471906;0.030817610062893081857016142067;0.022012578616352199839534264925;0.015723270440251572305223604076
-0.017295597484276729188801269288;0.006289308176100629269034136826;0.020440251572327042955956599712;0.417714884696016752752001366389;0.015199161425576519432456557013;0.023060796645702305585068359051;0.005765199161425576396267089763;0.008385744234800839025378849101;0.013626834381551362548878891801;0.009433962264150943036189467250;0.009958071278825995908956514313;0.033018867924528301494024873364;0.007861635220125786152611802038;0.016771488469601678050757698202;0.009958071278825995908956514313;0.012054507337526205665301226588;0.011530398322851152792534179525;0.011006289308176099919767132462;0.014150943396226415421645938864;0.005765199161425576396267089763;0.007861635220125786152611802038;0.005765199161425576396267089763;0.005765199161425576396267089763;0.017295597484276729188801269288;0.023584905660377360192558882090;0.016247379454926623443267175162;0.008909853249475890163422420187;0.022012578616352199839534264925;0.001572327044025157317258534206;0.040356394129979038243316580292;0.018343815513626834934335363414;0.011006289308176099919767132462;0.002620545073375262195430890344;0.004716981132075471518094733625;0.012054507337526205665301226588;0.017819706498951780326844840374;0.003144654088050314634517068413;0.006813417190775681274439445900;0.001048218029350104878172356138;0.012578616352201258538068273651;0.005765199161425576396267089763;0.016771488469601678050757698202;0.000000000000000000000000000000;0.005765199161425576396267089763;0.007861635220125786152611802038;0.009958071278825995908956514313;0.014675052410901468294412985927;0.012054507337526205665301226588;0.012578616352201258538068273651;0.005765199161425576396267089763
-0.014865637507146941750924007408;0.018867924528301886072378934500;0.021726700971983991389491208679;0.352773013150371628210422159100;0.016009148084619784224713612275;0.030874785591766724240914143707;0.006289308176100629269034136826;0.014293882218410519646667466986;0.028587764436821039293334933973;0.012006861063464836433811733230;0.010291595197255575325212539894;0.023441966838193252498090402014;0.022298456260720411759024273124;0.014865637507146941750924007408;0.014293882218410519646667466986;0.012578616352201258538068273651;0.013150371640937678907601338096;0.017152658662092624963779741165;0.008004574042309892112356806138;0.005145797598627787662606269947;0.011435105774728416064278668784;0.013150371640937678907601338096;0.006861063464837049638567201271;0.014865637507146941750924007408;0.021154945683247571019958144234;0.009719839908519153220955999473;0.014865637507146941750924007408;0.021154945683247571019958144234;0.002287021154945683212855733757;0.038879359634076612883823997890;0.016580903373356204594246676720;0.012578616352201258538068273651;0.002858776443682104016069667196;0.002858776443682104016069667196;0.014293882218410519646667466986;0.013722126929674099277134402541;0.002858776443682104016069667196;0.004574042309891366425711467514;0.006861063464837049638567201271;0.009719839908519153220955999473;0.005717552887364208032139334392;0.030874785591766724240914143707;0.000000000000000000000000000000;0.002858776443682104016069667196;0.003430531732418524819283600635;0.008004574042309892112356806138;0.017152658662092624963779741165;0.009719839908519153220955999473;0.008576329331046312481889870583;0.014865637507146941750924007408
-0.013662979830839297110123276013;0.026675341574495772117847636196;0.011711125569290825598756100590;0.299934938191281696973078396695;0.068314899154196487285339856044;0.022121014964216003523267417563;0.007156798959011060473622833911;0.020819778789850359318469585901;0.011060507482108001761633708782;0.003903708523096942155372612859;0.009759271307742355822112401142;0.029277813923227063996890251474;0.013012361743656473273000884205;0.013662979830839297110123276013;0.024723487312947298871756984795;0.014964216005204944784368059629;0.009108653220559531984990009335;0.011711125569290825598756100590;0.020169160702667533746623718116;0.001301236174365647457404349119;0.008458035133376708147867617527;0.010409889394925179659234792950;0.003903708523096942155372612859;0.013662979830839297110123276013;0.022121014964216003523267417563;0.011711125569290825598756100590;0.014313597918022120947245667821;0.028627195836044241894491335643;0.005204944697462589829617396475;0.050097592713077426784806789328;0.020169160702667533746623718116;0.011711125569290825598756100590;0.009759271307742355822112401142;0.007156798959011060473622833911;0.011711125569290825598756100590;0.014313597918022120947245667821;0.002602472348731294914808698238;0.012361743656473649435878492397;0.001301236174365647457404349119;0.009108653220559531984990009335;0.013662979830839297110123276013;0.010409889394925179659234792950;0.000000000000000000000000000000;0.012361743656473649435878492397;0.011060507482108001761633708782;0.011711125569290825598756100590;0.009759271307742355822112401142;0.011711125569290825598756100590;0.010409889394925179659234792950;0.007156798959011060473622833911
-0.017295597484276729188801269288;0.026729559748427673959714212515;0.017819706498951780326844840374;0.421907756813417189611925550707;0.043501048218029352010471910717;0.026205450733752619352223689475;0.009958071278825995908956514313;0.007861635220125786152611802038;0.005241090146750524390861780688;0.004192872117400419512689424550;0.006289308176100629269034136826;0.028301886792452830843291877727;0.004716981132075471518094733625;0.008909853249475890163422420187;0.011006289308176099919767132462;0.011006289308176099919767132462;0.013626834381551362548878891801;0.010482180293501048781723561376;0.013102725366876309676111844738;0.002096436058700209756344712275;0.004716981132075471518094733625;0.005765199161425576396267089763;0.004716981132075471518094733625;0.017295597484276729188801269288;0.020964360587002097563447122752;0.013102725366876309676111844738;0.009433962264150943036189467250;0.034591194968553458377602538576;0.002096436058700209756344712275;0.035115303983228512985093061616;0.016247379454926623443267175162;0.006813417190775681274439445900;0.002096436058700209756344712275;0.004192872117400419512689424550;0.010482180293501048781723561376;0.007861635220125786152611802038;0.002620545073375262195430890344;0.004716981132075471518094733625;0.002096436058700209756344712275;0.011006289308176099919767132462;0.011006289308176099919767132462;0.012578616352201258538068273651;0.000000000000000000000000000000;0.010482180293501048781723561376;0.005241090146750524390861780688;0.008909853249475890163422420187;0.016771488469601678050757698202;0.010482180293501048781723561376;0.008385744234800839025378849101;0.009958071278825995908956514313
-0.018343815513626834934335363414;0.005241090146750524390861780688;0.027253668763102725097757783601;0.355870020964360600501663611794;0.024109014675052411330602453177;0.034067085953878403770112015536;0.002620545073375262195430890344;0.004192872117400419512689424550;0.019916142557651991817913028626;0.009958071278825995908956514313;0.007861635220125786152611802038;0.054507337526205450195515567202;0.005241090146750524390861780688;0.016771488469601678050757698202;0.004716981132075471518094733625;0.023584905660377360192558882090;0.014675052410901468294412985927;0.014150943396226415421645938864;0.015199161425576519432456557013;0.002620545073375262195430890344;0.007861635220125786152611802038;0.015199161425576519432456557013;0.001048218029350104878172356138;0.017295597484276729188801269288;0.026729559748427673959714212515;0.014675052410901468294412985927;0.005241090146750524390861780688;0.014675052410901468294412985927;0.003144654088050314634517068413;0.040356394129979038243316580292;0.021488469601677148701490693838;0.017819706498951780326844840374;0.002620545073375262195430890344;0.006289308176100629269034136826;0.004716981132075471518094733625;0.018867924528301886072378934500;0.003668763102725367073603246482;0.009958071278825995908956514313;0.001048218029350104878172356138;0.006813417190775681274439445900;0.006289308176100629269034136826;0.014150943396226415421645938864;0.000000000000000000000000000000;0.011006289308176099919767132462;0.004192872117400419512689424550;0.013626834381551362548878891801;0.021488469601677148701490693838;0.009958071278825995908956514313;0.005765199161425576396267089763;0.013102725366876309676111844738
-0.013171947312210751865335645050;0.014239943040227839854416913568;0.015663937344250623839858604924;0.322178711285154850685330529814;0.044499822000711994340882426968;0.023851904592381630021424854249;0.007475970096119615923568879623;0.012103951584193663876254376532;0.006407974368102527934487611105;0.013883944464222143858056490728;0.006051975792096831938127188266;0.023139907440370238028704008570;0.013527945888216447861696067889;0.014595941616233535850777336407;0.018867924528301886072378934500;0.015307938768244927843498182085;0.015307938768244927843498182085;0.013527945888216447861696067889;0.019935920256318975796183678995;0.002847988608045567970883382714;0.011391954432182271883533530854;0.008187967248131007916289725301;0.001067995728017087989081268518;0.019935920256318975796183678995;0.022783908864364543767067061708;0.016019935920256318101495551787;0.015663937344250623839858604924;0.040227839088643642384557352898;0.005339978640085439945406342588;0.048415806336774655505017506130;0.013171947312210751865335645050;0.010679957280170879890812685176;0.008543965824136703912650148141;0.009611961552153791901731416658;0.007831968672125311919929302462;0.016019935920256318101495551787;0.006051975792096831938127188266;0.010679957280170879890812685176;0.002491990032039871974522959874;0.008543965824136703912650148141;0.004983980064079743949045919749;0.011035955856176575887173108015;0.000000000000000000000000000000;0.014239943040227839854416913568;0.013171947312210751865335645050;0.014239943040227839854416913568;0.014239943040227839854416913568;0.013527945888216447861696067889;0.007119971520113919927208456784;0.008187967248131007916289725301
-0.016247379454926623443267175162;0.006289308176100629269034136826;0.011006289308176099919767132462;0.371593291404612169337440263917;0.050314465408805034152273094605;0.039832285115303983635826057252;0.006289308176100629269034136826;0.006813417190775681274439445900;0.007861635220125786152611802038;0.009433962264150943036189467250;0.007861635220125786152611802038;0.019392033542976940679869457540;0.018343815513626834934335363414;0.009958071278825995908956514313;0.013626834381551362548878891801;0.011006289308176099919767132462;0.009433962264150943036189467250;0.008909853249475890163422420187;0.027253668763102725097757783601;0.001572327044025157317258534206;0.010482180293501048781723561376;0.005765199161425576396267089763;0.004192872117400419512689424550;0.010482180293501048781723561376;0.022012578616352199839534264925;0.011530398322851152792534179525;0.014150943396226415421645938864;0.030922431865828093472403637065;0.004192872117400419512689424550;0.045073375262054508894049575929;0.019392033542976940679869457540;0.009958071278825995908956514313;0.012054507337526205665301226588;0.003668763102725367073603246482;0.023060796645702305585068359051;0.007337526205450734147206492963;0.005765199161425576396267089763;0.007337526205450734147206492963;0.002620545073375262195430890344;0.007337526205450734147206492963;0.000524109014675052439086178069;0.015723270440251572305223604076;0.000000000000000000000000000000;0.007861635220125786152611802038;0.013626834381551362548878891801;0.011006289308176099919767132462;0.010482180293501048781723561376;0.008909853249475890163422420187;0.014150943396226415421645938864;0.007337526205450734147206492963
-0.017610062893081760565516802330;0.003144654088050314634517068413;0.014465408805031446798361471906;0.389308176100628955396132369060;0.059748427672955975453739085879;0.017610062893081760565516802330;0.003773584905660377387948134498;0.018238993710691823318947868415;0.005031446540880502894810266667;0.005660377358490565648241332752;0.010062893081761005789620533335;0.041509433962264148665344265510;0.007547169811320754775896268995;0.007547169811320754775896268995;0.013207547169811321291499339736;0.014465408805031446798361471906;0.007547169811320754775896268995;0.011320754716981131296482665505;0.030188679245283019103585075982;0.002515723270440251447405133334;0.014465408805031446798361471906;0.003773584905660377387948134498;0.006289308176100629269034136826;0.005031446540880502894810266667;0.013836477987421384044930405821;0.010691823899371068543051599420;0.014465408805031446798361471906;0.016981132075471697812085736246;0.001886792452830188693974067249;0.031446540880503144610447208152;0.047169811320754720385117764181;0.005031446540880502894810266667;0.015094339622641509551792537991;0.004402515723270440141379200583;0.011320754716981131296482665505;0.007547169811320754775896268995;0.002515723270440251447405133334;0.007547169811320754775896268995;0.000000000000000000000000000000;0.011320754716981131296482665505;0.008176100628930817529327335080;0.007547169811320754775896268995;0.000000000000000000000000000000;0.005660377358490565648241332752;0.015094339622641509551792537991;0.008805031446540880282758401165;0.012578616352201258538068273651;0.008805031446540880282758401165;0.013207547169811321291499339736;0.008805031446540880282758401165
-0.023113207547169809658038630573;0.016981132075471697812085736246;0.013207547169811321291499339736;0.441981132075471683240408538040;0.053773584905660379296143958072;0.029245283018867924973438476854;0.003301886792452830322874834934;0.005660377358490565648241332752;0.013207547169811321291499339736;0.003301886792452830322874834934;0.006132075471698113580676370304;0.030660377358490566168658375545;0.011320754716981131296482665505;0.013207547169811321291499339736;0.011792452830188680096279441045;0.014622641509433962486719238427;0.007547169811320754775896268995;0.008962264150943395971116167686;0.012264150943396227161352740609;0.003773584905660377387948134498;0.007547169811320754775896268995;0.007075471698113207710822969432;0.001886792452830188693974067249;0.011792452830188680096279441045;0.034905660377358489754318071618;0.013207547169811321291499339736;0.006603773584905660645749669868;0.019339622641509433137452234064;0.001415094339622641412060333188;0.019339622641509433137452234064;0.018396226415094339007305634937;0.004716981132075471518094733625;0.006603773584905660645749669868;0.004245283018867924453021434061;0.013679245283018868356572639300;0.007075471698113207710822969432;0.004245283018867924453021434061;0.006603773584905660645749669868;0.001886792452830188693974067249;0.005188679245283018583168033189;0.001886792452830188693974067249;0.022169811320754715527892031446;0.000000000000000000000000000000;0.006603773584905660645749669868;0.009433962264150943036189467250;0.003301886792452830322874834934;0.008962264150943395971116167686;0.006603773584905660645749669868;0.009905660377358490101262766814;0.011320754716981131296482665505
-0.015392254220456803165406611811;0.004468718967229394663231989426;0.019364448857994043251551374851;0.449851042701092329600953689805;0.053624627606752732489336921162;0.015392254220456803165406611811;0.001489572989076464815463851643;0.005958291956305859261855406572;0.011916583912611718523710813145;0.007447864945382323860478823718;0.006951340615690168416029859344;0.026315789473684209065496020230;0.007447864945382323860478823718;0.021847070506454815269625768792;0.006951340615690168416029859344;0.013902681231380336832059718688;0.008440913604766633882015014478;0.011916583912611718523710813145;0.004965243296921549240319215812;0.006951340615690168416029859344;0.004468718967229394663231989426;0.011420059582919563079261848770;0.004468718967229394663231989426;0.013406156901688183122334230291;0.026315789473684209065496020230;0.018371400198609732362653446103;0.008937437934458789326463978853;0.021847070506454815269625768792;0.003475670307845084208014929672;0.023336643495531279868249185938;0.015888778550148956875132100208;0.007447864945382323860478823718;0.002979145978152929630927703286;0.005461767626613703817406442198;0.015888778550148956875132100208;0.009930486593843098480638431624;0.002979145978152929630927703286;0.002482621648460774620159607906;0.003475670307845084208014929672;0.010923535253227407634812884396;0.004965243296921549240319215812;0.013406156901688183122334230291;0.000000000000000000000000000000;0.009433962264150943036189467250;0.005958291956305859261855406572;0.005461767626613703817406442198;0.012413108242303872233436301542;0.018371400198609732362653446103;0.007447864945382323860478823718;0.008440913604766633882015014478
-0.017947537965945697946423820213;0.009203865623561895137338950690;0.018407731247123790274677901380;0.303267372296364468020613003318;0.072250345144960884113949362018;0.031293143120110444854731213127;0.007823285780027611213682803282;0.012425218591808558782352278627;0.008283479061205707011383836402;0.011965025310630464719374721483;0.010584445467096180795718574075;0.017027151403589506351021753972;0.020248504371836169996035081908;0.014265991716520938503709459155;0.008743672342383801074361393546;0.015186378278877128364388049420;0.007823285780027611213682803282;0.011965025310630464719374721483;0.020248504371836169996035081908;0.004141739530602853505691918201;0.014265991716520938503709459155;0.010124252185918084998017540954;0.003221352968246663645013327937;0.018407731247123790274677901380;0.026691210308329497286061737782;0.021629084215370453919691229316;0.009203865623561895137338950690;0.017487344684767602148722787092;0.000460193281178094821919077884;0.035895075931891395892847640425;0.011504832029452370656397164339;0.010124252185918084998017540954;0.003681546249424758575352623069;0.011044638748274274858696131218;0.016106764841233318225066639684;0.017027151403589506351021753972;0.015186378278877128364388049420;0.004141739530602853505691918201;0.001840773124712379287676311534;0.010124252185918084998017540954;0.005522319374137137429348065609;0.015186378278877128364388049420;0.000000000000000000000000000000;0.010124252185918084998017540954;0.007823285780027611213682803282;0.012885411872986654580053311747;0.016566958122411414022767672805;0.019788311090658077667781000741;0.013345605154164748643030868891;0.017487344684767602148722787092
-0.010543840177580466460627306446;0.011098779134295227305484488056;0.012208657047724750729922327253;0.540510543840177604124619392678;0.058268590455049944221155300283;0.011653718091009988150341669666;0.004994450610432852807885062418;0.011653718091009988150341669666;0.003884572697003329817128092216;0.009433962264150943036189467250;0.004994450610432852807885062418;0.019422863485016646917236116110;0.004994450610432852807885062418;0.009988901220865705615770124837;0.013318534961154272419636690472;0.011653718091009988150341669666;0.006104328523862375364961163626;0.007214206437291897922037264834;0.011098779134295227305484488056;0.003884572697003329817128092216;0.009988901220865705615770124837;0.003884572697003329817128092216;0.000554938956714761386958267853;0.011098779134295227305484488056;0.012763596004439511574779508862;0.009433962264150943036189467250;0.006104328523862375364961163626;0.036625971143174250455043505781;0.002774694783573806826371122014;0.019422863485016646917236116110;0.016648168701442842692950208061;0.005549389567147613652742244028;0.001664816870144284052454586309;0.004994450610432852807885062418;0.006104328523862375364961163626;0.012763596004439511574779508862;0.004994450610432852807885062418;0.006104328523862375364961163626;0.000554938956714761386958267853;0.005549389567147613652742244028;0.003884572697003329817128092216;0.003329633740288568104909172618;0.000000000000000000000000000000;0.004994450610432852807885062418;0.009988901220865705615770124837;0.006104328523862375364961163626;0.008879023307436182191332285640;0.011098779134295227305484488056;0.002774694783573806826371122014;0.004439511653718091095666142820
-0.010691823899371068543051599420;0.007547169811320754775896268995;0.023899371069182391569274415133;0.536477987421383639699001832923;0.033333333333333332870740406406;0.018238993710691823318947868415;0.004402515723270440141379200583;0.008805031446540880282758401165;0.010691823899371068543051599420;0.014465408805031446798361471906;0.004402515723270440141379200583;0.011949685534591195784637207566;0.003144654088050314634517068413;0.017610062893081760565516802330;0.005031446540880502894810266667;0.006289308176100629269034136826;0.008805031446540880282758401165;0.008176100628930817529327335080;0.007547169811320754775896268995;0.004402515723270440141379200583;0.007547169811320754775896268995;0.006918238993710692022465202911;0.001257861635220125723702566667;0.011320754716981131296482665505;0.013836477987421384044930405821;0.016352201257861635058654670161;0.011320754716981131296482665505;0.027044025157232705336429745557;0.003144654088050314634517068413;0.016981132075471697812085736246;0.013836477987421384044930405821;0.007547169811320754775896268995;0.002515723270440251447405133334;0.006289308176100629269034136826;0.006918238993710692022465202911;0.010062893081761005789620533335;0.002515723270440251447405133334;0.005660377358490565648241332752;0.000628930817610062861851283333;0.006289308176100629269034136826;0.003144654088050314634517068413;0.010062893081761005789620533335;0.000000000000000000000000000000;0.010062893081761005789620533335;0.008176100628930817529327335080;0.007547169811320754775896268995;0.015723270440251572305223604076;0.006918238993710692022465202911;0.004402515723270440141379200583;0.010062893081761005789620533335
-0.012578616352201258538068273651;0.008385744234800839025378849101;0.027253668763102725097757783601;0.388888888888888895056794581251;0.031446540880503144610447208152;0.017819706498951780326844840374;0.004192872117400419512689424550;0.012054507337526205665301226588;0.005241090146750524390861780688;0.023060796645702305585068359051;0.008909853249475890163422420187;0.017295597484276729188801269288;0.006289308176100629269034136826;0.028301886792452830843291877727;0.009958071278825995908956514313;0.009433962264150943036189467250;0.006813417190775681274439445900;0.007337526205450734147206492963;0.009433962264150943036189467250;0.005241090146750524390861780688;0.009433962264150943036189467250;0.005241090146750524390861780688;0.002096436058700209756344712275;0.031970649895178199217937731191;0.018867924528301886072378934500;0.019392033542976940679869457540;0.009433962264150943036189467250;0.019392033542976940679869457540;0.004716981132075471518094733625;0.031446540880503144610447208152;0.008385744234800839025378849101;0.018867924528301886072378934500;0.002620545073375262195430890344;0.005765199161425576396267089763;0.007861635220125786152611802038;0.024633123689727462468646024263;0.004716981132075471518094733625;0.005765199161425576396267089763;0.001048218029350104878172356138;0.005765199161425576396267089763;0.006813417190775681274439445900;0.008909853249475890163422420187;0.000000000000000000000000000000;0.020964360587002097563447122752;0.012578616352201258538068273651;0.010482180293501048781723561376;0.025681341719077568214180118389;0.022536687631027254447024787964;0.006289308176100629269034136826;0.008385744234800839025378849101
-0.008385744234800839025378849101;0.013102725366876309676111844738;0.011006289308176099919767132462;0.416142557651991595868423701177;0.097484276729559754537390858786;0.014150943396226415421645938864;0.004192872117400419512689424550;0.012054507337526205665301226588;0.008909853249475890163422420187;0.008909853249475890163422420187;0.009433962264150943036189467250;0.014150943396226415421645938864;0.007861635220125786152611802038;0.010482180293501048781723561376;0.018867924528301886072378934500;0.008385744234800839025378849101;0.005765199161425576396267089763;0.011006289308176099919767132462;0.015723270440251572305223604076;0.003144654088050314634517068413;0.009958071278825995908956514313;0.005241090146750524390861780688;0.003144654088050314634517068413;0.013626834381551362548878891801;0.012054507337526205665301226588;0.008909853249475890163422420187;0.008909853249475890163422420187;0.038784067085953881359738915080;0.003144654088050314634517068413;0.046121593291404611170136718101;0.007861635220125786152611802038;0.007337526205450734147206492963;0.010482180293501048781723561376;0.001572327044025157317258534206;0.006813417190775681274439445900;0.011006289308176099919767132462;0.002620545073375262195430890344;0.004716981132075471518094733625;0.001572327044025157317258534206;0.009958071278825995908956514313;0.008909853249475890163422420187;0.009433962264150943036189467250;0.000000000000000000000000000000;0.009433962264150943036189467250;0.014675052410901468294412985927;0.005241090146750524390861780688;0.015723270440251572305223604076;0.008909853249475890163422420187;0.008385744234800839025378849101;0.006289308176100629269034136826
-0.014150943396226415421645938864;0.008254716981132075373506218341;0.022405660377358489060428681228;0.318396226415094352191204052360;0.060731132075471698505975126636;0.022405660377358489060428681228;0.005306603773584905349436358080;0.017099056603773584578354061136;0.008844339622641509204847842796;0.012971698113207547758962689954;0.011202830188679244530214340614;0.011792452830188680096279441045;0.011202830188679244530214340614;0.014740566037735849252987563318;0.008254716981132075373506218341;0.008254716981132075373506218341;0.006485849056603773879481344977;0.014150943396226415421645938864;0.043632075471698110458174113546;0.002948113207547170024069860261;0.021226415094339621397745432319;0.003537735849056603855411484716;0.005306603773584905349436358080;0.018867924528301886072378934500;0.018278301886792452241037310046;0.014740566037735849252987563318;0.022995283018867922891770305682;0.011792452830188680096279441045;0.003537735849056603855411484716;0.044221698113207544289515738001;0.008254716981132075373506218341;0.016509433962264150747012436682;0.014150943396226415421645938864;0.010613207547169810698872716159;0.014150943396226415421645938864;0.016509433962264150747012436682;0.005306603773584905349436358080;0.003537735849056603855411484716;0.000589622641509433939761841703;0.008844339622641509204847842796;0.014740566037735849252987563318;0.007075471698113207710822969432;0.000000000000000000000000000000;0.009433962264150943036189467250;0.023584905660377360192558882090;0.008844339622641509204847842796;0.016509433962264150747012436682;0.015919811320754716915670812227;0.010023584905660376867531091705;0.007665094339622641542164593886
-0.016509433962264150747012436682;0.008254716981132075373506218341;0.020047169811320753735062183409;0.357311320754716998937539074177;0.053655660377358492529875633181;0.020047169811320753735062183409;0.010613207547169810698872716159;0.011792452830188680096279441045;0.010613207547169810698872716159;0.011202830188679244530214340614;0.010613207547169810698872716159;0.020636792452830187566403807864;0.012382075471698113927621065500;0.014740566037735849252987563318;0.012382075471698113927621065500;0.013561320754716981590304314409;0.011202830188679244530214340614;0.012382075471698113927621065500;0.026533018867924529349267004363;0.002948113207547170024069860261;0.010023584905660376867531091705;0.005896226415094340048139720523;0.001179245283018867879523683406;0.018867924528301886072378934500;0.023584905660377360192558882090;0.012971698113207547758962689954;0.011792452830188680096279441045;0.026533018867924529349267004363;0.002948113207547170024069860261;0.044811320754716978120857362455;0.013561320754716981590304314409;0.016509433962264150747012436682;0.009433962264150943036189467250;0.009433962264150943036189467250;0.008844339622641509204847842796;0.012971698113207547758962689954;0.002358490566037735759047366813;0.005896226415094340048139720523;0.001179245283018867879523683406;0.008844339622641509204847842796;0.005306603773584905349436358080;0.017099056603773584578354061136;0.000000000000000000000000000000;0.012382075471698113927621065500;0.013561320754716981590304314409;0.011202830188679244530214340614;0.008844339622641509204847842796;0.008254716981132075373506218341;0.010023584905660376867531091705;0.008254716981132075373506218341
-0.016247379454926623443267175162;0.007861635220125786152611802038;0.013102725366876309676111844738;0.370545073375262046244671410022;0.050838574423480081820869713738;0.031446540880503144610447208152;0.003144654088050314634517068413;0.011006289308176099919767132462;0.008909853249475890163422420187;0.008385744234800839025378849101;0.010482180293501048781723561376;0.036687631027253669868670726828;0.015199161425576519432456557013;0.013626834381551362548878891801;0.011530398322851152792534179525;0.007861635220125786152611802038;0.005241090146750524390861780688;0.010482180293501048781723561376;0.028825995807127881981335448813;0.004192872117400419512689424550;0.010482180293501048781723561376;0.007337526205450734147206492963;0.005765199161425576396267089763;0.009958071278825995908956514313;0.018867924528301886072378934500;0.015723270440251572305223604076;0.013626834381551362548878891801;0.013626834381551362548878891801;0.003144654088050314634517068413;0.053459119496855347919428425030;0.015723270440251572305223604076;0.007337526205450734147206492963;0.013102725366876309676111844738;0.006289308176100629269034136826;0.017295597484276729188801269288;0.005241090146750524390861780688;0.005241090146750524390861780688;0.008909853249475890163422420187;0.001048218029350104878172356138;0.008385744234800839025378849101;0.005241090146750524390861780688;0.012054507337526205665301226588;0.000000000000000000000000000000;0.009433962264150943036189467250;0.012054507337526205665301226588;0.012054507337526205665301226588;0.009958071278825995908956514313;0.007861635220125786152611802038;0.016247379454926623443267175162;0.008909853249475890163422420187
-0.020532741398446172076397431283;0.011098779134295227305484488056;0.017203107658157603537807389671;0.377913429522752475353541967706;0.036071032186459489610186324171;0.031631520532741395912434967386;0.001109877913429522773916535705;0.006659267480577136209818345236;0.010543840177580466460627306446;0.007214206437291897922037264834;0.006659267480577136209818345236;0.064927857935627081298335383508;0.012208657047724750729922327253;0.013873473917869034999217348059;0.006104328523862375364961163626;0.013318534961154272419636690472;0.006104328523862375364961163626;0.007769145394006659634256184432;0.014983351831298556688931711278;0.005549389567147613652742244028;0.009433962264150943036189467250;0.007769145394006659634256184432;0.003329633740288568104909172618;0.011653718091009988150341669666;0.028301886792452830843291877727;0.011653718091009988150341669666;0.009988901220865705615770124837;0.019977802441731411231540249673;0.002219755826859045547833071410;0.060488346281908987600584026723;0.029966703662597113377863422556;0.008879023307436182191332285640;0.003329633740288568104909172618;0.003329633740288568104909172618;0.008879023307436182191332285640;0.011653718091009988150341669666;0.004994450610432852807885062418;0.009433962264150943036189467250;0.001109877913429522773916535705;0.007769145394006659634256184432;0.000554938956714761386958267853;0.007769145394006659634256184432;0.000000000000000000000000000000;0.004994450610432852807885062418;0.007769145394006659634256184432;0.007769145394006659634256184432;0.014983351831298556688931711278;0.008879023307436182191332285640;0.016648168701442842692950208061;0.004994450610432852807885062418
-0.009433962264150943036189467250;0.010023584905660376867531091705;0.017688679245283018409695685591;0.493514150943396234794136034907;0.051886792452830191035850759818;0.012382075471698113927621065500;0.005896226415094340048139720523;0.014150943396226415421645938864;0.004127358490566037686753109170;0.008844339622641509204847842796;0.007075471698113207710822969432;0.009433962264150943036189467250;0.007665094339622641542164593886;0.014740566037735849252987563318;0.012382075471698113927621065500;0.011792452830188680096279441045;0.008844339622641509204847842796;0.010023584905660376867531091705;0.010023584905660376867531091705;0.002358490566037735759047366813;0.009433962264150943036189467250;0.005306603773584905349436358080;0.001768867924528301927705742358;0.015330188679245283084329187773;0.010613207547169810698872716159;0.013561320754716981590304314409;0.012382075471698113927621065500;0.044221698113207544289515738001;0.002358490566037735759047366813;0.021816037735849055229087056773;0.009433962264150943036189467250;0.009433962264150943036189467250;0.004716981132075471518094733625;0.004127358490566037686753109170;0.004127358490566037686753109170;0.013561320754716981590304314409;0.003537735849056603855411484716;0.008844339622641509204847842796;0.001179245283018867879523683406;0.005306603773584905349436358080;0.006485849056603773879481344977;0.001179245283018867879523683406;0.000000000000000000000000000000;0.013561320754716981590304314409;0.012971698113207547758962689954;0.006485849056603773879481344977;0.011202830188679244530214340614;0.010613207547169810698872716159;0.007665094339622641542164593886;0.006485849056603773879481344977
-0.014016172506738543840354438430;0.012938005390835579863639814846;0.013477088948787062719358864626;0.460916442048517505103433222757;0.073315363881401612866639538879;0.011859838274932614152201715285;0.003234501347708894965909953712;0.013477088948787062719358864626;0.004312668463611860243667184278;0.008625336927223720487334368556;0.008625336927223720487334368556;0.009164420485175201608329942360;0.007008086253369271920177219215;0.014555256064690026696073488210;0.021563342318059300350974183402;0.009703504043126684464048992140;0.008625336927223720487334368556;0.006469002695417789931819907423;0.014016172506738543840354438430;0.001617250673854447482954976856;0.009703504043126684464048992140;0.004312668463611860243667184278;0.002156334231805930121833592139;0.010781671159029650175487091701;0.009703504043126684464048992140;0.010781671159029650175487091701;0.017250673854447440974668737113;0.042048517520215634990510267244;0.001078167115902965060916796070;0.026954177897574125438717729253;0.005390835579514825087743545851;0.011859838274932614152201715285;0.004312668463611860243667184278;0.004312668463611860243667184278;0.004312668463611860243667184278;0.010781671159029650175487091701;0.002695417789757412543871772925;0.010242587601078167319768041921;0.001078167115902965060916796070;0.004851752021563342232024496070;0.007008086253369271920177219215;0.004312668463611860243667184278;0.000000000000000000000000000000;0.010242587601078167319768041921;0.010781671159029650175487091701;0.011859838274932614152201715285;0.018328840970350403216659884720;0.011320754716981131296482665505;0.005390835579514825087743545851;0.008625336927223720487334368556
-0.012208657047724750729922327253;0.015538290788013319268512368865;0.016648168701442842692950208061;0.417869034406215311694410274868;0.120421753607103221295204775743;0.013318534961154272419636690472;0.005549389567147613652742244028;0.012208657047724750729922327253;0.006659267480577136209818345236;0.008879023307436182191332285640;0.004439511653718091095666142820;0.008324084350721421346475104031;0.005549389567147613652742244028;0.013873473917869034999217348059;0.022197558268590454610968976112;0.011098779134295227305484488056;0.009433962264150943036189467250;0.010543840177580466460627306446;0.014983351831298556688931711278;0.002774694783573806826371122014;0.004994450610432852807885062418;0.003884572697003329817128092216;0.001109877913429522773916535705;0.015538290788013319268512368865;0.010543840177580466460627306446;0.007214206437291897922037264834;0.013318534961154272419636690472;0.035516093229744728765329142561;0.003329633740288568104909172618;0.037180910099889011299900687391;0.009433962264150943036189467250;0.011098779134295227305484488056;0.010543840177580466460627306446;0.005549389567147613652742244028;0.004439511653718091095666142820;0.011098779134295227305484488056;0.001109877913429522773916535705;0.006104328523862375364961163626;0.002219755826859045547833071410;0.006104328523862375364961163626;0.002219755826859045547833071410;0.006659267480577136209818345236;0.000000000000000000000000000000;0.011098779134295227305484488056;0.016093229744728078378646074498;0.008324084350721421346475104031;0.008324084350721421346475104031;0.004994450610432852807885062418;0.004439511653718091095666142820;0.004994450610432852807885062418
-0.012006861063464836433811733230;0.013150371640937678907601338096;0.016009148084619784224713612275;0.483133218982275569608475507266;0.054316752429959980208451497674;0.009719839908519153220955999473;0.004574042309891366425711467514;0.012006861063464836433811733230;0.002287021154945683212855733757;0.009719839908519153220955999473;0.009148084619782732851422935028;0.013722126929674099277134402541;0.008004574042309892112356806138;0.012006861063464836433811733230;0.011435105774728416064278668784;0.009719839908519153220955999473;0.008576329331046312481889870583;0.006861063464837049638567201271;0.009719839908519153220955999473;0.002287021154945683212855733757;0.011435105774728416064278668784;0.005717552887364208032139334392;0.001143510577472841606427866878;0.014865637507146941750924007408;0.015437392795883362120457071853;0.014293882218410519646667466986;0.012006861063464836433811733230;0.042309891366495142039916288468;0.002287021154945683212855733757;0.024013722126929672867623466459;0.013722126929674099277134402541;0.012578616352201258538068273651;0.005717552887364208032139334392;0.005717552887364208032139334392;0.004002287021154946056178403069;0.012006861063464836433811733230;0.002858776443682104016069667196;0.005145797598627787662606269947;0.000571755288736420803213933439;0.003430531732418524819283600635;0.006289308176100629269034136826;0.001143510577472841606427866878;0.000000000000000000000000000000;0.010863350485991995694745604339;0.013722126929674099277134402541;0.009719839908519153220955999473;0.016580903373356204594246676720;0.006861063464837049638567201271;0.006289308176100629269034136826;0.010863350485991995694745604339
-0.011564211807668898362999598817;0.004869141813755325717827382448;0.016433353621424222346103505288;0.483870967741935498196426124196;0.076080340839926957618999381339;0.009129640900791236371447645581;0.004260499087035909786258525145;0.010955569080949483298792479502;0.003043213633597078356801679533;0.007303712720632988576741073672;0.007303712720632988576741073672;0.013390139987827145290344432738;0.004869141813755325717827382448;0.017041996348143639145034100579;0.013390139987827145290344432738;0.006086427267194156713603359066;0.009129640900791236371447645581;0.008520998174071819572517050290;0.010955569080949483298792479502;0.001217285453438831429456845612;0.006086427267194156713603359066;0.009738283627510651435654764896;0.001217285453438831429456845612;0.015216068167985392217689266658;0.012172854534388313427206718131;0.010346926354230066499861884211;0.015824710894704809016619861950;0.034083992696287278290068201159;0.002434570906877662858913691224;0.027997565429093120709103104105;0.013390139987827145290344432738;0.004869141813755325717827382448;0.001217285453438831429456845612;0.009738283627510651435654764896;0.006086427267194156713603359066;0.013390139987827145290344432738;0.004869141813755325717827382448;0.009129640900791236371447645581;0.000000000000000000000000000000;0.007912355447352404508309930975;0.004869141813755325717827382448;0.001825928180158247144185268418;0.000000000000000000000000000000;0.006695069993913572645172216369;0.010955569080949483298792479502;0.010955569080949483298792479502;0.008520998174071819572517050290;0.008520998174071819572517050290;0.011564211807668898362999598817;0.010955569080949483298792479502
-0.014265991716520938503709459155;0.010584445467096180795718574075;0.017487344684767602148722787092;0.521859180855959503553265221854;0.047860101242521858877498885931;0.014726184997699034301410492276;0.003221352968246663645013327937;0.010584445467096180795718574075;0.002761159687068568714674032805;0.009203865623561895137338950690;0.008743672342383801074361393546;0.009203865623561895137338950690;0.005062126092959042499008770477;0.012425218591808558782352278627;0.013805798435342844440731902012;0.009203865623561895137338950690;0.007363092498849517150705246138;0.009203865623561895137338950690;0.014265991716520938503709459155;0.001840773124712379287676311534;0.014265991716520938503709459155;0.002761159687068568714674032805;0.002300966405890473784334737672;0.013805798435342844440731902012;0.009203865623561895137338950690;0.008743672342383801074361393546;0.011965025310630464719374721483;0.044638748274275198701932509948;0.001840773124712379287676311534;0.023469857340082833641048409845;0.010584445467096180795718574075;0.007363092498849517150705246138;0.002300966405890473784334737672;0.007823285780027611213682803282;0.007363092498849517150705246138;0.010584445467096180795718574075;0.002761159687068568714674032805;0.006442705936493327290026655874;0.000920386562356189643838155767;0.004601932811780947568669475345;0.003221352968246663645013327937;0.001380579843534284357337016402;0.000000000000000000000000000000;0.007823285780027611213682803282;0.013345605154164748643030868891;0.005522319374137137429348065609;0.009664058904739990935039983810;0.007823285780027611213682803282;0.007823285780027611213682803282;0.005982512655315232359687360741
-0.012755102040816326813832404241;0.010204081632653060410231837807;0.018877551020408164100805592511;0.462244897959183664859494911070;0.063265306122448974890382089598;0.014795918367346939242823466998;0.005102040816326530205115918903;0.010714285714285714384841341484;0.004081632653061224857982125513;0.012244897959183672839222900564;0.009183673469387755930459782405;0.011224489795918366624727369185;0.008673469387755101955850278728;0.013265306122448979053718431942;0.010204081632653060410231837807;0.012244897959183672839222900564;0.007653061224489795741354747349;0.010714285714285714384841341484;0.013775510204081633028327935619;0.002551020408163265102557959452;0.009693877551020408170345810106;0.009693877551020408170345810106;0.001020408163265306214495531378;0.019897959183673468580577647913;0.015306122448979591482709494699;0.008673469387755101955850278728;0.015306122448979591482709494699;0.035204081632653060063287142611;0.001530612244897959104902862570;0.027551020408163266056655871239;0.014285714285714285268213963320;0.011734693877551020599336872863;0.003571428571428571317053490830;0.005102040816326530205115918903;0.004081632653061224857982125513;0.012755102040816326813832404241;0.002040816326530612428991062757;0.004591836734693877965229891203;0.000000000000000000000000000000;0.001020408163265306214495531378;0.006632653061224489526859215971;0.002551020408163265102557959452;0.000000000000000000000000000000;0.006632653061224489526859215971;0.014285714285714285268213963320;0.009693877551020408170345810106;0.012755102040816326813832404241;0.011734693877551020599336872863;0.008673469387755101955850278728;0.010204081632653060410231837807
-0.012781497261107730226137313423;0.015824710894704809016619861950;0.021302495435179549798654363713;0.389531345100426029670614980205;0.066950699939135729921169115642;0.017650639074863055943964695871;0.005477784540474741649396239751;0.011564211807668898362999598817;0.004869141813755325717827382448;0.009738283627510651435654764896;0.009129640900791236371447645581;0.015824710894704809016619861950;0.007303712720632988576741073672;0.010955569080949483298792479502;0.021911138161898966597584959004;0.015824710894704809016619861950;0.011564211807668898362999598817;0.013390139987827145290344432738;0.007912355447352404508309930975;0.004260499087035909786258525145;0.009738283627510651435654764896;0.008520998174071819572517050290;0.002434570906877662858913691224;0.017041996348143639145034100579;0.012781497261107730226137313423;0.011564211807668898362999598817;0.018259281801582472742895291162;0.042604990870359099597308727425;0.001217285453438831429456845612;0.038344491783323192413135416245;0.010346926354230066499861884211;0.010955569080949483298792479502;0.004869141813755325717827382448;0.009129640900791236371447645581;0.010346926354230066499861884211;0.013998782714546560354551552052;0.001217285453438831429456845612;0.005477784540474741649396239751;0.000608642726719415714728422806;0.005477784540474741649396239751;0.006695069993913572645172216369;0.012172854534388313427206718131;0.000000000000000000000000000000;0.012781497261107730226137313423;0.009129640900791236371447645581;0.007912355447352404508309930975;0.018867924528301886072378934500;0.009129640900791236371447645581;0.009129640900791236371447645581;0.005477784540474741649396239751
-0.013071895424836601704021710191;0.016884531590413944662776302152;0.019063180827886709589602531878;0.426470588235294101320249637865;0.095860566448801740047080954810;0.018518518518518517490534236458;0.006535947712418300852010855095;0.014161220043572984167434825054;0.003267973856209150426005427548;0.009259259259259258745267118229;0.006535947712418300852010855095;0.020152505446623093787739122718;0.004357298474945534190461149393;0.009259259259259258745267118229;0.024509803921568627110838534122;0.007625272331154684182785707947;0.004901960784313725422167706824;0.009259259259259258745267118229;0.010893246187363835042472004488;0.001633986928104575213002713774;0.007080610021786492083717412527;0.004901960784313725422167706824;0.001089324618736383547615287348;0.014161220043572984167434825054;0.009803921568627450844335413649;0.012527233115468409604953414771;0.009803921568627450844335413649;0.044662309368191724368024608793;0.001089324618736383547615287348;0.035947712418300650782931882077;0.009803921568627450844335413649;0.012527233115468409604953414771;0.005446623093681917521236002244;0.003812636165577342091392853973;0.004357298474945534190461149393;0.008714596949891068380922298786;0.005446623093681917521236002244;0.007625272331154684182785707947;0.000000000000000000000000000000;0.004357298474945534190461149393;0.005991285403050108752942559676;0.006535947712418300852010855095;0.000000000000000000000000000000;0.007080610021786492083717412527;0.017973856209150325391465941038;0.010348583877995642943403709069;0.010893246187363835042472004488;0.004901960784313725422167706824;0.004901960784313725422167706824;0.005991285403050108752942559676
-0.012672176308539945602249510159;0.018732782369146005335691640425;0.025344352617079891204499020319;0.295316804407713517921507673236;0.112947658402203859884238568156;0.014876033057851239735369652806;0.003856749311294766034002856614;0.006611570247933884134083903916;0.015977961432506886801929724129;0.009366391184573002667845820213;0.007162534435261707667363939578;0.020936639118457299468811783072;0.004407713498622589133602023281;0.014876033057851239735369652806;0.026446280991735536536335615665;0.010468319559228649734405891536;0.022038567493112948270095330372;0.026997245179063360936977389315;0.013223140495867768268167807832;0.004958677685950413534243796931;0.004407713498622589133602023281;0.007713498622589532068005713228;0.003305785123966942067041951958;0.011019283746556474135047665186;0.016528925619834711202571497779;0.017079889807162535603213271429;0.007713498622589532068005713228;0.033608815426997243336337817254;0.002754820936639118533761916296;0.038016528925619831602578102547;0.035261707988980713068816186251;0.008264462809917355601285748889;0.004407713498622589133602023281;0.001101928374655647283400505820;0.002203856749311294566801011641;0.018181818181818180935049866775;0.003856749311294766034002856614;0.008815426997245178267204046563;0.000550964187327823641700252910;0.007713498622589532068005713228;0.002203856749311294566801011641;0.024793388429752066803857246668;0.000000000000000000000000000000;0.006060606060606060600803868255;0.020385674931129475068170009422;0.009366391184573002667845820213;0.015426997245179064136011426456;0.008815426997245178267204046563;0.007162534435261707667363939578;0.006060606060606060600803868255
-0.034567901234567897927885127274;0.022839506172839505598881615356;0.048148148148148148250946576354;0.061728395061728391635114121527;0.006790123456790123426807248563;0.024074074074074074125473288177;0.001851851851851851922525771243;0.014197530864197531116910333537;0.045061728395061728669190870278;0.024691358024691356654045648611;0.010493827160493827271858791050;0.048765432098765430779518936788;0.008641975308641974481971281818;0.017901234567901234961961876024;0.016049382716049383906797842769;0.024074074074074074125473288177;0.015432098765432097908778530382;0.047530864197530865722374215920;0.009876543209876543008562954640;0.003703703703703703845051542487;0.012345679012345678327022824305;0.035185185185185187395351391615;0.011728395061728395798450463872;0.024691358024691356654045648611;0.030864197530864195817557060764;0.024074074074074074125473288177;0.020987654320987654543717582101;0.015432098765432097908778530382;0.003703703703703703845051542487;0.012345679012345678327022824305;0.045679012345679011197763230712;0.017283950617283948963942563637;0.005555555555555555767577313730;0.007407407407407407690103084974;0.009876543209876543008562954640;0.033333333333333332870740406406;0.007407407407407407690103084974;0.012962962962962962590318660716;0.017901234567901234961961876024;0.023456790123456791596900927743;0.006172839506172839163511412153;0.027777777777777776235801354687;0.000000000000000000000000000000;0.019135802469135803488553548846;0.009876543209876543008562954640;0.016666666666666666435370203203;0.021604938271604937072289942535;0.015432098765432097908778530382;0.016049382716049383906797842769;0.008641975308641974481971281818
-0.011098779134295227305484488056;0.041065482796892344152794862566;0.011653718091009988150341669666;0.192008879023307432731826338568;0.093784683684794672986484442845;0.013318534961154272419636690472;0.006104328523862375364961163626;0.025527192008879023149559017725;0.006659267480577136209818345236;0.011653718091009988150341669666;0.009988901220865705615770124837;0.019977802441731411231540249673;0.006104328523862375364961163626;0.009988901220865705615770124837;0.049389567147613763764546490620;0.012208657047724750729922327253;0.006659267480577136209818345236;0.015538290788013319268512368865;0.022197558268590454610968976112;0.001109877913429522773916535705;0.019422863485016646917236116110;0.004994450610432852807885062418;0.001664816870144284052454586309;0.018312985571587125227521752890;0.011653718091009988150341669666;0.010543840177580466460627306446;0.014983351831298556688931711278;0.098224195338512759745341895723;0.001664816870144284052454586309;0.036071032186459489610186324171;0.022752497225305215455826157722;0.011098779134295227305484488056;0.014428412874583795844074529668;0.002219755826859045547833071410;0.002774694783573806826371122014;0.013318534961154272419636690472;0.002219755826859045547833071410;0.013873473917869034999217348059;0.000554938956714761386958267853;0.005549389567147613652742244028;0.010543840177580466460627306446;0.020532741398446172076397431283;0.000000000000000000000000000000;0.009433962264150943036189467250;0.044395116537180909221937952225;0.008324084350721421346475104031;0.011098779134295227305484488056;0.007769145394006659634256184432;0.008879023307436182191332285640;0.006659267480577136209818345236
-0.013150371640937678907601338096;0.020583190394511150650425079789;0.022870211549456832128557337569;0.097770154373927956048540011125;0.108061749571183529639029075042;0.020583190394511150650425079789;0.005145797598627787662606269947;0.022870211549456832128557337569;0.016580903373356204594246676720;0.013150371640937678907601338096;0.008576329331046312481889870583;0.024013722126929672867623466459;0.006289308176100629269034136826;0.018296169239565465702845870055;0.064608347627215553798940561592;0.018296169239565465702845870055;0.011435105774728416064278668784;0.017724413950829045333312805610;0.018296169239565465702845870055;0.004002287021154946056178403069;0.010291595197255575325212539894;0.010863350485991995694745604339;0.005145797598627787662606269947;0.018867924528301886072378934500;0.013150371640937678907601338096;0.013722126929674099277134402541;0.017152658662092624963779741165;0.071469411092052598233337334932;0.002287021154945683212855733757;0.047455688965122928835160820427;0.020011435105774726811445063390;0.012006861063464836433811733230;0.024585477415666093237156530904;0.002287021154945683212855733757;0.004002287021154946056178403069;0.015437392795883362120457071853;0.004002287021154946056178403069;0.014293882218410519646667466986;0.000571755288736420803213933439;0.010863350485991995694745604339;0.009719839908519153220955999473;0.019439679817038306441911998945;0.000000000000000000000000000000;0.010291595197255575325212539894;0.056603773584905661686583755454;0.011435105774728416064278668784;0.014293882218410519646667466986;0.009719839908519153220955999473;0.006289308176100629269034136826;0.011435105774728416064278668784
-0.049685534591194971398842028520;0.012578616352201258538068273651;0.030817610062893081857016142067;0.000628930817610062861851283333;0.008805031446540880282758401165;0.042138364779874211418775331595;0.001257861635220125723702566667;0.015094339622641509551792537991;0.020125786163522011579241066670;0.016981132075471697812085736246;0.013207547169811321291499339736;0.065408805031446540234618680643;0.017610062893081760565516802330;0.023270440251572325346396397094;0.008805031446540880282758401165;0.037735849056603772144757869000;0.013207547169811321291499339736;0.025157232704402517076136547303;0.013836477987421384044930405821;0.013207547169811321291499339736;0.018867924528301886072378934500;0.013836477987421384044930405821;0.016352201257861635058654670161;0.033333333333333332870740406406;0.043396226415094336925637463764;0.027044025157232705336429745557;0.018867924528301886072378934500;0.004402515723270440141379200583;0.000000000000000000000000000000;0.037735849056603772144757869000;0.095597484276729566277097660532;0.010691823899371068543051599420;0.008176100628930817529327335080;0.007547169811320754775896268995;0.016981132075471697812085736246;0.025786163522012579829567613388;0.006918238993710692022465202911;0.020125786163522011579241066670;0.002515723270440251447405133334;0.023899371069182391569274415133;0.003144654088050314634517068413;0.020125786163522011579241066670;0.000000000000000000000000000000;0.018867924528301886072378934500;0.002515723270440251447405133334;0.011949685534591195784637207566;0.027672955974842768089860811642;0.020125786163522011579241066670;0.019496855345911948825810000585;0.014465408805031446798361471906
-0.016265452179570590723889367268;0.018217306441119063969980018669;0.018217306441119063969980018669;0.246584255042290173554064836026;0.096291476903057907077432275855;0.015614834092387768621490451437;0.003903708523096942155372612859;0.011711125569290825598756100590;0.006506180871828236636500442103;0.011711125569290825598756100590;0.007156798959011060473622833911;0.016265452179570590723889367268;0.003903708523096942155372612859;0.014964216005204944784368059629;0.035783994795055305837561121507;0.014313597918022120947245667821;0.006506180871828236636500442103;0.011711125569290825598756100590;0.020819778789850359318469585901;0.002602472348731294914808698238;0.014964216005204944784368059629;0.009759271307742355822112401142;0.001951854261548471077686306430;0.022121014964216003523267417563;0.008458035133376708147867617527;0.019518542615484711644224802285;0.013662979830839297110123276013;0.091737150292778138482852057223;0.003903708523096942155372612859;0.040988939492517889595646352063;0.023422251138581651197512201179;0.018867924528301886072378934500;0.012361743656473649435878492397;0.002602472348731294914808698238;0.004554326610279765992495004667;0.016265452179570590723889367268;0.003903708523096942155372612859;0.010409889394925179659234792950;0.003253090435914118318250221051;0.009108653220559531984990009335;0.006506180871828236636500442103;0.009759271307742355822112401142;0.000000000000000000000000000000;0.009108653220559531984990009335;0.020819778789850359318469585901;0.011711125569290825598756100590;0.009759271307742355822112401142;0.011060507482108001761633708782;0.004554326610279765992495004667;0.005855562784645412799378050295
-0.011320754716981131296482665505;0.026954177897574125438717729253;0.015094339622641509551792537991;0.287331536388140185156458983329;0.101886792452830193811408321380;0.024258760107816711160122480351;0.007008086253369271920177219215;0.015094339622641509551792537991;0.006469002695417789931819907423;0.004312668463611860243667184278;0.007008086253369271920177219215;0.015633423180592992407511587771;0.005929919137466307076100857643;0.009164420485175201608329942360;0.033962264150943395624171472491;0.011320754716981131296482665505;0.005390835579514825087743545851;0.010242587601078167319768041921;0.024258760107816711160122480351;0.002695417789757412543871772925;0.009164420485175201608329942360;0.009164420485175201608329942360;0.005929919137466307076100857643;0.008086253369272237631615318776;0.015094339622641509551792537991;0.010781671159029650175487091701;0.012398921832884097007920765066;0.094878706199460913217613722281;0.003234501347708894965909953712;0.059838274932614551882004150229;0.014016172506738543840354438430;0.016711590296495958118949687332;0.006469002695417789931819907423;0.002695417789757412543871772925;0.003773584905660377387948134498;0.009703504043126684464048992140;0.002695417789757412543871772925;0.007008086253369271920177219215;0.000539083557951482530458398035;0.005929919137466307076100857643;0.003773584905660377387948134498;0.009703504043126684464048992140;0.000000000000000000000000000000;0.007547169811320754775896268995;0.019946091644204851783817034061;0.003234501347708894965909953712;0.011320754716981131296482665505;0.009703504043126684464048992140;0.005929919137466307076100857643;0.005390835579514825087743545851
-0.027628032345013476406281327513;0.011455525606469002877774165938;0.030323450134770890684876576415;0.166442048517520202466357659432;0.017520215633423180667804786026;0.034366576819407010368045973792;0.007412398921832884061966506550;0.010781671159029650175487091701;0.013477088948787062719358864626;0.010781671159029650175487091701;0.010781671159029650175487091701;0.047169811320754720385117764181;0.024932614555256065597133030565;0.028301886792452830843291877727;0.020215633423180591476953082974;0.024932614555256065597133030565;0.012129380053908355580061240175;0.012129380053908355580061240175;0.026280323450134771001707179039;0.007412398921832884061966506550;0.015498652291105120826220087338;0.012803234501347708282348314413;0.008086253369272237631615318776;0.018194070080862535104815336240;0.037735849056603772144757869000;0.035040431266846361335609572052;0.026280323450134771001707179039;0.010781671159029650175487091701;0.002695417789757412543871772925;0.026280323450134771001707179039;0.021563342318059300350974183402;0.012803234501347708282348314413;0.011455525606469002877774165938;0.008760107816711590333902393013;0.020889487870619945913963633188;0.016172506738544475263230637552;0.010107816711590295738476541487;0.011455525606469002877774165938;0.001347708894878706271935886463;0.012803234501347708282348314413;0.010107816711590295738476541487;0.005390835579514825087743545851;0.000000000000000000000000000000;0.017520215633423180667804786026;0.006738544474393531359679432313;0.018194070080862535104815336240;0.014824797843665768123933013101;0.018867924528301886072378934500;0.021563342318059300350974183402;0.021563342318059300350974183402
-0.024691358024691356654045648611;0.013468013468013467423545215240;0.020202020202020203737403036826;0.246913580246913566540456486109;0.039842873176206508589736188242;0.029180695847362513040135212350;0.006172839506172839163511412153;0.011784511784511784646123366826;0.010662177328843995549600975892;0.011223344556677889230500433371;0.012906846240179573742645757761;0.023007856341189673876623800197;0.023007856341189673876623800197;0.020763187429854095683579018328;0.011784511784511784646123366826;0.016273849607182939297489454589;0.010101010101010101868701518413;0.014029180695847362839168148696;0.020763187429854095683579018328;0.004489337822671156386089563739;0.015712682379349047351313473087;0.007856341189674523675656736543;0.012906846240179573742645757761;0.019640852974186308321780103370;0.031986531986531986648802927675;0.015151515151515151935690539631;0.009539842873176206453078584957;0.025252525252525252069668582067;0.002244668911335578193044781870;0.046576879910213246638317485804;0.021885521885521886514824885239;0.016273849607182939297489454589;0.011223344556677889230500433371;0.006172839506172839163511412153;0.025813692480359147485291515522;0.017396184062850730128735321500;0.003367003367003366855886303810;0.009539842873176206453078584957;0.005611672278338944615250216685;0.012906846240179573742645757761;0.004489337822671156386089563739;0.012906846240179573742645757761;0.000000000000000000000000000000;0.010101010101010101868701518413;0.010101010101010101868701518413;0.015712682379349047351313473087;0.014029180695847362839168148696;0.021324354657687991099201951783;0.014590347923681256520067606175;0.008417508417508417356556194022
-0.015633423180592992407511587771;0.004312668463611860243667184278;0.022102425876010783206693233183;0.488409703504043113397870001791;0.007547169811320754775896268995;0.016172506738544475263230637552;0.003773584905660377387948134498;0.007008086253369271920177219215;0.007008086253369271920177219215;0.017789757412398920360940834939;0.007547169811320754775896268995;0.022102425876010783206693233183;0.009164420485175201608329942360;0.016711590296495958118949687332;0.001617250673854447482954976856;0.014555256064690026696073488210;0.018867924528301886072378934500;0.009164420485175201608329942360;0.002695417789757412543871772925;0.004851752021563342232024496070;0.007008086253369271920177219215;0.008086253369272237631615318776;0.003773584905660377387948134498;0.022641509433962262592965331010;0.017789757412398920360940834939;0.011320754716981131296482665505;0.009703504043126684464048992140;0.012938005390835579863639814846;0.002695417789757412543871772925;0.017789757412398920360940834939;0.015094339622641509551792537991;0.012938005390835579863639814846;0.003234501347708894965909953712;0.005929919137466307076100857643;0.018867924528301886072378934500;0.021024258760107817495255133622;0.003773584905660377387948134498;0.010242587601078167319768041921;0.000000000000000000000000000000;0.012938005390835579863639814846;0.003234501347708894965909953712;0.004312668463611860243667184278;0.000000000000000000000000000000;0.015094339622641509551792537991;0.001617250673854447482954976856;0.011859838274932614152201715285;0.015633423180592992407511587771;0.014555256064690026696073488210;0.009164420485175201608329942360;0.009703504043126684464048992140
-0.010242587601078167319768041921;0.009703504043126684464048992140;0.013477088948787062719358864626;0.348247978436657668055431713583;0.077628032345013475712391937122;0.028571428571428570536427926640;0.008625336927223720487334368556;0.014016172506738543840354438430;0.009703504043126684464048992140;0.005390835579514825087743545851;0.008086253369272237631615318776;0.017789757412398920360940834939;0.013477088948787062719358864626;0.009164420485175201608329942360;0.015633423180592992407511587771;0.010242587601078167319768041921;0.007547169811320754775896268995;0.009703504043126684464048992140;0.025876010781671159727279629692;0.001617250673854447482954976856;0.010781671159029650175487091701;0.007008086253369271920177219215;0.006469002695417789931819907423;0.011859838274932614152201715285;0.012938005390835579863639814846;0.014016172506738543840354438430;0.014555256064690026696073488210;0.029110512129380053392146976421;0.005929919137466307076100857643;0.054986522911051209649979654159;0.012938005390835579863639814846;0.009164420485175201608329942360;0.004851752021563342232024496070;0.005390835579514825087743545851;0.012938005390835579863639814846;0.012398921832884097007920765066;0.004851752021563342232024496070;0.009703504043126684464048992140;0.002695417789757412543871772925;0.009703504043126684464048992140;0.010781671159029650175487091701;0.017789757412398920360940834939;0.000000000000000000000000000000;0.009164420485175201608329942360;0.017789757412398920360940834939;0.012398921832884097007920765066;0.012398921832884097007920765066;0.008625336927223720487334368556;0.007547169811320754775896268995;0.006469002695417789931819907423
-0.016093229744728078378646074498;0.016093229744728078378646074498;0.022752497225305215455826157722;0.266925638179800195359803183237;0.057158712541620422531440937064;0.022752497225305215455826157722;0.003329633740288568104909172618;0.016093229744728078378646074498;0.008879023307436182191332285640;0.023862375138734740614987472895;0.006104328523862375364961163626;0.024972253052164262304701836115;0.015538290788013319268512368865;0.019977802441731411231540249673;0.016648168701442842692950208061;0.019977802441731411231540249673;0.008324084350721421346475104031;0.009433962264150943036189467250;0.012208657047724750729922327253;0.003329633740288568104909172618;0.013318534961154272419636690472;0.004994450610432852807885062418;0.000554938956714761386958267853;0.024417314095449501459844654505;0.026082130965593783994416199334;0.024417314095449501459844654505;0.017758046614872364382664571281;0.044950055493895670066795133835;0.001664816870144284052454586309;0.035516093229744728765329142561;0.017758046614872364382664571281;0.015538290788013319268512368865;0.005549389567147613652742244028;0.007214206437291897922037264834;0.009433962264150943036189467250;0.023307436182019976300683339332;0.009433962264150943036189467250;0.009988901220865705615770124837;0.001664816870144284052454586309;0.006104328523862375364961163626;0.007769145394006659634256184432;0.014428412874583795844074529668;0.000000000000000000000000000000;0.016648168701442842692950208061;0.009433962264150943036189467250;0.010543840177580466460627306446;0.021642619311875693766111794503;0.012208657047724750729922327253;0.006659267480577136209818345236;0.010543840177580466460627306446
-0.029481132075471698505975126636;0.011202830188679244530214340614;0.043632075471698110458174113546;0.275943396226415116334607091630;0.000000000000000000000000000000;0.009433962264150943036189467250;0.003537735849056603855411484716;0.014740566037735849252987563318;0.023584905660377360192558882090;0.034198113207547169156708122273;0.010023584905660376867531091705;0.018867924528301886072378934500;0.004127358490566037686753109170;0.036556603773584904482074620091;0.009433962264150943036189467250;0.031250000000000000000000000000;0.022405660377358489060428681228;0.018278301886792452241037310046;0.004127358490566037686753109170;0.010613207547169810698872716159;0.010023584905660376867531091705;0.016509433962264150747012436682;0.002948113207547170024069860261;0.033018867924528301494024873364;0.021816037735849055229087056773;0.021816037735849055229087056773;0.012971698113207547758962689954;0.025943396226415095517925379909;0.001179245283018867879523683406;0.001768867924528301927705742358;0.010023584905660376867531091705;0.011792452830188680096279441045;0.003537735849056603855411484716;0.003537735849056603855411484716;0.008844339622641509204847842796;0.034787735849056602988049746727;0.007075471698113207710822969432;0.005306603773584905349436358080;0.005896226415094340048139720523;0.011202830188679244530214340614;0.004716981132075471518094733625;0.014740566037735849252987563318;0.000000000000000000000000000000;0.015330188679245283084329187773;0.002358490566037735759047366813;0.012971698113207547758962689954;0.037146226415094338313416244546;0.020636792452830187566403807864;0.014150943396226415421645938864;0.016509433962264150747012436682
-0.032075471698113207363878274236;0.003144654088050314634517068413;0.020125786163522011579241066670;0.345911949685534569898237577945;0.010062893081761005789620533335;0.042767295597484274172206397679;0.002515723270440251447405133334;0.013836477987421384044930405821;0.005031446540880502894810266667;0.010691823899371068543051599420;0.015094339622641509551792537991;0.075471698113207544289515738001;0.011320754716981131296482665505;0.020125786163522011579241066670;0.007547169811320754775896268995;0.035849056603773583884464670746;0.005660377358490565648241332752;0.006918238993710692022465202911;0.008805031446540880282758401165;0.003773584905660377387948134498;0.011949685534591195784637207566;0.003144654088050314634517068413;0.000628930817610062861851283333;0.012578616352201258538068273651;0.053459119496855347919428425030;0.025157232704402517076136547303;0.005660377358490565648241332752;0.001257861635220125723702566667;0.001257861635220125723702566667;0.023899371069182391569274415133;0.042138364779874211418775331595;0.007547169811320754775896268995;0.001886792452830188693974067249;0.004402515723270440141379200583;0.009433962264150943036189467250;0.009433962264150943036189467250;0.003144654088050314634517068413;0.009433962264150943036189467250;0.000000000000000000000000000000;0.005031446540880502894810266667;0.003773584905660377387948134498;0.001886792452830188693974067249;0.000000000000000000000000000000;0.010691823899371068543051599420;0.003144654088050314634517068413;0.013207547169811321291499339736;0.017610062893081760565516802330;0.018867924528301886072378934500;0.006918238993710692022465202911;0.015723270440251572305223604076
-0.036477987421383646637895736831;0.005031446540880502894810266667;0.023270440251572325346396397094;0.255345911949685533404164061722;0.040880503144654085911913199425;0.036477987421383646637895736831;0.001257861635220125723702566667;0.009433962264150943036189467250;0.004402515723270440141379200583;0.015723270440251572305223604076;0.009433962264150943036189467250;0.061635220125786163714032284133;0.013836477987421384044930405821;0.016352201257861635058654670161;0.006918238993710692022465202911;0.035220125786163521131033604661;0.011320754716981131296482665505;0.010691823899371068543051599420;0.016352201257861635058654670161;0.004402515723270440141379200583;0.012578616352201258538068273651;0.003773584905660377387948134498;0.000628930817610062861851283333;0.027044025157232705336429745557;0.050314465408805034152273094605;0.020125786163522011579241066670;0.010691823899371068543051599420;0.010062893081761005789620533335;0.000628930817610062861851283333;0.039622641509433960405051067255;0.034591194968553458377602538576;0.011320754716981131296482665505;0.001886792452830188693974067249;0.003144654088050314634517068413;0.006289308176100629269034136826;0.015094339622641509551792537991;0.008176100628930817529327335080;0.009433962264150943036189467250;0.001257861635220125723702566667;0.004402515723270440141379200583;0.003773584905660377387948134498;0.006918238993710692022465202911;0.000000000000000000000000000000;0.020754716981132074332672132755;0.007547169811320754775896268995;0.008805031446540880282758401165;0.026415094339622642582998679472;0.021383647798742137086103198840;0.009433962264150943036189467250;0.009433962264150943036189467250
-0.013390139987827145290344432738;0.005477784540474741649396239751;0.018867924528301886072378934500;0.514303104077906247937335137976;0.054777845404747414759238921533;0.008520998174071819572517050290;0.007303712720632988576741073672;0.012172854534388313427206718131;0.004869141813755325717827382448;0.011564211807668898362999598817;0.006086427267194156713603359066;0.013390139987827145290344432738;0.003043213633597078356801679533;0.015824710894704809016619861950;0.017650639074863055943964695871;0.009738283627510651435654764896;0.006695069993913572645172216369;0.007303712720632988576741073672;0.007303712720632988576741073672;0.000608642726719415714728422806;0.007303712720632988576741073672;0.006695069993913572645172216369;0.001217285453438831429456845612;0.014607425441265977153482147344;0.020085209981740719670240125083;0.013998782714546560354551552052;0.010955569080949483298792479502;0.017041996348143639145034100579;0.006086427267194156713603359066;0.011564211807668898362999598817;0.010955569080949483298792479502;0.008520998174071819572517050290;0.005477784540474741649396239751;0.004260499087035909786258525145;0.002434570906877662858913691224;0.017650639074863055943964695871;0.003043213633597078356801679533;0.009738283627510651435654764896;0.000608642726719415714728422806;0.006086427267194156713603359066;0.003043213633597078356801679533;0.005477784540474741649396239751;0.000000000000000000000000000000;0.011564211807668898362999598817;0.012781497261107730226137313423;0.010346926354230066499861884211;0.011564211807668898362999598817;0.012781497261107730226137313423;0.004260499087035909786258525145;0.010955569080949483298792479502
-0.020485175202156334639536083841;0.003773584905660377387948134498;0.026954177897574125438717729253;0.385983827493261433261295678676;0.013477088948787062719358864626;0.016711590296495958118949687332;0.003773584905660377387948134498;0.010242587601078167319768041921;0.008086253369272237631615318776;0.017250673854447440974668737113;0.012398921832884097007920765066;0.023180592991913745448684380790;0.006469002695417789931819907423;0.026415094339622642582998679472;0.006469002695417789931819907423;0.012938005390835579863639814846;0.018328840970350403216659884720;0.013477088948787062719358864626;0.012398921832884097007920765066;0.005929919137466307076100857643;0.007008086253369271920177219215;0.005929919137466307076100857643;0.003773584905660377387948134498;0.022641509433962262592965331010;0.026954177897574125438717729253;0.018328840970350403216659884720;0.015094339622641509551792537991;0.026954177897574125438717729253;0.003773584905660377387948134498;0.021563342318059300350974183402;0.019407008086253368928097984281;0.009164420485175201608329942360;0.005929919137466307076100857643;0.005929919137466307076100857643;0.016172506738544475263230637552;0.018867924528301886072378934500;0.009703504043126684464048992140;0.005929919137466307076100857643;0.001078167115902965060916796070;0.016711590296495958118949687332;0.002695417789757412543871772925;0.006469002695417789931819907423;0.000000000000000000000000000000;0.011320754716981131296482665505;0.007008086253369271920177219215;0.009703504043126684464048992140;0.015094339622641509551792537991;0.018328840970350403216659884720;0.012398921832884097007920765066;0.011320754716981131296482665505
-0.016981132075471697812085736246;0.008018867924528301840969568559;0.028773584905660377908365177291;0.451886792452830199362523444506;0.017452830188679244877159035809;0.017452830188679244877159035809;0.005660377358490565648241332752;0.007547169811320754775896268995;0.023584905660377360192558882090;0.009433962264150943036189467250;0.004716981132075471518094733625;0.012735849056603774226426040173;0.008962264150943395971116167686;0.016509433962264150747012436682;0.003301886792452830322874834934;0.016509433962264150747012436682;0.016509433962264150747012436682;0.012264150943396227161352740609;0.012264150943396227161352740609;0.003773584905660377387948134498;0.007547169811320754775896268995;0.011320754716981131296482665505;0.004716981132075471518094733625;0.022641509433962262592965331010;0.016509433962264150747012436682;0.014150943396226415421645938864;0.010377358490566037166336066377;0.016037735849056603681939137118;0.001886792452830188693974067249;0.017924528301886791942232335373;0.007547169811320754775896268995;0.008962264150943395971116167686;0.003773584905660377387948134498;0.005188679245283018583168033189;0.010849056603773584231409365941;0.017452830188679244877159035809;0.001415094339622641412060333188;0.006132075471698113580676370304;0.003773584905660377387948134498;0.010377358490566037166336066377;0.004245283018867924453021434061;0.025000000000000001387778780781;0.000000000000000000000000000000;0.016981132075471697812085736246;0.003773584905660377387948134498;0.015566037735849056616865837555;0.013679245283018868356572639300;0.010849056603773584231409365941;0.008018867924528301840969568559;0.008962264150943395971116167686
-0.020754716981132074332672132755;0.008490566037735848906042868123;0.015566037735849056616865837555;0.382547169811320753041172793019;0.074056603773584903094295839310;0.020754716981132074332672132755;0.008962264150943395971116167686;0.008018867924528301840969568559;0.007547169811320754775896268995;0.008962264150943395971116167686;0.010377358490566037166336066377;0.023113207547169809658038630573;0.013679245283018868356572639300;0.015566037735849056616865837555;0.007547169811320754775896268995;0.008490566037735848906042868123;0.007547169811320754775896268995;0.012735849056603774226426040173;0.010377358490566037166336066377;0.004245283018867924453021434061;0.010377358490566037166336066377;0.006603773584905660645749669868;0.003773584905660377387948134498;0.017452830188679244877159035809;0.023113207547169809658038630573;0.016037735849056603681939137118;0.011792452830188680096279441045;0.015566037735849056616865837555;0.002830188679245282824120666376;0.033490566037735848559098172927;0.017924528301886791942232335373;0.012264150943396227161352740609;0.002830188679245282824120666376;0.004716981132075471518094733625;0.012264150943396227161352740609;0.020283018867924527267598833191;0.003301886792452830322874834934;0.010377358490566037166336066377;0.002830188679245282824120666376;0.010377358490566037166336066377;0.003301886792452830322874834934;0.008962264150943395971116167686;0.000000000000000000000000000000;0.014150943396226415421645938864;0.011320754716981131296482665505;0.009433962264150943036189467250;0.013679245283018868356572639300;0.013679245283018868356572639300;0.008962264150943395971116167686;0.008962264150943395971116167686
-0.019977802441731411231540249673;0.012208657047724750729922327253;0.027192008879023309153577514508;0.356825749167591577126756874350;0.013873473917869034999217348059;0.019977802441731411231540249673;0.005549389567147613652742244028;0.013318534961154272419636690472;0.002219755826859045547833071410;0.014983351831298556688931711278;0.009433962264150943036189467250;0.019422863485016646917236116110;0.011653718091009988150341669666;0.029966703662597113377863422556;0.007769145394006659634256184432;0.018867924528301886072378934500;0.009988901220865705615770124837;0.017758046614872364382664571281;0.007769145394006659634256184432;0.006659267480577136209818345236;0.011098779134295227305484488056;0.003884572697003329817128092216;0.001109877913429522773916535705;0.032741398446170924541043234512;0.024972253052164262304701836115;0.023307436182019976300683339332;0.017203107658157603537807389671;0.020532741398446172076397431283;0.004439511653718091095666142820;0.018312985571587125227521752890;0.006659267480577136209818345236;0.018867924528301886072378934500;0.001109877913429522773916535705;0.002774694783573806826371122014;0.005549389567147613652742244028;0.027746947835738069998434696117;0.005549389567147613652742244028;0.009433962264150943036189467250;0.003884572697003329817128092216;0.013318534961154272419636690472;0.006659267480577136209818345236;0.006659267480577136209818345236;0.000000000000000000000000000000;0.016093229744728078378646074498;0.005549389567147613652742244028;0.015538290788013319268512368865;0.033851276359600446230757597732;0.019422863485016646917236116110;0.011098779134295227305484488056;0.007214206437291897922037264834
-0.025786163522012579829567613388;0.005660377358490565648241332752;0.030817610062893081857016142067;0.393710691823899394670149831654;0.010691823899371068543051599420;0.015094339622641509551792537991;0.004402515723270440141379200583;0.008176100628930817529327335080;0.006289308176100629269034136826;0.022641509433962262592965331010;0.011320754716981131296482665505;0.018238993710691823318947868415;0.006289308176100629269034136826;0.032704402515723270117309340321;0.006918238993710692022465202911;0.019496855345911948825810000585;0.006918238993710692022465202911;0.013836477987421384044930405821;0.013207547169811321291499339736;0.004402515723270440141379200583;0.008805031446540880282758401165;0.003144654088050314634517068413;0.001886792452830188693974067249;0.037106918238993709391326802916;0.027044025157232705336429745557;0.023270440251572325346396397094;0.012578616352201258538068273651;0.011320754716981131296482665505;0.002515723270440251447405133334;0.007547169811320754775896268995;0.012578616352201258538068273651;0.016981132075471697812085736246;0.003144654088050314634517068413;0.004402515723270440141379200583;0.008176100628930817529327335080;0.032075471698113207363878274236;0.004402515723270440141379200583;0.004402515723270440141379200583;0.000628930817610062861851283333;0.004402515723270440141379200583;0.005660377358490565648241332752;0.006289308176100629269034136826;0.000000000000000000000000000000;0.016981132075471697812085736246;0.005031446540880502894810266667;0.011320754716981131296482665505;0.025786163522012579829567613388;0.023270440251572325346396397094;0.011949685534591195784637207566;0.010691823899371068543051599420
-0.024056603773584907257632181654;0.008018867924528301840969568559;0.025943396226415095517925379909;0.353301886792452835006628220071;0.015094339622641509551792537991;0.014150943396226415421645938864;0.006603773584905660645749669868;0.012735849056603774226426040173;0.012264150943396227161352740609;0.018867924528301886072378934500;0.009433962264150943036189467250;0.024056603773584907257632181654;0.005660377358490565648241332752;0.035377358490566036819391371182;0.009433962264150943036189467250;0.016509433962264150747012436682;0.008018867924528301840969568559;0.014622641509433962486719238427;0.007075471698113207710822969432;0.008962264150943395971116167686;0.012264150943396227161352740609;0.005660377358490565648241332752;0.007547169811320754775896268995;0.023113207547169809658038630573;0.020754716981132074332672132755;0.023113207547169809658038630573;0.015566037735849056616865837555;0.005188679245283018583168033189;0.000943396226415094346987033624;0.018396226415094339007305634937;0.020283018867924527267598833191;0.009433962264150943036189467250;0.002830188679245282824120666376;0.008490566037735848906042868123;0.013207547169811321291499339736;0.020283018867924527267598833191;0.006603773584905660645749669868;0.008018867924528301840969568559;0.000471698113207547173493516812;0.011320754716981131296482665505;0.003773584905660377387948134498;0.005188679245283018583168033189;0.000000000000000000000000000000;0.014150943396226415421645938864;0.006132075471698113580676370304;0.009433962264150943036189467250;0.039622641509433960405051067255;0.026886792452830189648071979036;0.016037735849056603681939137118;0.015094339622641509551792537991
-0.017921146953405017038241098248;0.008363201911589008066827410914;0.026284348864994026839791985140;0.396057347670250914362100047583;0.017921146953405017038241098248;0.014934289127837514776775407199;0.008363201911589008066827410914;0.013142174432497013419895992570;0.022102747909199523673740017671;0.014934289127837514776775407199;0.012544802867383512967602854360;0.020908004778972519299706789297;0.007168458781362007162241134495;0.014336917562724014324482268989;0.013142174432497013419895992570;0.013739545997610513872189130780;0.019115890083632017942827374668;0.011350059737156512063016577940;0.014336917562724014324482268989;0.002986857825567503128827429038;0.008960573476702508519120549124;0.014336917562724014324482268989;0.004778972520908004485706843667;0.018518518518518517490534236458;0.023894862604540025030619432300;0.010752688172043011610723439730;0.009557945041816008971413687334;0.023297491039426524578326294090;0.002986857825567503128827429038;0.017921146953405017038241098248;0.017323775388291516585947960039;0.008363201911589008066827410914;0.002389486260454002242853421834;0.007765830346475507614534272705;0.012544802867383512967602854360;0.017323775388291516585947960039;0.004778972520908004485706843667;0.004181600955794504033413705457;0.001792114695340501790560283624;0.007168458781362007162241134495;0.005973715651135006257654858075;0.013739545997610513872189130780;0.000000000000000000000000000000;0.011947431302270012515309716150;0.014934289127837514776775407199;0.007765830346475507614534272705;0.022102747909199523673740017671;0.015531660692951015229068545409;0.010752688172043011610723439730;0.008960573476702508519120549124
-0.009719839908519153220955999473;0.018296169239565465702845870055;0.012006861063464836433811733230;0.416237850200114334331402687894;0.089765580331618063936183204987;0.018296169239565465702845870055;0.002858776443682104016069667196;0.013150371640937678907601338096;0.008004574042309892112356806138;0.009719839908519153220955999473;0.006289308176100629269034136826;0.013150371640937678907601338096;0.012006861063464836433811733230;0.008576329331046312481889870583;0.029159519725557463132314950371;0.005145797598627787662606269947;0.009148084619782732851422935028;0.010291595197255575325212539894;0.016580903373356204594246676720;0.000571755288736420803213933439;0.008576329331046312481889870583;0.006861063464837049638567201271;0.003430531732418524819283600635;0.012578616352201258538068273651;0.017152658662092624963779741165;0.008004574042309892112356806138;0.010863350485991995694745604339;0.027444253859348198554268805083;0.001715265866209262409641800318;0.036592338479130931405691740110;0.011435105774728416064278668784;0.008576329331046312481889870583;0.005145797598627787662606269947;0.004574042309891366425711467514;0.006289308176100629269034136826;0.011435105774728416064278668784;0.002858776443682104016069667196;0.008004574042309892112356806138;0.000571755288736420803213933439;0.008576329331046312481889870583;0.006861063464837049638567201271;0.011435105774728416064278668784;0.000000000000000000000000000000;0.010863350485991995694745604339;0.013150371640937678907601338096;0.008576329331046312481889870583;0.011435105774728416064278668784;0.010291595197255575325212539894;0.008004574042309892112356806138;0.009719839908519153220955999473
-0.010781671159029650175487091701;0.008086253369272237631615318776;0.029110512129380053392146976421;0.489487870619946086048202005259;0.053908355795148250877435458506;0.014555256064690026696073488210;0.008625336927223720487334368556;0.010781671159029650175487091701;0.003773584905660377387948134498;0.014555256064690026696073488210;0.008625336927223720487334368556;0.012398921832884097007920765066;0.006469002695417789931819907423;0.019407008086253368928097984281;0.014016172506738543840354438430;0.011320754716981131296482665505;0.014016172506738543840354438430;0.009164420485175201608329942360;0.010242587601078167319768041921;0.001617250673854447482954976856;0.004851752021563342232024496070;0.008086253369272237631615318776;0.001617250673854447482954976856;0.012938005390835579863639814846;0.012398921832884097007920765066;0.015094339622641509551792537991;0.014016172506738543840354438430;0.019946091644204851783817034061;0.005929919137466307076100857643;0.010781671159029650175487091701;0.010242587601078167319768041921;0.009164420485175201608329942360;0.003234501347708894965909953712;0.008086253369272237631615318776;0.006469002695417789931819907423;0.014016172506738543840354438430;0.002695417789757412543871772925;0.010781671159029650175487091701;0.002695417789757412543871772925;0.008086253369272237631615318776;0.003234501347708894965909953712;0.005929919137466307076100857643;0.000000000000000000000000000000;0.009164420485175201608329942360;0.011320754716981131296482665505;0.008086253369272237631615318776;0.011320754716981131296482665505;0.007547169811320754775896268995;0.003773584905660377387948134498;0.007547169811320754775896268995
-0.017338092809790924681001555996;0.004589495155532891113026039420;0.018357980622131564452104157681;0.536460989291178025339945634187;0.046914839367669554370809947841;0.011218765935747066972427710141;0.007139214686384497479676447540;0.008669046404895462340500777998;0.009688934217236103846326855660;0.008159102498725140720226001179;0.010708822029576747086876409298;0.011218765935747066972427710141;0.003059663437021927553244315945;0.015298317185109638199902448719;0.012238653748087710212977263780;0.010198878123406425466601632479;0.010198878123406425466601632479;0.005609382967873533486213855070;0.010198878123406425466601632479;0.001019887812340642590028250147;0.006119326874043855106488631890;0.007139214686384497479676447540;0.000509943906170321295014125074;0.013258541560428353453526817418;0.015808261091279959820177225538;0.011218765935747066972427710141;0.009688934217236103846326855660;0.022947475777664455565130197101;0.002039775624681285180056500295;0.005099439061703212733300816240;0.007139214686384497479676447540;0.011728709841917388592702486960;0.003059663437021927553244315945;0.006629270780214176726763408709;0.005099439061703212733300816240;0.019377868434472207692653711320;0.001019887812340642590028250147;0.008669046404895462340500777998;0.001019887812340642590028250147;0.003059663437021927553244315945;0.003569607343192248739838223770;0.006119326874043855106488631890;0.000000000000000000000000000000;0.010708822029576747086876409298;0.008159102498725140720226001179;0.009178990311065782226052078840;0.014278429372768994959352895080;0.013768485466598673339078118261;0.008159102498725140720226001179;0.007139214686384497479676447540
-0.022641509433962262592965331010;0.003144654088050314634517068413;0.032075471698113207363878274236;0.325786163522012561788443463229;0.003773584905660377387948134498;0.022641509433962262592965331010;0.004402515723270440141379200583;0.015723270440251572305223604076;0.010062893081761005789620533335;0.022641509433962262592965331010;0.014465408805031446798361471906;0.027044025157232705336429745557;0.008805031446540880282758401165;0.030188679245283019103585075982;0.010062893081761005789620533335;0.022641509433962262592965331010;0.018238993710691823318947868415;0.009433962264150943036189467250;0.011320754716981131296482665505;0.008176100628930817529327335080;0.008176100628930817529327335080;0.012578616352201258538068273651;0.003773584905660377387948134498;0.034591194968553458377602538576;0.030188679245283019103585075982;0.024528301886792454322705481218;0.015094339622641509551792537991;0.015094339622641509551792537991;0.001257861635220125723702566667;0.013207547169811321291499339736;0.017610062893081760565516802330;0.020754716981132074332672132755;0.000628930817610062861851283333;0.005031446540880502894810266667;0.012578616352201258538068273651;0.020125786163522011579241066670;0.006289308176100629269034136826;0.012578616352201258538068273651;0.000000000000000000000000000000;0.010691823899371068543051599420;0.003773584905660377387948134498;0.010062893081761005789620533335;0.000000000000000000000000000000;0.012578616352201258538068273651;0.008176100628930817529327335080;0.008805031446540880282758401165;0.026415094339622642582998679472;0.022012578616352199839534264925;0.007547169811320754775896268995;0.012578616352201258538068273651
-0.022102425876010783206693233183;0.006469002695417789931819907423;0.040970350404312669279072167683;0.391374663072776296512955696016;0.014555256064690026696073488210;0.023180592991913745448684380790;0.002156334231805930121833592139;0.018867924528301886072378934500;0.011320754716981131296482665505;0.019407008086253368928097984281;0.010781671159029650175487091701;0.024797843665768194015841530131;0.008086253369272237631615318776;0.018867924528301886072378934500;0.007008086253369271920177219215;0.014555256064690026696073488210;0.016172506738544475263230637552;0.010242587601078167319768041921;0.010781671159029650175487091701;0.005390835579514825087743545851;0.009164420485175201608329942360;0.012398921832884097007920765066;0.006469002695417789931819907423;0.016172506738544475263230637552;0.012398921832884097007920765066;0.019407008086253368928097984281;0.019946091644204851783817034061;0.005390835579514825087743545851;0.001617250673854447482954976856;0.019946091644204851783817034061;0.016711590296495958118949687332;0.013477088948787062719358864626;0.002695417789757412543871772925;0.007547169811320754775896268995;0.014016172506738543840354438430;0.025876010781671159727279629692;0.007547169811320754775896268995;0.009703504043126684464048992140;0.001617250673854447482954976856;0.009703504043126684464048992140;0.001078167115902965060916796070;0.003773584905660377387948134498;0.000000000000000000000000000000;0.008625336927223720487334368556;0.003773584905660377387948134498;0.011859838274932614152201715285;0.021024258760107817495255133622;0.012398921832884097007920765066;0.016711590296495958118949687332;0.011859838274932614152201715285
-0.016295025728987992674756668521;0.004716981132075471518094733625;0.029588336192109775807379534740;0.403516295025728999323888501749;0.055317324185248713253049146488;0.017581475128644941108291277487;0.006861063464837049638567201271;0.009433962264150943036189467250;0.005574614065180102939756068281;0.017581475128644941108291277487;0.011578044596912522024023672884;0.014579759862778731566157475186;0.008576329331046312481889870583;0.024013722126929672867623466459;0.009005145797598628626401406905;0.013293310463121783132622866219;0.012864493996569468722834805874;0.012006861063464836433811733230;0.010720411663807889735000600240;0.005145797598627787662606269947;0.008147512864493996337378334260;0.006432246998284734361417402937;0.002572898799313893831303134974;0.025300171526586621301158075426;0.022727272727272727903535809446;0.015437392795883362120457071853;0.015866209262435676530245132199;0.012864493996569468722834805874;0.003859348198970840530114267963;0.018867924528301886072378934500;0.009862778730703259180701003572;0.015008576329331045975945535531;0.005574614065180102939756068281;0.006432246998284734361417402937;0.008576329331046312481889870583;0.020583190394511150650425079789;0.004288164665523156240944935291;0.005145797598627787662606269947;0.000857632933104631204820900159;0.006432246998284734361417402937;0.006003430531732418216905866615;0.003859348198970840530114267963;0.000000000000000000000000000000;0.009862778730703259180701003572;0.007718696397941681060228535927;0.011578044596912522024023672884;0.015866209262435676530245132199;0.018010291595197257252802813809;0.009862778730703259180701003572;0.014150943396226415421645938864
-0.018867924528301886072378934500;0.006485849056603773879481344977;0.032429245283018867662683248909;0.372641509433962236919057886553;0.022405660377358489060428681228;0.017099056603773584578354061136;0.007075471698113207710822969432;0.008254716981132075373506218341;0.006485849056603773879481344977;0.017688679245283018409695685591;0.010023584905660376867531091705;0.015330188679245283084329187773;0.002948113207547170024069860261;0.020636792452830187566403807864;0.010613207547169810698872716159;0.016509433962264150747012436682;0.011202830188679244530214340614;0.015330188679245283084329187773;0.015330188679245283084329187773;0.008844339622641509204847842796;0.008844339622641509204847842796;0.008254716981132075373506218341;0.005306603773584905349436358080;0.021816037735849055229087056773;0.021226415094339621397745432319;0.022405660377358489060428681228;0.015919811320754716915670812227;0.010613207547169810698872716159;0.002358490566037735759047366813;0.021816037735849055229087056773;0.015330188679245283084329187773;0.017688679245283018409695685591;0.000589622641509433939761841703;0.004127358490566037686753109170;0.012971698113207547758962689954;0.022405660377358489060428681228;0.010023584905660376867531091705;0.010023584905660376867531091705;0.001179245283018867879523683406;0.007665094339622641542164593886;0.010613207547169810698872716159;0.008254716981132075373506218341;0.000000000000000000000000000000;0.008254716981132075373506218341;0.005306603773584905349436358080;0.012382075471698113927621065500;0.026533018867924529349267004363;0.022995283018867922891770305682;0.016509433962264150747012436682;0.012382075471698113927621065500
-0.013293310463121783132622866219;0.007289879931389365783078737593;0.025728987993138937445669611748;0.388078902229845645877048809780;0.078902229845626073445608028578;0.016295025728987992674756668521;0.006003430531732418216905866615;0.014150943396226415421645938864;0.009005145797598628626401406905;0.011578044596912522024023672884;0.009862778730703259180701003572;0.011149228130360205879512136562;0.012864493996569468722834805874;0.013293310463121783132622866219;0.012435677530017152578323269552;0.012435677530017152578323269552;0.017152658662092624963779741165;0.010720411663807889735000600240;0.011578044596912522024023672884;0.003859348198970840530114267963;0.013722126929674099277134402541;0.006432246998284734361417402937;0.003859348198970840530114267963;0.016295025728987992674756668521;0.014150943396226415421645938864;0.014579759862778731566157475186;0.013293310463121783132622866219;0.031303602058319036915978728075;0.001715265866209262409641800318;0.025728987993138937445669611748;0.012006861063464836433811733230;0.015437392795883362120457071853;0.003859348198970840530114267963;0.008147512864493996337378334260;0.007718696397941681060228535927;0.014150943396226415421645938864;0.004716981132075471518094733625;0.006861063464837049638567201271;0.002572898799313893831303134974;0.010720411663807889735000600240;0.004716981132075471518094733625;0.006861063464837049638567201271;0.000000000000000000000000000000;0.015008576329331045975945535531;0.016295025728987992674756668521;0.008147512864493996337378334260;0.012435677530017152578323269552;0.009433962264150943036189467250;0.005145797598627787662606269947;0.009005145797598628626401406905
-0.013293310463121783132622866219;0.002572898799313893831303134974;0.011578044596912522024023672884;0.460120068610634647132684449389;0.095626072041166382264876233421;0.024013722126929672867623466459;0.005574614065180102939756068281;0.008147512864493996337378334260;0.003430531732418524819283600635;0.009433962264150943036189467250;0.008147512864493996337378334260;0.011149228130360205879512136562;0.009862778730703259180701003572;0.015008576329331045975945535531;0.009862778730703259180701003572;0.009005145797598628626401406905;0.006003430531732418216905866615;0.012864493996569468722834805874;0.012435677530017152578323269552;0.001286449399656946915651567487;0.009862778730703259180701003572;0.007289879931389365783078737593;0.001286449399656946915651567487;0.020583190394511150650425079789;0.023156089193825044048047345768;0.018010291595197257252802813809;0.012006861063464836433811733230;0.024013722126929672867623466459;0.003001715265866209108452933307;0.015866209262435676530245132199;0.003859348198970840530114267963;0.010291595197255575325212539894;0.006003430531732418216905866615;0.003430531732418524819283600635;0.006432246998284734361417402937;0.011149228130360205879512136562;0.003001715265866209108452933307;0.008576329331046312481889870583;0.001286449399656946915651567487;0.005145797598627787662606269947;0.003430531732418524819283600635;0.005574614065180102939756068281;0.000000000000000000000000000000;0.011149228130360205879512136562;0.010720411663807889735000600240;0.012006861063464836433811733230;0.009433962264150943036189467250;0.008576329331046312481889870583;0.006861063464837049638567201271;0.008576329331046312481889870583
-0.008576329331046312481889870583;0.012006861063464836433811733230;0.011578044596912522024023672884;0.519296740994854233441913038405;0.038593481989708404433780941645;0.011578044596912522024023672884;0.006861063464837049638567201271;0.010291595197255575325212539894;0.004716981132075471518094733625;0.009433962264150943036189467250;0.003859348198970840530114267963;0.008576329331046312481889870583;0.004288164665523156240944935291;0.009862778730703259180701003572;0.013293310463121783132622866219;0.009005145797598628626401406905;0.009005145797598628626401406905;0.012006861063464836433811733230;0.010720411663807889735000600240;0.002144082332761578120472467646;0.009433962264150943036189467250;0.007718696397941681060228535927;0.002144082332761578120472467646;0.012435677530017152578323269552;0.008147512864493996337378334260;0.009005145797598628626401406905;0.009005145797598628626401406905;0.086192109777015440963410242148;0.003859348198970840530114267963;0.013293310463121783132622866219;0.007289879931389365783078737593;0.007718696397941681060228535927;0.003430531732418524819283600635;0.006861063464837049638567201271;0.006432246998284734361417402937;0.012006861063464836433811733230;0.001286449399656946915651567487;0.005574614065180102939756068281;0.000857632933104631204820900159;0.007289879931389365783078737593;0.002572898799313893831303134974;0.003430531732418524819283600635;0.000000000000000000000000000000;0.010291595197255575325212539894;0.008576329331046312481889870583;0.007718696397941681060228535927;0.011149228130360205879512136562;0.008576329331046312481889870583;0.006432246998284734361417402937;0.005574614065180102939756068281
-0.010720411663807889735000600240;0.008147512864493996337378334260;0.013293310463121783132622866219;0.531303602058319057732660439797;0.055746140651801029397560682810;0.009005145797598628626401406905;0.003859348198970840530114267963;0.015866209262435676530245132199;0.004716981132075471518094733625;0.015437392795883362120457071853;0.007718696397941681060228535927;0.004716981132075471518094733625;0.004716981132075471518094733625;0.012006861063464836433811733230;0.015866209262435676530245132199;0.009862778730703259180701003572;0.009433962264150943036189467250;0.010291595197255575325212539894;0.009862778730703259180701003572;0.001715265866209262409641800318;0.010291595197255575325212539894;0.003859348198970840530114267963;0.002572898799313893831303134974;0.018439108061749569927867398178;0.012006861063464836433811733230;0.012864493996569468722834805874;0.017152658662092624963779741165;0.027015437392795882409757268761;0.001715265866209262409641800318;0.012864493996569468722834805874;0.005145797598627787662606269947;0.008147512864493996337378334260;0.004288164665523156240944935291;0.005145797598627787662606269947;0.003859348198970840530114267963;0.013293310463121783132622866219;0.002572898799313893831303134974;0.006861063464837049638567201271;0.000428816466552315602410450079;0.005145797598627787662606269947;0.004716981132075471518094733625;0.002572898799313893831303134974;0.000000000000000000000000000000;0.011149228130360205879512136562;0.007718696397941681060228535927;0.010720411663807889735000600240;0.013293310463121783132622866219;0.008147512864493996337378334260;0.006432246998284734361417402937;0.007289879931389365783078737593
-0.014150943396226415421645938864;0.009433962264150943036189467250;0.018010291595197257252802813809;0.512864493996569414946407050593;0.069897084048027441349759669720;0.018439108061749569927867398178;0.009005145797598628626401406905;0.009433962264150943036189467250;0.006003430531732418216905866615;0.006003430531732418216905866615;0.004716981132075471518094733625;0.008147512864493996337378334260;0.004288164665523156240944935291;0.008147512864493996337378334260;0.017581475128644941108291277487;0.011149228130360205879512136562;0.006003430531732418216905866615;0.008147512864493996337378334260;0.009433962264150943036189467250;0.001286449399656946915651567487;0.006003430531732418216905866615;0.005145797598627787662606269947;0.000857632933104631204820900159;0.017152658662092624963779741165;0.012435677530017152578323269552;0.011578044596912522024023672884;0.008147512864493996337378334260;0.039022298456260720578292477967;0.003859348198970840530114267963;0.011578044596912522024023672884;0.011149228130360205879512136562;0.011578044596912522024023672884;0.002572898799313893831303134974;0.006432246998284734361417402937;0.003859348198970840530114267963;0.007289879931389365783078737593;0.002144082332761578120472467646;0.007718696397941681060228535927;0.001286449399656946915651567487;0.004288164665523156240944935291;0.003001715265866209108452933307;0.006003430531732418216905866615;0.000000000000000000000000000000;0.013293310463121783132622866219;0.009433962264150943036189467250;0.007718696397941681060228535927;0.011149228130360205879512136562;0.008147512864493996337378334260;0.006861063464837049638567201271;0.008147512864493996337378334260
-0.011578044596912522024023672884;0.006432246998284734361417402937;0.012006861063464836433811733230;0.504288164665523175322903171036;0.061749571183533448481828287413;0.017152658662092624963779741165;0.005574614065180102939756068281;0.011149228130360205879512136562;0.002144082332761578120472467646;0.009433962264150943036189467250;0.004288164665523156240944935291;0.008576329331046312481889870583;0.008576329331046312481889870583;0.011578044596912522024023672884;0.012006861063464836433811733230;0.007718696397941681060228535927;0.009862778730703259180701003572;0.009005145797598628626401406905;0.011578044596912522024023672884;0.001286449399656946915651567487;0.011149228130360205879512136562;0.005574614065180102939756068281;0.003430531732418524819283600635;0.015008576329331045975945535531;0.012006861063464836433811733230;0.013722126929674099277134402541;0.010291595197255575325212539894;0.040308747855917669011827086933;0.003001715265866209108452933307;0.021869639794168095614512736802;0.009005145797598628626401406905;0.012864493996569468722834805874;0.004288164665523156240944935291;0.005145797598627787662606269947;0.008147512864493996337378334260;0.008147512864493996337378334260;0.003859348198970840530114267963;0.005145797598627787662606269947;0.001286449399656946915651567487;0.006003430531732418216905866615;0.003430531732418524819283600635;0.003430531732418524819283600635;0.000000000000000000000000000000;0.009005145797598628626401406905;0.009862778730703259180701003572;0.013722126929674099277134402541;0.010720411663807889735000600240;0.008576329331046312481889870583;0.005145797598627787662606269947;0.009862778730703259180701003572
-0.008147512864493996337378334260;0.009433962264150943036189467250;0.009862778730703259180701003572;0.493567753001715292526796474704;0.074185248713550602794875032941;0.018010291595197257252802813809;0.005574614065180102939756068281;0.009433962264150943036189467250;0.003430531732418524819283600635;0.008147512864493996337378334260;0.009433962264150943036189467250;0.006432246998284734361417402937;0.014150943396226415421645938864;0.010291595197255575325212539894;0.019296740994854202216890470822;0.006432246998284734361417402937;0.008147512864493996337378334260;0.009433962264150943036189467250;0.009433962264150943036189467250;0.001715265866209262409641800318;0.012006861063464836433811733230;0.006003430531732418216905866615;0.003859348198970840530114267963;0.014579759862778731566157475186;0.017152658662092624963779741165;0.011578044596912522024023672884;0.014150943396226415421645938864;0.033876500857632933783047946008;0.003859348198970840530114267963;0.014579759862778731566157475186;0.003859348198970840530114267963;0.006432246998284734361417402937;0.009005145797598628626401406905;0.009862778730703259180701003572;0.010720411663807889735000600240;0.008576329331046312481889870583;0.002144082332761578120472467646;0.006432246998284734361417402937;0.000857632933104631204820900159;0.004716981132075471518094733625;0.002572898799313893831303134974;0.004288164665523156240944935291;0.000000000000000000000000000000;0.008576329331046312481889870583;0.009862778730703259180701003572;0.006861063464837049638567201271;0.008147512864493996337378334260;0.007289879931389365783078737593;0.013293310463121783132622866219;0.010291595197255575325212539894
-0.010720411663807889735000600240;0.011149228130360205879512136562;0.010720411663807889735000600240;0.527444253859348233248738324619;0.075471698113207544289515738001;0.012435677530017152578323269552;0.004716981132075471518094733625;0.007718696397941681060228535927;0.001715265866209262409641800318;0.006003430531732418216905866615;0.006003430531732418216905866615;0.006432246998284734361417402937;0.006861063464837049638567201271;0.008147512864493996337378334260;0.015008576329331045975945535531;0.006861063464837049638567201271;0.004716981132075471518094733625;0.004716981132075471518094733625;0.011578044596912522024023672884;0.000000000000000000000000000000;0.008576329331046312481889870583;0.004288164665523156240944935291;0.000428816466552315602410450079;0.010291595197255575325212539894;0.013293310463121783132622866219;0.013293310463121783132622866219;0.011578044596912522024023672884;0.057890222984562610120118364421;0.002572898799313893831303134974;0.012864493996569468722834805874;0.010291595197255575325212539894;0.010291595197255575325212539894;0.004716981132075471518094733625;0.004716981132075471518094733625;0.007289879931389365783078737593;0.009433962264150943036189467250;0.001715265866209262409641800318;0.005145797598627787662606269947;0.001286449399656946915651567487;0.005145797598627787662606269947;0.003430531732418524819283600635;0.002572898799313893831303134974;0.000000000000000000000000000000;0.009005145797598628626401406905;0.011578044596912522024023672884;0.008576329331046312481889870583;0.012006861063464836433811733230;0.009862778730703259180701003572;0.003001715265866209108452933307;0.006432246998284734361417402937
-0.013293310463121783132622866219;0.010291595197255575325212539894;0.018439108061749569927867398178;0.514150943396226467463350218168;0.051029159519725558746827687173;0.011578044596912522024023672884;0.002144082332761578120472467646;0.011578044596912522024023672884;0.004716981132075471518094733625;0.007718696397941681060228535927;0.004716981132075471518094733625;0.010291595197255575325212539894;0.003001715265866209108452933307;0.019725557461406518361402007145;0.017581475128644941108291277487;0.006861063464837049638567201271;0.010720411663807889735000600240;0.011149228130360205879512136562;0.006432246998284734361417402937;0.001715265866209262409641800318;0.007289879931389365783078737593;0.005145797598627787662606269947;0.003430531732418524819283600635;0.009862778730703259180701003572;0.011149228130360205879512136562;0.012435677530017152578323269552;0.005574614065180102939756068281;0.060034305317324183903782142124;0.001715265866209262409641800318;0.017152658662092624963779741165;0.008576329331046312481889870583;0.012006861063464836433811733230;0.006861063464837049638567201271;0.003859348198970840530114267963;0.004288164665523156240944935291;0.012006861063464836433811733230;0.005574614065180102939756068281;0.004716981132075471518094733625;0.002572898799313893831303134974;0.007289879931389365783078737593;0.004716981132075471518094733625;0.003859348198970840530114267963;0.000000000000000000000000000000;0.008576329331046312481889870583;0.007289879931389365783078737593;0.009005145797598628626401406905;0.012864493996569468722834805874;0.006861063464837049638567201271;0.003859348198970840530114267963;0.004288164665523156240944935291
-0.007718696397941681060228535927;0.007289879931389365783078737593;0.009862778730703259180701003572;0.599485420240137178993222732970;0.053602058319039448675003001199;0.010720411663807889735000600240;0.001286449399656946915651567487;0.007289879931389365783078737593;0.005574614065180102939756068281;0.007718696397941681060228535927;0.004288164665523156240944935291;0.007289879931389365783078737593;0.003430531732418524819283600635;0.007289879931389365783078737593;0.015008576329331045975945535531;0.006432246998284734361417402937;0.007718696397941681060228535927;0.006432246998284734361417402937;0.008576329331046312481889870583;0.001715265866209262409641800318;0.007289879931389365783078737593;0.005145797598627787662606269947;0.001715265866209262409641800318;0.009433962264150943036189467250;0.009005145797598628626401406905;0.010720411663807889735000600240;0.007718696397941681060228535927;0.065180102915951970699026674083;0.002572898799313893831303134974;0.012435677530017152578323269552;0.003001715265866209108452933307;0.008147512864493996337378334260;0.002572898799313893831303134974;0.002144082332761578120472467646;0.003001715265866209108452933307;0.009005145797598628626401406905;0.001715265866209262409641800318;0.003859348198970840530114267963;0.000428816466552315602410450079;0.003859348198970840530114267963;0.003430531732418524819283600635;0.002144082332761578120472467646;0.000000000000000000000000000000;0.009005145797598628626401406905;0.006861063464837049638567201271;0.006432246998284734361417402937;0.009005145797598628626401406905;0.005145797598627787662606269947;0.004288164665523156240944935291;0.006003430531732418216905866615
-0.008962264150943395971116167686;0.008018867924528301840969568559;0.021698113207547168462818731882;0.460849056603773565843340520587;0.067452830188679244183269645418;0.011320754716981131296482665505;0.006603773584905660645749669868;0.008018867924528301840969568559;0.008018867924528301840969568559;0.008490566037735848906042868123;0.008962264150943395971116167686;0.009905660377358490101262766814;0.007075471698113207710822969432;0.013679245283018868356572639300;0.014622641509433962486719238427;0.010849056603773584231409365941;0.010849056603773584231409365941;0.011792452830188680096279441045;0.009905660377358490101262766814;0.003301886792452830322874834934;0.008962264150943395971116167686;0.007547169811320754775896268995;0.002830188679245282824120666376;0.016981132075471697812085736246;0.015566037735849056616865837555;0.017452830188679244877159035809;0.007547169811320754775896268995;0.051415094339622643970777460254;0.004716981132075471518094733625;0.013207547169811321291499339736;0.009905660377358490101262766814;0.010377358490566037166336066377;0.003301886792452830322874834934;0.004245283018867924453021434061;0.006132075471698113580676370304;0.016509433962264150747012436682;0.002830188679245282824120666376;0.006132075471698113580676370304;0.002830188679245282824120666376;0.008962264150943395971116167686;0.002830188679245282824120666376;0.004245283018867924453021434061;0.000000000000000000000000000000;0.009433962264150943036189467250;0.009433962264150943036189467250;0.011792452830188680096279441045;0.011320754716981131296482665505;0.006603773584905660645749669868;0.008018867924528301840969568559;0.008490566037735848906042868123
-0.013626834381551362548878891801;0.007337526205450734147206492963;0.012054507337526205665301226588;0.500000000000000000000000000000;0.059748427672955975453739085879;0.014675052410901468294412985927;0.002620545073375262195430890344;0.011006289308176099919767132462;0.004192872117400419512689424550;0.009958071278825995908956514313;0.007861635220125786152611802038;0.013102725366876309676111844738;0.006289308176100629269034136826;0.005765199161425576396267089763;0.017819706498951780326844840374;0.012054507337526205665301226588;0.005765199161425576396267089763;0.005241090146750524390861780688;0.014675052410901468294412985927;0.004716981132075471518094733625;0.007861635220125786152611802038;0.002620545073375262195430890344;0.002096436058700209756344712275;0.016247379454926623443267175162;0.017819706498951780326844840374;0.010482180293501048781723561376;0.007337526205450734147206492963;0.029350104821802936588825971853;0.001572327044025157317258534206;0.029874213836477987726869542939;0.018343815513626834934335363414;0.008909853249475890163422420187;0.006289308176100629269034136826;0.005765199161425576396267089763;0.005241090146750524390861780688;0.014675052410901468294412985927;0.003668763102725367073603246482;0.009433962264150943036189467250;0.000000000000000000000000000000;0.004192872117400419512689424550;0.002620545073375262195430890344;0.002096436058700209756344712275;0.000000000000000000000000000000;0.008909853249475890163422420187;0.012054507337526205665301226588;0.009433962264150943036189467250;0.015199161425576519432456557013;0.006289308176100629269034136826;0.007337526205450734147206492963;0.005765199161425576396267089763
-0.008490566037735848906042868123;0.015566037735849056616865837555;0.007547169811320754775896268995;0.521698113207547220504523011186;0.057075471698113208751657055018;0.013207547169811321291499339736;0.003301886792452830322874834934;0.010849056603773584231409365941;0.005188679245283018583168033189;0.011792452830188680096279441045;0.008018867924528301840969568559;0.008490566037735848906042868123;0.002830188679245282824120666376;0.011792452830188680096279441045;0.011320754716981131296482665505;0.007075471698113207710822969432;0.010377358490566037166336066377;0.013207547169811321291499339736;0.016981132075471697812085736246;0.003773584905660377387948134498;0.016981132075471697812085736246;0.005660377358490565648241332752;0.001415094339622641412060333188;0.010849056603773584231409365941;0.008962264150943395971116167686;0.010849056603773584231409365941;0.009433962264150943036189467250;0.044811320754716978120857362455;0.002830188679245282824120666376;0.013679245283018868356572639300;0.004716981132075471518094733625;0.014150943396226415421645938864;0.004245283018867924453021434061;0.005660377358490565648241332752;0.002358490566037735759047366813;0.013207547169811321291499339736;0.001415094339622641412060333188;0.005660377358490565648241332752;0.000943396226415094346987033624;0.004716981132075471518094733625;0.007075471698113207710822969432;0.002358490566037735759047366813;0.000000000000000000000000000000;0.010377358490566037166336066377;0.008018867924528301840969568559;0.013679245283018868356572639300;0.007075471698113207710822969432;0.007075471698113207710822969432;0.006132075471698113580676370304;0.007075471698113207710822969432
-0.015216068167985392217689266658;0.006086427267194156713603359066;0.020693852708460132999723768421;0.482653682288496643781883221891;0.045039561777236759854137204684;0.015824710894704809016619861950;0.006086427267194156713603359066;0.011564211807668898362999598817;0.004869141813755325717827382448;0.009129640900791236371447645581;0.010346926354230066499861884211;0.016433353621424222346103505288;0.007912355447352404508309930975;0.012172854534388313427206718131;0.010346926354230066499861884211;0.009129640900791236371447645581;0.009129640900791236371447645581;0.017650639074863055943964695871;0.009738283627510651435654764896;0.003651856360316494288370536836;0.010955569080949483298792479502;0.004260499087035909786258525145;0.002434570906877662858913691224;0.012172854534388313427206718131;0.019476567255021302871309529792;0.012172854534388313427206718131;0.009738283627510651435654764896;0.029823493609251371105894889979;0.002434570906877662858913691224;0.026171637248934873781758270184;0.007912355447352404508309930975;0.010955569080949483298792479502;0.006695069993913572645172216369;0.006086427267194156713603359066;0.005477784540474741649396239751;0.021302495435179549798654363713;0.005477784540474741649396239751;0.004260499087035909786258525145;0.000000000000000000000000000000;0.006086427267194156713603359066;0.007303712720632988576741073672;0.006695069993913572645172216369;0.000000000000000000000000000000;0.006695069993913572645172216369;0.004869141813755325717827382448;0.006086427267194156713603359066;0.012172854534388313427206718131;0.009738283627510651435654764896;0.008520998174071819572517050290;0.010346926354230066499861884211
-0.017416545718432509953776943235;0.004354136429608127488444235809;0.024673439767779390546786899563;0.412191582002902734416238672566;0.029027576197387518902592873360;0.008708272859216254976888471617;0.005079825834542815547745231441;0.010159651669085631095490462883;0.006531204644412191666347222707;0.023222060957910014428184908297;0.003628447024673439862824109170;0.013788098693759071391995441047;0.005805515239477503607046227074;0.026124818577648766665388890829;0.011611030478955007214092454149;0.018867924528301886072378934500;0.013062409288824383332694445414;0.011611030478955007214092454149;0.018142235123367198013077938867;0.006531204644412191666347222707;0.012336719883889695273393449781;0.007982583454281566917587475984;0.001451378809869375901761556769;0.029027576197387518902592873360;0.022496371552975326368883912664;0.023222060957910014428184908297;0.010885341074020319154791458516;0.002177068214804063744222117904;0.001451378809869375901761556769;0.021044992743105950250281921399;0.009433962264150943036189467250;0.010885341074020319154791458516;0.006531204644412191666347222707;0.005079825834542815547745231441;0.009433962264150943036189467250;0.018142235123367198013077938867;0.005805515239477503607046227074;0.006531204644412191666347222707;0.000000000000000000000000000000;0.010885341074020319154791458516;0.006531204644412191666347222707;0.005079825834542815547745231441;0.000000000000000000000000000000;0.015239477503628447510597432313;0.008708272859216254976888471617;0.007256894049346879725648218340;0.031930333817126267670349903938;0.021044992743105950250281921399;0.008708272859216254976888471617;0.010159651669085631095490462883
-0.029433962264150941717799625508;0.002264150943396226519505054497;0.021132075471698114760288333969;0.298867924528301909248284573550;0.089056603773584902539184326997;0.025660377358490565197213228998;0.003018867924528301736886160000;0.003773584905660377387948134498;0.006792452830188679124834294498;0.009811320754716981729082192487;0.015094339622641509551792537991;0.041509433962264148665344265510;0.023396226415094339978750781484;0.018113207547169812156040435980;0.006037735849056603473772320001;0.021886792452830188676626832489;0.007547169811320754775896268995;0.010566037735849057380144166984;0.005283018867924528690072083492;0.003018867924528301736886160000;0.003018867924528301736886160000;0.006037735849056603473772320001;0.004528301886792453039010108995;0.021886792452830188676626832489;0.032452830188679247791494475450;0.018113207547169812156040435980;0.006792452830188679124834294498;0.021132075471698114760288333969;0.001509433962264150868443080000;0.040754716981132074749005766989;0.018113207547169812156040435980;0.006037735849056603473772320001;0.006037735849056603473772320001;0.012075471698113206947544640002;0.015849056603773583468131036511;0.012075471698113206947544640002;0.003018867924528301736886160000;0.011320754716981131296482665505;0.000000000000000000000000000000;0.006792452830188679124834294498;0.000754716981132075434221540000;0.003773584905660377387948134498;0.000000000000000000000000000000;0.008301886792452830426958243493;0.008301886792452830426958243493;0.013584905660377358249668588996;0.021886792452830188676626832489;0.019622641509433963458164384974;0.012075471698113206947544640002;0.021886792452830188676626832489
-0.021226415094339621397745432319;0.008490566037735848906042868123;0.028301886792452830843291877727;0.367452830188679246958827206981;0.012264150943396227161352740609;0.013207547169811321291499339736;0.013679245283018868356572639300;0.008018867924528301840969568559;0.011320754716981131296482665505;0.019811320754716980202525533628;0.006132075471698113580676370304;0.026415094339622642582998679472;0.004716981132075471518094733625;0.021698113207547168462818731882;0.009433962264150943036189467250;0.019811320754716980202525533628;0.014622641509433962486719238427;0.009905660377358490101262766814;0.009433962264150943036189467250;0.003773584905660377387948134498;0.008018867924528301840969568559;0.010377358490566037166336066377;0.001415094339622641412060333188;0.028773584905660377908365177291;0.027830188679245283778218578163;0.025471698113207548452852080345;0.008490566037735848906042868123;0.033962264150943395624171472491;0.001886792452830188693974067249;0.013207547169811321291499339736;0.024056603773584907257632181654;0.013679245283018868356572639300;0.000943396226415094346987033624;0.003773584905660377387948134498;0.007075471698113207710822969432;0.016981132075471697812085736246;0.002358490566037735759047366813;0.008490566037735848906042868123;0.000943396226415094346987033624;0.004245283018867924453021434061;0.004716981132075471518094733625;0.012735849056603774226426040173;0.000000000000000000000000000000;0.016037735849056603681939137118;0.016981132075471697812085736246;0.007075471698113207710822969432;0.029245283018867924973438476854;0.019339622641509433137452234064;0.007075471698113207710822969432;0.015094339622641509551792537991
-0.014788373278939316579627671899;0.006119326874043855106488631890;0.018867924528301886072378934500;0.475777664456909721302224625106;0.009688934217236103846326855660;0.018867924528301886072378934500;0.011728709841917388592702486960;0.015808261091279959820177225538;0.005609382967873533486213855070;0.010708822029576747086876409298;0.008159102498725140720226001179;0.012748597654258031833252040599;0.018357980622131564452104157681;0.013258541560428353453526817418;0.015808261091279959820177225538;0.007139214686384497479676447540;0.007139214686384497479676447540;0.009178990311065782226052078840;0.014278429372768994959352895080;0.002039775624681285180056500295;0.011218765935747066972427710141;0.007649158592554819099951224359;0.004079551249362570360113000589;0.014278429372768994959352895080;0.013768485466598673339078118261;0.013258541560428353453526817418;0.013258541560428353453526817418;0.017338092809790924681001555996;0.006629270780214176726763408709;0.025497195308516063666504081198;0.011728709841917388592702486960;0.007139214686384497479676447540;0.003569607343192248739838223770;0.011218765935747066972427710141;0.011728709841917388592702486960;0.015808261091279959820177225538;0.004589495155532891113026039420;0.007139214686384497479676447540;0.003569607343192248739838223770;0.009178990311065782226052078840;0.010198878123406425466601632479;0.008669046404895462340500777998;0.000000000000000000000000000000;0.008159102498725140720226001179;0.014788373278939316579627671899;0.013258541560428353453526817418;0.013768485466598673339078118261;0.007649158592554819099951224359;0.005099439061703212733300816240;0.009688934217236103846326855660
-0.008962264150943395971116167686;0.011792452830188680096279441045;0.018867924528301886072378934500;0.465566037735849036494073516224;0.039622641509433960405051067255;0.017452830188679244877159035809;0.009433962264150943036189467250;0.010377358490566037166336066377;0.005660377358490565648241332752;0.012735849056603774226426040173;0.009433962264150943036189467250;0.014622641509433962486719238427;0.005660377358490565648241332752;0.016037735849056603681939137118;0.012264150943396227161352740609;0.014622641509433962486719238427;0.013679245283018868356572639300;0.009905660377358490101262766814;0.008962264150943395971116167686;0.000471698113207547173493516812;0.010849056603773584231409365941;0.008490566037735848906042868123;0.002358490566037735759047366813;0.015566037735849056616865837555;0.019811320754716980202525533628;0.009433962264150943036189467250;0.015094339622641509551792537991;0.019811320754716980202525533628;0.005660377358490565648241332752;0.021698113207547168462818731882;0.020283018867924527267598833191;0.010849056603773584231409365941;0.002358490566037735759047366813;0.007547169811320754775896268995;0.005660377358490565648241332752;0.013679245283018868356572639300;0.002358490566037735759047366813;0.010849056603773584231409365941;0.001886792452830188693974067249;0.005660377358490565648241332752;0.005188679245283018583168033189;0.003773584905660377387948134498;0.000000000000000000000000000000;0.009433962264150943036189467250;0.014622641509433962486719238427;0.012264150943396227161352740609;0.013207547169811321291499339736;0.008962264150943395971116167686;0.007075471698113207710822969432;0.009433962264150943036189467250
-0.012885411872986654580053311747;0.008283479061205707011383836402;0.037735849056603772144757869000;0.346525540727105396676677173673;0.009664058904739990935039983810;0.018407731247123790274677901380;0.006442705936493327290026655874;0.011965025310630464719374721483;0.011965025310630464719374721483;0.026691210308329497286061737782;0.008743672342383801074361393546;0.014265991716520938503709459155;0.005062126092959042499008770477;0.034514496088357111969191493017;0.007823285780027611213682803282;0.014726184997699034301410492276;0.013345605154164748643030868891;0.014726184997699034301410492276;0.013345605154164748643030868891;0.005522319374137137429348065609;0.008743672342383801074361393546;0.009203865623561895137338950690;0.001840773124712379287676311534;0.035895075931891395892847640425;0.019788311090658077667781000741;0.031293143120110444854731213127;0.015646571560055222427365606563;0.005982512655315232359687360741;0.004601932811780947568669475345;0.013345605154164748643030868891;0.013345605154164748643030868891;0.019788311090658077667781000741;0.001380579843534284357337016402;0.008743672342383801074361393546;0.009203865623561895137338950690;0.032673722963644728778387360535;0.004601932811780947568669475345;0.007823285780027611213682803282;0.001840773124712379287676311534;0.010584445467096180795718574075;0.004601932811780947568669475345;0.003681546249424758575352623069;0.000000000000000000000000000000;0.013805798435342844440731902012;0.011044638748274274858696131218;0.013345605154164748643030868891;0.033133916244822828045535345609;0.021629084215370453919691229316;0.011965025310630464719374721483;0.007823285780027611213682803282
-0.012238653748087710212977263780;0.007649158592554819099951224359;0.038755736868944415385307422639;0.378888322284548717533425588044;0.007139214686384497479676447540;0.016828148903620603060726779177;0.004079551249362570360113000589;0.011218765935747066972427710141;0.004589495155532891113026039420;0.025497195308516063666504081198;0.010198878123406425466601632479;0.014278429372768994959352895080;0.005609382967873533486213855070;0.044365119836817949738883015698;0.004589495155532891113026039420;0.012238653748087710212977263780;0.008669046404895462340500777998;0.007139214686384497479676447540;0.011218765935747066972427710141;0.012238653748087710212977263780;0.005609382967873533486213855070;0.008669046404895462340500777998;0.004589495155532891113026039420;0.026007139214686385286778858017;0.021927587965323815794027595416;0.024477307496175420425954527559;0.013258541560428353453526817418;0.001529831718510963776622157972;0.001019887812340642590028250147;0.008669046404895462340500777998;0.011728709841917388592702486960;0.018357980622131564452104157681;0.002039775624681285180056500295;0.006629270780214176726763408709;0.013258541560428353453526817418;0.030086690464048954779530120618;0.006629270780214176726763408709;0.006119326874043855106488631890;0.000000000000000000000000000000;0.008669046404895462340500777998;0.003569607343192248739838223770;0.009178990311065782226052078840;0.000000000000000000000000000000;0.014278429372768994959352895080;0.005099439061703212733300816240;0.007139214686384497479676447540;0.044875063742988267889710840564;0.023967363590005098805679750740;0.021927587965323815794027595416;0.013258541560428353453526817418
-0.016981132075471697812085736246;0.007075471698113207710822969432;0.042452830188679242795490864637;0.358490566037735824966858899643;0.003773584905660377387948134498;0.014622641509433962486719238427;0.004716981132075471518094733625;0.014622641509433962486719238427;0.008490566037735848906042868123;0.028773584905660377908365177291;0.009905660377358490101262766814;0.013207547169811321291499339736;0.007547169811320754775896268995;0.036792452830188678014611269873;0.008962264150943395971116167686;0.014622641509433962486719238427;0.016981132075471697812085736246;0.012735849056603774226426040173;0.007547169811320754775896268995;0.008490566037735848906042868123;0.008018867924528301840969568559;0.007547169811320754775896268995;0.003301886792452830322874834934;0.027358490566037736713145278600;0.024528301886792454322705481218;0.025943396226415095517925379909;0.016037735849056603681939137118;0.000471698113207547173493516812;0.000000000000000000000000000000;0.007075471698113207710822969432;0.007075471698113207710822969432;0.017452830188679244877159035809;0.001886792452830188693974067249;0.006603773584905660645749669868;0.010377358490566037166336066377;0.029716981132075472038511776418;0.009905660377358490101262766814;0.005660377358490565648241332752;0.000000000000000000000000000000;0.007547169811320754775896268995;0.005660377358490565648241332752;0.003773584905660377387948134498;0.000000000000000000000000000000;0.015566037735849056616865837555;0.006132075471698113580676370304;0.012264150943396227161352740609;0.044811320754716978120857362455;0.033018867924528301494024873364;0.009905660377358490101262766814;0.015566037735849056616865837555
-0.019407008086253368928097984281;0.008086253369272237631615318776;0.031805929919137464201295273369;0.398382749326145535473386871672;0.001617250673854447482954976856;0.005390835579514825087743545851;0.002695417789757412543871772925;0.014555256064690026696073488210;0.005390835579514825087743545851;0.039892183288409703567634068122;0.005390835579514825087743545851;0.009703504043126684464048992140;0.006469002695417789931819907423;0.039892183288409703567634068122;0.018328840970350403216659884720;0.010242587601078167319768041921;0.015094339622641509551792537991;0.011859838274932614152201715285;0.008086253369272237631615318776;0.007008086253369271920177219215;0.008625336927223720487334368556;0.003773584905660377387948134498;0.002695417789757412543871772925;0.033423180592991916237899374664;0.011320754716981131296482665505;0.030188679245283019103585075982;0.016172506738544475263230637552;0.003773584905660377387948134498;0.001078167115902965060916796070;0.003234501347708894965909953712;0.009703504043126684464048992140;0.018867924528301886072378934500;0.002156334231805930121833592139;0.003234501347708894965909953712;0.007008086253369271920177219215;0.042048517520215634990510267244;0.007547169811320754775896268995;0.009164420485175201608329942360;0.000539083557951482530458398035;0.005929919137466307076100857643;0.002695417789757412543871772925;0.005390835579514825087743545851;0.000000000000000000000000000000;0.017250673854447440974668737113;0.008625336927223720487334368556;0.010242587601078167319768041921;0.038814016172506737856195968561;0.019407008086253368928097984281;0.008625336927223720487334368556;0.009164420485175201608329942360
-0.023930050621260929438749442966;0.010584445467096180795718574075;0.039576622181316155335562001483;0.321675103543488272173078712513;0.001380579843534284357337016402;0.011965025310630464719374721483;0.004141739530602853505691918201;0.017027151403589506351021753972;0.007363092498849517150705246138;0.035434882650713296625699655351;0.007823285780027611213682803282;0.014265991716520938503709459155;0.003681546249424758575352623069;0.033594109526000920373789426776;0.009664058904739990935039983810;0.011044638748274274858696131218;0.010584445467096180795718574075;0.013345605154164748643030868891;0.008283479061205707011383836402;0.004601932811780947568669475345;0.023009664058904741312794328678;0.011965025310630464719374721483;0.001380579843534284357337016402;0.053382420616658994572123475564;0.016106764841233318225066639684;0.030372756557754256728776098839;0.013805798435342844440731902012;0.003681546249424758575352623069;0.001840773124712379287676311534;0.012885411872986654580053311747;0.008283479061205707011383836402;0.023930050621260929438749442966;0.000920386562356189643838155767;0.002761159687068568714674032805;0.006902899217671422220365951006;0.036355269213069488221101721592;0.006442705936493327290026655874;0.007823285780027611213682803282;0.000000000000000000000000000000;0.008743672342383801074361393546;0.015186378278877128364388049420;0.006442705936493327290026655874;0.000000000000000000000000000000;0.027611596870685688881463804023;0.003221352968246663645013327937;0.015646571560055222427365606563;0.029452369995398068602820984552;0.018407731247123790274677901380;0.010124252185918084998017540954;0.013345605154164748643030868891
-0.017724413950829045333312805610;0.008576329331046312481889870583;0.029731275014293883501848014816;0.368210405946254981657261851069;0.004002287021154946056178403069;0.014293882218410519646667466986;0.001143510577472841606427866878;0.012578616352201258538068273651;0.005145797598627787662606269947;0.037164093767867355244671756509;0.006861063464837049638567201271;0.012006861063464836433811733230;0.005717552887364208032139334392;0.029731275014293883501848014816;0.010291595197255575325212539894;0.016009148084619784224713612275;0.020583190394511150650425079789;0.021154945683247571019958144234;0.014293882218410519646667466986;0.006861063464837049638567201271;0.014865637507146941750924007408;0.006861063464837049638567201271;0.003430531732418524819283600635;0.032018296169239568449427224550;0.019439679817038306441911998945;0.025728987993138937445669611748;0.008576329331046312481889870583;0.003430531732418524819283600635;0.002858776443682104016069667196;0.005145797598627787662606269947;0.005717552887364208032139334392;0.024013722126929672867623466459;0.003430531732418524819283600635;0.004574042309891366425711467514;0.005145797598627787662606269947;0.035448827901658090666625611220;0.010291595197255575325212539894;0.008004574042309892112356806138;0.000000000000000000000000000000;0.004574042309891366425711467514;0.008576329331046312481889870583;0.005717552887364208032139334392;0.000000000000000000000000000000;0.025157232704402517076136547303;0.007432818753573470875462003704;0.014293882218410519646667466986;0.032590051457975985349513337042;0.024013722126929672867623466459;0.009148084619782732851422935028;0.007432818753573470875462003704
-0.023930050621260929438749442966;0.018867924528301886072378934500;0.039116428900138056068414016408;0.331799355729406331150244113815;0.005062126092959042499008770477;0.013805798435342844440731902012;0.004141739530602853505691918201;0.013805798435342844440731902012;0.007363092498849517150705246138;0.025770823745973309160106623494;0.008743672342383801074361393546;0.013805798435342844440731902012;0.002300966405890473784334737672;0.038656235618959963740159935242;0.009203865623561895137338950690;0.014726184997699034301410492276;0.009664058904739990935039983810;0.014726184997699034301410492276;0.005062126092959042499008770477;0.004601932811780947568669475345;0.011504832029452370656397164339;0.007823285780027611213682803282;0.003221352968246663645013327937;0.046479521398987574953842738523;0.024850437183617117564704557253;0.040497008743672339992070163817;0.011965025310630464719374721483;0.002761159687068568714674032805;0.002300966405890473784334737672;0.009203865623561895137338950690;0.008743672342383801074361393546;0.022089277496548549717392262437;0.001380579843534284357337016402;0.006442705936493327290026655874;0.006442705936493327290026655874;0.038656235618959963740159935242;0.005522319374137137429348065609;0.008283479061205707011383836402;0.000920386562356189643838155767;0.005522319374137137429348065609;0.012885411872986654580053311747;0.003221352968246663645013327937;0.000000000000000000000000000000;0.023930050621260929438749442966;0.003221352968246663645013327937;0.019328117809479981870079967621;0.027611596870685688881463804023;0.018867924528301886072378934500;0.012425218591808558782352278627;0.008743672342383801074361393546
-0.019946091644204851783817034061;0.010242587601078167319768041921;0.036118598382749327047047671613;0.350943396226415071925686106624;0.004312668463611860243667184278;0.016172506738544475263230637552;0.002695417789757412543871772925;0.014016172506738543840354438430;0.003773584905660377387948134498;0.031805929919137464201295273369;0.005390835579514825087743545851;0.018867924528301886072378934500;0.003234501347708894965909953712;0.036118598382749327047047671613;0.011859838274932614152201715285;0.017250673854447440974668737113;0.023719676549865228304403430570;0.021024258760107817495255133622;0.006469002695417789931819907423;0.007547169811320754775896268995;0.013477088948787062719358864626;0.006469002695417789931819907423;0.001078167115902965060916796070;0.039892183288409703567634068122;0.023180592991913745448684380790;0.024797843665768194015841530131;0.010781671159029650175487091701;0.001617250673854447482954976856;0.002156334231805930121833592139;0.008625336927223720487334368556;0.005929919137466307076100857643;0.026415094339622642582998679472;0.001617250673854447482954976856;0.003773584905660377387948134498;0.009703504043126684464048992140;0.031266846361185984815023175543;0.010242587601078167319768041921;0.008625336927223720487334368556;0.000000000000000000000000000000;0.003773584905660377387948134498;0.011320754716981131296482665505;0.002156334231805930121833592139;0.000000000000000000000000000000;0.016711590296495958118949687332;0.008625336927223720487334368556;0.014016172506738543840354438430;0.031805929919137464201295273369;0.023180592991913745448684380790;0.007547169811320754775896268995;0.009703504043126684464048992140
-0.020357497517378350671002351646;0.009930486593843098480638431624;0.032770605759682221169715177211;0.341608738828202584958404486315;0.002979145978152929630927703286;0.015392254220456803165406611811;0.001986097318768619609391512526;0.019860973187686196961276863249;0.006454816285998013838942632958;0.031281032770605760040538712019;0.008440913604766633882015014478;0.011420059582919563079261848770;0.003475670307845084208014929672;0.033763654419066535528060057914;0.013406156901688183122334230291;0.015392254220456803165406611811;0.005958291956305859261855406572;0.005958291956305859261855406572;0.009930486593843098480638431624;0.006454816285998013838942632958;0.017874875868917578652927957705;0.007944389275074478437566050104;0.001986097318768619609391512526;0.046673286991062559736498371876;0.022840119165839126158523697541;0.032770605759682221169715177211;0.014895729890764647720957647437;0.004965243296921549240319215812;0.002482621648460774620159607906;0.004965243296921549240319215812;0.008937437934458789326463978853;0.028798411122144984553017366125;0.000000000000000000000000000000;0.006951340615690168416029859344;0.006951340615690168416029859344;0.040218470705064547632279214895;0.004965243296921549240319215812;0.009930486593843098480638431624;0.000496524329692154902347878132;0.005461767626613703817406442198;0.006454816285998013838942632958;0.007447864945382323860478823718;0.000000000000000000000000000000;0.016385302879841110584857588606;0.004468718967229394663231989426;0.013902681231380336832059718688;0.037239324726911618435032380603;0.024826216484607744466872603084;0.010923535253227407634812884396;0.011420059582919563079261848770
-0.020125786163522011579241066670;0.010062893081761005789620533335;0.037735849056603772144757869000;0.403773584905660398725046889012;0.001257861635220125723702566667;0.016352201257861635058654670161;0.000628930817610062861851283333;0.012578616352201258538068273651;0.004402515723270440141379200583;0.032704402515723270117309340321;0.007547169811320754775896268995;0.007547169811320754775896268995;0.004402515723270440141379200583;0.032075471698113207363878274236;0.010691823899371068543051599420;0.011320754716981131296482665505;0.016981132075471697812085736246;0.015094339622641509551792537991;0.010691823899371068543051599420;0.006918238993710692022465202911;0.012578616352201258538068273651;0.006918238993710692022465202911;0.000628930817610062861851283333;0.066666666666666665741480812812;0.013836477987421384044930405821;0.021383647798742137086103198840;0.011320754716981131296482665505;0.001886792452830188693974067249;0.001886792452830188693974067249;0.002515723270440251447405133334;0.010691823899371068543051599420;0.022012578616352199839534264925;0.000628930817610062861851283333;0.005660377358490565648241332752;0.005031446540880502894810266667;0.035220125786163521131033604661;0.006918238993710692022465202911;0.005660377358490565648241332752;0.000000000000000000000000000000;0.003773584905660377387948134498;0.002515723270440251447405133334;0.003773584905660377387948134498;0.000000000000000000000000000000;0.016352201257861635058654670161;0.005031446540880502894810266667;0.015723270440251572305223604076;0.035220125786163521131033604661;0.012578616352201258538068273651;0.004402515723270440141379200583;0.006289308176100629269034136826
-0.018867924528301886072378934500;0.001019887812340642590028250147;0.030596634370219276399804897437;0.332483426823049488252337368976;0.016828148903620603060726779177;0.011218765935747066972427710141;0.002039775624681285180056500295;0.019887812340642529312928488139;0.008669046404895462340500777998;0.026007139214686385286778858017;0.008159102498725140720226001179;0.014278429372768994959352895080;0.007139214686384497479676447540;0.027536970933197346678156236521;0.018867924528301886072378934500;0.012748597654258031833252040599;0.014278429372768994959352895080;0.012748597654258031833252040599;0.014788373278939316579627671899;0.008669046404895462340500777998;0.023457419683834777185404973920;0.009178990311065782226052078840;0.002039775624681285180056500295;0.041305456399796020017234354782;0.022437531871494133944855420282;0.028046914839367668298431013341;0.015298317185109638199902448719;0.023457419683834777185404973920;0.001529831718510963776622157972;0.010198878123406425466601632479;0.008159102498725140720226001179;0.021417644059153494173752818597;0.004079551249362570360113000589;0.004589495155532891113026039420;0.007139214686384497479676447540;0.029576746557878633159255343799;0.011218765935747066972427710141;0.006629270780214176726763408709;0.000000000000000000000000000000;0.006119326874043855106488631890;0.003059663437021927553244315945;0.004079551249362570360113000589;0.000000000000000000000000000000;0.012748597654258031833252040599;0.011218765935747066972427710141;0.005099439061703212733300816240;0.039265680775114740475029151412;0.016318204997450281440452002357;0.011218765935747066972427710141;0.014278429372768994959352895080
-0.012172854534388313427206718131;0.015824710894704809016619861950;0.029823493609251371105894889979;0.410833840535605621102632767361;0.053560559951308581161377730950;0.009129640900791236371447645581;0.003651856360316494288370536836;0.013390139987827145290344432738;0.006695069993913572645172216369;0.008520998174071819572517050290;0.006086427267194156713603359066;0.007303712720632988576741073672;0.012172854534388313427206718131;0.012172854534388313427206718131;0.018867924528301886072378934500;0.007912355447352404508309930975;0.009738283627510651435654764896;0.016433353621424222346103505288;0.018259281801582472742895291162;0.007912355447352404508309930975;0.010346926354230066499861884211;0.012781497261107730226137313423;0.006695069993913572645172216369;0.012781497261107730226137313423;0.009129640900791236371447645581;0.013998782714546560354551552052;0.012781497261107730226137313423;0.024954351795496043653344031554;0.002434570906877662858913691224;0.026780279975654290580688865475;0.006086427267194156713603359066;0.015824710894704809016619861950;0.009129640900791236371447645581;0.004260499087035909786258525145;0.018867924528301886072378934500;0.026780279975654290580688865475;0.004869141813755325717827382448;0.003043213633597078356801679533;0.000608642726719415714728422806;0.010346926354230066499861884211;0.004260499087035909786258525145;0.008520998174071819572517050290;0.000000000000000000000000000000;0.010346926354230066499861884211;0.014607425441265977153482147344;0.006086427267194156713603359066;0.010955569080949483298792479502;0.010346926354230066499861884211;0.015824710894704809016619861950;0.006086427267194156713603359066
-0.010781671159029650175487091701;0.010781671159029650175487091701;0.033423180592991916237899374664;0.382749326145552570821450899530;0.045822102425876011511096663753;0.010242587601078167319768041921;0.002156334231805930121833592139;0.010781671159029650175487091701;0.010781671159029650175487091701;0.012398921832884097007920765066;0.007008086253369271920177219215;0.016172506738544475263230637552;0.011859838274932614152201715285;0.021024258760107817495255133622;0.021563342318059300350974183402;0.007008086253369271920177219215;0.011320754716981131296482665505;0.016172506738544475263230637552;0.013477088948787062719358864626;0.005390835579514825087743545851;0.008625336927223720487334368556;0.008625336927223720487334368556;0.003234501347708894965909953712;0.021563342318059300350974183402;0.011320754716981131296482665505;0.013477088948787062719358864626;0.018328840970350403216659884720;0.039353099730458224181361970295;0.002156334231805930121833592139;0.031266846361185984815023175543;0.009164420485175201608329942360;0.012398921832884097007920765066;0.001617250673854447482954976856;0.007547169811320754775896268995;0.018867924528301886072378934500;0.015094339622641509551792537991;0.002156334231805930121833592139;0.004312668463611860243667184278;0.003234501347708894965909953712;0.008625336927223720487334368556;0.003234501347708894965909953712;0.010242587601078167319768041921;0.000000000000000000000000000000;0.009164420485175201608329942360;0.010781671159029650175487091701;0.011859838274932614152201715285;0.017789757412398920360940834939;0.008625336927223720487334368556;0.012398921832884097007920765066;0.014016172506738543840354438430
-0.016172506738544475263230637552;0.012398921832884097007920765066;0.024797843665768194015841530131;0.353638814016172531307091730923;0.025336927223719676871560579912;0.023719676549865228304403430570;0.004312668463611860243667184278;0.011320754716981131296482665505;0.008625336927223720487334368556;0.018867924528301886072378934500;0.014016172506738543840354438430;0.028571428571428570536427926640;0.006469002695417789931819907423;0.022641509433962262592965331010;0.010242587601078167319768041921;0.011859838274932614152201715285;0.008086253369272237631615318776;0.015633423180592992407511587771;0.015633423180592992407511587771;0.004851752021563342232024496070;0.009703504043126684464048992140;0.011320754716981131296482665505;0.004851752021563342232024496070;0.021563342318059300350974183402;0.023719676549865228304403430570;0.023180592991913745448684380790;0.011859838274932614152201715285;0.024258760107816711160122480351;0.002156334231805930121833592139;0.024258760107816711160122480351;0.023719676549865228304403430570;0.008625336927223720487334368556;0.003773584905660377387948134498;0.007008086253369271920177219215;0.009164420485175201608329942360;0.016711590296495958118949687332;0.004851752021563342232024496070;0.010781671159029650175487091701;0.002695417789757412543871772925;0.009703504043126684464048992140;0.004312668463611860243667184278;0.010242587601078167319768041921;0.000000000000000000000000000000;0.012398921832884097007920765066;0.006469002695417789931819907423;0.014016172506738543840354438430;0.019946091644204851783817034061;0.014555256064690026696073488210;0.014016172506738543840354438430;0.012938005390835579863639814846
-0.015094339622641509551792537991;0.013207547169811321291499339736;0.024056603773584907257632181654;0.448584905660377342151434731932;0.039622641509433960405051067255;0.008962264150943395971116167686;0.006603773584905660645749669868;0.011792452830188680096279441045;0.004716981132075471518094733625;0.016037735849056603681939137118;0.004716981132075471518094733625;0.012264150943396227161352740609;0.008490566037735848906042868123;0.015566037735849056616865837555;0.009905660377358490101262766814;0.010377358490566037166336066377;0.011320754716981131296482665505;0.010377358490566037166336066377;0.012735849056603774226426040173;0.003773584905660377387948134498;0.011792452830188680096279441045;0.005188679245283018583168033189;0.001886792452830188693974067249;0.018867924528301886072378934500;0.013207547169811321291499339736;0.019339622641509433137452234064;0.017452830188679244877159035809;0.038207547169811319209831168564;0.003301886792452830322874834934;0.009905660377358490101262766814;0.005188679245283018583168033189;0.015094339622641509551792537991;0.004245283018867924453021434061;0.010377358490566037166336066377;0.005660377358490565648241332752;0.017924528301886791942232335373;0.005188679245283018583168033189;0.008962264150943395971116167686;0.000000000000000000000000000000;0.004245283018867924453021434061;0.005660377358490565648241332752;0.002830188679245282824120666376;0.000000000000000000000000000000;0.014622641509433962486719238427;0.013207547169811321291499339736;0.012735849056603774226426040173;0.016981132075471697812085736246;0.011792452830188680096279441045;0.007547169811320754775896268995;0.010377358490566037166336066377
-0.017152658662092624963779741165;0.003430531732418524819283600635;0.020011435105774726811445063390;0.427672955974842783355427400238;0.044025157232704399679068529849;0.010291595197255575325212539894;0.007432818753573470875462003704;0.012006861063464836433811733230;0.009719839908519153220955999473;0.011435105774728416064278668784;0.010291595197255575325212539894;0.006861063464837049638567201271;0.006861063464837049638567201271;0.017724413950829045333312805610;0.018296169239565465702845870055;0.011435105774728416064278668784;0.012006861063464836433811733230;0.009148084619782732851422935028;0.008576329331046312481889870583;0.002858776443682104016069667196;0.012578616352201258538068273651;0.005717552887364208032139334392;0.002287021154945683212855733757;0.018867924528301886072378934500;0.016009148084619784224713612275;0.016580903373356204594246676720;0.011435105774728416064278668784;0.038307604345340195983737885399;0.002858776443682104016069667196;0.030874785591766724240914143707;0.010291595197255575325212539894;0.010863350485991995694745604339;0.005717552887364208032139334392;0.006289308176100629269034136826;0.010291595197255575325212539894;0.020011435105774726811445063390;0.005145797598627787662606269947;0.008004574042309892112356806138;0.000000000000000000000000000000;0.008576329331046312481889870583;0.006289308176100629269034136826;0.011435105774728416064278668784;0.000000000000000000000000000000;0.016009148084619784224713612275;0.008576329331046312481889870583;0.008004574042309892112356806138;0.013722126929674099277134402541;0.012006861063464836433811733230;0.007432818753573470875462003704;0.008576329331046312481889870583
-0.011320754716981131296482665505;0.009703504043126684464048992140;0.016711590296495958118949687332;0.389218328840970351212291689080;0.067385444743935304923176943248;0.022641509433962262592965331010;0.004851752021563342232024496070;0.011859838274932614152201715285;0.009164420485175201608329942360;0.010781671159029650175487091701;0.012938005390835579863639814846;0.018867924528301886072378934500;0.009703504043126684464048992140;0.014555256064690026696073488210;0.015633423180592992407511587771;0.010242587601078167319768041921;0.006469002695417789931819907423;0.011320754716981131296482665505;0.009164420485175201608329942360;0.003234501347708894965909953712;0.005929919137466307076100857643;0.005390835579514825087743545851;0.000539083557951482530458398035;0.012938005390835579863639814846;0.021563342318059300350974183402;0.014016172506738543840354438430;0.009164420485175201608329942360;0.054986522911051209649979654159;0.003773584905660377387948134498;0.049056603773584908645410962436;0.008625336927223720487334368556;0.007008086253369271920177219215;0.004851752021563342232024496070;0.003773584905660377387948134498;0.010242587601078167319768041921;0.013477088948787062719358864626;0.005390835579514825087743545851;0.008086253369272237631615318776;0.002156334231805930121833592139;0.007547169811320754775896268995;0.004312668463611860243667184278;0.012398921832884097007920765066;0.000000000000000000000000000000;0.012938005390835579863639814846;0.011320754716981131296482665505;0.008086253369272237631615318776;0.009703504043126684464048992140;0.010242587601078167319768041921;0.008086253369272237631615318776;0.008625336927223720487334368556
-0.009259259259259258745267118229;0.009803921568627450844335413649;0.016884531590413944662776302152;0.488562091503267958980671892277;0.052832244008714598915155136183;0.016339869281045752563708006733;0.004901960784313725422167706824;0.011437908496732025406816823931;0.004357298474945534190461149393;0.009803921568627450844335413649;0.011437908496732025406816823931;0.012527233115468409604953414771;0.004357298474945534190461149393;0.009259259259259258745267118229;0.017973856209150325391465941038;0.008169934640522876281854003366;0.008169934640522876281854003366;0.008169934640522876281854003366;0.013071895424836601704021710191;0.002723311546840958760618001122;0.007625272331154684182785707947;0.004901960784313725422167706824;0.000000000000000000000000000000;0.013071895424836601704021710191;0.017973856209150325391465941038;0.014161220043572984167434825054;0.007080610021786492083717412527;0.043028322440087148070819722534;0.002723311546840958760618001122;0.030501089324618736731142831786;0.008714596949891068380922298786;0.009803921568627450844335413649;0.002178649237472767095230574697;0.002723311546840958760618001122;0.005991285403050108752942559676;0.010348583877995642943403709069;0.001633986928104575213002713774;0.006535947712418300852010855095;0.002723311546840958760618001122;0.003812636165577342091392853973;0.002723311546840958760618001122;0.012527233115468409604953414771;0.000000000000000000000000000000;0.009803921568627450844335413649;0.016339869281045752563708006733;0.006535947712418300852010855095;0.014161220043572984167434825054;0.010893246187363835042472004488;0.003267973856209150426005427548;0.008169934640522876281854003366
-0.007523148148148147730529533561;0.003472222222222222029475169336;0.010416666666666666088425508008;0.634837962962962909507780295826;0.042824074074074076901030849740;0.007523148148148147730529533561;0.003472222222222222029475169336;0.009837962962962963284208051107;0.005208333333333333044212754004;0.008680555555555555941049661328;0.004629629629629629372633559115;0.008680555555555555941049661328;0.002314814814814814686316779557;0.009259259259259258745267118229;0.010995370370370370627366440885;0.008101851851851851402108728450;0.008680555555555555941049661328;0.009259259259259258745267118229;0.007523148148148147730529533561;0.001157407407407407343158389779;0.006944444444444444058950338672;0.002314814814814814686316779557;0.002893518518518518357895974447;0.010416666666666666088425508008;0.009259259259259258745267118229;0.008101851851851851402108728450;0.009259259259259258745267118229;0.012152777777777777970524830664;0.002314814814814814686316779557;0.010995370370370370627366440885;0.006944444444444444058950338672;0.012731481481481480774742287565;0.001736111111111111014737584668;0.005208333333333333044212754004;0.004629629629629629372633559115;0.006944444444444444058950338672;0.002893518518518518357895974447;0.004050925925925925701054364225;0.001157407407407407343158389779;0.003472222222222222029475169336;0.006944444444444444058950338672;0.004050925925925925701054364225;0.000000000000000000000000000000;0.008101851851851851402108728450;0.008680555555555555941049661328;0.007523148148148147730529533561;0.009837962962962963284208051107;0.012152777777777777970524830664;0.004050925925925925701054364225;0.009837962962962963284208051107
-0.023422251138581651197512201179;0.007807417046193884310745225719;0.018217306441119063969980018669;0.335718932986337037505109037738;0.052700065061808715194402452653;0.030579050097592711671135035090;0.003253090435914118318250221051;0.011060507482108001761633708782;0.007156798959011060473622833911;0.011060507482108001761633708782;0.013662979830839297110123276013;0.037735849056603772144757869000;0.013012361743656473273000884205;0.023422251138581651197512201179;0.006506180871828236636500442103;0.020819778789850359318469585901;0.011060507482108001761633708782;0.009108653220559531984990009335;0.012361743656473649435878492397;0.002602472348731294914808698238;0.009759271307742355822112401142;0.005855562784645412799378050295;0.002602472348731294914808698238;0.016265452179570590723889367268;0.035133376707872476796268301769;0.018867924528301886072378934500;0.006506180871828236636500442103;0.005204944697462589829617396475;0.002602472348731294914808698238;0.039687703318152245390848520401;0.031880286271958359345379818706;0.014313597918022120947245667821;0.003903708523096942155372612859;0.005204944697462589829617396475;0.010409889394925179659234792950;0.016916070266753416295735235053;0.003253090435914118318250221051;0.008458035133376708147867617527;0.000650618087182823728702174559;0.009759271307742355822112401142;0.002602472348731294914808698238;0.003903708523096942155372612859;0.000000000000000000000000000000;0.016265452179570590723889367268;0.011060507482108001761633708782;0.007807417046193884310745225719;0.020819778789850359318469585901;0.013012361743656473273000884205;0.011711125569290825598756100590;0.014313597918022120947245667821
-0.031250000000000000000000000000;0.010613207547169810698872716159;0.037735849056603772144757869000;0.292452830188679235856596960730;0.022995283018867922891770305682;0.017099056603773584578354061136;0.003537735849056603855411484716;0.011202830188679244530214340614;0.010613207547169810698872716159;0.015330188679245283084329187773;0.009433962264150943036189467250;0.028301886792452830843291877727;0.008254716981132075373506218341;0.025943396226415095517925379909;0.011792452830188680096279441045;0.021816037735849055229087056773;0.012382075471698113927621065500;0.012382075471698113927621065500;0.011792452830188680096279441045;0.005896226415094340048139720523;0.008254716981132075373506218341;0.011792452830188680096279441045;0.004716981132075471518094733625;0.031839622641509433831341624455;0.031839622641509433831341624455;0.024764150943396227855242131000;0.015330188679245283084329187773;0.010023584905660376867531091705;0.002358490566037735759047366813;0.030660377358490566168658375545;0.028301886792452830843291877727;0.009433962264150943036189467250;0.000589622641509433939761841703;0.009433962264150943036189467250;0.014740566037735849252987563318;0.016509433962264150747012436682;0.007665094339622641542164593886;0.014150943396226415421645938864;0.001768867924528301927705742358;0.008844339622641509204847842796;0.008254716981132075373506218341;0.008254716981132075373506218341;0.000000000000000000000000000000;0.011202830188679244530214340614;0.003537735849056603855411484716;0.010023584905660376867531091705;0.026533018867924529349267004363;0.022405660377358489060428681228;0.011792452830188680096279441045;0.014150943396226415421645938864
-0.042730299667036626687366407396;0.009988901220865705615770124837;0.043285238623751387532223589005;0.086015538290788007280696092494;0.003329633740288568104909172618;0.043285238623751387532223589005;0.001664816870144284052454586309;0.012763596004439511574779508862;0.027192008879023309153577514508;0.014983351831298556688931711278;0.016093229744728078378646074498;0.067147613762486124677764109947;0.017758046614872364382664571281;0.027746947835738069998434696117;0.009988901220865705615770124837;0.029966703662597113377863422556;0.014428412874583795844074529668;0.013318534961154272419636690472;0.009433962264150943036189467250;0.004439511653718091095666142820;0.012763596004439511574779508862;0.011653718091009988150341669666;0.003884572697003329817128092216;0.028301886792452830843291877727;0.047724750277469481229974945791;0.028301886792452830843291877727;0.016093229744728078378646074498;0.029966703662597113377863422556;0.001109877913429522773916535705;0.031631520532741395912434967386;0.043285238623751387532223589005;0.011653718091009988150341669666;0.006659267480577136209818345236;0.012208657047724750729922327253;0.014428412874583795844074529668;0.016093229744728078378646074498;0.009433962264150943036189467250;0.016648168701442842692950208061;0.007214206437291897922037264834;0.017203107658157603537807389671;0.005549389567147613652742244028;0.021642619311875693766111794503;0.000000000000000000000000000000;0.016093229744728078378646074498;0.002774694783573806826371122014;0.013318534961154272419636690472;0.026637069922308544839273380944;0.022197558268590454610968976112;0.014983351831298556688931711278;0.014983351831298556688931711278
-0.030727762803234501959304125762;0.013477088948787062719358864626;0.023719676549865228304403430570;0.190296495956873312760393446297;0.018328840970350403216659884720;0.031266846361185984815023175543;0.008625336927223720487334368556;0.016172506738544475263230637552;0.025336927223719676871560579912;0.011320754716981131296482665505;0.014016172506738543840354438430;0.038814016172506737856195968561;0.013477088948787062719358864626;0.026954177897574125438717729253;0.010781671159029650175487091701;0.025876010781671159727279629692;0.011320754716981131296482665505;0.022641509433962262592965331010;0.019407008086253368928097984281;0.003234501347708894965909953712;0.013477088948787062719358864626;0.006469002695417789931819907423;0.007547169811320754775896268995;0.018328840970350403216659884720;0.039892183288409703567634068122;0.020485175202156334639536083841;0.019946091644204851783817034061;0.028032345013477087680708876860;0.001617250673854447482954976856;0.028032345013477087680708876860;0.045822102425876011511096663753;0.012938005390835579863639814846;0.009703504043126684464048992140;0.005390835579514825087743545851;0.014555256064690026696073488210;0.017789757412398920360940834939;0.005390835579514825087743545851;0.017789757412398920360940834939;0.007547169811320754775896268995;0.009164420485175201608329942360;0.004312668463611860243667184278;0.021024258760107817495255133622;0.000000000000000000000000000000;0.015094339622641509551792537991;0.004312668463611860243667184278;0.012938005390835579863639814846;0.019407008086253368928097984281;0.009703504043126684464048992140;0.015094339622641509551792537991;0.012398921832884097007920765066
-0.026300743281875357815202676193;0.004002287021154946056178403069;0.025157232704402517076136547303;0.447684391080617472002955992139;0.009719839908519153220955999473;0.015437392795883362120457071853;0.001143510577472841606427866878;0.008576329331046312481889870583;0.006289308176100629269034136826;0.009148084619782732851422935028;0.008004574042309892112356806138;0.021154945683247571019958144234;0.013150371640937678907601338096;0.018867924528301886072378934500;0.002287021154945683212855733757;0.020011435105774726811445063390;0.011435105774728416064278668784;0.008004574042309892112356806138;0.012006861063464836433811733230;0.004002287021154946056178403069;0.015437392795883362120457071853;0.005717552887364208032139334392;0.004002287021154946056178403069;0.022298456260720411759024273124;0.030303030303030303871381079261;0.013150371640937678907601338096;0.017152658662092624963779741165;0.021726700971983991389491208679;0.002287021154945683212855733757;0.022298456260720411759024273124;0.026300743281875357815202676193;0.004574042309891366425711467514;0.004574042309891366425711467514;0.004002287021154946056178403069;0.008576329331046312481889870583;0.012578616352201258538068273651;0.005145797598627787662606269947;0.012578616352201258538068273651;0.001143510577472841606427866878;0.008004574042309892112356806138;0.004574042309891366425711467514;0.006861063464837049638567201271;0.000000000000000000000000000000;0.011435105774728416064278668784;0.002858776443682104016069667196;0.012578616352201258538068273651;0.017152658662092624963779741165;0.011435105774728416064278668784;0.009719839908519153220955999473;0.009148084619782732851422935028
-0.027712264150943397011950253273;0.006485849056603773879481344977;0.014150943396226415421645938864;0.376179245283018881540471056724;0.016509433962264150747012436682;0.030660377358490566168658375545;0.005306603773584905349436358080;0.015330188679245283084329187773;0.010023584905660376867531091705;0.007665094339622641542164593886;0.008844339622641509204847842796;0.023584905660377360192558882090;0.014740566037735849252987563318;0.017099056603773584578354061136;0.007075471698113207710822969432;0.015330188679245283084329187773;0.011202830188679244530214340614;0.021816037735849055229087056773;0.013561320754716981590304314409;0.005306603773584905349436358080;0.013561320754716981590304314409;0.009433962264150943036189467250;0.003537735849056603855411484716;0.011202830188679244530214340614;0.027122641509433963180608628818;0.012971698113207547758962689954;0.015919811320754716915670812227;0.011202830188679244530214340614;0.004716981132075471518094733625;0.041863207547169808964149240182;0.021816037735849055229087056773;0.008844339622641509204847842796;0.007665094339622641542164593886;0.006485849056603773879481344977;0.011202830188679244530214340614;0.012971698113207547758962689954;0.009433962264150943036189467250;0.009433962264150943036189467250;0.002948113207547170024069860261;0.014150943396226415421645938864;0.002948113207547170024069860261;0.014150943396226415421645938864;0.000000000000000000000000000000;0.008844339622641509204847842796;0.003537735849056603855411484716;0.013561320754716981590304314409;0.016509433962264150747012436682;0.010613207547169810698872716159;0.014150943396226415421645938864;0.010613207547169810698872716159
-0.029716981132075472038511776418;0.007075471698113207710822969432;0.031132075471698113233731675109;0.328773584905660387622816642761;0.002358490566037735759047366813;0.022641509433962262592965331010;0.006603773584905660645749669868;0.014622641509433962486719238427;0.007075471698113207710822969432;0.017452830188679244877159035809;0.013679245283018868356572639300;0.016037735849056603681939137118;0.014150943396226415421645938864;0.041037735849056601600270965946;0.007075471698113207710822969432;0.015566037735849056616865837555;0.013679245283018868356572639300;0.018867924528301886072378934500;0.013207547169811321291499339736;0.008490566037735848906042868123;0.012264150943396227161352740609;0.009433962264150943036189467250;0.002358490566037735759047366813;0.022169811320754715527892031446;0.037264150943396225079684569437;0.025000000000000001387778780781;0.014622641509433962486719238427;0.000943396226415094346987033624;0.002358490566037735759047366813;0.007547169811320754775896268995;0.009905660377358490101262766814;0.017924528301886791942232335373;0.002358490566037735759047366813;0.002830188679245282824120666376;0.014150943396226415421645938864;0.022641509433962262592965331010;0.010849056603773584231409365941;0.009905660377358490101262766814;0.000471698113207547173493516812;0.008962264150943395971116167686;0.004245283018867924453021434061;0.004245283018867924453021434061;0.000000000000000000000000000000;0.015094339622641509551792537991;0.013679245283018868356572639300;0.008962264150943395971116167686;0.032075471698113207363878274236;0.023584905660377360192558882090;0.014150943396226415421645938864;0.020754716981132074332672132755
-0.028773584905660377908365177291;0.008962264150943395971116167686;0.031603773584905660298804974673;0.354245283018867929136774819199;0.002830188679245282824120666376;0.023584905660377360192558882090;0.004716981132075471518094733625;0.011792452830188680096279441045;0.008490566037735848906042868123;0.015566037735849056616865837555;0.010849056603773584231409365941;0.017452830188679244877159035809;0.012735849056603774226426040173;0.023584905660377360192558882090;0.005660377358490565648241332752;0.020754716981132074332672132755;0.014150943396226415421645938864;0.013207547169811321291499339736;0.010377358490566037166336066377;0.007075471698113207710822969432;0.013679245283018868356572639300;0.008962264150943395971116167686;0.003301886792452830322874834934;0.022641509433962262592965331010;0.037735849056603772144757869000;0.027358490566037736713145278600;0.012264150943396227161352740609;0.000943396226415094346987033624;0.002830188679245282824120666376;0.015566037735849056616865837555;0.018867924528301886072378934500;0.015094339622641509551792537991;0.003773584905660377387948134498;0.010849056603773584231409365941;0.013207547169811321291499339736;0.019811320754716980202525533628;0.005660377358490565648241332752;0.010849056603773584231409365941;0.000000000000000000000000000000;0.014150943396226415421645938864;0.004245283018867924453021434061;0.005660377358490565648241332752;0.000000000000000000000000000000;0.015094339622641509551792537991;0.005660377358490565648241332752;0.011792452830188680096279441045;0.023113207547169809658038630573;0.023584905660377360192558882090;0.010849056603773584231409365941;0.016037735849056603681939137118
-0.031446540880503144610447208152;0.005660377358490565648241332752;0.017610062893081760565516802330;0.399371069182389959451029426418;0.003144654088050314634517068413;0.027672955974842768089860811642;0.006918238993710692022465202911;0.010691823899371068543051599420;0.010691823899371068543051599420;0.018867924528301886072378934500;0.013836477987421384044930405821;0.021383647798742137086103198840;0.012578616352201258538068273651;0.018238993710691823318947868415;0.001886792452830188693974067249;0.017610062893081760565516802330;0.010062893081761005789620533335;0.006289308176100629269034136826;0.016981132075471697812085736246;0.005031446540880502894810266667;0.012578616352201258538068273651;0.011949685534591195784637207566;0.002515723270440251447405133334;0.015094339622641509551792537991;0.025786163522012579829567613388;0.020754716981132074332672132755;0.014465408805031446798361471906;0.007547169811320754775896268995;0.003144654088050314634517068413;0.017610062893081760565516802330;0.020125786163522011579241066670;0.016981132075471697812085736246;0.005031446540880502894810266667;0.006918238993710692022465202911;0.013207547169811321291499339736;0.013207547169811321291499339736;0.005660377358490565648241332752;0.010062893081761005789620533335;0.001257861635220125723702566667;0.012578616352201258538068273651;0.001886792452830188693974067249;0.012578616352201258538068273651;0.000000000000000000000000000000;0.018867924528301886072378934500;0.000628930817610062861851283333;0.018867924528301886072378934500;0.016352201257861635058654670161;0.009433962264150943036189467250;0.015094339622641509551792537991;0.013836477987421384044930405821
-0.019496855345911948825810000585;0.008176100628930817529327335080;0.033962264150943395624171472491;0.397484276729559771190736228164;0.002515723270440251447405133334;0.014465408805031446798361471906;0.004402515723270440141379200583;0.016352201257861635058654670161;0.013207547169811321291499339736;0.016981132075471697812085736246;0.008176100628930817529327335080;0.010691823899371068543051599420;0.012578616352201258538068273651;0.030188679245283019103585075982;0.005031446540880502894810266667;0.016981132075471697812085736246;0.011949685534591195784637207566;0.011949685534591195784637207566;0.007547169811320754775896268995;0.002515723270440251447405133334;0.013836477987421384044930405821;0.011320754716981131296482665505;0.001886792452830188693974067249;0.031446540880503144610447208152;0.022641509433962262592965331010;0.018867924528301886072378934500;0.015094339622641509551792537991;0.010062893081761005789620533335;0.002515723270440251447405133334;0.010691823899371068543051599420;0.005031446540880502894810266667;0.017610062893081760565516802330;0.001257861635220125723702566667;0.011949685534591195784637207566;0.010691823899371068543051599420;0.026415094339622642582998679472;0.005031446540880502894810266667;0.008805031446540880282758401165;0.001257861635220125723702566667;0.013207547169811321291499339736;0.006289308176100629269034136826;0.005031446540880502894810266667;0.000000000000000000000000000000;0.022012578616352199839534264925;0.005031446540880502894810266667;0.013836477987421384044930405821;0.028301886792452830843291877727;0.016981132075471697812085736246;0.009433962264150943036189467250;0.008805031446540880282758401165
-0.019916142557651991817913028626;0.004716981132075471518094733625;0.028825995807127881981335448813;0.370545073375262046244671410022;0.003144654088050314634517068413;0.022012578616352199839534264925;0.008385744234800839025378849101;0.013102725366876309676111844738;0.007337526205450734147206492963;0.016771488469601678050757698202;0.008385744234800839025378849101;0.018343815513626834934335363414;0.011006289308176099919767132462;0.022536687631027254447024787964;0.012578616352201258538068273651;0.024109014675052411330602453177;0.009433962264150943036189467250;0.010482180293501048781723561376;0.008385744234800839025378849101;0.006813417190775681274439445900;0.011530398322851152792534179525;0.010482180293501048781723561376;0.005241090146750524390861780688;0.018867924528301886072378934500;0.026729559748427673959714212515;0.027777777777777776235801354687;0.013102725366876309676111844738;0.011530398322851152792534179525;0.000524109014675052439086178069;0.018343815513626834934335363414;0.018867924528301886072378934500;0.013102725366876309676111844738;0.003144654088050314634517068413;0.006289308176100629269034136826;0.012578616352201258538068273651;0.017819706498951780326844840374;0.007861635220125786152611802038;0.013102725366876309676111844738;0.000000000000000000000000000000;0.008909853249475890163422420187;0.006289308176100629269034136826;0.003668763102725367073603246482;0.000000000000000000000000000000;0.014675052410901468294412985927;0.013102725366876309676111844738;0.015199161425576519432456557013;0.027777777777777776235801354687;0.023584905660377360192558882090;0.008385744234800839025378849101;0.014675052410901468294412985927
-0.035714285714285712303173170312;0.001347708894878706271935886463;0.042452830188679242795490864637;0.195417789757412391216107039327;0.015498652291105120826220087338;0.038409703504043130051215371168;0.006738544474393531359679432313;0.018867924528301886072378934500;0.009433962264150943036189467250;0.020215633423180591476953082974;0.018194070080862535104815336240;0.030323450134770890684876576415;0.016172506738544475263230637552;0.020215633423180591476953082974;0.013477088948787062719358864626;0.022237196765498651318537781663;0.014150943396226415421645938864;0.019541778975741240509389484714;0.011455525606469002877774165938;0.007412398921832884061966506550;0.011455525606469002877774165938;0.010107816711590295738476541487;0.006738544474393531359679432313;0.035714285714285712303173170312;0.031671159029649592620003772936;0.024932614555256065597133030565;0.017520215633423180667804786026;0.000673854447439353135967943231;0.002021563342318059407903829694;0.026954177897574125438717729253;0.024258760107816711160122480351;0.018194070080862535104815336240;0.006738544474393531359679432313;0.008760107816711590333902393013;0.006064690026954177790030620088;0.029649595687331536247866026201;0.004716981132075471518094733625;0.015498652291105120826220087338;0.002695417789757412543871772925;0.014824797843665768123933013101;0.001347708894878706271935886463;0.002695417789757412543871772925;0.000000000000000000000000000000;0.018867924528301886072378934500;0.016846361185983826230794235812;0.014824797843665768123933013101;0.029649595687331536247866026201;0.026954177897574125438717729253;0.016172506738544475263230637552;0.016172506738544475263230637552
-0.016037735849056603681939137118;0.011792452830188680096279441045;0.010377358490566037166336066377;0.498113207547169811739706801745;0.055660377358490567556437156327;0.011792452830188680096279441045;0.009433962264150943036189467250;0.005188679245283018583168033189;0.008018867924528301840969568559;0.008962264150943395971116167686;0.004245283018867924453021434061;0.018396226415094339007305634937;0.013679245283018868356572639300;0.011792452830188680096279441045;0.008018867924528301840969568559;0.007075471698113207710822969432;0.007547169811320754775896268995;0.009905660377358490101262766814;0.003301886792452830322874834934;0.002358490566037735759047366813;0.008490566037735848906042868123;0.006132075471698113580676370304;0.005188679245283018583168033189;0.010849056603773584231409365941;0.012735849056603774226426040173;0.011792452830188680096279441045;0.006603773584905660645749669868;0.030660377358490566168658375545;0.001415094339622641412060333188;0.023584905660377360192558882090;0.014622641509433962486719238427;0.009433962264150943036189467250;0.005660377358490565648241332752;0.005188679245283018583168033189;0.018867924528301886072378934500;0.004245283018867924453021434061;0.000943396226415094346987033624;0.008962264150943395971116167686;0.005188679245283018583168033189;0.010849056603773584231409365941;0.003301886792452830322874834934;0.010849056603773584231409365941;0.000000000000000000000000000000;0.008962264150943395971116167686;0.010377358490566037166336066377;0.011320754716981131296482665505;0.007075471698113207710822969432;0.010377358490566037166336066377;0.006132075471698113580676370304;0.008490566037735848906042868123
-0.021698113207547168462818731882;0.007075471698113207710822969432;0.020283018867924527267598833191;0.398584905660377353253664978183;0.046226415094339619316077261146;0.030660377358490566168658375545;0.003773584905660377387948134498;0.011320754716981131296482665505;0.007547169811320754775896268995;0.010377358490566037166336066377;0.010849056603773584231409365941;0.033490566037735848559098172927;0.015566037735849056616865837555;0.015566037735849056616865837555;0.011792452830188680096279441045;0.022641509433962262592965331010;0.007547169811320754775896268995;0.008018867924528301840969568559;0.008962264150943395971116167686;0.001886792452830188693974067249;0.007075471698113207710822969432;0.003773584905660377387948134498;0.002358490566037735759047366813;0.016509433962264150747012436682;0.034433962264150942689244772055;0.015094339622641509551792537991;0.009905660377358490101262766814;0.007547169811320754775896268995;0.001886792452830188693974067249;0.025943396226415095517925379909;0.021698113207547168462818731882;0.008962264150943395971116167686;0.002358490566037735759047366813;0.005188679245283018583168033189;0.013207547169811321291499339736;0.011320754716981131296482665505;0.002830188679245282824120666376;0.011792452830188680096279441045;0.001415094339622641412060333188;0.006132075471698113580676370304;0.001886792452830188693974067249;0.010377358490566037166336066377;0.000000000000000000000000000000;0.009433962264150943036189467250;0.011320754716981131296482665505;0.015094339622641509551792537991;0.016037735849056603681939137118;0.013679245283018868356572639300;0.007075471698113207710822969432;0.011792452830188680096279441045
-0.038219641993226902143554468694;0.003386550556361877031830154294;0.029027576197387518902592873360;0.328979196903725179534916378543;0.016932752781809386893874247448;0.035316884373488149906350486162;0.000967585873246250565034298763;0.007740686985970004520274390103;0.009675858732462506300864291120;0.017416545718432509953776943235;0.010159651669085631095490462883;0.058538945331398160865088442506;0.012578616352201258538068273651;0.024189646831156264017437251823;0.003386550556361877031830154294;0.029995162070633768491845216886;0.007256894049346879725648218340;0.012578616352201258538068273651;0.010159651669085631095490462883;0.002902757619738751803523113537;0.005805515239477503607046227074;0.009675858732462506300864291120;0.001935171746492501130068597526;0.021286889211417511780233269292;0.042089985486211900500563842797;0.025641025641025640136039243089;0.002902757619738751803523113537;0.009192065795839381506238119357;0.002418964683115626575216072780;0.032414126753749397669146503631;0.032414126753749397669146503631;0.010643444605708755890116634646;0.000000000000000000000000000000;0.005321722302854377945058317323;0.007256894049346879725648218340;0.018384131591678763012476238714;0.004354136429608127488444235809;0.009192065795839381506238119357;0.000000000000000000000000000000;0.006773101112723754063660308589;0.002418964683115626575216072780;0.001935171746492501130068597526;0.000000000000000000000000000000;0.008224479922593130182262299854;0.002902757619738751803523113537;0.013546202225447508127320617177;0.025157232704402517076136547303;0.018384131591678763012476238714;0.009192065795839381506238119357;0.011127237542331882419466282386
-0.016009148084619784224713612275;0.005717552887364208032139334392;0.024013722126929672867623466459;0.490566037735849058698534008727;0.037735849056603772144757869000;0.013150371640937678907601338096;0.004002287021154946056178403069;0.007432818753573470875462003704;0.006861063464837049638567201271;0.012578616352201258538068273651;0.006289308176100629269034136826;0.025728987993138937445669611748;0.002287021154945683212855733757;0.017724413950829045333312805610;0.008004574042309892112356806138;0.014293882218410519646667466986;0.011435105774728416064278668784;0.007432818753573470875462003704;0.006861063464837049638567201271;0.002858776443682104016069667196;0.010291595197255575325212539894;0.004574042309891366425711467514;0.002287021154945683212855733757;0.013150371640937678907601338096;0.014865637507146941750924007408;0.015437392795883362120457071853;0.011435105774728416064278668784;0.015437392795883362120457071853;0.002287021154945683212855733757;0.032018296169239568449427224550;0.020011435105774726811445063390;0.011435105774728416064278668784;0.002287021154945683212855733757;0.008004574042309892112356806138;0.005145797598627787662606269947;0.017152658662092624963779741165;0.003430531732418524819283600635;0.008004574042309892112356806138;0.002287021154945683212855733757;0.006289308176100629269034136826;0.002287021154945683212855733757;0.006289308176100629269034136826;0.000000000000000000000000000000;0.013150371640937678907601338096;0.007432818753573470875462003704;0.007432818753573470875462003704;0.018867924528301886072378934500;0.005145797598627787662606269947;0.006289308176100629269034136826;0.006289308176100629269034136826
-0.015723270440251572305223604076;0.008535489667565138854898876275;0.025606469002695416564696628825;0.447888589398023340137910963676;0.025606469002695416564696628825;0.011230907457322551398770649200;0.004941599281221922997098250363;0.008086253369272237631615318776;0.015723270440251572305223604076;0.009433962264150943036189467250;0.006289308176100629269034136826;0.021114106019766397392967149926;0.004492362982929020906452954875;0.013926325247079963942642422126;0.005390835579514825087743545851;0.015274034141958671081940046577;0.012578616352201258538068273651;0.012129380053908355580061240175;0.011230907457322551398770649200;0.004492362982929020906452954875;0.010332434860736747217480058225;0.010781671159029650175487091701;0.001796945193171608362581181950;0.019317160826594789030385967976;0.014824797843665768123933013101;0.011680143755615454356777682676;0.015723270440251572305223604076;0.020215633423180591476953082974;0.000898472596585804181290590975;0.019317160826594789030385967976;0.026055705300988319522703662301;0.013926325247079963942642422126;0.003593890386343216725162363900;0.007637017070979335540970023288;0.010781671159029650175487091701;0.013477088948787062719358864626;0.004492362982929020906452954875;0.009433962264150943036189467250;0.003144654088050314634517068413;0.012578616352201258538068273651;0.003593890386343216725162363900;0.012578616352201258538068273651;0.000000000000000000000000000000;0.006738544474393531359679432313;0.007187780772686433450324727801;0.012129380053908355580061240175;0.018867924528301886072378934500;0.009433962264150943036189467250;0.006738544474393531359679432313;0.013027852650494159761351831150
-0.015094339622641509551792537991;0.018238993710691823318947868415;0.031446540880503144610447208152;0.395597484276729582930443029909;0.015094339622641509551792537991;0.015723270440251572305223604076;0.007547169811320754775896268995;0.011949685534591195784637207566;0.016352201257861635058654670161;0.009433962264150943036189467250;0.007547169811320754775896268995;0.015094339622641509551792537991;0.008176100628930817529327335080;0.018867924528301886072378934500;0.013207547169811321291499339736;0.011320754716981131296482665505;0.014465408805031446798361471906;0.016352201257861635058654670161;0.011320754716981131296482665505;0.005660377358490565648241332752;0.011949685534591195784637207566;0.015094339622641509551792537991;0.006918238993710692022465202911;0.022012578616352199839534264925;0.011949685534591195784637207566;0.015094339622641509551792537991;0.016981132075471697812085736246;0.018238993710691823318947868415;0.001886792452830188693974067249;0.017610062893081760565516802330;0.015723270440251572305223604076;0.010062893081761005789620533335;0.005031446540880502894810266667;0.005031446540880502894810266667;0.010691823899371068543051599420;0.014465408805031446798361471906;0.006289308176100629269034136826;0.003144654088050314634517068413;0.010062893081761005789620533335;0.016352201257861635058654670161;0.005660377358490565648241332752;0.019496855345911948825810000585;0.000000000000000000000000000000;0.010062893081761005789620533335;0.011949685534591195784637207566;0.008805031446540880282758401165;0.020125786163522011579241066670;0.008805031446540880282758401165;0.011320754716981131296482665505;0.010691823899371068543051599420
-0.019457547169811319903720558955;0.013561320754716981590304314409;0.033018867924528301494024873364;0.364976415094339645683874095994;0.020636792452830187566403807864;0.010613207547169810698872716159;0.002358490566037735759047366813;0.012971698113207547758962689954;0.012971698113207547758962689954;0.017099056603773584578354061136;0.006485849056603773879481344977;0.017688679245283018409695685591;0.005896226415094340048139720523;0.030070754716981132337316751091;0.011202830188679244530214340614;0.017099056603773584578354061136;0.015919811320754716915670812227;0.014740566037735849252987563318;0.014150943396226415421645938864;0.005896226415094340048139720523;0.018278301886792452241037310046;0.013561320754716981590304314409;0.004716981132075471518094733625;0.014150943396226415421645938864;0.022995283018867922891770305682;0.022995283018867922891770305682;0.010613207547169810698872716159;0.009433962264150943036189467250;0.002948113207547170024069860261;0.025943396226415095517925379909;0.022405660377358489060428681228;0.013561320754716981590304314409;0.000589622641509433939761841703;0.004127358490566037686753109170;0.010613207547169810698872716159;0.020636792452830187566403807864;0.005306603773584905349436358080;0.008844339622641509204847842796;0.004716981132075471518094733625;0.008254716981132075373506218341;0.006485849056603773879481344977;0.008844339622641509204847842796;0.000000000000000000000000000000;0.011202830188679244530214340614;0.005896226415094340048139720523;0.012382075471698113927621065500;0.025943396226415095517925379909;0.014740566037735849252987563318;0.012971698113207547758962689954;0.010023584905660376867531091705
-0.024329692154915590757147114687;0.007944389275074478437566050104;0.024826216484607744466872603084;0.415590863952333688935425470845;0.028301886792452830843291877727;0.018371400198609732362653446103;0.002482621648460774620159607906;0.011916583912611718523710813145;0.003972194637537239218783025052;0.011420059582919563079261848770;0.010427010923535253925087395999;0.014399205561072492276508683062;0.005958291956305859261855406572;0.021350546176762661559900280395;0.007944389275074478437566050104;0.019860973187686196961276863249;0.009930486593843098480638431624;0.012413108242303872233436301542;0.010923535253227407634812884396;0.005461767626613703817406442198;0.009930486593843098480638431624;0.005958291956305859261855406572;0.002979145978152929630927703286;0.024826216484607744466872603084;0.026812313803376366244668460581;0.022840119165839126158523697541;0.015888778550148956875132100208;0.022343594836146972448798209143;0.003475670307845084208014929672;0.021350546176762661559900280395;0.015392254220456803165406611811;0.009433962264150943036189467250;0.002482621648460774620159607906;0.003475670307845084208014929672;0.008937437934458789326463978853;0.017874875868917578652927957705;0.004468718967229394663231989426;0.007944389275074478437566050104;0.000496524329692154902347878132;0.005958291956305859261855406572;0.000993048659384309804695756263;0.002482621648460774620159607906;0.000000000000000000000000000000;0.012413108242303872233436301542;0.005461767626613703817406442198;0.008937437934458789326463978853;0.027308838133068519954393948979;0.017874875868917578652927957705;0.012909632571996027677885265916;0.010923535253227407634812884396
-0.009164420485175201608329942360;0.007547169811320754775896268995;0.020485175202156334639536083841;0.538005390835579522246234773775;0.079245283018867920810102134510;0.009703504043126684464048992140;0.002156334231805930121833592139;0.004312668463611860243667184278;0.005390835579514825087743545851;0.007547169811320754775896268995;0.005929919137466307076100857643;0.011859838274932614152201715285;0.004312668463611860243667184278;0.010242587601078167319768041921;0.008625336927223720487334368556;0.005929919137466307076100857643;0.011859838274932614152201715285;0.008625336927223720487334368556;0.003773584905660377387948134498;0.004312668463611860243667184278;0.003773584905660377387948134498;0.007547169811320754775896268995;0.001617250673854447482954976856;0.014555256064690026696073488210;0.007547169811320754775896268995;0.009703504043126684464048992140;0.005390835579514825087743545851;0.029649595687331536247866026201;0.003773584905660377387948134498;0.033962264150943395624171472491;0.011859838274932614152201715285;0.009703504043126684464048992140;0.002695417789757412543871772925;0.002156334231805930121833592139;0.007008086253369271920177219215;0.010781671159029650175487091701;0.004312668463611860243667184278;0.005390835579514825087743545851;0.000539083557951482530458398035;0.005390835579514825087743545851;0.002695417789757412543871772925;0.008086253369272237631615318776;0.000000000000000000000000000000;0.010242587601078167319768041921;0.007547169811320754775896268995;0.005929919137466307076100857643;0.010781671159029650175487091701;0.008625336927223720487334368556;0.007008086253369271920177219215;0.002695417789757412543871772925
-0.028301886792452830843291877727;0.003144654088050314634517068413;0.013626834381551362548878891801;0.372641509433962236919057886553;0.023584905660377360192558882090;0.038784067085953881359738915080;0.007861635220125786152611802038;0.012578616352201258538068273651;0.008909853249475890163422420187;0.011530398322851152792534179525;0.013626834381551362548878891801;0.028301886792452830843291877727;0.018343815513626834934335363414;0.011530398322851152792534179525;0.006289308176100629269034136826;0.013626834381551362548878891801;0.007861635220125786152611802038;0.005765199161425576396267089763;0.020440251572327042955956599712;0.002620545073375262195430890344;0.016771488469601678050757698202;0.009433962264150943036189467250;0.003144654088050314634517068413;0.014675052410901468294412985927;0.022536687631027254447024787964;0.013626834381551362548878891801;0.013626834381551362548878891801;0.005765199161425576396267089763;0.004716981132075471518094733625;0.053983228511530395588025044162;0.020440251572327042955956599712;0.010482180293501048781723561376;0.009958071278825995908956514313;0.009958071278825995908956514313;0.019916142557651991817913028626;0.010482180293501048781723561376;0.003144654088050314634517068413;0.012054507337526205665301226588;0.001572327044025157317258534206;0.009958071278825995908956514313;0.005241090146750524390861780688;0.012054507337526205665301226588;0.000000000000000000000000000000;0.010482180293501048781723561376;0.006813417190775681274439445900;0.008909853249475890163422420187;0.007861635220125786152611802038;0.010482180293501048781723561376;0.011006289308176099919767132462;0.011530398322851152792534179525
-0.024987251402345742046229304378;0.005609382967873533486213855070;0.026517083120856706907053634836;0.369199388067312617156545684338;0.026517083120856706907053634836;0.022947475777664455565130197101;0.004589495155532891113026039420;0.013258541560428353453526817418;0.008669046404895462340500777998;0.012748597654258031833252040599;0.013258541560428353453526817418;0.013258541560428353453526817418;0.014278429372768994959352895080;0.023457419683834777185404973920;0.006629270780214176726763408709;0.012238653748087710212977263780;0.009688934217236103846326855660;0.011218765935747066972427710141;0.016318204997450281440452002357;0.005099439061703212733300816240;0.013768485466598673339078118261;0.007649158592554819099951224359;0.005099439061703212733300816240;0.019377868434472207692653711320;0.021417644059153494173752818597;0.018357980622131564452104157681;0.014788373278939316579627671899;0.003059663437021927553244315945;0.004079551249362570360113000589;0.033146353901070881031731829580;0.009178990311065782226052078840;0.010708822029576747086876409298;0.007139214686384497479676447540;0.012238653748087710212977263780;0.013258541560428353453526817418;0.018357980622131564452104157681;0.009688934217236103846326855660;0.008159102498725140720226001179;0.002039775624681285180056500295;0.010708822029576747086876409298;0.002549719530851606366650408120;0.008669046404895462340500777998;0.000000000000000000000000000000;0.014278429372768994959352895080;0.006629270780214176726763408709;0.013258541560428353453526817418;0.022947475777664455565130197101;0.020907700152983172553478041777;0.013258541560428353453526817418;0.014788373278939316579627671899
-0.020485175202156334639536083841;0.008625336927223720487334368556;0.030188679245283019103585075982;0.386522911051212947342037296039;0.023719676549865228304403430570;0.011320754716981131296482665505;0.007008086253369271920177219215;0.014555256064690026696073488210;0.006469002695417789931819907423;0.011320754716981131296482665505;0.004312668463611860243667184278;0.012938005390835579863639814846;0.003773584905660377387948134498;0.029649595687331536247866026201;0.007547169811320754775896268995;0.016172506738544475263230637552;0.014016172506738543840354438430;0.011320754716981131296482665505;0.010781671159029650175487091701;0.005390835579514825087743545851;0.009164420485175201608329942360;0.007008086253369271920177219215;0.002695417789757412543871772925;0.023719676549865228304403430570;0.020485175202156334639536083841;0.025336927223719676871560579912;0.012938005390835579863639814846;0.015094339622641509551792537991;0.002695417789757412543871772925;0.022641509433962262592965331010;0.010242587601078167319768041921;0.013477088948787062719358864626;0.001617250673854447482954976856;0.007008086253369271920177219215;0.010242587601078167319768041921;0.023719676549865228304403430570;0.005929919137466307076100857643;0.007547169811320754775896268995;0.001617250673854447482954976856;0.008086253369272237631615318776;0.009164420485175201608329942360;0.003773584905660377387948134498;0.000000000000000000000000000000;0.016172506738544475263230637552;0.012398921832884097007920765066;0.012938005390835579863639814846;0.030727762803234501959304125762;0.017250673854447440974668737113;0.011320754716981131296482665505;0.018867924528301886072378934500
-0.016509433962264150747012436682;0.013561320754716981590304314409;0.015919811320754716915670812227;0.382075471698113233731675109084;0.079599056603773588047801013090;0.017099056603773584578354061136;0.002948113207547170024069860261;0.005306603773584905349436358080;0.016509433962264150747012436682;0.009433962264150943036189467250;0.008254716981132075373506218341;0.018867924528301886072378934500;0.007075471698113207710822969432;0.015330188679245283084329187773;0.011792452830188680096279441045;0.011792452830188680096279441045;0.010023584905660376867531091705;0.017688679245283018409695685591;0.021226415094339621397745432319;0.004127358490566037686753109170;0.005306603773584905349436358080;0.008844339622641509204847842796;0.019457547169811319903720558955;0.012382075471698113927621065500;0.011202830188679244530214340614;0.014740566037735849252987563318;0.010023584905660376867531091705;0.017688679245283018409695685591;0.003537735849056603855411484716;0.045990566037735845783540611365;0.018867924528301886072378934500;0.012382075471698113927621065500;0.009433962264150943036189467250;0.003537735849056603855411484716;0.005896226415094340048139720523;0.014150943396226415421645938864;0.002948113207547170024069860261;0.010023584905660376867531091705;0.001179245283018867879523683406;0.007075471698113207710822969432;0.002358490566037735759047366813;0.012382075471698113927621065500;0.000000000000000000000000000000;0.006485849056603773879481344977;0.014150943396226415421645938864;0.007665094339622641542164593886;0.012382075471698113927621065500;0.007665094339622641542164593886;0.007665094339622641542164593886;0.009433962264150943036189467250
-0.022298456260720411759024273124;0.011435105774728416064278668784;0.025728987993138937445669611748;0.377358490566037763080942113447;0.018296169239565465702845870055;0.018867924528301886072378934500;0.001143510577472841606427866878;0.011435105774728416064278668784;0.009719839908519153220955999473;0.012578616352201258538068273651;0.006289308176100629269034136826;0.036592338479130931405691740110;0.010863350485991995694745604339;0.026872498570611778184735740638;0.008576329331046312481889870583;0.019439679817038306441911998945;0.012578616352201258538068273651;0.008576329331046312481889870583;0.012006861063464836433811733230;0.005145797598627787662606269947;0.005145797598627787662606269947;0.007432818753573470875462003704;0.005145797598627787662606269947;0.019439679817038306441911998945;0.025157232704402517076136547303;0.014865637507146941750924007408;0.010863350485991995694745604339;0.009719839908519153220955999473;0.001143510577472841606427866878;0.048599199542595769574226949317;0.026300743281875357815202676193;0.013150371640937678907601338096;0.004002287021154946056178403069;0.006289308176100629269034136826;0.008004574042309892112356806138;0.016580903373356204594246676720;0.004002287021154946056178403069;0.008004574042309892112356806138;0.000571755288736420803213933439;0.013722126929674099277134402541;0.004574042309891366425711467514;0.010291595197255575325212539894;0.000000000000000000000000000000;0.008004574042309892112356806138;0.009148084619782732851422935028;0.004574042309891366425711467514;0.028587764436821039293334933973;0.014293882218410519646667466986;0.005717552887364208032139334392;0.010863350485991995694745604339
-0.026850507982583454724689886461;0.002902757619738751803523113537;0.031930333817126267670349903938;0.187953555878084183072829205230;0.036284470246734396026155877735;0.039187227866473148263359860266;0.003628447024673439862824109170;0.009433962264150943036189467250;0.007256894049346879725648218340;0.018867924528301886072378934500;0.014513788098693759451296436680;0.037735849056603772144757869000;0.015965166908563133835174951969;0.034833091436865019907553886469;0.001451378809869375901761556769;0.027576197387518142783990882094;0.013062409288824383332694445414;0.014513788098693759451296436680;0.015239477503628447510597432313;0.007982583454281566917587475984;0.007982583454281566917587475984;0.006531204644412191666347222707;0.006531204644412191666347222707;0.023222060957910014428184908297;0.046444121915820028856369816594;0.029753265602322206961893868993;0.017416545718432509953776943235;0.000725689404934687950880778384;0.001451378809869375901761556769;0.055152394775036285567981764189;0.023222060957910014428184908297;0.013062409288824383332694445414;0.005079825834542815547745231441;0.008708272859216254976888471617;0.023947750362844702487485903930;0.032656023222060959199097851524;0.005079825834542815547745231441;0.012336719883889695273393449781;0.001451378809869375901761556769;0.011611030478955007214092454149;0.003628447024673439862824109170;0.002177068214804063744222117904;0.000000000000000000000000000000;0.014513788098693759451296436680;0.006531204644412191666347222707;0.011611030478955007214092454149;0.022496371552975326368883912664;0.022496371552975326368883912664;0.018867924528301886072378934500;0.018142235123367198013077938867
-0.011111111111111111535154627461;0.020105820105820106091787380365;0.019576719576719577714518649714;0.426984126984126965975718803747;0.077777777777777779011358916250;0.014814814814814815380206169948;0.005291005291005290711581210417;0.009523809523809524668624959531;0.004232804232804233089682011126;0.007407407407407407690103084974;0.004761904761904762334312479766;0.008465608465608466179364022253;0.003703703703703703845051542487;0.014285714285714285268213963320;0.022222222222222223070309254922;0.010582010582010581423162420833;0.010052910052910053045893690182;0.014285714285714285268213963320;0.014814814814814815380206169948;0.002116402116402116544841005563;0.007407407407407407690103084974;0.006349206349206349200842147695;0.002116402116402116544841005563;0.014814814814814815380206169948;0.010052910052910053045893690182;0.017460317460317460735996775156;0.012698412698412698401684295391;0.039682539682539680336859078125;0.004761904761904762334312479766;0.027513227513227513781890465339;0.007407407407407407690103084974;0.008465608465608466179364022253;0.004232804232804233089682011126;0.005820105820105819956211679056;0.010582010582010581423162420833;0.013756613756613756890945232669;0.003703703703703703845051542487;0.006878306878306878445472616335;0.002116402116402116544841005563;0.004761904761904762334312479766;0.006349206349206349200842147695;0.014814814814814815380206169948;0.000000000000000000000000000000;0.005820105820105819956211679056;0.018518518518518517490534236458;0.013756613756613756890945232669;0.007936507936507936067371815625;0.011111111111111111535154627461;0.003703703703703703845051542487;0.005291005291005290711581210417
-0.015723270440251572305223604076;0.006289308176100629269034136826;0.013836477987421384044930405821;0.388679245283018892642701302975;0.081132075471698109070395332765;0.036477987421383646637895736831;0.003144654088050314634517068413;0.006918238993710692022465202911;0.004402515723270440141379200583;0.008176100628930817529327335080;0.008176100628930817529327335080;0.039622641509433960405051067255;0.008176100628930817529327335080;0.015094339622641509551792537991;0.003773584905660377387948134498;0.020125786163522011579241066670;0.012578616352201258538068273651;0.006289308176100629269034136826;0.011949685534591195784637207566;0.003144654088050314634517068413;0.006289308176100629269034136826;0.005660377358490565648241332752;0.003773584905660377387948134498;0.012578616352201258538068273651;0.018867924528301886072378934500;0.010062893081761005789620533335;0.007547169811320754775896268995;0.006918238993710692022465202911;0.003773584905660377387948134498;0.076729559748427669796377870171;0.020754716981132074332672132755;0.013836477987421384044930405821;0.005660377358490565648241332752;0.004402515723270440141379200583;0.005660377358490565648241332752;0.018238993710691823318947868415;0.004402515723270440141379200583;0.006918238993710692022465202911;0.000000000000000000000000000000;0.009433962264150943036189467250;0.000000000000000000000000000000;0.003773584905660377387948134498;0.000000000000000000000000000000;0.007547169811320754775896268995;0.003773584905660377387948134498;0.004402515723270440141379200583;0.018238993710691823318947868415;0.009433962264150943036189467250;0.008805031446540880282758401165;0.008805031446540880282758401165
-0.023584905660377360192558882090;0.008844339622641509204847842796;0.025353773584905661686583755454;0.382075471698113233731675109084;0.052476415094339624867192384272;0.034198113207547169156708122273;0.002948113207547170024069860261;0.010613207547169810698872716159;0.007075471698113207710822969432;0.004716981132075471518094733625;0.007665094339622641542164593886;0.036556603773584904482074620091;0.015919811320754716915670812227;0.014150943396226415421645938864;0.004127358490566037686753109170;0.014150943396226415421645938864;0.010613207547169810698872716159;0.009433962264150943036189467250;0.017099056603773584578354061136;0.002948113207547170024069860261;0.005896226415094340048139720523;0.007665094339622641542164593886;0.002358490566037735759047366813;0.018867924528301886072378934500;0.018278301886792452241037310046;0.012971698113207547758962689954;0.005306603773584905349436358080;0.011792452830188680096279441045;0.004127358490566037686753109170;0.068985849056603779083651772908;0.020636792452830187566403807864;0.007075471698113207710822969432;0.001768867924528301927705742358;0.003537735849056603855411484716;0.009433962264150943036189467250;0.017099056603773584578354061136;0.002358490566037735759047366813;0.007665094339622641542164593886;0.000589622641509433939761841703;0.012382075471698113927621065500;0.004716981132075471518094733625;0.007075471698113207710822969432;0.000000000000000000000000000000;0.010613207547169810698872716159;0.005896226415094340048139720523;0.007665094339622641542164593886;0.018867924528301886072378934500;0.011202830188679244530214340614;0.004127358490566037686753109170;0.006485849056603773879481344977
-0.023457419683834777185404973920;0.011218765935747066972427710141;0.017338092809790924681001555996;0.366139724630290652740427503886;0.033656297807241206121453558353;0.024987251402345742046229304378;0.002549719530851606366650408120;0.007649158592554819099951224359;0.010708822029576747086876409298;0.010708822029576747086876409298;0.008669046404895462340500777998;0.045894951555328911130260394202;0.010198878123406425466601632479;0.015298317185109638199902448719;0.009178990311065782226052078840;0.023457419683834777185404973920;0.013768485466598673339078118261;0.009178990311065782226052078840;0.020397756246812850933203264958;0.004079551249362570360113000589;0.008159102498725140720226001179;0.006119326874043855106488631890;0.002549719530851606366650408120;0.018357980622131564452104157681;0.024987251402345742046229304378;0.022947475777664455565130197101;0.011218765935747066972427710141;0.013258541560428353453526817418;0.002549719530851606366650408120;0.032126466088730237791182275942;0.028556858745537989918705790160;0.014788373278939316579627671899;0.005609382967873533486213855070;0.003059663437021927553244315945;0.010708822029576747086876409298;0.016828148903620603060726779177;0.003059663437021927553244315945;0.010708822029576747086876409298;0.000509943906170321295014125074;0.004589495155532891113026039420;0.004589495155532891113026039420;0.010198878123406425466601632479;0.000000000000000000000000000000;0.010708822029576747086876409298;0.003569607343192248739838223770;0.010198878123406425466601632479;0.013258541560428353453526817418;0.015808261091279959820177225538;0.011218765935747066972427710141;0.011218765935747066972427710141
-0.049056603773584908645410962436;0.002515723270440251447405133334;0.038993710691823897651620001170;0.079874213836477983563533200595;0.003144654088050314634517068413;0.037106918238993709391326802916;0.004402515723270440141379200583;0.014465408805031446798361471906;0.011949685534591195784637207566;0.023270440251572325346396397094;0.020754716981132074332672132755;0.023270440251572325346396397094;0.030817610062893081857016142067;0.043396226415094336925637463764;0.001257861635220125723702566667;0.033333333333333332870740406406;0.016981132075471697812085736246;0.013836477987421384044930405821;0.004402515723270440141379200583;0.006289308176100629269034136826;0.013207547169811321291499339736;0.020125786163522011579241066670;0.005660377358490565648241332752;0.031446540880503144610447208152;0.049685534591194971398842028520;0.036477987421383646637895736831;0.023270440251572325346396397094;0.000628930817610062861851283333;0.001886792452830188693974067249;0.018238993710691823318947868415;0.020125786163522011579241066670;0.010691823899371068543051599420;0.008176100628930817529327335080;0.011320754716981131296482665505;0.036477987421383646637895736831;0.023899371069182391569274415133;0.011320754716981131296482665505;0.011320754716981131296482665505;0.004402515723270440141379200583;0.024528301886792454322705481218;0.005031446540880502894810266667;0.003773584905660377387948134498;0.000000000000000000000000000000;0.011320754716981131296482665505;0.002515723270440251447405133334;0.025786163522012579829567613388;0.040251572327044023158482133340;0.032704402515723270117309340321;0.032075471698113207363878274236;0.024528301886792454322705481218
-0.023060796645702305585068359051;0.014675052410901468294412985927;0.027253668763102725097757783601;0.324248777078965766396123626691;0.018169112508735148908689538416;0.020265548567435360399757726668;0.004192872117400419512689424550;0.009783368273934311618034165292;0.020265548567435360399757726668;0.014675052410901468294412985927;0.009783368273934311618034165292;0.050314465408805034152273094605;0.004891684136967155809017082646;0.030747728860936407446757812068;0.006289308176100629269034136826;0.016072676450034940887068302118;0.016771488469601678050757698202;0.016072676450034940887068302118;0.003494060097833682782680897461;0.006289308176100629269034136826;0.006988120195667365565361794921;0.011180992313067784210689481483;0.000698812019566736513168092593;0.022361984626135568421378962967;0.027952480782669462261447179685;0.017470300489168415214447094286;0.017470300489168415214447094286;0.015373864430468203723378906034;0.003494060097833682782680897461;0.032145352900069881774136604236;0.028651292802236199425136575769;0.012578616352201258538068273651;0.003494060097833682782680897461;0.006988120195667365565361794921;0.005590496156533892105344740742;0.021663172606568831257689566883;0.002096436058700209756344712275;0.012578616352201258538068273651;0.006988120195667365565361794921;0.010482180293501048781723561376;0.002096436058700209756344712275;0.014675052410901468294412985927;0.000000000000000000000000000000;0.011180992313067784210689481483;0.002795248078266946052672370371;0.009783368273934311618034165292;0.014675052410901468294412985927;0.016771488469601678050757698202;0.013277428371767993967034193759;0.011180992313067784210689481483
-0.021302495435179549798654363713;0.007912355447352404508309930975;0.026780279975654290580688865475;0.368837492391965893201444259830;0.005477784540474741649396239751;0.026780279975654290580688865475;0.004260499087035909786258525145;0.007303712720632988576741073672;0.007912355447352404508309930975;0.015216068167985392217689266658;0.013998782714546560354551552052;0.038953134510042605742619059583;0.010346926354230066499861884211;0.019476567255021302871309529792;0.002434570906877662858913691224;0.026780279975654290580688865475;0.012781497261107730226137313423;0.012172854534388313427206718131;0.016433353621424222346103505288;0.003043213633597078356801679533;0.005477784540474741649396239751;0.005477784540474741649396239751;0.001825928180158247144185268418;0.024345709068776626854413436263;0.029214850882531954306964294688;0.024345709068776626854413436263;0.014607425441265977153482147344;0.003043213633597078356801679533;0.000000000000000000000000000000;0.031040779062690201234309128608;0.026171637248934873781758270184;0.009738283627510651435654764896;0.004260499087035909786258525145;0.004260499087035909786258525145;0.017650639074863055943964695871;0.019476567255021302871309529792;0.006695069993913572645172216369;0.006086427267194156713603359066;0.001217285453438831429456845612;0.012172854534388313427206718131;0.002434570906877662858913691224;0.006086427267194156713603359066;0.000000000000000000000000000000;0.013390139987827145290344432738;0.006086427267194156713603359066;0.009129640900791236371447645581;0.023737066342057213524929792925;0.024345709068776626854413436263;0.008520998174071819572517050290;0.010955569080949483298792479502
-0.014293882218410519646667466986;0.006861063464837049638567201271;0.027444253859348198554268805083;0.400800457404230980884562995925;0.022298456260720411759024273124;0.018867924528301886072378934500;0.004002287021154946056178403069;0.008004574042309892112356806138;0.025157232704402517076136547303;0.003430531732418524819283600635;0.007432818753573470875462003704;0.034877072612921666827645594822;0.006861063464837049638567201271;0.014293882218410519646667466986;0.016580903373356204594246676720;0.013722126929674099277134402541;0.012006861063464836433811733230;0.011435105774728416064278668784;0.010291595197255575325212539894;0.002858776443682104016069667196;0.008004574042309892112356806138;0.013150371640937678907601338096;0.003430531732418524819283600635;0.011435105774728416064278668784;0.018867924528301886072378934500;0.016580903373356204594246676720;0.023441966838193252498090402014;0.020011435105774726811445063390;0.002287021154945683212855733757;0.026872498570611778184735740638;0.018296169239565465702845870055;0.009719839908519153220955999473;0.003430531732418524819283600635;0.010863350485991995694745604339;0.010291595197255575325212539894;0.012006861063464836433811733230;0.001715265866209262409641800318;0.009148084619782732851422935028;0.004574042309891366425711467514;0.007432818753573470875462003704;0.006861063464837049638567201271;0.025728987993138937445669611748;0.000000000000000000000000000000;0.006289308176100629269034136826;0.011435105774728416064278668784;0.008576329331046312481889870583;0.015437392795883362120457071853;0.013722126929674099277134402541;0.005717552887364208032139334392;0.013150371640937678907601338096
-0.022298456260720411759024273124;0.009719839908519153220955999473;0.022298456260720411759024273124;0.371640937678673510813354141646;0.035448827901658090666625611220;0.025728987993138937445669611748;0.006861063464837049638567201271;0.006861063464837049638567201271;0.010863350485991995694745604339;0.008576329331046312481889870583;0.009719839908519153220955999473;0.044025157232704399679068529849;0.008004574042309892112356806138;0.017724413950829045333312805610;0.005717552887364208032139334392;0.021154945683247571019958144234;0.007432818753573470875462003704;0.008576329331046312481889870583;0.008576329331046312481889870583;0.004574042309891366425711467514;0.010291595197255575325212539894;0.006861063464837049638567201271;0.004002287021154946056178403069;0.014865637507146941750924007408;0.029159519725557463132314950371;0.023441966838193252498090402014;0.010291595197255575325212539894;0.010863350485991995694745604339;0.002287021154945683212855733757;0.048599199542595769574226949317;0.034305317324185249927559482330;0.006861063464837049638567201271;0.003430531732418524819283600635;0.005145797598627787662606269947;0.004574042309891366425711467514;0.012578616352201258538068273651;0.002287021154945683212855733757;0.010863350485991995694745604339;0.001143510577472841606427866878;0.011435105774728416064278668784;0.001715265866209262409641800318;0.012006861063464836433811733230;0.000000000000000000000000000000;0.010291595197255575325212539894;0.004574042309891366425711467514;0.006861063464837049638567201271;0.021154945683247571019958144234;0.018296169239565465702845870055;0.007432818753573470875462003704;0.008576329331046312481889870583
-0.017900338655055636483126590974;0.009675858732462506300864291120;0.014513788098693759451296436680;0.467343976777939040800902148476;0.035800677310111272966253181949;0.017900338655055636483126590974;0.003870343492985002260137195051;0.005805515239477503607046227074;0.012578616352201258538068273651;0.009675858732462506300864291120;0.006773101112723754063660308589;0.032897919690372520729049199417;0.005321722302854377945058317323;0.012094823415578132008718625912;0.007740686985970004520274390103;0.009192065795839381506238119357;0.013546202225447508127320617177;0.014029995162070632921946788940;0.003870343492985002260137195051;0.003870343492985002260137195051;0.006289308176100629269034136826;0.007740686985970004520274390103;0.007740686985970004520274390103;0.014997581035316884245922608443;0.013062409288824383332694445414;0.014997581035316884245922608443;0.012094823415578132008718625912;0.025641025641025640136039243089;0.001935171746492501130068597526;0.026124818577648766665388890829;0.017416545718432509953776943235;0.011127237542331882419466282386;0.002902757619738751803523113537;0.005321722302854377945058317323;0.005321722302854377945058317323;0.013062409288824383332694445414;0.004354136429608127488444235809;0.004354136429608127488444235809;0.004354136429608127488444235809;0.007740686985970004520274390103;0.003870343492985002260137195051;0.017416545718432509953776943235;0.000000000000000000000000000000;0.015965166908563133835174951969;0.005321722302854377945058317323;0.010159651669085631095490462883;0.012094823415578132008718625912;0.010159651669085631095490462883;0.004837929366231253150432145560;0.009192065795839381506238119357
-0.010198878123406425466601632479;0.012238653748087710212977263780;0.019887812340642529312928488139;0.417134115247322800890117378003;0.041815400305966345106956083555;0.014788373278939316579627671899;0.007139214686384497479676447540;0.009688934217236103846326855660;0.012748597654258031833252040599;0.013258541560428353453526817418;0.008159102498725140720226001179;0.013768485466598673339078118261;0.012748597654258031833252040599;0.011218765935747066972427710141;0.019377868434472207692653711320;0.015298317185109638199902448719;0.011218765935747066972427710141;0.009688934217236103846326855660;0.012238653748087710212977263780;0.001529831718510963776622157972;0.008159102498725140720226001179;0.009178990311065782226052078840;0.002039775624681285180056500295;0.014278429372768994959352895080;0.024477307496175420425954527559;0.015298317185109638199902448719;0.014278429372768994959352895080;0.026517083120856706907053634836;0.004589495155532891113026039420;0.027536970933197346678156236521;0.014278429372768994959352895080;0.014788373278939316579627671899;0.005099439061703212733300816240;0.006119326874043855106488631890;0.006629270780214176726763408709;0.018867924528301886072378934500;0.002039775624681285180056500295;0.013768485466598673339078118261;0.000509943906170321295014125074;0.010198878123406425466601632479;0.007649158592554819099951224359;0.010198878123406425466601632479;0.000000000000000000000000000000;0.009178990311065782226052078840;0.012238653748087710212977263780;0.014278429372768994959352895080;0.008159102498725140720226001179;0.010708822029576747086876409298;0.007649158592554819099951224359;0.007139214686384497479676447540
-0.014740566037735849252987563318;0.011202830188679244530214340614;0.018867924528301886072378934500;0.435731132075471705444869030543;0.072523584905660382071701519635;0.019457547169811319903720558955;0.009433962264150943036189467250;0.011792452830188680096279441045;0.005896226415094340048139720523;0.008254716981132075373506218341;0.007075471698113207710822969432;0.010613207547169810698872716159;0.007665094339622641542164593886;0.011202830188679244530214340614;0.012382075471698113927621065500;0.012382075471698113927621065500;0.010023584905660376867531091705;0.011202830188679244530214340614;0.013561320754716981590304314409;0.003537735849056603855411484716;0.012971698113207547758962689954;0.006485849056603773879481344977;0.002358490566037735759047366813;0.017688679245283018409695685591;0.011202830188679244530214340614;0.011792452830188680096279441045;0.012971698113207547758962689954;0.018867924528301886072378934500;0.003537735849056603855411484716;0.037146226415094338313416244546;0.009433962264150943036189467250;0.015330188679245283084329187773;0.002948113207547170024069860261;0.005306603773584905349436358080;0.010023584905660376867531091705;0.011202830188679244530214340614;0.004127358490566037686753109170;0.007665094339622641542164593886;0.001768867924528301927705742358;0.006485849056603773879481344977;0.004127358490566037686753109170;0.008254716981132075373506218341;0.000000000000000000000000000000;0.011792452830188680096279441045;0.010023584905660376867531091705;0.013561320754716981590304314409;0.010613207547169810698872716159;0.007665094339622641542164593886;0.007665094339622641542164593886;0.009433962264150943036189467250
-0.014824797843665768123933013101;0.014824797843665768123933013101;0.022237196765498651318537781663;0.487196765498652317738503825240;0.053234501347708892970977956338;0.008760107816711590333902393013;0.006064690026954177790030620088;0.012803234501347708282348314413;0.008760107816711590333902393013;0.008086253369272237631615318776;0.008086253369272237631615318776;0.006064690026954177790030620088;0.005390835579514825087743545851;0.010781671159029650175487091701;0.012803234501347708282348314413;0.008086253369272237631615318776;0.011455525606469002877774165938;0.013477088948787062719358864626;0.004716981132075471518094733625;0.002021563342318059407903829694;0.008086253369272237631615318776;0.004043126684636118815807659388;0.005390835579514825087743545851;0.010107816711590295738476541487;0.008086253369272237631615318776;0.014824797843665768123933013101;0.015498652291105120826220087338;0.043800539083557951669511965065;0.004043126684636118815807659388;0.023584905660377360192558882090;0.010107816711590295738476541487;0.011455525606469002877774165938;0.000673854447439353135967943231;0.007412398921832884061966506550;0.006064690026954177790030620088;0.009433962264150943036189467250;0.006064690026954177790030620088;0.008086253369272237631615318776;0.000000000000000000000000000000;0.009433962264150943036189467250;0.004043126684636118815807659388;0.008086253369272237631615318776;0.000000000000000000000000000000;0.012129380053908355580061240175;0.010107816711590295738476541487;0.006738544474393531359679432313;0.010107816711590295738476541487;0.008760107816711590333902393013;0.006738544474393531359679432313;0.007412398921832884061966506550
-0.013062409288824383332694445414;0.005805515239477503607046227074;0.031930333817126267670349903938;0.272859216255442682541598742318;0.113207547169811323373167510908;0.016690856313497821894475947602;0.008708272859216254976888471617;0.014513788098693759451296436680;0.007256894049346879725648218340;0.015239477503628447510597432313;0.007982583454281566917587475984;0.007256894049346879725648218340;0.010885341074020319154791458516;0.023222060957910014428184908297;0.015965166908563133835174951969;0.013062409288824383332694445414;0.010159651669085631095490462883;0.010159651669085631095490462883;0.014513788098693759451296436680;0.005079825834542815547745231441;0.009433962264150943036189467250;0.014513788098693759451296436680;0.003628447024673439862824109170;0.022496371552975326368883912664;0.022496371552975326368883912664;0.023947750362844702487485903930;0.020319303338171262190980925766;0.013788098693759071391995441047;0.002902757619738751803523113537;0.024673439767779390546786899563;0.011611030478955007214092454149;0.019593613933236574131679930133;0.005805515239477503607046227074;0.014513788098693759451296436680;0.013062409288824383332694445414;0.024673439767779390546786899563;0.006531204644412191666347222707;0.007256894049346879725648218340;0.000725689404934687950880778384;0.016690856313497821894475947602;0.003628447024673439862824109170;0.002902757619738751803523113537;0.000000000000000000000000000000;0.013788098693759071391995441047;0.011611030478955007214092454149;0.010885341074020319154791458516;0.020319303338171262190980925766;0.014513788098693759451296436680;0.011611030478955007214092454149;0.014513788098693759451296436680
-0.024458420684835779912447151219;0.006289308176100629269034136826;0.022361984626135568421378962967;0.398322851153039836358260572524;0.023759608665269042748757755135;0.011180992313067784210689481483;0.002096436058700209756344712275;0.008385744234800839025378849101;0.003494060097833682782680897461;0.020265548567435360399757726668;0.009783368273934311618034165292;0.009783368273934311618034165292;0.002795248078266946052672370371;0.030048916841369670283068415984;0.005590496156533892105344740742;0.013976240391334731130723589843;0.009084556254367574454344769208;0.008385744234800839025378849101;0.020265548567435360399757726668;0.004192872117400419512689424550;0.006289308176100629269034136826;0.004192872117400419512689424550;0.002096436058700209756344712275;0.027253668763102725097757783601;0.017470300489168415214447094286;0.031446540880503144610447208152;0.018867924528301886072378934500;0.041928721174004195126894245504;0.000698812019566736513168092593;0.020265548567435360399757726668;0.011180992313067784210689481483;0.010482180293501048781723561376;0.002096436058700209756344712275;0.003494060097833682782680897461;0.004891684136967155809017082646;0.020265548567435360399757726668;0.008385744234800839025378849101;0.006289308176100629269034136826;0.000000000000000000000000000000;0.006289308176100629269034136826;0.001397624039133473026336185185;0.010482180293501048781723561376;0.000000000000000000000000000000;0.017470300489168415214447094286;0.006988120195667365565361794921;0.011879804332634521374378877567;0.035639412997903560653689680748;0.016072676450034940887068302118;0.012578616352201258538068273651;0.009084556254367574454344769208
-0.030817610062893081857016142067;0.015094339622641509551792537991;0.037735849056603772144757869000;0.336477987421383628596771586672;0.012578616352201258538068273651;0.021383647798742137086103198840;0.001257861635220125723702566667;0.008176100628930817529327335080;0.007547169811320754775896268995;0.023899371069182391569274415133;0.007547169811320754775896268995;0.015723270440251572305223604076;0.006918238993710692022465202911;0.033333333333333332870740406406;0.010691823899371068543051599420;0.023270440251572325346396397094;0.018238993710691823318947868415;0.011949685534591195784637207566;0.021383647798742137086103198840;0.006289308176100629269034136826;0.016352201257861635058654670161;0.003773584905660377387948134498;0.002515723270440251447405133334;0.028301886792452830843291877727;0.028301886792452830843291877727;0.023270440251572325346396397094;0.012578616352201258538068273651;0.006289308176100629269034136826;0.002515723270440251447405133334;0.022012578616352199839534264925;0.009433962264150943036189467250;0.014465408805031446798361471906;0.000628930817610062861851283333;0.003773584905660377387948134498;0.007547169811320754775896268995;0.021383647798742137086103198840;0.006289308176100629269034136826;0.005660377358490565648241332752;0.001257861635220125723702566667;0.010691823899371068543051599420;0.007547169811320754775896268995;0.005660377358490565648241332752;0.000000000000000000000000000000;0.013207547169811321291499339736;0.006918238993710692022465202911;0.008176100628930817529327335080;0.032704402515723270117309340321;0.027672955974842768089860811642;0.011320754716981131296482665505;0.009433962264150943036189467250
-0.024764150943396227855242131000;0.005896226415094340048139720523;0.028891509433962264674633502182;0.396816037735849058698534008727;0.023584905660377360192558882090;0.018867924528301886072378934500;0.002358490566037735759047366813;0.011792452830188680096279441045;0.004716981132075471518094733625;0.015919811320754716915670812227;0.012382075471698113927621065500;0.017099056603773584578354061136;0.008254716981132075373506218341;0.031839622641509433831341624455;0.012382075471698113927621065500;0.016509433962264150747012436682;0.007075471698113207710822969432;0.007075471698113207710822969432;0.014150943396226415421645938864;0.004716981132075471518094733625;0.008254716981132075373506218341;0.013561320754716981590304314409;0.000000000000000000000000000000;0.034787735849056602988049746727;0.029481132075471698505975126636;0.019457547169811319903720558955;0.017099056603773584578354061136;0.011202830188679244530214340614;0.002948113207547170024069860261;0.014150943396226415421645938864;0.011202830188679244530214340614;0.015330188679245283084329187773;0.002948113207547170024069860261;0.002358490566037735759047366813;0.011202830188679244530214340614;0.010613207547169810698872716159;0.005306603773584905349436358080;0.007665094339622641542164593886;0.001768867924528301927705742358;0.005896226415094340048139720523;0.001179245283018867879523683406;0.005896226415094340048139720523;0.000000000000000000000000000000;0.012971698113207547758962689954;0.004127358490566037686753109170;0.015330188679245283084329187773;0.029481132075471698505975126636;0.018867924528301886072378934500;0.011202830188679244530214340614;0.010613207547169810698872716159
-0.015919811320754716915670812227;0.013561320754716981590304314409;0.026533018867924529349267004363;0.405070754716981118459528943276;0.044811320754716978120857362455;0.014740566037735849252987563318;0.012971698113207547758962689954;0.010023584905660376867531091705;0.007665094339622641542164593886;0.011792452830188680096279441045;0.006485849056603773879481344977;0.008254716981132075373506218341;0.004716981132075471518094733625;0.018867924528301886072378934500;0.019457547169811319903720558955;0.016509433962264150747012436682;0.015919811320754716915670812227;0.006485849056603773879481344977;0.017099056603773584578354061136;0.002948113207547170024069860261;0.010613207547169810698872716159;0.009433962264150943036189467250;0.001768867924528301927705742358;0.015330188679245283084329187773;0.020636792452830187566403807864;0.018278301886792452241037310046;0.014740566037735849252987563318;0.019457547169811319903720558955;0.008844339622641509204847842796;0.016509433962264150747012436682;0.013561320754716981590304314409;0.011202830188679244530214340614;0.003537735849056603855411484716;0.006485849056603773879481344977;0.004127358490566037686753109170;0.019457547169811319903720558955;0.002948113207547170024069860261;0.014740566037735849252987563318;0.002948113207547170024069860261;0.004716981132075471518094733625;0.008844339622641509204847842796;0.009433962264150943036189467250;0.000000000000000000000000000000;0.012971698113207547758962689954;0.017688679245283018409695685591;0.008844339622641509204847842796;0.013561320754716981590304314409;0.008844339622641509204847842796;0.007075471698113207710822969432;0.013561320754716981590304314409
-0.010584445467096180795718574075;0.012425218591808558782352278627;0.022089277496548549717392262437;0.494247583985273797324566658062;0.040036815462494247663816082650;0.011965025310630464719374721483;0.008283479061205707011383836402;0.011044638748274274858696131218;0.007363092498849517150705246138;0.011965025310630464719374721483;0.011965025310630464719374721483;0.005522319374137137429348065609;0.004601932811780947568669475345;0.009664058904739990935039983810;0.011965025310630464719374721483;0.010584445467096180795718574075;0.013805798435342844440731902012;0.009664058904739990935039983810;0.009664058904739990935039983810;0.004141739530602853505691918201;0.008743672342383801074361393546;0.009664058904739990935039983810;0.005982512655315232359687360741;0.010584445467096180795718574075;0.015646571560055222427365606563;0.015646571560055222427365606563;0.012885411872986654580053311747;0.029452369995398068602820984552;0.003221352968246663645013327937;0.011965025310630464719374721483;0.009664058904739990935039983810;0.014726184997699034301410492276;0.004601932811780947568669475345;0.010584445467096180795718574075;0.003681546249424758575352623069;0.013805798435342844440731902012;0.001840773124712379287676311534;0.010124252185918084998017540954;0.001380579843534284357337016402;0.008283479061205707011383836402;0.005522319374137137429348065609;0.008283479061205707011383836402;0.000000000000000000000000000000;0.009203865623561895137338950690;0.007363092498849517150705246138;0.012425218591808558782352278627;0.012885411872986654580053311747;0.009203865623561895137338950690;0.005062126092959042499008770477;0.005982512655315232359687360741
-0.019439679817038306441911998945;0.007432818753573470875462003704;0.017152658662092624963779741165;0.375071469411092039969446432224;0.061749571183533448481828287413;0.025157232704402517076136547303;0.007432818753573470875462003704;0.009719839908519153220955999473;0.006289308176100629269034136826;0.006289308176100629269034136826;0.007432818753573470875462003704;0.017152658662092624963779741165;0.012006861063464836433811733230;0.013722126929674099277134402541;0.013722126929674099277134402541;0.014293882218410519646667466986;0.010291595197255575325212539894;0.009148084619782732851422935028;0.013722126929674099277134402541;0.002858776443682104016069667196;0.006289308176100629269034136826;0.004002287021154946056178403069;0.002858776443682104016069667196;0.013722126929674099277134402541;0.026300743281875357815202676193;0.013150371640937678907601338096;0.012578616352201258538068273651;0.036592338479130931405691740110;0.005145797598627787662606269947;0.034877072612921666827645594822;0.019439679817038306441911998945;0.012006861063464836433811733230;0.005145797598627787662606269947;0.005145797598627787662606269947;0.015437392795883362120457071853;0.012006861063464836433811733230;0.005717552887364208032139334392;0.010863350485991995694745604339;0.002858776443682104016069667196;0.011435105774728416064278668784;0.006861063464837049638567201271;0.010291595197255575325212539894;0.000000000000000000000000000000;0.006289308176100629269034136826;0.013150371640937678907601338096;0.007432818753573470875462003704;0.012006861063464836433811733230;0.013722126929674099277134402541;0.011435105774728416064278668784;0.013150371640937678907601338096
-0.020202020202020203737403036826;0.005050505050505050934350759206;0.025252525252525252069668582067;0.360830527497194186725693043627;0.019079685746352412906157169914;0.034792368125701460257470643000;0.002805836139169472307625108343;0.009539842873176206453078584957;0.007295173961840628260033803087;0.013468013468013467423545215240;0.019079685746352412906157169914;0.008417508417508417356556194022;0.021885521885521886514824885239;0.022446689113355778461000866741;0.003928170594837261837828368272;0.012906846240179573742645757761;0.006734006734006733711772607620;0.008417508417508417356556194022;0.014029180695847362839168148696;0.006172839506172839163511412153;0.011223344556677889230500433371;0.008978675645342312772179127478;0.003367003367003366855886303810;0.016835016835016834713112388044;0.033108866442199777480048794587;0.015151515151515151935690539631;0.019640852974186308321780103370;0.014590347923681256520067606175;0.002805836139169472307625108343;0.032547699214365878594978909177;0.018518518518518517490534236458;0.015151515151515151935690539631;0.004489337822671156386089563739;0.009539842873176206453078584957;0.024691358024691356654045648611;0.012906846240179573742645757761;0.007295173961840628260033803087;0.011223344556677889230500433371;0.001122334455667789096522390935;0.012906846240179573742645757761;0.002244668911335578193044781870;0.003367003367003366855886303810;0.000000000000000000000000000000;0.013468013468013467423545215240;0.007295173961840628260033803087;0.007295173961840628260033803087;0.020763187429854095683579018328;0.020202020202020203737403036826;0.014590347923681256520067606175;0.012345679012345678327022824305
-0.015094339622641509551792537991;0.008625336927223720487334368556;0.022102425876010783206693233183;0.408086253369272233815223671627;0.045822102425876011511096663753;0.018328840970350403216659884720;0.007547169811320754775896268995;0.011320754716981131296482665505;0.012398921832884097007920765066;0.011859838274932614152201715285;0.008625336927223720487334368556;0.024797843665768194015841530131;0.008625336927223720487334368556;0.012938005390835579863639814846;0.007008086253369271920177219215;0.009703504043126684464048992140;0.011859838274932614152201715285;0.016711590296495958118949687332;0.014016172506738543840354438430;0.002695417789757412543871772925;0.011320754716981131296482665505;0.005929919137466307076100857643;0.003773584905660377387948134498;0.012938005390835579863639814846;0.024797843665768194015841530131;0.015094339622641509551792537991;0.018328840970350403216659884720;0.023180592991913745448684380790;0.004851752021563342232024496070;0.030727762803234501959304125762;0.017789757412398920360940834939;0.010242587601078167319768041921;0.003773584905660377387948134498;0.004312668463611860243667184278;0.009164420485175201608329942360;0.012938005390835579863639814846;0.004312668463611860243667184278;0.008086253369272237631615318776;0.001078167115902965060916796070;0.007547169811320754775896268995;0.002156334231805930121833592139;0.012938005390835579863639814846;0.000000000000000000000000000000;0.015094339622641509551792537991;0.005390835579514825087743545851;0.009164420485175201608329942360;0.014016172506738543840354438430;0.012938005390835579863639814846;0.010242587601078167319768041921;0.009703504043126684464048992140
-0.008844339622641509204847842796;0.010023584905660376867531091705;0.015330188679245283084329187773;0.477594339622641528286806078540;0.112028301886792455710484261999;0.008254716981132075373506218341;0.006485849056603773879481344977;0.008254716981132075373506218341;0.003537735849056603855411484716;0.005896226415094340048139720523;0.006485849056603773879481344977;0.010023584905660376867531091705;0.006485849056603773879481344977;0.008844339622641509204847842796;0.023584905660377360192558882090;0.006485849056603773879481344977;0.010023584905660376867531091705;0.008844339622641509204847842796;0.014740566037735849252987563318;0.002948113207547170024069860261;0.005896226415094340048139720523;0.004716981132075471518094733625;0.001768867924528301927705742358;0.007075471698113207710822969432;0.014740566037735849252987563318;0.007665094339622641542164593886;0.005306603773584905349436358080;0.035966981132075470650732995637;0.003537735849056603855411484716;0.027122641509433963180608628818;0.008844339622641509204847842796;0.010023584905660376867531091705;0.002948113207547170024069860261;0.007665094339622641542164593886;0.002358490566037735759047366813;0.012382075471698113927621065500;0.002358490566037735759047366813;0.004127358490566037686753109170;0.001768867924528301927705742358;0.010023584905660376867531091705;0.006485849056603773879481344977;0.004716981132075471518094733625;0.000000000000000000000000000000;0.007665094339622641542164593886;0.013561320754716981590304314409;0.007075471698113207710822969432;0.011202830188679244530214340614;0.008844339622641509204847842796;0.002948113207547170024069860261;0.006485849056603773879481344977
-0.011792452830188680096279441045;0.025353773584905661686583755454;0.011792452830188680096279441045;0.430424528301886766268324890916;0.053655660377358492529875633181;0.018867924528301886072378934500;0.010023584905660376867531091705;0.012382075471698113927621065500;0.007075471698113207710822969432;0.009433962264150943036189467250;0.007075471698113207710822969432;0.012382075471698113927621065500;0.011792452830188680096279441045;0.011202830188679244530214340614;0.028301886792452830843291877727;0.015330188679245283084329187773;0.006485849056603773879481344977;0.007075471698113207710822969432;0.013561320754716981590304314409;0.002948113207547170024069860261;0.007075471698113207710822969432;0.001768867924528301927705742358;0.002358490566037735759047366813;0.014740566037735849252987563318;0.019457547169811319903720558955;0.015919811320754716915670812227;0.013561320754716981590304314409;0.051886792452830191035850759818;0.002358490566037735759047366813;0.024174528301886794023900506545;0.011792452830188680096279441045;0.007075471698113207710822969432;0.004127358490566037686753109170;0.006485849056603773879481344977;0.008844339622641509204847842796;0.008844339622641509204847842796;0.001179245283018867879523683406;0.005896226415094340048139720523;0.002358490566037735759047366813;0.007075471698113207710822969432;0.004716981132075471518094733625;0.004127358490566037686753109170;0.000000000000000000000000000000;0.009433962264150943036189467250;0.020636792452830187566403807864;0.008844339622641509204847842796;0.010613207547169810698872716159;0.006485849056603773879481344977;0.004127358490566037686753109170;0.007075471698113207710822969432
-0.030158730158730159137681070547;0.004761904761904762334312479766;0.031746031746031744269487262500;0.302116402116402116284632484167;0.001058201058201058272420502782;0.016402116402116400512012361901;0.006878306878306878445472616335;0.010582010582010581423162420833;0.028042328042328042159159195990;0.015873015873015872134743631250;0.008465608465608466179364022253;0.023809523809523808202115446875;0.007936507936507936067371815625;0.033862433862433864717456089011;0.002645502645502645355790605208;0.017460317460317460735996775156;0.015343915343915343757474900599;0.015873015873015872134743631250;0.011111111111111111535154627461;0.006878306878306878445472616335;0.011111111111111111535154627461;0.020634920634920634469056111016;0.004232804232804233089682011126;0.023280423280423279824846716224;0.033333333333333332870740406406;0.025925925925925925180637321432;0.014814814814814815380206169948;0.002116402116402116544841005563;0.001587301587301587300210536924;0.017460317460317460735996775156;0.030158730158730159137681070547;0.016402116402116400512012361901;0.002645502645502645355790605208;0.006878306878306878445472616335;0.014814814814814815380206169948;0.022751322751322751447577985573;0.006349206349206349200842147695;0.012698412698412698401684295391;0.010582010582010581423162420833;0.016402116402116400512012361901;0.001058201058201058272420502782;0.014285714285714285268213963320;0.000000000000000000000000000000;0.014814814814814815380206169948;0.001587301587301587300210536924;0.019576719576719577714518649714;0.016931216931216932358728044505;0.022222222222222223070309254922;0.015873015873015872134743631250;0.008465608465608466179364022253
-0.025353773584905661686583755454;0.004127358490566037686753109170;0.035377358490566036819391371182;0.300707547169811295617591895279;0.024174528301886794023900506545;0.022405660377358489060428681228;0.003537735849056603855411484716;0.010023584905660376867531091705;0.021226415094339621397745432319;0.019457547169811319903720558955;0.008254716981132075373506218341;0.043632075471698110458174113546;0.005896226415094340048139720523;0.022995283018867922891770305682;0.007075471698113207710822969432;0.022995283018867922891770305682;0.011792452830188680096279441045;0.011202830188679244530214340614;0.011202830188679244530214340614;0.005306603773584905349436358080;0.009433962264150943036189467250;0.008844339622641509204847842796;0.001179245283018867879523683406;0.027712264150943397011950253273;0.033608490566037735325366497818;0.022995283018867922891770305682;0.014150943396226415421645938864;0.014150943396226415421645938864;0.003537735849056603855411484716;0.034198113207547169156708122273;0.026533018867924529349267004363;0.012971698113207547758962689954;0.002358490566037735759047366813;0.003537735849056603855411484716;0.008844339622641509204847842796;0.024764150943396227855242131000;0.004127358490566037686753109170;0.006485849056603773879481344977;0.005306603773584905349436358080;0.006485849056603773879481344977;0.004127358490566037686753109170;0.013561320754716981590304314409;0.000000000000000000000000000000;0.017099056603773584578354061136;0.004127358490566037686753109170;0.005896226415094340048139720523;0.024764150943396227855242131000;0.017688679245283018409695685591;0.008254716981132075373506218341;0.016509433962264150747012436682
-0.029245283018867924973438476854;0.008490566037735848906042868123;0.020754716981132074332672132755;0.383962264150943421991968307339;0.006603773584905660645749669868;0.019811320754716980202525533628;0.004716981132075471518094733625;0.006603773584905660645749669868;0.006603773584905660645749669868;0.012264150943396227161352740609;0.012264150943396227161352740609;0.030188679245283019103585075982;0.008962264150943395971116167686;0.025000000000000001387778780781;0.004245283018867924453021434061;0.019811320754716980202525533628;0.009905660377358490101262766814;0.011320754716981131296482665505;0.013207547169811321291499339736;0.004245283018867924453021434061;0.013679245283018868356572639300;0.008018867924528301840969568559;0.003301886792452830322874834934;0.024528301886792454322705481218;0.028301886792452830843291877727;0.018867924528301886072378934500;0.016509433962264150747012436682;0.010849056603773584231409365941;0.001886792452830188693974067249;0.019339622641509433137452234064;0.024056603773584907257632181654;0.014622641509433962486719238427;0.001886792452830188693974067249;0.003773584905660377387948134498;0.011320754716981131296482665505;0.020754716981132074332672132755;0.006603773584905660645749669868;0.007075471698113207710822969432;0.000943396226415094346987033624;0.007547169811320754775896268995;0.001886792452830188693974067249;0.008962264150943395971116167686;0.000000000000000000000000000000;0.019339622641509433137452234064;0.005660377358490565648241332752;0.015566037735849056616865837555;0.024056603773584907257632181654;0.020283018867924527267598833191;0.010849056603773584231409365941;0.011320754716981131296482665505
-0.028825995807127881981335448813;0.015723270440251572305223604076;0.044025157232704399679068529849;0.206498951781970641050634185376;0.005765199161425576396267089763;0.018867924528301886072378934500;0.007337526205450734147206492963;0.017819706498951780326844840374;0.016247379454926623443267175162;0.021488469601677148701490693838;0.012054507337526205665301226588;0.030922431865828093472403637065;0.012578616352201258538068273651;0.031446540880503144610447208152;0.011006289308176099919767132462;0.022012578616352199839534264925;0.013626834381551362548878891801;0.014150943396226415421645938864;0.008909853249475890163422420187;0.008909853249475890163422420187;0.013102725366876309676111844738;0.015723270440251572305223604076;0.007337526205450734147206492963;0.025681341719077568214180118389;0.030398322851153038864913114026;0.030398322851153038864913114026;0.019392033542976940679869457540;0.020964360587002097563447122752;0.004192872117400419512689424550;0.018343815513626834934335363414;0.022012578616352199839534264925;0.023584905660377360192558882090;0.003668763102725367073603246482;0.009433962264150943036189467250;0.014150943396226415421645938864;0.037211740041928724476161249868;0.009958071278825995908956514313;0.008385744234800839025378849101;0.001048218029350104878172356138;0.013102725366876309676111844738;0.003144654088050314634517068413;0.013102725366876309676111844738;0.000000000000000000000000000000;0.013102725366876309676111844738;0.005241090146750524390861780688;0.011006289308176099919767132462;0.027777777777777776235801354687;0.021488469601677148701490693838;0.015199161425576519432456557013;0.013626834381551362548878891801
-0.018278301886792452241037310046;0.015919811320754716915670812227;0.048349056603773588047801013090;0.226415094339622646746335021817;0.013561320754716981590304314409;0.020636792452830187566403807864;0.007075471698113207710822969432;0.012971698113207547758962689954;0.011792452830188680096279441045;0.014150943396226415421645938864;0.017688679245283018409695685591;0.025353773584905661686583755454;0.012971698113207547758962689954;0.036556603773584904482074620091;0.004127358490566037686753109170;0.010613207547169810698872716159;0.018867924528301886072378934500;0.017688679245283018409695685591;0.006485849056603773879481344977;0.010023584905660376867531091705;0.010613207547169810698872716159;0.008254716981132075373506218341;0.007665094339622641542164593886;0.024764150943396227855242131000;0.027122641509433963180608628818;0.027122641509433963180608628818;0.023584905660377360192558882090;0.016509433962264150747012436682;0.002358490566037735759047366813;0.021816037735849055229087056773;0.012382075471698113927621065500;0.019457547169811319903720558955;0.004716981132075471518094733625;0.009433962264150943036189467250;0.024174528301886794023900506545;0.037146226415094338313416244546;0.008844339622641509204847842796;0.009433962264150943036189467250;0.005896226415094340048139720523;0.012971698113207547758962689954;0.007665094339622641542164593886;0.015919811320754716915670812227;0.000000000000000000000000000000;0.012971698113207547758962689954;0.004127358490566037686753109170;0.010023584905660376867531091705;0.031839622641509433831341624455;0.019457547169811319903720558955;0.018867924528301886072378934500;0.015330188679245283084329187773
-0.022012578616352199839534264925;0.007337526205450734147206492963;0.027777777777777776235801354687;0.364255765199161418710360749174;0.019916142557651991817913028626;0.027777777777777776235801354687;0.002096436058700209756344712275;0.012054507337526205665301226588;0.017295597484276729188801269288;0.010482180293501048781723561376;0.007861635220125786152611802038;0.009958071278825995908956514313;0.016247379454926623443267175162;0.018867924528301886072378934500;0.009958071278825995908956514313;0.014150943396226415421645938864;0.014675052410901468294412985927;0.015723270440251572305223604076;0.011530398322851152792534179525;0.005765199161425576396267089763;0.012578616352201258538068273651;0.014150943396226415421645938864;0.003144654088050314634517068413;0.024109014675052411330602453177;0.028825995807127881981335448813;0.018867924528301886072378934500;0.016247379454926623443267175162;0.013626834381551362548878891801;0.003144654088050314634517068413;0.022536687631027254447024787964;0.007337526205450734147206492963;0.015199161425576519432456557013;0.004716981132075471518094733625;0.008909853249475890163422420187;0.019392033542976940679869457540;0.016247379454926623443267175162;0.004716981132075471518094733625;0.011006289308176099919767132462;0.002096436058700209756344712275;0.008909853249475890163422420187;0.004716981132075471518094733625;0.011006289308176099919767132462;0.000000000000000000000000000000;0.009433962264150943036189467250;0.007337526205450734147206492963;0.011006289308176099919767132462;0.017295597484276729188801269288;0.016771488469601678050757698202;0.018867924528301886072378934500;0.012054507337526205665301226588
-0.023457419683834777185404973920;0.005609382967873533486213855070;0.027027027027027028527328411656;0.375318714941356434966479582727;0.027536970933197346678156236521;0.027027027027027028527328411656;0.004589495155532891113026039420;0.009178990311065782226052078840;0.016828148903620603060726779177;0.009688934217236103846326855660;0.009178990311065782226052078840;0.017848036715961242831829380862;0.018357980622131564452104157681;0.015298317185109638199902448719;0.005099439061703212733300816240;0.012748597654258031833252040599;0.012238653748087710212977263780;0.020397756246812850933203264958;0.012748597654258031833252040599;0.007649158592554819099951224359;0.011218765935747066972427710141;0.010708822029576747086876409298;0.004589495155532891113026039420;0.017338092809790924681001555996;0.029576746557878633159255343799;0.015298317185109638199902448719;0.010198878123406425466601632479;0.009178990311065782226052078840;0.002549719530851606366650408120;0.028556858745537989918705790160;0.012748597654258031833252040599;0.014788373278939316579627671899;0.006119326874043855106488631890;0.004589495155532891113026039420;0.017848036715961242831829380862;0.019377868434472207692653711320;0.006629270780214176726763408709;0.006629270780214176726763408709;0.001529831718510963776622157972;0.009178990311065782226052078840;0.004079551249362570360113000589;0.017338092809790924681001555996;0.000000000000000000000000000000;0.008159102498725140720226001179;0.007139214686384497479676447540;0.009178990311065782226052078840;0.019377868434472207692653711320;0.014788373278939316579627671899;0.013258541560428353453526817418;0.010198878123406425466601632479
-0.019342359767891684207974378751;0.010960670535138619663406700511;0.012250161186331398957549687623;0.385557704706640858027810736530;0.039974210186976145975368268637;0.024500322372662797915099375246;0.011605415860735010177839932055;0.016118633139909736839978648959;0.003223726627981946934314860798;0.003868471953578336581386354354;0.011605415860735010177839932055;0.018052869116698903179107915662;0.012894906511927787737259443190;0.011605415860735010177839932055;0.018697614442295291958817671230;0.005802707930367505088919966028;0.003223726627981946934314860798;0.014184397163120567031402430302;0.026434558349451967723675593902;0.002578981302385557720924236236;0.014184397163120567031402430302;0.004513217279174725794776978915;0.004513217279174725794776978915;0.016118633139909736839978648959;0.016118633139909736839978648959;0.021276595744680850547103645454;0.021276595744680850547103645454;0.010960670535138619663406700511;0.002578981302385557720924236236;0.051579626047711150949037772762;0.012250161186331398957549687623;0.005157962604771115441848472472;0.010960670535138619663406700511;0.008381689232753062809844202263;0.014184397163120567031402430302;0.014184397163120567031402430302;0.005802707930367505088919966028;0.010315925209542230883696944943;0.001289490651192778860462118118;0.009026434558349451589553957831;0.010315925209542230883696944943;0.004513217279174725794776978915;0.000000000000000000000000000000;0.010960670535138619663406700511;0.012250161186331398957549687623;0.010315925209542230883696944943;0.011605415860735010177839932055;0.010960670535138619663406700511;0.010960670535138619663406700511;0.010960670535138619663406700511
-0.025728987993138937445669611748;0.010291595197255575325212539894;0.023441966838193252498090402014;0.391080617495711824194160044499;0.004002287021154946056178403069;0.022870211549456832128557337569;0.002287021154945683212855733757;0.012578616352201258538068273651;0.005717552887364208032139334392;0.016580903373356204594246676720;0.013150371640937678907601338096;0.023441966838193252498090402014;0.011435105774728416064278668784;0.026300743281875357815202676193;0.006861063464837049638567201271;0.016580903373356204594246676720;0.009148084619782732851422935028;0.009148084619782732851422935028;0.013722126929674099277134402541;0.003430531732418524819283600635;0.010863350485991995694745604339;0.008576329331046312481889870583;0.003430531732418524819283600635;0.033733562035448826088579465932;0.031446540880503144610447208152;0.021154945683247571019958144234;0.016580903373356204594246676720;0.007432818753573470875462003704;0.002287021154945683212855733757;0.016580903373356204594246676720;0.020011435105774726811445063390;0.017152658662092624963779741165;0.005145797598627787662606269947;0.004002287021154946056178403069;0.008004574042309892112356806138;0.018296169239565465702845870055;0.006861063464837049638567201271;0.007432818753573470875462003704;0.001143510577472841606427866878;0.008004574042309892112356806138;0.003430531732418524819283600635;0.010863350485991995694745604339;0.000000000000000000000000000000;0.013722126929674099277134402541;0.004002287021154946056178403069;0.014293882218410519646667466986;0.020011435105774726811445063390;0.018867924528301886072378934500;0.008576329331046312481889870583;0.010291595197255575325212539894
-0.016460905349794240082328400376;0.010802469135802468536144971267;0.013374485596707818765849218323;0.377057613168724270469311932175;0.065843621399176960329313601505;0.020576131687242798368187024494;0.006687242798353909382924609162;0.006172839506172839163511412153;0.010288065843621399184093512247;0.011316872427983539622919906265;0.009259259259259258745267118229;0.011316872427983539622919906265;0.014403292181069959204675612341;0.015432098765432097908778530382;0.012345679012345678327022824305;0.009773662551440329832042053226;0.007716049382716048954389265191;0.019032921810699588577309171455;0.009773662551440329832042053226;0.006172839506172839163511412153;0.009773662551440329832042053226;0.006687242798353909382924609162;0.003086419753086419581755706076;0.014917695473251028556727071361;0.021604938271604937072289942535;0.014403292181069959204675612341;0.012345679012345678327022824305;0.040637860082304529119046065944;0.002057613168724280010291050047;0.040123456790123454562824178993;0.007201646090534979602337806170;0.009773662551440329832042053226;0.007716049382716048954389265191;0.005658436213991769811459953132;0.022633744855967079245839812529;0.014403292181069959204675612341;0.005144032921810699592046756123;0.006172839506172839163511412153;0.000514403292181070002572762512;0.010802469135802468536144971267;0.006172839506172839163511412153;0.007716049382716048954389265191;0.000000000000000000000000000000;0.005144032921810699592046756123;0.011831275720164608974971365285;0.011316872427983539622919906265;0.018004115226337449873206253415;0.009773662551440329832042053226;0.009773662551440329832042053226;0.010802469135802468536144971267
-0.022641509433962262592965331010;0.016711590296495958118949687332;0.026415094339622642582998679472;0.281940700808625321904798965988;0.039892183288409703567634068122;0.023180592991913745448684380790;0.004312668463611860243667184278;0.017250673854447440974668737113;0.011320754716981131296482665505;0.014555256064690026696073488210;0.017250673854447440974668737113;0.025876010781671159727279629692;0.014555256064690026696073488210;0.016711590296495958118949687332;0.008086253369272237631615318776;0.010781671159029650175487091701;0.010242587601078167319768041921;0.023180592991913745448684380790;0.024797843665768194015841530131;0.004312668463611860243667184278;0.012398921832884097007920765066;0.008086253369272237631615318776;0.016711590296495958118949687332;0.017789757412398920360940834939;0.022102425876010783206693233183;0.016172506738544475263230637552;0.014555256064690026696073488210;0.012938005390835579863639814846;0.003773584905660377387948134498;0.039892183288409703567634068122;0.023719676549865228304403430570;0.013477088948787062719358864626;0.014016172506738543840354438430;0.008086253369272237631615318776;0.011859838274932614152201715285;0.019407008086253368928097984281;0.008086253369272237631615318776;0.010242587601078167319768041921;0.002156334231805930121833592139;0.011859838274932614152201715285;0.006469002695417789931819907423;0.012398921832884097007920765066;0.000000000000000000000000000000;0.010781671159029650175487091701;0.009703504043126684464048992140;0.011320754716981131296482665505;0.015094339622641509551792537991;0.010781671159029650175487091701;0.014016172506738543840354438430;0.008086253369272237631615318776
-0.035639412997903560653689680748;0.006289308176100629269034136826;0.042976939203354297402981387677;0.014675052410901468294412985927;0.025157232704402517076136547303;0.040880503144654085911913199425;0.003144654088050314634517068413;0.015199161425576519432456557013;0.012578616352201258538068273651;0.028301886792452830843291877727;0.014150943396226415421645938864;0.060796645702306077729826228051;0.026205450733752619352223689475;0.033542976939203356101515396404;0.012054507337526205665301226588;0.029350104821802936588825971853;0.019916142557651991817913028626;0.015199161425576519432456557013;0.013102725366876309676111844738;0.007337526205450734147206492963;0.015723270440251572305223604076;0.008385744234800839025378849101;0.006289308176100629269034136826;0.035115303983228512985093061616;0.038259958071278826752248392040;0.036163522012578615261180203788;0.025681341719077568214180118389;0.028825995807127881981335448813;0.002096436058700209756344712275;0.033018867924528301494024873364;0.038259958071278826752248392040;0.021488469601677148701490693838;0.007337526205450734147206492963;0.007861635220125786152611802038;0.022536687631027254447024787964;0.026729559748427673959714212515;0.010482180293501048781723561376;0.011006289308176099919767132462;0.001048218029350104878172356138;0.009958071278825995908956514313;0.005241090146750524390861780688;0.014675052410901468294412985927;0.000000000000000000000000000000;0.018867924528301886072378934500;0.005241090146750524390861780688;0.012054507337526205665301226588;0.035115303983228512985093061616;0.027777777777777776235801354687;0.022012578616352199839534264925;0.016247379454926623443267175162
-0.061472915398660989139134613879;0.007303712720632988576741073672;0.048691418137553253708826872526;0.017041996348143639145034100579;0.010955569080949483298792479502;0.044430919050517346524653561346;0.004260499087035909786258525145;0.019476567255021302871309529792;0.016433353621424222346103505288;0.028606208155812537508033699396;0.019476567255021302871309529792;0.037735849056603772144757869000;0.012172854534388313427206718131;0.043213633597078512926792370763;0.007912355447352404508309930975;0.026171637248934873781758270184;0.017650639074863055943964695871;0.015824710894704809016619861950;0.016433353621424222346103505288;0.010346926354230066499861884211;0.016433353621424222346103505288;0.009738283627510651435654764896;0.006086427267194156713603359066;0.034692635423006691619551844497;0.052951917224589167831894087612;0.036518563603164945485790582325;0.020085209981740719670240125083;0.002434570906877662858913691224;0.000608642726719415714728422806;0.041387705416920265999447536842;0.026780279975654290580688865475;0.017041996348143639145034100579;0.004869141813755325717827382448;0.008520998174071819572517050290;0.009738283627510651435654764896;0.038953134510042605742619059583;0.007912355447352404508309930975;0.014607425441265977153482147344;0.000608642726719415714728422806;0.010955569080949483298792479502;0.004869141813755325717827382448;0.005477784540474741649396239751;0.000000000000000000000000000000;0.026171637248934873781758270184;0.004869141813755325717827382448;0.017650639074863055943964695871;0.041996348143639686267825084087;0.025562994522215460452274626846;0.022519780888618379927068602342;0.024345709068776626854413436263
-0.040356394129979038243316580292;0.004716981132075471518094733625;0.040880503144654085911913199425;0.124213836477987421558211167394;0.019916142557651991817913028626;0.047693920335429768053714383313;0.002620545073375262195430890344;0.013626834381551362548878891801;0.019916142557651991817913028626;0.019392033542976940679869457540;0.018867924528301886072378934500;0.030922431865828093472403637065;0.029350104821802936588825971853;0.027777777777777776235801354687;0.003668763102725367073603246482;0.017819706498951780326844840374;0.019392033542976940679869457540;0.020440251572327042955956599712;0.013102725366876309676111844738;0.004192872117400419512689424550;0.015723270440251572305223604076;0.017295597484276729188801269288;0.002620545073375262195430890344;0.034591194968553458377602538576;0.051886792452830191035850759818;0.025157232704402517076136547303;0.015723270440251572305223604076;0.011530398322851152792534179525;0.002620545073375262195430890344;0.031446540880503144610447208152;0.011006289308176099919767132462;0.012054507337526205665301226588;0.008909853249475890163422420187;0.008385744234800839025378849101;0.016247379454926623443267175162;0.029874213836477987726869542939;0.008909853249475890163422420187;0.015723270440251572305223604076;0.000524109014675052439086178069;0.009433962264150943036189467250;0.001048218029350104878172356138;0.022012578616352199839534264925;0.000000000000000000000000000000;0.015199161425576519432456557013;0.005241090146750524390861780688;0.019392033542976940679869457540;0.021488469601677148701490693838;0.022536687631027254447024787964;0.028825995807127881981335448813;0.015723270440251572305223604076
-0.021563342318059300350974183402;0.008086253369272237631615318776;0.015094339622641509551792537991;0.352021563342318044576018110092;0.022102425876010783206693233183;0.028032345013477087680708876860;0.005390835579514825087743545851;0.012398921832884097007920765066;0.005929919137466307076100857643;0.010242587601078167319768041921;0.012938005390835579863639814846;0.016711590296495958118949687332;0.019407008086253368928097984281;0.017789757412398920360940834939;0.004312668463611860243667184278;0.018867924528301886072378934500;0.009164420485175201608329942360;0.009703504043126684464048992140;0.016711590296495958118949687332;0.005929919137466307076100857643;0.011320754716981131296482665505;0.005929919137466307076100857643;0.004312668463611860243667184278;0.012938005390835579863639814846;0.038814016172506737856195968561;0.021563342318059300350974183402;0.011320754716981131296482665505;0.015094339622641509551792537991;0.004312668463611860243667184278;0.023719676549865228304403430570;0.028571428571428570536427926640;0.010781671159029650175487091701;0.006469002695417789931819907423;0.004312668463611860243667184278;0.017250673854447440974668737113;0.015633423180592992407511587771;0.006469002695417789931819907423;0.017789757412398920360940834939;0.005929919137466307076100857643;0.010242587601078167319768041921;0.005390835579514825087743545851;0.010781671159029650175487091701;0.000000000000000000000000000000;0.011859838274932614152201715285;0.009703504043126684464048992140;0.016172506738544475263230637552;0.016172506738544475263230637552;0.014555256064690026696073488210;0.015094339622641509551792537991;0.015094339622641509551792537991
-0.025000000000000001387778780781;0.004245283018867924453021434061;0.017924528301886791942232335373;0.346226415094339601274953110988;0.038207547169811319209831168564;0.041037735849056601600270965946;0.004245283018867924453021434061;0.009433962264150943036189467250;0.008018867924528301840969568559;0.008962264150943395971116167686;0.011792452830188680096279441045;0.034433962264150942689244772055;0.017924528301886791942232335373;0.013679245283018868356572639300;0.007547169811320754775896268995;0.017924528301886791942232335373;0.014622641509433962486719238427;0.010377358490566037166336066377;0.015566037735849056616865837555;0.007075471698113207710822969432;0.012264150943396227161352740609;0.006132075471698113580676370304;0.002830188679245282824120666376;0.020283018867924527267598833191;0.027830188679245283778218578163;0.011320754716981131296482665505;0.006603773584905660645749669868;0.012264150943396227161352740609;0.005188679245283018583168033189;0.046698113207547166381150560710;0.028773584905660377908365177291;0.008490566037735848906042868123;0.004716981132075471518094733625;0.006603773584905660645749669868;0.010849056603773584231409365941;0.009905660377358490101262766814;0.002830188679245282824120666376;0.010849056603773584231409365941;0.001886792452830188693974067249;0.011320754716981131296482665505;0.009905660377358490101262766814;0.003301886792452830322874834934;0.000000000000000000000000000000;0.012264150943396227161352740609;0.003773584905660377387948134498;0.009905660377358490101262766814;0.020754716981132074332672132755;0.014150943396226415421645938864;0.010849056603773584231409365941;0.013207547169811321291499339736
-0.013477088948787062719358864626;0.013477088948787062719358864626;0.023180592991913745448684380790;0.385983827493261433261295678676;0.053908355795148250877435458506;0.016172506738544475263230637552;0.004312668463611860243667184278;0.015094339622641509551792537991;0.016172506738544475263230637552;0.009703504043126684464048992140;0.008086253369272237631615318776;0.016711590296495958118949687332;0.005390835579514825087743545851;0.014016172506738543840354438430;0.014555256064690026696073488210;0.010242587601078167319768041921;0.017789757412398920360940834939;0.021563342318059300350974183402;0.011320754716981131296482665505;0.003234501347708894965909953712;0.011320754716981131296482665505;0.006469002695417789931819907423;0.005390835579514825087743545851;0.020485175202156334639536083841;0.015094339622641509551792537991;0.014016172506738543840354438430;0.017789757412398920360940834939;0.031805929919137464201295273369;0.003773584905660377387948134498;0.022102425876010783206693233183;0.014016172506738543840354438430;0.011320754716981131296482665505;0.002695417789757412543871772925;0.003773584905660377387948134498;0.009703504043126684464048992140;0.015094339622641509551792537991;0.003234501347708894965909953712;0.004851752021563342232024496070;0.002156334231805930121833592139;0.011320754716981131296482665505;0.006469002695417789931819907423;0.012938005390835579863639814846;0.000000000000000000000000000000;0.012938005390835579863639814846;0.009703504043126684464048992140;0.014016172506738543840354438430;0.013477088948787062719358864626;0.012938005390835579863639814846;0.009164420485175201608329942360;0.007547169811320754775896268995
-0.015614834092387768621490451437;0.018867924528301886072378934500;0.030579050097592711671135035090;0.418998048145738433145623957898;0.021470396877033181420868501732;0.008458035133376708147867617527;0.003253090435914118318250221051;0.012361743656473649435878492397;0.020819778789850359318469585901;0.012361743656473649435878492397;0.008458035133376708147867617527;0.017566688353936238398134150884;0.004554326610279765992495004667;0.014964216005204944784368059629;0.008458035133376708147867617527;0.009108653220559531984990009335;0.012361743656473649435878492397;0.019518542615484711644224802285;0.013012361743656473273000884205;0.004554326610279765992495004667;0.008458035133376708147867617527;0.011711125569290825598756100590;0.005204944697462589829617396475;0.009759271307742355822112401142;0.013012361743656473273000884205;0.011060507482108001761633708782;0.012361743656473649435878492397;0.024723487312947298871756984795;0.000650618087182823728702174559;0.022771633051398829095113285348;0.013662979830839297110123276013;0.006506180871828236636500442103;0.003903708523096942155372612859;0.002602472348731294914808698238;0.006506180871828236636500442103;0.014313597918022120947245667821;0.003903708523096942155372612859;0.007156798959011060473622833911;0.001951854261548471077686306430;0.015614834092387768621490451437;0.004554326610279765992495004667;0.047495120364346131436317222096;0.000000000000000000000000000000;0.010409889394925179659234792950;0.011060507482108001761633708782;0.010409889394925179659234792950;0.015614834092387768621490451437;0.013012361743656473273000884205;0.011060507482108001761633708782;0.005204944697462589829617396475
-0.016509433962264150747012436682;0.014622641509433962486719238427;0.013679245283018868356572639300;0.416509433962264141726450361602;0.079716981132075467875175434074;0.013207547169811321291499339736;0.006603773584905660645749669868;0.009905660377358490101262766814;0.004716981132075471518094733625;0.012264150943396227161352740609;0.008962264150943395971116167686;0.019339622641509433137452234064;0.009905660377358490101262766814;0.020283018867924527267598833191;0.017924528301886791942232335373;0.011792452830188680096279441045;0.005188679245283018583168033189;0.007547169811320754775896268995;0.008962264150943395971116167686;0.000471698113207547173493516812;0.009905660377358490101262766814;0.002830188679245282824120666376;0.001415094339622641412060333188;0.018396226415094339007305634937;0.014622641509433962486719238427;0.015566037735849056616865837555;0.015566037735849056616865837555;0.022169811320754715527892031446;0.003301886792452830322874834934;0.025943396226415095517925379909;0.021698113207547168462818731882;0.006603773584905660645749669868;0.004716981132075471518094733625;0.007075471698113207710822969432;0.006132075471698113580676370304;0.011792452830188680096279441045;0.001886792452830188693974067249;0.009905660377358490101262766814;0.001886792452830188693974067249;0.004716981132075471518094733625;0.003301886792452830322874834934;0.009433962264150943036189467250;0.000000000000000000000000000000;0.010849056603773584231409365941;0.015566037735849056616865837555;0.011320754716981131296482665505;0.015094339622641509551792537991;0.014150943396226415421645938864;0.007547169811320754775896268995;0.008490566037735848906042868123
-0.025562994522215460452274626846;0.003043213633597078356801679533;0.022519780888618379927068602342;0.408399269628727912273546962751;0.018867924528301886072378934500;0.012172854534388313427206718131;0.007912355447352404508309930975;0.012781497261107730226137313423;0.004260499087035909786258525145;0.015824710894704809016619861950;0.009738283627510651435654764896;0.012172854534388313427206718131;0.008520998174071819572517050290;0.032866707242848444692207010576;0.006695069993913572645172216369;0.016433353621424222346103505288;0.006086427267194156713603359066;0.006695069993913572645172216369;0.004869141813755325717827382448;0.006086427267194156713603359066;0.012781497261107730226137313423;0.008520998174071819572517050290;0.004260499087035909786258525145;0.021302495435179549798654363713;0.023128423615337796725999197633;0.034083992696287278290068201159;0.021302495435179549798654363713;0.001217285453438831429456845612;0.000608642726719415714728422806;0.012172854534388313427206718131;0.016433353621424222346103505288;0.011564211807668898362999598817;0.004869141813755325717827382448;0.012781497261107730226137313423;0.013390139987827145290344432738;0.020085209981740719670240125083;0.006086427267194156713603359066;0.007912355447352404508309930975;0.000000000000000000000000000000;0.013390139987827145290344432738;0.007303712720632988576741073672;0.002434570906877662858913691224;0.000000000000000000000000000000;0.019476567255021302871309529792;0.002434570906877662858913691224;0.014607425441265977153482147344;0.024345709068776626854413436263;0.021302495435179549798654363713;0.008520998174071819572517050290;0.012172854534388313427206718131
-0.033423180592991916237899374664;0.013477088948787062719358864626;0.026954177897574125438717729253;0.333153638814016161973086127546;0.008086253369272237631615318776;0.011859838274932614152201715285;0.004312668463611860243667184278;0.010781671159029650175487091701;0.010242587601078167319768041921;0.015633423180592992407511587771;0.009164420485175201608329942360;0.036118598382749327047047671613;0.008086253369272237631615318776;0.022102425876010783206693233183;0.010242587601078167319768041921;0.019407008086253368928097984281;0.014016172506738543840354438430;0.012398921832884097007920765066;0.014016172506738543840354438430;0.007008086253369271920177219215;0.011859838274932614152201715285;0.009164420485175201608329942360;0.002695417789757412543871772925;0.027493261455525604824989827080;0.024258760107816711160122480351;0.017250673854447440974668737113;0.017250673854447440974668737113;0.011320754716981131296482665505;0.002156334231805930121833592139;0.023180592991913745448684380790;0.029649595687331536247866026201;0.015094339622641509551792537991;0.003234501347708894965909953712;0.008086253369272237631615318776;0.008625336927223720487334368556;0.027493261455525604824989827080;0.003773584905660377387948134498;0.009703504043126684464048992140;0.000539083557951482530458398035;0.009703504043126684464048992140;0.010242587601078167319768041921;0.006469002695417789931819907423;0.000000000000000000000000000000;0.012398921832884097007920765066;0.010242587601078167319768041921;0.008625336927223720487334368556;0.020485175202156334639536083841;0.023180592991913745448684380790;0.011859838274932614152201715285;0.013477088948787062719358864626
-0.016172506738544475263230637552;0.008086253369272237631615318776;0.016711590296495958118949687332;0.416172506738544500937138082008;0.049056603773584908645410962436;0.017789757412398920360940834939;0.005390835579514825087743545851;0.009164420485175201608329942360;0.007008086253369271920177219215;0.012938005390835579863639814846;0.007547169811320754775896268995;0.018328840970350403216659884720;0.009164420485175201608329942360;0.011859838274932614152201715285;0.011320754716981131296482665505;0.013477088948787062719358864626;0.014555256064690026696073488210;0.008625336927223720487334368556;0.012398921832884097007920765066;0.002695417789757412543871772925;0.012398921832884097007920765066;0.007547169811320754775896268995;0.003234501347708894965909953712;0.019407008086253368928097984281;0.014555256064690026696073488210;0.016172506738544475263230637552;0.011320754716981131296482665505;0.018328840970350403216659884720;0.005929919137466307076100857643;0.023719676549865228304403430570;0.021024258760107817495255133622;0.016172506738544475263230637552;0.004851752021563342232024496070;0.006469002695417789931819907423;0.008086253369272237631615318776;0.016711590296495958118949687332;0.002156334231805930121833592139;0.009703504043126684464048992140;0.002695417789757412543871772925;0.015094339622641509551792537991;0.004312668463611860243667184278;0.008625336927223720487334368556;0.000000000000000000000000000000;0.009703504043126684464048992140;0.011320754716981131296482665505;0.014016172506738543840354438430;0.015094339622641509551792537991;0.009703504043126684464048992140;0.011859838274932614152201715285;0.011320754716981131296482665505
-0.024691358024691356654045648611;0.011223344556677889230500433371;0.026374859708193042900914448978;0.355780022446689103698957978850;0.017957351290684625544358254956;0.030303030303030303871381079261;0.009539842873176206453078584957;0.010662177328843995549600975892;0.012345679012345678327022824305;0.009539842873176206453078584957;0.010101010101010101868701518413;0.028058361391694725678336297392;0.010662177328843995549600975892;0.019079685746352412906157169914;0.006734006734006733711772607620;0.016273849607182939297489454589;0.015151515151515151935690539631;0.016835016835016834713112388044;0.017396184062850730128735321500;0.005611672278338944615250216685;0.014590347923681256520067606175;0.011784511784511784646123366826;0.005611672278338944615250216685;0.016273849607182939297489454589;0.022446689113355778461000866741;0.016273849607182939297489454589;0.019079685746352412906157169914;0.003367003367003366855886303810;0.000561167227833894548261195467;0.044332210998877664975825751981;0.017957351290684625544358254956;0.010101010101010101868701518413;0.006172839506172839163511412153;0.007295173961840628260033803087;0.019640852974186308321780103370;0.019079685746352412906157169914;0.004489337822671156386089563739;0.008417508417508417356556194022;0.003367003367003366855886303810;0.011223344556677889230500433371;0.004489337822671156386089563739;0.006172839506172839163511412153;0.000000000000000000000000000000;0.012906846240179573742645757761;0.006172839506172839163511412153;0.012345679012345678327022824305;0.012345679012345678327022824305;0.010662177328843995549600975892;0.008978675645342312772179127478;0.009539842873176206453078584957
-0.012345679012345678327022824305;0.019640852974186308321780103370;0.020202020202020203737403036826;0.366442199775533106187452858649;0.054994388327721660525426727872;0.014029180695847362839168148696;0.006734006734006733711772607620;0.019079685746352412906157169914;0.006172839506172839163511412153;0.006734006734006733711772607620;0.008978675645342312772179127478;0.014029180695847362839168148696;0.006172839506172839163511412153;0.014029180695847362839168148696;0.035353535353535352203646624503;0.008417508417508417356556194022;0.008978675645342312772179127478;0.016273849607182939297489454589;0.025813692480359147485291515522;0.003367003367003366855886303810;0.012906846240179573742645757761;0.008978675645342312772179127478;0.002244668911335578193044781870;0.011223344556677889230500433371;0.019640852974186308321780103370;0.010662177328843995549600975892;0.021324354657687991099201951783;0.046576879910213246638317485804;0.003367003367003366855886303810;0.031986531986531986648802927675;0.007856341189674523675656736543;0.012906846240179573742645757761;0.006172839506172839163511412153;0.005050505050505050934350759206;0.007295173961840628260033803087;0.020763187429854095683579018328;0.002244668911335578193044781870;0.004489337822671156386089563739;0.002244668911335578193044781870;0.006172839506172839163511412153;0.005611672278338944615250216685;0.013468013468013467423545215240;0.000000000000000000000000000000;0.010101010101010101868701518413;0.016835016835016834713112388044;0.003928170594837261837828368272;0.014590347923681256520067606175;0.006172839506172839163511412153;0.009539842873176206453078584957;0.007856341189674523675656736543
-0.016203703703703702804217456901;0.013310185185185185313683220443;0.012152777777777777970524830664;0.434027777777777790113589162502;0.090856481481481482509465763542;0.021412037037037038450515424870;0.005208333333333333044212754004;0.006365740740740740387371143783;0.002314814814814814686316779557;0.008101851851851851402108728450;0.010416666666666666088425508008;0.013888888888888888117900677344;0.018518518518518517490534236458;0.007523148148148147730529533561;0.027777777777777776235801354687;0.013310185185185185313683220443;0.005208333333333333044212754004;0.005208333333333333044212754004;0.013888888888888888117900677344;0.002893518518518518357895974447;0.008680555555555555941049661328;0.006365740740740740387371143783;0.001736111111111111014737584668;0.013310185185185185313683220443;0.014467592592592592656841610221;0.009837962962962963284208051107;0.007523148148148147730529533561;0.018518518518518517490534236458;0.003472222222222222029475169336;0.037615740740740741254732881771;0.015625000000000000000000000000;0.008680555555555555941049661328;0.006944444444444444058950338672;0.007523148148148147730529533561;0.004629629629629629372633559115;0.009259259259259258745267118229;0.002893518518518518357895974447;0.005787037037037036715791948893;0.001736111111111111014737584668;0.007523148148148147730529533561;0.004050925925925925701054364225;0.007523148148148147730529533561;0.000000000000000000000000000000;0.008680555555555555941049661328;0.016782407407407409077881865755;0.009837962962962963284208051107;0.008680555555555555941049661328;0.006944444444444444058950338672;0.007523148148148147730529533561;0.009259259259259258745267118229
-0.013071895424836601704021710191;0.016884531590413944662776302152;0.005991285403050108752942559676;0.382897603485838788905937235540;0.115468409586056641735751782107;0.013071895424836601704021710191;0.007080610021786492083717412527;0.014705882352941176266503120473;0.006535947712418300852010855095;0.005991285403050108752942559676;0.007080610021786492083717412527;0.010893246187363835042472004488;0.009803921568627450844335413649;0.008714596949891068380922298786;0.032135076252723313028347718046;0.008714596949891068380922298786;0.006535947712418300852010855095;0.008169934640522876281854003366;0.013071895424836601704021710191;0.001633986928104575213002713774;0.008714596949891068380922298786;0.002178649237472767095230574697;0.001633986928104575213002713774;0.010348583877995642943403709069;0.014705882352941176266503120473;0.013616557734204793803090005611;0.011982570806100217505885119351;0.064814814814814811216869827604;0.003267973856209150426005427548;0.031590413943355120929279422626;0.010348583877995642943403709069;0.007080610021786492083717412527;0.005446623093681917521236002244;0.004357298474945534190461149393;0.011437908496732025406816823931;0.009803921568627450844335413649;0.002178649237472767095230574697;0.004901960784313725422167706824;0.001633986928104575213002713774;0.003812636165577342091392853973;0.006535947712418300852010855095;0.010348583877995642943403709069;0.000000000000000000000000000000;0.008714596949891068380922298786;0.019607843137254901688670827298;0.012527233115468409604953414771;0.007080610021786492083717412527;0.011982570806100217505885119351;0.005991285403050108752942559676;0.004901960784313725422167706824
-0.014590347923681256520067606175;0.023569023569023569292246733653;0.015151515151515151935690539631;0.190235690235690230176501813730;0.104377104377104373833518025094;0.026936026936026934847090430480;0.006734006734006733711772607620;0.012906846240179573742645757761;0.006172839506172839163511412153;0.010662177328843995549600975892;0.008417508417508417356556194022;0.019640852974186308321780103370;0.019640852974186308321780103370;0.014590347923681256520067606175;0.032547699214365878594978909177;0.010662177328843995549600975892;0.011784511784511784646123366826;0.013468013468013467423545215240;0.031425364758698094702626946173;0.002805836139169472307625108343;0.017957351290684625544358254956;0.008417508417508417356556194022;0.002805836139169472307625108343;0.011784511784511784646123366826;0.019079685746352412906157169914;0.016273849607182939297489454589;0.014590347923681256520067606175;0.054994388327721660525426727872;0.005050505050505050934350759206;0.054433221099887768579250746370;0.017957351290684625544358254956;0.005611672278338944615250216685;0.016273849607182939297489454589;0.009539842873176206453078584957;0.017396184062850730128735321500;0.011223344556677889230500433371;0.002244668911335578193044781870;0.011784511784511784646123366826;0.001122334455667789096522390935;0.005050505050505050934350759206;0.011784511784511784646123366826;0.011784511784511784646123366826;0.000000000000000000000000000000;0.011784511784511784646123366826;0.024130190796857464707869667109;0.016273849607182939297489454589;0.014590347923681256520067606175;0.007856341189674523675656736543;0.010101010101010101868701518413;0.011784511784511784646123366826
-0.017099056603773584578354061136;0.016509433962264150747012436682;0.015919811320754716915670812227;0.193396226415094352191204052360;0.118514150943396220916348227092;0.024174528301886794023900506545;0.010023584905660376867531091705;0.015919811320754716915670812227;0.006485849056603773879481344977;0.008844339622641509204847842796;0.013561320754716981590304314409;0.015919811320754716915670812227;0.017099056603773584578354061136;0.014150943396226415421645938864;0.038915094339622639807441117910;0.008844339622641509204847842796;0.012382075471698113927621065500;0.012971698113207547758962689954;0.020047169811320753735062183409;0.002948113207547170024069860261;0.020636792452830187566403807864;0.008254716981132075373506218341;0.001179245283018867879523683406;0.018278301886792452241037310046;0.021816037735849055229087056773;0.012382075471698113927621065500;0.012971698113207547758962689954;0.057193396226415095517925379909;0.004127358490566037686753109170;0.046580188679245279614882235819;0.014150943396226415421645938864;0.010023584905660376867531091705;0.008254716981132075373506218341;0.007665094339622641542164593886;0.014740566037735849252987563318;0.009433962264150943036189467250;0.002948113207547170024069860261;0.010023584905660376867531091705;0.001768867924528301927705742358;0.005896226415094340048139720523;0.007665094339622641542164593886;0.008844339622641509204847842796;0.000000000000000000000000000000;0.008844339622641509204847842796;0.038325471698113205976099493455;0.013561320754716981590304314409;0.014150943396226415421645938864;0.019457547169811319903720558955;0.006485849056603773879481344977;0.010613207547169810698872716159
-0.017323775388291516585947960039;0.013739545997610513872189130780;0.013739545997610513872189130780;0.195340501792114706880454377824;0.126045400238948612781086922041;0.023894862604540025030619432300;0.009557945041816008971413687334;0.011947431302270012515309716150;0.003584229390681003581120567247;0.009557945041816008971413687334;0.021505376344086023221446879461;0.014336917562724014324482268989;0.014934289127837514776775407199;0.015531660692951015229068545409;0.035244922341696537093636010241;0.018518518518518517490534236458;0.008363201911589008066827410914;0.008960573476702508519120549124;0.025686977299880526387498846930;0.002986857825567503128827429038;0.010752688172043011610723439730;0.006571087216248506709947996285;0.000597371565113500560713355458;0.014336917562724014324482268989;0.016726403823178016133654821829;0.013739545997610513872189130780;0.016726403823178016133654821829;0.056750298685782553376188985794;0.003584229390681003581120567247;0.048984468339307050965825141020;0.013739545997610513872189130780;0.010155316606929509423706825544;0.011350059737156512063016577940;0.007168458781362007162241134495;0.013142174432497013419895992570;0.010752688172043011610723439730;0.001792114695340501790560283624;0.011947431302270012515309716150;0.002389486260454002242853421834;0.009557945041816008971413687334;0.005376344086021505805361719865;0.016726403823178016133654821829;0.000000000000000000000000000000;0.012544802867383512967602854360;0.032855436081242535284463457401;0.017323775388291516585947960039;0.010155316606929509423706825544;0.010155316606929509423706825544;0.009557945041816008971413687334;0.013739545997610513872189130780
-0.016771488469601678050757698202;0.017819706498951780326844840374;0.010482180293501048781723561376;0.255241090146750504441541806955;0.094339622641509440770235528362;0.023060796645702305585068359051;0.008385744234800839025378849101;0.011530398322851152792534179525;0.005241090146750524390861780688;0.010482180293501048781723561376;0.011530398322851152792534179525;0.018867924528301886072378934500;0.016247379454926623443267175162;0.009958071278825995908956514313;0.031970649895178199217937731191;0.013102725366876309676111844738;0.012054507337526205665301226588;0.010482180293501048781723561376;0.027253668763102725097757783601;0.002620545073375262195430890344;0.016247379454926623443267175162;0.005241090146750524390861780688;0.002096436058700209756344712275;0.011530398322851152792534179525;0.023584905660377360192558882090;0.013626834381551362548878891801;0.013626834381551362548878891801;0.050838574423480081820869713738;0.002096436058700209756344712275;0.048742138364779877268695429393;0.015199161425576519432456557013;0.007861635220125786152611802038;0.014150943396226415421645938864;0.010482180293501048781723561376;0.011530398322851152792534179525;0.008385744234800839025378849101;0.004716981132075471518094733625;0.006813417190775681274439445900;0.002096436058700209756344712275;0.007861635220125786152611802038;0.010482180293501048781723561376;0.017295597484276729188801269288;0.000000000000000000000000000000;0.013626834381551362548878891801;0.027253668763102725097757783601;0.013102725366876309676111844738;0.008385744234800839025378849101;0.008385744234800839025378849101;0.007337526205450734147206492963;0.009958071278825995908956514313
-0.015199161425576519432456557013;0.026205450733752619352223689475;0.017295597484276729188801269288;0.222746331236897271432795264445;0.085429769392033547137366156221;0.020964360587002097563447122752;0.010482180293501048781723561376;0.015723270440251572305223604076;0.006289308176100629269034136826;0.008385744234800839025378849101;0.009433962264150943036189467250;0.014675052410901468294412985927;0.012578616352201258538068273651;0.011530398322851152792534179525;0.036163522012578615261180203788;0.010482180293501048781723561376;0.008909853249475890163422420187;0.012054507337526205665301226588;0.018867924528301886072378934500;0.003144654088050314634517068413;0.015199161425576519432456557013;0.006289308176100629269034136826;0.001572327044025157317258534206;0.013626834381551362548878891801;0.017295597484276729188801269288;0.012054507337526205665301226588;0.016771488469601678050757698202;0.090670859538784065456695770990;0.002096436058700209756344712275;0.041928721174004195126894245504;0.019392033542976940679869457540;0.009958071278825995908956514313;0.009958071278825995908956514313;0.007337526205450734147206492963;0.014150943396226415421645938864;0.009958071278825995908956514313;0.003144654088050314634517068413;0.012054507337526205665301226588;0.001048218029350104878172356138;0.007337526205450734147206492963;0.009958071278825995908956514313;0.021488469601677148701490693838;0.000000000000000000000000000000;0.011530398322851152792534179525;0.023584905660377360192558882090;0.007337526205450734147206492963;0.016247379454926623443267175162;0.012578616352201258538068273651;0.008385744234800839025378849101;0.010482180293501048781723561376
-0.018328840970350403216659884720;0.018867924528301886072378934500;0.012398921832884097007920765066;0.169811320754716971181963458548;0.136927223719676555147017893432;0.024797843665768194015841530131;0.015094339622641509551792537991;0.015633423180592992407511587771;0.004851752021563342232024496070;0.010242587601078167319768041921;0.011859838274932614152201715285;0.016711590296495958118949687332;0.014016172506738543840354438430;0.013477088948787062719358864626;0.029649595687331536247866026201;0.016172506738544475263230637552;0.011320754716981131296482665505;0.009703504043126684464048992140;0.027493261455525604824989827080;0.003234501347708894965909953712;0.017250673854447440974668737113;0.005390835579514825087743545851;0.001078167115902965060916796070;0.013477088948787062719358864626;0.025336927223719676871560579912;0.015633423180592992407511587771;0.011320754716981131296482665505;0.060916442048517517593442249790;0.003234501347708894965909953712;0.052830188679245285165997358945;0.011320754716981131296482665505;0.009703504043126684464048992140;0.008625336927223720487334368556;0.009164420485175201608329942360;0.017789757412398920360940834939;0.015633423180592992407511587771;0.002695417789757412543871772925;0.009703504043126684464048992140;0.002695417789757412543871772925;0.012398921832884097007920765066;0.006469002695417789931819907423;0.015633423180592992407511587771;0.000000000000000000000000000000;0.011859838274932614152201715285;0.021024258760107817495255133622;0.016711590296495958118949687332;0.009164420485175201608329942360;0.014016172506738543840354438430;0.007547169811320754775896268995;0.010781671159029650175487091701
-0.021024258760107817495255133622;0.012398921832884097007920765066;0.016711590296495958118949687332;0.234501347708894886112673816569;0.104043126684636125234284520502;0.028032345013477087680708876860;0.010781671159029650175487091701;0.010242587601078167319768041921;0.006469002695417789931819907423;0.014555256064690026696073488210;0.008625336927223720487334368556;0.026954177897574125438717729253;0.017789757412398920360940834939;0.012398921832884097007920765066;0.028571428571428570536427926640;0.010242587601078167319768041921;0.006469002695417789931819907423;0.010242587601078167319768041921;0.019946091644204851783817034061;0.002156334231805930121833592139;0.008625336927223720487334368556;0.008625336927223720487334368556;0.003773584905660377387948134498;0.014555256064690026696073488210;0.025336927223719676871560579912;0.018328840970350403216659884720;0.013477088948787062719358864626;0.029649595687331536247866026201;0.003773584905660377387948134498;0.058221024258760106784293952842;0.018328840970350403216659884720;0.010781671159029650175487091701;0.008625336927223720487334368556;0.005390835579514825087743545851;0.010781671159029650175487091701;0.010781671159029650175487091701;0.005390835579514825087743545851;0.009703504043126684464048992140;0.001078167115902965060916796070;0.010242587601078167319768041921;0.003773584905660377387948134498;0.014016172506738543840354438430;0.000000000000000000000000000000;0.011320754716981131296482665505;0.028032345013477087680708876860;0.013477088948787062719358864626;0.017789757412398920360940834939;0.009703504043126684464048992140;0.010242587601078167319768041921;0.014016172506738543840354438430
-0.025876010781671159727279629692;0.008625336927223720487334368556;0.031266846361185984815023175543;0.367654986522911064739105313492;0.025876010781671159727279629692;0.024258760107816711160122480351;0.002156334231805930121833592139;0.011859838274932614152201715285;0.016711590296495958118949687332;0.011320754716981131296482665505;0.011320754716981131296482665505;0.022102425876010783206693233183;0.004851752021563342232024496070;0.017250673854447440974668737113;0.009164420485175201608329942360;0.018867924528301886072378934500;0.012938005390835579863639814846;0.013477088948787062719358864626;0.017789757412398920360940834939;0.003234501347708894965909953712;0.009164420485175201608329942360;0.010242587601078167319768041921;0.004312668463611860243667184278;0.021563342318059300350974183402;0.022102425876010783206693233183;0.010781671159029650175487091701;0.018328840970350403216659884720;0.016172506738544475263230637552;0.000539083557951482530458398035;0.032884097035040429912733372930;0.011859838274932614152201715285;0.011320754716981131296482665505;0.009164420485175201608329942360;0.007008086253369271920177219215;0.010781671159029650175487091701;0.018328840970350403216659884720;0.003773584905660377387948134498;0.011320754716981131296482665505;0.004312668463611860243667184278;0.008625336927223720487334368556;0.009703504043126684464048992140;0.014016172506738543840354438430;0.000000000000000000000000000000;0.011320754716981131296482665505;0.007008086253369271920177219215;0.007547169811320754775896268995;0.020485175202156334639536083841;0.012938005390835579863639814846;0.009703504043126684464048992140;0.008086253369272237631615318776
-0.015723270440251572305223604076;0.015199161425576519432456557013;0.021488469601677148701490693838;0.354821802935010477408894757900;0.044549266247379454286559052889;0.022012578616352199839534264925;0.003668763102725367073603246482;0.015723270440251572305223604076;0.012054507337526205665301226588;0.013102725366876309676111844738;0.013102725366876309676111844738;0.025157232704402517076136547303;0.004192872117400419512689424550;0.023584905660377360192558882090;0.012054507337526205665301226588;0.017819706498951780326844840374;0.007861635220125786152611802038;0.010482180293501048781723561376;0.017295597484276729188801269288;0.004192872117400419512689424550;0.012578616352201258538068273651;0.009958071278825995908956514313;0.002620545073375262195430890344;0.016247379454926623443267175162;0.018343815513626834934335363414;0.015723270440251572305223604076;0.022012578616352199839534264925;0.014675052410901468294412985927;0.002620545073375262195430890344;0.034067085953878403770112015536;0.022536687631027254447024787964;0.012578616352201258538068273651;0.008909853249475890163422420187;0.006289308176100629269034136826;0.010482180293501048781723561376;0.015723270440251572305223604076;0.005241090146750524390861780688;0.007337526205450734147206492963;0.001572327044025157317258534206;0.008385744234800839025378849101;0.008385744234800839025378849101;0.009433962264150943036189467250;0.000000000000000000000000000000;0.004192872117400419512689424550;0.012054507337526205665301226588;0.010482180293501048781723561376;0.017295597484276729188801269288;0.011006289308176099919767132462;0.010482180293501048781723561376;0.014675052410901468294412985927
-0.026415094339622642582998679472;0.008625336927223720487334368556;0.025336927223719676871560579912;0.341239892183288429095000537927;0.005929919137466307076100857643;0.029649595687331536247866026201;0.002156334231805930121833592139;0.019407008086253368928097984281;0.008625336927223720487334368556;0.026954177897574125438717729253;0.009164420485175201608329942360;0.030188679245283019103585075982;0.008086253369272237631615318776;0.027493261455525604824989827080;0.005390835579514825087743545851;0.018328840970350403216659884720;0.017789757412398920360940834939;0.013477088948787062719358864626;0.017789757412398920360940834939;0.003773584905660377387948134498;0.009164420485175201608329942360;0.008625336927223720487334368556;0.003234501347708894965909953712;0.022641509433962262592965331010;0.035040431266846361335609572052;0.022102425876010783206693233183;0.017789757412398920360940834939;0.004312668463611860243667184278;0.003773584905660377387948134498;0.015633423180592992407511587771;0.015633423180592992407511587771;0.022641509433962262592965331010;0.002156334231805930121833592139;0.004312668463611860243667184278;0.006469002695417789931819907423;0.027493261455525604824989827080;0.005390835579514825087743545851;0.009164420485175201608329942360;0.000539083557951482530458398035;0.008086253369272237631615318776;0.010242587601078167319768041921;0.009703504043126684464048992140;0.000000000000000000000000000000;0.012398921832884097007920765066;0.006469002695417789931819907423;0.007008086253369271920177219215;0.029110512129380053392146976421;0.012398921832884097007920765066;0.010781671159029650175487091701;0.011859838274932614152201715285
-0.022641509433962262592965331010;0.009703504043126684464048992140;0.043126684636118600701948366805;0.332614555256064703403495741441;0.010242587601078167319768041921;0.016711590296495958118949687332;0.004312668463611860243667184278;0.016711590296495958118949687332;0.007008086253369271920177219215;0.039892183288409703567634068122;0.009164420485175201608329942360;0.007547169811320754775896268995;0.002695417789757412543871772925;0.040970350404312669279072167683;0.009703504043126684464048992140;0.012398921832884097007920765066;0.015633423180592992407511587771;0.011859838274932614152201715285;0.009164420485175201608329942360;0.007008086253369271920177219215;0.009703504043126684464048992140;0.009164420485175201608329942360;0.001078167115902965060916796070;0.056603773584905661686583755454;0.019407008086253368928097984281;0.032884097035040429912733372930;0.017789757412398920360940834939;0.003234501347708894965909953712;0.002695417789757412543871772925;0.010781671159029650175487091701;0.005390835579514825087743545851;0.018867924528301886072378934500;0.000539083557951482530458398035;0.003773584905660377387948134498;0.007008086253369271920177219215;0.033423180592991916237899374664;0.005929919137466307076100857643;0.009164420485175201608329942360;0.001078167115902965060916796070;0.005390835579514825087743545851;0.002156334231805930121833592139;0.007008086253369271920177219215;0.000000000000000000000000000000;0.016172506738544475263230637552;0.003773584905660377387948134498;0.013477088948787062719358864626;0.036657681940700806433319769440;0.015633423180592992407511587771;0.009703504043126684464048992140;0.012398921832884097007920765066
-0.021563342318059300350974183402;0.004851752021563342232024496070;0.031266846361185984815023175543;0.345552560646900264185177320542;0.010242587601078167319768041921;0.022102425876010783206693233183;0.000539083557951482530458398035;0.011859838274932614152201715285;0.011320754716981131296482665505;0.019407008086253368928097984281;0.009703504043126684464048992140;0.019407008086253368928097984281;0.008086253369272237631615318776;0.034501347708894881949337474225;0.007008086253369271920177219215;0.022102425876010783206693233183;0.012938005390835579863639814846;0.014016172506738543840354438430;0.017250673854447440974668737113;0.003773584905660377387948134498;0.010781671159029650175487091701;0.005390835579514825087743545851;0.002695417789757412543871772925;0.031805929919137464201295273369;0.030188679245283019103585075982;0.022641509433962262592965331010;0.014555256064690026696073488210;0.005390835579514825087743545851;0.002156334231805930121833592139;0.023719676549865228304403430570;0.012938005390835579863639814846;0.012938005390835579863639814846;0.003234501347708894965909953712;0.007547169811320754775896268995;0.012398921832884097007920765066;0.029110512129380053392146976421;0.009703504043126684464048992140;0.009164420485175201608329942360;0.000539083557951482530458398035;0.009164420485175201608329942360;0.003234501347708894965909953712;0.004312668463611860243667184278;0.000000000000000000000000000000;0.011859838274932614152201715285;0.004312668463611860243667184278;0.013477088948787062719358864626;0.024258760107816711160122480351;0.026954177897574125438717729253;0.016172506738544475263230637552;0.011859838274932614152201715285
-0.018867924528301886072378934500;0.013207547169811321291499339736;0.029716981132075472038511776418;0.341509433962264130624220115351;0.006132075471698113580676370304;0.027830188679245283778218578163;0.002830188679245282824120666376;0.018396226415094339007305634937;0.011792452830188680096279441045;0.026886792452830189648071979036;0.008962264150943395971116167686;0.019811320754716980202525533628;0.009905660377358490101262766814;0.028301886792452830843291877727;0.006132075471698113580676370304;0.011792452830188680096279441045;0.017924528301886791942232335373;0.019811320754716980202525533628;0.013207547169811321291499339736;0.007075471698113207710822969432;0.007547169811320754775896268995;0.015094339622641509551792537991;0.002830188679245282824120666376;0.032075471698113207363878274236;0.022641509433962262592965331010;0.021226415094339621397745432319;0.015566037735849056616865837555;0.005188679245283018583168033189;0.000943396226415094346987033624;0.024056603773584907257632181654;0.017452830188679244877159035809;0.019811320754716980202525533628;0.002358490566037735759047366813;0.003773584905660377387948134498;0.005660377358490565648241332752;0.029716981132075472038511776418;0.006132075471698113580676370304;0.008962264150943395971116167686;0.001415094339622641412060333188;0.007075471698113207710822969432;0.008490566037735848906042868123;0.016509433962264150747012436682;0.000000000000000000000000000000;0.018867924528301886072378934500;0.001886792452830188693974067249;0.013679245283018868356572639300;0.016037735849056603681939137118;0.015566037735849056616865837555;0.009905660377358490101262766814;0.009433962264150943036189467250
-0.022641509433962262592965331010;0.008490566037735848906042868123;0.034905660377358489754318071618;0.317924528301886777370555137168;0.021698113207547168462818731882;0.020283018867924527267598833191;0.004245283018867924453021434061;0.014622641509433962486719238427;0.007075471698113207710822969432;0.022641509433962262592965331010;0.010377358490566037166336066377;0.034905660377358489754318071618;0.005188679245283018583168033189;0.027358490566037736713145278600;0.005188679245283018583168033189;0.024528301886792454322705481218;0.014622641509433962486719238427;0.017452830188679244877159035809;0.014150943396226415421645938864;0.006132075471698113580676370304;0.009433962264150943036189467250;0.007075471698113207710822969432;0.004245283018867924453021434061;0.030660377358490566168658375545;0.018396226415094339007305634937;0.030188679245283019103585075982;0.016509433962264150747012436682;0.009433962264150943036189467250;0.001415094339622641412060333188;0.025000000000000001387778780781;0.025943396226415095517925379909;0.015566037735849056616865837555;0.004245283018867924453021434061;0.002358490566037735759047366813;0.005188679245283018583168033189;0.022169811320754715527892031446;0.007547169811320754775896268995;0.008018867924528301840969568559;0.001415094339622641412060333188;0.004716981132075471518094733625;0.008018867924528301840969568559;0.004716981132075471518094733625;0.000000000000000000000000000000;0.016037735849056603681939137118;0.004716981132075471518094733625;0.012264150943396227161352740609;0.024056603773584907257632181654;0.024528301886792454322705481218;0.008962264150943395971116167686;0.012735849056603774226426040173
-0.021226415094339621397745432319;0.007075471698113207710822969432;0.029245283018867924973438476854;0.323584905660377342151434731932;0.016509433962264150747012436682;0.021698113207547168462818731882;0.002358490566037735759047366813;0.019339622641509433137452234064;0.009905660377358490101262766814;0.019811320754716980202525533628;0.014150943396226415421645938864;0.017924528301886791942232335373;0.008490566037735848906042868123;0.028773584905660377908365177291;0.005660377358490565648241332752;0.025000000000000001387778780781;0.017924528301886791942232335373;0.009433962264150943036189467250;0.009433962264150943036189467250;0.003773584905660377387948134498;0.013679245283018868356572639300;0.011792452830188680096279441045;0.002830188679245282824120666376;0.020754716981132074332672132755;0.024528301886792454322705481218;0.029245283018867924973438476854;0.017924528301886791942232335373;0.010377358490566037166336066377;0.000471698113207547173493516812;0.027830188679245283778218578163;0.024528301886792454322705481218;0.020754716981132074332672132755;0.002830188679245282824120666376;0.006603773584905660645749669868;0.009433962264150943036189467250;0.017452830188679244877159035809;0.005188679245283018583168033189;0.014150943396226415421645938864;0.000000000000000000000000000000;0.007075471698113207710822969432;0.008018867924528301840969568559;0.004245283018867924453021434061;0.000000000000000000000000000000;0.014150943396226415421645938864;0.009905660377358490101262766814;0.011792452830188680096279441045;0.027830188679245283778218578163;0.018867924528301886072378934500;0.013679245283018868356572639300;0.012735849056603774226426040173
-0.031603773584905660298804974673;0.008490566037735848906042868123;0.026886792452830189648071979036;0.340094339622641517184575832289;0.008962264150943395971116167686;0.025000000000000001387778780781;0.002358490566037735759047366813;0.012264150943396227161352740609;0.008962264150943395971116167686;0.018396226415094339007305634937;0.009905660377358490101262766814;0.031603773584905660298804974673;0.009905660377358490101262766814;0.029716981132075472038511776418;0.005660377358490565648241332752;0.027358490566037736713145278600;0.012264150943396227161352740609;0.010377358490566037166336066377;0.012264150943396227161352740609;0.007547169811320754775896268995;0.012264150943396227161352740609;0.006603773584905660645749669868;0.005188679245283018583168033189;0.025000000000000001387778780781;0.024056603773584907257632181654;0.030660377358490566168658375545;0.013679245283018868356572639300;0.007075471698113207710822969432;0.003301886792452830322874834934;0.018396226415094339007305634937;0.019339622641509433137452234064;0.011792452830188680096279441045;0.003301886792452830322874834934;0.006603773584905660645749669868;0.008962264150943395971116167686;0.018396226415094339007305634937;0.007075471698113207710822969432;0.011320754716981131296482665505;0.000000000000000000000000000000;0.011320754716981131296482665505;0.007075471698113207710822969432;0.005188679245283018583168033189;0.000000000000000000000000000000;0.016509433962264150747012436682;0.005660377358490565648241332752;0.008962264150943395971116167686;0.032075471698113207363878274236;0.018396226415094339007305634937;0.012264150943396227161352740609;0.009905660377358490101262766814
-0.011792452830188680096279441045;0.003301886792452830322874834934;0.024056603773584907257632181654;0.486792452830188682177947612217;0.067452830188679244183269645418;0.018867924528301886072378934500;0.002830188679245282824120666376;0.008962264150943395971116167686;0.008490566037735848906042868123;0.012735849056603774226426040173;0.007075471698113207710822969432;0.020283018867924527267598833191;0.004716981132075471518094733625;0.021226415094339621397745432319;0.005660377358490565648241332752;0.011792452830188680096279441045;0.009905660377358490101262766814;0.007547169811320754775896268995;0.005660377358490565648241332752;0.002358490566037735759047366813;0.007547169811320754775896268995;0.001415094339622641412060333188;0.002358490566037735759047366813;0.018867924528301886072378934500;0.017924528301886791942232335373;0.014150943396226415421645938864;0.011792452830188680096279441045;0.015566037735849056616865837555;0.001415094339622641412060333188;0.026886792452830189648071979036;0.012735849056603774226426040173;0.010377358490566037166336066377;0.001415094339622641412060333188;0.004245283018867924453021434061;0.008490566037735848906042868123;0.014622641509433962486719238427;0.005188679245283018583168033189;0.002358490566037735759047366813;0.000943396226415094346987033624;0.009433962264150943036189467250;0.003301886792452830322874834934;0.003773584905660377387948134498;0.000000000000000000000000000000;0.009905660377358490101262766814;0.008490566037735848906042868123;0.008018867924528301840969568559;0.016037735849056603681939137118;0.009433962264150943036189467250;0.004245283018867924453021434061;0.007547169811320754775896268995
-0.009433962264150943036189467250;0.002830188679245282824120666376;0.016037735849056603681939137118;0.550471698113207508207267437683;0.060849056603773585272243451527;0.010377358490566037166336066377;0.003773584905660377387948134498;0.008018867924528301840969568559;0.004716981132075471518094733625;0.008018867924528301840969568559;0.005188679245283018583168033189;0.020283018867924527267598833191;0.008962264150943395971116167686;0.008962264150943395971116167686;0.007547169811320754775896268995;0.007547169811320754775896268995;0.003773584905660377387948134498;0.010849056603773584231409365941;0.006603773584905660645749669868;0.002358490566037735759047366813;0.005188679245283018583168033189;0.004245283018867924453021434061;0.002830188679245282824120666376;0.011320754716981131296482665505;0.016037735849056603681939137118;0.011320754716981131296482665505;0.009905660377358490101262766814;0.037735849056603772144757869000;0.001415094339622641412060333188;0.023113207547169809658038630573;0.010377358490566037166336066377;0.004245283018867924453021434061;0.003301886792452830322874834934;0.003301886792452830322874834934;0.005188679245283018583168033189;0.011792452830188680096279441045;0.001886792452830188693974067249;0.005660377358490565648241332752;0.001415094339622641412060333188;0.006132075471698113580676370304;0.000943396226415094346987033624;0.003773584905660377387948134498;0.000000000000000000000000000000;0.012735849056603774226426040173;0.006603773584905660645749669868;0.007547169811320754775896268995;0.010377358490566037166336066377;0.012735849056603774226426040173;0.006603773584905660645749669868;0.005660377358490565648241332752
-0.008490566037735848906042868123;0.004245283018867924453021434061;0.014622641509433962486719238427;0.550471698113207508207267437683;0.069339622641509432443562843673;0.011792452830188680096279441045;0.007075471698113207710822969432;0.007547169811320754775896268995;0.005660377358490565648241332752;0.006603773584905660645749669868;0.005660377358490565648241332752;0.011320754716981131296482665505;0.009433962264150943036189467250;0.010377358490566037166336066377;0.013207547169811321291499339736;0.011792452830188680096279441045;0.005188679245283018583168033189;0.006603773584905660645749669868;0.007547169811320754775896268995;0.000943396226415094346987033624;0.006132075471698113580676370304;0.004716981132075471518094733625;0.003773584905660377387948134498;0.007075471698113207710822969432;0.013679245283018868356572639300;0.012735849056603774226426040173;0.008018867924528301840969568559;0.041037735849056601600270965946;0.001886792452830188693974067249;0.022169811320754715527892031446;0.009905660377358490101262766814;0.008018867924528301840969568559;0.002830188679245282824120666376;0.002358490566037735759047366813;0.009433962264150943036189467250;0.008490566037735848906042868123;0.002358490566037735759047366813;0.004245283018867924453021434061;0.000471698113207547173493516812;0.007075471698113207710822969432;0.004245283018867924453021434061;0.004716981132075471518094733625;0.000000000000000000000000000000;0.008018867924528301840969568559;0.006132075471698113580676370304;0.007547169811320754775896268995;0.010377358490566037166336066377;0.007075471698113207710822969432;0.002358490566037735759047366813;0.005188679245283018583168033189
-0.010377358490566037166336066377;0.006132075471698113580676370304;0.012264150943396227161352740609;0.561792452830188637769026627211;0.069811320754716979508636143237;0.009433962264150943036189467250;0.005188679245283018583168033189;0.004716981132075471518094733625;0.005660377358490565648241332752;0.005660377358490565648241332752;0.005188679245283018583168033189;0.014622641509433962486719238427;0.012735849056603774226426040173;0.010377358490566037166336066377;0.007547169811320754775896268995;0.011320754716981131296482665505;0.005660377358490565648241332752;0.008490566037735848906042868123;0.006132075471698113580676370304;0.004245283018867924453021434061;0.002830188679245282824120666376;0.004245283018867924453021434061;0.001886792452830188693974067249;0.010377358490566037166336066377;0.009905660377358490101262766814;0.013207547169811321291499339736;0.007547169811320754775896268995;0.037264150943396225079684569437;0.000471698113207547173493516812;0.021226415094339621397745432319;0.008962264150943395971116167686;0.008018867924528301840969568559;0.000943396226415094346987033624;0.003301886792452830322874834934;0.008018867924528301840969568559;0.006132075471698113580676370304;0.002358490566037735759047366813;0.005660377358490565648241332752;0.001886792452830188693974067249;0.007075471698113207710822969432;0.003301886792452830322874834934;0.003773584905660377387948134498;0.000000000000000000000000000000;0.010849056603773584231409365941;0.002358490566037735759047366813;0.012264150943396227161352740609;0.010377358490566037166336066377;0.006132075471698113580676370304;0.003773584905660377387948134498;0.008490566037735848906042868123
-0.013679245283018868356572639300;0.002830188679245282824120666376;0.013207547169811321291499339736;0.547169811320754706507329956366;0.078773584905660373745028834946;0.011792452830188680096279441045;0.002358490566037735759047366813;0.005660377358490565648241332752;0.004716981132075471518094733625;0.007075471698113207710822969432;0.006132075471698113580676370304;0.010377358490566037166336066377;0.008962264150943395971116167686;0.008018867924528301840969568559;0.009905660377358490101262766814;0.007075471698113207710822969432;0.006603773584905660645749669868;0.010377358490566037166336066377;0.007075471698113207710822969432;0.001886792452830188693974067249;0.006603773584905660645749669868;0.005660377358490565648241332752;0.002830188679245282824120666376;0.012735849056603774226426040173;0.010849056603773584231409365941;0.009433962264150943036189467250;0.005188679245283018583168033189;0.037735849056603772144757869000;0.000471698113207547173493516812;0.023584905660377360192558882090;0.012735849056603774226426040173;0.007075471698113207710822969432;0.004245283018867924453021434061;0.004716981132075471518094733625;0.012264150943396227161352740609;0.008490566037735848906042868123;0.002358490566037735759047366813;0.005660377358490565648241332752;0.000471698113207547173493516812;0.006132075471698113580676370304;0.004716981132075471518094733625;0.003301886792452830322874834934;0.000000000000000000000000000000;0.008490566037735848906042868123;0.003773584905660377387948134498;0.008962264150943395971116167686;0.010849056603773584231409365941;0.005660377358490565648241332752;0.003301886792452830322874834934;0.008018867924528301840969568559
-0.014150943396226415421645938864;0.011792452830188680096279441045;0.014150943396226415421645938864;0.498584905660377331049204485680;0.066981132075471697118196345855;0.009905660377358490101262766814;0.006132075471698113580676370304;0.010849056603773584231409365941;0.005188679245283018583168033189;0.008962264150943395971116167686;0.006132075471698113580676370304;0.015566037735849056616865837555;0.008490566037735848906042868123;0.009905660377358490101262766814;0.015094339622641509551792537991;0.009905660377358490101262766814;0.004716981132075471518094733625;0.007075471698113207710822969432;0.012264150943396227161352740609;0.002358490566037735759047366813;0.004716981132075471518094733625;0.007547169811320754775896268995;0.001415094339622641412060333188;0.010377358490566037166336066377;0.012264150943396227161352740609;0.011320754716981131296482665505;0.005188679245283018583168033189;0.049056603773584908645410962436;0.000943396226415094346987033624;0.033018867924528301494024873364;0.010377358490566037166336066377;0.009433962264150943036189467250;0.002830188679245282824120666376;0.003773584905660377387948134498;0.006603773584905660645749669868;0.008490566037735848906042868123;0.003301886792452830322874834934;0.003773584905660377387948134498;0.000000000000000000000000000000;0.004716981132075471518094733625;0.001886792452830188693974067249;0.004716981132075471518094733625;0.000000000000000000000000000000;0.009905660377358490101262766814;0.008490566037735848906042868123;0.015566037735849056616865837555;0.010377358490566037166336066377;0.008490566037735848906042868123;0.005660377358490565648241332752;0.007547169811320754775896268995
-0.012735849056603774226426040173;0.012264150943396227161352740609;0.013207547169811321291499339736;0.522641509433962259123518379056;0.069339622641509432443562843673;0.013679245283018868356572639300;0.004245283018867924453021434061;0.005660377358490565648241332752;0.005660377358490565648241332752;0.009905660377358490101262766814;0.003301886792452830322874834934;0.010849056603773584231409365941;0.008962264150943395971116167686;0.013207547169811321291499339736;0.013207547169811321291499339736;0.009433962264150943036189467250;0.006132075471698113580676370304;0.007547169811320754775896268995;0.005188679245283018583168033189;0.002358490566037735759047366813;0.006603773584905660645749669868;0.005188679245283018583168033189;0.002830188679245282824120666376;0.016037735849056603681939137118;0.015094339622641509551792537991;0.008490566037735848906042868123;0.004716981132075471518094733625;0.039150943396226413339977767691;0.002830188679245282824120666376;0.029716981132075472038511776418;0.012735849056603774226426040173;0.007547169811320754775896268995;0.003301886792452830322874834934;0.003301886792452830322874834934;0.010377358490566037166336066377;0.013207547169811321291499339736;0.001415094339622641412060333188;0.007547169811320754775896268995;0.000000000000000000000000000000;0.005188679245283018583168033189;0.000943396226415094346987033624;0.003301886792452830322874834934;0.000000000000000000000000000000;0.006603773584905660645749669868;0.003773584905660377387948134498;0.008490566037735848906042868123;0.009905660377358490101262766814;0.009433962264150943036189467250;0.004716981132075471518094733625;0.008018867924528301840969568559
-0.010377358490566037166336066377;0.008962264150943395971116167686;0.014622641509433962486719238427;0.527358490566037785285402605950;0.073113207547169808964149240182;0.012264150943396227161352740609;0.003773584905660377387948134498;0.005660377358490565648241332752;0.004245283018867924453021434061;0.008018867924528301840969568559;0.004245283018867924453021434061;0.013679245283018868356572639300;0.011792452830188680096279441045;0.008490566037735848906042868123;0.013207547169811321291499339736;0.007547169811320754775896268995;0.005188679245283018583168033189;0.010849056603773584231409365941;0.007547169811320754775896268995;0.002830188679245282824120666376;0.008490566037735848906042868123;0.007075471698113207710822969432;0.001886792452830188693974067249;0.016037735849056603681939137118;0.009433962264150943036189467250;0.013207547169811321291499339736;0.005660377358490565648241332752;0.039622641509433960405051067255;0.002358490566037735759047366813;0.026886792452830189648071979036;0.006603773584905660645749669868;0.007075471698113207710822969432;0.006132075471698113580676370304;0.001415094339622641412060333188;0.007547169811320754775896268995;0.009905660377358490101262766814;0.002358490566037735759047366813;0.007075471698113207710822969432;0.000471698113207547173493516812;0.005188679245283018583168033189;0.002358490566037735759047366813;0.007075471698113207710822969432;0.000000000000000000000000000000;0.008018867924528301840969568559;0.006603773584905660645749669868;0.010849056603773584231409365941;0.007547169811320754775896268995;0.006132075471698113580676370304;0.007547169811320754775896268995;0.005660377358490565648241332752
-0.014150943396226415421645938864;0.003301886792452830322874834934;0.014150943396226415421645938864;0.529716981132075437344042256882;0.057547169811320755816730354582;0.013207547169811321291499339736;0.003773584905660377387948134498;0.003301886792452830322874834934;0.003301886792452830322874834934;0.008490566037735848906042868123;0.009905660377358490101262766814;0.017924528301886791942232335373;0.006603773584905660645749669868;0.010377358490566037166336066377;0.008018867924528301840969568559;0.007075471698113207710822969432;0.003773584905660377387948134498;0.011320754716981131296482665505;0.005188679245283018583168033189;0.003773584905660377387948134498;0.005188679245283018583168033189;0.007547169811320754775896268995;0.002358490566037735759047366813;0.014622641509433962486719238427;0.012264150943396227161352740609;0.012735849056603774226426040173;0.009433962264150943036189467250;0.029716981132075472038511776418;0.002830188679245282824120666376;0.037264150943396225079684569437;0.010377358490566037166336066377;0.008962264150943395971116167686;0.005188679245283018583168033189;0.003773584905660377387948134498;0.009905660377358490101262766814;0.009905660377358490101262766814;0.003301886792452830322874834934;0.007547169811320754775896268995;0.000943396226415094346987033624;0.005188679245283018583168033189;0.006603773584905660645749669868;0.004716981132075471518094733625;0.000000000000000000000000000000;0.010849056603773584231409365941;0.008490566037735848906042868123;0.006603773584905660645749669868;0.009905660377358490101262766814;0.007547169811320754775896268995;0.005188679245283018583168033189;0.006132075471698113580676370304
-0.012264150943396227161352740609;0.003301886792452830322874834934;0.014150943396226415421645938864;0.511792452830188704382408104721;0.077830188679245279614882235819;0.020283018867924527267598833191;0.008962264150943395971116167686;0.009433962264150943036189467250;0.007547169811320754775896268995;0.007547169811320754775896268995;0.005188679245283018583168033189;0.013679245283018868356572639300;0.008490566037735848906042868123;0.008962264150943395971116167686;0.008490566037735848906042868123;0.007547169811320754775896268995;0.005660377358490565648241332752;0.005660377358490565648241332752;0.004716981132075471518094733625;0.003301886792452830322874834934;0.005188679245283018583168033189;0.007075471698113207710822969432;0.000943396226415094346987033624;0.010849056603773584231409365941;0.011792452830188680096279441045;0.007547169811320754775896268995;0.005660377358490565648241332752;0.037264150943396225079684569437;0.003301886792452830322874834934;0.041509433962264148665344265510;0.006132075471698113580676370304;0.007547169811320754775896268995;0.002358490566037735759047366813;0.005188679245283018583168033189;0.007075471698113207710822969432;0.011792452830188680096279441045;0.002830188679245282824120666376;0.005660377358490565648241332752;0.000471698113207547173493516812;0.005660377358490565648241332752;0.006603773584905660645749669868;0.004716981132075471518094733625;0.000000000000000000000000000000;0.009433962264150943036189467250;0.008018867924528301840969568559;0.010377358490566037166336066377;0.014150943396226415421645938864;0.005188679245283018583168033189;0.005188679245283018583168033189;0.005660377358490565648241332752
-0.017452830188679244877159035809;0.007075471698113207710822969432;0.013679245283018868356572639300;0.500943396226415149641297830385;0.083490566037735844395761830583;0.015094339622641509551792537991;0.005188679245283018583168033189;0.004716981132075471518094733625;0.007075471698113207710822969432;0.009433962264150943036189467250;0.004716981132075471518094733625;0.017452830188679244877159035809;0.009433962264150943036189467250;0.015094339622641509551792537991;0.014622641509433962486719238427;0.005660377358490565648241332752;0.006132075471698113580676370304;0.008962264150943395971116167686;0.009905660377358490101262766814;0.003301886792452830322874834934;0.008018867924528301840969568559;0.003301886792452830322874834934;0.001415094339622641412060333188;0.011320754716981131296482665505;0.011320754716981131296482665505;0.013207547169811321291499339736;0.008962264150943395971116167686;0.037264150943396225079684569437;0.000943396226415094346987033624;0.036320754716981130949537970309;0.009433962264150943036189467250;0.007075471698113207710822969432;0.004245283018867924453021434061;0.002358490566037735759047366813;0.002358490566037735759047366813;0.007547169811320754775896268995;0.002830188679245282824120666376;0.003301886792452830322874834934;0.000943396226415094346987033624;0.003301886792452830322874834934;0.001415094339622641412060333188;0.004716981132075471518094733625;0.000000000000000000000000000000;0.012264150943396227161352740609;0.005188679245283018583168033189;0.009433962264150943036189467250;0.011792452830188680096279441045;0.008490566037735848906042868123;0.005660377358490565648241332752;0.006132075471698113580676370304
-0.018396226415094339007305634937;0.004245283018867924453021434061;0.012264150943396227161352740609;0.486792452830188682177947612217;0.082075471698113203200541931892;0.018867924528301886072378934500;0.004245283018867924453021434061;0.003773584905660377387948134498;0.006132075471698113580676370304;0.008962264150943395971116167686;0.008018867924528301840969568559;0.017452830188679244877159035809;0.008962264150943395971116167686;0.011320754716981131296482665505;0.013207547169811321291499339736;0.008018867924528301840969568559;0.009433962264150943036189467250;0.007547169811320754775896268995;0.007547169811320754775896268995;0.002358490566037735759047366813;0.006132075471698113580676370304;0.007547169811320754775896268995;0.002830188679245282824120666376;0.009905660377358490101262766814;0.012264150943396227161352740609;0.010377358490566037166336066377;0.006132075471698113580676370304;0.038679245283018866274904468128;0.000943396226415094346987033624;0.043396226415094336925637463764;0.008962264150943395971116167686;0.009433962264150943036189467250;0.001886792452830188693974067249;0.003773584905660377387948134498;0.008962264150943395971116167686;0.006132075471698113580676370304;0.003773584905660377387948134498;0.004245283018867924453021434061;0.000471698113207547173493516812;0.005660377358490565648241332752;0.002358490566037735759047366813;0.004245283018867924453021434061;0.000000000000000000000000000000;0.011320754716981131296482665505;0.007547169811320754775896268995;0.011320754716981131296482665505;0.011792452830188680096279441045;0.004245283018867924453021434061;0.007075471698113207710822969432;0.008962264150943395971116167686
-0.012264150943396227161352740609;0.010377358490566037166336066377;0.008018867924528301840969568559;0.477830188679245260185979304879;0.077830188679245279614882235819;0.016981132075471697812085736246;0.005660377358490565648241332752;0.006132075471698113580676370304;0.007075471698113207710822969432;0.012264150943396227161352740609;0.007547169811320754775896268995;0.023584905660377360192558882090;0.006132075471698113580676370304;0.008962264150943395971116167686;0.016981132075471697812085736246;0.007075471698113207710822969432;0.008962264150943395971116167686;0.005188679245283018583168033189;0.008490566037735848906042868123;0.001886792452830188693974067249;0.006603773584905660645749669868;0.006132075471698113580676370304;0.000471698113207547173493516812;0.011320754716981131296482665505;0.013207547169811321291499339736;0.010849056603773584231409365941;0.010377358490566037166336066377;0.037264150943396225079684569437;0.000471698113207547173493516812;0.041509433962264148665344265510;0.010849056603773584231409365941;0.008490566037735848906042868123;0.002830188679245282824120666376;0.003301886792452830322874834934;0.007547169811320754775896268995;0.009433962264150943036189467250;0.002358490566037735759047366813;0.005188679245283018583168033189;0.000471698113207547173493516812;0.004245283018867924453021434061;0.003301886792452830322874834934;0.006132075471698113580676370304;0.000000000000000000000000000000;0.008490566037735848906042868123;0.009905660377358490101262766814;0.010849056603773584231409365941;0.014622641509433962486719238427;0.014622641509433962486719238427;0.004245283018867924453021434061;0.005660377358490565648241332752
-0.010101010101010101868701518413;0.007856341189674523675656736543;0.011784511784511784646123366826;0.508978675645342271138815704035;0.071268237934904596353469230507;0.014590347923681256520067606175;0.003367003367003366855886303810;0.005611672278338944615250216685;0.010101010101010101868701518413;0.009539842873176206453078584957;0.007856341189674523675656736543;0.013468013468013467423545215240;0.008417508417508417356556194022;0.006734006734006733711772607620;0.012345679012345678327022824305;0.008978675645342312772179127478;0.007295173961840628260033803087;0.006734006734006733711772607620;0.007295173961840628260033803087;0.004489337822671156386089563739;0.006734006734006733711772607620;0.007856341189674523675656736543;0.002805836139169472307625108343;0.011223344556677889230500433371;0.008978675645342312772179127478;0.009539842873176206453078584957;0.008417508417508417356556194022;0.037598204264870933866138358326;0.002244668911335578193044781870;0.039842873176206508589736188242;0.014590347923681256520067606175;0.008417508417508417356556194022;0.004489337822671156386089563739;0.001683501683501683427943151905;0.005611672278338944615250216685;0.007856341189674523675656736543;0.001683501683501683427943151905;0.006734006734006733711772607620;0.001683501683501683427943151905;0.003928170594837261837828368272;0.010101010101010101868701518413;0.006734006734006733711772607620;0.000000000000000000000000000000;0.011784511784511784646123366826;0.005611672278338944615250216685;0.007856341189674523675656736543;0.009539842873176206453078584957;0.005611672278338944615250216685;0.006172839506172839163511412153;0.007856341189674523675656736543
-0.009433962264150943036189467250;0.003773584905660377387948134498;0.014622641509433962486719238427;0.540094339622641528286806078540;0.078773584905660373745028834946;0.016509433962264150747012436682;0.006603773584905660645749669868;0.005188679245283018583168033189;0.005188679245283018583168033189;0.005188679245283018583168033189;0.006603773584905660645749669868;0.009433962264150943036189467250;0.010849056603773584231409365941;0.006603773584905660645749669868;0.016037735849056603681939137118;0.008490566037735848906042868123;0.004245283018867924453021434061;0.007075471698113207710822969432;0.009905660377358490101262766814;0.002830188679245282824120666376;0.007075471698113207710822969432;0.005660377358490565648241332752;0.000471698113207547173493516812;0.011320754716981131296482665505;0.010849056603773584231409365941;0.008018867924528301840969568559;0.008962264150943395971116167686;0.032547169811320754428951573800;0.001415094339622641412060333188;0.025000000000000001387778780781;0.008490566037735848906042868123;0.007075471698113207710822969432;0.003773584905660377387948134498;0.003301886792452830322874834934;0.005660377358490565648241332752;0.012735849056603774226426040173;0.003773584905660377387948134498;0.005188679245283018583168033189;0.000471698113207547173493516812;0.005660377358490565648241332752;0.005188679245283018583168033189;0.007547169811320754775896268995;0.000000000000000000000000000000;0.008018867924528301840969568559;0.006603773584905660645749669868;0.007075471698113207710822969432;0.013207547169811321291499339736;0.003301886792452830322874834934;0.007075471698113207710822969432;0.007075471698113207710822969432
-0.008962264150943395971116167686;0.005660377358490565648241332752;0.011320754716981131296482665505;0.576886792452830143851372213248;0.072169811320754714834002641055;0.008962264150943395971116167686;0.006132075471698113580676370304;0.007075471698113207710822969432;0.006132075471698113580676370304;0.007075471698113207710822969432;0.004716981132075471518094733625;0.005188679245283018583168033189;0.008962264150943395971116167686;0.007075471698113207710822969432;0.011320754716981131296482665505;0.007547169811320754775896268995;0.005660377358490565648241332752;0.007547169811320754775896268995;0.008490566037735848906042868123;0.001886792452830188693974067249;0.005660377358490565648241332752;0.005188679245283018583168033189;0.001415094339622641412060333188;0.010849056603773584231409365941;0.011320754716981131296482665505;0.009433962264150943036189467250;0.008018867924528301840969568559;0.047641509433962267450191063745;0.001415094339622641412060333188;0.013207547169811321291499339736;0.005188679245283018583168033189;0.007547169811320754775896268995;0.001886792452830188693974067249;0.007075471698113207710822969432;0.007547169811320754775896268995;0.009433962264150943036189467250;0.003301886792452830322874834934;0.003773584905660377387948134498;0.000471698113207547173493516812;0.004716981132075471518094733625;0.003773584905660377387948134498;0.002830188679245282824120666376;0.000000000000000000000000000000;0.007547169811320754775896268995;0.009905660377358490101262766814;0.005660377358490565648241332752;0.008490566037735848906042868123;0.009905660377358490101262766814;0.004245283018867924453021434061;0.003773584905660377387948134498
-0.010849056603773584231409365941;0.008018867924528301840969568559;0.016037735849056603681939137118;0.504716981132075526161884226894;0.037264150943396225079684569437;0.009905660377358490101262766814;0.007547169811320754775896268995;0.007547169811320754775896268995;0.003773584905660377387948134498;0.006603773584905660645749669868;0.008490566037735848906042868123;0.010849056603773584231409365941;0.015566037735849056616865837555;0.011320754716981131296482665505;0.012264150943396227161352740609;0.009433962264150943036189467250;0.005188679245283018583168033189;0.007547169811320754775896268995;0.013679245283018868356572639300;0.004245283018867924453021434061;0.008490566037735848906042868123;0.001886792452830188693974067249;0.002358490566037735759047366813;0.014622641509433962486719238427;0.013679245283018868356572639300;0.011792452830188680096279441045;0.016981132075471697812085736246;0.066037735849056602988049746727;0.000471698113207547173493516812;0.024056603773584907257632181654;0.006132075471698113580676370304;0.008490566037735848906042868123;0.004245283018867924453021434061;0.004245283018867924453021434061;0.008490566037735848906042868123;0.012264150943396227161352740609;0.002830188679245282824120666376;0.004716981132075471518094733625;0.000943396226415094346987033624;0.004716981132075471518094733625;0.002830188679245282824120666376;0.003301886792452830322874834934;0.000000000000000000000000000000;0.008018867924528301840969568559;0.009905660377358490101262766814;0.012264150943396227161352740609;0.009905660377358490101262766814;0.008018867924528301840969568559;0.007547169811320754775896268995;0.009905660377358490101262766814
-0.015094339622641509551792537991;0.005660377358490565648241332752;0.013679245283018868356572639300;0.485849056603773588047801013090;0.066037735849056602988049746727;0.014150943396226415421645938864;0.004716981132075471518094733625;0.007547169811320754775896268995;0.001886792452830188693974067249;0.008018867924528301840969568559;0.008018867924528301840969568559;0.015094339622641509551792537991;0.008490566037735848906042868123;0.014622641509433962486719238427;0.013207547169811321291499339736;0.008018867924528301840969568559;0.010377358490566037166336066377;0.005660377358490565648241332752;0.012735849056603774226426040173;0.003301886792452830322874834934;0.007547169811320754775896268995;0.006132075471698113580676370304;0.002358490566037735759047366813;0.011792452830188680096279441045;0.017924528301886791942232335373;0.011320754716981131296482665505;0.008490566037735848906042868123;0.039622641509433960405051067255;0.004716981132075471518094733625;0.034433962264150942689244772055;0.011320754716981131296482665505;0.008490566037735848906042868123;0.004716981132075471518094733625;0.005660377358490565648241332752;0.008490566037735848906042868123;0.007547169811320754775896268995;0.000943396226415094346987033624;0.003773584905660377387948134498;0.000471698113207547173493516812;0.005660377358490565648241332752;0.004245283018867924453021434061;0.003773584905660377387948134498;0.000000000000000000000000000000;0.008962264150943395971116167686;0.011792452830188680096279441045;0.011320754716981131296482665505;0.012735849056603774226426040173;0.008490566037735848906042868123;0.006603773584905660645749669868;0.008490566037735848906042868123
-0.012735849056603774226426040173;0.006132075471698113580676370304;0.011320754716981131296482665505;0.483490566037735824966858899643;0.068867924528301885378489544109;0.015094339622641509551792537991;0.008962264150943395971116167686;0.010377358490566037166336066377;0.006132075471698113580676370304;0.012735849056603774226426040173;0.005660377358490565648241332752;0.015094339622641509551792537991;0.016509433962264150747012436682;0.009433962264150943036189467250;0.010849056603773584231409365941;0.015094339622641509551792537991;0.008962264150943395971116167686;0.006132075471698113580676370304;0.009433962264150943036189467250;0.000943396226415094346987033624;0.007075471698113207710822969432;0.003773584905660377387948134498;0.005660377358490565648241332752;0.011320754716981131296482665505;0.012735849056603774226426040173;0.009905660377358490101262766814;0.008018867924528301840969568559;0.036320754716981130949537970309;0.000471698113207547173493516812;0.038679245283018866274904468128;0.017924528301886791942232335373;0.009433962264150943036189467250;0.001886792452830188693974067249;0.005660377358490565648241332752;0.006132075471698113580676370304;0.010377358490566037166336066377;0.002358490566037735759047366813;0.002830188679245282824120666376;0.000000000000000000000000000000;0.004245283018867924453021434061;0.001886792452830188693974067249;0.006603773584905660645749669868;0.000000000000000000000000000000;0.008962264150943395971116167686;0.007547169811320754775896268995;0.008490566037735848906042868123;0.014150943396226415421645938864;0.009433962264150943036189467250;0.007547169811320754775896268995;0.006603773584905660645749669868
-0.015094339622641509551792537991;0.003773584905660377387948134498;0.010849056603773584231409365941;0.529716981132075437344042256882;0.072169811320754714834002641055;0.011320754716981131296482665505;0.006132075471698113580676370304;0.009905660377358490101262766814;0.005188679245283018583168033189;0.013207547169811321291499339736;0.006603773584905660645749669868;0.009433962264150943036189467250;0.013207547169811321291499339736;0.006603773584905660645749669868;0.008962264150943395971116167686;0.008018867924528301840969568559;0.005188679245283018583168033189;0.007075471698113207710822969432;0.009433962264150943036189467250;0.001415094339622641412060333188;0.008490566037735848906042868123;0.004245283018867924453021434061;0.002358490566037735759047366813;0.014150943396226415421645938864;0.014622641509433962486719238427;0.013679245283018868356572639300;0.007075471698113207710822969432;0.027830188679245283778218578163;0.001415094339622641412060333188;0.037264150943396225079684569437;0.011320754716981131296482665505;0.005188679245283018583168033189;0.003301886792452830322874834934;0.004716981132075471518094733625;0.003773584905660377387948134498;0.008490566037735848906042868123;0.003301886792452830322874834934;0.002830188679245282824120666376;0.000471698113207547173493516812;0.005188679245283018583168033189;0.002830188679245282824120666376;0.006132075471698113580676370304;0.000000000000000000000000000000;0.009433962264150943036189467250;0.006603773584905660645749669868;0.010377358490566037166336066377;0.011320754716981131296482665505;0.008018867924528301840969568559;0.005188679245283018583168033189;0.007075471698113207710822969432
-0.013207547169811321291499339736;0.005660377358490565648241332752;0.008490566037735848906042868123;0.499528301886792425179351084807;0.084433962264150938525908429710;0.013679245283018868356572639300;0.005660377358490565648241332752;0.008490566037735848906042868123;0.003773584905660377387948134498;0.009433962264150943036189467250;0.005660377358490565648241332752;0.016981132075471697812085736246;0.010377358490566037166336066377;0.009433962264150943036189467250;0.013679245283018868356572639300;0.010377358490566037166336066377;0.008018867924528301840969568559;0.005188679245283018583168033189;0.011320754716981131296482665505;0.002358490566037735759047366813;0.007075471698113207710822969432;0.003773584905660377387948134498;0.000943396226415094346987033624;0.012264150943396227161352740609;0.015094339622641509551792537991;0.009433962264150943036189467250;0.009905660377358490101262766814;0.040094339622641507470124366819;0.002830188679245282824120666376;0.032075471698113207363878274236;0.011792452830188680096279441045;0.005660377358490565648241332752;0.002830188679245282824120666376;0.003773584905660377387948134498;0.005188679245283018583168033189;0.008018867924528301840969568559;0.001886792452830188693974067249;0.005660377358490565648241332752;0.000000000000000000000000000000;0.006132075471698113580676370304;0.002358490566037735759047366813;0.004716981132075471518094733625;0.000000000000000000000000000000;0.009905660377358490101262766814;0.011792452830188680096279441045;0.007075471698113207710822969432;0.013679245283018868356572639300;0.007547169811320754775896268995;0.004245283018867924453021434061;0.008490566037735848906042868123
-0.013207547169811321291499339736;0.004245283018867924453021434061;0.015566037735849056616865837555;0.497641509433962236919057886553;0.080660377358490562005322033201;0.016509433962264150747012436682;0.007075471698113207710822969432;0.003301886792452830322874834934;0.004716981132075471518094733625;0.007075471698113207710822969432;0.007075471698113207710822969432;0.018867924528301886072378934500;0.010849056603773584231409365941;0.010377358490566037166336066377;0.012735849056603774226426040173;0.010377358490566037166336066377;0.005660377358490565648241332752;0.006603773584905660645749669868;0.003773584905660377387948134498;0.003301886792452830322874834934;0.008018867924528301840969568559;0.002830188679245282824120666376;0.001415094339622641412060333188;0.012264150943396227161352740609;0.014150943396226415421645938864;0.011320754716981131296482665505;0.006132075471698113580676370304;0.036320754716981130949537970309;0.002358490566037735759047366813;0.043396226415094336925637463764;0.018867924528301886072378934500;0.006603773584905660645749669868;0.003773584905660377387948134498;0.004245283018867924453021434061;0.008962264150943395971116167686;0.008490566037735848906042868123;0.000943396226415094346987033624;0.006132075471698113580676370304;0.000471698113207547173493516812;0.004245283018867924453021434061;0.002830188679245282824120666376;0.003773584905660377387948134498;0.000000000000000000000000000000;0.005660377358490565648241332752;0.006603773584905660645749669868;0.004245283018867924453021434061;0.012264150943396227161352740609;0.009433962264150943036189467250;0.006132075471698113580676370304;0.008490566037735848906042868123
-0.012264150943396227161352740609;0.006132075471698113580676370304;0.008490566037735848906042868123;0.517452830188679269163287699484;0.062735849056603773532536649782;0.024528301886792454322705481218;0.004716981132075471518094733625;0.008018867924528301840969568559;0.004716981132075471518094733625;0.006603773584905660645749669868;0.005188679245283018583168033189;0.017452830188679244877159035809;0.018867924528301886072378934500;0.007547169811320754775896268995;0.009905660377358490101262766814;0.007547169811320754775896268995;0.005660377358490565648241332752;0.007075471698113207710822969432;0.011320754716981131296482665505;0.000471698113207547173493516812;0.006603773584905660645749669868;0.002830188679245282824120666376;0.003773584905660377387948134498;0.010849056603773584231409365941;0.011320754716981131296482665505;0.011320754716981131296482665505;0.008962264150943395971116167686;0.033018867924528301494024873364;0.002358490566037735759047366813;0.036792452830188678014611269873;0.013207547169811321291499339736;0.004245283018867924453021434061;0.002830188679245282824120666376;0.004245283018867924453021434061;0.007075471698113207710822969432;0.007075471698113207710822969432;0.003773584905660377387948134498;0.004716981132075471518094733625;0.000471698113207547173493516812;0.004716981132075471518094733625;0.005660377358490565648241332752;0.004716981132075471518094733625;0.000000000000000000000000000000;0.012735849056603774226426040173;0.005660377358490565648241332752;0.010849056603773584231409365941;0.009905660377358490101262766814;0.008962264150943395971116167686;0.007075471698113207710822969432;0.007547169811320754775896268995
-0.010613207547169810698872716159;0.004716981132075471518094733625;0.012382075471698113927621065500;0.561320754716981173970680174534;0.056014150943396227855242131000;0.014150943396226415421645938864;0.004127358490566037686753109170;0.004127358490566037686753109170;0.002358490566037735759047366813;0.005306603773584905349436358080;0.009433962264150943036189467250;0.015330188679245283084329187773;0.013561320754716981590304314409;0.009433962264150943036189467250;0.005896226415094340048139720523;0.005306603773584905349436358080;0.005306603773584905349436358080;0.012971698113207547758962689954;0.005896226415094340048139720523;0.002948113207547170024069860261;0.004716981132075471518094733625;0.004127358490566037686753109170;0.002358490566037735759047366813;0.010023584905660376867531091705;0.010613207547169810698872716159;0.005306603773584905349436358080;0.004127358490566037686753109170;0.051886792452830191035850759818;0.005306603773584905349436358080;0.030660377358490566168658375545;0.012382075471698113927621065500;0.005306603773584905349436358080;0.002358490566037735759047366813;0.004127358490566037686753109170;0.009433962264150943036189467250;0.007665094339622641542164593886;0.002358490566037735759047366813;0.001768867924528301927705742358;0.000589622641509433939761841703;0.009433962264150943036189467250;0.007665094339622641542164593886;0.005896226415094340048139720523;0.000000000000000000000000000000;0.005306603773584905349436358080;0.008254716981132075373506218341;0.005306603773584905349436358080;0.003537735849056603855411484716;0.005896226415094340048139720523;0.006485849056603773879481344977;0.005896226415094340048139720523
-0.011859838274932614152201715285;0.010781671159029650175487091701;0.014016172506738543840354438430;0.490566037735849058698534008727;0.059299191374663072495732052403;0.011320754716981131296482665505;0.008625336927223720487334368556;0.005929919137466307076100857643;0.007547169811320754775896268995;0.008086253369272237631615318776;0.008625336927223720487334368556;0.014016172506738543840354438430;0.022102425876010783206693233183;0.009164420485175201608329942360;0.012398921832884097007920765066;0.009164420485175201608329942360;0.005390835579514825087743545851;0.008086253369272237631615318776;0.006469002695417789931819907423;0.002695417789757412543871772925;0.007008086253369271920177219215;0.003234501347708894965909953712;0.002695417789757412543871772925;0.011859838274932614152201715285;0.014016172506738543840354438430;0.013477088948787062719358864626;0.007008086253369271920177219215;0.050134770889487867417955158089;0.001617250673854447482954976856;0.031266846361185984815023175543;0.016711590296495958118949687332;0.007547169811320754775896268995;0.002695417789757412543871772925;0.003234501347708894965909953712;0.002156334231805930121833592139;0.010242587601078167319768041921;0.000000000000000000000000000000;0.003773584905660377387948134498;0.000000000000000000000000000000;0.004312668463611860243667184278;0.006469002695417789931819907423;0.004312668463611860243667184278;0.000000000000000000000000000000;0.009703504043126684464048992140;0.009164420485175201608329942360;0.011859838274932614152201715285;0.012398921832884097007920765066;0.010242587601078167319768041921;0.008086253369272237631615318776;0.008625336927223720487334368556
-0.010849056603773584231409365941;0.011320754716981131296482665505;0.012264150943396227161352740609;0.489622641509433964568387409599;0.067452830188679244183269645418;0.022169811320754715527892031446;0.005188679245283018583168033189;0.006132075471698113580676370304;0.005660377358490565648241332752;0.006603773584905660645749669868;0.008962264150943395971116167686;0.017452830188679244877159035809;0.009433962264150943036189467250;0.009433962264150943036189467250;0.013207547169811321291499339736;0.006603773584905660645749669868;0.006603773584905660645749669868;0.008490566037735848906042868123;0.009905660377358490101262766814;0.001886792452830188693974067249;0.005188679245283018583168033189;0.005188679245283018583168033189;0.001415094339622641412060333188;0.011792452830188680096279441045;0.012735849056603774226426040173;0.011320754716981131296482665505;0.005188679245283018583168033189;0.050000000000000002775557561563;0.001415094339622641412060333188;0.030660377358490566168658375545;0.008962264150943395971116167686;0.011792452830188680096279441045;0.004716981132075471518094733625;0.002358490566037735759047366813;0.010377358490566037166336066377;0.008490566037735848906042868123;0.001886792452830188693974067249;0.006603773584905660645749669868;0.000000000000000000000000000000;0.006603773584905660645749669868;0.003773584905660377387948134498;0.003773584905660377387948134498;0.000000000000000000000000000000;0.011320754716981131296482665505;0.008018867924528301840969568559;0.012264150943396227161352740609;0.008962264150943395971116167686;0.011792452830188680096279441045;0.006132075471698113580676370304;0.008018867924528301840969568559
-0.011728709841917388592702486960;0.010708822029576747086876409298;0.012748597654258031833252040599;0.471188169301376857944774201314;0.060683324834268227709888066101;0.011728709841917388592702486960;0.008669046404895462340500777998;0.004589495155532891113026039420;0.005609382967873533486213855070;0.010198878123406425466601632479;0.010198878123406425466601632479;0.019377868434472207692653711320;0.005609382967873533486213855070;0.010708822029576747086876409298;0.009688934217236103846326855660;0.010708822029576747086876409298;0.012238653748087710212977263780;0.010708822029576747086876409298;0.014278429372768994959352895080;0.003059663437021927553244315945;0.005609382967873533486213855070;0.006629270780214176726763408709;0.002039775624681285180056500295;0.015298317185109638199902448719;0.017338092809790924681001555996;0.012748597654258031833252040599;0.010708822029576747086876409298;0.039265680775114740475029151412;0.001529831718510963776622157972;0.029576746557878633159255343799;0.011218765935747066972427710141;0.009178990311065782226052078840;0.003059663437021927553244315945;0.005609382967873533486213855070;0.009178990311065782226052078840;0.016828148903620603060726779177;0.001529831718510963776622157972;0.003569607343192248739838223770;0.000509943906170321295014125074;0.007649158592554819099951224359;0.007139214686384497479676447540;0.006119326874043855106488631890;0.000000000000000000000000000000;0.010198878123406425466601632479;0.004079551249362570360113000589;0.011728709841917388592702486960;0.016828148903620603060726779177;0.011218765935747066972427710141;0.003059663437021927553244315945;0.006119326874043855106488631890
-0.012938005390835579863639814846;0.018328840970350403216659884720;0.012398921832884097007920765066;0.371428571428571441259691710002;0.094878706199460913217613722281;0.017250673854447440974668737113;0.007547169811320754775896268995;0.016711590296495958118949687332;0.005390835579514825087743545851;0.007547169811320754775896268995;0.010242587601078167319768041921;0.029110512129380053392146976421;0.009703504043126684464048992140;0.010781671159029650175487091701;0.019946091644204851783817034061;0.005929919137466307076100857643;0.006469002695417789931819907423;0.011859838274932614152201715285;0.017789757412398920360940834939;0.002695417789757412543871772925;0.010781671159029650175487091701;0.005390835579514825087743545851;0.004312668463611860243667184278;0.013477088948787062719358864626;0.015633423180592992407511587771;0.012938005390835579863639814846;0.009164420485175201608329942360;0.039353099730458224181361970295;0.001617250673854447482954976856;0.052291105121293798840831357211;0.011320754716981131296482665505;0.007008086253369271920177219215;0.004312668463611860243667184278;0.003234501347708894965909953712;0.007547169811320754775896268995;0.010781671159029650175487091701;0.006469002695417789931819907423;0.007008086253369271920177219215;0.001078167115902965060916796070;0.007008086253369271920177219215;0.004851752021563342232024496070;0.008086253369272237631615318776;0.000000000000000000000000000000;0.009703504043126684464048992140;0.011859838274932614152201715285;0.011320754716981131296482665505;0.010781671159029650175487091701;0.010242587601078167319768041921;0.006469002695417789931819907423;0.007008086253369271920177219215
-0.012971698113207547758962689954;0.012971698113207547758962689954;0.019457547169811319903720558955;0.461084905660377353253664978183;0.054245283018867926361217257636;0.015330188679245283084329187773;0.003537735849056603855411484716;0.005306603773584905349436358080;0.005896226415094340048139720523;0.011202830188679244530214340614;0.007075471698113207710822969432;0.017099056603773584578354061136;0.011792452830188680096279441045;0.007075471698113207710822969432;0.015330188679245283084329187773;0.012382075471698113927621065500;0.011792452830188680096279441045;0.012382075471698113927621065500;0.010023584905660376867531091705;0.002948113207547170024069860261;0.009433962264150943036189467250;0.008844339622641509204847842796;0.005896226415094340048139720523;0.011202830188679244530214340614;0.012971698113207547758962689954;0.012382075471698113927621065500;0.011792452830188680096279441045;0.025353773584905661686583755454;0.002358490566037735759047366813;0.031250000000000000000000000000;0.012971698113207547758962689954;0.007665094339622641542164593886;0.011792452830188680096279441045;0.005306603773584905349436358080;0.003537735849056603855411484716;0.011792452830188680096279441045;0.002948113207547170024069860261;0.011792452830188680096279441045;0.002358490566037735759047366813;0.008844339622641509204847842796;0.002358490566037735759047366813;0.011202830188679244530214340614;0.000000000000000000000000000000;0.010023584905660376867531091705;0.012971698113207547758962689954;0.010613207547169810698872716159;0.013561320754716981590304314409;0.005306603773584905349436358080;0.008254716981132075373506218341;0.005306603773584905349436358080
-0.013207547169811321291499339736;0.001886792452830188693974067249;0.011320754716981131296482665505;0.593081761006289287507797780563;0.042767295597484274172206397679;0.006289308176100629269034136826;0.006918238993710692022465202911;0.010062893081761005789620533335;0.004402515723270440141379200583;0.007547169811320754775896268995;0.008176100628930817529327335080;0.009433962264150943036189467250;0.005031446540880502894810266667;0.011949685534591195784637207566;0.010062893081761005789620533335;0.011949685534591195784637207566;0.009433962264150943036189467250;0.004402515723270440141379200583;0.009433962264150943036189467250;0.001886792452830188693974067249;0.011320754716981131296482665505;0.010691823899371068543051599420;0.001257861635220125723702566667;0.013207547169811321291499339736;0.010062893081761005789620533335;0.008176100628930817529327335080;0.010691823899371068543051599420;0.026415094339622642582998679472;0.001886792452830188693974067249;0.009433962264150943036189467250;0.008176100628930817529327335080;0.006289308176100629269034136826;0.000628930817610062861851283333;0.005660377358490565648241332752;0.003773584905660377387948134498;0.012578616352201258538068273651;0.004402515723270440141379200583;0.010691823899371068543051599420;0.000628930817610062861851283333;0.003773584905660377387948134498;0.004402515723270440141379200583;0.003144654088050314634517068413;0.000000000000000000000000000000;0.009433962264150943036189467250;0.012578616352201258538068273651;0.005660377358490565648241332752;0.010062893081761005789620533335;0.008176100628930817529327335080;0.004402515723270440141379200583;0.003144654088050314634517068413
-0.025336927223719676871560579912;0.007547169811320754775896268995;0.032345013477088950526461275103;0.321832884097035032411326938018;0.023180592991913745448684380790;0.011859838274932614152201715285;0.003234501347708894965909953712;0.012398921832884097007920765066;0.013477088948787062719358864626;0.022641509433962262592965331010;0.008625336927223720487334368556;0.026415094339622642582998679472;0.010781671159029650175487091701;0.023180592991913745448684380790;0.005929919137466307076100857643;0.018328840970350403216659884720;0.015633423180592992407511587771;0.021563342318059300350974183402;0.016711590296495958118949687332;0.003773584905660377387948134498;0.011320754716981131296482665505;0.005929919137466307076100857643;0.004851752021563342232024496070;0.029649595687331536247866026201;0.022641509433962262592965331010;0.022641509433962262592965331010;0.012938005390835579863639814846;0.015633423180592992407511587771;0.001617250673854447482954976856;0.019946091644204851783817034061;0.022102425876010783206693233183;0.017789757412398920360940834939;0.002156334231805930121833592139;0.005929919137466307076100857643;0.011859838274932614152201715285;0.028571428571428570536427926640;0.006469002695417789931819907423;0.009703504043126684464048992140;0.000539083557951482530458398035;0.004851752021563342232024496070;0.002156334231805930121833592139;0.009703504043126684464048992140;0.000000000000000000000000000000;0.018328840970350403216659884720;0.004851752021563342232024496070;0.020485175202156334639536083841;0.025336927223719676871560579912;0.014016172506738543840354438430;0.015094339622641509551792537991;0.008086253369272237631615318776
-0.015812776723592662092565674925;0.005692599620493358526795990571;0.022770398481973434107183962283;0.300442757748260569350406967715;0.106261859582542694813156458622;0.011385199240986717053591981141;0.002530044275774826108282855586;0.016445287792536369270157692313;0.010120177103099304433131422343;0.013915243516761544029236574715;0.012650221378874129674052539940;0.010752688172043011610723439730;0.015812776723592662092565674925;0.021505376344086023221446879461;0.013282732447817836851644557328;0.012017710309930424231183998529;0.007590132827324478324848566757;0.015812776723592662092565674925;0.021505376344086023221446879461;0.006325110689437064837026269970;0.012017710309930424231183998529;0.008855154965211891812670863544;0.004427577482605945906335431772;0.020240354206198608866262844685;0.017710309930423783625341727088;0.016445287792536369270157692313;0.017077798861480076447749709700;0.027830487033523088058473149431;0.003162555344718532418513134985;0.032890575585072738540315384626;0.005692599620493358526795990571;0.012650221378874129674052539940;0.011385199240986717053591981141;0.009487666034155597255539404955;0.013282732447817836851644557328;0.013915243516761544029236574715;0.003795066413662239162424283379;0.008855154965211891812670863544;0.001265022137887413054141427793;0.014547754585705249472105116126;0.003795066413662239162424283379;0.002530044275774826108282855586;0.000000000000000000000000000000;0.010120177103099304433131422343;0.015812776723592662092565674925;0.013282732447817836851644557328;0.014547754585705249472105116126;0.018342820999367487333486792522;0.013915243516761544029236574715;0.009487666034155597255539404955
-0.010863350485991995694745604339;0.006861063464837049638567201271;0.018296169239565465702845870055;0.396226415094339645683874095994;0.057175528873642078586669867946;0.018296169239565465702845870055;0.006861063464837049638567201271;0.010291595197255575325212539894;0.009719839908519153220955999473;0.008004574042309892112356806138;0.013150371640937678907601338096;0.013150371640937678907601338096;0.019439679817038306441911998945;0.013722126929674099277134402541;0.005145797598627787662606269947;0.010291595197255575325212539894;0.011435105774728416064278668784;0.010291595197255575325212539894;0.014865637507146941750924007408;0.002858776443682104016069667196;0.013150371640937678907601338096;0.009719839908519153220955999473;0.010291595197255575325212539894;0.017152658662092624963779741165;0.015437392795883362120457071853;0.012578616352201258538068273651;0.014865637507146941750924007408;0.021154945683247571019958144234;0.005717552887364208032139334392;0.043453401943967982778982417358;0.011435105774728416064278668784;0.008576329331046312481889870583;0.009719839908519153220955999473;0.007432818753573470875462003704;0.016580903373356204594246676720;0.013150371640937678907601338096;0.004574042309891366425711467514;0.010291595197255575325212539894;0.003430531732418524819283600635;0.014293882218410519646667466986;0.005717552887364208032139334392;0.012578616352201258538068273651;0.000000000000000000000000000000;0.008576329331046312481889870583;0.005145797598627787662606269947;0.011435105774728416064278668784;0.009148084619782732851422935028;0.010291595197255575325212539894;0.008004574042309892112356806138;0.009148084619782732851422935028
-0.014726184997699034301410492276;0.012885411872986654580053311747;0.018867924528301886072378934500;0.486884491486424320072501359391;0.013805798435342844440731902012;0.017027151403589506351021753972;0.005522319374137137429348065609;0.010124252185918084998017540954;0.012885411872986654580053311747;0.007823285780027611213682803282;0.006902899217671422220365951006;0.027151403589507593083762770902;0.006442705936493327290026655874;0.011504832029452370656397164339;0.005062126092959042499008770477;0.011504832029452370656397164339;0.013805798435342844440731902012;0.011504832029452370656397164339;0.008283479061205707011383836402;0.004601932811780947568669475345;0.008743672342383801074361393546;0.012425218591808558782352278627;0.005062126092959042499008770477;0.017487344684767602148722787092;0.012885411872986654580053311747;0.011965025310630464719374721483;0.014726184997699034301410492276;0.021168890934192361591437148149;0.004141739530602853505691918201;0.021168890934192361591437148149;0.020708697653014265793736115029;0.012425218591808558782352278627;0.003221352968246663645013327937;0.004141739530602853505691918201;0.009664058904739990935039983810;0.011504832029452370656397164339;0.005522319374137137429348065609;0.011504832029452370656397164339;0.001380579843534284357337016402;0.009664058904739990935039983810;0.005062126092959042499008770477;0.012885411872986654580053311747;0.000000000000000000000000000000;0.007823285780027611213682803282;0.003681546249424758575352623069;0.009664058904739990935039983810;0.010124252185918084998017540954;0.009664058904739990935039983810;0.007823285780027611213682803282;0.006442705936493327290026655874
-0.027611596870685688881463804023;0.007823285780027611213682803282;0.058444546709618037938493984029;0.178094799815922688601688150811;0.012885411872986654580053311747;0.023469857340082833641048409845;0.002300966405890473784334737672;0.011044638748274274858696131218;0.013805798435342844440731902012;0.024850437183617117564704557253;0.013345605154164748643030868891;0.030372756557754256728776098839;0.010124252185918084998017540954;0.040957202024850439259218148891;0.007363092498849517150705246138;0.027151403589507593083762770902;0.017487344684767602148722787092;0.023930050621260929438749442966;0.013805798435342844440731902012;0.007823285780027611213682803282;0.006442705936493327290026655874;0.014265991716520938503709459155;0.005522319374137137429348065609;0.034974689369535204297445574184;0.024850437183617117564704557253;0.025310630464795213362405590374;0.018867924528301886072378934500;0.003681546249424758575352623069;0.003221352968246663645013327937;0.028992176714219972805119951431;0.023930050621260929438749442966;0.026691210308329497286061737782;0.002300966405890473784334737672;0.004141739530602853505691918201;0.013805798435342844440731902012;0.040957202024850439259218148891;0.006442705936493327290026655874;0.010124252185918084998017540954;0.000000000000000000000000000000;0.011965025310630464719374721483;0.004601932811780947568669475345;0.004601932811780947568669475345;0.000000000000000000000000000000;0.017947537965945697946423820213;0.002300966405890473784334737672;0.009664058904739990935039983810;0.032213529682466636450133279368;0.026231017027151404957807656615;0.021168890934192361591437148149;0.022089277496548549717392262437
-0.029066802651708311538980566979;0.006629270780214176726763408709;0.036715961244263128904208315362;0.252932177460479357122835608607;0.038245792962774097234479597773;0.016828148903620603060726779177;0.004079551249362570360113000589;0.013768485466598673339078118261;0.005099439061703212733300816240;0.024477307496175420425954527559;0.010708822029576747086876409298;0.016828148903620603060726779177;0.007649158592554819099951224359;0.038755736868944415385307422639;0.008669046404895462340500777998;0.018867924528301886072378934500;0.014788373278939316579627671899;0.009178990311065782226052078840;0.012238653748087710212977263780;0.006119326874043855106488631890;0.014278429372768994959352895080;0.011218765935747066972427710141;0.003059663437021927553244315945;0.034676185619581849362003111992;0.032636409994900562880904004714;0.028556858745537989918705790160;0.013258541560428353453526817418;0.009688934217236103846326855660;0.002039775624681285180056500295;0.021417644059153494173752818597;0.022437531871494133944855420282;0.018357980622131564452104157681;0.003569607343192248739838223770;0.006119326874043855106488631890;0.014278429372768994959352895080;0.024987251402345742046229304378;0.009688934217236103846326855660;0.014278429372768994959352895080;0.001019887812340642590028250147;0.009178990311065782226052078840;0.002549719530851606366650408120;0.006119326874043855106488631890;0.000000000000000000000000000000;0.015298317185109638199902448719;0.009688934217236103846326855660;0.013768485466598673339078118261;0.033146353901070881031731829580;0.022437531871494133944855420282;0.016828148903620603060726779177;0.013768485466598673339078118261
-0.023694602896007020687019206662;0.008336989907854322479074937746;0.031154014918824045332623740023;0.358051777095217182989017601358;0.009214567792891618577821866154;0.014480035103115402109197340508;0.005265467310223782664013736365;0.017112768758227293874885077685;0.007898200965335673562339735554;0.028082492321193506384924276631;0.010092145677928916411292270539;0.014041246160596753192462138315;0.010092145677928916411292270539;0.024572180781044318520489611046;0.012724879333040808176980007715;0.015796401930671347124679471108;0.011847301448003510343509603331;0.009653356735410267494557068346;0.009214567792891618577821866154;0.003071522597630539815061201381;0.009214567792891618577821866154;0.010969723562966212510039198946;0.003510311540149188298115534579;0.025449758666081616353960015431;0.022378236068451073936813600085;0.025888547608600261801248265670;0.017112768758227293874885077685;0.013602457218078104275726936123;0.002632733655111891332006868183;0.011847301448003510343509603331;0.017551557700745942791620279877;0.017112768758227293874885077685;0.004826678367705133747278534173;0.007898200965335673562339735554;0.010969723562966212510039198946;0.028960070206230804218394681016;0.006143045195261079630122402762;0.006581834137779727679495866965;0.000877577885037297074528883645;0.011408512505484861426774401139;0.004826678367705133747278534173;0.014480035103115402109197340508;0.000000000000000000000000000000;0.019745502413339183905849338885;0.006143045195261079630122402762;0.007898200965335673562339735554;0.023694602896007020687019206662;0.021939447125932425020078397893;0.010092145677928916411292270539;0.011847301448003510343509603331
-0.027712264150943397011950253273;0.005306603773584905349436358080;0.023584905660377360192558882090;0.408018867924528294555130969457;0.003537735849056603855411484716;0.015330188679245283084329187773;0.002948113207547170024069860261;0.015919811320754716915670812227;0.008254716981132075373506218341;0.026533018867924529349267004363;0.011792452830188680096279441045;0.015919811320754716915670812227;0.007075471698113207710822969432;0.029481132075471698505975126636;0.015919811320754716915670812227;0.011792452830188680096279441045;0.007075471698113207710822969432;0.008254716981132075373506218341;0.008844339622641509204847842796;0.003537735849056603855411484716;0.011202830188679244530214340614;0.007665094339622641542164593886;0.001768867924528301927705742358;0.035377358490566036819391371182;0.014740566037735849252987563318;0.022405660377358489060428681228;0.005896226415094340048139720523;0.008254716981132075373506218341;0.004127358490566037686753109170;0.010023584905660376867531091705;0.008844339622641509204847842796;0.014150943396226415421645938864;0.002948113207547170024069860261;0.004127358490566037686753109170;0.005896226415094340048139720523;0.031250000000000000000000000000;0.009433962264150943036189467250;0.005896226415094340048139720523;0.000000000000000000000000000000;0.005306603773584905349436358080;0.004716981132075471518094733625;0.014150943396226415421645938864;0.000000000000000000000000000000;0.017688679245283018409695685591;0.002358490566037735759047366813;0.013561320754716981590304314409;0.035966981132075470650732995637;0.022995283018867922891770305682;0.011202830188679244530214340614;0.011202830188679244530214340614
-0.017610062893081760565516802330;0.012578616352201258538068273651;0.038993710691823897651620001170;0.399371069182389959451029426418;0.003144654088050314634517068413;0.011949685534591195784637207566;0.003144654088050314634517068413;0.014465408805031446798361471906;0.006918238993710692022465202911;0.023270440251572325346396397094;0.009433962264150943036189467250;0.009433962264150943036189467250;0.007547169811320754775896268995;0.031446540880503144610447208152;0.013836477987421384044930405821;0.015094339622641509551792537991;0.011949685534591195784637207566;0.015094339622641509551792537991;0.011320754716981131296482665505;0.004402515723270440141379200583;0.009433962264150943036189467250;0.004402515723270440141379200583;0.002515723270440251447405133334;0.036477987421383646637895736831;0.020754716981132074332672132755;0.017610062893081760565516802330;0.020754716981132074332672132755;0.008176100628930817529327335080;0.002515723270440251447405133334;0.013836477987421384044930405821;0.009433962264150943036189467250;0.016352201257861635058654670161;0.000628930817610062861851283333;0.006289308176100629269034136826;0.010691823899371068543051599420;0.021383647798742137086103198840;0.008176100628930817529327335080;0.009433962264150943036189467250;0.000628930817610062861851283333;0.005031446540880502894810266667;0.002515723270440251447405133334;0.005660377358490565648241332752;0.000000000000000000000000000000;0.018867924528301886072378934500;0.005660377358490565648241332752;0.007547169811320754775896268995;0.027672955974842768089860811642;0.025157232704402517076136547303;0.011949685534591195784637207566;0.009433962264150943036189467250
-0.019946091644204851783817034061;0.015633423180592992407511587771;0.047439353099730456608806861141;0.345013477088948805615586934437;0.002695417789757412543871772925;0.016172506738544475263230637552;0.002695417789757412543871772925;0.019946091644204851783817034061;0.005929919137466307076100857643;0.031266846361185984815023175543;0.007547169811320754775896268995;0.008086253369272237631615318776;0.003234501347708894965909953712;0.031805929919137464201295273369;0.007008086253369271920177219215;0.011320754716981131296482665505;0.014016172506738543840354438430;0.008086253369272237631615318776;0.015633423180592992407511587771;0.004851752021563342232024496070;0.013477088948787062719358864626;0.008086253369272237631615318776;0.002695417789757412543871772925;0.052291105121293798840831357211;0.018328840970350403216659884720;0.029110512129380053392146976421;0.013477088948787062719358864626;0.006469002695417789931819907423;0.001078167115902965060916796070;0.008625336927223720487334368556;0.009164420485175201608329942360;0.013477088948787062719358864626;0.000000000000000000000000000000;0.003234501347708894965909953712;0.007547169811320754775896268995;0.040970350404312669279072167683;0.007008086253369271920177219215;0.004851752021563342232024496070;0.000000000000000000000000000000;0.007547169811320754775896268995;0.004312668463611860243667184278;0.008625336927223720487334368556;0.000000000000000000000000000000;0.019407008086253368928097984281;0.005390835579514825087743545851;0.012398921832884097007920765066;0.046361185983827490897368761580;0.019407008086253368928097984281;0.005929919137466307076100857643;0.012398921832884097007920765066
-0.037196765498652292758485771174;0.002695417789757412543871772925;0.044204851752021566413386466365;0.252291105121293823820849411277;0.006469002695417789931819907423;0.022102425876010783206693233183;0.003773584905660377387948134498;0.012398921832884097007920765066;0.014016172506738543840354438430;0.026954177897574125438717729253;0.009164420485175201608329942360;0.017250673854447440974668737113;0.006469002695417789931819907423;0.033962264150943395624171472491;0.016172506738544475263230637552;0.017250673854447440974668737113;0.014016172506738543840354438430;0.009703504043126684464048992140;0.020485175202156334639536083841;0.009703504043126684464048992140;0.016711590296495958118949687332;0.011320754716981131296482665505;0.002695417789757412543871772925;0.033962264150943395624171472491;0.031805929919137464201295273369;0.031805929919137464201295273369;0.018328840970350403216659884720;0.015633423180592992407511587771;0.003234501347708894965909953712;0.016172506738544475263230637552;0.010781671159029650175487091701;0.022102425876010783206693233183;0.004851752021563342232024496070;0.005929919137466307076100857643;0.012938005390835579863639814846;0.025336927223719676871560579912;0.012398921832884097007920765066;0.009164420485175201608329942360;0.001617250673854447482954976856;0.010242587601078167319768041921;0.002695417789757412543871772925;0.004312668463611860243667184278;0.000000000000000000000000000000;0.016711590296495958118949687332;0.004851752021563342232024496070;0.012398921832884097007920765066;0.033962264150943395624171472491;0.025336927223719676871560579912;0.016172506738544475263230637552;0.010242587601078167319768041921
-0.017789757412398920360940834939;0.007547169811320754775896268995;0.014555256064690026696073488210;0.459299191374663073883510833184;0.046361185983827490897368761580;0.017789757412398920360940834939;0.004312668463611860243667184278;0.008086253369272237631615318776;0.008625336927223720487334368556;0.013477088948787062719358864626;0.014016172506738543840354438430;0.019407008086253368928097984281;0.014555256064690026696073488210;0.012938005390835579863639814846;0.003773584905660377387948134498;0.009703504043126684464048992140;0.005390835579514825087743545851;0.010781671159029650175487091701;0.005390835579514825087743545851;0.003773584905660377387948134498;0.008625336927223720487334368556;0.005390835579514825087743545851;0.001617250673854447482954976856;0.019407008086253368928097984281;0.026954177897574125438717729253;0.016172506738544475263230637552;0.009703504043126684464048992140;0.011859838274932614152201715285;0.001078167115902965060916796070;0.029649595687331536247866026201;0.011859838274932614152201715285;0.009164420485175201608329942360;0.005929919137466307076100857643;0.005929919137466307076100857643;0.015094339622641509551792537991;0.018328840970350403216659884720;0.003234501347708894965909953712;0.007008086253369271920177219215;0.001078167115902965060916796070;0.004312668463611860243667184278;0.002695417789757412543871772925;0.008086253369272237631615318776;0.000000000000000000000000000000;0.012398921832884097007920765066;0.005929919137466307076100857643;0.014016172506738543840354438430;0.011320754716981131296482665505;0.019407008086253368928097984281;0.004851752021563342232024496070;0.011320754716981131296482665505
-0.014016172506738543840354438430;0.010242587601078167319768041921;0.019407008086253368928097984281;0.438814016172506760060656461064;0.042048517520215634990510267244;0.017250673854447440974668737113;0.007008086253369271920177219215;0.010781671159029650175487091701;0.004851752021563342232024496070;0.007547169811320754775896268995;0.005929919137466307076100857643;0.009703504043126684464048992140;0.011859838274932614152201715285;0.015094339622641509551792537991;0.013477088948787062719358864626;0.012398921832884097007920765066;0.009164420485175201608329942360;0.017789757412398920360940834939;0.015633423180592992407511587771;0.001617250673854447482954976856;0.010242587601078167319768041921;0.008086253369272237631615318776;0.004312668463611860243667184278;0.015633423180592992407511587771;0.014016172506738543840354438430;0.011859838274932614152201715285;0.012398921832884097007920765066;0.035579514824797840721881669879;0.006469002695417789931819907423;0.026415094339622642582998679472;0.011320754716981131296482665505;0.012938005390835579863639814846;0.002695417789757412543871772925;0.009703504043126684464048992140;0.015633423180592992407511587771;0.015633423180592992407511587771;0.005390835579514825087743545851;0.004312668463611860243667184278;0.001078167115902965060916796070;0.010242587601078167319768041921;0.003234501347708894965909953712;0.008086253369272237631615318776;0.000000000000000000000000000000;0.012938005390835579863639814846;0.008086253369272237631615318776;0.006469002695417789931819907423;0.016172506738544475263230637552;0.009703504043126684464048992140;0.008625336927223720487334368556;0.008086253369272237631615318776
-0.018867924528301886072378934500;0.011320754716981131296482665505;0.034501347708894881949337474225;0.368733153638814037389437316961;0.039892183288409703567634068122;0.021024258760107817495255133622;0.002695417789757412543871772925;0.011859838274932614152201715285;0.012938005390835579863639814846;0.011859838274932614152201715285;0.010242587601078167319768041921;0.036657681940700806433319769440;0.006469002695417789931819907423;0.016172506738544475263230637552;0.009164420485175201608329942360;0.011320754716981131296482665505;0.011859838274932614152201715285;0.024258760107816711160122480351;0.014016172506738543840354438430;0.003234501347708894965909953712;0.009164420485175201608329942360;0.009164420485175201608329942360;0.006469002695417789931819907423;0.016711590296495958118949687332;0.012938005390835579863639814846;0.016172506738544475263230637552;0.010781671159029650175487091701;0.012398921832884097007920765066;0.002695417789757412543871772925;0.035579514824797840721881669879;0.023719676549865228304403430570;0.009703504043126684464048992140;0.004312668463611860243667184278;0.005929919137466307076100857643;0.009703504043126684464048992140;0.012938005390835579863639814846;0.005929919137466307076100857643;0.009164420485175201608329942360;0.000539083557951482530458398035;0.007008086253369271920177219215;0.003773584905660377387948134498;0.015094339622641509551792537991;0.000000000000000000000000000000;0.008086253369272237631615318776;0.005929919137466307076100857643;0.012398921832884097007920765066;0.019407008086253368928097984281;0.017250673854447440974668737113;0.012938005390835579863639814846;0.007008086253369271920177219215
-0.029649595687331536247866026201;0.008086253369272237631615318776;0.025876010781671159727279629692;0.343396226415094318884513313606;0.039353099730458224181361970295;0.019946091644204851783817034061;0.003234501347708894965909953712;0.009164420485175201608329942360;0.010242587601078167319768041921;0.018328840970350403216659884720;0.010781671159029650175487091701;0.024258760107816711160122480351;0.009703504043126684464048992140;0.020485175202156334639536083841;0.010242587601078167319768041921;0.011859838274932614152201715285;0.016172506738544475263230637552;0.014016172506738543840354438430;0.015633423180592992407511587771;0.004851752021563342232024496070;0.016172506738544475263230637552;0.009164420485175201608329942360;0.003234501347708894965909953712;0.019407008086253368928097984281;0.031266846361185984815023175543;0.022102425876010783206693233183;0.016172506738544475263230637552;0.007547169811320754775896268995;0.002156334231805930121833592139;0.024797843665768194015841530131;0.016711590296495958118949687332;0.016172506738544475263230637552;0.004312668463611860243667184278;0.003234501347708894965909953712;0.009703504043126684464048992140;0.024258760107816711160122480351;0.004312668463611860243667184278;0.005390835579514825087743545851;0.000539083557951482530458398035;0.011859838274932614152201715285;0.004312668463611860243667184278;0.007547169811320754775896268995;0.000000000000000000000000000000;0.012938005390835579863639814846;0.009703504043126684464048992140;0.008625336927223720487334368556;0.024258760107816711160122480351;0.017789757412398920360940834939;0.009703504043126684464048992140;0.011320754716981131296482665505
-0.024258760107816711160122480351;0.010242587601078167319768041921;0.025876010781671159727279629692;0.342857142857142860314922927500;0.036657681940700806433319769440;0.014016172506738543840354438430;0.002695417789757412543871772925;0.012938005390835579863639814846;0.009703504043126684464048992140;0.026415094339622642582998679472;0.010242587601078167319768041921;0.018867924528301886072378934500;0.005929919137466307076100857643;0.021024258760107817495255133622;0.009703504043126684464048992140;0.019407008086253368928097984281;0.014016172506738543840354438430;0.013477088948787062719358864626;0.010242587601078167319768041921;0.004851752021563342232024496070;0.018328840970350403216659884720;0.004312668463611860243667184278;0.003234501347708894965909953712;0.032345013477088950526461275103;0.026415094339622642582998679472;0.025876010781671159727279629692;0.021563342318059300350974183402;0.009164420485175201608329942360;0.002156334231805930121833592139;0.021563342318059300350974183402;0.014016172506738543840354438430;0.016711590296495958118949687332;0.002695417789757412543871772925;0.004312668463611860243667184278;0.006469002695417789931819907423;0.024258760107816711160122480351;0.007008086253369271920177219215;0.007547169811320754775896268995;0.000000000000000000000000000000;0.005929919137466307076100857643;0.006469002695417789931819907423;0.009164420485175201608329942360;0.000000000000000000000000000000;0.014016172506738543840354438430;0.010242587601078167319768041921;0.013477088948787062719358864626;0.027493261455525604824989827080;0.017789757412398920360940834939;0.008086253369272237631615318776;0.005929919137466307076100857643
-0.025943396226415095517925379909;0.008254716981132075373506218341;0.024174528301886794023900506545;0.350235849056603765205863965093;0.025943396226415095517925379909;0.027712264150943397011950253273;0.001768867924528301927705742358;0.010613207547169810698872716159;0.008844339622641509204847842796;0.015919811320754716915670812227;0.011202830188679244530214340614;0.024174528301886794023900506545;0.012382075471698113927621065500;0.031250000000000000000000000000;0.009433962264150943036189467250;0.014740566037735849252987563318;0.011202830188679244530214340614;0.013561320754716981590304314409;0.018867924528301886072378934500;0.004716981132075471518094733625;0.014740566037735849252987563318;0.007075471698113207710822969432;0.000589622641509433939761841703;0.029481132075471698505975126636;0.021226415094339621397745432319;0.019457547169811319903720558955;0.015919811320754716915670812227;0.007665094339622641542164593886;0.002948113207547170024069860261;0.037735849056603772144757869000;0.015919811320754716915670812227;0.009433962264150943036189467250;0.004127358490566037686753109170;0.005306603773584905349436358080;0.006485849056603773879481344977;0.022995283018867922891770305682;0.003537735849056603855411484716;0.007075471698113207710822969432;0.000589622641509433939761841703;0.008844339622641509204847842796;0.008254716981132075373506218341;0.003537735849056603855411484716;0.000000000000000000000000000000;0.014740566037735849252987563318;0.008254716981132075373506218341;0.013561320754716981590304314409;0.020047169811320753735062183409;0.014740566037735849252987563318;0.010613207547169810698872716159;0.014150943396226415421645938864
-0.017724413950829045333312805610;0.007432818753573470875462003704;0.020583190394511150650425079789;0.489422527158376197142786168115;0.029159519725557463132314950371;0.014293882218410519646667466986;0.006289308176100629269034136826;0.012578616352201258538068273651;0.008576329331046312481889870583;0.007432818753573470875462003704;0.012006861063464836433811733230;0.011435105774728416064278668784;0.004574042309891366425711467514;0.018867924528301886072378934500;0.024585477415666093237156530904;0.010863350485991995694745604339;0.012578616352201258538068273651;0.013150371640937678907601338096;0.014293882218410519646667466986;0.003430531732418524819283600635;0.010291595197255575325212539894;0.005145797598627787662606269947;0.002287021154945683212855733757;0.020583190394511150650425079789;0.017152658662092624963779741165;0.012006861063464836433811733230;0.008004574042309892112356806138;0.019439679817038306441911998945;0.001715265866209262409641800318;0.018867924528301886072378934500;0.014865637507146941750924007408;0.008576329331046312481889870583;0.002287021154945683212855733757;0.006861063464837049638567201271;0.004002287021154946056178403069;0.015437392795883362120457071853;0.002287021154945683212855733757;0.006289308176100629269034136826;0.001715265866209262409641800318;0.005145797598627787662606269947;0.008004574042309892112356806138;0.002858776443682104016069667196;0.000000000000000000000000000000;0.008576329331046312481889870583;0.013150371640937678907601338096;0.009148084619782732851422935028;0.013722126929674099277134402541;0.006289308176100629269034136826;0.009148084619782732851422935028;0.006861063464837049638567201271
-0.013406156901688183122334230291;0.009930486593843098480638431624;0.032770605759682221169715177211;0.369414101290963248214183067830;0.009930486593843098480638431624;0.013406156901688183122334230291;0.004468718967229394663231989426;0.010427010923535253925087395999;0.077954319761668319777037083895;0.011420059582919563079261848770;0.003972194637537239218783025052;0.023336643495531279868249185938;0.004468718967229394663231989426;0.018867924528301886072378934500;0.007944389275074478437566050104;0.010923535253227407634812884396;0.021847070506454815269625768792;0.020357497517378350671002351646;0.007944389275074478437566050104;0.005461767626613703817406442198;0.005958291956305859261855406572;0.025322740814299901646045043435;0.002482621648460774620159607906;0.015888778550148956875132100208;0.014399205561072492276508683062;0.013406156901688183122334230291;0.013406156901688183122334230291;0.013406156901688183122334230291;0.001986097318768619609391512526;0.017874875868917578652927957705;0.016881827209533267764030028957;0.015392254220456803165406611811;0.002482621648460774620159607906;0.007447864945382323860478823718;0.004965243296921549240319215812;0.016881827209533267764030028957;0.001986097318768619609391512526;0.003972194637537239218783025052;0.005958291956305859261855406572;0.009433962264150943036189467250;0.001489572989076464815463851643;0.029294935451837141732189806476;0.000000000000000000000000000000;0.011420059582919563079261848770;0.005461767626613703817406442198;0.014895729890764647720957647437;0.019364448857994043251551374851;0.016881827209533267764030028957;0.009433962264150943036189467250;0.003972194637537239218783025052
-0.015723270440251572305223604076;0.014150943396226415421645938864;0.030922431865828093472403637065;0.379454926624737953755328589978;0.025681341719077568214180118389;0.019392033542976940679869457540;0.003144654088050314634517068413;0.013626834381551362548878891801;0.015723270440251572305223604076;0.008909853249475890163422420187;0.012578616352201258538068273651;0.027253668763102725097757783601;0.005241090146750524390861780688;0.018343815513626834934335363414;0.014150943396226415421645938864;0.012054507337526205665301226588;0.014675052410901468294412985927;0.019392033542976940679869457540;0.017295597484276729188801269288;0.004716981132075471518094733625;0.009958071278825995908956514313;0.015199161425576519432456557013;0.011006289308176099919767132462;0.018867924528301886072378934500;0.015723270440251572305223604076;0.012054507337526205665301226588;0.018867924528301886072378934500;0.026205450733752619352223689475;0.002096436058700209756344712275;0.020964360587002097563447122752;0.022536687631027254447024787964;0.014675052410901468294412985927;0.004192872117400419512689424550;0.005241090146750524390861780688;0.008909853249475890163422420187;0.016771488469601678050757698202;0.007337526205450734147206492963;0.005765199161425576396267089763;0.001048218029350104878172356138;0.015723270440251572305223604076;0.004716981132075471518094733625;0.010482180293501048781723561376;0.000000000000000000000000000000;0.005765199161425576396267089763;0.009433962264150943036189467250;0.006813417190775681274439445900;0.009958071278825995908956514313;0.011006289308176099919767132462;0.009958071278825995908956514313;0.006289308176100629269034136826
-0.025157232704402517076136547303;0.002795248078266946052672370371;0.018169112508735148908689538416;0.336827393431167021464744948389;0.023759608665269042748757755135;0.041229909154437457963204849420;0.004891684136967155809017082646;0.009084556254367574454344769208;0.009783368273934311618034165292;0.016072676450034940887068302118;0.013277428371767993967034193759;0.030747728860936407446757812068;0.016771488469601678050757698202;0.015373864430468203723378906034;0.004891684136967155809017082646;0.021663172606568831257689566883;0.010482180293501048781723561376;0.011879804332634521374378877567;0.019566736547868623236068330584;0.004192872117400419512689424550;0.016072676450034940887068302118;0.006289308176100629269034136826;0.005590496156533892105344740742;0.015373864430468203723378906034;0.032145352900069881774136604236;0.023759608665269042748757755135;0.013976240391334731130723589843;0.006988120195667365565361794921;0.000698812019566736513168092593;0.051013277428371771315962490689;0.025856044723969250770378991433;0.009783368273934311618034165292;0.006289308176100629269034136826;0.002795248078266946052672370371;0.011180992313067784210689481483;0.014675052410901468294412985927;0.007686932215234101861689453017;0.014675052410901468294412985927;0.001397624039133473026336185185;0.010482180293501048781723561376;0.003494060097833682782680897461;0.008385744234800839025378849101;0.000000000000000000000000000000;0.011879804332634521374378877567;0.006289308176100629269034136826;0.008385744234800839025378849101;0.014675052410901468294412985927;0.013976240391334731130723589843;0.009783368273934311618034165292;0.009783368273934311618034165292
-0.037085230969420950042358953169;0.010409889394925179659234792950;0.025374105400130124443602852580;0.291476903057905023519680298705;0.000000000000000000000000000000;0.021470396877033181420868501732;0.001951854261548471077686306430;0.012361743656473649435878492397;0.007156798959011060473622833911;0.032530904359141181447778734537;0.014964216005204944784368059629;0.022121014964216003523267417563;0.003253090435914118318250221051;0.039037085230969423288449604570;0.007807417046193884310745225719;0.020819778789850359318469585901;0.009759271307742355822112401142;0.008458035133376708147867617527;0.009759271307742355822112401142;0.003903708523096942155372612859;0.009759271307742355822112401142;0.002602472348731294914808698238;0.005855562784645412799378050295;0.042290175666883540739338087633;0.030579050097592711671135035090;0.040338321405335067493247436232;0.014313597918022120947245667821;0.003253090435914118318250221051;0.004554326610279765992495004667;0.007156798959011060473622833911;0.012361743656473649435878492397;0.021470396877033181420868501732;0.001951854261548471077686306430;0.002602472348731294914808698238;0.011711125569290825598756100590;0.027325959661678594220246552027;0.010409889394925179659234792950;0.009108653220559531984990009335;0.000000000000000000000000000000;0.007156798959011060473622833911;0.005204944697462589829617396475;0.003903708523096942155372612859;0.000000000000000000000000000000;0.024072869225764476769358068964;0.001301236174365647457404349119;0.016916070266753416295735235053;0.036434612882238127939960037338;0.038386467143786594247156784832;0.014964216005204944784368059629;0.014313597918022120947245667821
-0.013662979830839297110123276013;0.011060507482108001761633708782;0.032530904359141181447778734537;0.352635003253090439923056464977;0.034482758620689654693869385937;0.017566688353936238398134150884;0.002602472348731294914808698238;0.007156798959011060473622833911;0.015614834092387768621490451437;0.013012361743656473273000884205;0.005855562784645412799378050295;0.016916070266753416295735235053;0.011711125569290825598756100590;0.024072869225764476769358068964;0.010409889394925179659234792950;0.018217306441119063969980018669;0.012361743656473649435878492397;0.021470396877033181420868501732;0.006506180871828236636500442103;0.005204944697462589829617396475;0.014313597918022120947245667821;0.014964216005204944784368059629;0.009759271307742355822112401142;0.021470396877033181420868501732;0.024072869225764476769358068964;0.018217306441119063969980018669;0.016916070266753416295735235053;0.020819778789850359318469585901;0.002602472348731294914808698238;0.022771633051398829095113285348;0.013012361743656473273000884205;0.011060507482108001761633708782;0.004554326610279765992495004667;0.009759271307742355822112401142;0.013012361743656473273000884205;0.020169160702667533746623718116;0.002602472348731294914808698238;0.003253090435914118318250221051;0.008458035133376708147867617527;0.020169160702667533746623718116;0.006506180871828236636500442103;0.013012361743656473273000884205;0.000000000000000000000000000000;0.008458035133376708147867617527;0.007156798959011060473622833911;0.006506180871828236636500442103;0.020819778789850359318469585901;0.011060507482108001761633708782;0.010409889394925179659234792950;0.011060507482108001761633708782
-0.027997565429093120709103104105;0.004869141813755325717827382448;0.025562994522215460452274626846;0.394400486914181391817635358166;0.020693852708460132999723768421;0.023128423615337796725999197633;0.003043213633597078356801679533;0.004260499087035909786258525145;0.008520998174071819572517050290;0.008520998174071819572517050290;0.010346926354230066499861884211;0.040779062690200852669963893504;0.013390139987827145290344432738;0.027388922702373707379619460767;0.007912355447352404508309930975;0.015824710894704809016619861950;0.005477784540474741649396239751;0.004869141813755325717827382448;0.014607425441265977153482147344;0.003043213633597078356801679533;0.007303712720632988576741073672;0.009738283627510651435654764896;0.004260499087035909786258525145;0.012781497261107730226137313423;0.035909920876445525217413035080;0.012172854534388313427206718131;0.009129640900791236371447645581;0.008520998174071819572517050290;0.001825928180158247144185268418;0.029214850882531954306964294688;0.020693852708460132999723768421;0.013998782714546560354551552052;0.004260499087035909786258525145;0.004869141813755325717827382448;0.010346926354230066499861884211;0.008520998174071819572517050290;0.005477784540474741649396239751;0.009738283627510651435654764896;0.000000000000000000000000000000;0.015824710894704809016619861950;0.004260499087035909786258525145;0.009738283627510651435654764896;0.000000000000000000000000000000;0.012172854534388313427206718131;0.012781497261107730226137313423;0.009129640900791236371447645581;0.023128423615337796725999197633;0.018867924528301886072378934500;0.009738283627510651435654764896;0.010955569080949483298792479502
-0.016265452179570590723889367268;0.008458035133376708147867617527;0.022771633051398829095113285348;0.426805465191932353885562179130;0.048145738451528953538716137928;0.018867924528301886072378934500;0.001301236174365647457404349119;0.013012361743656473273000884205;0.014964216005204944784368059629;0.011711125569290825598756100590;0.009108653220559531984990009335;0.025374105400130124443602852580;0.005204944697462589829617396475;0.013012361743656473273000884205;0.012361743656473649435878492397;0.014313597918022120947245667821;0.013012361743656473273000884205;0.011711125569290825598756100590;0.013012361743656473273000884205;0.007156798959011060473622833911;0.009108653220559531984990009335;0.012361743656473649435878492397;0.003903708523096942155372612859;0.006506180871828236636500442103;0.026675341574495772117847636196;0.014313597918022120947245667821;0.010409889394925179659234792950;0.018867924528301886072378934500;0.001301236174365647457404349119;0.020819778789850359318469585901;0.017566688353936238398134150884;0.005855562784645412799378050295;0.001951854261548471077686306430;0.003903708523096942155372612859;0.007807417046193884310745225719;0.018867924528301886072378934500;0.007156798959011060473622833911;0.006506180871828236636500442103;0.002602472348731294914808698238;0.010409889394925179659234792950;0.005204944697462589829617396475;0.007156798959011060473622833911;0.000000000000000000000000000000;0.006506180871828236636500442103;0.012361743656473649435878492397;0.006506180871828236636500442103;0.014313597918022120947245667821;0.016265452179570590723889367268;0.007156798959011060473622833911;0.011060507482108001761633708782
-0.015723270440251572305223604076;0.010482180293501048781723561376;0.023584905660377360192558882090;0.393081761006289331916718765569;0.072327044025157230522360407576;0.016771488469601678050757698202;0.009433962264150943036189467250;0.012054507337526205665301226588;0.007861635220125786152611802038;0.015723270440251572305223604076;0.007337526205450734147206492963;0.018867924528301886072378934500;0.007337526205450734147206492963;0.015723270440251572305223604076;0.009433962264150943036189467250;0.013626834381551362548878891801;0.009958071278825995908956514313;0.011006289308176099919767132462;0.014150943396226415421645938864;0.003668763102725367073603246482;0.011006289308176099919767132462;0.008385744234800839025378849101;0.000524109014675052439086178069;0.016247379454926623443267175162;0.019392033542976940679869457540;0.019916142557651991817913028626;0.014150943396226415421645938864;0.028825995807127881981335448813;0.002096436058700209756344712275;0.020964360587002097563447122752;0.013626834381551362548878891801;0.017819706498951780326844840374;0.005241090146750524390861780688;0.009958071278825995908956514313;0.003668763102725367073603246482;0.012054507337526205665301226588;0.002096436058700209756344712275;0.006289308176100629269034136826;0.001048218029350104878172356138;0.004192872117400419512689424550;0.002096436058700209756344712275;0.006289308176100629269034136826;0.000000000000000000000000000000;0.016247379454926623443267175162;0.013102725366876309676111844738;0.012054507337526205665301226588;0.013102725366876309676111844738;0.011006289308176099919767132462;0.006289308176100629269034136826;0.014150943396226415421645938864
-0.022102425876010783206693233183;0.011859838274932614152201715285;0.022641509433962262592965331010;0.397843665768194076903796485567;0.012398921832884097007920765066;0.028571428571428570536427926640;0.003234501347708894965909953712;0.010781671159029650175487091701;0.007547169811320754775896268995;0.011859838274932614152201715285;0.010242587601078167319768041921;0.036657681940700806433319769440;0.008086253369272237631615318776;0.021563342318059300350974183402;0.006469002695417789931819907423;0.026954177897574125438717729253;0.009164420485175201608329942360;0.011859838274932614152201715285;0.007008086253369271920177219215;0.003773584905660377387948134498;0.009164420485175201608329942360;0.010242587601078167319768041921;0.002695417789757412543871772925;0.016172506738544475263230637552;0.039353099730458224181361970295;0.011320754716981131296482665505;0.011859838274932614152201715285;0.014555256064690026696073488210;0.001078167115902965060916796070;0.032345013477088950526461275103;0.019946091644204851783817034061;0.014555256064690026696073488210;0.001617250673854447482954976856;0.004851752021563342232024496070;0.010781671159029650175487091701;0.011859838274932614152201715285;0.002695417789757412543871772925;0.009164420485175201608329942360;0.000539083557951482530458398035;0.006469002695417789931819907423;0.003773584905660377387948134498;0.002695417789757412543871772925;0.000000000000000000000000000000;0.011320754716981131296482665505;0.005390835579514825087743545851;0.008086253369272237631615318776;0.021024258760107817495255133622;0.021024258760107817495255133622;0.010242587601078167319768041921;0.014555256064690026696073488210
-0.026171637248934873781758270184;0.012172854534388313427206718131;0.025562994522215460452274626846;0.343274497869750450096404392752;0.007912355447352404508309930975;0.023128423615337796725999197633;0.005477784540474741649396239751;0.009738283627510651435654764896;0.018867924528301886072378934500;0.014607425441265977153482147344;0.007912355447352404508309930975;0.034083992696287278290068201159;0.007912355447352404508309930975;0.020085209981740719670240125083;0.003651856360316494288370536836;0.014607425441265977153482147344;0.015824710894704809016619861950;0.015216068167985392217689266658;0.013998782714546560354551552052;0.002434570906877662858913691224;0.013998782714546560354551552052;0.013998782714546560354551552052;0.003043213633597078356801679533;0.015216068167985392217689266658;0.031040779062690201234309128608;0.020085209981740719670240125083;0.014607425441265977153482147344;0.020085209981740719670240125083;0.003651856360316494288370536836;0.017650639074863055943964695871;0.018867924528301886072378934500;0.016433353621424222346103505288;0.003651856360316494288370536836;0.006086427267194156713603359066;0.006695069993913572645172216369;0.024954351795496043653344031554;0.004869141813755325717827382448;0.008520998174071819572517050290;0.001217285453438831429456845612;0.013390139987827145290344432738;0.005477784540474741649396239751;0.029823493609251371105894889979;0.000000000000000000000000000000;0.011564211807668898362999598817;0.008520998174071819572517050290;0.007303712720632988576741073672;0.020085209981740719670240125083;0.016433353621424222346103505288;0.009129640900791236371447645581;0.010955569080949483298792479502
-0.017520215633423180667804786026;0.008760107816711590333902393013;0.021563342318059300350974183402;0.374663072776280303699536489148;0.048517520215633422320244960702;0.019541778975741240509389484714;0.007412398921832884061966506550;0.015498652291105120826220087338;0.010107816711590295738476541487;0.016846361185983826230794235812;0.010107816711590295738476541487;0.022237196765498651318537781663;0.005390835579514825087743545851;0.009433962264150943036189467250;0.010107816711590295738476541487;0.018867924528301886072378934500;0.011455525606469002877774165938;0.009433962264150943036189467250;0.013477088948787062719358864626;0.004043126684636118815807659388;0.010107816711590295738476541487;0.007412398921832884061966506550;0.001347708894878706271935886463;0.022911051212938005755548331877;0.019541778975741240509389484714;0.016172506738544475263230637552;0.012803234501347708282348314413;0.014824797843665768123933013101;0.006738544474393531359679432313;0.045148247978436660543533065493;0.012129380053908355580061240175;0.019541778975741240509389484714;0.004043126684636118815807659388;0.006738544474393531359679432313;0.005390835579514825087743545851;0.014824797843665768123933013101;0.006738544474393531359679432313;0.008086253369272237631615318776;0.003369272237196765679839716157;0.007412398921832884061966506550;0.004716981132075471518094733625;0.014824797843665768123933013101;0.000000000000000000000000000000;0.010107816711590295738476541487;0.006738544474393531359679432313;0.014150943396226415421645938864;0.018194070080862535104815336240;0.012129380053908355580061240175;0.009433962264150943036189467250;0.009433962264150943036189467250
-0.034231200897867561372400757591;0.005050505050505050934350759206;0.030864197530864195817557060764;0.354096520763187427860430034343;0.002805836139169472307625108343;0.025252525252525252069668582067;0.002244668911335578193044781870;0.007295173961840628260033803087;0.006734006734006733711772607620;0.021324354657687991099201951783;0.016273849607182939297489454589;0.026374859708193042900914448978;0.010662177328843995549600975892;0.029741863075196408455758145806;0.001683501683501683427943151905;0.023007856341189673876623800197;0.006734006734006733711772607620;0.007856341189674523675656736543;0.011223344556677889230500433371;0.008978675645342312772179127478;0.006734006734006733711772607620;0.007856341189674523675656736543;0.001122334455667789096522390935;0.024691358024691356654045648611;0.043209876543209874144579885069;0.033670033670033669426224776089;0.014029180695847362839168148696;0.003928170594837261837828368272;0.000561167227833894548261195467;0.015712682379349047351313473087;0.019640852974186308321780103370;0.008978675645342312772179127478;0.001683501683501683427943151905;0.006734006734006733711772607620;0.012906846240179573742645757761;0.024130190796857464707869667109;0.005050505050505050934350759206;0.017396184062850730128735321500;0.000561167227833894548261195467;0.006172839506172839163511412153;0.006172839506172839163511412153;0.004489337822671156386089563739;0.000000000000000000000000000000;0.014590347923681256520067606175;0.003928170594837261837828368272;0.006734006734006733711772607620;0.026936026936026934847090430480;0.024691358024691356654045648611;0.011223344556677889230500433371;0.014029180695847362839168148696
-0.015919811320754716915670812227;0.013561320754716981590304314409;0.020636792452830187566403807864;0.371462264150943410889738061087;0.091391509433962264674633502182;0.024174528301886794023900506545;0.005306603773584905349436358080;0.011792452830188680096279441045;0.005896226415094340048139720523;0.010613207547169810698872716159;0.005306603773584905349436358080;0.022995283018867922891770305682;0.005306603773584905349436358080;0.015919811320754716915670812227;0.021226415094339621397745432319;0.014740566037735849252987563318;0.007665094339622641542164593886;0.009433962264150943036189467250;0.011202830188679244530214340614;0.002948113207547170024069860261;0.013561320754716981590304314409;0.010613207547169810698872716159;0.001768867924528301927705742358;0.014740566037735849252987563318;0.020047169811320753735062183409;0.015330188679245283084329187773;0.006485849056603773879481344977;0.022405660377358489060428681228;0.002358490566037735759047366813;0.037735849056603772144757869000;0.010613207547169810698872716159;0.014150943396226415421645938864;0.008844339622641509204847842796;0.004716981132075471518094733625;0.006485849056603773879481344977;0.012971698113207547758962689954;0.003537735849056603855411484716;0.006485849056603773879481344977;0.001179245283018867879523683406;0.007075471698113207710822969432;0.010023584905660376867531091705;0.008254716981132075373506218341;0.000000000000000000000000000000;0.011792452830188680096279441045;0.018278301886792452241037310046;0.012382075471698113927621065500;0.014150943396226415421645938864;0.005306603773584905349436358080;0.005306603773584905349436358080;0.005896226415094340048139720523
-0.013836477987421384044930405821;0.013836477987421384044930405821;0.012578616352201258538068273651;0.447798742138364791465221514954;0.045911949685534587939361728104;0.015723270440251572305223604076;0.008176100628930817529327335080;0.013836477987421384044930405821;0.016352201257861635058654670161;0.009433962264150943036189467250;0.005660377358490565648241332752;0.018867924528301886072378934500;0.003773584905660377387948134498;0.010691823899371068543051599420;0.014465408805031446798361471906;0.011320754716981131296482665505;0.013836477987421384044930405821;0.015094339622641509551792537991;0.015723270440251572305223604076;0.002515723270440251447405133334;0.006289308176100629269034136826;0.008176100628930817529327335080;0.005660377358490565648241332752;0.011320754716981131296482665505;0.011949685534591195784637207566;0.009433962264150943036189467250;0.013207547169811321291499339736;0.017610062893081760565516802330;0.005031446540880502894810266667;0.021383647798742137086103198840;0.028930817610062893596722943812;0.013836477987421384044930405821;0.006289308176100629269034136826;0.006289308176100629269034136826;0.006289308176100629269034136826;0.013207547169811321291499339736;0.001886792452830188693974067249;0.005660377358490565648241332752;0.005660377358490565648241332752;0.006289308176100629269034136826;0.002515723270440251447405133334;0.017610062893081760565516802330;0.000000000000000000000000000000;0.011949685534591195784637207566;0.015723270440251572305223604076;0.010062893081761005789620533335;0.008805031446540880282758401165;0.008176100628930817529327335080;0.007547169811320754775896268995;0.003773584905660377387948134498
-0.011180992313067784210689481483;0.006289308176100629269034136826;0.023060796645702305585068359051;0.410202655485674361202086402045;0.021663172606568831257689566883;0.017470300489168415214447094286;0.004891684136967155809017082646;0.009084556254367574454344769208;0.009783368273934311618034165292;0.013277428371767993967034193759;0.007686932215234101861689453017;0.020964360587002097563447122752;0.009783368273934311618034165292;0.021663172606568831257689566883;0.005590496156533892105344740742;0.018867924528301886072378934500;0.011180992313067784210689481483;0.013976240391334731130723589843;0.009084556254367574454344769208;0.006988120195667365565361794921;0.013277428371767993967034193759;0.009084556254367574454344769208;0.003494060097833682782680897461;0.022361984626135568421378962967;0.027952480782669462261447179685;0.016771488469601678050757698202;0.011180992313067784210689481483;0.023060796645702305585068359051;0.002096436058700209756344712275;0.034241788958770093265204792488;0.018169112508735148908689538416;0.013277428371767993967034193759;0.002096436058700209756344712275;0.005590496156533892105344740742;0.008385744234800839025378849101;0.013976240391334731130723589843;0.004891684136967155809017082646;0.009084556254367574454344769208;0.002795248078266946052672370371;0.010482180293501048781723561376;0.005590496156533892105344740742;0.010482180293501048781723561376;0.000000000000000000000000000000;0.012578616352201258538068273651;0.004192872117400419512689424550;0.012578616352201258538068273651;0.015373864430468203723378906034;0.006988120195667365565361794921;0.012578616352201258538068273651;0.014675052410901468294412985927
-0.020889487870619945913963633188;0.008760107816711590333902393013;0.015498652291105120826220087338;0.388140161725067378561959685612;0.071428571428571424606346340624;0.012803234501347708282348314413;0.006064690026954177790030620088;0.012129380053908355580061240175;0.007412398921832884061966506550;0.007412398921832884061966506550;0.003369272237196765679839716157;0.020215633423180591476953082974;0.014824797843665768123933013101;0.016172506738544475263230637552;0.010107816711590295738476541487;0.018867924528301886072378934500;0.014150943396226415421645938864;0.010781671159029650175487091701;0.011455525606469002877774165938;0.004043126684636118815807659388;0.016846361185983826230794235812;0.008086253369272237631615318776;0.003369272237196765679839716157;0.014150943396226415421645938864;0.022911051212938005755548331877;0.007412398921832884061966506550;0.008760107816711590333902393013;0.042452830188679242795490864637;0.004043126684636118815807659388;0.028301886792452830843291877727;0.018194070080862535104815336240;0.014824797843665768123933013101;0.004043126684636118815807659388;0.006064690026954177790030620088;0.015498652291105120826220087338;0.013477088948787062719358864626;0.004043126684636118815807659388;0.009433962264150943036189467250;0.002021563342318059407903829694;0.007412398921832884061966506550;0.004043126684636118815807659388;0.005390835579514825087743545851;0.000000000000000000000000000000;0.010781671159029650175487091701;0.006064690026954177790030620088;0.009433962264150943036189467250;0.012129380053908355580061240175;0.007412398921832884061966506550;0.010107816711590295738476541487;0.008760107816711590333902393013
-0.035115303983228512985093061616;0.004716981132075471518094733625;0.016771488469601678050757698202;0.341719077568134188549464624884;0.037211740041928724476161249868;0.029350104821802936588825971853;0.003668763102725367073603246482;0.007861635220125786152611802038;0.005241090146750524390861780688;0.013626834381551362548878891801;0.014675052410901468294412985927;0.022536687631027254447024787964;0.009958071278825995908956514313;0.019916142557651991817913028626;0.006289308176100629269034136826;0.023060796645702305585068359051;0.007337526205450734147206492963;0.008385744234800839025378849101;0.017295597484276729188801269288;0.008909853249475890163422420187;0.011530398322851152792534179525;0.007337526205450734147206492963;0.004192872117400419512689424550;0.017819706498951780326844840374;0.029350104821802936588825971853;0.024633123689727462468646024263;0.013102725366876309676111844738;0.053459119496855347919428425030;0.003144654088050314634517068413;0.021488469601677148701490693838;0.013626834381551362548878891801;0.007337526205450734147206492963;0.004716981132075471518094733625;0.005765199161425576396267089763;0.011006289308176099919767132462;0.015723270440251572305223604076;0.003668763102725367073603246482;0.012578616352201258538068273651;0.002620545073375262195430890344;0.009958071278825995908956514313;0.002620545073375262195430890344;0.006813417190775681274439445900;0.000000000000000000000000000000;0.009958071278825995908956514313;0.007861635220125786152611802038;0.009958071278825995908956514313;0.020440251572327042955956599712;0.014675052410901468294412985927;0.011530398322851152792534179525;0.009433962264150943036189467250
-0.031446540880503144610447208152;0.005145797598627787662606269947;0.024585477415666093237156530904;0.369925671812464273990883611987;0.037735849056603772144757869000;0.018296169239565465702845870055;0.005717552887364208032139334392;0.016580903373356204594246676720;0.005717552887364208032139334392;0.018296169239565465702845870055;0.011435105774728416064278668784;0.013722126929674099277134402541;0.008576329331046312481889870583;0.018867924528301886072378934500;0.014865637507146941750924007408;0.019439679817038306441911998945;0.014293882218410519646667466986;0.010863350485991995694745604339;0.026300743281875357815202676193;0.007432818753573470875462003704;0.010291595197255575325212539894;0.008004574042309892112356806138;0.003430531732418524819283600635;0.026300743281875357815202676193;0.041166380789022301300850159578;0.020011435105774726811445063390;0.014293882218410519646667466986;0.009719839908519153220955999473;0.002858776443682104016069667196;0.013150371640937678907601338096;0.013722126929674099277134402541;0.010863350485991995694745604339;0.004002287021154946056178403069;0.004002287021154946056178403069;0.012006861063464836433811733230;0.016580903373356204594246676720;0.005145797598627787662606269947;0.003430531732418524819283600635;0.002858776443682104016069667196;0.003430531732418524819283600635;0.001715265866209262409641800318;0.008004574042309892112356806138;0.000000000000000000000000000000;0.014865637507146941750924007408;0.012006861063464836433811733230;0.011435105774728416064278668784;0.019439679817038306441911998945;0.012578616352201258538068273651;0.007432818753573470875462003704;0.008004574042309892112356806138
-0.023584905660377360192558882090;0.008254716981132075373506218341;0.030660377358490566168658375545;0.364386792452830177158062952003;0.020636792452830187566403807864;0.018278301886792452241037310046;0.003537735849056603855411484716;0.011792452830188680096279441045;0.006485849056603773879481344977;0.010023584905660376867531091705;0.012971698113207547758962689954;0.033018867924528301494024873364;0.012971698113207547758962689954;0.021816037735849055229087056773;0.010023584905660376867531091705;0.025353773584905661686583755454;0.008254716981132075373506218341;0.012382075471698113927621065500;0.011792452830188680096279441045;0.002358490566037735759047366813;0.013561320754716981590304314409;0.011202830188679244530214340614;0.005306603773584905349436358080;0.018867924528301886072378934500;0.025353773584905661686583755454;0.022995283018867922891770305682;0.011202830188679244530214340614;0.010613207547169810698872716159;0.002358490566037735759047366813;0.035377358490566036819391371182;0.025943396226415095517925379909;0.010613207547169810698872716159;0.002948113207547170024069860261;0.005896226415094340048139720523;0.011202830188679244530214340614;0.010023584905660376867531091705;0.004127358490566037686753109170;0.012971698113207547758962689954;0.001768867924528301927705742358;0.008254716981132075373506218341;0.002358490566037735759047366813;0.010023584905660376867531091705;0.000000000000000000000000000000;0.010613207547169810698872716159;0.006485849056603773879481344977;0.011202830188679244530214340614;0.021816037735849055229087056773;0.018867924528301886072378934500;0.008844339622641509204847842796;0.010613207547169810698872716159
-0.010291595197255575325212539894;0.013722126929674099277134402541;0.021154945683247571019958144234;0.437392795883361940045830351664;0.033161806746712409188493353440;0.023441966838193252498090402014;0.004574042309891366425711467514;0.016009148084619784224713612275;0.007432818753573470875462003704;0.012578616352201258538068273651;0.005717552887364208032139334392;0.028587764436821039293334933973;0.005717552887364208032139334392;0.013722126929674099277134402541;0.017152658662092624963779741165;0.013150371640937678907601338096;0.015437392795883362120457071853;0.011435105774728416064278668784;0.012006861063464836433811733230;0.005145797598627787662606269947;0.009719839908519153220955999473;0.005145797598627787662606269947;0.002287021154945683212855733757;0.013722126929674099277134402541;0.021154945683247571019958144234;0.015437392795883362120457071853;0.008004574042309892112356806138;0.030303030303030303871381079261;0.002287021154945683212855733757;0.025728987993138937445669611748;0.017152658662092624963779741165;0.010291595197255575325212539894;0.001715265866209262409641800318;0.004002287021154946056178403069;0.009148084619782732851422935028;0.014293882218410519646667466986;0.004574042309891366425711467514;0.007432818753573470875462003704;0.001715265866209262409641800318;0.007432818753573470875462003704;0.007432818753573470875462003704;0.009148084619782732851422935028;0.000000000000000000000000000000;0.008576329331046312481889870583;0.010863350485991995694745604339;0.002858776443682104016069667196;0.017724413950829045333312805610;0.008576329331046312481889870583;0.009148084619782732851422935028;0.006289308176100629269034136826
-0.018238993710691823318947868415;0.008176100628930817529327335080;0.013836477987421384044930405821;0.454716981132075481752963241888;0.030817610062893081857016142067;0.025157232704402517076136547303;0.007547169811320754775896268995;0.009433962264150943036189467250;0.005031446540880502894810266667;0.008805031446540880282758401165;0.011949685534591195784637207566;0.011949685534591195784637207566;0.012578616352201258538068273651;0.011320754716981131296482665505;0.019496855345911948825810000585;0.009433962264150943036189467250;0.008176100628930817529327335080;0.011949685534591195784637207566;0.018238993710691823318947868415;0.003773584905660377387948134498;0.007547169811320754775896268995;0.005660377358490565648241332752;0.005031446540880502894810266667;0.010691823899371068543051599420;0.025786163522012579829567613388;0.006289308176100629269034136826;0.011949685534591195784637207566;0.023270440251572325346396397094;0.003773584905660377387948134498;0.031446540880503144610447208152;0.011949685534591195784637207566;0.008176100628930817529327335080;0.005031446540880502894810266667;0.011320754716981131296482665505;0.015723270440251572305223604076;0.011949685534591195784637207566;0.002515723270440251447405133334;0.007547169811320754775896268995;0.003144654088050314634517068413;0.011949685534591195784637207566;0.001886792452830188693974067249;0.003773584905660377387948134498;0.000000000000000000000000000000;0.007547169811320754775896268995;0.016981132075471697812085736246;0.007547169811320754775896268995;0.017610062893081760565516802330;0.008176100628930817529327335080;0.006918238993710692022465202911;0.008176100628930817529327335080
-0.017650639074863055943964695871;0.011564211807668898362999598817;0.010955569080949483298792479502;0.438831405964698717525607207790;0.077297626293365798155754475829;0.016433353621424222346103505288;0.007912355447352404508309930975;0.008520998174071819572517050290;0.002434570906877662858913691224;0.013998782714546560354551552052;0.015216068167985392217689266658;0.012781497261107730226137313423;0.015824710894704809016619861950;0.010955569080949483298792479502;0.012781497261107730226137313423;0.013998782714546560354551552052;0.010955569080949483298792479502;0.004869141813755325717827382448;0.005477784540474741649396239751;0.003043213633597078356801679533;0.006086427267194156713603359066;0.006086427267194156713603359066;0.004869141813755325717827382448;0.010955569080949483298792479502;0.020693852708460132999723768421;0.012781497261107730226137313423;0.010955569080949483298792479502;0.015824710894704809016619861950;0.003651856360316494288370536836;0.037735849056603772144757869000;0.009129640900791236371447645581;0.008520998174071819572517050290;0.007303712720632988576741073672;0.009738283627510651435654764896;0.012172854534388313427206718131;0.012781497261107730226137313423;0.002434570906877662858913691224;0.009738283627510651435654764896;0.002434570906877662858913691224;0.007912355447352404508309930975;0.004260499087035909786258525145;0.004869141813755325717827382448;0.000000000000000000000000000000;0.007303712720632988576741073672;0.010346926354230066499861884211;0.013390139987827145290344432738;0.012172854534388313427206718131;0.009738283627510651435654764896;0.009129640900791236371447645581;0.005477784540474741649396239751
-0.016352201257861635058654670161;0.005660377358490565648241332752;0.021383647798742137086103198840;0.401257861635220147711322624673;0.096855345911949691783959792701;0.019496855345911948825810000585;0.010691823899371068543051599420;0.005031446540880502894810266667;0.005660377358490565648241332752;0.008176100628930817529327335080;0.012578616352201258538068273651;0.013207547169811321291499339736;0.012578616352201258538068273651;0.016352201257861635058654670161;0.008176100628930817529327335080;0.008805031446540880282758401165;0.007547169811320754775896268995;0.008176100628930817529327335080;0.028301886792452830843291877727;0.004402515723270440141379200583;0.012578616352201258538068273651;0.007547169811320754775896268995;0.001257861635220125723702566667;0.015723270440251572305223604076;0.022012578616352199839534264925;0.016352201257861635058654670161;0.006918238993710692022465202911;0.028301886792452830843291877727;0.001886792452830188693974067249;0.040251572327044023158482133340;0.012578616352201258538068273651;0.011320754716981131296482665505;0.005031446540880502894810266667;0.005660377358490565648241332752;0.005031446540880502894810266667;0.016352201257861635058654670161;0.001257861635220125723702566667;0.007547169811320754775896268995;0.000000000000000000000000000000;0.006289308176100629269034136826;0.003144654088050314634517068413;0.003144654088050314634517068413;0.000000000000000000000000000000;0.010062893081761005789620533335;0.008805031446540880282758401165;0.007547169811320754775896268995;0.011320754716981131296482665505;0.008805031446540880282758401165;0.006918238993710692022465202911;0.005660377358490565648241332752
-0.014465408805031446798361471906;0.011949685534591195784637207566;0.021383647798742137086103198840;0.460377358490566046533842836652;0.062893081761006289220894416303;0.016981132075471697812085736246;0.004402515723270440141379200583;0.011949685534591195784637207566;0.010062893081761005789620533335;0.007547169811320754775896268995;0.008805031446540880282758401165;0.015094339622641509551792537991;0.012578616352201258538068273651;0.008176100628930817529327335080;0.019496855345911948825810000585;0.010062893081761005789620533335;0.008805031446540880282758401165;0.011320754716981131296482665505;0.010691823899371068543051599420;0.003773584905660377387948134498;0.009433962264150943036189467250;0.002515723270440251447405133334;0.005660377358490565648241332752;0.013207547169811321291499339736;0.016352201257861635058654670161;0.015094339622641509551792537991;0.013836477987421384044930405821;0.009433962264150943036189467250;0.002515723270440251447405133334;0.032704402515723270117309340321;0.016981132075471697812085736246;0.011949685534591195784637207566;0.005660377358490565648241332752;0.004402515723270440141379200583;0.008805031446540880282758401165;0.010062893081761005789620533335;0.003773584905660377387948134498;0.008176100628930817529327335080;0.001257861635220125723702566667;0.005660377358490565648241332752;0.002515723270440251447405133334;0.005031446540880502894810266667;0.000000000000000000000000000000;0.006918238993710692022465202911;0.013836477987421384044930405821;0.011320754716981131296482665505;0.008805031446540880282758401165;0.012578616352201258538068273651;0.005660377358490565648241332752;0.005031446540880502894810266667
-0.004043126684636118815807659388;0.006064690026954177790030620088;0.017520215633423180667804786026;0.525606469002695364522992349521;0.048517520215633422320244960702;0.010107816711590295738476541487;0.008086253369272237631615318776;0.010781671159029650175487091701;0.004043126684636118815807659388;0.014150943396226415421645938864;0.005390835579514825087743545851;0.011455525606469002877774165938;0.006738544474393531359679432313;0.011455525606469002877774165938;0.014150943396226415421645938864;0.010781671159029650175487091701;0.010781671159029650175487091701;0.008760107816711590333902393013;0.005390835579514825087743545851;0.002695417789757412543871772925;0.007412398921832884061966506550;0.006064690026954177790030620088;0.003369272237196765679839716157;0.012129380053908355580061240175;0.008760107816711590333902393013;0.014150943396226415421645938864;0.013477088948787062719358864626;0.035714285714285712303173170312;0.004716981132075471518094733625;0.020889487870619945913963633188;0.010107816711590295738476541487;0.008760107816711590333902393013;0.000673854447439353135967943231;0.004043126684636118815807659388;0.003369272237196765679839716157;0.012129380053908355580061240175;0.001347708894878706271935886463;0.008760107816711590333902393013;0.002695417789757412543871772925;0.009433962264150943036189467250;0.003369272237196765679839716157;0.002021563342318059407903829694;0.000000000000000000000000000000;0.011455525606469002877774165938;0.008760107816711590333902393013;0.010107816711590295738476541487;0.014150943396226415421645938864;0.008760107816711590333902393013;0.006738544474393531359679432313;0.010107816711590295738476541487
-0.010242587601078167319768041921;0.007008086253369271920177219215;0.019946091644204851783817034061;0.436118598382749300679250836765;0.045283018867924525185930662019;0.014016172506738543840354438430;0.007547169811320754775896268995;0.011320754716981131296482665505;0.006469002695417789931819907423;0.010781671159029650175487091701;0.002695417789757412543871772925;0.009164420485175201608329942360;0.005929919137466307076100857643;0.013477088948787062719358864626;0.016172506738544475263230637552;0.012398921832884097007920765066;0.011859838274932614152201715285;0.010781671159029650175487091701;0.017789757412398920360940834939;0.001617250673854447482954976856;0.011859838274932614152201715285;0.005929919137466307076100857643;0.001617250673854447482954976856;0.018328840970350403216659884720;0.022641509433962262592965331010;0.015094339622641509551792537991;0.012938005390835579863639814846;0.020485175202156334639536083841;0.006469002695417789931819907423;0.014555256064690026696073488210;0.016172506738544475263230637552;0.014016172506738543840354438430;0.001078167115902965060916796070;0.009703504043126684464048992140;0.009703504043126684464048992140;0.019407008086253368928097984281;0.003234501347708894965909953712;0.008625336927223720487334368556;0.002695417789757412543871772925;0.010242587601078167319768041921;0.004851752021563342232024496070;0.004312668463611860243667184278;0.000000000000000000000000000000;0.012398921832884097007920765066;0.013477088948787062719358864626;0.014016172506738543840354438430;0.019946091644204851783817034061;0.014555256064690026696073488210;0.009164420485175201608329942360;0.011859838274932614152201715285
-0.012938005390835579863639814846;0.004312668463611860243667184278;0.022102425876010783206693233183;0.436657681940700814759992454128;0.050134770889487867417955158089;0.020485175202156334639536083841;0.005929919137466307076100857643;0.011320754716981131296482665505;0.009164420485175201608329942360;0.009703504043126684464048992140;0.005929919137466307076100857643;0.009164420485175201608329942360;0.012398921832884097007920765066;0.016172506738544475263230637552;0.016172506738544475263230637552;0.014555256064690026696073488210;0.010781671159029650175487091701;0.011320754716981131296482665505;0.009164420485175201608329942360;0.002695417789757412543871772925;0.010781671159029650175487091701;0.006469002695417789931819907423;0.003773584905660377387948134498;0.017789757412398920360940834939;0.024258760107816711160122480351;0.014555256064690026696073488210;0.012938005390835579863639814846;0.018867924528301886072378934500;0.004312668463611860243667184278;0.012398921832884097007920765066;0.013477088948787062719358864626;0.015094339622641509551792537991;0.003234501347708894965909953712;0.005929919137466307076100857643;0.009703504043126684464048992140;0.016711590296495958118949687332;0.002695417789757412543871772925;0.010781671159029650175487091701;0.001617250673854447482954976856;0.011859838274932614152201715285;0.006469002695417789931819907423;0.005390835579514825087743545851;0.000000000000000000000000000000;0.010242587601078167319768041921;0.011320754716981131296482665505;0.008625336927223720487334368556;0.016172506738544475263230637552;0.015094339622641509551792537991;0.010242587601078167319768041921;0.008086253369272237631615318776
-0.014336917562724014324482268989;0.010155316606929509423706825544;0.017323775388291516585947960039;0.410991636798088422199981550875;0.056750298685782553376188985794;0.013142174432497013419895992570;0.006571087216248506709947996285;0.013142174432497013419895992570;0.008960573476702508519120549124;0.013142174432497013419895992570;0.009557945041816008971413687334;0.010155316606929509423706825544;0.005973715651135006257654858075;0.019115890083632017942827374668;0.016129032258064515681361683619;0.013739545997610513872189130780;0.009557945041816008971413687334;0.009557945041816008971413687334;0.014934289127837514776775407199;0.002986857825567503128827429038;0.010155316606929509423706825544;0.006571087216248506709947996285;0.002389486260454002242853421834;0.023297491039426524578326294090;0.016726403823178016133654821829;0.016129032258064515681361683619;0.011350059737156512063016577940;0.034050179211469536189049733821;0.005376344086021505805361719865;0.022102747909199523673740017671;0.011350059737156512063016577940;0.010155316606929509423706825544;0.003584229390681003581120567247;0.007168458781362007162241134495;0.004181600955794504033413705457;0.017921146953405017038241098248;0.003584229390681003581120567247;0.007168458781362007162241134495;0.001194743130227001121426710917;0.005376344086021505805361719865;0.004778972520908004485706843667;0.009557945041816008971413687334;0.000000000000000000000000000000;0.016129032258064515681361683619;0.010155316606929509423706825544;0.007168458781362007162241134495;0.020310633213859018847413651088;0.010752688172043011610723439730;0.009557945041816008971413687334;0.015531660692951015229068545409
-0.023719676549865228304403430570;0.005929919137466307076100857643;0.032884097035040429912733372930;0.478167115902964956486442815731;0.000539083557951482530458398035;0.021024258760107817495255133622;0.002695417789757412543871772925;0.007547169811320754775896268995;0.005390835579514825087743545851;0.015633423180592992407511587771;0.008086253369272237631615318776;0.017250673854447440974668737113;0.007008086253369271920177219215;0.031266846361185984815023175543;0.003773584905660377387948134498;0.022102425876010783206693233183;0.008086253369272237631615318776;0.008625336927223720487334368556;0.008625336927223720487334368556;0.004312668463611860243667184278;0.009164420485175201608329942360;0.009164420485175201608329942360;0.001617250673854447482954976856;0.019946091644204851783817034061;0.030188679245283019103585075982;0.021563342318059300350974183402;0.010242587601078167319768041921;0.007008086253369271920177219215;0.001617250673854447482954976856;0.010781671159029650175487091701;0.013477088948787062719358864626;0.009703504043126684464048992140;0.001078167115902965060916796070;0.005929919137466307076100857643;0.011859838274932614152201715285;0.012398921832884097007920765066;0.004312668463611860243667184278;0.008086253369272237631615318776;0.000000000000000000000000000000;0.007008086253369271920177219215;0.004312668463611860243667184278;0.004312668463611860243667184278;0.000000000000000000000000000000;0.011320754716981131296482665505;0.001078167115902965060916796070;0.007547169811320754775896268995;0.019946091644204851783817034061;0.018328840970350403216659884720;0.009164420485175201608329942360;0.016172506738544475263230637552
-0.017789757412398920360940834939;0.014016172506738543840354438430;0.017250673854447440974668737113;0.409164420485175206465555675095;0.083018867924528297330688531019;0.015633423180592992407511587771;0.007008086253369271920177219215;0.010781671159029650175487091701;0.004312668463611860243667184278;0.009164420485175201608329942360;0.007547169811320754775896268995;0.017789757412398920360940834939;0.004312668463611860243667184278;0.009164420485175201608329942360;0.023180592991913745448684380790;0.014016172506738543840354438430;0.008625336927223720487334368556;0.012398921832884097007920765066;0.021024258760107817495255133622;0.001078167115902965060916796070;0.011859838274932614152201715285;0.007008086253369271920177219215;0.000539083557951482530458398035;0.017789757412398920360940834939;0.015633423180592992407511587771;0.010242587601078167319768041921;0.007547169811320754775896268995;0.035040431266846361335609572052;0.001617250673854447482954976856;0.040431266846361182953906165949;0.009703504043126684464048992140;0.014555256064690026696073488210;0.003234501347708894965909953712;0.005390835579514825087743545851;0.004851752021563342232024496070;0.013477088948787062719358864626;0.000000000000000000000000000000;0.004851752021563342232024496070;0.001617250673854447482954976856;0.004312668463611860243667184278;0.003234501347708894965909953712;0.007547169811320754775896268995;0.000000000000000000000000000000;0.011320754716981131296482665505;0.018867924528301886072378934500;0.010781671159029650175487091701;0.011320754716981131296482665505;0.008086253369272237631615318776;0.004851752021563342232024496070;0.007008086253369271920177219215
-0.014016172506738543840354438430;0.026415094339622642582998679472;0.011859838274932614152201715285;0.415633423180592986856396464646;0.074393530997304585516971542347;0.012938005390835579863639814846;0.007008086253369271920177219215;0.011859838274932614152201715285;0.005390835579514825087743545851;0.005929919137466307076100857643;0.005929919137466307076100857643;0.028032345013477087680708876860;0.008625336927223720487334368556;0.008086253369272237631615318776;0.022641509433962262592965331010;0.008625336927223720487334368556;0.010242587601078167319768041921;0.016172506738544475263230637552;0.016172506738544475263230637552;0.000539083557951482530458398035;0.008625336927223720487334368556;0.004851752021563342232024496070;0.001617250673854447482954976856;0.012938005390835579863639814846;0.012938005390835579863639814846;0.010242587601078167319768041921;0.008086253369272237631615318776;0.059838274932614551882004150229;0.002695417789757412543871772925;0.023719676549865228304403430570;0.013477088948787062719358864626;0.004312668463611860243667184278;0.004851752021563342232024496070;0.004312668463611860243667184278;0.006469002695417789931819907423;0.014016172506738543840354438430;0.001078167115902965060916796070;0.008086253369272237631615318776;0.002156334231805930121833592139;0.008625336927223720487334368556;0.007547169811320754775896268995;0.011320754716981131296482665505;0.000000000000000000000000000000;0.005929919137466307076100857643;0.016172506738544475263230637552;0.004851752021563342232024496070;0.011859838274932614152201715285;0.008625336927223720487334368556;0.005929919137466307076100857643;0.004312668463611860243667184278
-0.014016172506738543840354438430;0.023180592991913745448684380790;0.013477088948787062719358864626;0.223719676549865242876080628776;0.145013477088948794513356688185;0.012938005390835579863639814846;0.009703504043126684464048992140;0.015633423180592992407511587771;0.003234501347708894965909953712;0.009703504043126684464048992140;0.008086253369272237631615318776;0.022102425876010783206693233183;0.008625336927223720487334368556;0.010242587601078167319768041921;0.041509433962264148665344265510;0.012938005390835579863639814846;0.008625336927223720487334368556;0.009703504043126684464048992140;0.033962264150943395624171472491;0.001617250673854447482954976856;0.017789757412398920360940834939;0.003234501347708894965909953712;0.004851752021563342232024496070;0.015094339622641509551792537991;0.012398921832884097007920765066;0.012398921832884097007920765066;0.017250673854447440974668737113;0.055525606469002695975145655893;0.004312668463611860243667184278;0.042048517520215634990510267244;0.025876010781671159727279629692;0.016711590296495958118949687332;0.015094339622641509551792537991;0.005929919137466307076100857643;0.006469002695417789931819907423;0.010242587601078167319768041921;0.002695417789757412543871772925;0.010781671159029650175487091701;0.000539083557951482530458398035;0.002156334231805930121833592139;0.009164420485175201608329942360;0.007547169811320754775896268995;0.000000000000000000000000000000;0.007008086253369271920177219215;0.030727762803234501959304125762;0.009703504043126684464048992140;0.009164420485175201608329942360;0.008625336927223720487334368556;0.004312668463611860243667184278;0.004312668463611860243667184278
-0.010781671159029650175487091701;0.021563342318059300350974183402;0.011320754716981131296482665505;0.418867924528301904807392475050;0.107816711590296501754870917011;0.007547169811320754775896268995;0.005929919137466307076100857643;0.012398921832884097007920765066;0.004851752021563342232024496070;0.007547169811320754775896268995;0.003773584905660377387948134498;0.020485175202156334639536083841;0.006469002695417789931819907423;0.008086253369272237631615318776;0.029110512129380053392146976421;0.012398921832884097007920765066;0.008625336927223720487334368556;0.009703504043126684464048992140;0.015633423180592992407511587771;0.002156334231805930121833592139;0.006469002695417789931819907423;0.003234501347708894965909953712;0.001078167115902965060916796070;0.011320754716981131296482665505;0.010242587601078167319768041921;0.009703504043126684464048992140;0.014016172506738543840354438430;0.043126684636118600701948366805;0.003773584905660377387948134498;0.035040431266846361335609572052;0.016711590296495958118949687332;0.010242587601078167319768041921;0.002695417789757412543871772925;0.003234501347708894965909953712;0.002695417789757412543871772925;0.007547169811320754775896268995;0.002695417789757412543871772925;0.012398921832884097007920765066;0.000539083557951482530458398035;0.002695417789757412543871772925;0.008625336927223720487334368556;0.011320754716981131296482665505;0.000000000000000000000000000000;0.007008086253369271920177219215;0.019946091644204851783817034061;0.007547169811320754775896268995;0.008086253369272237631615318776;0.003773584905660377387948134498;0.004312668463611860243667184278;0.004851752021563342232024496070
-0.012938005390835579863639814846;0.023180592991913745448684380790;0.014016172506738543840354438430;0.367115902964959550658363696130;0.119676549865229103764008300459;0.011859838274932614152201715285;0.011320754716981131296482665505;0.011859838274932614152201715285;0.005390835579514825087743545851;0.009703504043126684464048992140;0.004851752021563342232024496070;0.016711590296495958118949687332;0.005390835579514825087743545851;0.007008086253369271920177219215;0.021024258760107817495255133622;0.009164420485175201608329942360;0.008625336927223720487334368556;0.008086253369272237631615318776;0.030727762803234501959304125762;0.002695417789757412543871772925;0.018328840970350403216659884720;0.004312668463611860243667184278;0.003234501347708894965909953712;0.011859838274932614152201715285;0.011859838274932614152201715285;0.010242587601078167319768041921;0.010781671159029650175487091701;0.020485175202156334639536083841;0.004851752021563342232024496070;0.040970350404312669279072167683;0.018867924528301886072378934500;0.009164420485175201608329942360;0.010781671159029650175487091701;0.002695417789757412543871772925;0.002695417789757412543871772925;0.007547169811320754775896268995;0.003234501347708894965909953712;0.008625336927223720487334368556;0.000539083557951482530458398035;0.002695417789757412543871772925;0.012938005390835579863639814846;0.012398921832884097007920765066;0.000000000000000000000000000000;0.010242587601078167319768041921;0.024258760107816711160122480351;0.011320754716981131296482665505;0.008086253369272237631615318776;0.004851752021563342232024496070;0.005390835579514825087743545851;0.005390835579514825087743545851
-0.013333333333333334189130248149;0.017222222222222222098864108375;0.010555555555555555871660722289;0.407777777777777794554481261002;0.095000000000000001110223024625;0.017500000000000001665334536938;0.007777777777777777554191196430;0.011666666666666667198648532633;0.006944444444444444058950338672;0.009444444444444444544672911945;0.005555555555555555767577313730;0.019166666666666665186369300500;0.006666666666666667094565124074;0.009444444444444444544672911945;0.021944444444444443503838826359;0.011111111111111111535154627461;0.006111111111111111431071218902;0.011944444444444445030395485219;0.025555555555555557051272685953;0.001944444444444444388547799107;0.011666666666666667198648532633;0.004166666666666666608842550801;0.007222222222222221890697291258;0.009722222222222222376419864531;0.010000000000000000208166817117;0.007777777777777777554191196430;0.011944444444444445030395485219;0.020555555555555556079827539406;0.003611111111111110945348645629;0.042500000000000003053113317719;0.019722222222222220849863205672;0.007499999999999999722444243844;0.012500000000000000693889390391;0.004722222222222222272336455973;0.006944444444444444058950338672;0.009444444444444444544672911945;0.002222222222222222220294751693;0.008055555555555555385938149016;0.000555555555555555555073687923;0.004444444444444444440589503387;0.009166666666666666712925959359;0.011388888888888889366901580047;0.000000000000000000000000000000;0.006666666666666667094565124074;0.014444444444444443781394582516;0.009166666666666666712925959359;0.009444444444444444544672911945;0.004722222222222222272336455973;0.007222222222222221890697291258;0.005833333333333333599324266316
-0.024829931972789116151334454230;0.007482993197278911372272158786;0.024829931972789116151334454230;0.308163265306122424735946196961;0.078231292517006806308543787054;0.034693877551020407823401114911;0.006462585034013605157776627408;0.014965986394557822744544317572;0.005442176870748298943281096030;0.009183673469387755930459782405;0.010544217687074829148397014933;0.023129251700680270725785092623;0.015646258503401361955598147802;0.018707482993197278864361265960;0.010204081632653060410231837807;0.014285714285714285268213963320;0.007482993197278911372272158786;0.015306122448979591482709494699;0.027551020408163266056655871239;0.003401360544217686947970902267;0.013945578231292516530048786194;0.007142857142857142634106981660;0.007142857142857142634106981660;0.014965986394557822744544317572;0.021768707482993195773124384118;0.014625850340136054006379140446;0.011224489795918366624727369185;0.007823129251700680977799073901;0.001360544217687074735820274007;0.048979591836734691356891602254;0.017346938775510203911700557455;0.008503401360544218454129428153;0.010204081632653060410231837807;0.007482993197278911372272158786;0.009523809523809524668624959531;0.015646258503401361955598147802;0.004761904761904762334312479766;0.010204081632653060410231837807;0.001700680272108843473985451134;0.007142857142857142634106981660;0.004421768707482993596147302640;0.003741496598639455686136079393;0.000000000000000000000000000000;0.008503401360544218454129428153;0.019727891156462583344133321361;0.010204081632653060410231837807;0.014285714285714285268213963320;0.011564625850340135362892546311;0.013945578231292516530048786194;0.011564625850340135362892546311
-0.030902777777777779011358916250;0.012152777777777777970524830664;0.060763888888888888117900677344;0.098263888888888886730121896562;0.004166666666666666608842550801;0.011805555555555555247160270937;0.004513888888888888464845372539;0.017708333333333332870740406406;0.016319444444444445446729119453;0.029513888888888888117900677344;0.015972222222222220988641083750;0.007638888888888888638317720137;0.014236111111111110841265237070;0.044444444444444446140618509844;0.011805555555555555247160270937;0.015277777777777777276635440273;0.025347222222222222376419864531;0.026736111111111109800431151484;0.007986111111111110494320541875;0.010763888888888888811790067734;0.014930555555555556287994356524;0.015277777777777777276635440273;0.011458333333333332523795711211;0.041319444444444443365060948281;0.025000000000000001387778780781;0.035416666666666665741480812812;0.029513888888888888117900677344;0.010416666666666666088425508008;0.003819444444444444319158860068;0.010763888888888888811790067734;0.006597222222222222202947516934;0.023263888888888889505679458125;0.008680555555555555941049661328;0.006250000000000000346944695195;0.023611111111111110494320541875;0.047222222222222220988641083750;0.014583333333333333564629796797;0.012847222222222221682530474141;0.003472222222222222029475169336;0.018055555555555553859381490156;0.005555555555555555767577313730;0.011805555555555555247160270937;0.000000000000000000000000000000;0.024652777777777776929690745078;0.008333333333333333217685101602;0.017361111111111111882099322656;0.037847222222222219600862302968;0.020486111111111111188209932266;0.029166666666666667129259593594;0.015972222222222220988641083750
-0.025416666666666667268037471672;0.012083333333333333078907223523;0.066250000000000003330669073875;0.179583333333333344805637921127;0.003333333333333333547282562037;0.006666666666666667094565124074;0.002916666666666666799662133158;0.017916666666666667545593227828;0.007083333333333332974823814965;0.039166666666666669072149886688;0.016250000000000000555111512313;0.004583333333333333356462979680;0.002500000000000000052041704279;0.042083333333333333703407674875;0.016250000000000000555111512313;0.020000000000000000416333634234;0.015833333333333334674852821422;0.021666666666666667406815349750;0.006666666666666667094565124074;0.009583333333333332593184650250;0.016666666666666666435370203203;0.007499999999999999722444243844;0.001666666666666666773641281019;0.061666666666666668239482618219;0.024166666666666666157814447047;0.032916666666666663521034763562;0.036249999999999997501998194593;0.003749999999999999861222121922;0.002916666666666666799662133158;0.002500000000000000052041704279;0.004166666666666666608842550801;0.022916666666666665047591422422;0.002083333333333333304421275400;0.009166666666666666712925959359;0.007083333333333332974823814965;0.049166666666666664076146275875;0.014583333333333333564629796797;0.007083333333333332974823814965;0.000416666666666666693410320255;0.005833333333333333599324266316;0.008333333333333333217685101602;0.002500000000000000052041704279;0.000000000000000000000000000000;0.036666666666666666851703837438;0.005000000000000000104083408559;0.019583333333333334536074943344;0.041250000000000001942890293094;0.019166666666666665186369300500;0.017500000000000001665334536938;0.021666666666666667406815349750
-0.025141242937853108818657688062;0.005649717514124293765709339254;0.045480225988700564987432528596;0.177118644067796621177635074673;0.010169491525423728084387420267;0.015819209039548021850096759522;0.005084745762711864042193710134;0.024293785310734464233384244380;0.024011299435028249371626429820;0.044067796610169490678643455794;0.009887005649717514957353081684;0.008757062146892655510321823442;0.010734463276836157807903049388;0.029378531073446328275577954514;0.015254237288135593861304606378;0.016666666666666666435370203203;0.015536723163841808723062420938;0.023446327683615819648110800699;0.010169491525423728084387420267;0.003672316384180791034447244314;0.016666666666666666435370203203;0.015536723163841808723062420938;0.003107344632768361744612484188;0.069491525423728814359058958416;0.022033898305084745339321727897;0.032768361581920903147224777285;0.019774011299435029914706163368;0.004237288135593220324282004441;0.003672316384180791034447244314;0.011016949152542372669660863949;0.011016949152542372669660863949;0.028813559322033898552062325393;0.003389830508474576172689429754;0.007062146892655367207136674068;0.008474576271186440648564008882;0.036440677966101696350076366571;0.009039548022598870372079638003;0.008757062146892655510321823442;0.001977401129943502731262094940;0.006779661016949152345378859508;0.009039548022598870372079638003;0.005084745762711864042193710134;0.000000000000000000000000000000;0.046892655367231639296221601398;0.005932203389830508627467153815;0.027966101694915253966788881712;0.029096045197740113413820139954;0.012429378531073446978449936751;0.011864406779661017254934307630;0.011299435028248587531418678509
-0.013888888888888888117900677344;0.017361111111111111882099322656;0.032638888888888890893458238907;0.328472222222222220988641083750;0.009374999999999999653055304805;0.009374999999999999653055304805;0.010069444444444445099784424258;0.014930555555555556287994356524;0.024305555555555555941049661328;0.010763888888888888811790067734;0.006250000000000000346944695195;0.006944444444444444058950338672;0.007638888888888888638317720137;0.019444444444444444752839729063;0.022222222222222223070309254922;0.013541666666666667129259593594;0.023263888888888889505679458125;0.020833333333333332176851016015;0.007638888888888888638317720137;0.006250000000000000346944695195;0.012152777777777777970524830664;0.018402777777777778317469525859;0.006250000000000000346944695195;0.023263888888888889505679458125;0.012847222222222221682530474141;0.021874999999999998612221219219;0.018402777777777778317469525859;0.010763888888888888811790067734;0.006944444444444444058950338672;0.012847222222222221682530474141;0.010763888888888888811790067734;0.019791666666666665741480812812;0.003819444444444444319158860068;0.011805555555555555247160270937;0.019444444444444444752839729063;0.020833333333333332176851016015;0.004166666666666666608842550801;0.012847222222222221682530474141;0.005902777777777777623580135469;0.020138888888888890199568848516;0.006944444444444444058950338672;0.013888888888888888117900677344;0.000000000000000000000000000000;0.015972222222222220988641083750;0.008333333333333333217685101602;0.016319444444444445446729119453;0.017708333333333332870740406406;0.016319444444444445446729119453;0.014236111111111110841265237070;0.011805555555555555247160270937
-0.012654320987654321326032480499;0.020370370370370372015145221667;0.037037037037037034981068472916;0.155555555555555558022717832500;0.019444444444444444752839729063;0.019444444444444444752839729063;0.002469135802469135752140738660;0.027160493827160493707228994253;0.020679012345679013279431401884;0.028703703703703703498106847292;0.018209876543209876226248056241;0.017592592592592593697675695807;0.012037037037037037062736644089;0.026543209876543211178656633820;0.018518518518518517490534236458;0.008641975308641974481971281818;0.026234567901234566444923501649;0.039506172839506172034251818559;0.022222222222222223070309254922;0.006172839506172839163511412153;0.015432098765432097908778530382;0.013888888888888888117900677344;0.010493827160493827271858791050;0.026851851851851852442942814037;0.023765432098765432861187107960;0.020370370370370372015145221667;0.033950617283950615399312766840;0.021913580246913581806023074705;0.002160493827160493620492820455;0.022530864197530864334595435139;0.008950617283950617480980938012;0.023765432098765432861187107960;0.012345679012345678327022824305;0.007098765432098765558455166769;0.010802469135802468536144971267;0.042283950617283953821168296372;0.009259259259259258745267118229;0.009259259259259258745267118229;0.000617283950617283938035184665;0.012037037037037037062736644089;0.008024691358024691953398921385;0.014814814814814815380206169948;0.000000000000000000000000000000;0.018209876543209876226248056241;0.013580246913580246853614497127;0.015432098765432097908778530382;0.021913580246913581806023074705;0.012654320987654321326032480499;0.018827160493827162224267368629;0.009567901234567901744276774423
-0.024031007751937984162626804618;0.018217054263565891220055803501;0.024806201550387596554969604767;0.172480620155038760765719985102;0.011240310077519379688970602160;0.018217054263565891220055803501;0.008914728682170542511942201713;0.041472868217054266459786759924;0.013953488372093023062170402682;0.018604651162790697416227203576;0.017054263565891472631541603278;0.012790697674418604473656202458;0.009689922480620154904285001862;0.017054263565891472631541603278;0.027906976744186046124340805363;0.011240310077519379688970602160;0.019379844961240309808570003725;0.034883720930232557655426006704;0.026356589147286821339655205065;0.002325581395348837177028400447;0.020930232558139534593255604022;0.009689922480620154904285001862;0.007364341085271317727256601415;0.029457364341085270909026405661;0.017441860465116278827713003352;0.020155038759689922200912803874;0.044961240310077518755882408641;0.028294573643410852320512205438;0.007751937984496123923428001490;0.018217054263565891220055803501;0.014728682170542635454513202831;0.023255813953488371770284004469;0.012790697674418604473656202458;0.005813953488372092942571001117;0.006201550387596899138742401192;0.027519379844961239928169405289;0.009302325581395348708113601788;0.013953488372093023062170402682;0.002713178294573643373199800521;0.003488372093023255765542600670;0.010465116279069767296627802011;0.014341085271317829258341802756;0.000000000000000000000000000000;0.024031007751937984162626804618;0.015503875968992247846856002980;0.028682170542635658516683605512;0.013565891472868216865999002607;0.005813953488372092942571001117;0.020155038759689922200912803874;0.012790697674418604473656202458
-0.031045751633986928830211127206;0.005228758169934640161191641283;0.050326797385620916647219758033;0.105882352941176469118822467408;0.001633986928104575213002713774;0.012418300653594770491250365296;0.007843137254901960675468330919;0.021241830065359477985875713557;0.015686274509803921350936661838;0.027777777777777776235801354687;0.016339869281045752563708006733;0.007516339869281045936444396460;0.013398692810457515575683906661;0.034967320261437909167945292666;0.008169934640522876281854003366;0.015032679738562091872888792921;0.030065359477124183745777585841;0.036601307189542485465150178925;0.010784313725490195928768955014;0.012418300653594770491250365296;0.015359477124183005744550989391;0.018954248366013070475899482403;0.016993464052287580307032399674;0.033333333333333332870740406406;0.022222222222222223070309254922;0.038235294117647061762355065184;0.029738562091503266404668437417;0.005882352941176470506601248189;0.004575163398692810683143772366;0.006535947712418300852010855095;0.011437908496732025406816823931;0.028758169934640521320234896052;0.009477124183006535237949741202;0.006209150326797385245625182648;0.023856209150326795898067189228;0.046405228758169936309485592574;0.013398692810457515575683906661;0.016013071895424835222598858309;0.001633986928104575213002713774;0.016993464052287580307032399674;0.007189542483660130330058724013;0.007516339869281045936444396460;0.000000000000000000000000000000;0.027124183006535948492476961746;0.003594771241830065165029362007;0.025490196078431372195272075487;0.037254901960784313208474571866;0.016993464052287580307032399674;0.028431372549019607448572699582;0.016013071895424835222598858309
-0.034722222222222223764198645313;0.003888888888888888777095598215;0.067777777777777784007362527063;0.000277777777777777777536843962;0.000833333333333333386820640509;0.016944444444444446001840631766;0.002777777777777777883788656865;0.023888888888888890060790970438;0.012777777777777778525636342977;0.028888888888888887562789165031;0.018333333333333333425851918719;0.011388888888888889366901580047;0.018333333333333333425851918719;0.057777777777777775125578330062;0.006388888888888889262818171488;0.013611111111111110286153724758;0.026111111111111112714766591125;0.037499999999999998612221219219;0.009166666666666666712925959359;0.013333333333333334189130248149;0.018333333333333333425851918719;0.017777777777777777762358013547;0.021388888888888887840344921187;0.038055555555555557745162076344;0.030555555555555554553270880547;0.043611111111111114380101128063;0.035555555555555555524716027094;0.003888888888888888777095598215;0.002777777777777777883788656865;0.008333333333333333217685101602;0.008055555555555555385938149016;0.017222222222222222098864108375;0.011666666666666667198648532633;0.007777777777777777554191196430;0.041666666666666664353702032031;0.046111111111111109661653273406;0.019722222222222220849863205672;0.006111111111111111431071218902;0.003055555555555555715535609451;0.032222222222222221543752596062;0.006388888888888889262818171488;0.009166666666666666712925959359;0.000000000000000000000000000000;0.019722222222222220849863205672;0.002777777777777777883788656865;0.013055555555555556357383295563;0.044999999999999998334665463062;0.026388888888888888811790067734;0.039444444444444441699726411343;0.019444444444444444752839729063
-0.021637426900584795508297730748;0.010233918128654970192137341201;0.037134502923976610289091837558;0.111695906432748542913557798784;0.003216374269005848121616431001;0.007602339181286549632532434373;0.002923976608187134340610668914;0.019590643274853800775980872118;0.019005847953216373213969347944;0.061988304093567252184282523331;0.007602339181286549632532434373;0.002923976608187134340610668914;0.006725146198830409156876886101;0.030116959064327486483847451382;0.013450292397660818313753772202;0.015204678362573099265064868746;0.023976608187134502286896875489;0.020760233918128655900003920465;0.008479532163742689240826244657;0.007309941520467835851526672286;0.016959064327485378481652489313;0.016081871345029238873358679029;0.004093567251461988597271979273;0.093274853801169593792153023060;0.016959064327485378481652489313;0.035380116959064324133610313083;0.020760233918128655900003920465;0.007309941520467835851526672286;0.003801169590643274816266217186;0.002631578947368420993285775822;0.003508771929824561468941324094;0.038596491228070177459397172015;0.004093567251461988597271979273;0.008771929824561403021832006743;0.013157894736842104532748010115;0.053508771929824561208732802697;0.005847953216374268681221337829;0.011695906432748537362442675658;0.002631578947368420993285775822;0.015204678362573099265064868746;0.009356725146198830583843530917;0.007309941520467835851526672286;0.000000000000000000000000000000;0.047660818713450292527511464868;0.009941520467836258145855055091;0.037426900584795322335374123668;0.034795321637426900041045740863;0.025146198830409357410919923836;0.009941520467836258145855055091;0.012573099415204678705459961918
-0.032312925170068028390968351005;0.004761904761904762334312479766;0.066326530612244902207486063617;0.017006802721088436908258856306;0.001360544217687074735820274007;0.016666666666666666435370203203;0.005102040816326530205115918903;0.019047619047619049337249919063;0.011564625850340135362892546311;0.033673469387755103343629059509;0.014625850340136054006379140446;0.008163265306122449715964251027;0.014625850340136054006379140446;0.053061224489795916214873727768;0.008163265306122449715964251027;0.016666666666666666435370203203;0.026870748299319728580325516987;0.023809523809523808202115446875;0.008163265306122449715964251027;0.013945578231292516530048786194;0.013265306122448979053718431942;0.015646258503401361955598147802;0.015306122448979591482709494699;0.041836734693877553059593310536;0.032312925170068028390968351005;0.046938775510204082397347491451;0.029251700680272108012758280893;0.005782312925170067681446273156;0.003061224489795918209805725141;0.004761904761904762334312479766;0.011224489795918366624727369185;0.029931972789115645489088635145;0.004761904761904762334312479766;0.011224489795918366624727369185;0.030272108843537415961977288248;0.058503401360544216025516561785;0.011564625850340135362892546311;0.012585034013605441577388077690;0.001360544217687074735820274007;0.026870748299319728580325516987;0.004421768707482993596147302640;0.007142857142857142634106981660;0.000000000000000000000000000000;0.026530612244897958107436863884;0.002040816326530612428991062757;0.029591836734693878485646933996;0.043877551020408162019137421339;0.029931972789115645489088635145;0.035714285714285712303173170312;0.018367346938775511860919564811
-0.022222222222222223070309254922;0.013194444444444444405895033867;0.044097222222222225151977426094;0.191666666666666679619268620627;0.009374999999999999653055304805;0.017361111111111111882099322656;0.006944444444444444058950338672;0.025347222222222222376419864531;0.014583333333333333564629796797;0.025000000000000001387778780781;0.016666666666666666435370203203;0.005555555555555555767577313730;0.007986111111111110494320541875;0.035763888888888886730121896562;0.017361111111111111882099322656;0.015277777777777777276635440273;0.021874999999999998612221219219;0.031944444444444441977282167500;0.022569444444444444058950338672;0.004513888888888888464845372539;0.019444444444444444752839729063;0.016666666666666666435370203203;0.006944444444444444058950338672;0.030902777777777779011358916250;0.022916666666666665047591422422;0.028125000000000000693889390391;0.028472222222222221682530474141;0.007291666666666666782314898398;0.003125000000000000173472347598;0.021527777777777777623580135469;0.005902777777777777623580135469;0.017708333333333332870740406406;0.011805555555555555247160270937;0.009027777777777776929690745078;0.010763888888888888811790067734;0.033333333333333332870740406406;0.013888888888888888117900677344;0.005902777777777777623580135469;0.001388888888888888941894328433;0.012152777777777777970524830664;0.010763888888888888811790067734;0.007638888888888888638317720137;0.000000000000000000000000000000;0.015972222222222220988641083750;0.012847222222222221682530474141;0.015625000000000000000000000000;0.026041666666666667823148983985;0.016319444444444445446729119453;0.024305555555555555941049661328;0.013888888888888888117900677344
-0.014379084967320260660117448026;0.029411764705882352533006240947;0.017647058823529411519803744568;0.210130718954248368879333952464;0.054575163398692810856616119963;0.021241830065359477985875713557;0.009803921568627450844335413649;0.032352941176470591255753816995;0.006862745098039215591034789554;0.011764705882352941013202496379;0.009477124183006535237949741202;0.010457516339869280322383282567;0.013725490196078431182069579108;0.010457516339869280322383282567;0.029084967320261438661344044476;0.004901960784313725422167706824;0.007189542483660130330058724013;0.029738562091503266404668437417;0.044117647058823532268956313374;0.002941176470588235253300624095;0.022875816993464050813633647863;0.005882352941176470506601248189;0.019607843137254901688670827298;0.013725490196078431182069579108;0.012418300653594770491250365296;0.011111111111111111535154627461;0.025163398692810458323609879017;0.045751633986928101627267295726;0.000653594771241830020148955160;0.047385620915032677924472181985;0.011111111111111111535154627461;0.008823529411764705759901872284;0.018954248366013070475899482403;0.005882352941176470506601248189;0.015686274509803921350936661838;0.017973856209150325391465941038;0.011437908496732025406816823931;0.006862745098039215591034789554;0.003267973856209150426005427548;0.012745098039215686097636037744;0.013725490196078431182069579108;0.015032679738562091872888792921;0.000000000000000000000000000000;0.012091503267973856619588168826;0.021241830065359477985875713557;0.016993464052287580307032399674;0.009150326797385621366287544731;0.005882352941176470506601248189;0.015032679738562091872888792921;0.003267973856209150426005427548
-0.010077519379844961100456401937;0.020930232558139534593255604022;0.017054263565891472631541603278;0.344186046511627929955778881776;0.031782945736434108086054806108;0.016666666666666666435370203203;0.004263565891472868157885400819;0.018217054263565891220055803501;0.015891472868217054043027403054;0.005426356589147286746399601043;0.006589147286821705334913801266;0.012790697674418604473656202458;0.021705426356589146985598404171;0.006976744186046511531085201341;0.025193798449612402751141004842;0.007751937984496123923428001490;0.018217054263565891220055803501;0.031782945736434108086054806108;0.015116279069767441650684602905;0.005426356589147286746399601043;0.006201550387596899138742401192;0.013178294573643410669827602533;0.024031007751937984162626804618;0.010465116279069767296627802011;0.010077519379844961100456401937;0.012790697674418604473656202458;0.018217054263565891220055803501;0.030620155038759689497540605885;0.004263565891472868157885400819;0.025193798449612402751141004842;0.010077519379844961100456401937;0.007364341085271317727256601415;0.010077519379844961100456401937;0.008527131782945736315770801639;0.024418604651162790358798204693;0.013565891472868216865999002607;0.003100775193798449569371200596;0.007751937984496123923428001490;0.007364341085271317727256601415;0.027906976744186046124340805363;0.006976744186046511531085201341;0.020930232558139534593255604022;0.000000000000000000000000000000;0.006589147286821705334913801266;0.014341085271317829258341802756;0.007751937984496123923428001490;0.004651162790697674354056800894;0.004263565891472868157885400819;0.018604651162790697416227203576;0.004651162790697674354056800894
-0.009920634920634920084214769531;0.004761904761904762334312479766;0.029365079365079364837054498594;0.473015873015873000717590457498;0.003968253968253968033685907812;0.009126984126984127518311673555;0.007539682539682539784420267637;0.013095238095238095551997581367;0.013095238095238095551997581367;0.009920634920634920084214769531;0.007936507936507936067371815625;0.006349206349206349200842147695;0.009920634920634920084214769531;0.019047619047619049337249919063;0.011111111111111111535154627461;0.008333333333333333217685101602;0.017063492063492061850960013203;0.019841269841269840168429539062;0.006349206349206349200842147695;0.005555555555555555767577313730;0.009523809523809524668624959531;0.015079365079365079568840535273;0.018650793650793650452213157109;0.017857142857142856151586585156;0.014682539682539682418527249297;0.010714285714285714384841341484;0.015476190476190476719153821250;0.001190476190476190583578119941;0.003571428571428571317053490830;0.017857142857142856151586585156;0.008333333333333333217685101602;0.007142857142857142634106981660;0.009523809523809524668624959531;0.014285714285714285268213963320;0.019444444444444444752839729063;0.016269841269841271019780393203;0.006349206349206349200842147695;0.007539682539682539784420267637;0.004761904761904762334312479766;0.021428571428571428769682682969;0.007936507936507936067371815625;0.006746031746031746351155433672;0.000000000000000000000000000000;0.007936507936507936067371815625;0.007936507936507936067371815625;0.007936507936507936067371815625;0.007936507936507936067371815625;0.007936507936507936067371815625;0.015079365079365079568840535273;0.005555555555555555767577313730
-0.013565891472868216865999002607;0.019767441860465116004741403799;0.034883720930232557655426006704;0.272480620155038766316835108228;0.012403100775193798277484802384;0.013953488372093023062170402682;0.004651162790697674354056800894;0.018992248062015503612398603650;0.018604651162790697416227203576;0.011627906976744185885142002235;0.011627906976744185885142002235;0.006589147286821705334913801266;0.012790697674418604473656202458;0.015503875968992247846856002980;0.029457364341085270909026405661;0.012015503875968992081313402309;0.014728682170542635454513202831;0.030232558139534883301369205810;0.012790697674418604473656202458;0.007364341085271317727256601415;0.009302325581395348708113601788;0.024418604651162790358798204693;0.012790697674418604473656202458;0.017441860465116278827713003352;0.025581395348837208947312404916;0.016666666666666666435370203203;0.024418604651162790358798204693;0.025193798449612402751141004842;0.002713178294573643373199800521;0.010852713178294573492799202086;0.004263565891472868157885400819;0.014728682170542635454513202831;0.010852713178294573492799202086;0.010852713178294573492799202086;0.028682170542635658516683605512;0.022093023255813953181769804246;0.009302325581395348708113601788;0.010077519379844961100456401937;0.005038759689922480550228200968;0.029069767441860464712855005587;0.011627906976744185885142002235;0.012015503875968992081313402309;0.000000000000000000000000000000;0.008914728682170542511942201713;0.012790697674418604473656202458;0.006201550387596899138742401192;0.015503875968992247846856002980;0.010077519379844961100456401937;0.024806201550387596554969604767;0.009689922480620154904285001862
-0.020454545454545454419292838111;0.014015151515151515193569053963;0.031060606060606059386497435071;0.250000000000000000000000000000;0.016287878787878788677812025298;0.013257575757575757943729222177;0.006818181818181817850643700041;0.021590909090909091161414323778;0.016287878787878788677812025298;0.022727272727272727903535809446;0.012878787878787878451447568295;0.010984848484848484459486250842;0.010984848484848484459486250842;0.020454545454545454419292838111;0.024621212121212120160773650923;0.012121212121212121201607736509;0.023484848484848483418652165255;0.021969696969696968918972501683;0.010606060606060606701928072937;0.010606060606060606701928072937;0.009848484848484847717364765174;0.013257575757575757943729222177;0.010606060606060606701928072937;0.025757575757575756902895136591;0.015151515151515151935690539631;0.022348484848484850145977631541;0.017803030303030303177491688871;0.023106060606060605661093987351;0.002651515151515151675482018234;0.010984848484848484459486250842;0.014015151515151515193569053963;0.015151515151515151935690539631;0.006818181818181817850643700041;0.010227272727272727209646419055;0.018939393939393939919613174538;0.030303030303030303871381079261;0.005681818181818181975883952362;0.014015151515151515193569053963;0.002651515151515151675482018234;0.018181818181818180935049866775;0.007954545454545453725403447720;0.012121212121212121201607736509;0.000000000000000000000000000000;0.023484848484848483418652165255;0.014015151515151515193569053963;0.023484848484848483418652165255;0.018560606060606062162054996634;0.015530303030303029693248717535;0.015151515151515151935690539631;0.010984848484848484459486250842
-0.018699186991869919116648901536;0.006097560975609756309112619022;0.054065040650406501199221054321;0.233739837398373978549770413338;0.021138211382113820252515168363;0.013414634146341463186158371457;0.004065040650406504495195658677;0.024796747967479673691038044581;0.018292682926829267192614381088;0.026016260162601625993694653971;0.015040650406504065678126025318;0.020325203252032519873893079421;0.004878048780487804873817747620;0.034959349593495933627984584291;0.018699186991869919116648901536;0.012195121951219512618225238043;0.015040650406504065678126025318;0.020325203252032519873893079421;0.010569105691056910126257584182;0.008536585365853659179702361826;0.011382113821138212239603149101;0.015853658536585366056748114261;0.003658536585365853872203745212;0.032926829268292684416152837912;0.015040650406504065678126025318;0.030081300813008131356252050637;0.032926829268292684416152837912;0.039024390243902438990541980957;0.002439024390243902436908873810;0.006504065040650406498423663493;0.007723577235772357933718534895;0.013821138211382113375469415928;0.004878048780487804873817747620;0.009756097560975609747635495239;0.009349593495934959558324450768;0.027642276422764226750938831856;0.008536585365853659179702361826;0.003658536585365853872203745212;0.001626016260162601624605915873;0.010975609756097560315568628653;0.006097560975609756309112619022;0.009756097560975609747635495239;0.000000000000000000000000000000;0.015447154471544715867437069790;0.006097560975609756309112619022;0.010162601626016259936946539710;0.029674796747967479432217530189;0.015447154471544715867437069790;0.023170731707317072933793866696;0.015447154471544715867437069790
-0.016000000000000000333066907388;0.014666666666666666393736839780;0.030999999999999999777955395075;0.224666666666666653418005239473;0.011666666666666667198648532633;0.010333333333333333259318465025;0.011666666666666667198648532633;0.034000000000000002442490654175;0.008666666666666666268836749509;0.027666666666666665796991964044;0.021333333333333332620940225866;0.008333333333333333217685101602;0.006333333333333333176051738178;0.027666666666666665796991964044;0.034333333333333333758918826106;0.017000000000000001221245327088;0.009333333333333334105863521302;0.015666666666666665547191783503;0.016333333333333331649495079319;0.000333333333333333322202191029;0.023333333333333334397297065266;0.010000000000000000208166817117;0.006333333333333333176051738178;0.038666666666666668628060676838;0.021000000000000001304512053935;0.037666666666666667739882257138;0.025333333333333332704206952712;0.024666666666666666601903656897;0.005000000000000000104083408559;0.011666666666666667198648532633;0.008999999999999999319988397417;0.024000000000000000499600361081;0.002666666666666666577617528233;0.017999999999999998639976794834;0.006666666666666667094565124074;0.019333333333333334314030338419;0.002666666666666666577617528233;0.014333333333333333342585191872;0.004666666666666667052931760651;0.010333333333333333259318465025;0.010999999999999999361621760841;0.007000000000000000145716771982;0.000000000000000000000000000000;0.023666666666666665713725237197;0.018333333333333333425851918719;0.033333333333333332870740406406;0.025999999999999998806510248528;0.002333333333333333526465880325;0.005333333333333333155235056466;0.010666666666666666310470112933
-0.021874999999999998612221219219;0.040277777777777780399137697032;0.039583333333333331482961625625;0.114930555555555549696045147812;0.033333333333333332870740406406;0.008680555555555555941049661328;0.004513888888888888464845372539;0.026388888888888888811790067734;0.014583333333333333564629796797;0.017013888888888887424011286953;0.008680555555555555941049661328;0.009722222222222222376419864531;0.013541666666666667129259593594;0.019097222222222223764198645313;0.052777777777777777623580135469;0.016319444444444445446729119453;0.016666666666666666435370203203;0.031250000000000000000000000000;0.018749999999999999306110609609;0.005902777777777777623580135469;0.014236111111111110841265237070;0.013541666666666667129259593594;0.013541666666666667129259593594;0.020138888888888890199568848516;0.016319444444444445446729119453;0.024305555555555555941049661328;0.027777777777777776235801354687;0.058680555555555555247160270937;0.003125000000000000173472347598;0.014930555555555556287994356524;0.010416666666666666088425508008;0.012847222222222221682530474141;0.010763888888888888811790067734;0.006944444444444444058950338672;0.019444444444444444752839729063;0.025694444444444443365060948281;0.005902777777777777623580135469;0.013888888888888888117900677344;0.003819444444444444319158860068;0.018055555555555553859381490156;0.013541666666666667129259593594;0.011458333333333332523795711211;0.000000000000000000000000000000;0.012500000000000000693889390391;0.032291666666666669904817155157;0.017708333333333332870740406406;0.016666666666666666435370203203;0.012847222222222221682530474141;0.022569444444444444058950338672;0.012152777777777777970524830664
-0.021180555555555556634939051719;0.015625000000000000000000000000;0.033333333333333332870740406406;0.271180555555555535818257339997;0.011458333333333332523795711211;0.026388888888888888811790067734;0.002777777777777777883788656865;0.020138888888888890199568848516;0.012152777777777777970524830664;0.013194444444444444405895033867;0.009722222222222222376419864531;0.014236111111111110841265237070;0.020138888888888890199568848516;0.028819444444444446140618509844;0.019097222222222223764198645313;0.018055555555555553859381490156;0.017708333333333332870740406406;0.028472222222222221682530474141;0.011111111111111111535154627461;0.005555555555555555767577313730;0.010763888888888888811790067734;0.009722222222222222376419864531;0.009374999999999999653055304805;0.017708333333333332870740406406;0.027777777777777776235801354687;0.024305555555555555941049661328;0.018402777777777778317469525859;0.013541666666666667129259593594;0.001388888888888888941894328433;0.016666666666666666435370203203;0.012847222222222221682530474141;0.012847222222222221682530474141;0.010763888888888888811790067734;0.011458333333333332523795711211;0.018055555555555553859381490156;0.023263888888888889505679458125;0.009027777777777776929690745078;0.015277777777777777276635440273;0.000694444444444444470947164216;0.012152777777777777970524830664;0.005902777777777777623580135469;0.009722222222222222376419864531;0.000000000000000000000000000000;0.015277777777777777276635440273;0.012847222222222221682530474141;0.009722222222222222376419864531;0.018402777777777778317469525859;0.018402777777777778317469525859;0.022569444444444444058950338672;0.010763888888888888811790067734
-0.027878787878787877896336055983;0.014242424242424242195048655901;0.035151515151515148882577221912;0.211515151515151517136459347057;0.003939393939393939607362948863;0.010909090909090909948808700847;0.010909090909090909948808700847;0.023939393939393940891058321085;0.024242424242424242403215473018;0.022121212121212121409774553626;0.008787878787878787220644305478;0.004848484848484848480643094604;0.006969696969696969474084013996;0.023939393939393940891058321085;0.013030303030303030942249620239;0.014242424242424242195048655901;0.033636363636363637852344510293;0.040606060606060603856981572335;0.017878787878787879422892714842;0.006969696969696969474084013996;0.026666666666666668378260496297;0.018787878787878787428811122595;0.010000000000000000208166817117;0.036363636363636361870099733551;0.019393939393939393922572378415;0.030606060606060605383538231195;0.023030303030303029415692961379;0.006363636363636363847684496164;0.003030303030303030300401934127;0.006060606060606060600803868255;0.011212121212121211460965852780;0.022121212121212121409774553626;0.004242424242424242854243576772;0.005151515151515151727523722514;0.012121212121212121201607736509;0.036666666666666666851703837438;0.014545454545454545441929283811;0.015151515151515151935690539631;0.003636363636363636360482320953;0.010303030303030303455047445027;0.012121212121212121201607736509;0.013939393939393938948168027991;0.000000000000000000000000000000;0.020606060606060606910094890054;0.005151515151515151727523722514;0.026363636363636363396656392410;0.018484848484848485916653970662;0.010909090909090909948808700847;0.013030303030303030942249620239;0.008181818181818182461606525635
-0.024418604651162790358798204693;0.013565891472868216865999002607;0.046124031007751940813843560818;0.111240310077519374831744869425;0.002713178294573643373199800521;0.011627906976744185885142002235;0.005038759689922480550228200968;0.022480620155038759377941204320;0.028682170542635658516683605512;0.025193798449612402751141004842;0.012403100775193798277484802384;0.006976744186046511531085201341;0.009689922480620154904285001862;0.028294573643410852320512205438;0.011240310077519379688970602160;0.011627906976744185885142002235;0.032170542635658917751673158136;0.037596899224806204498072759179;0.012790697674418604473656202458;0.006976744186046511531085201341;0.014341085271317829258341802756;0.028294573643410852320512205438;0.015891472868217054043027403054;0.043023255813953491244472360222;0.016666666666666666435370203203;0.039147286821705429282758359477;0.028682170542635658516683605512;0.006201550387596899138742401192;0.005426356589147286746399601043;0.007364341085271317727256601415;0.006589147286821705334913801266;0.022093023255813953181769804246;0.005426356589147286746399601043;0.006976744186046511531085201341;0.022480620155038759377941204320;0.044961240310077518755882408641;0.011627906976744185885142002235;0.011240310077519379688970602160;0.005038759689922480550228200968;0.027519379844961239928169405289;0.010852713178294573492799202086;0.021705426356589146985598404171;0.000000000000000000000000000000;0.024418604651162790358798204693;0.005426356589147286746399601043;0.022093023255813953181769804246;0.022868217054263565574112604395;0.020930232558139534593255604022;0.028294573643410852320512205438;0.013565891472868216865999002607
-0.021388888888888887840344921187;0.010833333333333333703407674875;0.051666666666666666296592325125;0.191944444444444445307951241375;0.007499999999999999722444243844;0.018611111111111109522875395328;0.007222222222222221890697291258;0.018333333333333333425851918719;0.013333333333333334189130248149;0.017222222222222222098864108375;0.016666666666666666435370203203;0.010833333333333333703407674875;0.019722222222222220849863205672;0.030555555555555554553270880547;0.017777777777777777762358013547;0.013055555555555556357383295563;0.019444444444444444752839729063;0.035277777777777775958245598531;0.017777777777777777762358013547;0.008333333333333333217685101602;0.013888888888888888117900677344;0.016944444444444446001840631766;0.015277777777777777276635440273;0.018333333333333333425851918719;0.026111111111111112714766591125;0.024166666666666666157814447047;0.026666666666666668378260496297;0.003333333333333333547282562037;0.001111111111111111110147375847;0.016111111111111110771876298031;0.016666666666666666435370203203;0.010833333333333333703407674875;0.013333333333333334189130248149;0.009444444444444444544672911945;0.029722222222222222792753498766;0.032222222222222221543752596062;0.010555555555555555871660722289;0.016111111111111110771876298031;0.001388888888888888941894328433;0.027222222222222220572307449515;0.005000000000000000104083408559;0.005833333333333333599324266316;0.000000000000000000000000000000;0.013333333333333334189130248149;0.008333333333333333217685101602;0.011111111111111111535154627461;0.020555555555555556079827539406;0.021388888888888887840344921187;0.023333333333333334397297065266;0.014166666666666665949647629930
-0.019607843137254901688670827298;0.008169934640522876281854003366;0.033006535947712418999078209936;0.250326797385620913871662196470;0.003267973856209150426005427548;0.016339869281045752563708006733;0.008823529411764705759901872284;0.014052287581699346788455251556;0.018954248366013070475899482403;0.015032679738562091872888792921;0.012091503267973856619588168826;0.008823529411764705759901872284;0.025490196078431372195272075487;0.021241830065359477985875713557;0.016339869281045752563708006733;0.009150326797385621366287544731;0.022222222222222223070309254922;0.027450980392156862364139158217;0.009150326797385621366287544731;0.009803921568627450844335413649;0.011764705882352941013202496379;0.021241830065359477985875713557;0.024183006535947713239176337652;0.016339869281045752563708006733;0.020261437908496732901442172192;0.018627450980392156604237285933;0.018300653594771242732575089462;0.010784313725490195928768955014;0.002941176470588235253300624095;0.019281045751633987817008630827;0.010457516339869280322383282567;0.014705882352941176266503120473;0.012418300653594770491250365296;0.010130718954248366450721086096;0.028758169934640521320234896052;0.023856209150326795898067189228;0.008496732026143790153516199837;0.008169934640522876281854003366;0.006535947712418300852010855095;0.039869281045751631120666047536;0.004575163398692810683143772366;0.010784313725490195928768955014;0.000000000000000000000000000000;0.017973856209150325391465941038;0.005555555555555555767577313730;0.018954248366013070475899482403;0.020915032679738560644766565133;0.012745098039215686097636037744;0.022549019607843136941971451392;0.009477124183006535237949741202
-0.020430107526881721713429840293;0.022043010752688170506008447092;0.029032258064516130308119201686;0.239247311827956998797617416130;0.012365591397849462138025522506;0.010752688172043011610723439730;0.011827956989247311384017002922;0.025268817204301075030059564597;0.015591397849462364927353164035;0.009677419354838710102706400562;0.011290322580645160630008483338;0.006989247311827957200025540629;0.014516129032258065154059600843;0.018279569892473118697395761956;0.033333333333333332870740406406;0.008602150537634408594689361394;0.013440860215053763646042561675;0.029569892473118281062127721270;0.030107526881720431816136240855;0.005376344086021505805361719865;0.030645161290322579100697808485;0.017204301075268817189378722787;0.025268817204301075030059564597;0.014516129032258065154059600843;0.015591397849462364927353164035;0.020967741935483872467438359877;0.027419354838709678046093642934;0.009677419354838710102706400562;0.003225806451612903223008510523;0.023118279569892472014025486260;0.009677419354838710102706400562;0.011827956989247311384017002922;0.012903225806451612892034042090;0.005376344086021505805361719865;0.020967741935483872467438359877;0.024193548387096773522042525428;0.008602150537634408594689361394;0.010215053763440860856714920146;0.004301075268817204297344680697;0.032795698924731185586178838776;0.011827956989247311384017002922;0.010752688172043011610723439730;0.000000000000000000000000000000;0.008602150537634408594689361394;0.009677419354838710102706400562;0.020430107526881721713429840293;0.013978494623655914400051081259;0.003225806451612903223008510523;0.016129032258064515681361683619;0.009139784946236559348697880978
-0.016352201257861635058654670161;0.011320754716981131296482665505;0.022327044025157231216249797967;0.324528301886792436281581331059;0.033962264150943395624171472491;0.012578616352201258538068273651;0.011949685534591195784637207566;0.027044025157232705336429745557;0.008176100628930817529327335080;0.022641509433962262592965331010;0.011006289308176099919767132462;0.008176100628930817529327335080;0.006603773584905660645749669868;0.014779874213836478175077004948;0.016666666666666666435370203203;0.009748427672955974412905000293;0.011320754716981131296482665505;0.015094339622641509551792537991;0.052830188679245285165997358945;0.003773584905660377387948134498;0.024842767295597485699421014260;0.006918238993710692022465202911;0.005031446540880502894810266667;0.023584905660377360192558882090;0.011320754716981131296482665505;0.016666666666666666435370203203;0.016037735849056603681939137118;0.012893081761006289914783806694;0.000628930817610062861851283333;0.033962264150943395624171472491;0.014150943396226415421645938864;0.013207547169811321291499339736;0.012578616352201258538068273651;0.005660377358490565648241332752;0.007232704402515723399180735953;0.017610062893081760565516802330;0.006918238993710692022465202911;0.011949685534591195784637207566;0.004088050314465408764663667540;0.011006289308176099919767132462;0.008176100628930817529327335080;0.005345911949685534271525799710;0.000000000000000000000000000000;0.013207547169811321291499339736;0.019811320754716980202525533628;0.014465408805031446798361471906;0.018238993710691823318947868415;0.010377358490566037166336066377;0.008490566037735848906042868123;0.004716981132075471518094733625
-0.023129251700680270725785092623;0.011224489795918366624727369185;0.058503401360544216025516561785;0.147619047619047621955346016875;0.002380952380952381167156239883;0.012925170068027210315553254816;0.005442176870748298943281096030;0.021428571428571428769682682969;0.008503401360544218454129428153;0.039795918367346937161155295826;0.013945578231292516530048786194;0.005102040816326530205115918903;0.010204081632653060410231837807;0.045238095238095236971798129844;0.011564625850340135362892546311;0.017687074829931974384589210558;0.019047619047619049337249919063;0.021768707482993195773124384118;0.005442176870748298943281096030;0.005102040816326530205115918903;0.012244897959183672839222900564;0.011564625850340135362892546311;0.008843537414965987192294605279;0.072108843537414965552123646830;0.019047619047619049337249919063;0.039115646258503403154271893527;0.025170068027210883154776155379;0.006122448979591836419611450282;0.005102040816326530205115918903;0.006462585034013605157776627408;0.008503401360544218454129428153;0.025850340136054420631106509632;0.002040816326530612428991062757;0.008163265306122449715964251027;0.015986394557823128959039848951;0.048299319727891157350008199955;0.004421768707482993596147302640;0.007823129251700680977799073901;0.000000000000000000000000000000;0.009523809523809524668624959531;0.007142857142857142634106981660;0.002040816326530612428991062757;0.000000000000000000000000000000;0.032653061224489798863857004108;0.006802721088435373895941804534;0.023469387755102041198673745726;0.048979591836734691356891602254;0.027551020408163266056655871239;0.019047619047619049337249919063;0.009863945578231291672066660681
-0.025925925925925925180637321432;0.012222222222222222862142437805;0.015555555555555555108382392859;0.284814814814814798449305044414;0.015925925925925926707193980292;0.019259259259259260688157411323;0.014074074074074073917306471060;0.022592592592592591199673890401;0.010000000000000000208166817117;0.013333333333333334189130248149;0.007407407407407407690103084974;0.011481481481481481399242738917;0.012962962962962962590318660716;0.015555555555555555108382392859;0.022962962962962962798485477833;0.012592592592592592726230549260;0.014444444444444443781394582516;0.022962962962962962798485477833;0.021851851851851851471497667490;0.003333333333333333547282562037;0.016296296296296294836558615771;0.010740740740740739936343040029;0.018148148148148149361169600979;0.019259259259259260688157411323;0.018888888888888889089345823891;0.017037037037037038034181790636;0.025185185185185185452461098521;0.012592592592592592726230549260;0.003333333333333333547282562037;0.022222222222222223070309254922;0.012222222222222222862142437805;0.014444444444444443781394582516;0.013333333333333334189130248149;0.008888888888888888881179006773;0.019259259259259260688157411323;0.018148148148148149361169600979;0.005925925925925925631665425186;0.016296296296296294836558615771;0.002592592592592592518063732143;0.015185185185185185244294281404;0.007407407407407407690103084974;0.011481481481481481399242738917;0.000000000000000000000000000000;0.018518518518518517490534236458;0.016296296296296294836558615771;0.024444444444444445724284875610;0.009259259259259258745267118229;0.008518518518518519017090895318;0.026666666666666668378260496297;0.008148148148148147418279307885
-0.013541666666666667129259593594;0.028819444444444446140618509844;0.022569444444444444058950338672;0.113541666666666665741480812812;0.043055555555555555247160270937;0.017013888888888887424011286953;0.015972222222222220988641083750;0.034027777777777774848022573906;0.016319444444444445446729119453;0.012500000000000000693889390391;0.010069444444444445099784424258;0.009027777777777776929690745078;0.011111111111111111535154627461;0.012847222222222221682530474141;0.030208333333333333564629796797;0.011805555555555555247160270937;0.023263888888888889505679458125;0.030555555555555554553270880547;0.027777777777777776235801354687;0.001388888888888888941894328433;0.026041666666666667823148983985;0.013541666666666667129259593594;0.021180555555555556634939051719;0.025694444444444443365060948281;0.013194444444444444405895033867;0.012500000000000000693889390391;0.032986111111111111882099322656;0.029861111111111112575988713047;0.006597222222222222202947516934;0.030555555555555554553270880547;0.011805555555555555247160270937;0.025000000000000001387778780781;0.014236111111111110841265237070;0.005208333333333333044212754004;0.025694444444444443365060948281;0.021180555555555556634939051719;0.004861111111111111188209932266;0.013888888888888888117900677344;0.003472222222222222029475169336;0.025347222222222222376419864531;0.015277777777777777276635440273;0.014583333333333333564629796797;0.000000000000000000000000000000;0.021180555555555556634939051719;0.024652777777777776929690745078;0.026041666666666667823148983985;0.008680555555555555941049661328;0.012500000000000000693889390391;0.017361111111111111882099322656;0.011458333333333332523795711211
-0.021851851851851851471497667490;0.020740740740740740144509857146;0.037407407407407410049327012302;0.029629629629629630760412339896;0.033333333333333332870740406406;0.015555555555555555108382392859;0.008148148148148147418279307885;0.027037037037037036507625131776;0.021111111111111111743321444578;0.022962962962962962798485477833;0.013703703703703704053218359604;0.005925925925925925631665425186;0.015185185185185185244294281404;0.027407407407407408106436719208;0.020000000000000000416333634234;0.016666666666666666435370203203;0.030740740740740742087400150240;0.050740740740740739034286832521;0.027777777777777776235801354687;0.008518518518518519017090895318;0.021851851851851851471497667490;0.020000000000000000416333634234;0.025555555555555557051272685953;0.031111111111111110216764785719;0.022592592592592591199673890401;0.027037037037037036507625131776;0.026296296296296296779448908865;0.014814814814814815380206169948;0.004814814814814815172039352831;0.014814814814814815380206169948;0.011481481481481481399242738917;0.022222222222222223070309254922;0.011481481481481481399242738917;0.008888888888888888881179006773;0.024074074074074074125473288177;0.034074074074074076068363581271;0.010000000000000000208166817117;0.011111111111111111535154627461;0.003333333333333333547282562037;0.034444444444444444197728216750;0.016296296296296294836558615771;0.018518518518518517490534236458;0.000000000000000000000000000000;0.024814814814814813853649511088;0.013703703703703704053218359604;0.023703703703703702526661700745;0.021111111111111111743321444578;0.011851851851851851263330850372;0.026296296296296296779448908865;0.009259259259259258745267118229
-0.024333333333333331816028533012;0.017666666666666667323548622903;0.030666666666666664992080271190;0.072999999999999995448085599037;0.048333333333333332315628894094;0.029333333333333332787473679559;0.003333333333333333547282562037;0.022999999999999999611421941381;0.013333333333333334189130248149;0.015333333333333332496040135595;0.018999999999999999528155214534;0.017333333333333332537673499019;0.020666666666666666518636930050;0.022666666666666668294993769450;0.029000000000000001471045507628;0.025000000000000001387778780781;0.006666666666666667094565124074;0.024666666666666666601903656897;0.016333333333333331649495079319;0.006666666666666667094565124074;0.019666666666666665630458510350;0.009666666666666667157015169209;0.020666666666666666518636930050;0.021000000000000001304512053935;0.029000000000000001471045507628;0.032333333333333331982561986706;0.025333333333333332704206952712;0.048666666666666663632057066025;0.000333333333333333322202191029;0.035999999999999997279953589668;0.015333333333333332496040135595;0.008999999999999999319988397417;0.013333333333333334189130248149;0.008000000000000000166533453694;0.025000000000000001387778780781;0.018999999999999999528155214534;0.012000000000000000249800180541;0.014666666666666666393736839780;0.005333333333333333155235056466;0.024000000000000000499600361081;0.008000000000000000166533453694;0.017666666666666667323548622903;0.000000000000000000000000000000;0.016333333333333331649495079319;0.019666666666666665630458510350;0.011333333333333334147496884725;0.014000000000000000291433543964;0.020333333333333331732761806165;0.025000000000000001387778780781;0.012999999999999999403255124264
-0.001587301587301587300210536924;0.019841269841269840168429539062;0.006746031746031746351155433672;0.174206349206349198066590133749;0.064682539682539688663531762813;0.005158730158730158617264027754;0.000793650793650793650105268462;0.007539682539682539784420267637;0.013095238095238095551997581367;0.001190476190476190583578119941;0.003571428571428571317053490830;0.005952380952380952050528861719;0.009523809523809524668624959531;0.003571428571428571317053490830;0.032142857142857139685077072500;0.003174603174603174600421073848;0.007539682539682539784420267637;0.013492063492063492702310867344;0.006746031746031746351155433672;0.002380952380952381167156239883;0.003174603174603174600421073848;0.009920634920634920084214769531;0.012301587301587301251371009414;0.001984126984126984016842953906;0.003968253968253968033685907812;0.003571428571428571317053490830;0.005158730158730158617264027754;0.445238095238095210604001294996;0.001984126984126984016842953906;0.019444444444444444752839729063;0.005952380952380952050528861719;0.003571428571428571317053490830;0.004365079365079365183999193789;0.003968253968253968033685907812;0.009920634920634920084214769531;0.003571428571428571317053490830;0.002777777777777777883788656865;0.002777777777777777883788656865;0.005952380952380952050528861719;0.010317460317460317234528055508;0.003174603174603174600421073848;0.013492063492063492702310867344;0.000000000000000000000000000000;0.001587301587301587300210536924;0.026984126984126985404621734688;0.001190476190476190583578119941;0.001190476190476190583578119941;0.001587301587301587300210536924;0.004365079365079365183999193789;0.003571428571428571317053490830
-0.008750000000000000832667268469;0.008750000000000000832667268469;0.010416666666666666088425508008;0.200833333333333335923853724125;0.002500000000000000052041704279;0.017916666666666667545593227828;0.004583333333333333356462979680;0.006250000000000000346944695195;0.018333333333333333425851918719;0.005416666666666666851703837438;0.005000000000000000104083408559;0.006666666666666667094565124074;0.010000000000000000208166817117;0.011249999999999999583666365766;0.009583333333333332593184650250;0.005833333333333333599324266316;0.017500000000000001665334536938;0.015833333333333334674852821422;0.003749999999999999861222121922;0.000416666666666666693410320255;0.002500000000000000052041704279;0.011249999999999999583666365766;0.008750000000000000832667268469;0.011666666666666667198648532633;0.014166666666666665949647629930;0.004583333333333333356462979680;0.009166666666666666712925959359;0.411250000000000004440892098501;0.002083333333333333304421275400;0.010833333333333333703407674875;0.006250000000000000346944695195;0.007916666666666667337426410711;0.004583333333333333356462979680;0.009583333333333332593184650250;0.014999999999999999444888487687;0.008333333333333333217685101602;0.001666666666666666773641281019;0.005416666666666666851703837438;0.002916666666666666799662133158;0.012916666666666666574148081281;0.001250000000000000026020852140;0.022083333333333333287074040641;0.000000000000000000000000000000;0.004583333333333333356462979680;0.007083333333333332974823814965;0.006666666666666667094565124074;0.007499999999999999722444243844;0.007083333333333332974823814965;0.006250000000000000346944695195;0.007083333333333332974823814965
-0.030392156862745097617439782312;0.022875816993464050813633647863;0.033986928104575160614064799347;0.100980392156862747166101712537;0.007189542483660130330058724013;0.020261437908496732901442172192;0.011764705882352941013202496379;0.025816993464052286066934271958;0.015686274509803921350936661838;0.023202614379084968154742796287;0.017320261437908497648141548098;0.013071895424836601704021710191;0.016339869281045752563708006733;0.021568627450980391857537910028;0.013398692810457515575683906661;0.018627450980392156604237285933;0.025816993464052286066934271958;0.046405228758169936309485592574;0.017973856209150325391465941038;0.007843137254901960675468330919;0.028104575163398693576910503111;0.013725490196078431182069579108;0.013725490196078431182069579108;0.029738562091503266404668437417;0.028758169934640521320234896052;0.033006535947712418999078209936;0.026143790849673203408043420382;0.013398692810457515575683906661;0.002287581699346405341571886183;0.017320261437908497648141548098;0.017647058823529411519803744568;0.018300653594771242732575089462;0.006535947712418300852010855095;0.006535947712418300852010855095;0.017973856209150325391465941038;0.040849673202614379674546540855;0.015359477124183005744550989391;0.014379084967320260660117448026;0.005228758169934640161191641283;0.021568627450980391857537910028;0.008823529411764705759901872284;0.014052287581699346788455251556;0.000000000000000000000000000000;0.019934640522875815560333023768;0.006535947712418300852010855095;0.023856209150326795898067189228;0.020915032679738560644766565133;0.010784313725490195928768955014;0.024836601307189540982500730593;0.009150326797385621366287544731
-0.024038461538461539795941135367;0.022756410256410255360526306845;0.049679487179487176462533426502;0.003846153846153846367350581659;0.010576923076923077510214099561;0.025641025641025640136039243089;0.002884615384615384775512936244;0.032371794871794874748349712945;0.025320512820512820761909011935;0.027564102564102563319714533918;0.014102564102564102768710974090;0.017307692307692308653077617464;0.016346153846153847061239972049;0.030448717948717948095227470162;0.015064102564102564360548619504;0.017948717948717947401338079771;0.024358974358974359170071366520;0.039423076923076921795896510048;0.017628205128205128027207848618;0.010576923076923077510214099561;0.017307692307692308653077617464;0.016025641025641024217662788942;0.012820512820512820068019621544;0.040064102564102567483050876262;0.033653846153846152244870637560;0.029166666666666667129259593594;0.029807692307692309346967007855;0.023076923076923078204103489952;0.001282051282051282050170049054;0.017948717948717947401338079771;0.015384615384615385469402326635;0.025961538461538462979616426196;0.010897435897435896884344330715;0.008974358974358973700669039886;0.021153846153846155020428199123;0.040384615384615386857181107416;0.013141025641025641176873328675;0.014423076923076923877564681220;0.000000000000000000000000000000;0.020192307692307693428590553708;0.005128205128205128200680196215;0.022435897435897435986396075691;0.000000000000000000000000000000;0.023076923076923078204103489952;0.009615384615384615918376454147;0.016025641025641024217662788942;0.035256410256410256054415697236;0.022435897435897435986396075691;0.025641025641025640136039243089;0.020833333333333332176851016015
-0.022012578616352199839534264925;0.016666666666666666435370203203;0.070440251572327042262067209322;0.002515723270440251447405133334;0.009433962264150943036189467250;0.013836477987421384044930405821;0.003773584905660377387948134498;0.033333333333333332870740406406;0.032389937106918238740593807279;0.047798742138364783138548830266;0.014150943396226415421645938864;0.010691823899371068543051599420;0.004402515723270440141379200583;0.032704402515723270117309340321;0.014150943396226415421645938864;0.011949685534591195784637207566;0.032704402515723270117309340321;0.055660377358490567556437156327;0.012893081761006289914783806694;0.014465408805031446798361471906;0.011635220125786162673198198547;0.024842767295597485699421014260;0.006603773584905660645749669868;0.061949685534591195090747817176;0.020754716981132074332672132755;0.038364779874213834898188935085;0.033962264150943395624171472491;0.012893081761006289914783806694;0.001572327044025157317258534206;0.009433962264150943036189467250;0.004402515723270440141379200583;0.029559748427672956350154009897;0.006918238993710692022465202911;0.007547169811320754775896268995;0.006289308176100629269034136826;0.053459119496855347919428425030;0.016352201257861635058654670161;0.007232704402515723399180735953;0.001572327044025157317258534206;0.010062893081761005789620533335;0.010377358490566037166336066377;0.019811320754716980202525533628;0.000000000000000000000000000000;0.030817610062893081857016142067;0.006289308176100629269034136826;0.017610062893081760565516802330;0.038993710691823897651620001170;0.019182389937106917449094467543;0.024528301886792454322705481218;0.011006289308176099919767132462
-0.026811594202898549749169987422;0.013405797101449274874584993711;0.031521739130434781039902247812;0.210869565217391308209471390001;0.005797101449275362389235155547;0.028985507246376811946175777734;0.005797101449275362389235155547;0.026086956521739129016834723984;0.014130434782608695606920257148;0.026811594202898549749169987422;0.015217391304347826705423152305;0.010144927536231883313799784219;0.012318840579710145510805574531;0.026811594202898549749169987422;0.015217391304347826705423152305;0.012681159420289855876973206250;0.010507246376811593679967415937;0.028623188405797101580008146016;0.018115942028985507900040730078;0.005434782608695652023067523828;0.022101449275362318458437727031;0.005072463768115941656899892109;0.015579710144927537071590784024;0.027536231884057970481505250859;0.029347826086956522312343409453;0.027173913043478260115337619141;0.030797101449275363777013936328;0.007246376811594202986543944434;0.002536231884057970828449946055;0.017753623188405797533873098359;0.007971014492753622851517469883;0.009420289855072464316187996758;0.010507246376811593679967415937;0.009057971014492753950020365039;0.017753623188405797533873098359;0.026086956521739129016834723984;0.013768115942028985240752625430;0.008695652173913043583852733320;0.002536231884057970828449946055;0.015217391304347826705423152305;0.007608695652173913352711576152;0.006521739130434782254208680996;0.000000000000000000000000000000;0.018115942028985507900040730078;0.014130434782608695606920257148;0.021376811594202897726102463594;0.021014492753623187359934831875;0.009782608695652174682355628477;0.038405797101449277997087250469;0.011594202898550724778470311094
-0.018439716312056736446933769002;0.014539007092198581727604533853;0.022340425531914894635709956106;0.369148936170212771390453099229;0.004964539007092198807935545801;0.010992907801418439969753926277;0.009574468085106382919668988052;0.022340425531914894635709956106;0.011702127659574467627434657402;0.019503546099290780535540079654;0.010992907801418439969753926277;0.009574468085106382919668988052;0.011702127659574467627434657402;0.011347517730496454665956029828;0.017730496453900710523976513855;0.013829787234042552335200326752;0.020212765957446809927944286756;0.021985815602836879939507852555;0.009574468085106382919668988052;0.001418439716312056833244503729;0.013120567375886524677519595627;0.011347517730496454665956029828;0.008865248226950355261988256927;0.021985815602836879939507852555;0.017375886524822695827774410304;0.019858156028368795231742183205;0.017021276595744681131572306754;0.013120567375886524677519595627;0.005673758865248227332978014914;0.009219858156028368223466884501;0.014184397163120567031402430302;0.017021276595744681131572306754;0.005673758865248227332978014914;0.009219858156028368223466884501;0.012056737588652482323636760952;0.024468085106382979343475625456;0.003900709219858156020371842132;0.017021276595744681131572306754;0.002482269503546099403967772901;0.014893617021276596423806637404;0.008510638297872340565786153377;0.013475177304964539373721699178;0.000000000000000000000000000000;0.019858156028368795231742183205;0.014539007092198581727604533853;0.019148936170212765839337976104;0.008865248226950355261988256927;0.006382978723404254990658746038;0.009574468085106382919668988052;0.009219858156028368223466884501
-0.020542635658914728397084203948;0.021317829457364340789427004097;0.039534883720930232009482807598;0.170155038759689930527585488562;0.006201550387596899138742401192;0.013953488372093023062170402682;0.004651162790697674354056800894;0.029069767441860464712855005587;0.024418604651162790358798204693;0.020542635658914728397084203948;0.014728682170542635454513202831;0.005426356589147286746399601043;0.012403100775193798277484802384;0.023255813953488371770284004469;0.026744186046511627535826605140;0.006976744186046511531085201341;0.023255813953488371770284004469;0.041085271317829456794168407896;0.020542635658914728397084203948;0.007364341085271317727256601415;0.017441860465116278827713003352;0.017441860465116278827713003352;0.025193798449612402751141004842;0.025193798449612402751141004842;0.019379844961240309808570003725;0.021705426356589146985598404171;0.032558139534883720478397606257;0.014728682170542635454513202831;0.007364341085271317727256601415;0.008527131782945736315770801639;0.003875968992248061961714000745;0.012790697674418604473656202458;0.014728682170542635454513202831;0.010465116279069767296627802011;0.015116279069767441650684602905;0.031395348837209305359330357987;0.010852713178294573492799202086;0.006976744186046511531085201341;0.004263565891472868157885400819;0.031007751937984495693712005959;0.008914728682170542511942201713;0.018604651162790697416227203576;0.000000000000000000000000000000;0.019767441860465116004741403799;0.012790697674418604473656202458;0.013953488372093023062170402682;0.017829457364341085023884403427;0.012403100775193798277484802384;0.024031007751937984162626804618;0.008527131782945736315770801639
-0.034640522875816995296283096195;0.010457516339869280322383282567;0.051960784313725492944424644293;0.003267973856209150426005427548;0.002941176470588235253300624095;0.021241830065359477985875713557;0.002941176470588235253300624095;0.024183006535947713239176337652;0.029084967320261438661344044476;0.033333333333333332870740406406;0.013398692810457515575683906661;0.007843137254901960675468330919;0.015359477124183005744550989391;0.040196078431372551931222147914;0.008496732026143790153516199837;0.015686274509803921350936661838;0.026143790849673203408043420382;0.045098039215686273883942902785;0.013398692810457515575683906661;0.012745098039215686097636037744;0.018627450980392156604237285933;0.018300653594771242732575089462;0.019607843137254901688670827298;0.040522875816993465802884344384;0.032352941176470591255753816995;0.046732026143790850181147789044;0.033660130718954246742402602877;0.011437908496732025406816823931;0.001633986928104575213002713774;0.008496732026143790153516199837;0.008169934640522876281854003366;0.026797385620915031151367813322;0.010457516339869280322383282567;0.007189542483660130330058724013;0.019281045751633987817008630827;0.056862745098039214897145399163;0.016666666666666666435370203203;0.011764705882352941013202496379;0.002614379084967320080595820642;0.018627450980392156604237285933;0.004575163398692810683143772366;0.015686274509803921350936661838;0.000000000000000000000000000000;0.026470588235294117279705616852;0.004901960784313725422167706824;0.017973856209150325391465941038;0.039542483660130717249003851066;0.025163398692810458323609879017;0.029411764705882352533006240947;0.014052287581699346788455251556
-0.024074074074074074125473288177;0.006666666666666667094565124074;0.038518518518518521376314822646;0.125925925925925913384517684790;0.039259259259259257635044093604;0.020370370370370372015145221667;0.009259259259259258745267118229;0.024444444444444445724284875610;0.015555555555555555108382392859;0.026296296296296296779448908865;0.017037037037037038034181790636;0.011851851851851851263330850372;0.011851851851851851263330850372;0.041481481481481480289019714291;0.022592592592592591199673890401;0.017407407407407406163546426114;0.014814814814814815380206169948;0.024074074074074074125473288177;0.008888888888888888881179006773;0.007037037037037036958653235530;0.013703703703703704053218359604;0.017777777777777777762358013547;0.007037037037037036958653235530;0.034814814814814812327092852229;0.029999999999999998889776975375;0.033333333333333332870740406406;0.026296296296296296779448908865;0.015925925925925926707193980292;0.004444444444444444440589503387;0.010740740740740739936343040029;0.009629629629629630344078705662;0.020370370370370372015145221667;0.004074074074074073709139653943;0.011851851851851851263330850372;0.008888888888888888881179006773;0.036666666666666666851703837438;0.012592592592592592726230549260;0.011851851851851851263330850372;0.002592592592592592518063732143;0.015555555555555555108382392859;0.006666666666666667094565124074;0.008148148148148147418279307885;0.000000000000000000000000000000;0.022222222222222223070309254922;0.011481481481481481399242738917;0.017037037037037038034181790636;0.035555555555555555524716027094;0.018888888888888889089345823891;0.025925925925925925180637321432;0.018518518518518517490534236458
-0.018478260869565218266208361797;0.015942028985507245703034939766;0.021739130434782608092270095312;0.359057971014492771644199820003;0.030072463768115943044678672891;0.015217391304347826705423152305;0.009420289855072464316187996758;0.017391304347826087167705466641;0.006521739130434782254208680996;0.011231884057971014412302679375;0.011231884057971014412302679375;0.007971014492753622851517469883;0.014130434782608695606920257148;0.015579710144927537071590784024;0.025724637681159418650667092265;0.008695652173913043583852733320;0.011594202898550724778470311094;0.021739130434782608092270095312;0.020289855072463766627599568437;0.003985507246376811425758734941;0.013768115942028985240752625430;0.010869565217391304046135047656;0.008333333333333333217685101602;0.019565217391304349364711256953;0.017028985507246376801537834922;0.010144927536231883313799784219;0.021739130434782608092270095312;0.020289855072463766627599568437;0.003260869565217391127104340498;0.021014492753623187359934831875;0.007246376811594202986543944434;0.009782608695652174682355628477;0.015217391304347826705423152305;0.007246376811594202986543944434;0.018840579710144928632375993516;0.017028985507246376801537834922;0.006159420289855072755402787266;0.007246376811594202986543944434;0.002173913043478260895963183330;0.013768115942028985240752625430;0.006884057971014492620376312715;0.007608695652173913352711576152;0.000000000000000000000000000000;0.009782608695652174682355628477;0.020289855072463766627599568437;0.009420289855072464316187996758;0.013405797101449274874584993711;0.008695652173913043583852733320;0.016666666666666666435370203203;0.010507246376811593679967415937
-0.014236111111111110841265237070;0.025694444444444443365060948281;0.022569444444444444058950338672;0.293402777777777790113589162502;0.011458333333333332523795711211;0.019791666666666665741480812812;0.006944444444444444058950338672;0.027083333333333334258519187188;0.014236111111111110841265237070;0.012500000000000000693889390391;0.011111111111111111535154627461;0.011458333333333332523795711211;0.012152777777777777970524830664;0.015625000000000000000000000000;0.038888888888888889505679458125;0.011111111111111111535154627461;0.015625000000000000000000000000;0.020486111111111111188209932266;0.020486111111111111188209932266;0.005902777777777777623580135469;0.013541666666666667129259593594;0.011458333333333332523795711211;0.012152777777777777970524830664;0.018749999999999999306110609609;0.013541666666666667129259593594;0.019097222222222223764198645313;0.025347222222222222376419864531;0.019097222222222223764198645313;0.001388888888888888941894328433;0.016666666666666666435370203203;0.005208333333333333044212754004;0.006944444444444444058950338672;0.011805555555555555247160270937;0.007291666666666666782314898398;0.023263888888888889505679458125;0.017708333333333332870740406406;0.006944444444444444058950338672;0.007291666666666666782314898398;0.002083333333333333304421275400;0.019097222222222223764198645313;0.011458333333333332523795711211;0.012500000000000000693889390391;0.000000000000000000000000000000;0.009374999999999999653055304805;0.026388888888888888811790067734;0.009374999999999999653055304805;0.014583333333333333564629796797;0.013541666666666667129259593594;0.019791666666666665741480812812;0.013541666666666667129259593594
-0.028273809523809523974735569141;0.015476190476190476719153821250;0.015476190476190476719153821250;0.196726190476190471168038698124;0.047916666666666669904817155157;0.024702380952380951356639471328;0.005952380952380952050528861719;0.029464285714285713690951951094;0.006250000000000000346944695195;0.012797619047619047255581747891;0.017559523809523809589894227656;0.009226190476190476372209126055;0.020833333333333332176851016015;0.015178571428571428422737987773;0.024702380952380951356639471328;0.009226190476190476372209126055;0.008035714285714284921269268125;0.025595238095238094511163495781;0.040476190476190478106932602032;0.004166666666666666608842550801;0.019642857142857142460634634062;0.002380952380952381167156239883;0.011904761904761904101057723437;0.020833333333333332176851016015;0.028571428571428570536427926640;0.022321428571428571924206707422;0.033333333333333332870740406406;0.019345238095238095898942276563;0.001785714285714285658526745415;0.036011904761904758864865527812;0.008928571428571428075793292578;0.005357142857142857192420670742;0.031547619047619046561692357500;0.005357142857142857192420670742;0.019940476190476189022326991562;0.013988095238095238706521605820;0.011904761904761904101057723437;0.010416666666666666088425508008;0.001190476190476190583578119941;0.006845238095238095205052886172;0.009226190476190476372209126055;0.007142857142857142634106981660;0.000000000000000000000000000000;0.013392857142857142113689938867;0.027380952380952380820211544687;0.013988095238095238706521605820;0.011904761904761904101057723437;0.008630952380952381514100935078;0.027380952380952380820211544687;0.011309523809523809242949532461
-0.035833333333333335091186455656;0.014999999999999999444888487687;0.051944444444444445863062753688;0.009166666666666666712925959359;0.017500000000000001665334536938;0.017777777777777777762358013547;0.002500000000000000052041704279;0.029999999999999998889776975375;0.018888888888888889089345823891;0.029444444444444443226283070203;0.021666666666666667406815349750;0.009444444444444444544672911945;0.016111111111111110771876298031;0.034722222222222223764198645313;0.017222222222222222098864108375;0.017777777777777777762358013547;0.018333333333333333425851918719;0.029722222222222222792753498766;0.025000000000000001387778780781;0.006388888888888889262818171488;0.020555555555555556079827539406;0.014999999999999999444888487687;0.009722222222222222376419864531;0.047500000000000000555111512313;0.032222222222222221543752596062;0.038888888888888889505679458125;0.040277777777777780399137697032;0.009166666666666666712925959359;0.003333333333333333547282562037;0.013055555555555556357383295563;0.008333333333333333217685101602;0.025000000000000001387778780781;0.015277777777777777276635440273;0.010833333333333333703407674875;0.019166666666666665186369300500;0.041666666666666664353702032031;0.012500000000000000693889390391;0.010555555555555555871660722289;0.001666666666666666773641281019;0.008611111111111111049432054187;0.012222222222222222862142437805;0.012777777777777778525636342977;0.000000000000000000000000000000;0.033055555555555553304269977843;0.011666666666666667198648532633;0.021388888888888887840344921187;0.033333333333333332870740406406;0.021666666666666667406815349750;0.029166666666666667129259593594;0.016944444444444446001840631766
-0.028682170542635658516683605512;0.008527131782945736315770801639;0.056976744186046514306642762904;0.106201550387596904689857524318;0.007751937984496123923428001490;0.013178294573643410669827602533;0.005426356589147286746399601043;0.019767441860465116004741403799;0.017441860465116278827713003352;0.028294573643410852320512205438;0.015503875968992247846856002980;0.004651162790697674354056800894;0.019379844961240309808570003725;0.038372093023255816890415559328;0.009689922480620154904285001862;0.015891472868217054043027403054;0.023255813953488371770284004469;0.029069767441860464712855005587;0.006589147286821705334913801266;0.008527131782945736315770801639;0.008139534883720930119599401564;0.020155038759689922200912803874;0.019767441860465116004741403799;0.040697674418604654067443959775;0.024806201550387596554969604767;0.035658914728682170047768806853;0.020155038759689922200912803874;0.003875968992248061961714000745;0.003875968992248061961714000745;0.008527131782945736315770801639;0.005426356589147286746399601043;0.022868217054263565574112604395;0.003488372093023255765542600670;0.008914728682170542511942201713;0.029844961240310077105197805736;0.041860465116279069186511208045;0.012015503875968992081313402309;0.014341085271317829258341802756;0.003100775193798449569371200596;0.029844961240310077105197805736;0.004263565891472868157885400819;0.006589147286821705334913801266;0.000000000000000000000000000000;0.025193798449612402751141004842;0.006201550387596899138742401192;0.017441860465116278827713003352;0.033333333333333332870740406406;0.025581395348837208947312404916;0.039534883720930232009482807598;0.021317829457364340789427004097
-0.015957446808510637042965996102;0.004255319148936170282893076688;0.021985815602836879939507852555;0.531560283687943280206411600375;0.001773049645390070878925303788;0.010638297872340425273551822727;0.002836879432624113666489007457;0.012411347517730497019838864503;0.003191489361702127495329373019;0.013475177304964539373721699178;0.008865248226950355261988256927;0.005319148936170212636775911363;0.012411347517730497019838864503;0.024113475177304964647273521905;0.011702127659574467627434657402;0.014539007092198581727604533853;0.005319148936170212636775911363;0.008865248226950355261988256927;0.006028368794326241161818380476;0.003191489361702127495329373019;0.006737588652482269686860849589;0.004609929078014184111733442251;0.003191489361702127495329373019;0.015602836879432624081487368528;0.021276595744680850547103645454;0.019503546099290780535540079654;0.014539007092198581727604533853;0.000709219858156028416622251864;0.000709219858156028416622251864;0.003546099290780141757850607576;0.007801418439716312040743684264;0.007801418439716312040743684264;0.004255319148936170282893076688;0.006028368794326241161818380476;0.019503546099290780535540079654;0.016312056737588651739168099652;0.006028368794326241161818380476;0.006028368794326241161818380476;0.000709219858156028416622251864;0.014539007092198581727604533853;0.002127659574468085141446538344;0.002127659574468085141446538344;0.000000000000000000000000000000;0.011347517730496454665956029828;0.007092198581560283515701215151;0.008156028368794325869584049826;0.025886524822695034658837087704;0.017730496453900710523976513855;0.012411347517730497019838864503;0.015248226950354609385285264977
-0.013888888888888888117900677344;0.010833333333333333703407674875;0.042222222222222223486642889156;0.386388888888888892836348532001;0.009444444444444444544672911945;0.006944444444444444058950338672;0.003055555555555555715535609451;0.010833333333333333703407674875;0.018611111111111109522875395328;0.018611111111111109522875395328;0.008888888888888888881179006773;0.005000000000000000104083408559;0.005833333333333333599324266316;0.028888888888888887562789165031;0.018333333333333333425851918719;0.012777777777777778525636342977;0.021388888888888887840344921187;0.025833333333333333148296162562;0.009722222222222222376419864531;0.006944444444444444058950338672;0.008333333333333333217685101602;0.018611111111111109522875395328;0.006666666666666667094565124074;0.022499999999999999167332731531;0.016666666666666666435370203203;0.018333333333333333425851918719;0.016111111111111110771876298031;0.013888888888888888117900677344;0.000833333333333333386820640509;0.003333333333333333547282562037;0.003611111111111110945348645629;0.016944444444444446001840631766;0.005000000000000000104083408559;0.006944444444444444058950338672;0.009722222222222222376419864531;0.029999999999999998889776975375;0.008055555555555555385938149016;0.007499999999999999722444243844;0.002500000000000000052041704279;0.016388888888888890338346726594;0.006666666666666667094565124074;0.007222222222222221890697291258;0.000000000000000000000000000000;0.010000000000000000208166817117;0.010555555555555555871660722289;0.008055555555555555385938149016;0.025833333333333333148296162562;0.014444444444444443781394582516;0.011666666666666667198648532633;0.009166666666666666712925959359
-0.018560606060606062162054996634;0.015909090909090907450806895440;0.028787878787878789371701415689;0.317424242424242442073278880343;0.014015151515151515193569053963;0.015151515151515151935690539631;0.002651515151515151675482018234;0.015530303030303029693248717535;0.013257575757575757943729222177;0.015151515151515151935690539631;0.009090909090909090467524933388;0.007954545454545453725403447720;0.021969696969696968918972501683;0.020075757575757576661734660206;0.019318181818181817677171352443;0.010984848484848484459486250842;0.020075757575757576661734660206;0.030303030303030303871381079261;0.016287878787878788677812025298;0.003409090909090908925321850020;0.013636363636363635701287400082;0.009848484848484847717364765174;0.020454545454545454419292838111;0.026136363636363634660453314495;0.012121212121212121201607736509;0.019696969696969695434729530348;0.020833333333333332176851016015;0.014772727272727272443408885749;0.000757575757575757575100483532;0.014393939393939394685850707845;0.009090909090909090467524933388;0.015151515151515151935690539631;0.018939393939393939919613174538;0.006439393939393939225723784148;0.021212121212121213403856145874;0.028030303030303030387138107926;0.006060606060606060600803868255;0.007954545454545453725403447720;0.001515151515151515150200967064;0.013636363636363635701287400082;0.007575757575757575967845269815;0.010227272727272727209646419055;0.000000000000000000000000000000;0.011742424242424241709326082628;0.012121212121212121201607736509;0.014393939393939394685850707845;0.012878787878787878451447568295;0.010606060606060606701928072937;0.014772727272727272443408885749;0.009090909090909090467524933388
-0.004333333333333333134418374755;0.018999999999999999528155214534;0.010999999999999999361621760841;0.481333333333333335257719909350;0.048666666666666663632057066025;0.007000000000000000145716771982;0.014000000000000000291433543964;0.014666666666666666393736839780;0.005000000000000000104083408559;0.003333333333333333547282562037;0.004666666666666667052931760651;0.003000000000000000062450045135;0.017333333333333332537673499019;0.003333333333333333547282562037;0.040000000000000000832667268469;0.003333333333333333547282562037;0.003333333333333333547282562037;0.017666666666666667323548622903;0.020666666666666666518636930050;0.002000000000000000041633363423;0.021333333333333332620940225866;0.006000000000000000124900090270;0.023666666666666665713725237197;0.003666666666666666598434209945;0.006000000000000000124900090270;0.005333333333333333155235056466;0.010000000000000000208166817117;0.023333333333333334397297065266;0.003666666666666666598434209945;0.034000000000000002442490654175;0.003333333333333333547282562037;0.003000000000000000062450045135;0.018666666666666668211727042603;0.002666666666666666577617528233;0.010666666666666666310470112933;0.006000000000000000124900090270;0.004333333333333333134418374755;0.005000000000000000104083408559;0.002666666666666666577617528233;0.012333333333333333300951828448;0.011666666666666667198648532633;0.005666666666666667073748442363;0.000000000000000000000000000000;0.004000000000000000083266726847;0.022999999999999999611421941381;0.005666666666666667073748442363;0.007333333333333333196868419890;0.001000000000000000020816681712;0.010000000000000000208166817117;0.002333333333333333526465880325
-0.009322033898305085233837452563;0.017796610169491525882401461445;0.020338983050847456168774840535;0.473163841807909602010795424576;0.031073446327683617446124841877;0.005084745762711864042193710134;0.004802259887005650047797633562;0.014689265536723164137788977257;0.012146892655367232116692122190;0.013559322033898304690757719015;0.004802259887005650047797633562;0.000847457627118644043172357438;0.004237288135593220324282004441;0.007627118644067796930652303189;0.030790960451977402584367027316;0.003672316384180791034447244314;0.016949152542372881297128017763;0.021468926553672315615806098776;0.009322033898305085233837452563;0.002824858757062146882854669627;0.007627118644067796930652303189;0.009887005649717514957353081684;0.009039548022598870372079638003;0.022598870056497175062837357018;0.005932203389830508627467153815;0.012146892655367232116692122190;0.010734463276836157807903049388;0.026836158192090394519757623470;0.003954802259887005462524189880;0.006214689265536723489224968375;0.003954802259887005462524189880;0.016666666666666666435370203203;0.005084745762711864042193710134;0.005084745762711864042193710134;0.007909604519774010925048379761;0.019491525423728815052948348807;0.004237288135593220324282004441;0.004237288135593220324282004441;0.004237288135593220324282004441;0.013276836158192089828999904455;0.012146892655367232116692122190;0.007062146892655367207136674068;0.000000000000000000000000000000;0.014689265536723164137788977257;0.014124293785310734414273348136;0.014124293785310734414273348136;0.014971751412429378999546791817;0.005367231638418078903951524694;0.009322033898305085233837452563;0.004519774011299435186039819001
-0.018999999999999999528155214534;0.021999999999999998723243521681;0.029666666666666667573348803444;0.180999999999999994226840271949;0.021999999999999998723243521681;0.019333333333333334314030338419;0.018333333333333333425851918719;0.020000000000000000416333634234;0.021333333333333332620940225866;0.010666666666666666310470112933;0.012666666666666666352103476356;0.010000000000000000208166817117;0.014333333333333333342585191872;0.012000000000000000249800180541;0.021000000000000001304512053935;0.013666666666666667240281896056;0.017333333333333332537673499019;0.039333333333333331260917020700;0.021333333333333332620940225866;0.005000000000000000104083408559;0.018999999999999999528155214534;0.014999999999999999444888487687;0.018666666666666668211727042603;0.022666666666666668294993769450;0.018999999999999999528155214534;0.020000000000000000416333634234;0.024000000000000000499600361081;0.029333333333333332787473679559;0.005666666666666667073748442363;0.021666666666666667406815349750;0.012000000000000000249800180541;0.018666666666666668211727042603;0.010666666666666666310470112933;0.005000000000000000104083408559;0.016333333333333331649495079319;0.025000000000000001387778780781;0.008999999999999999319988397417;0.017666666666666667323548622903;0.005333333333333333155235056466;0.021999999999999998723243521681;0.012333333333333333300951828448;0.021999999999999998723243521681;0.000000000000000000000000000000;0.015666666666666665547191783503;0.012000000000000000249800180541;0.022666666666666668294993769450;0.008666666666666666268836749509;0.008999999999999999319988397417;0.025333333333333332704206952712;0.005666666666666667073748442363
-0.020833333333333332176851016015;0.010069444444444445099784424258;0.033333333333333332870740406406;0.267708333333333325931846502499;0.003472222222222222029475169336;0.009027777777777776929690745078;0.007986111111111110494320541875;0.024305555555555555941049661328;0.015972222222222220988641083750;0.028819444444444446140618509844;0.010763888888888888811790067734;0.006597222222222222202947516934;0.011458333333333332523795711211;0.023611111111111110494320541875;0.019444444444444444752839729063;0.012152777777777777970524830664;0.017708333333333332870740406406;0.025694444444444443365060948281;0.013541666666666667129259593594;0.005555555555555555767577313730;0.014930555555555556287994356524;0.010416666666666666088425508008;0.006250000000000000346944695195;0.037499999999999998612221219219;0.016319444444444445446729119453;0.030208333333333333564629796797;0.028472222222222221682530474141;0.013888888888888888117900677344;0.005208333333333333044212754004;0.008680555555555555941049661328;0.005902777777777777623580135469;0.022569444444444444058950338672;0.007291666666666666782314898398;0.005555555555555555767577313730;0.013888888888888888117900677344;0.037499999999999998612221219219;0.007986111111111110494320541875;0.006250000000000000346944695195;0.000000000000000000000000000000;0.009722222222222222376419864531;0.011458333333333332523795711211;0.009722222222222222376419864531;0.000000000000000000000000000000;0.022222222222222223070309254922;0.014930555555555556287994356524;0.019444444444444444752839729063;0.020833333333333332176851016015;0.015277777777777777276635440273;0.017361111111111111882099322656;0.012152777777777777970524830664
-0.014074074074074073917306471060;0.020000000000000000416333634234;0.020370370370370372015145221667;0.473333333333333328152292551749;0.013703703703703704053218359604;0.008148148148148147418279307885;0.007407407407407407690103084974;0.013333333333333334189130248149;0.007777777777777777554191196430;0.014444444444444443781394582516;0.012962962962962962590318660716;0.005555555555555555767577313730;0.005185185185185185036127464286;0.008518518518518519017090895318;0.020370370370370372015145221667;0.007407407407407407690103084974;0.016296296296296294836558615771;0.019259259259259260688157411323;0.008888888888888888881179006773;0.002592592592592592518063732143;0.007777777777777777554191196430;0.004074074074074073709139653943;0.003703703703703703845051542487;0.025925925925925925180637321432;0.012592592592592592726230549260;0.021481481481481479872686080057;0.015925925925925926707193980292;0.029259259259259259161600752464;0.005185185185185185036127464286;0.006296296296296296363115274630;0.006666666666666667094565124074;0.017777777777777777762358013547;0.005185185185185185036127464286;0.005925925925925925631665425186;0.010370370370370370072254928573;0.020740740740740740144509857146;0.004814814814814815172039352831;0.007037037037037036958653235530;0.000740740740740740703958178148;0.004074074074074073709139653943;0.006296296296296296363115274630;0.008148148148148147418279307885;0.000000000000000000000000000000;0.012592592592592592726230549260;0.008888888888888888881179006773;0.008518518518518519017090895318;0.015185185185185185244294281404;0.007777777777777777554191196430;0.009259259259259258745267118229;0.008148148148148147418279307885
-0.017037037037037038034181790636;0.014444444444444443781394582516;0.040000000000000000832667268469;0.303703703703703697946991724166;0.005185185185185185036127464286;0.013703703703703704053218359604;0.005555555555555555767577313730;0.018518518518518517490534236458;0.014444444444444443781394582516;0.015555555555555555108382392859;0.011481481481481481399242738917;0.006296296296296296363115274630;0.011481481481481481399242738917;0.024074074074074074125473288177;0.022962962962962962798485477833;0.013333333333333334189130248149;0.019629629629629628817522046802;0.029629629629629630760412339896;0.013703703703703704053218359604;0.008148148148148147418279307885;0.010740740740740739936343040029;0.016296296296296294836558615771;0.006666666666666667094565124074;0.028518518518518519433424529552;0.017777777777777777762358013547;0.020000000000000000416333634234;0.027407407407407408106436719208;0.012962962962962962590318660716;0.002962962962962962815832712593;0.013703703703703704053218359604;0.005185185185185185036127464286;0.015925925925925926707193980292;0.005185185185185185036127464286;0.009259259259259258745267118229;0.008888888888888888881179006773;0.026296296296296296779448908865;0.005925925925925925631665425186;0.008518518518518519017090895318;0.001111111111111111110147375847;0.015185185185185185244294281404;0.007777777777777777554191196430;0.008518518518518519017090895318;0.000000000000000000000000000000;0.015925925925925926707193980292;0.013333333333333334189130248149;0.014074074074074073917306471060;0.030370370370370370488588562807;0.014074074074074073917306471060;0.013703703703703704053218359604;0.014814814814814815380206169948
-0.022222222222222223070309254922;0.007407407407407407690103084974;0.035925925925925923654080662573;0.336296296296296315375684571336;0.005555555555555555767577313730;0.022222222222222223070309254922;0.004814814814814815172039352831;0.018148148148148149361169600979;0.006666666666666667094565124074;0.022592592592592591199673890401;0.014074074074074073917306471060;0.014444444444444443781394582516;0.007407407407407407690103084974;0.030740740740740742087400150240;0.015925925925925926707193980292;0.025185185185185185452461098521;0.008888888888888888881179006773;0.014814814814814815380206169948;0.008888888888888888881179006773;0.002222222222222222220294751693;0.008148148148148147418279307885;0.006666666666666667094565124074;0.002592592592592592518063732143;0.027037037037037036507625131776;0.032592592592592589673117231541;0.034074074074074076068363581271;0.022962962962962962798485477833;0.007407407407407407690103084974;0.000000000000000000000000000000;0.005925925925925925631665425186;0.008148148148148147418279307885;0.011111111111111111535154627461;0.001111111111111111110147375847;0.011851851851851851263330850372;0.006666666666666667094565124074;0.029999999999999998889776975375;0.006296296296296296363115274630;0.014074074074074073917306471060;0.000000000000000000000000000000;0.005185185185185185036127464286;0.005925925925925925631665425186;0.002592592592592592518063732143;0.000000000000000000000000000000;0.016666666666666666435370203203;0.010740740740740739936343040029;0.008888888888888888881179006773;0.040740740740740744030290443334;0.018148148148148149361169600979;0.007407407407407407690103084974;0.022592592592592591199673890401
-0.014074074074074073917306471060;0.007407407407407407690103084974;0.045925925925925925596970955667;0.469629629629629619103070581332;0.004814814814814815172039352831;0.014074074074074073917306471060;0.001111111111111111110147375847;0.014074074074074073917306471060;0.007407407407407407690103084974;0.008148148148148147418279307885;0.012962962962962962590318660716;0.010000000000000000208166817117;0.004074074074074073709139653943;0.026666666666666668378260496297;0.018148148148148149361169600979;0.021851851851851851471497667490;0.007407407407407407690103084974;0.012222222222222222862142437805;0.008518518518518519017090895318;0.001111111111111111110147375847;0.007037037037037036958653235530;0.012222222222222222862142437805;0.001111111111111111110147375847;0.011851851851851851263330850372;0.031111111111111110216764785719;0.024444444444444445724284875610;0.027407407407407408106436719208;0.004444444444444444440589503387;0.000370370370370370351979089074;0.006296296296296296363115274630;0.008148148148148147418279307885;0.008148148148148147418279307885;0.003333333333333333547282562037;0.011481481481481481399242738917;0.004814814814814815172039352831;0.011111111111111111535154627461;0.004074074074074073709139653943;0.005555555555555555767577313730;0.000370370370370370351979089074;0.002962962962962962815832712593;0.002592592592592592518063732143;0.003703703703703703845051542487;0.000000000000000000000000000000;0.007777777777777777554191196430;0.008888888888888888881179006773;0.006666666666666667094565124074;0.027777777777777776235801354687;0.013333333333333334189130248149;0.006666666666666667094565124074;0.026666666666666668378260496297
-0.011481481481481481399242738917;0.008888888888888888881179006773;0.047407407407407405053323401489;0.469999999999999973354647408996;0.005555555555555555767577313730;0.016296296296296294836558615771;0.001111111111111111110147375847;0.012962962962962962590318660716;0.008888888888888888881179006773;0.008888888888888888881179006773;0.011851851851851851263330850372;0.009259259259259258745267118229;0.004444444444444444440589503387;0.029259259259259259161600752464;0.020370370370370372015145221667;0.023703703703703702526661700745;0.006296296296296296363115274630;0.011481481481481481399242738917;0.011111111111111111535154627461;0.001111111111111111110147375847;0.008148148148148147418279307885;0.011111111111111111535154627461;0.001481481481481481407916356297;0.013703703703703704053218359604;0.025925925925925925180637321432;0.024814814814814813853649511088;0.025555555555555557051272685953;0.003333333333333333547282562037;0.000370370370370370351979089074;0.005555555555555555767577313730;0.008888888888888888881179006773;0.007037037037037036958653235530;0.003703703703703703845051542487;0.012222222222222222862142437805;0.003333333333333333547282562037;0.015185185185185185244294281404;0.004814814814814815172039352831;0.005185185185185185036127464286;0.000740740740740740703958178148;0.004444444444444444440589503387;0.002222222222222222220294751693;0.003703703703703703845051542487;0.000000000000000000000000000000;0.006666666666666667094565124074;0.009259259259259258745267118229;0.004074074074074073709139653943;0.024444444444444445724284875610;0.010740740740740739936343040029;0.005925925925925925631665425186;0.027037037037037036507625131776
-0.013333333333333334189130248149;0.008518518518518519017090895318;0.041851851851851848418384349770;0.465185185185185201550694955586;0.005185185185185185036127464286;0.014814814814814815380206169948;0.001111111111111111110147375847;0.014814814814814815380206169948;0.010370370370370370072254928573;0.009629629629629630344078705662;0.012222222222222222862142437805;0.009259259259259258745267118229;0.004074074074074073709139653943;0.023703703703703702526661700745;0.019629629629629628817522046802;0.023333333333333334397297065266;0.007777777777777777554191196430;0.010740740740740739936343040029;0.011481481481481481399242738917;0.001481481481481481407916356297;0.007407407407407407690103084974;0.011111111111111111535154627461;0.001111111111111111110147375847;0.012962962962962962590318660716;0.031111111111111110216764785719;0.025185185185185185452461098521;0.022222222222222223070309254922;0.006296296296296296363115274630;0.000370370370370370351979089074;0.006666666666666667094565124074;0.010000000000000000208166817117;0.005925925925925925631665425186;0.003333333333333333547282562037;0.011481481481481481399242738917;0.004074074074074073709139653943;0.013703703703703704053218359604;0.003333333333333333547282562037;0.005555555555555555767577313730;0.000740740740740740703958178148;0.005555555555555555767577313730;0.004074074074074073709139653943;0.004074074074074073709139653943;0.000000000000000000000000000000;0.007037037037037036958653235530;0.012222222222222222862142437805;0.003333333333333333547282562037;0.023703703703703702526661700745;0.013333333333333334189130248149;0.006666666666666667094565124074;0.028888888888888887562789165031
-0.017013888888888887424011286953;0.008680555555555555941049661328;0.046527777777777779011358916250;0.427083333333333314829616256247;0.005902777777777777623580135469;0.017708333333333332870740406406;0.002083333333333333304421275400;0.014583333333333333564629796797;0.009722222222222222376419864531;0.006944444444444444058950338672;0.015972222222222220988641083750;0.009374999999999999653055304805;0.005208333333333333044212754004;0.030902777777777779011358916250;0.017361111111111111882099322656;0.025347222222222222376419864531;0.009027777777777776929690745078;0.009027777777777776929690745078;0.010416666666666666088425508008;0.001041666666666666652210637700;0.006597222222222222202947516934;0.011111111111111111535154627461;0.001388888888888888941894328433;0.012500000000000000693889390391;0.032638888888888890893458238907;0.024305555555555555941049661328;0.025694444444444443365060948281;0.007291666666666666782314898398;0.000000000000000000000000000000;0.006250000000000000346944695195;0.009374999999999999653055304805;0.005555555555555555767577313730;0.004861111111111111188209932266;0.010069444444444445099784424258;0.009374999999999999653055304805;0.013888888888888888117900677344;0.003472222222222222029475169336;0.005902777777777777623580135469;0.000694444444444444470947164216;0.004861111111111111188209932266;0.005208333333333333044212754004;0.004861111111111111188209932266;0.000000000000000000000000000000;0.006250000000000000346944695195;0.011805555555555555247160270937;0.005208333333333333044212754004;0.028472222222222221682530474141;0.012500000000000000693889390391;0.009027777777777776929690745078;0.030902777777777779011358916250
-0.012719298245614034728601104973;0.007894736842105263413538196460;0.033333333333333332870740406406;0.532456140350877182854105740262;0.007017543859649122937882648188;0.014912280701754385484059106659;0.001754385964912280734470662047;0.014473684210526315679912201517;0.006140350877192982462227099916;0.007017543859649122937882648188;0.010526315789473683973143103287;0.010087719298245614168996198146;0.003508771929824561468941324094;0.019736842105263156799122015173;0.022807017543859650632320779096;0.021052631578947367946286206575;0.005701754385964912658080194774;0.007894736842105263413538196460;0.009649122807017544364849293004;0.000438596491228070183617665512;0.007456140350877192742029553330;0.010087719298245614168996198146;0.002631578947368420993285775822;0.009649122807017544364849293004;0.024561403508771929848908399663;0.021491228070175439485156587693;0.020175438596491228337992396291;0.007017543859649122937882648188;0.000438596491228070183617665512;0.007456140350877192742029553330;0.007894736842105263413538196460;0.004385964912280701510916003372;0.003508771929824561468941324094;0.010526315789473683973143103287;0.002631578947368420993285775822;0.009649122807017544364849293004;0.003070175438596491231113549958;0.003947368421052631706769098230;0.000877192982456140367235331023;0.005263157894736841986571551644;0.003508771929824561468941324094;0.002631578947368420993285775822;0.000000000000000000000000000000;0.006140350877192982462227099916;0.010964912280701753777290008429;0.005701754385964912658080194774;0.019298245614035088729698586008;0.011403508771929825316160389548;0.006140350877192982462227099916;0.022368421052631579093450397977
-0.016666666666666666435370203203;0.006770833333333333564629796797;0.045312499999999998612221219219;0.413541666666666640761462758746;0.003645833333333333391157449199;0.022395833333333333564629796797;0.001562500000000000086736173799;0.015625000000000000000000000000;0.009895833333333332870740406406;0.008333333333333333217685101602;0.014062500000000000346944695195;0.015104166666666666782314898398;0.004687499999999999826527652402;0.027083333333333334258519187188;0.016666666666666666435370203203;0.032291666666666669904817155157;0.011979166666666667476204288789;0.008333333333333333217685101602;0.013541666666666667129259593594;0.000520833333333333326105318850;0.008333333333333333217685101602;0.013020833333333333911574491992;0.001562500000000000086736173799;0.012500000000000000693889390391;0.033854166666666664353702032031;0.026041666666666667823148983985;0.024479166666666666435370203203;0.005208333333333333044212754004;0.000520833333333333326105318850;0.010416666666666666088425508008;0.013020833333333333911574491992;0.005729166666666666261897855605;0.003125000000000000173472347598;0.010937499999999999306110609609;0.004687499999999999826527652402;0.014583333333333333564629796797;0.003125000000000000173472347598;0.006770833333333333564629796797;0.001041666666666666652210637700;0.003645833333333333391157449199;0.004687499999999999826527652402;0.004166666666666666608842550801;0.000000000000000000000000000000;0.007291666666666666782314898398;0.008854166666666666435370203203;0.006250000000000000346944695195;0.027604166666666665741480812812;0.013541666666666667129259593594;0.007812500000000000000000000000;0.029166666666666667129259593594
-0.029824561403508770968118213318;0.022368421052631579093450397977;0.030263157894736842506988594437;0.014473684210526315679912201517;0.009210526315789472825978911885;0.038157894736842105920526790896;0.008771929824561403021832006743;0.048684210526315788158946418207;0.010526315789473683973143103287;0.012719298245614034728601104973;0.024561403508771929848908399663;0.013157894736842104532748010115;0.028070175438596491751530592751;0.020614035087719299876862777410;0.023245614035087718701744208261;0.015789473684210526827076392919;0.011403508771929825316160389548;0.053947368421052632747603183816;0.046491228070175437403488416521;0.007456140350877192742029553330;0.026315789473684209065496020230;0.014473684210526315679912201517;0.025438596491228069457202209946;0.020175438596491228337992396291;0.025877192982456140996072591065;0.024561403508771929848908399663;0.050877192982456138914404419893;0.007017543859649122937882648188;0.002192982456140350755458001686;0.031578947368421053654152785839;0.015789473684210526827076392919;0.012280701754385964924454199831;0.025000000000000001387778780781;0.008771929824561403021832006743;0.022368421052631579093450397977;0.028070175438596491751530592751;0.021491228070175439485156587693;0.007894736842105263413538196460;0.001754385964912280734470662047;0.019298245614035088729698586008;0.010526315789473683973143103287;0.011403508771929825316160389548;0.000000000000000000000000000000;0.009649122807017544364849293004;0.014912280701754385484059106659;0.019736842105263156799122015173;0.012719298245614034728601104973;0.007894736842105263413538196460;0.041228070175438599753725554820;0.010964912280701753777290008429
-0.026126126126126126419935147283;0.013963963963963963582637362038;0.044594594594594597070091879232;0.000450450450450450457385437320;0.005855855855855855891800576529;0.018468468468468467180709779996;0.002702702702702702852732841166;0.031531531531531528655953877660;0.040540540540540542790992617483;0.021621621621621622821862729324;0.013513513513513514263664205828;0.007657657657657657504501891310;0.016216216216216217116397046993;0.028828828828828829272667988448;0.016216216216216217116397046993;0.010360360360360360357234732476;0.036036036036036035723473247572;0.058558558558558557183282289316;0.026576576576576575738908303492;0.011711711711711711783601153058;0.021621621621621622821862729324;0.024774774774774774993568726700;0.022072072072072072140835885534;0.030180180180180180699034409031;0.020270270270270271395496308742;0.023873873873873872886175462327;0.023873873873873872886175462327;0.029279279279279278591641144658;0.003603603603603603659083498556;0.022522522522522521459809041744;0.008558558558558557877171679706;0.022522522522522521459809041744;0.019819819819819818607076200578;0.006756756756756757131832102914;0.017567567567567568542763467576;0.041441441441441441428938929903;0.013063063063063063209967573641;0.009909909909909909303538100289;0.009909909909909909303538100289;0.041891891891891894217359038066;0.008108108108108108558198523497;0.027027027027027028527328411656;0.000000000000000000000000000000;0.016666666666666666435370203203;0.009009009009009008930868311893;0.017567567567567568542763467576;0.020270270270270271395496308742;0.017567567567567568542763467576;0.027477477477477477846301567865;0.011261261261261260729904520872
-0.017500000000000001665334536938;0.011666666666666667198648532633;0.034583333333333333980963431031;0.264583333333333337034076748751;0.007916666666666667337426410711;0.011249999999999999583666365766;0.010416666666666666088425508008;0.017916666666666667545593227828;0.019166666666666665186369300500;0.028750000000000001249000902703;0.006250000000000000346944695195;0.003749999999999999861222121922;0.005833333333333333599324266316;0.027083333333333334258519187188;0.023750000000000000277555756156;0.011666666666666667198648532633;0.020416666666666666296592325125;0.021666666666666667406815349750;0.016250000000000000555111512313;0.005416666666666666851703837438;0.017916666666666667545593227828;0.012083333333333333078907223523;0.010416666666666666088425508008;0.044999999999999998334665463062;0.014166666666666665949647629930;0.022916666666666665047591422422;0.014999999999999999444888487687;0.011249999999999999583666365766;0.005833333333333333599324266316;0.015833333333333334674852821422;0.007499999999999999722444243844;0.019166666666666665186369300500;0.004583333333333333356462979680;0.010000000000000000208166817117;0.010416666666666666088425508008;0.035833333333333335091186455656;0.008750000000000000832667268469;0.012916666666666666574148081281;0.004583333333333333356462979680;0.016250000000000000555111512313;0.007499999999999999722444243844;0.010000000000000000208166817117;0.000000000000000000000000000000;0.015416666666666667059870654555;0.012916666666666666574148081281;0.023333333333333334397297065266;0.029999999999999998889776975375;0.014999999999999999444888487687;0.010416666666666666088425508008;0.009166666666666666712925959359
-0.016250000000000000555111512313;0.002500000000000000052041704279;0.031250000000000000000000000000;0.372499999999999997779553950750;0.003333333333333333547282562037;0.003333333333333333547282562037;0.009583333333333332593184650250;0.026249999999999999028554853453;0.004583333333333333356462979680;0.037499999999999998612221219219;0.010833333333333333703407674875;0.003333333333333333547282562037;0.005833333333333333599324266316;0.028750000000000001249000902703;0.016666666666666666435370203203;0.010833333333333333703407674875;0.012916666666666666574148081281;0.005000000000000000104083408559;0.005416666666666666851703837438;0.002916666666666666799662133158;0.016666666666666666435370203203;0.005000000000000000104083408559;0.000833333333333333386820640509;0.058749999999999996669330926125;0.014999999999999999444888487687;0.041250000000000001942890293094;0.014583333333333333564629796797;0.002083333333333333304421275400;0.002916666666666666799662133158;0.002083333333333333304421275400;0.003749999999999999861222121922;0.022083333333333333287074040641;0.002083333333333333304421275400;0.005416666666666666851703837438;0.004166666666666666608842550801;0.041250000000000001942890293094;0.007916666666666667337426410711;0.003333333333333333547282562037;0.000000000000000000000000000000;0.003333333333333333547282562037;0.008750000000000000832667268469;0.000833333333333333386820640509;0.000000000000000000000000000000;0.033750000000000002220446049250;0.009166666666666666712925959359;0.017916666666666667545593227828;0.036666666666666666851703837438;0.012500000000000000693889390391;0.005000000000000000104083408559;0.013333333333333334189130248149
-0.013978494623655914400051081259;0.015053763440860215908068120427;0.066666666666666665741480812812;0.043010752688172046442893758922;0.004301075268817204297344680697;0.008602150537634408594689361394;0.008064516129032257840680841809;0.034408602150537634378757445575;0.026344086021505376538076603765;0.023118279569892472014025486260;0.024193548387096773522042525428;0.002150537634408602148672340348;0.008602150537634408594689361394;0.031720430107526884078161799607;0.027419354838709678046093642934;0.010215053763440860856714920146;0.028494623655913979554110682102;0.053763440860215054584170246699;0.033333333333333332870740406406;0.012365591397849462138025522506;0.023655913978494622768034005844;0.027419354838709678046093642934;0.016666666666666666435370203203;0.034408602150537634378757445575;0.018817204301075269451404281540;0.025806451612903225784068084181;0.052150537634408598852697735992;0.005913978494623655692008501461;0.002688172043010752902680859933;0.012365591397849462138025522506;0.002688172043010752902680859933;0.022043010752688170506008447092;0.013440860215053763646042561675;0.008602150537634408594689361394;0.012365591397849462138025522506;0.044623655913978495235472365721;0.015591397849462364927353164035;0.006451612903225806446017021045;0.001075268817204301074336170174;0.019892473118279570959421320708;0.009139784946236559348697880978;0.007526881720430107954034060214;0.000000000000000000000000000000;0.013978494623655914400051081259;0.013978494623655914400051081259;0.009677419354838710102706400562;0.037096774193548384679353091542;0.022043010752688170506008447092;0.028494623655913979554110682102;0.015591397849462364927353164035
-0.020915032679738560644766565133;0.020588235294117646773104368663;0.059803921568627453619892975212;0.030392156862745097617439782312;0.010130718954248366450721086096;0.015032679738562091872888792921;0.003267973856209150426005427548;0.030392156862745097617439782312;0.016666666666666666435370203203;0.028431372549019607448572699582;0.017973856209150325391465941038;0.001633986928104575213002713774;0.013725490196078431182069579108;0.042810457516339869843413623585;0.026470588235294117279705616852;0.004575163398692810683143772366;0.025816993464052286066934271958;0.050000000000000002775557561563;0.029084967320261438661344044476;0.009477124183006535237949741202;0.018627450980392156604237285933;0.009477124183006535237949741202;0.023529411764705882026404992757;0.038562091503267975634017261655;0.022222222222222223070309254922;0.030065359477124183745777585841;0.035294117647058823039607489136;0.012091503267973856619588168826;0.002614379084967320080595820642;0.017647058823529411519803744568;0.002287581699346405341571886183;0.016339869281045752563708006733;0.024836601307189540982500730593;0.007516339869281045936444396460;0.017973856209150325391465941038;0.041830065359477121289533130266;0.021895424836601305729200106498;0.003921568627450980337734165460;0.001633986928104575213002713774;0.025490196078431372195272075487;0.012091503267973856619588168826;0.009803921568627450844335413649;0.000000000000000000000000000000;0.016666666666666666435370203203;0.014379084967320260660117448026;0.014052287581699346788455251556;0.031699346405228756573535520147;0.018300653594771242732575089462;0.037254901960784313208474571866;0.014705882352941176266503120473
-0.027350427350427350403627713149;0.007692307692307692734701163317;0.052991452991452990539666956238;0.050427350427350428607731203101;0.004700854700854700633783078700;0.021367521367521367936515019892;0.003418803418803418800453464144;0.038461538461538463673505816587;0.007692307692307692734701163317;0.030341880341880341637184059778;0.018376068376068376702958673263;0.004700854700854700633783078700;0.013675213675213675201813856575;0.044017094017094020308444868306;0.017094017094017095736990796695;0.019230769230769231836752908293;0.011965811965811966668948862491;0.029914529914529915805010418239;0.019230769230769231836752908293;0.011111111111111111535154627461;0.027350427350427350403627713149;0.008974358974358973700669039886;0.008119658119658120301598280832;0.048290598290598292507969091503;0.033760683760683758702914047944;0.042735042735042735873030039784;0.046153846153846156408206979904;0.003846153846153846367350581659;0.000000000000000000000000000000;0.012820512820512820068019621544;0.005982905982905983334474431246;0.017094017094017095736990796695;0.014102564102564102768710974090;0.010256410256410256401360392431;0.017948717948717947401338079771;0.054700854700854700807255426298;0.014957264957264957902505209120;0.007264957264957265167804045802;0.000427350427350427350056683018;0.003846153846153846367350581659;0.004273504273504273934247699174;0.001282051282051282050170049054;0.000000000000000000000000000000;0.019230769230769231836752908293;0.014529914529914530335608091605;0.017521367521367521569164438233;0.055555555555555552471602709375;0.031196581196581196770978294808;0.027777777777777776235801354687;0.016239316239316240603196561665
-0.008943089430894309369013406297;0.018699186991869919116648901536;0.034146341463414636718809447302;0.339430894308943076342899303199;0.000813008130081300812302957937;0.003658536585365853872203745212;0.006097560975609756309112619022;0.013414634146341463186158371457;0.056910569105691054259121841596;0.014634146341463415488814980847;0.006504065040650406498423663493;0.000406504065040650406151478968;0.002032520325203252247597829339;0.007723577235772357933718534895;0.017073170731707318359404723651;0.002845528455284553059900787275;0.042276422764227640505030336726;0.039024390243902438990541980957;0.005284552845528455063128792091;0.005691056910569106119801574550;0.004471544715447154684506703148;0.022357723577235772555171777753;0.008536585365853659179702361826;0.015853658536585366056748114261;0.005284552845528455063128792091;0.008536585365853659179702361826;0.016666666666666666435370203203;0.031707317073170732113496228521;0.004065040650406504495195658677;0.007317073170731707744407490424;0.001626016260162601624605915873;0.018699186991869919116648901536;0.004471544715447154684506703148;0.007723577235772357933718534895;0.002845528455284553059900787275;0.029268292682926830977629961694;0.004471544715447154684506703148;0.000813008130081300812302957937;0.009756097560975609747635495239;0.008536585365853659179702361826;0.011788617886178862428914193572;0.085772357723577233312717282843;0.000000000000000000000000000000;0.010162601626016259936946539710;0.009756097560975609747635495239;0.013008130081300812996847326986;0.013414634146341463186158371457;0.006910569105691056687734707964;0.005284552845528455063128792091;0.005284552845528455063128792091
-0.013611111111111110286153724758;0.011666666666666667198648532633;0.032222222222222221543752596062;0.337500000000000022204460492503;0.061111111111111109106541761093;0.005000000000000000104083408559;0.008611111111111111049432054187;0.022499999999999999167332731531;0.007499999999999999722444243844;0.026666666666666668378260496297;0.008611111111111111049432054187;0.003055555555555555715535609451;0.002222222222222222220294751693;0.023888888888888890060790970438;0.029722222222222222792753498766;0.010000000000000000208166817117;0.008333333333333333217685101602;0.013888888888888888117900677344;0.012500000000000000693889390391;0.003333333333333333547282562037;0.014444444444444443781394582516;0.008055555555555555385938149016;0.001944444444444444388547799107;0.036666666666666666851703837438;0.011944444444444445030395485219;0.035833333333333335091186455656;0.028055555555555555802271783250;0.010277777777777778039913769703;0.003333333333333333547282562037;0.005277777777777777935830361145;0.002222222222222222220294751693;0.017777777777777777762358013547;0.003333333333333333547282562037;0.005555555555555555767577313730;0.003055555555555555715535609451;0.028611111111111111465765688422;0.007499999999999999722444243844;0.007222222222222221890697291258;0.001388888888888888941894328433;0.002500000000000000052041704279;0.011388888888888889366901580047;0.003333333333333333547282562037;0.000000000000000000000000000000;0.021388888888888887840344921187;0.016388888888888890338346726594;0.014166666666666665949647629930;0.028055555555555555802271783250;0.014166666666666665949647629930;0.004444444444444444440589503387;0.009722222222222222376419864531
-0.006666666666666667094565124074;0.021111111111111111743321444578;0.032222222222222221543752596062;0.358148148148148159908288334918;0.066296296296296297612116177334;0.007037037037037036958653235530;0.007777777777777777554191196430;0.031851851851851853414387960584;0.008888888888888888881179006773;0.022222222222222223070309254922;0.012962962962962962590318660716;0.004814814814814815172039352831;0.001111111111111111110147375847;0.015925925925925926707193980292;0.052222222222222225429533182250;0.008518518518518519017090895318;0.012592592592592592726230549260;0.016666666666666666435370203203;0.014814814814814815380206169948;0.001111111111111111110147375847;0.017407407407407406163546426114;0.012962962962962962590318660716;0.004074074074074073709139653943;0.021111111111111111743321444578;0.013333333333333334189130248149;0.019259259259259260688157411323;0.025185185185185185452461098521;0.020370370370370372015145221667;0.001851851851851851922525771243;0.004444444444444444440589503387;0.001851851851851851922525771243;0.010740740740740739936343040029;0.004074074074074073709139653943;0.008148148148148147418279307885;0.000740740740740740703958178148;0.013703703703703704053218359604;0.002222222222222222220294751693;0.002962962962962962815832712593;0.001481481481481481407916356297;0.005185185185185185036127464286;0.014444444444444443781394582516;0.006666666666666667094565124074;0.000000000000000000000000000000;0.014444444444444443781394582516;0.031481481481481478346129421197;0.016666666666666666435370203203;0.012222222222222222862142437805;0.002592592592592592518063732143;0.003333333333333333547282562037;0.004074074074074073709139653943
-0.013333333333333334189130248149;0.027575757575757576384178904050;0.028181818181818182877940159869;0.169090909090909097267640959217;0.021818181818181819897617401693;0.015757575757575758429451795450;0.017575757575757574441288610956;0.033030303030303027889136302520;0.017878787878787879422892714842;0.014545454545454545441929283811;0.014242424242424242195048655901;0.009393939393939393714405561298;0.011515151515151514707846480690;0.015454545454545455182571167541;0.035151515151515148882577221912;0.006060606060606060600803868255;0.021515151515151514916013297807;0.045454545454545455807071618892;0.019090909090909092410415226482;0.003333333333333333547282562037;0.020303030303030301928490786167;0.015151515151515151935690539631;0.020909090909090908422252041987;0.019696969696969695434729530348;0.010303030303030303455047445027;0.014848484848484848688809911721;0.030909090909090910365142335081;0.016666666666666666435370203203;0.010000000000000000208166817117;0.021818181818181819897617401693;0.012121212121212121201607736509;0.017272727272727272929131459023;0.018181818181818180935049866775;0.006969696969696969474084013996;0.015151515151515151935690539631;0.023030303030303029415692961379;0.011515151515151514707846480690;0.007575757575757575967845269815;0.011818181818181817954727108599;0.020000000000000000416333634234;0.010909090909090909948808700847;0.022121212121212121409774553626;0.000000000000000000000000000000;0.015151515151515151935690539631;0.019090909090909092410415226482;0.024848484848484848896976728838;0.010000000000000000208166817117;0.006060606060606060600803868255;0.022121212121212121409774553626;0.005454545454545454974404350423
-0.018749999999999999306110609609;0.014999999999999999444888487687;0.034166666666666664631257788187;0.007083333333333332974823814965;0.014166666666666665949647629930;0.013333333333333334189130248149;0.004583333333333333356462979680;0.027500000000000000138777878078;0.010416666666666666088425508008;0.070833333333333331482961625625;0.012083333333333333078907223523;0.010000000000000000208166817117;0.010000000000000000208166817117;0.037083333333333336201409480282;0.020000000000000000416333634234;0.008333333333333333217685101602;0.011249999999999999583666365766;0.031666666666666669349705642844;0.013750000000000000069388939039;0.005833333333333333599324266316;0.011249999999999999583666365766;0.008333333333333333217685101602;0.014583333333333333564629796797;0.082916666666666666296592325125;0.011249999999999999583666365766;0.046249999999999999444888487687;0.033750000000000002220446049250;0.015833333333333334674852821422;0.003749999999999999861222121922;0.018333333333333333425851918719;0.010833333333333333703407674875;0.031666666666666669349705642844;0.012500000000000000693889390391;0.002916666666666666799662133158;0.017916666666666667545593227828;0.070416666666666669072149886688;0.012916666666666666574148081281;0.004166666666666666608842550801;0.007083333333333332974823814965;0.008750000000000000832667268469;0.012916666666666666574148081281;0.016250000000000000555111512313;0.000000000000000000000000000000;0.039166666666666669072149886688;0.013333333333333334189130248149;0.021666666666666667406815349750;0.048333333333333332315628894094;0.020416666666666666296592325125;0.016666666666666666435370203203;0.010000000000000000208166817117
-0.020679012345679013279431401884;0.008641975308641974481971281818;0.059259259259259261520824679792;0.147222222222222226539756206876;0.004629629629629629372633559115;0.003086419753086419581755706076;0.003703703703703703845051542487;0.023765432098765432861187107960;0.006790123456790123426807248563;0.070370370370370374790702783230;0.006481481481481481295159330358;0.005246913580246913635929395525;0.002160493827160493620492820455;0.051851851851851850361274642864;0.009876543209876543008562954640;0.007407407407407407690103084974;0.014814814814814815380206169948;0.014506172839506172381196513754;0.005246913580246913635929395525;0.010802469135802468536144971267;0.008950617283950617480980938012;0.005555555555555555767577313730;0.001234567901234567876070369330;0.091049382716049384600687233160;0.009259259259259258745267118229;0.047530864197530865722374215920;0.023148148148148146863167795573;0.005246913580246913635929395525;0.001851851851851851922525771243;0.002777777777777777883788656865;0.004012345679012345976699460692;0.037345679012345679714801605087;0.001234567901234567876070369330;0.006481481481481481295159330358;0.004320987654320987240985640909;0.062037037037037036368847253698;0.012962962962962962590318660716;0.006790123456790123426807248563;0.000000000000000000000000000000;0.001851851851851851922525771243;0.009567901234567901744276774423;0.001851851851851851922525771243;0.000000000000000000000000000000;0.041358024691358026558862803768;0.005555555555555555767577313730;0.018518518518518517490534236458;0.066049382716049376274014548471;0.025000000000000001387778780781;0.009259259259259258745267118229;0.012654320987654321326032480499
-0.027678571428571427381903902187;0.008928571428571428075793292578;0.053571428571428568454759755468;0.150892857142857134133961949374;0.004761904761904762334312479766;0.013988095238095238706521605820;0.002678571428571428596210335371;0.018452380952380952744418252109;0.014880952380952380126322154297;0.030952380952380953438307642500;0.017559523809523809589894227656;0.008035714285714284921269268125;0.015773809523809523280846178750;0.038095238095238098674499838125;0.012202380952380952397473556914;0.023511904761904761640423089375;0.016666666666666666435370203203;0.025297619047619047949471138281;0.009226190476190476372209126055;0.010416666666666666088425508008;0.011309523809523809242949532461;0.013988095238095238706521605820;0.014880952380952380126322154297;0.037499999999999998612221219219;0.027380952380952380820211544687;0.038988095238095238359576910625;0.027976190476190477413043211641;0.019345238095238095898942276563;0.000595238095238095291789059971;0.007440476190476190063161077148;0.007142857142857142634106981660;0.018154761904761906182725894610;0.006845238095238095205052886172;0.011011904761904762681257174961;0.022321428571428571924206707422;0.031547619047619046561692357500;0.012797619047619047255581747891;0.014880952380952380126322154297;0.001785714285714285658526745415;0.019345238095238095898942276563;0.007738095238095238359576910625;0.004761904761904762334312479766;0.000000000000000000000000000000;0.020238095238095239053466301016;0.007142857142857142634106981660;0.019345238095238095898942276563;0.031845238095238093123384715000;0.022321428571428571924206707422;0.023511904761904761640423089375;0.014285714285714285268213963320
-0.024814814814814813853649511088;0.021481481481481479872686080057;0.029999999999999998889776975375;0.085185185185185183232015049271;0.076296296296296292616112566520;0.017037037037037038034181790636;0.006296296296296296363115274630;0.032962962962962964741375770927;0.009629629629629630344078705662;0.018888888888888889089345823891;0.017777777777777777762358013547;0.016296296296296294836558615771;0.010370370370370370072254928573;0.023703703703703702526661700745;0.047777777777777780121581940875;0.016666666666666666435370203203;0.010740740740740739936343040029;0.021851851851851851471497667490;0.025555555555555557051272685953;0.005185185185185185036127464286;0.014444444444444443781394582516;0.006666666666666667094565124074;0.006296296296296296363115274630;0.022962962962962962798485477833;0.027777777777777776235801354687;0.025185185185185185452461098521;0.025555555555555557051272685953;0.050740740740740739034286832521;0.001111111111111111110147375847;0.020370370370370372015145221667;0.018518518518518517490534236458;0.017407407407407406163546426114;0.007777777777777777554191196430;0.007037037037037036958653235530;0.015555555555555555108382392859;0.024814814814814813853649511088;0.007407407407407407690103084974;0.013333333333333334189130248149;0.001851851851851851922525771243;0.010370370370370370072254928573;0.007037037037037036958653235530;0.004814814814814815172039352831;0.000000000000000000000000000000;0.020370370370370372015145221667;0.040000000000000000832667268469;0.014814814814814815380206169948;0.021111111111111111743321444578;0.016666666666666666435370203203;0.018888888888888889089345823891;0.012592592592592592726230549260
-0.024806201550387596554969604767;0.017829457364341085023884403427;0.056201550387596901914299962755;0.047286821705426355932910809088;0.038759689922480619617140007449;0.013178294573643410669827602533;0.004263565891472868157885400819;0.024031007751937984162626804618;0.027519379844961239928169405289;0.027519379844961239928169405289;0.011240310077519379688970602160;0.006976744186046511531085201341;0.009302325581395348708113601788;0.030232558139534883301369205810;0.027906976744186046124340805363;0.011240310077519379688970602160;0.025581395348837208947312404916;0.053875968992248064737271562308;0.023255813953488371770284004469;0.012015503875968992081313402309;0.014728682170542635454513202831;0.018992248062015503612398603650;0.011627906976744185885142002235;0.031007751937984495693712005959;0.021317829457364340789427004097;0.024806201550387596554969604767;0.034108527131782945263083206555;0.020930232558139534593255604022;0.005038759689922480550228200968;0.012015503875968992081313402309;0.006976744186046511531085201341;0.021317829457364340789427004097;0.011240310077519379688970602160;0.007751937984496123923428001490;0.013565891472868216865999002607;0.047286821705426355932910809088;0.019379844961240309808570003725;0.004263565891472868157885400819;0.002713178294573643373199800521;0.017054263565891472631541603278;0.008914728682170542511942201713;0.017829457364341085023884403427;0.000000000000000000000000000000;0.015116279069767441650684602905;0.018992248062015503612398603650;0.011240310077519379688970602160;0.029457364341085270909026405661;0.013565891472868216865999002607;0.036434108527131782440111607002;0.009302325581395348708113601788
-0.017676767676767676101823312251;0.011616161616161616368381181985;0.094949494949494950279955673977;0.000000000000000000000000000000;0.030303030303030303871381079261;0.006060606060606060600803868255;0.000505050505050505050066989021;0.018181818181818180935049866775;0.057070707070707070440729324901;0.022222222222222223070309254922;0.009090909090909090467524933388;0.002525252525252525467175379603;0.006060606060606060600803868255;0.035353535353535352203646624503;0.009090909090909090467524933388;0.007070707070707071134618715291;0.037373737373737371536552842599;0.087373737373737367373216500255;0.008585858585858585634298378864;0.025252525252525252069668582067;0.006565656565656565434030422779;0.034343434343434342537193515454;0.023737373737373737569988918494;0.034848484848484850839867021932;0.015151515151515151935690539631;0.021212121212121213403856145874;0.037373737373737371536552842599;0.002020202020202020200267956085;0.000000000000000000000000000000;0.002525252525252525467175379603;0.000505050505050505050066989021;0.015656565656565656768917094155;0.001515151515151515150200967064;0.007070707070707071134618715291;0.016161616161616161602143648679;0.068181818181818176771713524431;0.022727272727272727903535809446;0.005050505050505050934350759206;0.005050505050505050934350759206;0.033333333333333332870740406406;0.006060606060606060600803868255;0.023232323232323232736762363970;0.000000000000000000000000000000;0.016161616161616161602143648679;0.000505050505050505050066989021;0.014141414141414142269237430583;0.027272727272727271402574800163;0.026262626262626261736121691115;0.034343434343434342537193515454;0.012626262626262626034834291033
-0.038775510204081632681383240424;0.000340136054421768683955068502;0.048979591836734691356891602254;0.000000000000000000000000000000;0.000000000000000000000000000000;0.003401360544217686947970902267;0.002040816326530612428991062757;0.023129251700680270725785092623;0.006462585034013605157776627408;0.087755102040816324038274842678;0.011224489795918366624727369185;0.003061224489795918209805725141;0.002721088435374149471640548015;0.056122448979591836593083797879;0.002721088435374149471640548015;0.022108843537414966246013037221;0.017687074829931974384589210558;0.015306122448979591482709494699;0.003061224489795918209805725141;0.007823129251700680977799073901;0.015986394557823128959039848951;0.005102040816326530205115918903;0.001020408163265306214495531378;0.110544217687074827760618234151;0.031972789115646257918079697902;0.080272108843537415268087897857;0.022108843537414966246013037221;0.000000000000000000000000000000;0.001020408163265306214495531378;0.000340136054421768683955068502;0.002040816326530612428991062757;0.036734693877551023721839129621;0.001360544217687074735820274007;0.002040816326530612428991062757;0.005102040816326530205115918903;0.064625850340136056781936702009;0.012585034013605441577388077690;0.013945578231292516530048786194;0.000000000000000000000000000000;0.004081632653061224857982125513;0.006122448979591836419611450282;0.001360544217687074735820274007;0.000000000000000000000000000000;0.056122448979591836593083797879;0.000000000000000000000000000000;0.034353741496598637350512461808;0.077210884353741501828771731653;0.035374149659863948769178421117;0.009863945578231291672066660681;0.015986394557823128959039848951
-0.019722222222222220849863205672;0.013888888888888888117900677344;0.068888888888888888395456433500;0.013055555555555556357383295563;0.008611111111111111049432054187;0.013611111111111110286153724758;0.001944444444444444388547799107;0.030277777777777778456247403938;0.030833333333333334119741309109;0.054166666666666668517038374375;0.014999999999999999444888487687;0.004444444444444444440589503387;0.004722222222222222272336455973;0.044999999999999998334665463062;0.014444444444444443781394582516;0.005833333333333333599324266316;0.028888888888888887562789165031;0.039722222222222221266196839906;0.013611111111111110286153724758;0.011388888888888889366901580047;0.013611111111111110286153724758;0.025555555555555557051272685953;0.006944444444444444058950338672;0.070277777777777772350020768499;0.022777777777777778733803160094;0.037777777777777778178691647781;0.035277777777777775958245598531;0.013611111111111110286153724758;0.001111111111111111110147375847;0.008888888888888888881179006773;0.000555555555555555555073687923;0.029722222222222222792753498766;0.004722222222222222272336455973;0.004444444444444444440589503387;0.006666666666666667094565124074;0.064166666666666663521034763562;0.013611111111111110286153724758;0.003888888888888888777095598215;0.005000000000000000104083408559;0.016111111111111110771876298031;0.006388888888888889262818171488;0.013888888888888888117900677344;0.000000000000000000000000000000;0.034722222222222223764198645313;0.010555555555555555871660722289;0.021111111111111111743321444578;0.046944444444444441422170655187;0.016666666666666666435370203203;0.016388888888888890338346726594;0.010555555555555555871660722289
-0.009090909090909090467524933388;0.012500000000000000693889390391;0.032575757575757577355624050597;0.411742424242424243097104863409;0.027272727272727271402574800163;0.003409090909090908925321850020;0.006439393939393939225723784148;0.018939393939393939919613174538;0.008333333333333333217685101602;0.027272727272727271402574800163;0.006818181818181817850643700041;0.001136363636363636308440616673;0.000757575757575757575100483532;0.014393939393939394685850707845;0.039772727272727272096464190554;0.006439393939393939225723784148;0.012121212121212121201607736509;0.010984848484848484459486250842;0.015151515151515151935690539631;0.002272727272727272616881233347;0.009090909090909090467524933388;0.008333333333333333217685101602;0.001515151515151515150200967064;0.040530303030303027611580546363;0.005681818181818181975883952362;0.014015151515151515193569053963;0.019696969696969695434729530348;0.019696969696969695434729530348;0.004545454545454545233762466694;0.011742424242424241709326082628;0.001515151515151515150200967064;0.021590909090909091161414323778;0.006060606060606060600803868255;0.006818181818181817850643700041;0.001893939393939393991961317454;0.031818181818181814901613790880;0.003030303030303030300401934127;0.005303030303030303350964036468;0.000378787878787878787550241766;0.005303030303030303350964036468;0.010606060606060606701928072937;0.004545454545454545233762466694;0.000000000000000000000000000000;0.025757575757575756902895136591;0.023106060606060605661093987351;0.013257575757575757943729222177;0.022348484848484850145977631541;0.006060606060606060600803868255;0.004924242424242423858682382587;0.003409090909090908925321850020
-0.007916666666666667337426410711;0.059583333333333335368742211813;0.014583333333333333564629796797;0.292083333333333305947832059246;0.015833333333333334674852821422;0.005833333333333333599324266316;0.013750000000000000069388939039;0.032083333333333331760517381781;0.003749999999999999861222121922;0.017500000000000001665334536938;0.005833333333333333599324266316;0.001666666666666666773641281019;0.001666666666666666773641281019;0.011249999999999999583666365766;0.070416666666666669072149886688;0.006666666666666667094565124074;0.017083333333333332315628894094;0.027083333333333334258519187188;0.013750000000000000069388939039;0.003749999999999999861222121922;0.007083333333333332974823814965;0.001250000000000000026020852140;0.002916666666666666799662133158;0.023750000000000000277555756156;0.007916666666666667337426410711;0.014583333333333333564629796797;0.022499999999999999167332731531;0.129583333333333328152292551749;0.003333333333333333547282562037;0.015833333333333334674852821422;0.000833333333333333386820640509;0.016250000000000000555111512313;0.002500000000000000052041704279;0.002083333333333333304421275400;0.002916666666666666799662133158;0.021250000000000001526556658860;0.004583333333333333356462979680;0.004166666666666666608842550801;0.000000000000000000000000000000;0.002083333333333333304421275400;0.020000000000000000416333634234;0.003749999999999999861222121922;0.000000000000000000000000000000;0.010833333333333333703407674875;0.020833333333333332176851016015;0.011249999999999999583666365766;0.013333333333333334189130248149;0.004583333333333333356462979680;0.005000000000000000104083408559;0.002916666666666666799662133158
-0.024652777777777776929690745078;0.020486111111111111188209932266;0.031597222222222220988641083750;0.148611111111111110494320541875;0.023958333333333334952408577578;0.018402777777777778317469525859;0.004166666666666666608842550801;0.025000000000000001387778780781;0.007638888888888888638317720137;0.015625000000000000000000000000;0.016319444444444445446729119453;0.011458333333333332523795711211;0.015972222222222220988641083750;0.022916666666666665047591422422;0.031944444444444441977282167500;0.015972222222222220988641083750;0.015972222222222220988641083750;0.023263888888888889505679458125;0.018402777777777778317469525859;0.006597222222222222202947516934;0.012152777777777777970524830664;0.010763888888888888811790067734;0.010416666666666666088425508008;0.022222222222222223070309254922;0.020833333333333332176851016015;0.022916666666666665047591422422;0.031597222222222220988641083750;0.095833333333333339809634310313;0.000347222222222222235473582108;0.016666666666666666435370203203;0.019444444444444444752839729063;0.014583333333333333564629796797;0.009027777777777776929690745078;0.009722222222222222376419864531;0.018055555555555553859381490156;0.021180555555555556634939051719;0.009722222222222222376419864531;0.010763888888888888811790067734;0.001041666666666666652210637700;0.012500000000000000693889390391;0.009722222222222222376419864531;0.004513888888888888464845372539;0.000000000000000000000000000000;0.013888888888888888117900677344;0.015625000000000000000000000000;0.013888888888888888117900677344;0.025694444444444443365060948281;0.016666666666666666435370203203;0.018055555555555553859381490156;0.013194444444444444405895033867
-0.037142857142857144125969171000;0.014285714285714285268213963320;0.040000000000000000832667268469;0.039047619047619046284136601344;0.009523809523809524668624959531;0.038571428571428569009871267781;0.003333333333333333547282562037;0.023333333333333334397297065266;0.018095238095238094788719251937;0.016190476190476189161104869640;0.016190476190476189161104869640;0.024761904761904762750646114000;0.033333333333333332870740406406;0.031428571428571430712572976063;0.013333333333333334189130248149;0.022380952380952379848766398140;0.020000000000000000416333634234;0.029523809523809525084958593766;0.013809523809523809728672105734;0.008571428571428571854817768383;0.015714285714285715356286488031;0.020000000000000000416333634234;0.016666666666666666435370203203;0.033333333333333332870740406406;0.040476190476190478106932602032;0.030476190476190476164042308937;0.027619047619047619457344211469;0.003809523809523809520505288617;0.003809523809523809520505288617;0.033809523809523810145005739969;0.024285714285714285476380780437;0.016666666666666666435370203203;0.015238095238095238082021154469;0.010000000000000000208166817117;0.026666666666666668378260496297;0.025238095238095236555464495609;0.010000000000000000208166817117;0.013333333333333334189130248149;0.000952380952380952380126322154;0.012857142857142856914864914586;0.005714285714285714280757932926;0.007142857142857142634106981660;0.000000000000000000000000000000;0.020000000000000000416333634234;0.014285714285714285268213963320;0.013333333333333334189130248149;0.027142857142857142183078877906;0.023333333333333334397297065266;0.039047619047619046284136601344;0.016190476190476189161104869640
-0.024113475177304964647273521905;0.026241134751773049355039191255;0.039007092198581561071080159309;0.171631205673758863161637577832;0.030141843971631204074368426404;0.010283687943262410577349719176;0.003546099290780141757850607576;0.024113475177304964647273521905;0.007801418439716312040743684264;0.022340425531914894635709956106;0.013829787234042552335200326752;0.006028368794326241161818380476;0.009929078014184397615871091602;0.025177304964539008735879832557;0.031914893617021274085931992204;0.014893617021276596423806637404;0.019503546099290780535540079654;0.016666666666666666435370203203;0.020567375886524821154699438353;0.007092198581560283515701215151;0.016666666666666666435370203203;0.012411347517730497019838864503;0.006028368794326241161818380476;0.039007092198581561071080159309;0.024468085106382979343475625456;0.021276595744680850547103645454;0.019503546099290780535540079654;0.044326241134751774575217808660;0.002127659574468085141446538344;0.010638297872340425273551822727;0.006382978723404254990658746038;0.020921985815602835850901541903;0.009574468085106382919668988052;0.004964539007092198807935545801;0.012056737588652482323636760952;0.024468085106382979343475625456;0.010638297872340425273551822727;0.011347517730496454665956029828;0.002127659574468085141446538344;0.007801418439716312040743684264;0.012411347517730497019838864503;0.006028368794326241161818380476;0.000000000000000000000000000000;0.024113475177304964647273521905;0.026950354609929078747443398356;0.017021276595744681131572306754;0.033687943262411347566942509957;0.020212765957446809927944286756;0.016312056737588651739168099652;0.011702127659574467627434657402
-0.011858974358974358476181976130;0.036538461538461540489830525757;0.025000000000000001387778780781;0.225320512820512824925245354279;0.048076923076923079591882270734;0.012500000000000000693889390391;0.005769230769230769551025872488;0.025320512820512820761909011935;0.017948717948717947401338079771;0.011217948717948717993198037846;0.009935897435897435292506685300;0.005448717948717948442172165358;0.008974358974358973700669039886;0.013461538461538462285727035805;0.047115384615384614530597673365;0.010256410256410256401360392431;0.025320512820512820761909011935;0.037499999999999998612221219219;0.025000000000000001387778780781;0.002884615384615384775512936244;0.011538461538461539102051744976;0.019551282051282051210883139447;0.016987179487179485809500434357;0.012500000000000000693889390391;0.012820512820512820068019621544;0.010897435897435896884344330715;0.023076923076923078204103489952;0.037179487179487179238090988065;0.004166666666666666608842550801;0.021474358974358974394558430276;0.007051282051282051384355487045;0.013782051282051281659857266959;0.008974358974358973700669039886;0.004807692307692307959188227073;0.009615384615384615918376454147;0.023076923076923078204103489952;0.006089743589743589792517841630;0.008974358974358973700669039886;0.005769230769230769551025872488;0.020192307692307693428590553708;0.007371794871794871625847456187;0.014423076923076923877564681220;0.000000000000000000000000000000;0.008012820512820512108831394471;0.033012820512820513496610175252;0.012179487179487179585035683260;0.011538461538461539102051744976;0.010576923076923077510214099561;0.011217948717948717993198037846;0.007692307692307692734701163317
-0.019166666666666665186369300500;0.013333333333333334189130248149;0.086111111111111110494320541875;0.072222222222222215437525960624;0.003611111111111110945348645629;0.008611111111111111049432054187;0.001944444444444444388547799107;0.024166666666666666157814447047;0.019444444444444444752839729063;0.033055555555555553304269977843;0.013611111111111110286153724758;0.005555555555555555767577313730;0.010000000000000000208166817117;0.046666666666666668794594130532;0.014999999999999999444888487687;0.012777777777777778525636342977;0.039722222222222221266196839906;0.050555555555555554969604514781;0.009444444444444444544672911945;0.017777777777777777762358013547;0.012777777777777778525636342977;0.028611111111111111465765688422;0.012777777777777778525636342977;0.037499999999999998612221219219;0.018888888888888889089345823891;0.031944444444444441977282167500;0.027500000000000000138777878078;0.006111111111111111431071218902;0.002222222222222222220294751693;0.002777777777777777883788656865;0.004166666666666666608842550801;0.023611111111111110494320541875;0.006111111111111111431071218902;0.012222222222222222862142437805;0.015833333333333334674852821422;0.064166666666666663521034763562;0.016666666666666666435370203203;0.003333333333333333547282562037;0.002222222222222222220294751693;0.025833333333333333148296162562;0.008888888888888888881179006773;0.010277777777777778039913769703;0.000000000000000000000000000000;0.012500000000000000693889390391;0.007499999999999999722444243844;0.010277777777777778039913769703;0.036666666666666666851703837438;0.018055555555555553859381490156;0.027222222222222220572307449515;0.010555555555555555871660722289
-0.014539007092198581727604533853;0.004609929078014184111733442251;0.047517730496453899902142836709;0.353546099290780124757560543003;0.003900709219858156020371842132;0.006382978723404254990658746038;0.004964539007092198807935545801;0.012056737588652482323636760952;0.010638297872340425273551822727;0.028723404255319148759006964156;0.008156028368794325869584049826;0.002836879432624113666489007457;0.004255319148936170282893076688;0.038652482269503546374878055758;0.015248226950354609385285264977;0.009929078014184397615871091602;0.017021276595744681131572306754;0.018439716312056736446933769002;0.004255319148936170282893076688;0.006737588652482269686860849589;0.010992907801418439969753926277;0.014184397163120567031402430302;0.006737588652482269686860849589;0.039007092198581561071080159309;0.019148936170212765839337976104;0.026241134751773049355039191255;0.021985815602836879939507852555;0.001773049645390070878925303788;0.005319148936170212636775911363;0.002127659574468085141446538344;0.002127659574468085141446538344;0.024822695035460994039677729006;0.003546099290780141757850607576;0.008865248226950355261988256927;0.014184397163120567031402430302;0.038297872340425531678675952207;0.008510638297872340565786153377;0.007092198581560283515701215151;0.001418439716312056833244503729;0.011347517730496454665956029828;0.004255319148936170282893076688;0.004255319148936170282893076688;0.000000000000000000000000000000;0.022695035460992909331912059656;0.005319148936170212636775911363;0.015957446808510637042965996102;0.031560283687943259389729888653;0.015248226950354609385285264977;0.011702127659574467627434657402;0.008865248226950355261988256927
-0.015040650406504065678126025318;0.017073170731707318359404723651;0.019918699186991871419305510926;0.221951219512195124794473599650;0.010569105691056910126257584182;0.014227642276422763564780460399;0.013821138211382113375469415928;0.032926829268292684416152837912;0.010569105691056910126257584182;0.011788617886178862428914193572;0.012195121951219512618225238043;0.010569105691056910126257584182;0.013821138211382113375469415928;0.013414634146341463186158371457;0.026016260162601625993694653971;0.005284552845528455063128792091;0.021951219512195120631137257305;0.046341463414634145867587733392;0.027235772357723578296351263361;0.004471544715447154684506703148;0.021138211382113820252515168363;0.010569105691056910126257584182;0.031707317073170732113496228521;0.019512195121951219495270990478;0.014227642276422763564780460399;0.010162601626016259936946539710;0.033333333333333332870740406406;0.007317073170731707744407490424;0.011788617886178862428914193572;0.021138211382113820252515168363;0.011788617886178862428914193572;0.022357723577235772555171777753;0.016666666666666666435370203203;0.004878048780487804873817747620;0.014227642276422763564780460399;0.027642276422764226750938831856;0.015040650406504065678126025318;0.007317073170731707744407490424;0.007317073170731707744407490424;0.017479674796747966813992292145;0.006910569105691056687734707964;0.013414634146341463186158371457;0.000000000000000000000000000000;0.015040650406504065678126025318;0.013821138211382113375469415928;0.024796747967479673691038044581;0.010569105691056910126257584182;0.007317073170731707744407490424;0.026422764227642277917729174419;0.006910569105691056687734707964
-0.022666666666666668294993769450;0.021999999999999998723243521681;0.043999999999999997446487043362;0.003333333333333333547282562037;0.010666666666666666310470112933;0.023666666666666665713725237197;0.008999999999999999319988397417;0.029000000000000001471045507628;0.025666666666666667490082076597;0.020666666666666666518636930050;0.012999999999999999403255124264;0.017666666666666667323548622903;0.019666666666666665630458510350;0.020333333333333331732761806165;0.022666666666666668294993769450;0.015333333333333332496040135595;0.028333333333333331899295259859;0.047000000000000000111022302463;0.028333333333333331899295259859;0.008000000000000000166533453694;0.016000000000000000333066907388;0.028000000000000000582867087928;0.024000000000000000499600361081;0.022999999999999999611421941381;0.017999999999999998639976794834;0.022666666666666668294993769450;0.033000000000000001554312234475;0.011333333333333334147496884725;0.005333333333333333155235056466;0.028000000000000000582867087928;0.021999999999999998723243521681;0.018333333333333333425851918719;0.022333333333333333509118645566;0.007000000000000000145716771982;0.027666666666666665796991964044;0.033666666666666664187168578337;0.012333333333333333300951828448;0.014333333333333333342585191872;0.014999999999999999444888487687;0.031666666666666669349705642844;0.010000000000000000208166817117;0.023333333333333334397297065266;0.000000000000000000000000000000;0.014666666666666666393736839780;0.014000000000000000291433543964;0.021000000000000001304512053935;0.017999999999999998639976794834;0.014333333333333333342585191872;0.028000000000000000582867087928;0.012000000000000000249800180541
-0.027777777777777776235801354687;0.006666666666666667094565124074;0.079259259259259265406605265980;0.001851851851851851922525771243;0.005555555555555555767577313730;0.007037037037037036958653235530;0.001111111111111111110147375847;0.021851851851851851471497667490;0.025925925925925925180637321432;0.049259259259259259577934386698;0.011481481481481481399242738917;0.013703703703703704053218359604;0.008148148148148147418279307885;0.055185185185185184342238073896;0.004444444444444444440589503387;0.014444444444444443781394582516;0.035925925925925923654080662573;0.038148148148148146308056283260;0.004814814814814815172039352831;0.012592592592592592726230549260;0.008518518518518519017090895318;0.034814814814814812327092852229;0.007407407407407407690103084974;0.063703703703703706828775921167;0.025185185185185185452461098521;0.042222222222222223486642889156;0.023703703703703702526661700745;0.001481481481481481407916356297;0.003703703703703703845051542487;0.007407407407407407690103084974;0.011481481481481481399242738917;0.026666666666666668378260496297;0.003703703703703703845051542487;0.008888888888888888881179006773;0.017407407407407406163546426114;0.054074074074074073015250263552;0.012962962962962962590318660716;0.006666666666666667094565124074;0.001481481481481481407916356297;0.017407407407407406163546426114;0.007037037037037036958653235530;0.015185185185185185244294281404;0.000000000000000000000000000000;0.026666666666666668378260496297;0.002222222222222222220294751693;0.018518518518518517490534236458;0.055555555555555552471602709375;0.030370370370370370488588562807;0.021851851851851851471497667490;0.018518518518518517490534236458
-0.030416666666666668239482618219;0.004583333333333333356462979680;0.059166666666666666019036568969;0.000416666666666666693410320255;0.009583333333333332593184650250;0.016250000000000000555111512313;0.001250000000000000026020852140;0.018749999999999999306110609609;0.028333333333333331899295259859;0.046666666666666668794594130532;0.012083333333333333078907223523;0.025416666666666667268037471672;0.008750000000000000832667268469;0.044583333333333335923853724125;0.004166666666666666608842550801;0.024583333333333332038073137937;0.025000000000000001387778780781;0.032916666666666663521034763562;0.007499999999999999722444243844;0.011666666666666667198648532633;0.014583333333333333564629796797;0.015833333333333334674852821422;0.008750000000000000832667268469;0.060416666666666667129259593594;0.034166666666666664631257788187;0.047916666666666669904817155157;0.018749999999999999306110609609;0.003749999999999999861222121922;0.000416666666666666693410320255;0.016666666666666666435370203203;0.027916666666666666019036568969;0.021666666666666667406815349750;0.004583333333333333356462979680;0.005000000000000000104083408559;0.014999999999999999444888487687;0.048750000000000001665334536938;0.015416666666666667059870654555;0.011666666666666667198648532633;0.002916666666666666799662133158;0.015833333333333334674852821422;0.004583333333333333356462979680;0.009166666666666666712925959359;0.000000000000000000000000000000;0.038333333333333330372738601000;0.002083333333333333304421275400;0.020833333333333332176851016015;0.051249999999999996946886682281;0.032916666666666663521034763562;0.020000000000000000416333634234;0.018749999999999999306110609609
-0.024074074074074074125473288177;0.014814814814814815380206169948;0.074444444444444438091501581312;0.000000000000000000000000000000;0.003703703703703703845051542487;0.015925925925925926707193980292;0.000740740740740740703958178148;0.020370370370370372015145221667;0.032592592592592589673117231541;0.026666666666666668378260496297;0.018888888888888889089345823891;0.014444444444444443781394582516;0.014814814814814815380206169948;0.045185185185185182399347780802;0.006296296296296296363115274630;0.010000000000000000208166817117;0.036296296296296298722339201959;0.050740740740740739034286832521;0.009259259259259258745267118229;0.014444444444444443781394582516;0.013333333333333334189130248149;0.024074074074074074125473288177;0.031851851851851853414387960584;0.028888888888888887562789165031;0.021481481481481479872686080057;0.034074074074074076068363581271;0.030740740740740742087400150240;0.008148148148148147418279307885;0.001111111111111111110147375847;0.010740740740740739936343040029;0.007037037037037036958653235530;0.021851851851851851471497667490;0.010740740740740739936343040029;0.010740740740740739936343040029;0.032962962962962964741375770927;0.053333333333333336756520992594;0.017407407407407406163546426114;0.007777777777777777554191196430;0.001851851851851851922525771243;0.031851851851851853414387960584;0.004074074074074073709139653943;0.017037037037037038034181790636;0.000000000000000000000000000000;0.014074074074074073917306471060;0.003703703703703703845051542487;0.016666666666666666435370203203;0.037037037037037034981068472916;0.021481481481481479872686080057;0.035555555555555555524716027094;0.016666666666666666435370203203
-0.027898550724637680847672882578;0.010869565217391304046135047656;0.074275362318840576492107175000;0.017391304347826087167705466641;0.010507246376811593679967415937;0.021376811594202897726102463594;0.001086956521739130447981591665;0.021376811594202897726102463594;0.023913043478260870289275885625;0.038043478260869567630919618750;0.018115942028985507900040730078;0.015579710144927537071590784024;0.015942028985507245703034939766;0.039492753623188409095590145625;0.006884057971014492620376312715;0.017391304347826087167705466641;0.029347826086956522312343409453;0.038043478260869567630919618750;0.019927536231884056261431936719;0.009782608695652174682355628477;0.012681159420289855876973206250;0.013768115942028985240752625430;0.009057971014492753950020365039;0.054347826086956520230675238281;0.023188405797101449556940622188;0.032246376811594201772237511250;0.026811594202898549749169987422;0.022826086956521739190772990469;0.000000000000000000000000000000;0.023188405797101449556940622188;0.014492753623188405973087888867;0.026811594202898549749169987422;0.007246376811594202986543944434;0.006521739130434782254208680996;0.015579710144927537071590784024;0.072101449275362314295101384687;0.012681159420289855876973206250;0.006521739130434782254208680996;0.000362318840579710149327197222;0.010869565217391304046135047656;0.007608695652173913352711576152;0.007608695652173913352711576152;0.000000000000000000000000000000;0.018840579710144928632375993516;0.007608695652173913352711576152;0.020289855072463766627599568437;0.037318840579710146898584355313;0.019927536231884056261431936719;0.019927536231884056261431936719;0.012318840579710145510805574531
-0.044583333333333335923853724125;0.007916666666666667337426410711;0.066666666666666665741480812812;0.002916666666666666799662133158;0.002083333333333333304421275400;0.007499999999999999722444243844;0.001250000000000000026020852140;0.026666666666666668378260496297;0.016250000000000000555111512313;0.053749999999999999167332731531;0.014999999999999999444888487687;0.002916666666666666799662133158;0.005833333333333333599324266316;0.064166666666666663521034763562;0.009166666666666666712925959359;0.022083333333333333287074040641;0.014166666666666665949647629930;0.026249999999999999028554853453;0.006250000000000000346944695195;0.008750000000000000832667268469;0.015833333333333334674852821422;0.012500000000000000693889390391;0.007083333333333332974823814965;0.077499999999999999444888487687;0.031666666666666669349705642844;0.065833333333333327042069527124;0.023750000000000000277555756156;0.002916666666666666799662133158;0.000416666666666666693410320255;0.002916666666666666799662133158;0.004583333333333333356462979680;0.028333333333333331899295259859;0.003333333333333333547282562037;0.006250000000000000346944695195;0.011666666666666667198648532633;0.058749999999999996669330926125;0.009583333333333332593184650250;0.012083333333333333078907223523;0.000833333333333333386820640509;0.005833333333333333599324266316;0.005833333333333333599324266316;0.007083333333333332974823814965;0.000000000000000000000000000000;0.039166666666666669072149886688;0.001666666666666666773641281019;0.022499999999999999167332731531;0.062916666666666662410811738937;0.041250000000000001942890293094;0.017916666666666667545593227828;0.015833333333333334674852821422
-0.029938271604938272024698520113;0.003086419753086419581755706076;0.054320987654320987414457988507;0.001234567901234567876070369330;0.000617283950617283938035184665;0.013888888888888888117900677344;0.000925925925925925961262885622;0.022839506172839505598881615356;0.009259259259259258745267118229;0.077160493827160489543892651909;0.012962962962962962590318660716;0.007407407407407407690103084974;0.007098765432098765558455166769;0.052469135802469132889847003298;0.002777777777777777883788656865;0.022222222222222223070309254922;0.016049382716049383906797842769;0.020061728395061727281412089496;0.007407407407407407690103084974;0.008950617283950617480980938012;0.012962962962962962590318660716;0.010493827160493827271858791050;0.007407407407407407690103084974;0.090123456790123457338381740556;0.028086419753086420969534486858;0.054320987654320987414457988507;0.021913580246913581806023074705;0.000308641975308641969017592332;0.000000000000000000000000000000;0.004938271604938271504281477320;0.008333333333333333217685101602;0.033950617283950615399312766840;0.004938271604938271504281477320;0.006481481481481481295159330358;0.016358024691358025171084022986;0.068209876543209882471252569758;0.014506172839506172381196513754;0.012345679012345678327022824305;0.002777777777777777883788656865;0.011728395061728395798450463872;0.010493827160493827271858791050;0.004012345679012345976699460692;0.000000000000000000000000000000;0.045061728395061728669190870278;0.001543209876543209790877853038;0.021604938271604937072289942535;0.064506172839506173422030599340;0.037037037037037034981068472916;0.018518518518518517490534236458;0.016358024691358025171084022986
-0.029166666666666667129259593594;0.010763888888888888811790067734;0.073263888888888892281237019688;0.001388888888888888941894328433;0.000347222222222222235473582108;0.027777777777777776235801354687;0.001736111111111111014737584668;0.012152777777777777970524830664;0.030208333333333333564629796797;0.025347222222222222376419864531;0.016666666666666666435370203203;0.017361111111111111882099322656;0.012847222222222221682530474141;0.048958333333333332870740406406;0.006597222222222222202947516934;0.024305555555555555941049661328;0.028819444444444446140618509844;0.033333333333333332870740406406;0.009027777777777776929690745078;0.015625000000000000000000000000;0.014930555555555556287994356524;0.028472222222222221682530474141;0.017013888888888887424011286953;0.032986111111111111882099322656;0.035069444444444444752839729063;0.036111111111111107718762980312;0.029861111111111112575988713047;0.005555555555555555767577313730;0.000694444444444444470947164216;0.009374999999999999653055304805;0.018055555555555553859381490156;0.019791666666666665741480812812;0.010763888888888888811790067734;0.012152777777777777970524830664;0.027430555555555555247160270937;0.037152777777777777623580135469;0.016666666666666666435370203203;0.012500000000000000693889390391;0.003125000000000000173472347598;0.022916666666666665047591422422;0.003819444444444444319158860068;0.013194444444444444405895033867;0.000000000000000000000000000000;0.015972222222222220988641083750;0.002430555555555555594104966133;0.013888888888888888117900677344;0.042708333333333334258519187188;0.038541666666666668517038374375;0.032291666666666669904817155157;0.020833333333333332176851016015
-0.029000000000000001471045507628;0.008000000000000000166533453694;0.081333333333333326931047224662;0.000333333333333333322202191029;0.002000000000000000041633363423;0.021999999999999998723243521681;0.001666666666666666773641281019;0.013666666666666667240281896056;0.025666666666666667490082076597;0.029999999999999998889776975375;0.014666666666666666393736839780;0.024333333333333331816028533012;0.017666666666666667323548622903;0.053999999999999999389377336456;0.009666666666666667157015169209;0.025333333333333332704206952712;0.018333333333333333425851918719;0.029999999999999998889776975375;0.008999999999999999319988397417;0.015666666666666665547191783503;0.009666666666666667157015169209;0.019333333333333334314030338419;0.012000000000000000249800180541;0.039666666666666669516239096538;0.035000000000000003330669073875;0.036333333333333335535275665507;0.029666666666666667573348803444;0.018333333333333333425851918719;0.001000000000000000020816681712;0.008333333333333333217685101602;0.012666666666666666352103476356;0.014999999999999999444888487687;0.005333333333333333155235056466;0.014333333333333333342585191872;0.020000000000000000416333634234;0.048666666666666663632057066025;0.015333333333333332496040135595;0.007666666666666666248020067798;0.002333333333333333526465880325;0.017333333333333332537673499019;0.004333333333333333134418374755;0.010333333333333333259318465025;0.000000000000000000000000000000;0.020666666666666666518636930050;0.003333333333333333547282562037;0.007666666666666666248020067798;0.056000000000000001165734175856;0.041000000000000001720845688169;0.033000000000000001554312234475;0.023333333333333334397297065266
-0.032962962962962964741375770927;0.004444444444444444440589503387;0.094814814814814810106646802979;0.000000000000000000000000000000;0.000370370370370370351979089074;0.017777777777777777762358013547;0.001111111111111111110147375847;0.011481481481481481399242738917;0.025925925925925925180637321432;0.026666666666666668378260496297;0.014444444444444443781394582516;0.008148148148148147418279307885;0.020000000000000000416333634234;0.064814814814814811216869827604;0.003333333333333333547282562037;0.024074074074074074125473288177;0.027777777777777776235801354687;0.029999999999999998889776975375;0.003333333333333333547282562037;0.018518518518518517490534236458;0.005925925925925925631665425186;0.037037037037037034981068472916;0.008888888888888888881179006773;0.044074074074074071072359970458;0.041481481481481480289019714291;0.037777777777777778178691647781;0.024814814814814813853649511088;0.010000000000000000208166817117;0.000000000000000000000000000000;0.005185185185185185036127464286;0.007037037037037036958653235530;0.022222222222222223070309254922;0.002962962962962962815832712593;0.018148148148148149361169600979;0.023703703703703702526661700745;0.042962962962962959745372160114;0.009629629629629630344078705662;0.011481481481481481399242738917;0.003333333333333333547282562037;0.031481481481481478346129421197;0.001111111111111111110147375847;0.008148148148148147418279307885;0.000000000000000000000000000000;0.013703703703703704053218359604;0.000740740740740740703958178148;0.012592592592592592726230549260;0.056296296296296295669225884239;0.039259259259259257635044093604;0.027777777777777776235801354687;0.022222222222222223070309254922
-0.035534591194968552507749137703;0.010691823899371068543051599420;0.066666666666666665741480812812;0.006918238993710692022465202911;0.004716981132075471518094733625;0.011949685534591195784637207566;0.001257861635220125723702566667;0.022327044025157231216249797967;0.018553459119496854695663401458;0.044339622641509431055784062892;0.011949685534591195784637207566;0.016352201257861635058654670161;0.008490566037735848906042868123;0.059119496855345912700308019794;0.011320754716981131296482665505;0.028616352201257862220007410770;0.021383647798742137086103198840;0.029874213836477987726869542939;0.009433962264150943036189467250;0.011635220125786162673198198547;0.011006289308176099919767132462;0.021069182389937105709387665797;0.004716981132075471518094733625;0.049685534591194971398842028520;0.038050314465408803521473402043;0.050000000000000002775557561563;0.027672955974842768089860811642;0.006603773584905660645749669868;0.000628930817610062861851283333;0.007547169811320754775896268995;0.013836477987421384044930405821;0.020754716981132074332672132755;0.002201257861635220070689600291;0.013207547169811321291499339736;0.014150943396226415421645938864;0.048427672955974845891979896351;0.010062893081761005789620533335;0.011949685534591195784637207566;0.000943396226415094346987033624;0.013836477987421384044930405821;0.005031446540880502894810266667;0.002201257861635220070689600291;0.000000000000000000000000000000;0.024842767295597485699421014260;0.005031446540880502894810266667;0.013207547169811321291499339736;0.061635220125786163714032284133;0.044339622641509431055784062892;0.019182389937106917449094467543;0.027044025157232705336429745557
-0.038095238095238098674499838125;0.010416666666666666088425508008;0.062797619047619046561692357500;0.002083333333333333304421275400;0.001785714285714285658526745415;0.012202380952380952397473556914;0.001785714285714285658526745415;0.023511904761904761640423089375;0.022619047619047618485899064922;0.045535714285714283533490487343;0.015773809523809523280846178750;0.011309523809523809242949532461;0.005654761904761904621474766230;0.051488095238095235584019349062;0.010416666666666666088425508008;0.032440476190476193185663333907;0.030952380952380953438307642500;0.030357142857142856845475975547;0.007142857142857142634106981660;0.008035714285714284921269268125;0.010119047619047619526733150508;0.016964285714285712997062560703;0.002678571428571428596210335371;0.063690476190476186246769429999;0.038392857142857145236192195625;0.052976190476190475331375040469;0.024107142857142858233254756328;0.007440476190476190063161077148;0.002976190476190476025264430859;0.002976190476190476025264430859;0.009821428571428571230317317031;0.043452380952380950662750080937;0.003273809523809523887999395342;0.008035714285714284921269268125;0.011309523809523809242949532461;0.057142857142857141072855853281;0.011904761904761904101057723437;0.010714285714285714384841341484;0.001785714285714285658526745415;0.007142857142857142634106981660;0.009226190476190476372209126055;0.010714285714285714384841341484;0.000000000000000000000000000000;0.024107142857142858233254756328;0.002678571428571428596210335371;0.015476190476190476719153821250;0.050000000000000002775557561563;0.038095238095238098674499838125;0.015178571428571428422737987773;0.023214285714285715078730731875
-0.014655172413793103244894489023;0.008908045977011494129249591367;0.042241379310344828734713473750;0.367528735632183911619108585001;0.003735632183908045925169183477;0.005459770114942528659862652773;0.005172413793103448204080407891;0.023275862068965518653085311485;0.022701149425287357741520821719;0.031609195402298853605493889063;0.005172413793103448204080407891;0.006034482758620689571427142539;0.001724137931034482734693469297;0.019252873563218392272133883125;0.014367816091954022789112244141;0.012643678160919540054418774844;0.022701149425287357741520821719;0.021264367816091953727886121328;0.008045977011494252761902856719;0.006034482758620689571427142539;0.014942528735632183700676733906;0.008908045977011494129249591367;0.000287356321839080455782244883;0.054310344827586204408120806875;0.012643678160919540054418774844;0.024712643678160919197273059922;0.015229885057471264156458978789;0.003160919540229885013604693711;0.003160919540229885013604693711;0.004022988505747126380951428359;0.002586206896551724102040203945;0.025862068965517241020402039453;0.001724137931034482734693469297;0.003160919540229885013604693711;0.001149425287356321823128979531;0.041954022988505750013654704844;0.006321839080459770027209387422;0.006321839080459770027209387422;0.000574712643678160911564489766;0.004022988505747126380951428359;0.010632183908045976863943060664;0.009195402298850574585031836250;0.000000000000000000000000000000;0.024137931034482758285708570156;0.010919540229885057319725305547;0.018390804597701149170063672500;0.029310344827586206489788978047;0.007471264367816091850338366953;0.005172413793103448204080407891;0.007183908045977011394556122070
-0.017559523809523809589894227656;0.027678571428571427381903902187;0.055654761904761901325500161875;0.077976190476190476719153821250;0.012500000000000000693889390391;0.017559523809523809589894227656;0.007142857142857142634106981660;0.038095238095238098674499838125;0.039583333333333331482961625625;0.015773809523809523280846178750;0.014285714285714285268213963320;0.015476190476190476719153821250;0.012500000000000000693889390391;0.021726190476190475331375040469;0.030059523809523810283783618047;0.011904761904761904101057723437;0.026785714285714284227379877734;0.057738095238095241135134472188;0.026190476190476191103995162734;0.008630952380952381514100935078;0.015773809523809523280846178750;0.027976190476190477413043211641;0.015476190476190476719153821250;0.019940476190476189022326991562;0.019047619047619049337249919063;0.018749999999999999306110609609;0.026190476190476191103995162734;0.016369047619047619873677845703;0.000595238095238095291789059971;0.017261904761904763028201870156;0.011011904761904762681257174961;0.015773809523809523280846178750;0.015476190476190476719153821250;0.005654761904761904621474766230;0.014583333333333333564629796797;0.032440476190476193185663333907;0.012500000000000000693889390391;0.007440476190476190063161077148;0.008035714285714284921269268125;0.018749999999999999306110609609;0.013690476190476190410105772344;0.024702380952380951356639471328;0.000000000000000000000000000000;0.012797619047619047255581747891;0.020238095238095239053466301016;0.012797619047619047255581747891;0.018749999999999999306110609609;0.010119047619047619526733150508;0.020833333333333332176851016015;0.012202380952380952397473556914
-0.027659574468085104670400653504;0.018085106382978721750731665452;0.049290780141843973383153354462;0.013475177304964539373721699178;0.006382978723404254990658746038;0.023758865248226949951071418354;0.006028368794326241161818380476;0.021985815602836879939507852555;0.018085106382978721750731665452;0.025531914893617019962634984154;0.018085106382978721750731665452;0.007801418439716312040743684264;0.021631205673758865243305749004;0.036524822695035458197665434454;0.017021276595744681131572306754;0.016666666666666666435370203203;0.021276595744680850547103645454;0.051773049645390069317674175409;0.014184397163120567031402430302;0.010283687943262410577349719176;0.010992907801418439969753926277;0.019858156028368795231742183205;0.024468085106382979343475625456;0.028014184397163119366602757054;0.030141843971631204074368426404;0.029787234042553192847613274807;0.031205673758865248162974737056;0.021985815602836879939507852555;0.001418439716312056833244503729;0.010992907801418439969753926277;0.014893617021276596423806637404;0.018794326241134751143135872553;0.016312056737588651739168099652;0.009574468085106382919668988052;0.032624113475177303478336199305;0.033687943262411347566942509957;0.013120567375886524677519595627;0.017375886524822695827774410304;0.002482269503546099403967772901;0.031914893617021274085931992204;0.008510638297872340565786153377;0.010283687943262410577349719176;0.000000000000000000000000000000;0.018085106382978721750731665452;0.009929078014184397615871091602;0.019148936170212765839337976104;0.032624113475177303478336199305;0.028014184397163119366602757054;0.032978723404255318174538302856;0.015248226950354609385285264977
-0.031944444444444441977282167500;0.008333333333333333217685101602;0.042013888888888892281237019688;0.321527777777777801215819408753;0.002430555555555555594104966133;0.018749999999999999306110609609;0.003125000000000000173472347598;0.015625000000000000000000000000;0.018402777777777778317469525859;0.017013888888888887424011286953;0.013541666666666667129259593594;0.014930555555555556287994356524;0.011458333333333332523795711211;0.023611111111111110494320541875;0.010069444444444445099784424258;0.014236111111111110841265237070;0.018055555555555553859381490156;0.024305555555555555941049661328;0.005208333333333333044212754004;0.006944444444444444058950338672;0.014583333333333333564629796797;0.014930555555555556287994356524;0.005555555555555555767577313730;0.021180555555555556634939051719;0.028472222222222221682530474141;0.024652777777777776929690745078;0.017708333333333332870740406406;0.011458333333333332523795711211;0.001736111111111111014737584668;0.010416666666666666088425508008;0.012152777777777777970524830664;0.012500000000000000693889390391;0.005555555555555555767577313730;0.005208333333333333044212754004;0.022222222222222223070309254922;0.021874999999999998612221219219;0.006250000000000000346944695195;0.007986111111111110494320541875;0.002777777777777777883788656865;0.013194444444444444405895033867;0.002777777777777777883788656865;0.013194444444444444405895033867;0.000000000000000000000000000000;0.012847222222222221682530474141;0.006944444444444444058950338672;0.010069444444444445099784424258;0.022916666666666665047591422422;0.018055555555555553859381490156;0.016319444444444445446729119453;0.014930555555555556287994356524
-0.010457516339869280322383282567;0.018954248366013070475899482403;0.023202614379084968154742796287;0.323529411764705898679750362135;0.018954248366013070475899482403;0.017320261437908497648141548098;0.003921568627450980337734165460;0.016339869281045752563708006733;0.037581699346405227080136768336;0.007843137254901960675468330919;0.009477124183006535237949741202;0.028104575163398693576910503111;0.007189542483660130330058724013;0.013725490196078431182069579108;0.018954248366013070475899482403;0.010457516339869280322383282567;0.016993464052287580307032399674;0.035294117647058823039607489136;0.012091503267973856619588168826;0.002941176470588235253300624095;0.011764705882352941013202496379;0.024183006535947713239176337652;0.013071895424836601704021710191;0.014379084967320260660117448026;0.014705882352941176266503120473;0.007843137254901960675468330919;0.019934640522875815560333023768;0.014705882352941176266503120473;0.003267973856209150426005427548;0.028104575163398693576910503111;0.027777777777777776235801354687;0.010457516339869280322383282567;0.005882352941176470506601248189;0.005882352941176470506601248189;0.005555555555555555767577313730;0.019281045751633987817008630827;0.007843137254901960675468330919;0.008169934640522876281854003366;0.009477124183006535237949741202;0.015032679738562091872888792921;0.006209150326797385245625182648;0.032026143790849670445197716617;0.000000000000000000000000000000;0.009803921568627450844335413649;0.009150326797385621366287544731;0.008496732026143790153516199837;0.007516339869281045936444396460;0.007843137254901960675468330919;0.012745098039215686097636037744;0.005555555555555555767577313730
-0.030225988700564972860851398195;0.031073446327683617446124841877;0.035593220338983051764802922889;0.008192090395480225786806194321;0.015819209039548021850096759522;0.033333333333333332870740406406;0.005932203389830508627467153815;0.021468926553672315615806098776;0.037853107344632770658865439373;0.015536723163841808723062420938;0.012429378531073446978449936751;0.035310734463276836903045108329;0.016384180790960451573612388643;0.027683615819209039105031067152;0.020903954802259885892290469656;0.017514124293785311020643646884;0.019209039548022600191190534247;0.045480225988700564987432528596;0.014124293785310734414273348136;0.006497175141242937483621044947;0.014971751412429378999546791817;0.025141242937853108818657688062;0.018926553672316385329432719686;0.017231638418079096158885832324;0.024858757062146893956899873501;0.024858757062146893956899873501;0.019491525423728815052948348807;0.045480225988700564987432528596;0.001412429378531073441427334814;0.026271186440677964796241994350;0.031073446327683617446124841877;0.011299435028248587531418678509;0.013559322033898304690757719015;0.007062146892655367207136674068;0.018926553672316385329432719686;0.023728813559322034509868615260;0.013841807909604519552515533576;0.012429378531073446978449936751;0.008474576271186440648564008882;0.014406779661016949276031162697;0.009322033898305085233837452563;0.043220338983050846093370012113;0.000000000000000000000000000000;0.012146892655367232116692122190;0.010734463276836157807903049388;0.011299435028248587531418678509;0.028531073446327683690304510833;0.023163841807909604786352986139;0.023446327683615819648110800699;0.014124293785310734414273348136
-0.023255813953488371770284004469;0.015116279069767441650684602905;0.071317829457364340095537613706;0.010077519379844961100456401937;0.004651162790697674354056800894;0.026744186046511627535826605140;0.003875968992248061961714000745;0.018217054263565891220055803501;0.041085271317829456794168407896;0.027906976744186046124340805363;0.010465116279069767296627802011;0.029457364341085270909026405661;0.012790697674418604473656202458;0.041472868217054266459786759924;0.012015503875968992081313402309;0.019767441860465116004741403799;0.027131782945736433731998005214;0.043023255813953491244472360222;0.008527131782945736315770801639;0.010077519379844961100456401937;0.009302325581395348708113601788;0.025968992248062015143483804991;0.012790697674418604473656202458;0.029844961240310077105197805736;0.027519379844961239928169405289;0.028294573643410852320512205438;0.023255813953488371770284004469;0.032945736434108530144015958285;0.001162790697674418588514200223;0.015891472868217054043027403054;0.018604651162790697416227203576;0.021705426356589146985598404171;0.004263565891472868157885400819;0.007364341085271317727256601415;0.017829457364341085023884403427;0.039534883720930232009482807598;0.009689922480620154904285001862;0.010077519379844961100456401937;0.006201550387596899138742401192;0.022093023255813953181769804246;0.005426356589147286746399601043;0.024031007751937984162626804618;0.000000000000000000000000000000;0.019767441860465116004741403799;0.005426356589147286746399601043;0.013565891472868216865999002607;0.043410852713178293971196808343;0.027131782945736433731998005214;0.025581395348837208947312404916;0.014341085271317829258341802756
-0.027243589743589743945584302764;0.004166666666666666608842550801;0.089743589743589743945584302764;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008653846153846154326538808732;0.000641025641025641025085024527;0.018589743589743589619045494032;0.042307692307692310040856398246;0.041666666666666664353702032031;0.015064102564102564360548619504;0.012500000000000000693889390391;0.010256410256410256401360392431;0.068910256410256415238180238703;0.006089743589743589792517841630;0.016025641025641024217662788942;0.030769230769230770938804653269;0.038782051282051283047636047741;0.003205128205128205017004905386;0.018269230769230770244915262879;0.007692307692307692734701163317;0.027884615384615386163291717025;0.008974358974358973700669039886;0.046474358974358975782337211058;0.029807692307692309346967007855;0.039743589743589741170026741202;0.023076923076923078204103489952;0.009294871794871794809522747016;0.000961538461538461591837645415;0.002884615384615384775512936244;0.009294871794871794809522747016;0.022756410256410255360526306845;0.003525641025641025692177743522;0.009935897435897435292506685300;0.018589743589743589619045494032;0.051602564102564099646208717331;0.014423076923076923877564681220;0.004487179487179486850334519943;0.003846153846153846367350581659;0.024038461538461539795941135367;0.003525641025641025692177743522;0.019551282051282051210883139447;0.000000000000000000000000000000;0.019230769230769231836752908293;0.000641025641025641025085024527;0.010576923076923077510214099561;0.055448717948717946013559298990;0.033974358974358971619000868714;0.027243589743589743945584302764;0.017628205128205128027207848618
-0.034000000000000002442490654175;0.003000000000000000062450045135;0.087999999999999994892974086724;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008999999999999999319988397417;0.001333333333333333288808764117;0.019333333333333334314030338419;0.029666666666666667573348803444;0.042999999999999996558308623662;0.014999999999999999444888487687;0.005000000000000000104083408559;0.004333333333333333134418374755;0.070000000000000006661338147751;0.002000000000000000041633363423;0.021999999999999998723243521681;0.025999999999999998806510248528;0.034000000000000002442490654175;0.003333333333333333547282562037;0.016333333333333331649495079319;0.009666666666666667157015169209;0.022333333333333333509118645566;0.005000000000000000104083408559;0.050666666666666665408413905425;0.025000000000000001387778780781;0.052333333333333335868342572894;0.030666666666666664992080271190;0.000000000000000000000000000000;0.001000000000000000020816681712;0.002000000000000000041633363423;0.010000000000000000208166817117;0.030999999999999999777955395075;0.001333333333333333288808764117;0.012000000000000000249800180541;0.008999999999999999319988397417;0.062333333333333330872338962081;0.018999999999999999528155214534;0.009333333333333334105863521302;0.001000000000000000020816681712;0.012000000000000000249800180541;0.005000000000000000104083408559;0.006666666666666667094565124074;0.000000000000000000000000000000;0.025999999999999998806510248528;0.000666666666666666644404382058;0.018666666666666668211727042603;0.072666666666666671070551331013;0.043666666666666666130058871431;0.017000000000000001221245327088;0.018666666666666668211727042603
-0.031944444444444441977282167500;0.014236111111111110841265237070;0.072222222222222215437525960624;0.034375000000000002775557561563;0.003125000000000000173472347598;0.005555555555555555767577313730;0.004513888888888888464845372539;0.021527777777777777623580135469;0.022916666666666665047591422422;0.046875000000000000000000000000;0.010069444444444445099784424258;0.004513888888888888464845372539;0.005208333333333333044212754004;0.046875000000000000000000000000;0.012152777777777777970524830664;0.021874999999999998612221219219;0.027777777777777776235801354687;0.026041666666666667823148983985;0.002777777777777777883788656865;0.008680555555555555941049661328;0.011805555555555555247160270937;0.018749999999999999306110609609;0.002430555555555555594104966133;0.063888888888888883954564334999;0.021874999999999998612221219219;0.054166666666666668517038374375;0.032986111111111111882099322656;0.005555555555555555767577313730;0.000694444444444444470947164216;0.002430555555555555594104966133;0.009722222222222222376419864531;0.031250000000000000000000000000;0.002430555555555555594104966133;0.007986111111111110494320541875;0.013888888888888888117900677344;0.055208333333333331482961625625;0.010069444444444445099784424258;0.013194444444444444405895033867;0.001736111111111111014737584668;0.013194444444444444405895033867;0.003819444444444444319158860068;0.012847222222222221682530474141;0.000000000000000000000000000000;0.032986111111111111882099322656;0.004513888888888888464845372539;0.025000000000000001387778780781;0.060763888888888888117900677344;0.030902777777777779011358916250;0.013194444444444444405895033867;0.019444444444444444752839729063
-0.020833333333333332176851016015;0.016666666666666666435370203203;0.044444444444444446140618509844;0.249652777777777779011358916250;0.015625000000000000000000000000;0.009027777777777776929690745078;0.004166666666666666608842550801;0.012847222222222221682530474141;0.056597222222222222376419864531;0.027083333333333334258519187188;0.007291666666666666782314898398;0.007638888888888888638317720137;0.004861111111111111188209932266;0.020833333333333332176851016015;0.020486111111111111188209932266;0.010763888888888888811790067734;0.029861111111111112575988713047;0.038194444444444447528397290625;0.014236111111111110841265237070;0.006944444444444444058950338672;0.011805555555555555247160270937;0.032638888888888890893458238907;0.004513888888888888464845372539;0.026041666666666667823148983985;0.012500000000000000693889390391;0.016666666666666666435370203203;0.015625000000000000000000000000;0.013194444444444444405895033867;0.000694444444444444470947164216;0.015277777777777777276635440273;0.012152777777777777970524830664;0.017361111111111111882099322656;0.003125000000000000173472347598;0.003819444444444444319158860068;0.004861111111111111188209932266;0.030555555555555554553270880547;0.008333333333333333217685101602;0.013194444444444444405895033867;0.007638888888888888638317720137;0.014583333333333333564629796797;0.006250000000000000346944695195;0.023263888888888889505679458125;0.000000000000000000000000000000;0.016319444444444445446729119453;0.012152777777777777970524830664;0.010763888888888888811790067734;0.021527777777777777623580135469;0.010069444444444445099784424258;0.008333333333333333217685101602;0.008680555555555555941049661328
-0.024444444444444445724284875610;0.011111111111111111535154627461;0.040000000000000000832667268469;0.254444444444444417552375625746;0.011481481481481481399242738917;0.013703703703703704053218359604;0.003333333333333333547282562037;0.014074074074074073917306471060;0.018888888888888889089345823891;0.019629629629629628817522046802;0.014814814814814815380206169948;0.010000000000000000208166817117;0.013703703703703704053218359604;0.032962962962962964741375770927;0.013333333333333334189130248149;0.018148148148148149361169600979;0.018888888888888889089345823891;0.021851851851851851471497667490;0.011481481481481481399242738917;0.005925925925925925631665425186;0.012592592592592592726230549260;0.016666666666666666435370203203;0.007037037037037036958653235530;0.034814814814814812327092852229;0.019629629629629628817522046802;0.028518518518518519433424529552;0.023703703703703702526661700745;0.011851851851851851263330850372;0.001481481481481481407916356297;0.012592592592592592726230549260;0.007037037037037036958653235530;0.015925925925925926707193980292;0.005925925925925925631665425186;0.005185185185185185036127464286;0.017037037037037038034181790636;0.030370370370370370488588562807;0.005185185185185185036127464286;0.006296296296296296363115274630;0.002592592592592592518063732143;0.018148148148148149361169600979;0.004444444444444444440589503387;0.008888888888888888881179006773;0.000000000000000000000000000000;0.014814814814814815380206169948;0.008518518518518519017090895318;0.011851851851851851263330850372;0.038518518518518521376314822646;0.023703703703703702526661700745;0.018518518518518517490534236458;0.015925925925925926707193980292
-0.024358974358974359170071366520;0.023397435897435897578233721106;0.063461538461538458122390693461;0.005769230769230769551025872488;0.010897435897435896884344330715;0.017948717948717947401338079771;0.002884615384615384775512936244;0.020512820512820512802720784862;0.036538461538461540489830525757;0.025320512820512820761909011935;0.016987179487179485809500434357;0.007051282051282051384355487045;0.014743589743589743251694912374;0.035897435897435894802676159543;0.015384615384615385469402326635;0.009935897435897435292506685300;0.030448717948717948095227470162;0.052243589743589745333363083546;0.008653846153846154326538808732;0.015705128205128204843532557788;0.013141025641025641176873328675;0.027243589743589743945584302764;0.011217948717948717993198037846;0.028525641025641024911552179333;0.027564102564102563319714533918;0.024038461538461539795941135367;0.031410256410256409687065115577;0.042307692307692310040856398246;0.000641025641025641025085024527;0.015064102564102564360548619504;0.006410256410256410034009810772;0.020192307692307693428590553708;0.011538461538461539102051744976;0.009935897435897435292506685300;0.015705128205128204843532557788;0.041346153846153844979571800877;0.017628205128205128027207848618;0.005769230769230769551025872488;0.004166666666666666608842550801;0.024038461538461539795941135367;0.006089743589743589792517841630;0.031730769230769229061195346731;0.000000000000000000000000000000;0.013782051282051281659857266959;0.005448717948717948442172165358;0.009935897435897435292506685300;0.041346153846153844979571800877;0.028525641025641024911552179333;0.031089743589743590312934884423;0.016025641025641024217662788942
-0.019774011299435029914706163368;0.022881355932203389924595171578;0.068079096045197740050269885614;0.000564971751412429398254977375;0.001412429378531073441427334814;0.013841807909604519552515533576;0.003107344632768361744612484188;0.015536723163841808723062420938;0.058757062146892656551155909028;0.029096045197740113413820139954;0.012994350282485874967242089895;0.016666666666666666435370203203;0.009322033898305085233837452563;0.042655367231638416369854382992;0.011299435028248587531418678509;0.019774011299435029914706163368;0.034745762711864407179529479208;0.051694915254237285007210545018;0.004237288135593220324282004441;0.014971751412429378999546791817;0.010169491525423728084387420267;0.033333333333333332870740406406;0.012429378531073446978449936751;0.032485875706214688285466962725;0.020903954802259885892290469656;0.025423728813559323680415502622;0.021468926553672315615806098776;0.027401129943502824243273252591;0.001694915254237288086344714877;0.013276836158192089828999904455;0.021186440677966100754048284216;0.023728813559322034509868615260;0.005084745762711864042193710134;0.006497175141242937483621044947;0.020338983050847456168774840535;0.046045197740112994710948157717;0.010169491525423728084387420267;0.014406779661016949276031162697;0.007627118644067796930652303189;0.023446327683615819648110800699;0.004519774011299435186039819001;0.024858757062146893956899873501;0.000000000000000000000000000000;0.020056497175141241307017025974;0.003107344632768361744612484188;0.012711864406779661840207751311;0.046610169491525424434463786838;0.023446327683615819648110800699;0.023728813559322034509868615260;0.012429378531073446978449936751
-0.030606060606060605383538231195;0.013333333333333334189130248149;0.079696969696969696683730433051;0.010606060606060606701928072937;0.007878787878787879214725897725;0.022424242424242422921931705559;0.004848484848484848480643094604;0.015757575757575758429451795450;0.025454545454545455390737984658;0.029999999999999998889776975375;0.011515151515151514707846480690;0.013333333333333334189130248149;0.014242424242424242195048655901;0.044545454545454547801153211140;0.009090909090909090467524933388;0.021212121212121213403856145874;0.034848484848484850839867021932;0.037878787878787879839226349077;0.011515151515151514707846480690;0.013636363636363635701287400082;0.013030303030303030942249620239;0.026363636363636363396656392410;0.008484848484848485708487153545;0.036969696969696971833307941324;0.030303030303030303871381079261;0.031818181818181814901613790880;0.023030303030303029415692961379;0.016363636363636364923213051270;0.002424242424242424240321547302;0.021515151515151514916013297807;0.018787878787878787428811122595;0.023030303030303029415692961379;0.004848484848484848480643094604;0.006060606060606060600803868255;0.018181818181818180935049866775;0.050606060606060605799871865429;0.012424242424242424448488364419;0.014848484848484848688809911721;0.006969696969696969474084013996;0.026060606060606061884499240477;0.004848484848484848480643094604;0.019090909090909092410415226482;0.000000000000000000000000000000;0.019393939393939393922572378415;0.006363636363636363847684496164;0.010909090909090909948808700847;0.038787878787878787845144756830;0.024545454545454543915372624951;0.021212121212121213403856145874;0.010303030303030303455047445027
-0.014285714285714285268213963320;0.014625850340136054006379140446;0.053401360544217686687762380870;0.321088435374149661072351591429;0.009863945578231291672066660681;0.010544217687074829148397014933;0.002721088435374149471640548015;0.011224489795918366624727369185;0.032653061224489798863857004108;0.018707482993197278864361265960;0.008843537414965987192294605279;0.013265306122448979053718431942;0.003741496598639455686136079393;0.015986394557823128959039848951;0.013605442176870747791883609068;0.017346938775510203911700557455;0.029931972789115645489088635145;0.030272108843537415961977288248;0.012925170068027210315553254816;0.009863945578231291672066660681;0.005442176870748298943281096030;0.017687074829931974384589210558;0.003061224489795918209805725141;0.024489795918367345678445801127;0.012244897959183672839222900564;0.015646258503401361955598147802;0.013945578231292516530048786194;0.023809523809523808202115446875;0.003061224489795918209805725141;0.013265306122448979053718431942;0.013945578231292516530048786194;0.019047619047619049337249919063;0.003741496598639455686136079393;0.007482993197278911372272158786;0.005782312925170067681446273156;0.034353741496598637350512461808;0.005102040816326530205115918903;0.009523809523809524668624959531;0.011904761904761904101057723437;0.009863945578231291672066660681;0.008843537414965987192294605279;0.017006802721088436908258856306;0.000000000000000000000000000000;0.012244897959183672839222900564;0.007482993197278911372272158786;0.007142857142857142634106981660;0.023809523809523808202115446875;0.010884353741496597886562192059;0.009863945578231291672066660681;0.004421768707482993596147302640
-0.026543209876543211178656633820;0.007407407407407407690103084974;0.074691358024691359429603210174;0.199074074074074069962136945833;0.003086419753086419581755706076;0.012962962962962962590318660716;0.001234567901234567876070369330;0.007716049382716048954389265191;0.025000000000000001387778780781;0.022839506172839505598881615356;0.010185185185185186007572610833;0.002777777777777777883788656865;0.012962962962962962590318660716;0.041049382716049381825129671597;0.008024691358024691953398921385;0.016358024691358025171084022986;0.023148148148148146863167795573;0.031172839506172840551290192934;0.002160493827160493620492820455;0.014814814814814815380206169948;0.004320987654320987240985640909;0.031790123456790123079862553368;0.009876543209876543008562954640;0.030555555555555554553270880547;0.025925925925925925180637321432;0.030246913580246913288984700330;0.018827160493827162224267368629;0.008333333333333333217685101602;0.001851851851851851922525771243;0.000925925925925925961262885622;0.004938271604938271504281477320;0.017592592592592593697675695807;0.001234567901234567876070369330;0.010185185185185186007572610833;0.021913580246913581806023074705;0.037654320987654324448534737257;0.010185185185185186007572610833;0.009259259259259258745267118229;0.010185185185185186007572610833;0.023148148148148146863167795573;0.005555555555555555767577313730;0.010802469135802468536144971267;0.000000000000000000000000000000;0.017592592592592593697675695807;0.002160493827160493620492820455;0.008950617283950617480980938012;0.039197530864197534239412590296;0.028086419753086420969534486858;0.020061728395061727281412089496;0.015432098765432097908778530382
-0.027083333333333334258519187188;0.012500000000000000693889390391;0.065416666666666664631257788187;0.010416666666666666088425508008;0.030833333333333334119741309109;0.016666666666666666435370203203;0.001250000000000000026020852140;0.015833333333333334674852821422;0.042500000000000003053113317719;0.026249999999999999028554853453;0.014999999999999999444888487687;0.007499999999999999722444243844;0.013333333333333334189130248149;0.041666666666666664353702032031;0.010833333333333333703407674875;0.019583333333333334536074943344;0.020000000000000000416333634234;0.029999999999999998889776975375;0.005416666666666666851703837438;0.014583333333333333564629796797;0.006666666666666667094565124074;0.032916666666666663521034763562;0.017500000000000001665334536938;0.032500000000000001110223024625;0.027500000000000000138777878078;0.041666666666666664353702032031;0.019583333333333334536074943344;0.011249999999999999583666365766;0.000833333333333333386820640509;0.010833333333333333703407674875;0.007916666666666667337426410711;0.018333333333333333425851918719;0.004583333333333333356462979680;0.015833333333333334674852821422;0.031666666666666669349705642844;0.035416666666666665741480812812;0.012083333333333333078907223523;0.009583333333333332593184650250;0.014166666666666665949647629930;0.033750000000000002220446049250;0.001250000000000000026020852140;0.012500000000000000693889390391;0.000000000000000000000000000000;0.019583333333333334536074943344;0.007083333333333332974823814965;0.014999999999999999444888487687;0.049166666666666664076146275875;0.037916666666666667961926862063;0.028750000000000001249000902703;0.017500000000000001665334536938
-0.026969696969696969890417648230;0.015454545454545455182571167541;0.070000000000000006661338147751;0.004545454545454545233762466694;0.005151515151515151727523722514;0.016363636363636364923213051270;0.002424242424242424240321547302;0.018484848484848485916653970662;0.038484848484848482863540652943;0.024242424242424242403215473018;0.016969696969696971416974307090;0.017272727272727272929131459023;0.013939393939393938948168027991;0.040303030303030305814271372356;0.014848484848484848688809911721;0.014545454545454545441929283811;0.023333333333333334397297065266;0.042424242424242426807712291748;0.009090909090909090467524933388;0.011212121212121211460965852780;0.006060606060606060600803868255;0.030303030303030303871381079261;0.018787878787878787428811122595;0.033333333333333332870740406406;0.025454545454545455390737984658;0.031818181818181814901613790880;0.029999999999999998889776975375;0.026363636363636363396656392410;0.002121212121212121427121788386;0.015454545454545455182571167541;0.013636363636363635701287400082;0.019090909090909092410415226482;0.007272727272727272720964641906;0.012424242424242424448488364419;0.033030303030303027889136302520;0.035454545454545453864181325798;0.012424242424242424448488364419;0.010000000000000000208166817117;0.010000000000000000208166817117;0.033939393939393942833948614179;0.002727272727272727487202175212;0.015151515151515151935690539631;0.000000000000000000000000000000;0.016060606060606059941608947383;0.005151515151515151727523722514;0.010303030303030303455047445027;0.037575757575757574857622245190;0.032424242424242424864821998653;0.029090909090909090883858567622;0.018484848484848485916653970662
-0.025000000000000001387778780781;0.014682539682539682418527249297;0.067857142857142851988250242812;0.000793650793650793650105268462;0.002777777777777777883788656865;0.016666666666666666435370203203;0.000793650793650793650105268462;0.023412698412698412786525636875;0.024206349206349207087152208828;0.039285714285714284921269268125;0.011904761904761904101057723437;0.021428571428571428769682682969;0.011507936507936508685467913438;0.045238095238095236971798129844;0.010714285714285714384841341484;0.016269841269841271019780393203;0.025396825396825396803368590781;0.038095238095238098674499838125;0.009523809523809524668624959531;0.012698412698412698401684295391;0.012301587301587301251371009414;0.028571428571428570536427926640;0.013888888888888888117900677344;0.043253968253968252954955175937;0.025396825396825396803368590781;0.039682539682539680336859078125;0.033333333333333332870740406406;0.023015873015873017370935826875;0.000793650793650793650105268462;0.009920634920634920084214769531;0.017460317460317460735996775156;0.024603174603174602502742018828;0.010714285714285714384841341484;0.009920634920634920084214769531;0.016269841269841271019780393203;0.043650793650793648370544985937;0.010714285714285714384841341484;0.007142857142857142634106981660;0.004365079365079365183999193789;0.023809523809523808202115446875;0.005158730158730158617264027754;0.017857142857142856151586585156;0.000000000000000000000000000000;0.026984126984126985404621734688;0.004761904761904762334312479766;0.015873015873015872134743631250;0.048412698412698414174304417656;0.025000000000000001387778780781;0.023412698412698412786525636875;0.015476190476190476719153821250
-0.041358024691358026558862803768;0.004629629629629629372633559115;0.071913580246913577642686732361;0.000000000000000000000000000000;0.000925925925925925961262885622;0.010185185185185186007572610833;0.002160493827160493620492820455;0.015740740740740739173064710599;0.020987654320987654543717582101;0.045061728395061728669190870278;0.017592592592592593697675695807;0.009259259259259258745267118229;0.010493827160493827271858791050;0.058950617283950616787091547621;0.004629629629629629372633559115;0.020987654320987654543717582101;0.020987654320987654543717582101;0.022530864197530864334595435139;0.005864197530864197899225231936;0.014197530864197531116910333537;0.019753086419753086017125909279;0.019444444444444444752839729063;0.006790123456790123426807248563;0.063271604938271608364885878473;0.038271604938271606977107097691;0.049382716049382713308091297222;0.028395061728395062233820667075;0.001543209876543209790877853038;0.000617283950617283938035184665;0.005246913580246913635929395525;0.010185185185185186007572610833;0.025925925925925925180637321432;0.006172839506172839163511412153;0.009567901234567901744276774423;0.016049382716049383906797842769;0.053086419753086422357313267639;0.012962962962962962590318660716;0.007407407407407407690103084974;0.002160493827160493620492820455;0.014197530864197531116910333537;0.004320987654320987240985640909;0.005555555555555555767577313730;0.000000000000000000000000000000;0.029012345679012344762393027509;0.001234567901234567876070369330;0.019135802469135803488553548846;0.059876543209876544049397040226;0.045061728395061728669190870278;0.025925925925925925180637321432;0.020987654320987654543717582101
-0.045925925925925925596970955667;0.006666666666666667094565124074;0.051111111111111114102545371907;0.005185185185185185036127464286;0.002222222222222222220294751693;0.015555555555555555108382392859;0.001111111111111111110147375847;0.018148148148148149361169600979;0.022222222222222223070309254922;0.031481481481481478346129421197;0.010370370370370370072254928573;0.012222222222222222862142437805;0.011851851851851851263330850372;0.052222222222222225429533182250;0.008518518518518519017090895318;0.035925925925925923654080662573;0.031481481481481478346129421197;0.027037037037037036507625131776;0.007037037037037036958653235530;0.008888888888888888881179006773;0.016296296296296294836558615771;0.020740740740740740144509857146;0.005925925925925925631665425186;0.058888888888888886452566140406;0.040370370370370368962031903948;0.040370370370370368962031903948;0.027407407407407408106436719208;0.007037037037037036958653235530;0.001851851851851851922525771243;0.005185185185185185036127464286;0.008148148148148147418279307885;0.019259259259259260688157411323;0.005925925925925925631665425186;0.009259259259259258745267118229;0.022222222222222223070309254922;0.042222222222222223486642889156;0.013333333333333334189130248149;0.012222222222222222862142437805;0.008148148148148147418279307885;0.013333333333333334189130248149;0.005555555555555555767577313730;0.012222222222222222862142437805;0.000000000000000000000000000000;0.024444444444444445724284875610;0.006296296296296296363115274630;0.014444444444444443781394582516;0.057407407407407406996213694583;0.040370370370370368962031903948;0.033333333333333332870740406406;0.022592592592592591199673890401
-0.049242424242424240321547301846;0.004545454545454545233762466694;0.041666666666666664353702032031;0.001515151515151515150200967064;0.010984848484848484459486250842;0.037499999999999998612221219219;0.002272727272727272616881233347;0.014772727272727272443408885749;0.032196969696969696128618920739;0.017424242424242425419933510966;0.018560606060606062162054996634;0.021590909090909091161414323778;0.020075757575757576661734660206;0.047348484848484848064309460369;0.004924242424242423858682382587;0.040151515151515153323469320412;0.011742424242424241709326082628;0.022727272727272727903535809446;0.010606060606060606701928072937;0.006439393939393939225723784148;0.018560606060606062162054996634;0.024621212121212120160773650923;0.005303030303030303350964036468;0.026893939393939393645016622258;0.066666666666666665741480812812;0.043560606060606063549833777415;0.024242424242424242403215473018;0.002272727272727272616881233347;0.000378787878787878787550241766;0.030681818181818181628939257166;0.031818181818181814901613790880;0.006439393939393939225723784148;0.009469696969696969959806587269;0.011742424242424241709326082628;0.027272727272727271402574800163;0.025000000000000001387778780781;0.012121212121212121201607736509;0.018181818181818180935049866775;0.001136363636363636308440616673;0.015151515151515151935690539631;0.003409090909090908925321850020;0.012878787878787878451447568295;0.000000000000000000000000000000;0.015151515151515151935690539631;0.005303030303030303350964036468;0.009090909090909090467524933388;0.040151515151515153323469320412;0.042803030303030301095823517699;0.029924242424242422644375949403;0.023484848484848483418652165255
-0.029487179487179486503389824748;0.037820512820512817986351450372;0.045192307692307691346922382536;0.016025641025641024217662788942;0.036538461538461540489830525757;0.034935897435897436680285466082;0.002243589743589743425167259971;0.015064102564102564360548619504;0.043589743589743587537377322860;0.011538461538461539102051744976;0.014102564102564102768710974090;0.033974358974358971619000868714;0.011858974358974358476181976130;0.025320512820512820761909011935;0.022756410256410255360526306845;0.032371794871794874748349712945;0.016666666666666666435370203203;0.041987179487179483727832263185;0.014102564102564102768710974090;0.003205128205128205017004905386;0.013141025641025641176873328675;0.021474358974358974394558430276;0.003846153846153846367350581659;0.017307692307692308653077617464;0.049679487179487176462533426502;0.026282051282051282353746657350;0.026602564102564101727876888503;0.041666666666666664353702032031;0.000961538461538461591837645415;0.028846153846153847755129362440;0.049679487179487176462533426502;0.008653846153846154326538808732;0.005769230769230769551025872488;0.008333333333333333217685101602;0.011858974358974358476181976130;0.012500000000000000693889390391;0.007371794871794871625847456187;0.017948717948717947401338079771;0.003525641025641025692177743522;0.014102564102564102768710974090;0.006089743589743589792517841630;0.047115384615384614530597673365;0.000000000000000000000000000000;0.008012820512820512108831394471;0.009294871794871794809522747016;0.008333333333333333217685101602;0.017628205128205128027207848618;0.014423076923076923877564681220;0.016987179487179485809500434357;0.013782051282051281659857266959
-0.044444444444444446140618509844;0.011481481481481481399242738917;0.064074074074074074958140556646;0.004444444444444444440589503387;0.002222222222222222220294751693;0.021481481481481479872686080057;0.001481481481481481407916356297;0.015925925925925926707193980292;0.041851851851851848418384349770;0.027777777777777776235801354687;0.014074074074074073917306471060;0.021481481481481479872686080057;0.011111111111111111535154627461;0.045185185185185182399347780802;0.008888888888888888881179006773;0.031851851851851853414387960584;0.026666666666666668378260496297;0.042222222222222223486642889156;0.009629629629629630344078705662;0.014074074074074073917306471060;0.015925925925925926707193980292;0.028518518518518519433424529552;0.006296296296296296363115274630;0.037037037037037034981068472916;0.042592592592592591616007524635;0.037037037037037034981068472916;0.024814814814814813853649511088;0.012222222222222222862142437805;0.002962962962962962815832712593;0.007037037037037036958653235530;0.020370370370370372015145221667;0.022962962962962962798485477833;0.004444444444444444440589503387;0.009629629629629630344078705662;0.012962962962962962590318660716;0.038518518518518521376314822646;0.008888888888888888881179006773;0.018518518518518517490534236458;0.001481481481481481407916356297;0.018888888888888889089345823891;0.004074074074074073709139653943;0.017777777777777777762358013547;0.000000000000000000000000000000;0.014814814814814815380206169948;0.003333333333333333547282562037;0.010000000000000000208166817117;0.045925925925925925596970955667;0.029999999999999998889776975375;0.022592592592592591199673890401;0.020000000000000000416333634234
-0.026829268292682926372316742913;0.011788617886178862428914193572;0.050813008130081299684732698552;0.219512195121951220189160380869;0.027642276422764226750938831856;0.015853658536585366056748114261;0.001219512195121951218454436905;0.014634146341463415488814980847;0.021951219512195120631137257305;0.033333333333333332870740406406;0.008130081300813008990391317354;0.007723577235772357933718534895;0.004471544715447154684506703148;0.034552845528455285173397015797;0.013008130081300812996847326986;0.022357723577235772555171777753;0.030081300813008131356252050637;0.034959349593495933627984584291;0.008943089430894309369013406297;0.006504065040650406498423663493;0.008536585365853659179702361826;0.018699186991869919116648901536;0.004878048780487804873817747620;0.031300813008130083658908660027;0.030894308943089431734874139579;0.029268292682926830977629961694;0.019512195121951219495270990478;0.008943089430894309369013406297;0.000406504065040650406151478968;0.002845528455284553059900787275;0.012195121951219512618225238043;0.018292682926829267192614381088;0.002439024390243902436908873810;0.003252032520325203249211831746;0.007723577235772357933718534895;0.039024390243902438990541980957;0.008536585365853659179702361826;0.013414634146341463186158371457;0.001219512195121951218454436905;0.005284552845528455063128792091;0.007723577235772357933718534895;0.015853658536585366056748114261;0.000000000000000000000000000000;0.020325203252032519873893079421;0.004065040650406504495195658677;0.009756097560975609747635495239;0.034146341463414636718809447302;0.025609756097560974069660133523;0.010162601626016259936946539710;0.011382113821138212239603149101
-0.030555555555555554553270880547;0.006944444444444444058950338672;0.052430555555555556634939051719;0.342013888888888895056794581251;0.002083333333333333304421275400;0.017013888888888887424011286953;0.002083333333333333304421275400;0.009027777777777776929690745078;0.009374999999999999653055304805;0.018749999999999999306110609609;0.013194444444444444405895033867;0.026041666666666667823148983985;0.006250000000000000346944695195;0.029513888888888888117900677344;0.014930555555555556287994356524;0.019444444444444444752839729063;0.011458333333333332523795711211;0.018402777777777778317469525859;0.004513888888888888464845372539;0.006944444444444444058950338672;0.012847222222222221682530474141;0.009027777777777776929690745078;0.002083333333333333304421275400;0.025694444444444443365060948281;0.031944444444444441977282167500;0.029166666666666667129259593594;0.018055555555555553859381490156;0.003125000000000000173472347598;0.000694444444444444470947164216;0.009027777777777776929690745078;0.016666666666666666435370203203;0.019444444444444444752839729063;0.001736111111111111014737584668;0.003819444444444444319158860068;0.004861111111111111188209932266;0.031250000000000000000000000000;0.008680555555555555941049661328;0.011458333333333332523795711211;0.000347222222222222235473582108;0.004513888888888888464845372539;0.006250000000000000346944695195;0.003472222222222222029475169336;0.000000000000000000000000000000;0.014236111111111110841265237070;0.002777777777777777883788656865;0.008680555555555555941049661328;0.030555555555555554553270880547;0.023611111111111110494320541875;0.011458333333333332523795711211;0.013541666666666667129259593594
-0.041228070175438599753725554820;0.008479532163742689240826244657;0.035964912280701755165068789211;0.082163742690058480522274919622;0.019298245614035088729698586008;0.028947368421052631359824403035;0.006140350877192982462227099916;0.021929824561403507554580016858;0.003508771929824561468941324094;0.032456140350877189792999644169;0.012573099415204678705459961918;0.048830409356725147651534513216;0.012573099415204678705459961918;0.038596491228070177459397172015;0.019883040935672516291710110181;0.040643274853801168722267078692;0.008479532163742689240826244657;0.009649122807017544364849293004;0.016374269005847954389087917093;0.004093567251461988597271979273;0.017251461988304093997381727377;0.004970760233918129072927527545;0.004093567251461988597271979273;0.042982456140350878970313175387;0.044152046783625734094336223734;0.046198830409356725357206130411;0.022514619883040935116591541032;0.014035087719298245875765296375;0.001754385964912280734470662047;0.021637426900584795508297730748;0.031871345029239765700435071949;0.014035087719298245875765296375;0.003801169590643274816266217186;0.006725146198830409156876886101;0.012573099415204678705459961918;0.030701754385964910576412023602;0.007894736842105263413538196460;0.011111111111111111535154627461;0.000000000000000000000000000000;0.004970760233918129072927527545;0.009649122807017544364849293004;0.000292397660818713455745110341;0.000000000000000000000000000000;0.025438596491228069457202209946;0.011403508771929825316160389548;0.014912280701754385484059106659;0.042982456140350878970313175387;0.027485380116959064189519068577;0.014327485380116959656771058462;0.018421052631578945651957823770
-0.008771929824561403021832006743;0.012573099415204678705459961918;0.032163742690058477746717358059;0.145906432748538011923145063520;0.009356725146198830583843530917;0.002631578947368420993285775822;0.010233918128654970192137341201;0.037134502923976610289091837558;0.000877192982456140367235331023;0.044736842105263158186900795954;0.009941520467836258145855055091;0.000584795321637426911490220682;0.009064327485380116802837768830;0.046198830409356725357206130411;0.023099415204678362678603065206;0.006432748538011696243232862003;0.007017543859649122937882648188;0.013157894736842104532748010115;0.008187134502923977194543958547;0.004970760233918129072927527545;0.012573099415204678705459961918;0.001754385964912280734470662047;0.022514619883040935116591541032;0.072514619883040934422702150641;0.007894736842105263413538196460;0.045029239766081870233183082064;0.034502923976608187994763454753;0.008187134502923977194543958547;0.005847953216374268681221337829;0.002339181286549707645960882729;0.000000000000000000000000000000;0.024561403508771929848908399663;0.010526315789473683973143103287;0.017836257309941521559393251550;0.042105263157894735892572413150;0.034795321637426900041045740863;0.008771929824561403021832006743;0.001754385964912280734470662047;0.000000000000000000000000000000;0.011403508771929825316160389548;0.012280701754385964924454199831;0.003216374269005848121616431001;0.000000000000000000000000000000;0.041228070175438599753725554820;0.012280701754385964924454199831;0.030701754385964910576412023602;0.035964912280701755165068789211;0.022222222222222223070309254922;0.022514619883040935116591541032;0.021637426900584795508297730748
-0.011111111111111111535154627461;0.005555555555555555767577313730;0.035042735042735043138328876466;0.149572649572649568616711235336;0.007692307692307692734701163317;0.000854700854700854700113366036;0.008119658119658120301598280832;0.035470085470085468970502518005;0.002564102564102564100340098108;0.050000000000000002775557561563;0.012820512820512820068019621544;0.000000000000000000000000000000;0.004273504273504273934247699174;0.039316239316239315337853099663;0.035897435897435894802676159543;0.008974358974358973700669039886;0.012393162393162392501122504029;0.017948717948717947401338079771;0.011965811965811966668948862491;0.004273504273504273934247699174;0.012393162393162392501122504029;0.003418803418803418800453464144;0.007264957264957265167804045802;0.066239316239316239909307171274;0.007264957264957265167804045802;0.044017094017094020308444868306;0.039316239316239315337853099663;0.007264957264957265167804045802;0.003418803418803418800453464144;0.004700854700854700633783078700;0.000427350427350427350056683018;0.030341880341880341637184059778;0.007692307692307692734701163317;0.016666666666666666435370203203;0.020512820512820512802720784862;0.055555555555555552471602709375;0.011965811965811966668948862491;0.005128205128205128200680196215;0.000000000000000000000000000000;0.007692307692307692734701163317;0.011111111111111111535154627461;0.000427350427350427350056683018;0.000000000000000000000000000000;0.040170940170940173941094286647;0.017948717948717947401338079771;0.029059829059829060671216183209;0.043162393162393161705203681322;0.020940170940170938634894426400;0.020512820512820512802720784862;0.011538461538461539102051744976
-0.008641975308641974481971281818;0.021604938271604937072289942535;0.029012345679012344762393027509;0.167901234567901236349740656806;0.021296296296296295808003762318;0.006172839506172839163511412153;0.011728395061728395798450463872;0.040432098765432099296557311163;0.000925925925925925961262885622;0.025925925925925925180637321432;0.012037037037037037062736644089;0.002160493827160493620492820455;0.008950617283950617480980938012;0.035185185185185187395351391615;0.081790123456790125855420114931;0.008333333333333333217685101602;0.004012345679012345976699460692;0.019135802469135803488553548846;0.024074074074074074125473288177;0.004629629629629629372633559115;0.011728395061728395798450463872;0.001543209876543209790877853038;0.010493827160493827271858791050;0.041975308641975309087435164201;0.005864197530864197899225231936;0.034567901234567897927885127274;0.041049382716049381825129671597;0.023765432098765432861187107960;0.006790123456790123426807248563;0.009567901234567901744276774423;0.001234567901234567876070369330;0.018209876543209876226248056241;0.014814814814814815380206169948;0.010802469135802468536144971267;0.014506172839506172381196513754;0.027160493827160493707228994253;0.009567901234567901744276774423;0.004012345679012345976699460692;0.000308641975308641969017592332;0.008333333333333333217685101602;0.010802469135802468536144971267;0.002777777777777777883788656865;0.000000000000000000000000000000;0.021913580246913581806023074705;0.030555555555555554553270880547;0.015740740740740739173064710599;0.032407407407407405608434913802;0.017901234567901234961961876024;0.020370370370370372015145221667;0.017283950617283948963942563637
-0.007246376811594202986543944434;0.020289855072463766627599568437;0.031521739130434781039902247812;0.192028985507246369168754540624;0.026449275362318839383002355703;0.004710144927536232158093998379;0.011231884057971014412302679375;0.042753623188405795452204927187;0.001811594202898550746635986108;0.028985507246376811946175777734;0.011231884057971014412302679375;0.000362318840579710149327197222;0.003623188405797101493271972217;0.029710144927536232678511041172;0.063768115942028982812139759062;0.006884057971014492620376312715;0.005797101449275362389235155547;0.019927536231884056261431936719;0.020652173913043476993767200156;0.004347826086956521791926366660;0.017391304347826087167705466641;0.001449275362318840597308788887;0.015942028985507245703034939766;0.038768115942028988363254882188;0.006159420289855072755402787266;0.032971014492753622504572774687;0.043840579710144926550707822344;0.016304347826086956069202571484;0.002898550724637681194617577773;0.010869565217391304046135047656;0.000362318840579710149327197222;0.018115942028985507900040730078;0.017391304347826087167705466641;0.018478260869565218266208361797;0.005072463768115941656899892109;0.030797101449275363777013936328;0.009057971014492753950020365039;0.001449275362318840597308788887;0.000000000000000000000000000000;0.005072463768115941656899892109;0.018115942028985507900040730078;0.002173913043478260895963183330;0.000000000000000000000000000000;0.021014492753623187359934831875;0.027536231884057970481505250859;0.015942028985507245703034939766;0.036956521739130436532416723594;0.017028985507246376801537834922;0.017391304347826087167705466641;0.018115942028985507900040730078
-0.013333333333333334189130248149;0.019583333333333334536074943344;0.032500000000000001110223024625;0.183333333333333320380731379373;0.007083333333333332974823814965;0.002916666666666666799662133158;0.007916666666666667337426410711;0.041666666666666664353702032031;0.002083333333333333304421275400;0.041250000000000001942890293094;0.008333333333333333217685101602;0.000833333333333333386820640509;0.004166666666666666608842550801;0.036666666666666666851703837438;0.037083333333333336201409480282;0.007499999999999999722444243844;0.010000000000000000208166817117;0.025000000000000001387778780781;0.015833333333333334674852821422;0.004583333333333333356462979680;0.020416666666666666296592325125;0.004583333333333333356462979680;0.003333333333333333547282562037;0.059583333333333335368742211813;0.012083333333333333078907223523;0.036249999999999997501998194593;0.027916666666666666019036568969;0.021250000000000001526556658860;0.006666666666666667094565124074;0.005416666666666666851703837438;0.000416666666666666693410320255;0.024583333333333332038073137937;0.006250000000000000346944695195;0.014583333333333333564629796797;0.008750000000000000832667268469;0.035833333333333335091186455656;0.012500000000000000693889390391;0.002916666666666666799662133158;0.000000000000000000000000000000;0.006250000000000000346944695195;0.013750000000000000069388939039;0.003749999999999999861222121922;0.000000000000000000000000000000;0.037499999999999998612221219219;0.019166666666666665186369300500;0.024166666666666666157814447047;0.039166666666666669072149886688;0.021666666666666667406815349750;0.014583333333333333564629796797;0.014999999999999999444888487687
-0.003749999999999999861222121922;0.010416666666666666088425508008;0.028750000000000001249000902703;0.383333333333333359238537241254;0.022499999999999999167332731531;0.001250000000000000026020852140;0.016666666666666666435370203203;0.030416666666666668239482618219;0.000416666666666666693410320255;0.026249999999999999028554853453;0.005000000000000000104083408559;0.000416666666666666693410320255;0.001250000000000000026020852140;0.028750000000000001249000902703;0.048750000000000001665334536938;0.004166666666666666608842550801;0.004583333333333333356462979680;0.006250000000000000346944695195;0.014583333333333333564629796797;0.002500000000000000052041704279;0.016250000000000000555111512313;0.000416666666666666693410320255;0.001666666666666666773641281019;0.044166666666666666574148081281;0.005000000000000000104083408559;0.028333333333333331899295259859;0.025833333333333333148296162562;0.017500000000000001665334536938;0.003333333333333333547282562037;0.003749999999999999861222121922;0.000000000000000000000000000000;0.018333333333333333425851918719;0.002500000000000000052041704279;0.009583333333333332593184650250;0.005833333333333333599324266316;0.022499999999999999167332731531;0.006666666666666667094565124074;0.000833333333333333386820640509;0.000000000000000000000000000000;0.001250000000000000026020852140;0.014583333333333333564629796797;0.000833333333333333386820640509;0.000000000000000000000000000000;0.025000000000000001387778780781;0.020416666666666666296592325125;0.019583333333333334536074943344;0.028750000000000001249000902703;0.013333333333333334189130248149;0.010833333333333333703407674875;0.012916666666666666574148081281
-0.007723577235772357933718534895;0.004878048780487804873817747620;0.034552845528455285173397015797;0.336991869918699171737586084419;0.005691056910569106119801574550;0.000813008130081300812302957937;0.012195121951219512618225238043;0.025203252032520325615072565029;0.002032520325203252247597829339;0.043902439024390241262274514611;0.009349593495934959558324450768;0.000000000000000000000000000000;0.000813008130081300812302957937;0.042682926829268295898511809128;0.026829268292682926372316742913;0.006910569105691056687734707964;0.006097560975609756309112619022;0.008130081300813008990391317354;0.002439024390243902436908873810;0.003658536585365853872203745212;0.013008130081300812996847326986;0.002032520325203252247597829339;0.001219512195121951218454436905;0.063008130081300808833510984641;0.003658536585365853872203745212;0.040243902439024391293198590347;0.029674796747967479432217530189;0.006910569105691056687734707964;0.003658536585365853872203745212;0.001626016260162601624605915873;0.000406504065040650406151478968;0.025203252032520325615072565029;0.001219512195121951218454436905;0.012601626016260162807536282514;0.008536585365853659179702361826;0.037804878048780486687885371566;0.007317073170731707744407490424;0.001626016260162601624605915873;0.000000000000000000000000000000;0.003252032520325203249211831746;0.015447154471544715867437069790;0.000406504065040650406151478968;0.000000000000000000000000000000;0.028048780487804878674973352304;0.014634146341463415488814980847;0.018699186991869919116648901536;0.039024390243902438990541980957;0.015853658536585366056748114261;0.010162601626016259936946539710;0.013821138211382113375469415928
-0.016250000000000000555111512313;0.017500000000000001665334536938;0.032916666666666663521034763562;0.170416666666666660745477201999;0.017500000000000001665334536938;0.007916666666666667337426410711;0.012916666666666666574148081281;0.029999999999999998889776975375;0.001666666666666666773641281019;0.034166666666666664631257788187;0.015833333333333334674852821422;0.000833333333333333386820640509;0.014999999999999999444888487687;0.031666666666666669349705642844;0.038749999999999999722444243844;0.005416666666666666851703837438;0.008333333333333333217685101602;0.029999999999999998889776975375;0.017500000000000001665334536938;0.002500000000000000052041704279;0.022916666666666665047591422422;0.005416666666666666851703837438;0.012500000000000000693889390391;0.046666666666666668794594130532;0.010000000000000000208166817117;0.027500000000000000138777878078;0.042500000000000003053113317719;0.012500000000000000693889390391;0.007499999999999999722444243844;0.010833333333333333703407674875;0.001250000000000000026020852140;0.020416666666666666296592325125;0.013333333333333334189130248149;0.010000000000000000208166817117;0.012083333333333333078907223523;0.031666666666666669349705642844;0.012500000000000000693889390391;0.005000000000000000104083408559;0.000000000000000000000000000000;0.011666666666666667198648532633;0.017500000000000001665334536938;0.002916666666666666799662133158;0.000000000000000000000000000000;0.032083333333333331760517381781;0.010833333333333333703407674875;0.031250000000000000000000000000;0.030416666666666668239482618219;0.017083333333333332315628894094;0.018749999999999999306110609609;0.015833333333333334674852821422
-0.008620689655172413673467346484;0.006896551724137930938773877187;0.041091954022988506911584494219;0.165517241379310342530573052500;0.005172413793103448204080407891;0.002298850574712643646257959062;0.006034482758620689571427142539;0.036781609195402298340127345000;0.001724137931034482734693469297;0.047988505747126437850358371406;0.013793103448275861877547754375;0.000574712643678160911564489766;0.007471264367816091850338366953;0.052011494252873560761862847812;0.022413793103448275551015100859;0.010057471264367815952378570898;0.006896551724137930938773877187;0.012356321839080459598636529961;0.010632183908045976863943060664;0.003735632183908045925169183477;0.014367816091954022789112244141;0.002011494252873563190475714180;0.007471264367816091850338366953;0.068390804597701151945621234063;0.012643678160919540054418774844;0.054022988505747125687062037969;0.036781609195402298340127345000;0.002586206896551724102040203945;0.003448275862068965469386938594;0.004022988505747126380951428359;0.000862068965517241367346734648;0.030459770114942528312917957578;0.006034482758620689571427142539;0.014367816091954022789112244141;0.010632183908045976863943060664;0.047701149425287359129299602500;0.008333333333333333217685101602;0.003448275862068965469386938594;0.000000000000000000000000000000;0.004022988505747126380951428359;0.014655172413793103244894489023;0.000862068965517241367346734648;0.000000000000000000000000000000;0.036206896551724140898009807188;0.008333333333333333217685101602;0.026724137931034484122472250078;0.057758620689655169877507745468;0.026724137931034484122472250078;0.015804597701149426802746944531;0.019252873563218392272133883125
-0.009782608695652174682355628477;0.022101449275362318458437727031;0.035144927536231884701578565000;0.192391304347826086473816076250;0.025000000000000001387778780781;0.002898550724637681194617577773;0.011956521739130435144637942813;0.026811594202898549749169987422;0.001449275362318840597308788887;0.031159420289855074143181568047;0.010144927536231883313799784219;0.000362318840579710149327197222;0.005072463768115941656899892109;0.037681159420289857264751987032;0.058695652173913044624686818906;0.008695652173913043583852733320;0.003985507246376811425758734941;0.014492753623188405973087888867;0.019565217391304349364711256953;0.001811594202898550746635986108;0.013768115942028985240752625430;0.002898550724637681194617577773;0.009782608695652174682355628477;0.046376811594202899113881244375;0.008695652173913043583852733320;0.039130434782608698729422513907;0.034420289855072463969243301563;0.036594202898550726166249091875;0.002536231884057970828449946055;0.005797101449275362389235155547;0.000362318840579710149327197222;0.018478260869565218266208361797;0.010869565217391304046135047656;0.025000000000000001387778780781;0.013405797101449274874584993711;0.034057971014492753603075669844;0.007608695652173913352711576152;0.001086956521739130447981591665;0.000000000000000000000000000000;0.005072463768115941656899892109;0.009420289855072464316187996758;0.000724637681159420298654394443;0.000000000000000000000000000000;0.019927536231884056261431936719;0.026811594202898549749169987422;0.014492753623188405973087888867;0.042028985507246374719869663750;0.018478260869565218266208361797;0.018115942028985507900040730078;0.014855072463768116339255520586
-0.008730158730158730367998387578;0.003968253968253968033685907812;0.040873015873015873522522412031;0.161904761904761912427730408126;0.007539682539682539784420267637;0.002777777777777777883788656865;0.004365079365079365183999193789;0.032936507936507937455150596406;0.001984126984126984016842953906;0.049603174603174600421073847656;0.010317460317460317234528055508;0.000396825396825396825052634231;0.005555555555555555767577313730;0.049603174603174600421073847656;0.028174603174603175120838116641;0.017063492063492061850960013203;0.007142857142857142634106981660;0.009920634920634920084214769531;0.005555555555555555767577313730;0.002380952380952381167156239883;0.011904761904761904101057723437;0.001190476190476190583578119941;0.009920634920634920084214769531;0.072619047619047624730903578438;0.016666666666666666435370203203;0.044444444444444446140618509844;0.040079365079365082691342792032;0.003968253968253968033685907812;0.006746031746031746351155433672;0.003174603174603174600421073848;0.000396825396825396825052634231;0.026190476190476191103995162734;0.008730158730158730367998387578;0.020238095238095239053466301016;0.025000000000000001387778780781;0.042857142857142857539365365938;0.006349206349206349200842147695;0.003174603174603174600421073848;0.000000000000000000000000000000;0.003968253968253968033685907812;0.006349206349206349200842147695;0.000396825396825396825052634231;0.000000000000000000000000000000;0.031746031746031744269487262500;0.013888888888888888117900677344;0.022619047619047618485899064922;0.044047619047619050725028699844;0.034126984126984123701920026406;0.019444444444444444752839729063;0.028968253968253969421464688594
-0.012612612612612612156270941455;0.017117117117117115754343359413;0.038288288288288285787785980574;0.138738738738738737188427307956;0.012612612612612612156270941455;0.003153153153153153039067735364;0.009009009009009008930868311893;0.030630630630630630018007565241;0.001801801801801801829541749278;0.029279279279279278591641144658;0.013963963963963963582637362038;0.000000000000000000000000000000;0.007207207207207207318166997112;0.037387387387387387149839668155;0.056756756756756759907389664477;0.012612612612612612156270941455;0.006756756756756757131832102914;0.013513513513513514263664205828;0.014414414414414414636333994224;0.005855855855855855891800576529;0.013063063063063063209967573641;0.000450450450450450457385437320;0.012162162162162162837297785245;0.058108108108108111333756085060;0.013063063063063063209967573641;0.045045045045045042919618083488;0.043243243243243245643725458649;0.014864864864864865690030626411;0.003603603603603603659083498556;0.004504504504504504465434155946;0.000450450450450450457385437320;0.025225225225225224312541882909;0.008108108108108108558198523497;0.025225225225225224312541882909;0.024324324324324325674595570490;0.035135135135135137085526935152;0.011711711711711711783601153058;0.001351351351351351426366420583;0.000000000000000000000000000000;0.011261261261261260729904520872;0.012612612612612612156270941455;0.001351351351351351426366420583;0.000000000000000000000000000000;0.034684684684684684297106826989;0.023423423423423423567202306117;0.018918918918918919969129888159;0.036036036036036035723473247572;0.023423423423423423567202306117;0.023423423423423423567202306117;0.013513513513513514263664205828
-0.004166666666666666608842550801;0.007499999999999999722444243844;0.028750000000000001249000902703;0.301250000000000017763568394003;0.002916666666666666799662133158;0.004166666666666666608842550801;0.015833333333333334674852821422;0.031666666666666669349705642844;0.001250000000000000026020852140;0.036666666666666666851703837438;0.008750000000000000832667268469;0.000416666666666666693410320255;0.007083333333333332974823814965;0.046666666666666668794594130532;0.023750000000000000277555756156;0.005000000000000000104083408559;0.006666666666666667094565124074;0.007916666666666667337426410711;0.006666666666666667094565124074;0.003333333333333333547282562037;0.013333333333333334189130248149;0.002916666666666666799662133158;0.007916666666666667337426410711;0.041250000000000001942890293094;0.010833333333333333703407674875;0.027916666666666666019036568969;0.034166666666666664631257788187;0.004166666666666666608842550801;0.003749999999999999861222121922;0.002083333333333333304421275400;0.000000000000000000000000000000;0.020000000000000000416333634234;0.007499999999999999722444243844;0.014999999999999999444888487687;0.027500000000000000138777878078;0.033333333333333332870740406406;0.009583333333333332593184650250;0.002083333333333333304421275400;0.000000000000000000000000000000;0.010833333333333333703407674875;0.012083333333333333078907223523;0.000000000000000000000000000000;0.000000000000000000000000000000;0.020833333333333332176851016015;0.017500000000000001665334536938;0.019166666666666665186369300500;0.034583333333333333980963431031;0.027500000000000000138777878078;0.032083333333333331760517381781;0.011666666666666667198648532633
-0.008712121212121212709966755483;0.006439393939393939225723784148;0.039015151515151516581347834745;0.155681818181818171220598401305;0.004545454545454545233762466694;0.007196969696969697342925353922;0.006060606060606060600803868255;0.026136363636363634660453314495;0.001136363636363636308440616673;0.051136363636363639517679047231;0.017045454545454544192928381108;0.000757575757575757575100483532;0.013636363636363635701287400082;0.046212121212121211322187974702;0.025000000000000001387778780781;0.011363636363636363951767904723;0.004924242424242423858682382587;0.014772727272727272443408885749;0.012500000000000000693889390391;0.004166666666666666608842550801;0.015151515151515151935690539631;0.003030303030303030300401934127;0.025757575757575756902895136591;0.052651515151515150547911758849;0.009090909090909090467524933388;0.045833333333333330095182844843;0.040151515151515153323469320412;0.001136363636363636308440616673;0.005303030303030303350964036468;0.004545454545454545233762466694;0.000000000000000000000000000000;0.025757575757575756902895136591;0.019318181818181817677171352443;0.018560606060606062162054996634;0.018939393939393939919613174538;0.040151515151515153323469320412;0.010227272727272727209646419055;0.003030303030303030300401934127;0.000000000000000000000000000000;0.009469696969696969959806587269;0.009090909090909090467524933388;0.001515151515151515150200967064;0.000000000000000000000000000000;0.029166666666666667129259593594;0.007575757575757575967845269815;0.017803030303030303177491688871;0.062500000000000000000000000000;0.022348484848484850145977631541;0.029166666666666667129259593594;0.016287878787878788677812025298
-0.008943089430894309369013406297;0.008943089430894309369013406297;0.028048780487804878674973352304;0.205691056910569103344244012987;0.017886178861788618738026812593;0.003252032520325203249211831746;0.025203252032520325615072565029;0.038617886178861790535954412462;0.001219512195121951218454436905;0.045528455284552848958412596403;0.012601626016260162807536282514;0.000406504065040650406151478968;0.002439024390243902436908873810;0.030487804878048779810839619131;0.025203252032520325615072565029;0.004471544715447154684506703148;0.007723577235772357933718534895;0.013821138211382113375469415928;0.026422764227642277917729174419;0.002439024390243902436908873810;0.028048780487804878674973352304;0.002439024390243902436908873810;0.003252032520325203249211831746;0.071951219512195116467800914961;0.005691056910569106119801574550;0.034959349593495933627984584291;0.031300813008130083658908660027;0.007317073170731707744407490424;0.006097560975609756309112619022;0.008943089430894309369013406297;0.000406504065040650406151478968;0.024796747967479673691038044581;0.013414634146341463186158371457;0.011788617886178862428914193572;0.006504065040650406498423663493;0.032113821138211380568083797016;0.006097560975609756309112619022;0.004878048780487804873817747620;0.000000000000000000000000000000;0.002439024390243902436908873810;0.021951219512195120631137257305;0.000813008130081300812302957937;0.000000000000000000000000000000;0.041056910569105688202373727336;0.013414634146341463186158371457;0.039837398373983742838611021853;0.038617886178861790535954412462;0.012601626016260162807536282514;0.008130081300813008990391317354;0.011788617886178862428914193572
-0.010884353741496597886562192059;0.013265306122448979053718431942;0.037755102040816328201611185023;0.175850340136054411610544434552;0.014625850340136054006379140446;0.006122448979591836419611450282;0.010544217687074829148397014933;0.040816326530612241640927351227;0.001700680272108843473985451134;0.042857142857142857539365365938;0.012925170068027210315553254816;0.000340136054421768683955068502;0.004421768707482993596147302640;0.035034013605442178296289768014;0.055102040816326532113311742478;0.007142857142857142634106981660;0.004761904761904762334312479766;0.016666666666666666435370203203;0.016666666666666666435370203203;0.004421768707482993596147302640;0.015646258503401361955598147802;0.003061224489795918209805725141;0.007142857142857142634106981660;0.040816326530612241640927351227;0.012244897959183672839222900564;0.036394557823129253248950476518;0.038095238095238098674499838125;0.018367346938775511860919564811;0.006122448979591836419611450282;0.006462585034013605157776627408;0.000340136054421768683955068502;0.024829931972789116151334454230;0.011224489795918366624727369185;0.019727891156462583344133321361;0.009183673469387755930459782405;0.033333333333333332870740406406;0.010884353741496597886562192059;0.002380952380952381167156239883;0.000000000000000000000000000000;0.005782312925170067681446273156;0.016666666666666666435370203203;0.001020408163265306214495531378;0.000000000000000000000000000000;0.026530612244897958107436863884;0.020068027210884353817021974464;0.022789115646258503722343391473;0.045238095238095236971798129844;0.019727891156462583344133321361;0.016326530612244899431928502054;0.017687074829931974384589210558
-0.010833333333333333703407674875;0.012083333333333333078907223523;0.037083333333333336201409480282;0.161250000000000004440892098501;0.012500000000000000693889390391;0.002083333333333333304421275400;0.011666666666666667198648532633;0.033750000000000002220446049250;0.000833333333333333386820640509;0.033750000000000002220446049250;0.011249999999999999583666365766;0.001250000000000000026020852140;0.005416666666666666851703837438;0.033750000000000002220446049250;0.047500000000000000555111512313;0.007083333333333332974823814965;0.009166666666666666712925959359;0.019166666666666665186369300500;0.020416666666666666296592325125;0.006666666666666667094565124074;0.017083333333333332315628894094;0.002083333333333333304421275400;0.016666666666666666435370203203;0.051249999999999996946886682281;0.013333333333333334189130248149;0.035416666666666665741480812812;0.047916666666666669904817155157;0.010416666666666666088425508008;0.003333333333333333547282562037;0.011666666666666667198648532633;0.000000000000000000000000000000;0.019166666666666665186369300500;0.016250000000000000555111512313;0.014583333333333333564629796797;0.022499999999999999167332731531;0.033750000000000002220446049250;0.011666666666666667198648532633;0.002916666666666666799662133158;0.000000000000000000000000000000;0.007916666666666667337426410711;0.012500000000000000693889390391;0.001250000000000000026020852140;0.000000000000000000000000000000;0.025000000000000001387778780781;0.027916666666666666019036568969;0.021666666666666667406815349750;0.040000000000000000832667268469;0.013333333333333334189130248149;0.024583333333333332038073137937;0.018333333333333333425851918719
-0.014102564102564102768710974090;0.007264957264957265167804045802;0.032051282051282048435325577884;0.242735042735042733097472478221;0.013675213675213675201813856575;0.002991452991452991667237215623;0.011538461538461539102051744976;0.029914529914529915805010418239;0.000854700854700854700113366036;0.030769230769230770938804653269;0.008119658119658120301598280832;0.000427350427350427350056683018;0.006410256410256410034009810772;0.039316239316239315337853099663;0.025213675213675214303865601551;0.007692307692307692734701163317;0.010256410256410256401360392431;0.020940170940170938634894426400;0.007264957264957265167804045802;0.007264957264957265167804045802;0.009401709401709401267566157401;0.003846153846153846367350581659;0.017094017094017095736990796695;0.046581196581196582240380621442;0.008119658119658120301598280832;0.030341880341880341637184059778;0.030341880341880341637184059778;0.003846153846153846367350581659;0.005128205128205128200680196215;0.005128205128205128200680196215;0.000427350427350427350056683018;0.020085470085470086970547143324;0.010256410256410256401360392431;0.015811965811965811301575968173;0.034615384615384617306155234928;0.033333333333333332870740406406;0.013247863247863247634916739059;0.004273504273504273934247699174;0.000000000000000000000000000000;0.018376068376068376702958673263;0.009829059829059828834463274916;0.000854700854700854700113366036;0.000000000000000000000000000000;0.027350427350427350403627713149;0.012393162393162392501122504029;0.028632478632478631369595589717;0.026923076923076924571454071611;0.025641025641025640136039243089;0.024358974358974359170071366520;0.014957264957264957902505209120
-0.010683760683760683968257509946;0.011538461538461539102051744976;0.037606837606837605070264629603;0.060683760683760683274368119555;0.005555555555555555767577313730;0.002991452991452991667237215623;0.005555555555555555767577313730;0.040170940170940173941094286647;0.000854700854700854700113366036;0.054273504273504274975081784760;0.012820512820512820068019621544;0.001282051282051282050170049054;0.009401709401709401267566157401;0.038034188034188030902438271141;0.037606837606837605070264629603;0.008547008547008547868495398347;0.010256410256410256401360392431;0.022222222222222223070309254922;0.017948717948717947401338079771;0.004700854700854700633783078700;0.016239316239316240603196561665;0.002564102564102564100340098108;0.011111111111111111535154627461;0.072649572649572655147487409977;0.008119658119658120301598280832;0.038888888888888889505679458125;0.050000000000000002775557561563;0.005128205128205128200680196215;0.007264957264957265167804045802;0.004273504273504273934247699174;0.000000000000000000000000000000;0.045726495726495723637139434459;0.011965811965811966668948862491;0.022222222222222223070309254922;0.016239316239316240603196561665;0.043589743589743587537377322860;0.017094017094017095736990796695;0.002564102564102564100340098108;0.000000000000000000000000000000;0.009829059829059828834463274916;0.011538461538461539102051744976;0.001709401709401709400226732072;0.000000000000000000000000000000;0.052991452991452990539666956238;0.020085470085470086970547143324;0.027777777777777776235801354687;0.038034188034188030902438271141;0.022222222222222223070309254922;0.023931623931623933337897724982;0.023504273504273504036277131490
-0.006818181818181817850643700041;0.006060606060606060600803868255;0.035984848484848487581988507600;0.259469696969696961286189207385;0.004545454545454545233762466694;0.001136363636363636308440616673;0.006439393939393939225723784148;0.024242424242424242403215473018;0.000000000000000000000000000000;0.051136363636363639517679047231;0.009090909090909090467524933388;0.000757575757575757575100483532;0.002651515151515151675482018234;0.052272727272727269320906628991;0.021590909090909091161414323778;0.005681818181818181975883952362;0.006060606060606060600803868255;0.007196969696969697342925353922;0.004545454545454545233762466694;0.002272727272727272616881233347;0.009469696969696969959806587269;0.002272727272727272616881233347;0.003787878787878787983922634908;0.073863636363636367421214856677;0.008712121212121212709966755483;0.037499999999999998612221219219;0.035984848484848487581988507600;0.002272727272727272616881233347;0.004166666666666666608842550801;0.003787878787878787983922634908;0.000000000000000000000000000000;0.030681818181818181628939257166;0.004166666666666666608842550801;0.013636363636363635701287400082;0.016287878787878788677812025298;0.034469696969696969612861892074;0.010227272727272727209646419055;0.001893939393939393991961317454;0.000000000000000000000000000000;0.004545454545454545233762466694;0.015530303030303029693248717535;0.000000000000000000000000000000;0.000000000000000000000000000000;0.035227272727272725127978247883;0.007954545454545453725403447720;0.025000000000000001387778780781;0.051136363636363639517679047231;0.026893939393939393645016622258;0.014772727272727272443408885749;0.017803030303030303177491688871
-0.009259259259259258745267118229;0.024814814814814813853649511088;0.032962962962962964741375770927;0.163703703703703712379891044293;0.012592592592592592726230549260;0.001111111111111111110147375847;0.009629629629629630344078705662;0.042592592592592591616007524635;0.001111111111111111110147375847;0.040740740740740744030290443334;0.009629629629629630344078705662;0.000370370370370370351979089074;0.002222222222222222220294751693;0.041111111111111112159655078813;0.063333333333333338699411285688;0.005925925925925925631665425186;0.005925925925925925631665425186;0.028888888888888887562789165031;0.008888888888888888881179006773;0.002592592592592592518063732143;0.014444444444444443781394582516;0.001851851851851851922525771243;0.010000000000000000208166817117;0.048518518518518516380311211833;0.009629629629629630344078705662;0.043333333333333334813630699500;0.049629629629629627707299022177;0.015555555555555555108382392859;0.005555555555555555767577313730;0.002222222222222222220294751693;0.000000000000000000000000000000;0.028148148148148147834612942120;0.008148148148148147418279307885;0.014814814814814815380206169948;0.011481481481481481399242738917;0.033333333333333332870740406406;0.008148148148148147418279307885;0.003703703703703703845051542487;0.000000000000000000000000000000;0.003333333333333333547282562037;0.015925925925925926707193980292;0.001851851851851851922525771243;0.000000000000000000000000000000;0.027777777777777776235801354687;0.022592592592592591199673890401;0.017037037037037038034181790636;0.036666666666666666851703837438;0.020000000000000000416333634234;0.020370370370370372015145221667;0.018518518518518517490534236458
-0.014351851851851851749053423646;0.006481481481481481295159330358;0.046759259259259257357488337448;0.153703703703703703498106847292;0.004629629629629629372633559115;0.003703703703703703845051542487;0.008333333333333333217685101602;0.039814814814814816767984950729;0.001388888888888888941894328433;0.050925925925925923098969150260;0.010648148148148147904001881159;0.000925925925925925961262885622;0.001388888888888888941894328433;0.053240740740740741254732881771;0.028240740740740739866954100989;0.008333333333333333217685101602;0.006944444444444444058950338672;0.011574074074074073431583897786;0.017129629629629630066522949505;0.006018518518518518531368322044;0.016666666666666666435370203203;0.000925925925925925961262885622;0.004629629629629629372633559115;0.064351851851851854524610985209;0.012500000000000000693889390391;0.043055555555555555247160270937;0.040740740740740744030290443334;0.003240740740740740647579665179;0.005092592592592593003786305417;0.002314814814814814686316779557;0.001388888888888888941894328433;0.022222222222222223070309254922;0.006481481481481481295159330358;0.015277777777777777276635440273;0.004166666666666666608842550801;0.051851851851851850361274642864;0.010648148148148147904001881159;0.006481481481481481295159330358;0.000000000000000000000000000000;0.003703703703703703845051542487;0.016203703703703702804217456901;0.001388888888888888941894328433;0.000000000000000000000000000000;0.036574074074074071349915726614;0.009259259259259258745267118229;0.026851851851851852442942814037;0.059722222222222225151977426094;0.022222222222222223070309254922;0.018981481481481481121686982760;0.018518518518518517490534236458
-0.011635220125786162673198198547;0.006603773584905660645749669868;0.049056603773584908645410962436;0.167610062893081751544954727251;0.004402515723270440141379200583;0.003144654088050314634517068413;0.006603773584905660645749669868;0.034276729559748427000887005534;0.000628930817610062861851283333;0.048427672955974845891979896351;0.013522012578616352668214872779;0.000314465408805031430925641667;0.006289308176100629269034136826;0.052830188679245285165997358945;0.019182389937106917449094467543;0.008176100628930817529327335080;0.006918238993710692022465202911;0.020125786163522011579241066670;0.008176100628930817529327335080;0.005660377358490565648241332752;0.014465408805031446798361471906;0.001572327044025157317258534206;0.009119496855345911659473934208;0.067295597484276728494911878897;0.010691823899371068543051599420;0.044968553459119493809215128977;0.038050314465408803521473402043;0.000628930817610062861851283333;0.004402515723270440141379200583;0.005660377358490565648241332752;0.000000000000000000000000000000;0.023584905660377360192558882090;0.007547169811320754775896268995;0.017295597484276729188801269288;0.011635220125786162673198198547;0.042767295597484274172206397679;0.013522012578616352668214872779;0.002201257861635220070689600291;0.000000000000000000000000000000;0.002830188679245282824120666376;0.013522012578616352668214872779;0.001886792452830188693974067249;0.000000000000000000000000000000;0.035220125786163521131033604661;0.009748427672955974412905000293;0.023270440251572325346396397094;0.052830188679245285165997358945;0.021383647798742137086103198840;0.029245283018867924973438476854;0.021069182389937105709387665797
-0.011111111111111111535154627461;0.008974358974358973700669039886;0.054700854700854700807255426298;0.154273504273504280526196907886;0.008547008547008547868495398347;0.002564102564102564100340098108;0.006410256410256410034009810772;0.040598290598290599773267928185;0.001709401709401709400226732072;0.038888888888888889505679458125;0.012393162393162392501122504029;0.000427350427350427350056683018;0.008119658119658120301598280832;0.035470085470085468970502518005;0.035042735042735043138328876466;0.012393162393162392501122504029;0.008119658119658120301598280832;0.023504273504273504036277131490;0.011965811965811966668948862491;0.004273504273504273934247699174;0.016666666666666666435370203203;0.002991452991452991667237215623;0.012820512820512820068019621544;0.050427350427350428607731203101;0.013247863247863247634916739059;0.046153846153846156408206979904;0.048717948717948718340142733041;0.005555555555555555767577313730;0.006837606837606837600906928287;0.007264957264957265167804045802;0.000854700854700854700113366036;0.023504273504273504036277131490;0.014957264957264957902505209120;0.017948717948717947401338079771;0.013675213675213675201813856575;0.039743589743589741170026741202;0.013675213675213675201813856575;0.002136752136752136967123849587;0.000000000000000000000000000000;0.008547008547008547868495398347;0.010256410256410256401360392431;0.000000000000000000000000000000;0.000000000000000000000000000000;0.030341880341880341637184059778;0.026495726495726495269833478119;0.014957264957264957902505209120;0.032905982905982907038566764868;0.019658119658119657668926549832;0.028205128205128205537421948179;0.011965811965811966668948862491
-0.010062893081761005789620533335;0.004088050314465408764663667540;0.053773584905660379296143958072;0.128301886792452829455513096946;0.000628930817610062861851283333;0.000943396226415094346987033624;0.005031446540880502894810266667;0.035220125786163521131033604661;0.000314465408805031430925641667;0.074842767295597481536084671916;0.011635220125786162673198198547;0.000000000000000000000000000000;0.000314465408805031430925641667;0.061006289308176100960601218048;0.014150943396226415421645938864;0.008176100628930817529327335080;0.003773584905660377387948134498;0.006289308176100629269034136826;0.005974842767295597892318603783;0.004088050314465408764663667540;0.012578616352201258538068273651;0.001572327044025157317258534206;0.002515723270440251447405133334;0.093710691823899364139016654462;0.005660377358490565648241332752;0.063522012578616351974325482388;0.037106918238993709391326802916;0.003459119496855346011232601455;0.002830188679245282824120666376;0.001257861635220125723702566667;0.000000000000000000000000000000;0.027987421383647799466576344685;0.001886792452830188693974067249;0.014465408805031446798361471906;0.006603773584905660645749669868;0.063836477987421383351041015430;0.007547169811320754775896268995;0.002201257861635220070689600291;0.000000000000000000000000000000;0.003459119496855346011232601455;0.011320754716981131296482665505;0.000628930817610062861851283333;0.000000000000000000000000000000;0.040880503144654085911913199425;0.006603773584905660645749669868;0.025157232704402517076136547303;0.077044025157232701173093403213;0.028616352201257862220007410770;0.010062893081761005789620533335;0.018867924528301886072378934500
-0.010000000000000000208166817117;0.012727272727272727695368992329;0.039696969696969695851063164582;0.170000000000000012212453270877;0.020303030303030301928490786167;0.000606060606060606060080386825;0.007272727272727272720964641906;0.038484848484848482863540652943;0.001515151515151515150200967064;0.040909090909090908838585676222;0.012121212121212121201607736509;0.000303030303030303030040193413;0.006060606060606060600803868255;0.046363636363636363812990026645;0.048181818181818179824826842150;0.007272727272727272720964641906;0.006363636363636363847684496164;0.023030303030303029415692961379;0.018181818181818180935049866775;0.004545454545454545233762466694;0.017272727272727272929131459023;0.003636363636363636360482320953;0.009090909090909090467524933388;0.045757575757575760788675722779;0.008787878787878787220644305478;0.039090909090909092826748860716;0.036363636363636361870099733551;0.023333333333333334397297065266;0.001515151515151515150200967064;0.006969696969696969474084013996;0.000606060606060606060080386825;0.026363636363636363396656392410;0.012727272727272727695368992329;0.012424242424242424448488364419;0.010909090909090909948808700847;0.035757575757575758845785429685;0.010606060606060606701928072937;0.001818181818181818180241160476;0.000000000000000000000000000000;0.004242424242424242854243576772;0.012727272727272727695368992329;0.001818181818181818180241160476;0.000000000000000000000000000000;0.018787878787878787428811122595;0.028787878787878789371701415689;0.017575757575757574441288610956;0.042727272727272724850422491727;0.021515151515151514916013297807;0.021212121212121213403856145874;0.013636363636363635701287400082
-0.006296296296296296363115274630;0.022222222222222223070309254922;0.030740740740740742087400150240;0.199259259259259247087925359665;0.023703703703703702526661700745;0.002592592592592592518063732143;0.008888888888888888881179006773;0.034074074074074076068363581271;0.001111111111111111110147375847;0.035185185185185187395351391615;0.007407407407407407690103084974;0.000000000000000000000000000000;0.003333333333333333547282562037;0.031111111111111110216764785719;0.067407407407407402000210083770;0.006296296296296296363115274630;0.007037037037037036958653235530;0.016666666666666666435370203203;0.018148148148148149361169600979;0.004444444444444444440589503387;0.011481481481481481399242738917;0.002222222222222222220294751693;0.008148148148148147418279307885;0.042222222222222223486642889156;0.003333333333333333547282562037;0.026666666666666668378260496297;0.035555555555555555524716027094;0.040740740740740744030290443334;0.002962962962962962815832712593;0.008518518518518519017090895318;0.000370370370370370351979089074;0.019629629629629628817522046802;0.015555555555555555108382392859;0.018148148148148149361169600979;0.010370370370370370072254928573;0.031851851851851853414387960584;0.008888888888888888881179006773;0.002592592592592592518063732143;0.000000000000000000000000000000;0.009629629629629630344078705662;0.012222222222222222862142437805;0.000370370370370370351979089074;0.000000000000000000000000000000;0.028148148148148147834612942120;0.034814814814814812327092852229;0.018148148148148149361169600979;0.032962962962962964741375770927;0.017037037037037038034181790636;0.020740740740740740144509857146;0.010740740740740739936343040029
-0.012931034482758620510201019727;0.019252873563218392272133883125;0.038505747126436784544267766250;0.145689655172413806694109439377;0.009482758620689655040814081133;0.002298850574712643646257959062;0.005747126436781609115644897656;0.040229885057471263809514283594;0.000574712643678160911564489766;0.041091954022988506911584494219;0.009770114942528735496596326016;0.000574712643678160911564489766;0.002298850574712643646257959062;0.056896551724137933714331438750;0.050574712643678160217675099375;0.008620689655172413673467346484;0.004022988505747126380951428359;0.012931034482758620510201019727;0.009770114942528735496596326016;0.004597701149425287292515918125;0.010919540229885057319725305547;0.001436781609195402278911224414;0.006609195402298850482991632305;0.052011494252873560761862847812;0.008045977011494252761902856719;0.051149425287356324598686541094;0.038218390804597698884315093437;0.029597701149425288680294698906;0.002011494252873563190475714180;0.006321839080459770027209387422;0.000574712643678160911564489766;0.020689655172413792816321631562;0.009482758620689655040814081133;0.016954022988505748625875924063;0.010919540229885057319725305547;0.033045977011494254149681637500;0.010919540229885057319725305547;0.003448275862068965469386938594;0.000000000000000000000000000000;0.004310344827586206836733673242;0.012931034482758620510201019727;0.000862068965517241367346734648;0.000000000000000000000000000000;0.020977011494252875006827352422;0.026724137931034484122472250078;0.015804597701149426802746944531;0.056609195402298848054378765937;0.028735632183908045578224488281;0.022701149425287357741520821719;0.022126436781609196829956331953
-0.010370370370370370072254928573;0.005185185185185185036127464286;0.036666666666666666851703837438;0.145185185185185194889356807835;0.006296296296296296363115274630;0.002962962962962962815832712593;0.004444444444444444440589503387;0.031851851851851853414387960584;0.000740740740740740703958178148;0.051851851851851850361274642864;0.009259259259259258745267118229;0.000740740740740740703958178148;0.004444444444444444440589503387;0.050370370370370370904922197042;0.037037037037037034981068472916;0.010740740740740739936343040029;0.003333333333333333547282562037;0.010370370370370370072254928573;0.005925925925925925631665425186;0.004444444444444444440589503387;0.010000000000000000208166817117;0.001481481481481481407916356297;0.006296296296296296363115274630;0.077777777777777779011358916250;0.010000000000000000208166817117;0.057407407407407406996213694583;0.046296296296296293726335591145;0.007407407407407407690103084974;0.003333333333333333547282562037;0.008888888888888888881179006773;0.000370370370370370351979089074;0.027407407407407408106436719208;0.005925925925925925631665425186;0.018148148148148149361169600979;0.011851851851851851263330850372;0.046666666666666668794594130532;0.011481481481481481399242738917;0.004074074074074073709139653943;0.000000000000000000000000000000;0.007037037037037036958653235530;0.011481481481481481399242738917;0.000000000000000000000000000000;0.000000000000000000000000000000;0.030740740740740742087400150240;0.016666666666666666435370203203;0.025185185185185185452461098521;0.056296296296296295669225884239;0.029259259259259259161600752464;0.015925925925925926707193980292;0.020370370370370372015145221667
-0.010833333333333333703407674875;0.016666666666666666435370203203;0.040555555555555553026714221687;0.112222222222222223209087133000;0.009722222222222222376419864531;0.006111111111111111431071218902;0.002777777777777777883788656865;0.036666666666666666851703837438;0.001944444444444444388547799107;0.043888888888888887007677652718;0.012500000000000000693889390391;0.001666666666666666773641281019;0.005000000000000000104083408559;0.042222222222222223486642889156;0.065555555555555561353386906376;0.007499999999999999722444243844;0.008611111111111111049432054187;0.021111111111111111743321444578;0.011666666666666667198648532633;0.005555555555555555767577313730;0.013333333333333334189130248149;0.004166666666666666608842550801;0.007499999999999999722444243844;0.055000000000000000277555756156;0.011666666666666667198648532633;0.044444444444444446140618509844;0.042222222222222223486642889156;0.023055555555555554830826636703;0.003888888888888888777095598215;0.008333333333333333217685101602;0.000555555555555555555073687923;0.028888888888888887562789165031;0.009166666666666666712925959359;0.016666666666666666435370203203;0.016666666666666666435370203203;0.042777777777777775680689842375;0.011944444444444445030395485219;0.003888888888888888777095598215;0.000000000000000000000000000000;0.006666666666666667094565124074;0.013888888888888888117900677344;0.001666666666666666773641281019;0.000000000000000000000000000000;0.028888888888888887562789165031;0.031111111111111110216764785719;0.018888888888888889089345823891;0.044444444444444446140618509844;0.018611111111111109522875395328;0.014722222222222221613141535101;0.014166666666666665949647629930
-0.010606060606060606701928072937;0.006439393939393939225723784148;0.040151515151515153323469320412;0.172727272727272729291314590228;0.003787878787878787983922634908;0.002272727272727272616881233347;0.010984848484848484459486250842;0.031818181818181814901613790880;0.001136363636363636308440616673;0.048484848484848484806430946037;0.014015151515151515193569053963;0.000000000000000000000000000000;0.010227272727272727209646419055;0.048106060606060603579425816179;0.033712121212121214097745536264;0.011742424242424241709326082628;0.003787878787878787983922634908;0.013257575757575757943729222177;0.009848484848484847717364765174;0.003030303030303030300401934127;0.012878787878787878451447568295;0.002651515151515151675482018234;0.007954545454545453725403447720;0.054924242424242424032154730185;0.010984848484848484459486250842;0.050000000000000002775557561563;0.052651515151515150547911758849;0.010606060606060606701928072937;0.001515151515151515150200967064;0.003787878787878787983922634908;0.000757575757575757575100483532;0.026515151515151515887458444354;0.008333333333333333217685101602;0.020454545454545454419292838111;0.015909090909090907450806895440;0.035227272727272725127978247883;0.009090909090909090467524933388;0.004166666666666666608842550801;0.000000000000000000000000000000;0.007196969696969697342925353922;0.013257575757575757943729222177;0.000757575757575757575100483532;0.000000000000000000000000000000;0.028030303030303030387138107926;0.011363636363636363951767904723;0.021969696969696968918972501683;0.051136363636363639517679047231;0.014772727272727272443408885749;0.023863636363636364645657295114;0.023106060606060605661093987351
-0.010802469135802468536144971267;0.034876543209876542661618259444;0.029938271604938272024698520113;0.129938271604938260228578883471;0.006790123456790123426807248563;0.002160493827160493620492820455;0.016666666666666666435370203203;0.045987654320987655931496362882;0.000617283950617283938035184665;0.036111111111111107718762980312;0.012962962962962962590318660716;0.000925925925925925961262885622;0.004629629629629629372633559115;0.039506172839506172034251818559;0.039506172839506172034251818559;0.006172839506172839163511412153;0.005246913580246913635929395525;0.016975308641975307699656383420;0.018209876543209876226248056241;0.002777777777777777883788656865;0.020679012345679013279431401884;0.001543209876543209790877853038;0.008333333333333333217685101602;0.050617283950617285304129921997;0.012345679012345678327022824305;0.034567901234567897927885127274;0.038271604938271606977107097691;0.052469135802469132889847003298;0.004320987654320987240985640909;0.003703703703703703845051542487;0.000617283950617283938035184665;0.020370370370370372015145221667;0.005555555555555555767577313730;0.023148148148148146863167795573;0.016049382716049383906797842769;0.030864197530864195817557060764;0.011728395061728395798450463872;0.002160493827160493620492820455;0.000000000000000000000000000000;0.010493827160493827271858791050;0.027469135802469134971515174470;0.002160493827160493620492820455;0.000000000000000000000000000000;0.028703703703703703498106847292;0.012654320987654321326032480499;0.020679012345679013279431401884;0.035493827160493825190190619878;0.024382716049382715389759468394;0.024382716049382715389759468394;0.015432098765432097908778530382
-0.017063492063492061850960013203;0.004761904761904762334312479766;0.029761904761904760252644308594;0.151984126984126971526833926873;0.002777777777777777883788656865;0.003571428571428571317053490830;0.007142857142857142634106981660;0.031349206349206348853897452500;0.000396825396825396825052634231;0.045238095238095236971798129844;0.011507936507936508685467913438;0.000000000000000000000000000000;0.013888888888888888117900677344;0.059920634920634922859772331094;0.017460317460317460735996775156;0.009920634920634920084214769531;0.007142857142857142634106981660;0.009920634920634920084214769531;0.009523809523809524668624959531;0.007539682539682539784420267637;0.012301587301587301251371009414;0.003174603174603174600421073848;0.006746031746031746351155433672;0.057142857142857141072855853281;0.016666666666666666435370203203;0.050000000000000002775557561563;0.036111111111111107718762980312;0.001587301587301587300210536924;0.006746031746031746351155433672;0.003174603174603174600421073848;0.000793650793650793650105268462;0.022619047619047618485899064922;0.009523809523809524668624959531;0.019047619047619049337249919063;0.026190476190476191103995162734;0.039682539682539680336859078125;0.009126984126984127518311673555;0.003571428571428571317053490830;0.000000000000000000000000000000;0.008333333333333333217685101602;0.007936507936507936067371815625;0.000000000000000000000000000000;0.000000000000000000000000000000;0.044841269841269841556208319844;0.005952380952380952050528861719;0.015476190476190476719153821250;0.054761904761904761640423089375;0.041269841269841268938112222031;0.035317460317460316887583360312;0.021031746031746033354092872969
-0.015185185185185185244294281404;0.011851851851851851263330850372;0.046666666666666668794594130532;0.175925925925925930037863054167;0.004814814814814815172039352831;0.007407407407407407690103084974;0.007037037037037036958653235530;0.036296296296296298722339201959;0.002592592592592592518063732143;0.027037037037037036507625131776;0.012222222222222222862142437805;0.000740740740740740703958178148;0.011111111111111111535154627461;0.041851851851851848418384349770;0.028518518518518519433424529552;0.009259259259259258745267118229;0.007407407407407407690103084974;0.028518518518518519433424529552;0.014814814814814815380206169948;0.010370370370370370072254928573;0.013703703703703704053218359604;0.005925925925925925631665425186;0.022962962962962962798485477833;0.034444444444444444197728216750;0.014444444444444443781394582516;0.028518518518518519433424529552;0.050370370370370370904922197042;0.005555555555555555767577313730;0.002592592592592592518063732143;0.005555555555555555767577313730;0.001481481481481481407916356297;0.021111111111111111743321444578;0.013703703703703704053218359604;0.020000000000000000416333634234;0.026296296296296296779448908865;0.034074074074074076068363581271;0.015925925925925926707193980292;0.001481481481481481407916356297;0.000370370370370370351979089074;0.021111111111111111743321444578;0.005925925925925925631665425186;0.000370370370370370351979089074;0.000000000000000000000000000000;0.018148148148148149361169600979;0.012962962962962962590318660716;0.014814814814814815380206169948;0.040740740740740744030290443334;0.018518518518518517490534236458;0.030740740740740742087400150240;0.018518518518518517490534236458
-0.015476190476190476719153821250;0.007539682539682539784420267637;0.040476190476190478106932602032;0.140873015873015872134743631250;0.013492063492063492702310867344;0.006349206349206349200842147695;0.006746031746031746351155433672;0.035317460317460316887583360312;0.003571428571428571317053490830;0.030555555555555554553270880547;0.012698412698412698401684295391;0.002380952380952381167156239883;0.011904761904761904101057723437;0.042063492063492066708185745938;0.030555555555555554553270880547;0.009523809523809524668624959531;0.007142857142857142634106981660;0.024603174603174602502742018828;0.011904761904761904101057723437;0.005952380952380952050528861719;0.011111111111111111535154627461;0.003571428571428571317053490830;0.028174603174603175120838116641;0.040476190476190478106932602032;0.009126984126984127518311673555;0.037698412698412696320016124218;0.047619047619047616404230893750;0.001587301587301587300210536924;0.002777777777777777883788656865;0.005555555555555555767577313730;0.000396825396825396825052634231;0.014682539682539682418527249297;0.016666666666666666435370203203;0.021428571428571428769682682969;0.036904761904761905488836504219;0.038888888888888889505679458125;0.014285714285714285268213963320;0.001984126984126984016842953906;0.000000000000000000000000000000;0.022619047619047618485899064922;0.008333333333333333217685101602;0.001587301587301587300210536924;0.000000000000000000000000000000;0.020238095238095239053466301016;0.011904761904761904101057723437;0.013492063492063492702310867344;0.044047619047619050725028699844;0.019047619047619049337249919063;0.040476190476190478106932602032;0.026190476190476191103995162734
-0.007446808510638298211903318702;0.005319148936170212636775911363;0.052127659574468084013876278959;0.182624113475177318743902787901;0.001418439716312056833244503729;0.003900709219858156020371842132;0.008510638297872340565786153377;0.035460992907801421047953027710;0.000709219858156028416622251864;0.060992907801418437541141059910;0.008156028368794325869584049826;0.000354609929078014208311125932;0.002482269503546099403967772901;0.065248226950354606956672398610;0.019503546099290780535540079654;0.009219858156028368223466884501;0.005673758865248227332978014914;0.010283687943262410577349719176;0.006028368794326241161818380476;0.006028368794326241161818380476;0.012056737588652482323636760952;0.002482269503546099403967772901;0.002127659574468085141446538344;0.073758865248226945787735076010;0.005319148936170212636775911363;0.056028368794326238733205514109;0.032624113475177303478336199305;0.002836879432624113666489007457;0.004964539007092198807935545801;0.007092198581560283515701215151;0.000000000000000000000000000000;0.033687943262411347566942509957;0.001418439716312056833244503729;0.015602836879432624081487368528;0.005673758865248227332978014914;0.038652482269503546374878055758;0.008156028368794325869584049826;0.001773049645390070878925303788;0.000000000000000000000000000000;0.004255319148936170282893076688;0.011347517730496454665956029828;0.000000000000000000000000000000;0.000000000000000000000000000000;0.032624113475177303478336199305;0.007092198581560283515701215151;0.022695035460992909331912059656;0.068794326241134753918693434116;0.025886524822695034658837087704;0.011347517730496454665956029828;0.020212765957446809927944286756
-0.011382113821138212239603149101;0.002439024390243902436908873810;0.041463414634146343595855199737;0.244715447154471549273679897851;0.001626016260162601624605915873;0.002032520325203252247597829339;0.010569105691056910126257584182;0.030894308943089431734874139579;0.004065040650406504495195658677;0.040243902439024391293198590347;0.014227642276422763564780460399;0.000000000000000000000000000000;0.006097560975609756309112619022;0.048780487804878050472900952172;0.019918699186991871419305510926;0.002439024390243902436908873810;0.009349593495934959558324450768;0.016260162601626017980782634709;0.006910569105691056687734707964;0.007317073170731707744407490424;0.013008130081300812996847326986;0.005284552845528455063128792091;0.006097560975609756309112619022;0.060569105691056911167091669768;0.010162601626016259936946539710;0.037398373983739838233297803072;0.026829268292682926372316742913;0.002439024390243902436908873810;0.003252032520325203249211831746;0.002439024390243902436908873810;0.000000000000000000000000000000;0.032520325203252035961565269417;0.004471544715447154684506703148;0.013414634146341463186158371457;0.017886178861788618738026812593;0.048373983739837395079419479771;0.012601626016260162807536282514;0.001219512195121951218454436905;0.000000000000000000000000000000;0.006097560975609756309112619022;0.011382113821138212239603149101;0.001626016260162601624605915873;0.000000000000000000000000000000;0.025203252032520325615072565029;0.009756097560975609747635495239;0.018699186991869919116648901536;0.045121951219512193564931124001;0.019918699186991871419305510926;0.026829268292682926372316742913;0.016666666666666666435370203203
-0.008750000000000000832667268469;0.007083333333333332974823814965;0.035416666666666665741480812812;0.233333333333333337034076748751;0.003333333333333333547282562037;0.001250000000000000026020852140;0.012916666666666666574148081281;0.035416666666666665741480812812;0.000833333333333333386820640509;0.042083333333333333703407674875;0.006250000000000000346944695195;0.000000000000000000000000000000;0.005000000000000000104083408559;0.048750000000000001665334536938;0.020416666666666666296592325125;0.007499999999999999722444243844;0.006666666666666667094565124074;0.010000000000000000208166817117;0.009166666666666666712925959359;0.008750000000000000832667268469;0.012916666666666666574148081281;0.001250000000000000026020852140;0.008333333333333333217685101602;0.052916666666666667406815349750;0.008750000000000000832667268469;0.036666666666666666851703837438;0.026666666666666668378260496297;0.001666666666666666773641281019;0.007499999999999999722444243844;0.007499999999999999722444243844;0.000833333333333333386820640509;0.026666666666666668378260496297;0.003749999999999999861222121922;0.024166666666666666157814447047;0.022499999999999999167332731531;0.040416666666666663243479007406;0.011249999999999999583666365766;0.002916666666666666799662133158;0.000000000000000000000000000000;0.008750000000000000832667268469;0.010416666666666666088425508008;0.000416666666666666693410320255;0.000000000000000000000000000000;0.030416666666666668239482618219;0.014583333333333333564629796797;0.020000000000000000416333634234;0.042083333333333333703407674875;0.025833333333333333148296162562;0.025000000000000001387778780781;0.022916666666666665047591422422
-0.002991452991452991667237215623;0.038034188034188030902438271141;0.028632478632478631369595589717;0.109401709401709401614510852596;0.013675213675213675201813856575;0.001709401709401709400226732072;0.008547008547008547868495398347;0.038034188034188030902438271141;0.000854700854700854700113366036;0.037606837606837605070264629603;0.007264957264957265167804045802;0.000000000000000000000000000000;0.000854700854700854700113366036;0.029914529914529915805010418239;0.145299145299145310294974819953;0.011965811965811966668948862491;0.005555555555555555767577313730;0.019658119658119657668926549832;0.013675213675213675201813856575;0.002564102564102564100340098108;0.010683760683760683968257509946;0.001282051282051282050170049054;0.003418803418803418800453464144;0.033760683760683758702914047944;0.005982905982905983334474431246;0.033760683760683758702914047944;0.048717948717948718340142733041;0.079914529914529908172227123941;0.002564102564102564100340098108;0.006837606837606837600906928287;0.000000000000000000000000000000;0.016239316239316240603196561665;0.004273504273504273934247699174;0.007692307692307692734701163317;0.004273504273504273934247699174;0.028632478632478631369595589717;0.006837606837606837600906928287;0.003418803418803418800453464144;0.000000000000000000000000000000;0.002991452991452991667237215623;0.010683760683760683968257509946;0.001282051282051282050170049054;0.000000000000000000000000000000;0.022649572649572648902482896460;0.066666666666666665741480812812;0.014957264957264957902505209120;0.036752136752136753405917346527;0.011111111111111111535154627461;0.008974358974358973700669039886;0.009401709401709401267566157401
-0.011111111111111111535154627461;0.011695906432748537362442675658;0.037719298245614034381656409778;0.230994152046783612908242844242;0.003216374269005848121616431001;0.002631578947368420993285775822;0.009356725146198830583843530917;0.032163742690058477746717358059;0.001169590643274853822980441365;0.035380116959064324133610313083;0.010233918128654970192137341201;0.000877192982456140367235331023;0.008187134502923977194543958547;0.042397660818713447938854699260;0.035964912280701755165068789211;0.009941520467836258145855055091;0.004678362573099415291921765458;0.014327485380116959656771058462;0.011403508771929825316160389548;0.005847953216374268681221337829;0.016374269005847954389087917093;0.004678362573099415291921765458;0.013742690058479532094759534289;0.044444444444444446140618509844;0.016374269005847954389087917093;0.035672514619883043118786503101;0.037134502923976610289091837558;0.004970760233918129072927527545;0.005263157894736841986571551644;0.004385964912280701510916003372;0.000584795321637426911490220682;0.018713450292397661167687061834;0.006432748538011696243232862003;0.025438596491228069457202209946;0.011695906432748537362442675658;0.033333333333333332870740406406;0.008479532163742689240826244657;0.001461988304093567170305334457;0.000000000000000000000000000000;0.016666666666666666435370203203;0.012865497076023392486465724005;0.000584795321637426911490220682;0.000000000000000000000000000000;0.026608187134502924581225258294;0.011695906432748537362442675658;0.021929824561403507554580016858;0.035672514619883043118786503101;0.020760233918128655900003920465;0.025730994152046784972931448010;0.019005847953216373213969347944
-0.009166666666666666712925959359;0.005277777777777777935830361145;0.050000000000000002775557561563;0.198888888888888892836348532001;0.001111111111111111110147375847;0.004444444444444444440589503387;0.010555555555555555871660722289;0.025555555555555557051272685953;0.001944444444444444388547799107;0.055000000000000000277555756156;0.014166666666666665949647629930;0.000277777777777777777536843962;0.006111111111111111431071218902;0.049444444444444443642616704437;0.020555555555555556079827539406;0.008333333333333333217685101602;0.005555555555555555767577313730;0.010833333333333333703407674875;0.008611111111111111049432054187;0.005000000000000000104083408559;0.014166666666666665949647629930;0.002777777777777777883788656865;0.008055555555555555385938149016;0.066666666666666665741480812812;0.011111111111111111535154627461;0.041666666666666664353702032031;0.039166666666666669072149886688;0.003611111111111110945348645629;0.005833333333333333599324266316;0.002777777777777777883788656865;0.000000000000000000000000000000;0.024166666666666666157814447047;0.006111111111111111431071218902;0.020833333333333332176851016015;0.013611111111111110286153724758;0.044444444444444446140618509844;0.010277777777777778039913769703;0.003333333333333333547282562037;0.000000000000000000000000000000;0.009722222222222222376419864531;0.013333333333333334189130248149;0.000277777777777777777536843962;0.000000000000000000000000000000;0.031944444444444441977282167500;0.005833333333333333599324266316;0.020000000000000000416333634234;0.050277777777777775403134086218;0.023333333333333334397297065266;0.019444444444444444752839729063;0.016388888888888890338346726594
-0.011742424242424241709326082628;0.004924242424242423858682382587;0.033333333333333332870740406406;0.153787878787878778963360559828;0.009848484848484847717364765174;0.003030303030303030300401934127;0.007196969696969697342925353922;0.026515151515151515887458444354;0.000378787878787878787550241766;0.034090909090909088385856762216;0.012121212121212121201607736509;0.000378787878787878787550241766;0.010227272727272727209646419055;0.042045454545454545580707161889;0.040530303030303027611580546363;0.019696969696969695434729530348;0.003030303030303030300401934127;0.006439393939393939225723784148;0.006060606060606060600803868255;0.003787878787878787983922634908;0.009469696969696969959806587269;0.000378787878787878787550241766;0.009848484848484847717364765174;0.061363636363636363257878514332;0.017424242424242425419933510966;0.044318181818181819064950133225;0.039772727272727272096464190554;0.005303030303030303350964036468;0.004545454545454545233762466694;0.003787878787878787983922634908;0.000000000000000000000000000000;0.026893939393939393645016622258;0.008712121212121212709966755483;0.025000000000000001387778780781;0.032196969696969696128618920739;0.032575757575757577355624050597;0.008333333333333333217685101602;0.003409090909090908925321850020;0.000000000000000000000000000000;0.008333333333333333217685101602;0.008712121212121212709966755483;0.000378787878787878787550241766;0.000000000000000000000000000000;0.039393939393939390869459060696;0.020454545454545454419292838111;0.028030303030303030387138107926;0.042424242424242426807712291748;0.033333333333333332870740406406;0.025378787878787879145336958686;0.031060606060606059386497435071
-0.006666666666666667094565124074;0.019166666666666665186369300500;0.032500000000000001110223024625;0.199166666666666658525031152749;0.012916666666666666574148081281;0.003749999999999999861222121922;0.015833333333333334674852821422;0.038749999999999999722444243844;0.000833333333333333386820640509;0.034583333333333333980963431031;0.008333333333333333217685101602;0.000000000000000000000000000000;0.004166666666666666608842550801;0.027083333333333334258519187188;0.059166666666666666019036568969;0.007499999999999999722444243844;0.008333333333333333217685101602;0.016666666666666666435370203203;0.015416666666666667059870654555;0.001666666666666666773641281019;0.024166666666666666157814447047;0.003749999999999999861222121922;0.014583333333333333564629796797;0.055833333333333332038073137937;0.008333333333333333217685101602;0.024166666666666666157814447047;0.029166666666666667129259593594;0.011666666666666667198648532633;0.003749999999999999861222121922;0.004166666666666666608842550801;0.000000000000000000000000000000;0.032083333333333331760517381781;0.006250000000000000346944695195;0.011666666666666667198648532633;0.012083333333333333078907223523;0.034166666666666664631257788187;0.007083333333333332974823814965;0.001666666666666666773641281019;0.000000000000000000000000000000;0.007083333333333332974823814965;0.027500000000000000138777878078;0.002500000000000000052041704279;0.000000000000000000000000000000;0.032500000000000001110223024625;0.027083333333333334258519187188;0.032083333333333331760517381781;0.032083333333333331760517381781;0.015833333333333334674852821422;0.013333333333333334189130248149;0.012916666666666666574148081281
-0.012500000000000000693889390391;0.019166666666666665186369300500;0.047083333333333331205405869468;0.140833333333333338144299773376;0.013750000000000000069388939039;0.001666666666666666773641281019;0.014166666666666665949647629930;0.041666666666666664353702032031;0.001666666666666666773641281019;0.037083333333333336201409480282;0.007916666666666667337426410711;0.001250000000000000026020852140;0.002916666666666666799662133158;0.029166666666666667129259593594;0.065416666666666664631257788187;0.007083333333333332974823814965;0.012916666666666666574148081281;0.018749999999999999306110609609;0.019583333333333334536074943344;0.007499999999999999722444243844;0.014166666666666665949647629930;0.005000000000000000104083408559;0.005416666666666666851703837438;0.052083333333333335646297967969;0.008333333333333333217685101602;0.032916666666666663521034763562;0.038333333333333330372738601000;0.014999999999999999444888487687;0.006250000000000000346944695195;0.005416666666666666851703837438;0.000833333333333333386820640509;0.032083333333333331760517381781;0.012916666666666666574148081281;0.014583333333333333564629796797;0.012500000000000000693889390391;0.037083333333333336201409480282;0.008333333333333333217685101602;0.004166666666666666608842550801;0.000000000000000000000000000000;0.007083333333333332974823814965;0.013333333333333334189130248149;0.002916666666666666799662133158;0.000000000000000000000000000000;0.037083333333333336201409480282;0.031666666666666669349705642844;0.017916666666666667545593227828;0.037499999999999998612221219219;0.017083333333333332315628894094;0.015833333333333334674852821422;0.012083333333333333078907223523
-0.007539682539682539784420267637;0.008730158730158730367998387578;0.035317460317460316887583360312;0.136507936507936494807680105623;0.003174603174603174600421073848;0.002380952380952381167156239883;0.008333333333333333217685101602;0.037301587301587300904426314219;0.001587301587301587300210536924;0.046428571428571430157461463750;0.010714285714285714384841341484;0.000000000000000000000000000000;0.005952380952380952050528861719;0.044047619047619050725028699844;0.036507936507936510073246694219;0.003968253968253968033685907812;0.006349206349206349200842147695;0.013888888888888888117900677344;0.017460317460317460735996775156;0.005158730158730158617264027754;0.017063492063492061850960013203;0.001587301587301587300210536924;0.007936507936507936067371815625;0.064682539682539688663531762813;0.007936507936507936067371815625;0.040476190476190478106932602032;0.048412698412698414174304417656;0.005555555555555555767577313730;0.005952380952380952050528861719;0.007539682539682539784420267637;0.000000000000000000000000000000;0.031746031746031744269487262500;0.008730158730158730367998387578;0.022222222222222223070309254922;0.025396825396825396803368590781;0.047619047619047616404230893750;0.011904761904761904101057723437;0.001984126984126984016842953906;0.000000000000000000000000000000;0.006746031746031746351155433672;0.010714285714285714384841341484;0.000396825396825396825052634231;0.000000000000000000000000000000;0.035317460317460316887583360312;0.014682539682539682418527249297;0.022619047619047618485899064922;0.046031746031746034741871653750;0.023412698412698412786525636875;0.027380952380952380820211544687;0.024603174603174602502742018828
-0.007738095238095238359576910625;0.008630952380952381514100935078;0.036011904761904758864865527812;0.149702380952380947887192519374;0.005952380952380952050528861719;0.003273809523809523887999395342;0.007440476190476190063161077148;0.036607142857142858927144146719;0.002976190476190476025264430859;0.047023809523809523280846178750;0.013690476190476190410105772344;0.000892857142857142829263372708;0.006547619047619047775998790684;0.047023809523809523280846178750;0.027976190476190477413043211641;0.008035714285714284921269268125;0.007440476190476190063161077148;0.019047619047619049337249919063;0.016666666666666666435370203203;0.009226190476190476372209126055;0.019940476190476189022326991562;0.004464285714285714037896646289;0.013095238095238095551997581367;0.054464285714285715078730731875;0.009821428571428571230317317031;0.036904761904761905488836504219;0.045238095238095236971798129844;0.005952380952380952050528861719;0.005654761904761904621474766230;0.004761904761904762334312479766;0.000000000000000000000000000000;0.029166666666666667129259593594;0.011011904761904762681257174961;0.017857142857142856151586585156;0.019940476190476189022326991562;0.043749999999999997224442438437;0.012202380952380952397473556914;0.001488095238095238012632215430;0.000297619047619047645894529985;0.007738095238095238359576910625;0.013392857142857142113689938867;0.000892857142857142829263372708;0.000000000000000000000000000000;0.031547619047619046561692357500;0.017857142857142856151586585156;0.020833333333333332176851016015;0.034821428571428572618096097813;0.019642857142857142460634634062;0.036904761904761905488836504219;0.018452380952380952744418252109
-0.016269841269841271019780393203;0.026984126984126985404621734688;0.052777777777777777623580135469;0.092063492063492069483743307501;0.011111111111111111535154627461;0.007142857142857142634106981660;0.010714285714285714384841341484;0.024206349206349207087152208828;0.015873015873015872134743631250;0.031746031746031744269487262500;0.012698412698412698401684295391;0.002777777777777777883788656865;0.011111111111111111535154627461;0.026190476190476191103995162734;0.038095238095238098674499838125;0.009126984126984127518311673555;0.034523809523809526056403740313;0.043253968253968252954955175937;0.015873015873015872134743631250;0.006746031746031746351155433672;0.015476190476190476719153821250;0.013095238095238095551997581367;0.015079365079365079568840535273;0.042063492063492066708185745938;0.016269841269841271019780393203;0.026984126984126985404621734688;0.030555555555555554553270880547;0.019047619047619049337249919063;0.005555555555555555767577313730;0.009920634920634920084214769531;0.003968253968253968033685907812;0.027380952380952380820211544687;0.012698412698412698401684295391;0.007936507936507936067371815625;0.015476190476190476719153821250;0.038492063492063494090089648125;0.011111111111111111535154627461;0.007936507936507936067371815625;0.002380952380952381167156239883;0.019841269841269840168429539062;0.011507936507936508685467913438;0.018650793650793650452213157109;0.000000000000000000000000000000;0.022222222222222223070309254922;0.019444444444444444752839729063;0.021031746031746033354092872969;0.030158730158730159137681070547;0.014682539682539682418527249297;0.021428571428571428769682682969;0.010317460317460317234528055508
-0.026587301587301586519584972734;0.017063492063492061850960013203;0.071428571428571424606346340624;0.006349206349206349200842147695;0.011904761904761904101057723437;0.014682539682539682418527249297;0.002380952380952381167156239883;0.024603174603174602502742018828;0.026587301587301586519584972734;0.020634920634920634469056111016;0.011111111111111111535154627461;0.003174603174603174600421073848;0.018650793650793650452213157109;0.033730158730158728286330216406;0.013492063492063492702310867344;0.009920634920634920084214769531;0.034126984126984123701920026406;0.059920634920634922859772331094;0.011904761904761904101057723437;0.010317460317460317234528055508;0.014285714285714285268213963320;0.028571428571428570536427926640;0.026984126984126985404621734688;0.033333333333333332870740406406;0.021031746031746033354092872969;0.023015873015873017370935826875;0.036111111111111107718762980312;0.010714285714285714384841341484;0.001190476190476190583578119941;0.020238095238095239053466301016;0.003571428571428571317053490830;0.025396825396825396803368590781;0.010317460317460317234528055508;0.009523809523809524668624959531;0.026190476190476191103995162734;0.048015873015873018758714607657;0.016269841269841271019780393203;0.011507936507936508685467913438;0.004761904761904762334312479766;0.033730158730158728286330216406;0.009523809523809524668624959531;0.018253968253968255036623347110;0.000000000000000000000000000000;0.018650793650793650452213157109;0.008730158730158730367998387578;0.017063492063492061850960013203;0.031746031746031744269487262500;0.019841269841269840168429539062;0.028968253968253969421464688594;0.013888888888888888117900677344
-0.023873873873873872886175462327;0.015765765765765764327976938830;0.050000000000000002775557561563;0.018468468468468467180709779996;0.009909909909909909303538100289;0.022072072072072072140835885534;0.003603603603603603659083498556;0.028828828828828829272667988448;0.018468468468468467180709779996;0.015765765765765764327976938830;0.016216216216216217116397046993;0.013063063063063063209967573641;0.019819819819819818607076200578;0.038738738738738738576206088737;0.023423423423423423567202306117;0.016216216216216217116397046993;0.012612612612612612156270941455;0.044594594594594597070091879232;0.016666666666666666435370203203;0.011261261261261260729904520872;0.013513513513513514263664205828;0.010810810810810811410931364662;0.019819819819819818607076200578;0.024774774774774774993568726700;0.035135135135135137085526935152;0.032432432432432434232794093987;0.038288288288288285787785980574;0.011711711711711711783601153058;0.002252252252252252232717077973;0.029729729729729731380061252821;0.007207207207207207318166997112;0.016666666666666666435370203203;0.015315315315315315009003782620;0.011261261261261260729904520872;0.027477477477477477846301567865;0.036936936936936934361419559991;0.023873873873873872886175462327;0.007207207207207207318166997112;0.002702702702702702852732841166;0.024774774774774774993568726700;0.009009009009009008930868311893;0.012612612612612612156270941455;0.000000000000000000000000000000;0.015315315315315315009003782620;0.009009009009009008930868311893;0.018018018018018017861736623786;0.035135135135135137085526935152;0.031981981981981981444373985823;0.036936936936936934361419559991;0.020720720720720720714469464951
-0.007777777777777777554191196430;0.009629629629629630344078705662;0.026666666666666668378260496297;0.448518518518518538584771704336;0.000000000000000000000000000000;0.004444444444444444440589503387;0.014074074074074073917306471060;0.049259259259259259577934386698;0.011111111111111111535154627461;0.015925925925925926707193980292;0.009629629629629630344078705662;0.001481481481481481407916356297;0.000370370370370370351979089074;0.021481481481481479872686080057;0.048518518518518516380311211833;0.004814814814814815172039352831;0.012592592592592592726230549260;0.011851851851851851263330850372;0.013703703703703704053218359604;0.000740740740740740703958178148;0.029999999999999998889776975375;0.008148148148148147418279307885;0.000370370370370370351979089074;0.019629629629629628817522046802;0.007777777777777777554191196430;0.018148148148148149361169600979;0.023703703703703702526661700745;0.001481481481481481407916356297;0.005185185185185185036127464286;0.002222222222222222220294751693;0.001481481481481481407916356297;0.021111111111111111743321444578;0.001481481481481481407916356297;0.012592592592592592726230549260;0.000000000000000000000000000000;0.011111111111111111535154627461;0.001481481481481481407916356297;0.001481481481481481407916356297;0.000370370370370370351979089074;0.000740740740740740703958178148;0.027037037037037036507625131776;0.002962962962962962815832712593;0.000000000000000000000000000000;0.018518518518518517490534236458;0.018148148148148149361169600979;0.025925925925925925180637321432;0.017777777777777777762358013547;0.000740740740740740703958178148;0.000370370370370370351979089074;0.007407407407407407690103084974
-0.024183006535947713239176337652;0.019607843137254901688670827298;0.029411764705882352533006240947;0.140849673202614378286767760073;0.006535947712418300852010855095;0.019607843137254901688670827298;0.009803921568627450844335413649;0.027124183006535948492476961746;0.020915032679738560644766565133;0.016339869281045752563708006733;0.016013071895424835222598858309;0.009477124183006535237949741202;0.017320261437908497648141548098;0.021895424836601305729200106498;0.028758169934640521320234896052;0.013071895424836601704021710191;0.020261437908496732901442172192;0.041830065359477121289533130266;0.023202614379084968154742796287;0.007516339869281045936444396460;0.018627450980392156604237285933;0.016993464052287580307032399674;0.019281045751633987817008630827;0.020588235294117646773104368663;0.022549019607843136941971451392;0.020588235294117646773104368663;0.034313725490196081424620899725;0.012418300653594770491250365296;0.002941176470588235253300624095;0.015032679738562091872888792921;0.008496732026143790153516199837;0.013398692810457515575683906661;0.015032679738562091872888792921;0.009477124183006535237949741202;0.027450980392156862364139158217;0.033986928104575160614064799347;0.012091503267973856619588168826;0.014379084967320260660117448026;0.004248366013071895076758099918;0.028104575163398693576910503111;0.010457516339869280322383282567;0.017973856209150325391465941038;0.000000000000000000000000000000;0.016993464052287580307032399674;0.010457516339869280322383282567;0.013071895424836601704021710191;0.017647058823529411519803744568;0.007843137254901960675468330919;0.030065359477124183745777585841;0.011764705882352941013202496379
-0.044999999999999998334665463062;0.009444444444444444544672911945;0.061944444444444447805953046782;0.004166666666666666608842550801;0.001666666666666666773641281019;0.016666666666666666435370203203;0.000833333333333333386820640509;0.025555555555555557051272685953;0.009722222222222222376419864531;0.028611111111111111465765688422;0.023611111111111110494320541875;0.004722222222222222272336455973;0.017222222222222222098864108375;0.059722222222222225151977426094;0.009166666666666666712925959359;0.026944444444444444475283972906;0.020833333333333332176851016015;0.035000000000000003330669073875;0.011666666666666667198648532633;0.011111111111111111535154627461;0.014999999999999999444888487687;0.012500000000000000693889390391;0.015833333333333334674852821422;0.040277777777777780399137697032;0.049722222222222223209087133000;0.051111111111111114102545371907;0.032222222222222221543752596062;0.003333333333333333547282562037;0.001388888888888888941894328433;0.004444444444444444440589503387;0.003333333333333333547282562037;0.013333333333333334189130248149;0.009166666666666666712925959359;0.012777777777777778525636342977;0.026388888888888888811790067734;0.045555555555555557467606320188;0.015555555555555555108382392859;0.008611111111111111049432054187;0.002222222222222222220294751693;0.018333333333333333425851918719;0.004444444444444444440589503387;0.006388888888888889262818171488;0.000000000000000000000000000000;0.015833333333333334674852821422;0.003888888888888888777095598215;0.010555555555555555871660722289;0.054166666666666668517038374375;0.043611111111111114380101128063;0.034722222222222223764198645313;0.021666666666666667406815349750
-0.032312925170068028390968351005;0.007142857142857142634106981660;0.043877551020408162019137421339;0.107823129251700677855296817143;0.004081632653061224857982125513;0.019387755102040816340691620212;0.005102040816326530205115918903;0.017006802721088436908258856306;0.010884353741496597886562192059;0.020068027210884353817021974464;0.016666666666666666435370203203;0.006462585034013605157776627408;0.016666666666666666435370203203;0.035374149659863948769178421117;0.017687074829931974384589210558;0.011904761904761904101057723437;0.035034013605442178296289768014;0.040136054421768707634043948929;0.010204081632653060410231837807;0.015986394557823128959039848951;0.013605442176870747791883609068;0.018367346938775511860919564811;0.020068027210884353817021974464;0.028231292517006803532986225491;0.030952380952380953438307642500;0.032312925170068028390968351005;0.024829931972789116151334454230;0.007823129251700680977799073901;0.004081632653061224857982125513;0.006462585034013605157776627408;0.006122448979591836419611450282;0.024149659863945578675004099978;0.008163265306122449715964251027;0.011904761904761904101057723437;0.034013605442176873816517712612;0.030952380952380953438307642500;0.010544217687074829148397014933;0.008163265306122449715964251027;0.003401360544217686947970902267;0.029591836734693878485646933996;0.005102040816326530205115918903;0.009863945578231291672066660681;0.000000000000000000000000000000;0.020748299319727891293352328717;0.010204081632653060410231837807;0.019727891156462583344133321361;0.036054421768707482776061823415;0.025510204081632653627664808482;0.029251700680272108012758280893;0.015986394557823128959039848951
-0.024528301886792454322705481218;0.022012578616352199839534264925;0.054716981132075473426290557200;0.014779874213836478175077004948;0.005345911949685534271525799710;0.023270440251572325346396397094;0.004402515723270440141379200583;0.024213836477987422945989948175;0.030503144654088050480300609024;0.022641509433962262592965331010;0.018553459119496854695663401458;0.008805031446540880282758401165;0.016666666666666666435370203203;0.034905660377358489754318071618;0.009119496855345911659473934208;0.017610062893081760565516802330;0.030503144654088050480300609024;0.066666666666666665741480812812;0.014779874213836478175077004948;0.011320754716981131296482665505;0.012578616352201258538068273651;0.022012578616352199839534264925;0.026415094339622642582998679472;0.029874213836477987726869542939;0.031132075471698113233731675109;0.027044025157232705336429745557;0.029874213836477987726869542939;0.011320754716981131296482665505;0.003144654088050314634517068413;0.015094339622641509551792537991;0.007547169811320754775896268995;0.021383647798742137086103198840;0.011635220125786162673198198547;0.010691823899371068543051599420;0.023270440251572325346396397094;0.046540880503144650692792794189;0.018238993710691823318947868415;0.005660377358490565648241332752;0.005660377358490565648241332752;0.033647798742138364247455939449;0.009748427672955974412905000293;0.015408805031446540928508071033;0.000000000000000000000000000000;0.016666666666666666435370203203;0.005031446540880502894810266667;0.018238993710691823318947868415;0.026100628930817611206283146430;0.023270440251572325346396397094;0.027044025157232705336429745557;0.010377358490566037166336066377
-0.038888888888888889505679458125;0.007189542483660130330058724013;0.081372549019607845477430885239;0.000000000000000000000000000000;0.000980392156862745084433541365;0.013725490196078431182069579108;0.003921568627450980337734165460;0.016993464052287580307032399674;0.019607843137254901688670827298;0.031699346405228756573535520147;0.018954248366013070475899482403;0.009803921568627450844335413649;0.016013071895424835222598858309;0.054248366013071896984953923493;0.005228758169934640161191641283;0.022222222222222223070309254922;0.022222222222222223070309254922;0.043464052287581697586738016525;0.009803921568627450844335413649;0.013398692810457515575683906661;0.015032679738562091872888792921;0.017320261437908497648141548098;0.014705882352941176266503120473;0.033660130718954246742402602877;0.039215686274509803377341654596;0.041176470588235293546208737325;0.033006535947712418999078209936;0.002614379084967320080595820642;0.000980392156862745084433541365;0.008169934640522876281854003366;0.006862745098039215591034789554;0.017647058823529411519803744568;0.009803921568627450844335413649;0.009477124183006535237949741202;0.029738562091503266404668437417;0.046732026143790850181147789044;0.014705882352941176266503120473;0.013071895424836601704021710191;0.000000000000000000000000000000;0.027777777777777776235801354687;0.005555555555555555767577313730;0.009803921568627450844335413649;0.000000000000000000000000000000;0.019281045751633987817008630827;0.002941176470588235253300624095;0.018300653594771242732575089462;0.043464052287581697586738016525;0.032679738562091505127416013465;0.038562091503267975634017261655;0.017973856209150325391465941038
-0.031395348837209305359330357987;0.003100775193798449569371200596;0.100000000000000005551115123126;0.000000000000000000000000000000;0.000000000000000000000000000000;0.017441860465116278827713003352;0.000387596899224806196171400074;0.021317829457364340789427004097;0.031007751937984495693712005959;0.043410852713178293971196808343;0.018604651162790697416227203576;0.004651162790697674354056800894;0.006976744186046511531085201341;0.054263565891472867463996010429;0.005038759689922480550228200968;0.014728682170542635454513202831;0.042635658914728681578854008194;0.035658914728682170047768806853;0.009689922480620154904285001862;0.010465116279069767296627802011;0.012015503875968992081313402309;0.018217054263565891220055803501;0.004651162790697674354056800894;0.058527131782945739091328363202;0.025193798449612402751141004842;0.040697674418604654067443959775;0.034496124031007754928701558583;0.000387596899224806196171400074;0.001162790697674418588514200223;0.010077519379844961100456401937;0.004651162790697674354056800894;0.033720930232558142536358758434;0.006201550387596899138742401192;0.009689922480620154904285001862;0.010852713178294573492799202086;0.061240310077519378995081211770;0.010465116279069767296627802011;0.008527131782945736315770801639;0.001162790697674418588514200223;0.011627906976744185885142002235;0.004263565891472868157885400819;0.006201550387596899138742401192;0.000000000000000000000000000000;0.028682170542635658516683605512;0.001937984496124030980857000372;0.014341085271317829258341802756;0.063953488372093025837727964245;0.027906976744186046124340805363;0.024806201550387596554969604767;0.013565891472868216865999002607
-0.023563218390804597374144080391;0.009770114942528735496596326016;0.048563218390804595292475909218;0.112931034482758624326592666876;0.025287356321839080108837549687;0.011781609195402298687072040195;0.010344827586206896408160815781;0.039942528735632185088455514688;0.010344827586206896408160815781;0.038505747126436784544267766250;0.016379310344827587714311434297;0.006896551724137930938773877187;0.004885057471264367748298163008;0.034482758620689654693869385937;0.032183908045977011047611426875;0.015804597701149426802746944531;0.018965517241379310081628162266;0.024425287356321840476214291016;0.019252873563218392272133883125;0.006034482758620689571427142539;0.023275862068965518653085311485;0.006896551724137930938773877187;0.002586206896551724102040203945;0.054022988505747125687062037969;0.025000000000000001387778780781;0.041379310344827585632643263125;0.034770114942528733414928154843;0.006896551724137930938773877187;0.004885057471264367748298163008;0.009195402298850574585031836250;0.003448275862068965469386938594;0.021264367816091953727886121328;0.008333333333333333217685101602;0.012356321839080459598636529961;0.003735632183908045925169183477;0.043678160919540229278901222187;0.009770114942528735496596326016;0.004885057471264367748298163008;0.000574712643678160911564489766;0.002011494252873563190475714180;0.017241379310344827346934692969;0.004022988505747126380951428359;0.000000000000000000000000000000;0.027298850574712645034036739844;0.017816091954022988258499182734;0.030747126436781610503423678438;0.033908045977011497251751848125;0.009482758620689655040814081133;0.013218390804597700965983264609;0.016954022988505748625875924063
-0.015306122448979591482709494699;0.006802721088435373895941804534;0.050680272108843536782440963862;0.270068027210884353817021974464;0.001700680272108843473985451134;0.006462585034013605157776627408;0.004761904761904762334312479766;0.021768707482993195773124384118;0.020408163265306120820463675614;0.030612244897959182965418989397;0.011564625850340135362892546311;0.004761904761904762334312479766;0.004761904761904762334312479766;0.031292517006802723911196295603;0.014965986394557822744544317572;0.014965986394557822744544317572;0.019047619047619049337249919063;0.025170068027210883154776155379;0.010544217687074829148397014933;0.009523809523809524668624959531;0.012585034013605441577388077690;0.013265306122448979053718431942;0.004761904761904762334312479766;0.046938775510204082397347491451;0.020748299319727891293352328717;0.028571428571428570536427926640;0.022108843537414966246013037221;0.005442176870748298943281096030;0.002040816326530612428991062757;0.004421768707482993596147302640;0.002721088435374149471640548015;0.023809523809523808202115446875;0.001360544217687074735820274007;0.009523809523809524668624959531;0.012925170068027210315553254816;0.039115646258503403154271893527;0.008503401360544218454129428153;0.003741496598639455686136079393;0.000340136054421768683955068502;0.009183673469387755930459782405;0.008843537414965987192294605279;0.006462585034013605157776627408;0.000000000000000000000000000000;0.027891156462585033060097572388;0.006802721088435373895941804534;0.018367346938775511860919564811;0.030612244897959182965418989397;0.019047619047619049337249919063;0.019047619047619049337249919063;0.015646258503401361955598147802
-0.027651515151515152629579930021;0.016666666666666666435370203203;0.051136363636363639517679047231;0.014393939393939394685850707845;0.006060606060606060600803868255;0.025378787878787879145336958686;0.005303030303030303350964036468;0.025378787878787879145336958686;0.017803030303030303177491688871;0.023484848484848483418652165255;0.017045454545454544192928381108;0.011363636363636363951767904723;0.021590909090909091161414323778;0.045454545454545455807071618892;0.014772727272727272443408885749;0.019696969696969695434729530348;0.023484848484848483418652165255;0.051515151515151513805790273182;0.019318181818181817677171352443;0.014015151515151515193569053963;0.014772727272727272443408885749;0.016666666666666666435370203203;0.021590909090909091161414323778;0.028787878787878789371701415689;0.031060606060606059386497435071;0.030303030303030303871381079261;0.035984848484848487581988507600;0.004545454545454545233762466694;0.001893939393939393991961317454;0.019696969696969695434729530348;0.010984848484848484459486250842;0.015151515151515151935690539631;0.010606060606060606701928072937;0.008333333333333333217685101602;0.031818181818181814901613790880;0.046590909090909092549193104560;0.014015151515151515193569053963;0.014772727272727272443408885749;0.001893939393939393991961317454;0.031060606060606059386497435071;0.007575757575757575967845269815;0.007575757575757575967845269815;0.000000000000000000000000000000;0.020833333333333332176851016015;0.007575757575757575967845269815;0.014772727272727272443408885749;0.026893939393939393645016622258;0.021212121212121213403856145874;0.034090909090909088385856762216;0.017424242424242425419933510966
-0.040960451977401127199307495630;0.011864406779661017254934307630;0.043785310734463275816885641234;0.012429378531073446978449936751;0.006214689265536723489224968375;0.029378531073446328275577954514;0.003672316384180791034447244314;0.018361581920903955605917090566;0.010734463276836157807903049388;0.021751412429378530477563913337;0.022316384180790960201079542458;0.016666666666666666435370203203;0.024858757062146893956899873501;0.039265536723163844967654512175;0.013276836158192089828999904455;0.026271186440677964796241994350;0.023163841807909604786352986139;0.022033898305084745339321727897;0.019209039548022600191190534247;0.008192090395480225786806194321;0.012994350282485874967242089895;0.014124293785310734414273348136;0.017514124293785311020643646884;0.033333333333333332870740406406;0.038983050847457630105896697614;0.036440677966101696350076366571;0.036158192090395481488318552010;0.005932203389830508627467153815;0.001129943502824858796509954750;0.021751412429378530477563913337;0.016949152542372881297128017763;0.015819209039548021850096759522;0.014689265536723164137788977257;0.011016949152542372669660863949;0.042655367231638416369854382992;0.028813559322033898552062325393;0.010734463276836157807903049388;0.018926553672316385329432719686;0.001694915254237288086344714877;0.024858757062146893956899873501;0.005367231638418078903951524694;0.006497175141242937483621044947;0.000000000000000000000000000000;0.023728813559322034509868615260;0.011864406779661017254934307630;0.024011299435028249371626429820;0.029943502824858757999093583635;0.026271186440677964796241994350;0.031073446327683617446124841877;0.022316384180790960201079542458
-0.031300813008130083658908660027;0.009349593495934959558324450768;0.052032520325203251987389307942;0.024390243902439025236450476086;0.032926829268292684416152837912;0.028048780487804878674973352304;0.004065040650406504495195658677;0.015447154471544715867437069790;0.018292682926829267192614381088;0.024390243902439025236450476086;0.018699186991869919116648901536;0.010162601626016259936946539710;0.023170731707317072933793866696;0.035365853658536582082572152785;0.007317073170731707744407490424;0.024796747967479673691038044581;0.025609756097560974069660133523;0.035772357723577237476053625187;0.009756097560975609747635495239;0.010569105691056910126257584182;0.011788617886178862428914193572;0.020731707317073171797927599869;0.021544715447154472176549688811;0.035772357723577237476053625187;0.032113821138211380568083797016;0.039837398373983742838611021853;0.028861788617886179053595441246;0.003252032520325203249211831746;0.001219512195121951218454436905;0.010975609756097560315568628653;0.010569105691056910126257584182;0.013821138211382113375469415928;0.010975609756097560315568628653;0.013414634146341463186158371457;0.032520325203252035961565269417;0.036178861788617885930641193681;0.010162601626016259936946539710;0.015853658536585366056748114261;0.005284552845528455063128792091;0.032926829268292684416152837912;0.005284552845528455063128792091;0.008536585365853659179702361826;0.000000000000000000000000000000;0.018292682926829267192614381088;0.005691056910569106119801574550;0.015447154471544715867437069790;0.034146341463414636718809447302;0.030894308943089431734874139579;0.033333333333333332870740406406;0.019105691056910567571236470030
-0.016060606060606059941608947383;0.004848484848484848480643094604;0.046363636363636363812990026645;0.325151515151515135837456682566;0.020606060606060606910094890054;0.006969696969696969474084013996;0.001515151515151515150200967064;0.022424242424242422921931705559;0.018787878787878787428811122595;0.029393939393939392396015719555;0.006969696969696969474084013996;0.002727272727272727487202175212;0.009393939393939393714405561298;0.027575757575757576384178904050;0.011515151515151514707846480690;0.006363636363636363847684496164;0.021818181818181819897617401693;0.022424242424242422921931705559;0.010303030303030303455047445027;0.008787878787878787220644305478;0.010000000000000000208166817117;0.016666666666666666435370203203;0.011515151515151514707846480690;0.035454545454545453864181325798;0.013939393939393938948168027991;0.025454545454545455390737984658;0.026060606060606061884499240477;0.001818181818181818180241160476;0.000303030303030303030040193413;0.003030303030303030300401934127;0.001515151515151515150200967064;0.020000000000000000416333634234;0.004848484848484848480643094604;0.004848484848484848480643094604;0.011515151515151514707846480690;0.038484848484848482863540652943;0.007575757575757575967845269815;0.006363636363636363847684496164;0.000606060606060606060080386825;0.013939393939393938948168027991;0.007272727272727272720964641906;0.004545454545454545233762466694;0.000000000000000000000000000000;0.018181818181818180935049866775;0.008787878787878787220644305478;0.015151515151515151935690539631;0.033030303030303027889136302520;0.015454545454545455182571167541;0.014545454545454545441929283811;0.009090909090909090467524933388
-0.009722222222222222376419864531;0.010277777777777778039913769703;0.053055555555555557190050564031;0.299166666666666691831721891504;0.003055555555555555715535609451;0.005000000000000000104083408559;0.004722222222222222272336455973;0.017222222222222222098864108375;0.013888888888888888117900677344;0.027222222222222220572307449515;0.007777777777777777554191196430;0.001111111111111111110147375847;0.005555555555555555767577313730;0.040833333333333332593184650250;0.015555555555555555108382392859;0.005277777777777777935830361145;0.022777777777777778733803160094;0.026666666666666668378260496297;0.005555555555555555767577313730;0.011388888888888889366901580047;0.010000000000000000208166817117;0.011666666666666667198648532633;0.007777777777777777554191196430;0.042222222222222223486642889156;0.011388888888888889366901580047;0.026388888888888888811790067734;0.022777777777777778733803160094;0.007222222222222221890697291258;0.002500000000000000052041704279;0.003611111111111110945348645629;0.000555555555555555555073687923;0.024166666666666666157814447047;0.005000000000000000104083408559;0.006944444444444444058950338672;0.013055555555555556357383295563;0.043333333333333334813630699500;0.008055555555555555385938149016;0.006666666666666667094565124074;0.001944444444444444388547799107;0.013611111111111110286153724758;0.007777777777777777554191196430;0.006388888888888889262818171488;0.000000000000000000000000000000;0.020000000000000000416333634234;0.004444444444444444440589503387;0.012777777777777778525636342977;0.037222222222222219045750790656;0.023333333333333334397297065266;0.021111111111111111743321444578;0.012222222222222222862142437805
-0.016666666666666666435370203203;0.007916666666666667337426410711;0.020416666666666666296592325125;0.418333333333333334813630699500;0.004166666666666666608842550801;0.007916666666666667337426410711;0.019166666666666665186369300500;0.027916666666666666019036568969;0.012500000000000000693889390391;0.012083333333333333078907223523;0.007083333333333332974823814965;0.008750000000000000832667268469;0.001250000000000000026020852140;0.015833333333333334674852821422;0.039583333333333331482961625625;0.011249999999999999583666365766;0.012083333333333333078907223523;0.010833333333333333703407674875;0.010000000000000000208166817117;0.005416666666666666851703837438;0.022083333333333333287074040641;0.005833333333333333599324266316;0.005416666666666666851703837438;0.021250000000000001526556658860;0.012500000000000000693889390391;0.019583333333333334536074943344;0.022916666666666665047591422422;0.006250000000000000346944695195;0.005833333333333333599324266316;0.008333333333333333217685101602;0.004583333333333333356462979680;0.014583333333333333564629796797;0.003749999999999999861222121922;0.012500000000000000693889390391;0.005416666666666666851703837438;0.017916666666666667545593227828;0.003749999999999999861222121922;0.008333333333333333217685101602;0.001666666666666666773641281019;0.006250000000000000346944695195;0.014166666666666665949647629930;0.005833333333333333599324266316;0.000000000000000000000000000000;0.017500000000000001665334536938;0.017916666666666667545593227828;0.024583333333333332038073137937;0.018749999999999999306110609609;0.007083333333333332974823814965;0.004166666666666666608842550801;0.012083333333333333078907223523
-0.009941520467836258145855055091;0.022222222222222223070309254922;0.033625730994152044917022692516;0.373976608187134518246352854476;0.008479532163742689240826244657;0.007894736842105263413538196460;0.007602339181286549632532434373;0.023099415204678362678603065206;0.021637426900584795508297730748;0.011695906432748537362442675658;0.011403508771929825316160389548;0.004385964912280701510916003372;0.003216374269005848121616431001;0.013157894736842104532748010115;0.038304093567251465413114885905;0.007602339181286549632532434373;0.019590643274853800775980872118;0.034210526315789475948481168643;0.012865497076023392486465724005;0.003216374269005848121616431001;0.014327485380116959656771058462;0.019883040935672516291710110181;0.004093567251461988597271979273;0.015497076023391813046070630833;0.010526315789473683973143103287;0.014327485380116959656771058462;0.029532163742690058921835927208;0.022807017543859650632320779096;0.003216374269005848121616431001;0.008479532163742689240826244657;0.004970760233918129072927527545;0.018128654970760233605675537660;0.003801169590643274816266217186;0.008771929824561403021832006743;0.004678362573099415291921765458;0.021637426900584795508297730748;0.004678362573099415291921765458;0.004385964912280701510916003372;0.006140350877192982462227099916;0.007894736842105263413538196460;0.011111111111111111535154627461;0.018128654970760233605675537660;0.000000000000000000000000000000;0.010818713450292397754148865374;0.013450292397660818313753772202;0.010818713450292397754148865374;0.011988304093567251143448437745;0.005555555555555555767577313730;0.011988304093567251143448437745;0.010233918128654970192137341201
-0.022962962962962962798485477833;0.014444444444444443781394582516;0.040000000000000000832667268469;0.206296296296296283179216857206;0.015925925925925926707193980292;0.015555555555555555108382392859;0.003333333333333333547282562037;0.018888888888888889089345823891;0.018148148148148149361169600979;0.015185185185185185244294281404;0.014444444444444443781394582516;0.010370370370370370072254928573;0.018148148148148149361169600979;0.027407407407407408106436719208;0.032592592592592589673117231541;0.012962962962962962590318660716;0.021481481481481479872686080057;0.027407407407407408106436719208;0.014814814814814815380206169948;0.006296296296296296363115274630;0.015555555555555555108382392859;0.011481481481481481399242738917;0.010370370370370370072254928573;0.021111111111111111743321444578;0.024074074074074074125473288177;0.028888888888888887562789165031;0.029259259259259259161600752464;0.008518518518518519017090895318;0.002222222222222222220294751693;0.009629629629629630344078705662;0.008518518518518519017090895318;0.015925925925925926707193980292;0.007777777777777777554191196430;0.010370370370370370072254928573;0.023703703703703702526661700745;0.028148148148148147834612942120;0.009629629629629630344078705662;0.010740740740740739936343040029;0.001851851851851851922525771243;0.017037037037037038034181790636;0.005555555555555555767577313730;0.013333333333333334189130248149;0.000000000000000000000000000000;0.017037037037037038034181790636;0.015555555555555555108382392859;0.015185185185185185244294281404;0.024814814814814813853649511088;0.017407407407407406163546426114;0.024444444444444445724284875610;0.015185185185185185244294281404
-0.025666666666666667490082076597;0.015333333333333332496040135595;0.054333333333333330705805508387;0.090666666666666673179975077801;0.027333333333333334480563792113;0.017000000000000001221245327088;0.005333333333333333155235056466;0.025666666666666667490082076597;0.016000000000000000333066907388;0.017000000000000001221245327088;0.014666666666666666393736839780;0.012666666666666666352103476356;0.016000000000000000333066907388;0.040333333333333332149095440400;0.024333333333333331816028533012;0.013666666666666667240281896056;0.015333333333333332496040135595;0.028333333333333331899295259859;0.018333333333333333425851918719;0.009666666666666667157015169209;0.013666666666666667240281896056;0.016000000000000000333066907388;0.014666666666666666393736839780;0.022666666666666668294993769450;0.026666666666666668378260496297;0.026666666666666668378260496297;0.036333333333333335535275665507;0.039666666666666669516239096538;0.002333333333333333526465880325;0.016000000000000000333066907388;0.010999999999999999361621760841;0.010333333333333333259318465025;0.009666666666666667157015169209;0.007000000000000000145716771982;0.028333333333333331899295259859;0.033666666666666664187168578337;0.010666666666666666310470112933;0.010666666666666666310470112933;0.002333333333333333526465880325;0.023666666666666665713725237197;0.005666666666666667073748442363;0.007000000000000000145716771982;0.000000000000000000000000000000;0.013666666666666667240281896056;0.015333333333333332496040135595;0.012999999999999999403255124264;0.033000000000000001554312234475;0.021000000000000001304512053935;0.026333333333333333592385372413;0.015333333333333332496040135595
-0.021111111111111111743321444578;0.010277777777777778039913769703;0.063888888888888883954564334999;0.083055555555555549140933635499;0.023611111111111110494320541875;0.015277777777777777276635440273;0.005833333333333333599324266316;0.016111111111111110771876298031;0.029166666666666667129259593594;0.019722222222222220849863205672;0.011944444444444445030395485219;0.009166666666666666712925959359;0.022777777777777778733803160094;0.039166666666666669072149886688;0.013055555555555556357383295563;0.013611111111111110286153724758;0.036944444444444446418174266000;0.041388888888888891726125507375;0.008055555555555555385938149016;0.012500000000000000693889390391;0.010277777777777778039913769703;0.019444444444444444752839729063;0.014999999999999999444888487687;0.029999999999999998889776975375;0.020833333333333332176851016015;0.027222222222222220572307449515;0.023055555555555554830826636703;0.039444444444444441699726411343;0.002222222222222222220294751693;0.011111111111111111535154627461;0.008888888888888888881179006773;0.025555555555555557051272685953;0.004444444444444444440589503387;0.007499999999999999722444243844;0.028611111111111111465765688422;0.041388888888888891726125507375;0.012222222222222222862142437805;0.010555555555555555871660722289;0.002500000000000000052041704279;0.026388888888888888811790067734;0.005555555555555555767577313730;0.010555555555555555871660722289;0.000000000000000000000000000000;0.015555555555555555108382392859;0.007777777777777777554191196430;0.009444444444444444544672911945;0.033055555555555553304269977843;0.019444444444444444752839729063;0.021666666666666667406815349750;0.013611111111111110286153724758
-0.025510204081632653627664808482;0.026870748299319728580325516987;0.031972789115646257918079697902;0.090476190476190473943596259687;0.044897959183673466498909476741;0.021088435374149658296794029866;0.006462585034013605157776627408;0.028911564625850341009316579743;0.017346938775510203911700557455;0.015306122448979591482709494699;0.014285714285714285268213963320;0.014965986394557822744544317572;0.017687074829931974384589210558;0.020748299319727891293352328717;0.041496598639455782586704657433;0.014965986394557822744544317572;0.016326530612244899431928502054;0.039115646258503403154271893527;0.033673469387755103343629059509;0.007482993197278911372272158786;0.018027210884353741388030911708;0.013265306122448979053718431942;0.009523809523809524668624959531;0.015306122448979591482709494699;0.027891156462585033060097572388;0.020408163265306120820463675614;0.028571428571428570536427926640;0.026190476190476191103995162734;0.001020408163265306214495531378;0.038435374149659862208494587321;0.010544217687074829148397014933;0.014965986394557822744544317572;0.014625850340136054006379140446;0.006802721088435373895941804534;0.019387755102040816340691620212;0.023469387755102041198673745726;0.009523809523809524668624959531;0.007823129251700680977799073901;0.005102040816326530205115918903;0.016666666666666666435370203203;0.011224489795918366624727369185;0.014625850340136054006379140446;0.000000000000000000000000000000;0.009863945578231291672066660681;0.029251700680272108012758280893;0.011224489795918366624727369185;0.018027210884353741388030911708;0.014285714285714285268213963320;0.022448979591836733249454738370;0.011904761904761904101057723437
-0.015555555555555555108382392859;0.038148148148148146308056283260;0.017407407407407406163546426114;0.133703703703703713490114068918;0.040370370370370368962031903948;0.015925925925925926707193980292;0.012592592592592592726230549260;0.042962962962962959745372160114;0.014074074074074073917306471060;0.008518518518518519017090895318;0.011481481481481481399242738917;0.007407407407407407690103084974;0.010000000000000000208166817117;0.011851851851851851263330850372;0.052592592592592593558897817729;0.008148148148148147418279307885;0.016296296296296294836558615771;0.037777777777777778178691647781;0.028518518518518519433424529552;0.003333333333333333547282562037;0.016666666666666666435370203203;0.012962962962962962590318660716;0.014444444444444443781394582516;0.013703703703703704053218359604;0.014444444444444443781394582516;0.019629629629629628817522046802;0.033703703703703701000105041885;0.036666666666666666851703837438;0.006666666666666667094565124074;0.036666666666666666851703837438;0.007407407407407407690103084974;0.015185185185185185244294281404;0.014074074074074073917306471060;0.010000000000000000208166817117;0.009629629629629630344078705662;0.020000000000000000416333634234;0.006666666666666667094565124074;0.012592592592592592726230549260;0.008888888888888888881179006773;0.018518518518518517490534236458;0.015925925925925926707193980292;0.023703703703703702526661700745;0.000000000000000000000000000000;0.012962962962962962590318660716;0.040000000000000000832667268469;0.022222222222222223070309254922;0.009259259259259258745267118229;0.002962962962962962815832712593;0.010740740740740739936343040029;0.007037037037037036958653235530
-0.017816091954022988258499182734;0.014942528735632183700676733906;0.047988505747126437850358371406;0.100862068965517234775397525937;0.021551724137931035918391842188;0.019540229885057470993192652031;0.004022988505747126380951428359;0.026436781609195401931966529219;0.026436781609195401931966529219;0.022988505747126436462579590625;0.015804597701149426802746944531;0.019252873563218392272133883125;0.012068965517241379142854285078;0.028160919540229884666659998516;0.021839080459770114639450611094;0.017528735632183909537440413828;0.024137931034482758285708570156;0.035919540229885055238057134375;0.019540229885057470993192652031;0.010632183908045976863943060664;0.014655172413793103244894489023;0.019252873563218392272133883125;0.008333333333333333217685101602;0.024712643678160919197273059922;0.026149425287356323210907760313;0.027586206896551723755095508750;0.031609195402298853605493889063;0.014080459770114942333329999258;0.000287356321839080455782244883;0.028735632183908045578224488281;0.015229885057471264156458978789;0.019540229885057470993192652031;0.006609195402298850482991632305;0.006609195402298850482991632305;0.014655172413793103244894489023;0.036781609195402298340127345000;0.011494252873563218231289795312;0.008333333333333333217685101602;0.004597701149425287292515918125;0.017816091954022988258499182734;0.009482758620689655040814081133;0.018390804597701149170063672500;0.000000000000000000000000000000;0.015229885057471264156458978789;0.019252873563218392272133883125;0.012931034482758620510201019727;0.031034482758620689224482447344;0.016091954022988505523805713437;0.022701149425287357741520821719;0.010344827586206896408160815781
-0.027500000000000000138777878078;0.020000000000000000416333634234;0.067500000000000004440892098501;0.015555555555555555108382392859;0.011388888888888889366901580047;0.015555555555555555108382392859;0.003888888888888888777095598215;0.017222222222222222098864108375;0.037777777777777778178691647781;0.023888888888888890060790970438;0.010277777777777778039913769703;0.018333333333333333425851918719;0.010555555555555555871660722289;0.038888888888888889505679458125;0.009166666666666666712925959359;0.017777777777777777762358013547;0.030277777777777778456247403938;0.050833333333333334536074943344;0.011944444444444445030395485219;0.009444444444444444544672911945;0.009722222222222222376419864531;0.024166666666666666157814447047;0.015277777777777777276635440273;0.034166666666666664631257788187;0.031388888888888889783235214281;0.033055555555555553304269977843;0.030833333333333334119741309109;0.027222222222222220572307449515;0.003055555555555555715535609451;0.013333333333333334189130248149;0.012777777777777778525636342977;0.022222222222222223070309254922;0.010555555555555555871660722289;0.005277777777777777935830361145;0.019166666666666665186369300500;0.040277777777777780399137697032;0.010833333333333333703407674875;0.010000000000000000208166817117;0.005000000000000000104083408559;0.024722222222222221821308352219;0.006388888888888889262818171488;0.031111111111111110216764785719;0.000000000000000000000000000000;0.019722222222222220849863205672;0.006388888888888889262818171488;0.014999999999999999444888487687;0.031944444444444441977282167500;0.018055555555555553859381490156;0.026388888888888888811790067734;0.014166666666666665949647629930
-0.025000000000000001387778780781;0.025999999999999998806510248528;0.028000000000000000582867087928;0.070333333333333331038872415775;0.018666666666666668211727042603;0.021999999999999998723243521681;0.008333333333333333217685101602;0.034666666666666665075346998037;0.019666666666666665630458510350;0.010000000000000000208166817117;0.014999999999999999444888487687;0.011333333333333334147496884725;0.023666666666666665713725237197;0.017000000000000001221245327088;0.038666666666666668628060676838;0.006000000000000000124900090270;0.011666666666666667198648532633;0.042666666666666665241880451731;0.041000000000000001720845688169;0.002666666666666666577617528233;0.021333333333333332620940225866;0.010999999999999999361621760841;0.029999999999999998889776975375;0.012333333333333333300951828448;0.017666666666666667323548622903;0.019666666666666665630458510350;0.039666666666666669516239096538;0.025666666666666667490082076597;0.003333333333333333547282562037;0.033666666666666664187168578337;0.012999999999999999403255124264;0.010666666666666666310470112933;0.030666666666666664992080271190;0.008999999999999999319988397417;0.025000000000000001387778780781;0.027666666666666665796991964044;0.012666666666666666352103476356;0.008666666666666666268836749509;0.006666666666666667094565124074;0.020000000000000000416333634234;0.011333333333333334147496884725;0.013333333333333334189130248149;0.000000000000000000000000000000;0.009666666666666667157015169209;0.026333333333333333592385372413;0.012666666666666666352103476356;0.010999999999999999361621760841;0.014333333333333333342585191872;0.042000000000000002609024107869;0.008666666666666666268836749509
-0.019918699186991871419305510926;0.011382113821138212239603149101;0.034552845528455285173397015797;0.170731707317073183594047236511;0.007317073170731707744407490424;0.015040650406504065678126025318;0.004065040650406504495195658677;0.031300813008130083658908660027;0.008536585365853659179702361826;0.019512195121951219495270990478;0.019105691056910567571236470030;0.006910569105691056687734707964;0.014634146341463415488814980847;0.030487804878048779810839619131;0.023577235772357724857828387144;0.007723577235772357933718534895;0.018699186991869919116648901536;0.033739837398373981325327974901;0.028861788617886179053595441246;0.010975609756097560315568628653;0.019105691056910567571236470030;0.010975609756097560315568628653;0.015853658536585366056748114261;0.025609756097560974069660133523;0.018699186991869919116648901536;0.027235772357723578296351263361;0.042276422764227640505030336726;0.007317073170731707744407490424;0.000813008130081300812302957937;0.009756097560975609747635495239;0.001626016260162601624605915873;0.015040650406504065678126025318;0.019918699186991871419305510926;0.010162601626016259936946539710;0.021544715447154472176549688811;0.036991869918699189778710234577;0.016666666666666666435370203203;0.007317073170731707744407490424;0.001219512195121951218454436905;0.020325203252032519873893079421;0.008130081300813008990391317354;0.003252032520325203249211831746;0.000000000000000000000000000000;0.014227642276422763564780460399;0.019512195121951219495270990478;0.013008130081300812996847326986;0.021544715447154472176549688811;0.017479674796747966813992292145;0.041869918699186992050442768232;0.015447154471544715867437069790
-0.016666666666666666435370203203;0.006730769230769231142863517903;0.034935897435897436680285466082;0.315705128205128193741302311537;0.002564102564102564100340098108;0.005128205128205128200680196215;0.001602564102564102508502452693;0.020833333333333332176851016015;0.005769230769230769551025872488;0.045512820512820510721052613690;0.011858974358974358476181976130;0.000641025641025641025085024527;0.003525641025641025692177743522;0.043910256410256406911507554014;0.011538461538461539102051744976;0.005448717948717948442172165358;0.010897435897435896884344330715;0.017307692307692308653077617464;0.008012820512820512108831394471;0.002564102564102564100340098108;0.016987179487179485809500434357;0.003525641025641025692177743522;0.004166666666666666608842550801;0.063141025641025638748260462307;0.008333333333333333217685101602;0.041346153846153844979571800877;0.024038461538461539795941135367;0.002564102564102564100340098108;0.000961538461538461591837645415;0.005128205128205128200680196215;0.001282051282051282050170049054;0.021153846153846155020428199123;0.004807692307692307959188227073;0.007051282051282051384355487045;0.008974358974358973700669039886;0.045512820512820510721052613690;0.008012820512820512108831394471;0.002243589743589743425167259971;0.000320512820512820512542512263;0.006089743589743589792517841630;0.008012820512820512108831394471;0.001602564102564102508502452693;0.000000000000000000000000000000;0.031089743589743590312934884423;0.005769230769230769551025872488;0.016346153846153847061239972049;0.046794871794871795156467442212;0.018589743589743589619045494032;0.014743589743589743251694912374;0.010256410256410256401360392431
-0.028030303030303030387138107926;0.000378787878787878787550241766;0.050757575757575758290673917372;0.000000000000000000000000000000;0.000000000000000000000000000000;0.010227272727272727209646419055;0.001515151515151515150200967064;0.024242424242424242403215473018;0.000757575757575757575100483532;0.100000000000000005551115123126;0.015530303030303029693248717535;0.002651515151515151675482018234;0.001893939393939393991961317454;0.060606060606060607742762158523;0.001136363636363636308440616673;0.012121212121212121201607736509;0.015909090909090907450806895440;0.009469696969696969959806587269;0.003409090909090908925321850020;0.004545454545454545233762466694;0.017045454545454544192928381108;0.002272727272727272616881233347;0.002651515151515151675482018234;0.122348484848484845288751898806;0.019318181818181817677171352443;0.076893939393939389481680279914;0.017803030303030303177491688871;0.000000000000000000000000000000;0.000378787878787878787550241766;0.002272727272727272616881233347;0.002272727272727272616881233347;0.039393939393939390869459060696;0.000757575757575757575100483532;0.005303030303030303350964036468;0.004924242424242423858682382587;0.068181818181818176771713524431;0.009848484848484847717364765174;0.006818181818181817850643700041;0.000000000000000000000000000000;0.003030303030303030300401934127;0.010606060606060606701928072937;0.001136363636363636308440616673;0.000000000000000000000000000000;0.063257575757575762454010259717;0.001515151515151515150200967064;0.030303030303030303871381079261;0.085984848484848483418652165255;0.032575757575757577355624050597;0.013257575757575757943729222177;0.016666666666666666435370203203
-0.022083333333333333287074040641;0.008333333333333333217685101602;0.029583333333333333009518284484;0.250416666666666676288599546751;0.001250000000000000026020852140;0.006250000000000000346944695195;0.003333333333333333547282562037;0.023750000000000000277555756156;0.004166666666666666608842550801;0.056666666666666663798590519718;0.009166666666666666712925959359;0.005833333333333333599324266316;0.003333333333333333547282562037;0.038333333333333330372738601000;0.011249999999999999583666365766;0.013750000000000000069388939039;0.007083333333333332974823814965;0.015833333333333334674852821422;0.006666666666666667094565124074;0.006250000000000000346944695195;0.013750000000000000069388939039;0.006250000000000000346944695195;0.005416666666666666851703837438;0.081666666666666665186369300500;0.021666666666666667406815349750;0.046666666666666668794594130532;0.020000000000000000416333634234;0.006666666666666667094565124074;0.000833333333333333386820640509;0.002083333333333333304421275400;0.007083333333333332974823814965;0.027083333333333334258519187188;0.002500000000000000052041704279;0.003749999999999999861222121922;0.006666666666666667094565124074;0.040833333333333332593184650250;0.009166666666666666712925959359;0.008333333333333333217685101602;0.000000000000000000000000000000;0.002916666666666666799662133158;0.008750000000000000832667268469;0.003749999999999999861222121922;0.000000000000000000000000000000;0.045416666666666667684371105906;0.007083333333333332974823814965;0.022083333333333333287074040641;0.034166666666666664631257788187;0.023750000000000000277555756156;0.009166666666666666712925959359;0.009166666666666666712925959359
-0.021851851851851851471497667490;0.020000000000000000416333634234;0.038518518518518521376314822646;0.183333333333333320380731379373;0.008148148148148147418279307885;0.013333333333333334189130248149;0.007037037037037036958653235530;0.038518518518518521376314822646;0.012592592592592592726230549260;0.028148148148148147834612942120;0.014074074074074073917306471060;0.011481481481481481399242738917;0.005185185185185185036127464286;0.026296296296296296779448908865;0.031481481481481478346129421197;0.016296296296296294836558615771;0.018518518518518517490534236458;0.035555555555555555524716027094;0.017777777777777777762358013547;0.006296296296296296363115274630;0.018148148148148149361169600979;0.014074074074074073917306471060;0.008148148148148147418279307885;0.031481481481481478346129421197;0.023333333333333334397297065266;0.029999999999999998889776975375;0.029629629629629630760412339896;0.009259259259259258745267118229;0.003333333333333333547282562037;0.013333333333333334189130248149;0.011111111111111111535154627461;0.027037037037037036507625131776;0.005185185185185185036127464286;0.011111111111111111535154627461;0.010740740740740739936343040029;0.031111111111111110216764785719;0.008518518518518519017090895318;0.008148148148148147418279307885;0.003703703703703703845051542487;0.011851851851851851263330850372;0.012962962962962962590318660716;0.010000000000000000208166817117;0.000000000000000000000000000000;0.021851851851851851471497667490;0.015185185185185185244294281404;0.017407407407407406163546426114;0.024074074074074074125473288177;0.008148148148148147418279307885;0.012592592592592592726230549260;0.014074074074074073917306471060
-0.027672955974842768089860811642;0.011635220125786162673198198547;0.050628930817610065528988627648;0.014465408805031446798361471906;0.005660377358490565648241332752;0.016981132075471697812085736246;0.003144654088050314634517068413;0.024528301886792454322705481218;0.015723270440251572305223604076;0.040880503144654085911913199425;0.019182389937106917449094467543;0.003144654088050314634517068413;0.017295597484276729188801269288;0.040880503144654085911913199425;0.013836477987421384044930405821;0.019182389937106917449094467543;0.019182389937106917449094467543;0.027672955974842768089860811642;0.016037735849056603681939137118;0.010062893081761005789620533335;0.014465408805031446798361471906;0.010377358490566037166336066377;0.019811320754716980202525533628;0.057861635220125787193445887624;0.026415094339622642582998679472;0.047798742138364783138548830266;0.030817610062893081857016142067;0.005031446540880502894810266667;0.002201257861635220070689600291;0.007547169811320754775896268995;0.006603773584905660645749669868;0.027987421383647799466576344685;0.011006289308176099919767132462;0.007861635220125786152611802038;0.032075471698113207363878274236;0.045283018867924525185930662019;0.015723270440251572305223604076;0.009119496855345911659473934208;0.001572327044025157317258534206;0.024528301886792454322705481218;0.005974842767295597892318603783;0.009433962264150943036189467250;0.000000000000000000000000000000;0.028616352201257862220007410770;0.008490566037735848906042868123;0.016981132075471697812085736246;0.043710691823899368302352996807;0.032389937106918238740593807279;0.033962264150943395624171472491;0.018553459119496854695663401458
-0.030357142857142856845475975547;0.005654761904761904621474766230;0.059226190476190473943596259687;0.006547619047619047775998790684;0.003571428571428571317053490830;0.007142857142857142634106981660;0.001190476190476190583578119941;0.026785714285714284227379877734;0.007142857142857142634106981660;0.072321428571428578169211220938;0.011904761904761904101057723437;0.003273809523809523887999395342;0.005357142857142857192420670742;0.056547619047619047949471138281;0.009523809523809524668624959531;0.012797619047619047255581747891;0.017857142857142856151586585156;0.024107142857142858233254756328;0.008333333333333333217685101602;0.011904761904761904101057723437;0.012202380952380952397473556914;0.008928571428571428075793292578;0.005357142857142857192420670742;0.097916666666666665741480812812;0.022619047619047618485899064922;0.053869047619047621955346016875;0.025595238095238094511163495781;0.006845238095238095205052886172;0.002678571428571428596210335371;0.005059523809523809763366575254;0.002976190476190476025264430859;0.034523809523809526056403740313;0.005654761904761904621474766230;0.007142857142857142634106981660;0.010119047619047619526733150508;0.061904761904761906876615285000;0.012500000000000000693889390391;0.006250000000000000346944695195;0.000892857142857142829263372708;0.010119047619047619526733150508;0.005952380952380952050528861719;0.004464285714285714037896646289;0.000000000000000000000000000000;0.045833333333333330095182844843;0.005357142857142857192420670742;0.021726190476190475331375040469;0.068154761904761898549942600312;0.035416666666666665741480812812;0.019047619047619049337249919063;0.019345238095238095898942276563
-0.014779874213836478175077004948;0.019811320754716980202525533628;0.039622641509433960405051067255;0.214779874213836485807860299246;0.024842767295597485699421014260;0.011949685534591195784637207566;0.005660377358490565648241332752;0.021069182389937105709387665797;0.016352201257861635058654670161;0.033333333333333332870740406406;0.011635220125786162673198198547;0.009119496855345911659473934208;0.008176100628930817529327335080;0.023584905660377360192558882090;0.025786163522012579829567613388;0.012578616352201258538068273651;0.017610062893081760565516802330;0.028616352201257862220007410770;0.012578616352201258538068273651;0.007232704402515723399180735953;0.012264150943396227161352740609;0.014779874213836478175077004948;0.007547169811320754775896268995;0.034276729559748427000887005534;0.012893081761006289914783806694;0.033018867924528301494024873364;0.024842767295597485699421014260;0.026729559748427673959714212515;0.000943396226415094346987033624;0.015408805031446540928508071033;0.006603773584905660645749669868;0.016352201257861635058654670161;0.006289308176100629269034136826;0.006918238993710692022465202911;0.010377358490566037166336066377;0.033333333333333332870740406406;0.011006289308176099919767132462;0.007547169811320754775896268995;0.002830188679245282824120666376;0.011006289308176099919767132462;0.005660377358490565648241332752;0.011320754716981131296482665505;0.000000000000000000000000000000;0.024528301886792454322705481218;0.013836477987421384044930405821;0.015408805031446540928508071033;0.031761006289308175987162741194;0.017295597484276729188801269288;0.016666666666666666435370203203;0.009433962264150943036189467250
-0.013888888888888888117900677344;0.014999999999999999444888487687;0.059444444444444445585506997531;0.255000000000000004440892098501;0.007222222222222221890697291258;0.009722222222222222376419864531;0.002500000000000000052041704279;0.026111111111111112714766591125;0.016111111111111110771876298031;0.016111111111111110771876298031;0.015277777777777777276635440273;0.008055555555555555385938149016;0.006388888888888889262818171488;0.029999999999999998889776975375;0.031944444444444441977282167500;0.021666666666666667406815349750;0.019166666666666665186369300500;0.029166666666666667129259593594;0.012500000000000000693889390391;0.003611111111111110945348645629;0.016944444444444446001840631766;0.014166666666666665949647629930;0.002500000000000000052041704279;0.025277777777777777484802257391;0.020000000000000000416333634234;0.031111111111111110216764785719;0.037499999999999998612221219219;0.010555555555555555871660722289;0.002500000000000000052041704279;0.007777777777777777554191196430;0.006944444444444444058950338672;0.012777777777777778525636342977;0.006388888888888889262818171488;0.011666666666666667198648532633;0.007222222222222221890697291258;0.032500000000000001110223024625;0.006944444444444444058950338672;0.005833333333333333599324266316;0.001944444444444444388547799107;0.006388888888888889262818171488;0.006111111111111111431071218902;0.010833333333333333703407674875;0.000000000000000000000000000000;0.012222222222222222862142437805;0.010833333333333333703407674875;0.011666666666666667198648532633;0.035277777777777775958245598531;0.015833333333333334674852821422;0.015277777777777777276635440273;0.016111111111111110771876298031
-0.016944444444444446001840631766;0.025000000000000001387778780781;0.023888888888888890060790970438;0.323611111111111127147665911252;0.011388888888888889366901580047;0.011666666666666667198648532633;0.009444444444444444544672911945;0.031944444444444441977282167500;0.009166666666666666712925959359;0.012777777777777778525636342977;0.013055555555555556357383295563;0.005833333333333333599324266316;0.008888888888888888881179006773;0.015555555555555555108382392859;0.040000000000000000832667268469;0.006666666666666667094565124074;0.017777777777777777762358013547;0.029166666666666667129259593594;0.024444444444444445724284875610;0.003333333333333333547282562037;0.024166666666666666157814447047;0.009722222222222222376419864531;0.005277777777777777935830361145;0.018333333333333333425851918719;0.009166666666666666712925959359;0.011666666666666667198648532633;0.028888888888888887562789165031;0.027222222222222220572307449515;0.001666666666666666773641281019;0.022222222222222223070309254922;0.006388888888888889262818171488;0.011111111111111111535154627461;0.009166666666666666712925959359;0.006388888888888889262818171488;0.008888888888888888881179006773;0.014999999999999999444888487687;0.010000000000000000208166817117;0.008055555555555555385938149016;0.002500000000000000052041704279;0.008055555555555555385938149016;0.011944444444444445030395485219;0.009722222222222222376419864531;0.000000000000000000000000000000;0.018055555555555553859381490156;0.022222222222222223070309254922;0.011388888888888889366901580047;0.012222222222222222862142437805;0.006388888888888889262818171488;0.016111111111111110771876298031;0.007499999999999999722444243844
-0.010576923076923077510214099561;0.012500000000000000693889390391;0.016666666666666666435370203203;0.569230769230769206856734854227;0.005128205128205128200680196215;0.004807692307692307959188227073;0.009935897435897435292506685300;0.017628205128205128027207848618;0.008974358974358973700669039886;0.008653846153846154326538808732;0.007692307692307692734701163317;0.003525641025641025692177743522;0.005769230769230769551025872488;0.005769230769230769551025872488;0.027564102564102563319714533918;0.004807692307692307959188227073;0.011538461538461539102051744976;0.016025641025641024217662788942;0.006410256410256410034009810772;0.004487179487179486850334519943;0.010576923076923077510214099561;0.009935897435897435292506685300;0.005448717948717948442172165358;0.014423076923076923877564681220;0.008974358974358973700669039886;0.009294871794871794809522747016;0.015705128205128204843532557788;0.007371794871794871625847456187;0.007371794871794871625847456187;0.005128205128205128200680196215;0.002884615384615384775512936244;0.012500000000000000693889390391;0.005448717948717948442172165358;0.009615384615384615918376454147;0.009935897435897435292506685300;0.012820512820512820068019621544;0.005128205128205128200680196215;0.004487179487179486850334519943;0.001923076923076923183675290829;0.010897435897435896884344330715;0.008333333333333333217685101602;0.004487179487179486850334519943;0.000000000000000000000000000000;0.007692307692307692734701163317;0.012820512820512820068019621544;0.012500000000000000693889390391;0.008333333333333333217685101602;0.003846153846153846367350581659;0.008012820512820512108831394471;0.006410256410256410034009810772
-0.028571428571428570536427926640;0.006462585034013605157776627408;0.051700680272108841262213019263;0.204081632653061229021318467858;0.002380952380952381167156239883;0.009523809523809524668624959531;0.001700680272108843473985451134;0.019387755102040816340691620212;0.009523809523809524668624959531;0.056802721088435377538861104085;0.008843537414965987192294605279;0.004761904761904762334312479766;0.005442176870748298943281096030;0.046258503401360541451570185245;0.015986394557823128959039848951;0.031292517006802723911196295603;0.013605442176870747791883609068;0.022789115646258503722343391473;0.006462585034013605157776627408;0.004081632653061224857982125513;0.012244897959183672839222900564;0.007823129251700680977799073901;0.001360544217687074735820274007;0.057482993197278911545744506384;0.030612244897959182965418989397;0.051360544217687077728218270067;0.018367346938775511860919564811;0.005782312925170067681446273156;0.000680272108843537367910137004;0.004761904761904762334312479766;0.006802721088435373895941804534;0.023809523809523808202115446875;0.002040816326530612428991062757;0.005782312925170067681446273156;0.002721088435374149471640548015;0.041496598639455782586704657433;0.007142857142857142634106981660;0.009523809523809524668624959531;0.001020408163265306214495531378;0.004421768707482993596147302640;0.006122448979591836419611450282;0.002380952380952381167156239883;0.000000000000000000000000000000;0.025510204081632653627664808482;0.005782312925170067681446273156;0.012244897959183672839222900564;0.047278911564625852870236144554;0.026530612244897958107436863884;0.012925170068027210315553254816;0.016326530612244899431928502054
-0.020270270270270271395496308742;0.008108108108108108558198523497;0.054504504504504502904183027567;0.188738738738738726086197061704;0.005855855855855855891800576529;0.003603603603603603659083498556;0.001801801801801801829541749278;0.026126126126126126419935147283;0.004954954954954954651769050145;0.058108108108108111333756085060;0.010810810810810811410931364662;0.004504504504504504465434155946;0.000900900900900900914770874639;0.029729729729729731380061252821;0.018918918918918919969129888159;0.011261261261261260729904520872;0.015315315315315315009003782620;0.021171171171171170033442621161;0.009459459459459459984564944079;0.002252252252252252232717077973;0.014864864864864865690030626411;0.004954954954954954651769050145;0.001801801801801801829541749278;0.081081081081081085581985234967;0.021171171171171170033442621161;0.041441441441441441428938929903;0.022972972972972974248229149907;0.010810810810810811410931364662;0.002702702702702702852732841166;0.009009009009009008930868311893;0.003153153153153153039067735364;0.036936936936936934361419559991;0.001801801801801801829541749278;0.004504504504504504465434155946;0.004054054054054054279099261748;0.055405405405405408481023243894;0.010360360360360360357234732476;0.003153153153153153039067735364;0.000450450450450450457385437320;0.001351351351351351426366420583;0.014414414414414414636333994224;0.004054054054054054279099261748;0.000000000000000000000000000000;0.040990990990990988640518821740;0.007657657657657657504501891310;0.019819819819819818607076200578;0.045045045045045042919618083488;0.014414414414414414636333994224;0.009909909909909909303538100289;0.015315315315315315009003782620
-0.015040650406504065678126025318;0.006504065040650406498423663493;0.041056910569105688202373727336;0.111788617886178859306411936814;0.006504065040650406498423663493;0.003252032520325203249211831746;0.002439024390243902436908873810;0.026422764227642277917729174419;0.003252032520325203249211831746;0.100813008130081302460290260115;0.006504065040650406498423663493;0.000406504065040650406151478968;0.001626016260162601624605915873;0.031300813008130083658908660027;0.006097560975609756309112619022;0.007317073170731707744407490424;0.012601626016260162807536282514;0.021544715447154472176549688811;0.005284552845528455063128792091;0.004878048780487804873817747620;0.009756097560975609747635495239;0.004065040650406504495195658677;0.000406504065040650406151478968;0.131300813008130068393342071431;0.009756097560975609747635495239;0.052032520325203251987389307942;0.021951219512195120631137257305;0.003658536585365853872203745212;0.004471544715447154684506703148;0.003252032520325203249211831746;0.002439024390243902436908873810;0.054471544715447156592702526723;0.001219512195121951218454436905;0.003252032520325203249211831746;0.003252032520325203249211831746;0.069105691056910570346794031593;0.008536585365853659179702361826;0.005691056910569106119801574550;0.000000000000000000000000000000;0.002845528455284553059900787275;0.013414634146341463186158371457;0.001626016260162601624605915873;0.000000000000000000000000000000;0.063008130081300808833510984641;0.006910569105691056687734707964;0.027235772357723578296351263361;0.045934959349593497413000164897;0.019105691056910567571236470030;0.006504065040650406498423663493;0.010162601626016259936946539710
-0.026602564102564101727876888503;0.005769230769230769551025872488;0.021474358974358974394558430276;0.424038461538461530775379060287;0.020833333333333332176851016015;0.011858974358974358476181976130;0.003205128205128205017004905386;0.008653846153846154326538808732;0.006089743589743589792517841630;0.014423076923076923877564681220;0.012820512820512820068019621544;0.010256410256410256401360392431;0.010897435897435896884344330715;0.019230769230769231836752908293;0.014423076923076923877564681220;0.017307692307692308653077617464;0.009615384615384615918376454147;0.010897435897435896884344330715;0.008974358974358973700669039886;0.006089743589743589792517841630;0.010576923076923077510214099561;0.009294871794871794809522747016;0.004807692307692307959188227073;0.021794871794871793768688661430;0.022435897435897435986396075691;0.025641025641025640136039243089;0.017307692307692308653077617464;0.019230769230769231836752908293;0.001282051282051282050170049054;0.012179487179487179585035683260;0.011538461538461539102051744976;0.010897435897435896884344330715;0.006410256410256410034009810772;0.004807692307692307959188227073;0.013461538461538462285727035805;0.015064102564102564360548619504;0.003525641025641025692177743522;0.011217948717948717993198037846;0.000320512820512820512542512263;0.005769230769230769551025872488;0.004487179487179486850334519943;0.004807692307692307959188227073;0.000000000000000000000000000000;0.014423076923076923877564681220;0.008653846153846154326538808732;0.013782051282051281659857266959;0.015705128205128204843532557788;0.019230769230769231836752908293;0.011217948717948717993198037846;0.016666666666666666435370203203
-0.057051282051282049823104358666;0.007051282051282051384355487045;0.052564102564102564707493314700;0.000961538461538461591837645415;0.001923076923076923183675290829;0.031089743589743590312934884423;0.003525641025641025692177743522;0.018910256410256408993175725186;0.013782051282051281659857266959;0.024679487179487178544201597674;0.015384615384615385469402326635;0.026923076923076924571454071611;0.019871794871794870585013370601;0.042948717948717948789116860553;0.006089743589743589792517841630;0.033653846153846152244870637560;0.019230769230769231836752908293;0.028205128205128205537421948179;0.008012820512820512108831394471;0.008012820512820512108831394471;0.015384615384615385469402326635;0.014102564102564102768710974090;0.013141025641025641176873328675;0.038141025641025644299375585433;0.047756410256410253278858135673;0.042628205128205129414986629399;0.022435897435897435986396075691;0.002884615384615384775512936244;0.001282051282051282050170049054;0.011858974358974358476181976130;0.014743589743589743251694912374;0.016346153846153847061239972049;0.007051282051282051384355487045;0.011858974358974358476181976130;0.033333333333333332870740406406;0.034615384615384617306155234928;0.008653846153846154326538808732;0.019551282051282051210883139447;0.001282051282051282050170049054;0.026282051282051282353746657350;0.003525641025641025692177743522;0.006089743589743589792517841630;0.000000000000000000000000000000;0.027884615384615386163291717025;0.003846153846153846367350581659;0.025000000000000001387778780781;0.043589743589743587537377322860;0.034294871794871797932025003774;0.030769230769230770938804653269;0.021794871794871793768688661430
-0.045555555555555557467606320188;0.011111111111111111535154627461;0.037407407407407410049327012302;0.009629629629629630344078705662;0.010740740740740739936343040029;0.041111111111111112159655078813;0.007037037037037036958653235530;0.031111111111111110216764785719;0.005925925925925925631665425186;0.025185185185185185452461098521;0.021481481481481479872686080057;0.039259259259259257635044093604;0.020740740740740740144509857146;0.041851851851851848418384349770;0.011111111111111111535154627461;0.027777777777777776235801354687;0.012962962962962962590318660716;0.027407407407407408106436719208;0.025185185185185185452461098521;0.008888888888888888881179006773;0.017407407407407406163546426114;0.002962962962962962815832712593;0.010370370370370370072254928573;0.041481481481481480289019714291;0.041111111111111112159655078813;0.046666666666666668794594130532;0.033703703703703701000105041885;0.007037037037037036958653235530;0.003333333333333333547282562037;0.034814814814814812327092852229;0.018888888888888889089345823891;0.015185185185185185244294281404;0.016666666666666666435370203203;0.005185185185185185036127464286;0.012592592592592592726230549260;0.040740740740740744030290443334;0.016296296296296294836558615771;0.012592592592592592726230549260;0.000740740740740740703958178148;0.004814814814814815172039352831;0.004814814814814815172039352831;0.007407407407407407690103084974;0.000000000000000000000000000000;0.025925925925925925180637321432;0.008518518518518519017090895318;0.018888888888888889089345823891;0.032962962962962964741375770927;0.021481481481481479872686080057;0.023333333333333334397297065266;0.012592592592592592726230549260
-0.025000000000000001387778780781;0.011217948717948717993198037846;0.052243589743589745333363083546;0.072756410256410261605530820361;0.007371794871794871625847456187;0.012179487179487179585035683260;0.003846153846153846367350581659;0.031410256410256409687065115577;0.015384615384615385469402326635;0.033333333333333332870740406406;0.016987179487179485809500434357;0.005128205128205128200680196215;0.008012820512820512108831394471;0.047435897435897433904727904519;0.021153846153846155020428199123;0.022115384615384616612265844537;0.013782051282051281659857266959;0.022115384615384616612265844537;0.017948717948717947401338079771;0.008012820512820512108831394471;0.016987179487179485809500434357;0.016666666666666666435370203203;0.004807692307692307959188227073;0.043269230769230768163247091707;0.033333333333333332870740406406;0.046474358974358975782337211058;0.040384615384615386857181107416;0.007692307692307692734701163317;0.002884615384615384775512936244;0.007692307692307692734701163317;0.002884615384615384775512936244;0.024679487179487178544201597674;0.007692307692307692734701163317;0.014743589743589743251694912374;0.015064102564102564360548619504;0.042307692307692310040856398246;0.013461538461538462285727035805;0.008653846153846154326538808732;0.000961538461538461591837645415;0.006410256410256410034009810772;0.011217948717948717993198037846;0.002884615384615384775512936244;0.000000000000000000000000000000;0.029807692307692309346967007855;0.015064102564102564360548619504;0.023076923076923078204103489952;0.043910256410256406911507554014;0.024038461538461539795941135367;0.025641025641025640136039243089;0.019871794871794870585013370601
-0.047712418300653591796134378455;0.005555555555555555767577313730;0.022875816993464050813633647863;0.150326797385620908320547073345;0.003267973856209150426005427548;0.016013071895424835222598858309;0.008496732026143790153516199837;0.024836601307189540982500730593;0.004575163398692810683143772366;0.036601307189542485465150178925;0.016339869281045752563708006733;0.007516339869281045936444396460;0.003921568627450980337734165460;0.023856209150326795898067189228;0.012745098039215686097636037744;0.024836601307189540982500730593;0.014379084967320260660117448026;0.018300653594771242732575089462;0.019281045751633987817008630827;0.004901960784313725422167706824;0.029084967320261438661344044476;0.003594771241830065165029362007;0.002614379084967320080595820642;0.050980392156862744390544150974;0.031372549019607842701873323676;0.062745098039215685403746647353;0.026143790849673203408043420382;0.008496732026143790153516199837;0.003267973856209150426005427548;0.006535947712418300852010855095;0.005555555555555555767577313730;0.017320261437908497648141548098;0.006535947712418300852010855095;0.004901960784313725422167706824;0.005882352941176470506601248189;0.031699346405228756573535520147;0.009477124183006535237949741202;0.024509803921568627110838534122;0.000653594771241830020148955160;0.005555555555555555767577313730;0.008823529411764705759901872284;0.003267973856209150426005427548;0.000000000000000000000000000000;0.048039215686274512606690478833;0.006862745098039215591034789554;0.049346405228758168093339264715;0.032679738562091505127416013465;0.020261437908496732901442172192;0.014052287581699346788455251556;0.013398692810457515575683906661
-0.032051282051282048435325577884;0.000000000000000000000000000000;0.039316239316239315337853099663;0.000427350427350427350056683018;0.003846153846153846367350581659;0.012393162393162392501122504029;0.005128205128205128200680196215;0.024786324786324785002245008059;0.002564102564102564100340098108;0.091452991452991447274278868917;0.012393162393162392501122504029;0.006410256410256410034009810772;0.004273504273504273934247699174;0.032051282051282048435325577884;0.003418803418803418800453464144;0.015811965811965811301575968173;0.008974358974358973700669039886;0.010683760683760683968257509946;0.015384615384615385469402326635;0.003846153846153846367350581659;0.021794871794871793768688661430;0.002564102564102564100340098108;0.001282051282051282050170049054;0.137606837606837617560273656636;0.023931623931623933337897724982;0.055982905982905985242670254820;0.023504273504273504036277131490;0.000000000000000000000000000000;0.001709401709401709400226732072;0.006410256410256410034009810772;0.002991452991452991667237215623;0.038034188034188030902438271141;0.004700854700854700633783078700;0.000854700854700854700113366036;0.004273504273504273934247699174;0.069230769230769234612310469856;0.007692307692307692734701163317;0.010683760683760683968257509946;0.000000000000000000000000000000;0.001282051282051282050170049054;0.007264957264957265167804045802;0.001709401709401709400226732072;0.000000000000000000000000000000;0.091880341880341886984240318270;0.005128205128205128200680196215;0.061538461538461541877609306539;0.053418803418803416371840597776;0.021367521367521367936515019892;0.007264957264957265167804045802;0.010683760683760683968257509946
-0.025277777777777777484802257391;0.010000000000000000208166817117;0.042777777777777775680689842375;0.000000000000000000000000000000;0.000833333333333333386820640509;0.016666666666666666435370203203;0.004444444444444444440589503387;0.028333333333333331899295259859;0.008611111111111111049432054187;0.074166666666666672402818960563;0.011944444444444445030395485219;0.005000000000000000104083408559;0.015833333333333334674852821422;0.033333333333333332870740406406;0.006111111111111111431071218902;0.011944444444444445030395485219;0.016388888888888890338346726594;0.034166666666666664631257788187;0.016111111111111110771876298031;0.006666666666666667094565124074;0.016944444444444446001840631766;0.005000000000000000104083408559;0.025277777777777777484802257391;0.096944444444444444197728216750;0.012500000000000000693889390391;0.044722222222222218768195034500;0.027222222222222220572307449515;0.001666666666666666773641281019;0.001111111111111111110147375847;0.013055555555555556357383295563;0.002222222222222222220294751693;0.034166666666666664631257788187;0.023333333333333334397297065266;0.003333333333333333547282562037;0.017222222222222222098864108375;0.071111111111111111049432054187;0.016111111111111110771876298031;0.010000000000000000208166817117;0.000555555555555555555073687923;0.015833333333333334674852821422;0.012222222222222222862142437805;0.004722222222222222272336455973;0.000000000000000000000000000000;0.042222222222222223486642889156;0.004166666666666666608842550801;0.031388888888888889783235214281;0.046666666666666668794594130532;0.015833333333333334674852821422;0.028055555555555555802271783250;0.007777777777777777554191196430
-0.037735849056603772144757869000;0.016037735849056603681939137118;0.057547169811320755816730354582;0.000000000000000000000000000000;0.000628930817610062861851283333;0.016666666666666666435370203203;0.004088050314465408764663667540;0.021698113207547168462818731882;0.009433962264150943036189467250;0.038364779874213834898188935085;0.018553459119496854695663401458;0.007232704402515723399180735953;0.020754716981132074332672132755;0.056603773584905661686583755454;0.005345911949685534271525799710;0.020440251572327042955956599712;0.022641509433962262592965331010;0.033333333333333332870740406406;0.012264150943396227161352740609;0.008176100628930817529327335080;0.011006289308176099919767132462;0.006289308176100629269034136826;0.018238993710691823318947868415;0.048742138364779877268695429393;0.041194968553459117288628732467;0.038050314465408803521473402043;0.021698113207547168462818731882;0.001886792452830188693974067249;0.003459119496855346011232601455;0.006289308176100629269034136826;0.005031446540880502894810266667;0.025157232704402517076136547303;0.010062893081761005789620533335;0.013207547169811321291499339736;0.034905660377358489754318071618;0.038364779874213834898188935085;0.011320754716981131296482665505;0.013522012578616352668214872779;0.001572327044025157317258534206;0.027987421383647799466576344685;0.004088050314465408764663667540;0.012893081761006289914783806694;0.000000000000000000000000000000;0.021698113207547168462818731882;0.004402515723270440141379200583;0.020125786163522011579241066670;0.047169811320754720385117764181;0.043396226415094336925637463764;0.037735849056603772144757869000;0.022955974842767293969680864052
-0.028525641025641024911552179333;0.004166666666666666608842550801;0.100000000000000005551115123126;0.000000000000000000000000000000;0.002884615384615384775512936244;0.014743589743589743251694912374;0.001602564102564102508502452693;0.022115384615384616612265844537;0.023076923076923078204103489952;0.039102564102564102421766278894;0.012820512820512820068019621544;0.018269230769230770244915262879;0.008974358974358973700669039886;0.063782051282051277496520924615;0.001923076923076923183675290829;0.019230769230769231836752908293;0.021794871794871793768688661430;0.038141025641025644299375585433;0.003846153846153846367350581659;0.015705128205128204843532557788;0.008653846153846154326538808732;0.015384615384615385469402326635;0.007051282051282051384355487045;0.043910256410256406911507554014;0.035576923076923075428545928389;0.053846153846153849142908143222;0.030448717948717948095227470162;0.001282051282051282050170049054;0.000641025641025641025085024527;0.007051282051282051384355487045;0.005769230769230769551025872488;0.020512820512820512802720784862;0.003205128205128205017004905386;0.009935897435897435292506685300;0.018910256410256408993175725186;0.064102564102564096870651155768;0.007051282051282051384355487045;0.010897435897435896884344330715;0.002243589743589743425167259971;0.019871794871794870585013370601;0.003846153846153846367350581659;0.009935897435897435292506685300;0.000000000000000000000000000000;0.016346153846153847061239972049;0.000000000000000000000000000000;0.011538461538461539102051744976;0.056410256410256411074843896358;0.042628205128205129414986629399;0.028846153846153847755129362440;0.023397435897435897578233721106
-0.022962962962962962798485477833;0.003333333333333333547282562037;0.098888888888888887285233408875;0.000000000000000000000000000000;0.000000000000000000000000000000;0.012222222222222222862142437805;0.002962962962962962815832712593;0.019259259259259260688157411323;0.027037037037037036507625131776;0.036296296296296298722339201959;0.013333333333333334189130248149;0.010000000000000000208166817117;0.007777777777777777554191196430;0.062222222222222220433529571437;0.002222222222222222220294751693;0.012592592592592592726230549260;0.033703703703703701000105041885;0.035925925925925923654080662573;0.005185185185185185036127464286;0.018518518518518517490534236458;0.008518518518518519017090895318;0.018148148148148149361169600979;0.008148148148148147418279307885;0.055925925925925927539861248761;0.024074074074074074125473288177;0.048888888888888891448569751219;0.026666666666666668378260496297;0.000370370370370370351979089074;0.001111111111111111110147375847;0.005925925925925925631665425186;0.007407407407407407690103084974;0.025555555555555557051272685953;0.004074074074074073709139653943;0.013333333333333334189130248149;0.015185185185185185244294281404;0.076666666666666660745477201999;0.013703703703703704053218359604;0.007037037037037036958653235530;0.001481481481481481407916356297;0.016666666666666666435370203203;0.003703703703703703845051542487;0.007407407407407407690103084974;0.000000000000000000000000000000;0.020740740740740740144509857146;0.000740740740740740703958178148;0.017037037037037038034181790636;0.057407407407407406996213694583;0.041111111111111112159655078813;0.027407407407407408106436719208;0.021111111111111111743321444578
-0.021111111111111111743321444578;0.007499999999999999722444243844;0.064722222222222222653975620688;0.268333333333333312609170206997;0.004444444444444444440589503387;0.008611111111111111049432054187;0.002500000000000000052041704279;0.015555555555555555108382392859;0.008333333333333333217685101602;0.026388888888888888811790067734;0.010833333333333333703407674875;0.003333333333333333547282562037;0.005833333333333333599324266316;0.040000000000000000832667268469;0.012500000000000000693889390391;0.015555555555555555108382392859;0.017222222222222222098864108375;0.022777777777777778733803160094;0.009722222222222222376419864531;0.011666666666666667198648532633;0.010277777777777778039913769703;0.011944444444444445030395485219;0.007222222222222221890697291258;0.035000000000000003330669073875;0.021388888888888887840344921187;0.028611111111111111465765688422;0.020555555555555556079827539406;0.005833333333333333599324266316;0.000277777777777777777536843962;0.006666666666666667094565124074;0.007499999999999999722444243844;0.019444444444444444752839729063;0.002777777777777777883788656865;0.010277777777777778039913769703;0.016388888888888890338346726594;0.049444444444444443642616704437;0.011388888888888889366901580047;0.007499999999999999722444243844;0.000277777777777777777536843962;0.013611111111111110286153724758;0.002777777777777777883788656865;0.002222222222222222220294751693;0.000000000000000000000000000000;0.014999999999999999444888487687;0.007222222222222221890697291258;0.011666666666666667198648532633;0.040833333333333332593184650250;0.024722222222222221821308352219;0.014444444444444443781394582516;0.017777777777777777762358013547
-0.015579710144927537071590784024;0.047463768115942030212384139531;0.034782608695652174335410933281;0.065217391304347824276810285937;0.019565217391304349364711256953;0.016304347826086956069202571484;0.010507246376811593679967415937;0.028985507246376811946175777734;0.010507246376811593679967415937;0.018115942028985507900040730078;0.014492753623188405973087888867;0.009057971014492753950020365039;0.011594202898550724778470311094;0.017028985507246376801537834922;0.056521739130434782427681028594;0.010144927536231883313799784219;0.017028985507246376801537834922;0.057246376811594203160016292031;0.030797101449275363777013936328;0.006884057971014492620376312715;0.024637681159420291021611149063;0.009782608695652174682355628477;0.022463768115942028824605358750;0.023913043478260870289275885625;0.020289855072463766627599568437;0.020289855072463766627599568437;0.029347826086956522312343409453;0.049275362318840582043222298125;0.002536231884057970828449946055;0.039492753623188409095590145625;0.008333333333333333217685101602;0.020289855072463766627599568437;0.014855072463768116339255520586;0.005797101449275362389235155547;0.010869565217391304046135047656;0.034420289855072463969243301563;0.007608695652173913352711576152;0.005434782608695652023067523828;0.004710144927536232158093998379;0.007246376811594202986543944434;0.019565217391304349364711256953;0.008333333333333333217685101602;0.000000000000000000000000000000;0.013768115942028985240752625430;0.022826086956521739190772990469;0.016666666666666666435370203203;0.020289855072463766627599568437;0.012318840579710145510805574531;0.016304347826086956069202571484;0.010507246376811593679967415937
-0.008510638297872340565786153377;0.030496453900709218770570529955;0.003900709219858156020371842132;0.523758865248226901378814091004;0.026595744680851064051241294806;0.011347517730496454665956029828;0.007801418439716312040743684264;0.023758865248226949951071418354;0.003900709219858156020371842132;0.002836879432624113666489007457;0.004964539007092198807935545801;0.007446808510638298211903318702;0.010283687943262410577349719176;0.001063829787234042570723269172;0.042907801418439715790409394458;0.006028368794326241161818380476;0.002836879432624113666489007457;0.015602836879432624081487368528;0.021985815602836879939507852555;0.001063829787234042570723269172;0.013829787234042552335200326752;0.002482269503546099403967772901;0.003900709219858156020371842132;0.002127659574468085141446538344;0.004609929078014184111733442251;0.003900709219858156020371842132;0.013120567375886524677519595627;0.084042553191489358099808271163;0.000000000000000000000000000000;0.027304964539007093443645501907;0.003546099290780141757850607576;0.001418439716312056833244503729;0.007092198581560283515701215151;0.002127659574468085141446538344;0.003900709219858156020371842132;0.002482269503546099403967772901;0.003900709219858156020371842132;0.004255319148936170282893076688;0.001418439716312056833244503729;0.003900709219858156020371842132;0.014539007092198581727604533853;0.003546099290780141757850607576;0.000000000000000000000000000000;0.001063829787234042570723269172;0.018794326241134751143135872553;0.005319148936170212636775911363;0.000354609929078014208311125932;0.001418439716312056833244503729;0.007092198581560283515701215151;0.001418439716312056833244503729
-0.028205128205128205537421948179;0.017628205128205128027207848618;0.020833333333333332176851016015;0.305128205128205154395004683465;0.010897435897435896884344330715;0.015064102564102564360548619504;0.002564102564102564100340098108;0.025641025641025640136039243089;0.007692307692307692734701163317;0.028846153846153847755129362440;0.008974358974358973700669039886;0.008012820512820512108831394471;0.006089743589743589792517841630;0.021474358974358974394558430276;0.030448717948717948095227470162;0.015064102564102564360548619504;0.012820512820512820068019621544;0.020192307692307693428590553708;0.011858974358974358476181976130;0.004807692307692307959188227073;0.015064102564102564360548619504;0.004487179487179486850334519943;0.008012820512820512108831394471;0.042948717948717948789116860553;0.016025641025641024217662788942;0.030128205128205128721097239008;0.028846153846153847755129362440;0.026602564102564101727876888503;0.001282051282051282050170049054;0.006089743589743589792517841630;0.009294871794871794809522747016;0.009615384615384615918376454147;0.005769230769230769551025872488;0.005128205128205128200680196215;0.010576923076923077510214099561;0.027564102564102563319714533918;0.007692307692307692734701163317;0.008974358974358973700669039886;0.000641025641025641025085024527;0.011858974358974358476181976130;0.008974358974358973700669039886;0.003205128205128205017004905386;0.000000000000000000000000000000;0.026602564102564101727876888503;0.016025641025641024217662788942;0.014743589743589743251694912374;0.019551282051282051210883139447;0.016346153846153847061239972049;0.009615384615384615918376454147;0.006089743589743589792517841630
-0.040416666666666663243479007406;0.012916666666666666574148081281;0.042916666666666665463925056656;0.000416666666666666693410320255;0.001666666666666666773641281019;0.024166666666666666157814447047;0.000833333333333333386820640509;0.029583333333333333009518284484;0.014999999999999999444888487687;0.052499999999999998057109706906;0.017500000000000001665334536938;0.010000000000000000208166817117;0.009166666666666666712925959359;0.029166666666666667129259593594;0.005833333333333333599324266316;0.030416666666666668239482618219;0.015833333333333334674852821422;0.034166666666666664631257788187;0.012083333333333333078907223523;0.007499999999999999722444243844;0.025833333333333333148296162562;0.011666666666666667198648532633;0.014583333333333333564629796797;0.071249999999999993893773364562;0.036666666666666666851703837438;0.046249999999999999444888487687;0.025833333333333333148296162562;0.010833333333333333703407674875;0.001250000000000000026020852140;0.012083333333333333078907223523;0.010000000000000000208166817117;0.019583333333333334536074943344;0.007916666666666667337426410711;0.006666666666666667094565124074;0.012083333333333333078907223523;0.049166666666666664076146275875;0.021250000000000001526556658860;0.007916666666666667337426410711;0.000000000000000000000000000000;0.012500000000000000693889390391;0.010000000000000000208166817117;0.012916666666666666574148081281;0.000000000000000000000000000000;0.042083333333333333703407674875;0.004166666666666666608842550801;0.023333333333333334397297065266;0.044999999999999998334665463062;0.026666666666666668378260496297;0.021250000000000001526556658860;0.019166666666666665186369300500
-0.021212121212121213403856145874;0.014393939393939394685850707845;0.063636363636363629803227581760;0.096590909090909088385856762216;0.039015151515151516581347834745;0.006439393939393939225723784148;0.001136363636363636308440616673;0.023863636363636364645657295114;0.052272727272727269320906628991;0.023863636363636364645657295114;0.012121212121212121201607736509;0.001893939393939393991961317454;0.014772727272727272443408885749;0.039393939393939390869459060696;0.019696969696969695434729530348;0.011742424242424241709326082628;0.027272727272727271402574800163;0.036363636363636361870099733551;0.018560606060606062162054996634;0.014015151515151515193569053963;0.011742424242424241709326082628;0.039015151515151516581347834745;0.005681818181818181975883952362;0.030681818181818181628939257166;0.021590909090909091161414323778;0.027651515151515152629579930021;0.032954545454545451643735276548;0.018560606060606062162054996634;0.000757575757575757575100483532;0.007196969696969697342925353922;0.001515151515151515150200967064;0.012500000000000000693889390391;0.007196969696969697342925353922;0.012500000000000000693889390391;0.020833333333333332176851016015;0.035606060606060606354983377742;0.009090909090909090467524933388;0.003409090909090908925321850020;0.005681818181818181975883952362;0.013636363636363635701287400082;0.003787878787878787983922634908;0.015530303030303029693248717535;0.000000000000000000000000000000;0.013636363636363635701287400082;0.015151515151515151935690539631;0.006818181818181817850643700041;0.033333333333333332870740406406;0.019696969696969695434729530348;0.021590909090909091161414323778;0.014393939393939394685850707845
-0.012280701754385964924454199831;0.024122807017543858310038018544;0.009649122807017544364849293004;0.352631578947368407028761794209;0.149122807017543851371144114637;0.003070175438596491231113549958;0.003508771929824561468941324094;0.023245614035087718701744208261;0.003070175438596491231113549958;0.011842105263157895120307294690;0.014035087719298245875765296375;0.002631578947368420993285775822;0.015350877192982455288206011801;0.011842105263157895120307294690;0.047368421052631580481229178758;0.008333333333333333217685101602;0.005701754385964912658080194774;0.014473684210526315679912201517;0.022368421052631579093450397977;0.002192982456140350755458001686;0.007017543859649122937882648188;0.000877192982456140367235331023;0.003947368421052631706769098230;0.012719298245614034728601104973;0.007017543859649122937882648188;0.015350877192982455288206011801;0.014473684210526315679912201517;0.050438596491228067375534038774;0.001315789473684210496642887911;0.010087719298245614168996198146;0.002631578947368420993285775822;0.004385964912280701510916003372;0.004385964912280701510916003372;0.001754385964912280734470662047;0.008771929824561403021832006743;0.010526315789473683973143103287;0.004824561403508772182424646502;0.006140350877192982462227099916;0.000438596491228070183617665512;0.000877192982456140367235331023;0.010087719298245614168996198146;0.005701754385964912658080194774;0.000000000000000000000000000000;0.007894736842105263413538196460;0.037280701754385962842786028659;0.007456140350877192742029553330;0.010087719298245614168996198146;0.008771929824561403021832006743;0.004824561403508772182424646502;0.003070175438596491231113549958
-0.047385620915032677924472181985;0.018300653594771242732575089462;0.032352941176470591255753816995;0.000653594771241830020148955160;0.002287581699346405341571886183;0.009477124183006535237949741202;0.002287581699346405341571886183;0.026470588235294117279705616852;0.002287581699346405341571886183;0.072549019607843143186975964909;0.012418300653594770491250365296;0.005228758169934640161191641283;0.004575163398692810683143772366;0.051960784313725492944424644293;0.020261437908496732901442172192;0.028104575163398693576910503111;0.007843137254901960675468330919;0.031372549019607842701873323676;0.014379084967320260660117448026;0.002941176470588235253300624095;0.020261437908496732901442172192;0.002287581699346405341571886183;0.006535947712418300852010855095;0.084640522875816998071840657758;0.022549019607843136941971451392;0.079084967320261434498007702132;0.030392156862745097617439782312;0.012418300653594770491250365296;0.000326797385620915010074477580;0.005882352941176470506601248189;0.004575163398692810683143772366;0.024183006535947713239176337652;0.005882352941176470506601248189;0.004901960784313725422167706824;0.006862745098039215591034789554;0.039869281045751631120666047536;0.015032679738562091872888792921;0.015032679738562091872888792921;0.000000000000000000000000000000;0.003594771241830065165029362007;0.012745098039215686097636037744;0.003267973856209150426005427548;0.000000000000000000000000000000;0.046405228758169936309485592574;0.004901960784313725422167706824;0.029411764705882352533006240947;0.047385620915032677924472181985;0.042156862745098042100089230644;0.014379084967320260660117448026;0.021895424836601305729200106498
-0.018939393939393939919613174538;0.053030303030303031774916888708;0.028030303030303030387138107926;0.026136363636363634660453314495;0.028409090909090908144696285831;0.017803030303030303177491688871;0.006818181818181817850643700041;0.040151515151515153323469320412;0.010984848484848484459486250842;0.013257575757575757943729222177;0.015909090909090907450806895440;0.009848484848484847717364765174;0.012121212121212121201607736509;0.016666666666666666435370203203;0.059090909090909089773635542997;0.010984848484848484459486250842;0.016287878787878788677812025298;0.063636363636363629803227581760;0.028409090909090908144696285831;0.004545454545454545233762466694;0.019696969696969695434729530348;0.005681818181818181975883952362;0.014393939393939394685850707845;0.020075757575757576661734660206;0.023106060606060605661093987351;0.020075757575757576661734660206;0.035984848484848487581988507600;0.079166666666666662965923251249;0.002272727272727272616881233347;0.019696969696969695434729530348;0.014015151515151515193569053963;0.006818181818181817850643700041;0.014393939393939394685850707845;0.005303030303030303350964036468;0.013636363636363635701287400082;0.026893939393939393645016622258;0.013257575757575757943729222177;0.021212121212121213403856145874;0.002651515151515151675482018234;0.008333333333333333217685101602;0.022727272727272727903535809446;0.016666666666666666435370203203;0.000000000000000000000000000000;0.011742424242424241709326082628;0.028409090909090908144696285831;0.012878787878787878451447568295;0.015909090909090907450806895440;0.012878787878787878451447568295;0.020454545454545454419292838111;0.010606060606060606701928072937
-0.025287356321839080108837549687;0.050574712643678160217675099375;0.011206896551724137775507550430;0.057758620689655169877507745468;0.052586206896551725142874289531;0.019252873563218392272133883125;0.019540229885057470993192652031;0.027586206896551723755095508750;0.003448275862068965469386938594;0.018965517241379310081628162266;0.013218390804597700965983264609;0.020977011494252875006827352422;0.009770114942528735496596326016;0.011206896551724137775507550430;0.041954022988505750013654704844;0.014080459770114942333329999258;0.017528735632183909537440413828;0.030459770114942528312917957578;0.041954022988505750013654704844;0.003448275862068965469386938594;0.030459770114942528312917957578;0.002586206896551724102040203945;0.016954022988505748625875924063;0.027298850574712645034036739844;0.018103448275862070449004903594;0.020977011494252875006827352422;0.019827586206896553183698372891;0.051436781609195403319745310000;0.001436781609195402278911224414;0.032471264367816089768670195781;0.018678160919540231360569393360;0.015804597701149426802746944531;0.013218390804597700965983264609;0.006321839080459770027209387422;0.010632183908045976863943060664;0.022701149425287357741520821719;0.003735632183908045925169183477;0.014080459770114942333329999258;0.000000000000000000000000000000;0.010919540229885057319725305547;0.025862068965517241020402039453;0.018965517241379310081628162266;0.000000000000000000000000000000;0.022701149425287357741520821719;0.031609195402298853605493889063;0.023563218390804597374144080391;0.013218390804597700965983264609;0.012931034482758620510201019727;0.011206896551724137775507550430;0.011494252873563218231289795312
-0.036792452830188678014611269873;0.028301886792452830843291877727;0.015408805031446540928508071033;0.158176100628930810243488735978;0.023899371069182391569274415133;0.012264150943396227161352740609;0.009119496855345911659473934208;0.024528301886792454322705481218;0.004402515723270440141379200583;0.019811320754716980202525533628;0.008176100628930817529327335080;0.011006289308176099919767132462;0.007861635220125786152611802038;0.016352201257861635058654670161;0.040880503144654085911913199425;0.022012578616352199839534264925;0.012578616352201258538068273651;0.027358490566037736713145278600;0.020440251572327042955956599712;0.003459119496855346011232601455;0.023899371069182391569274415133;0.001886792452830188693974067249;0.030503144654088050480300609024;0.030503144654088050480300609024;0.025157232704402517076136547303;0.026100628930817611206283146430;0.017924528301886791942232335373;0.052201257861635222412566292860;0.003459119496855346011232601455;0.017924528301886791942232335373;0.014779874213836478175077004948;0.013522012578616352668214872779;0.017924528301886791942232335373;0.006918238993710692022465202911;0.009119496855345911659473934208;0.022012578616352199839534264925;0.004402515723270440141379200583;0.014465408805031446798361471906;0.000000000000000000000000000000;0.009119496855345911659473934208;0.020440251572327042955956599712;0.007232704402515723399180735953;0.000000000000000000000000000000;0.024842767295597485699421014260;0.023584905660377360192558882090;0.030188679245283019103585075982;0.014779874213836478175077004948;0.012264150943396227161352740609;0.012264150943396227161352740609;0.009748427672955974412905000293
-0.018238993710691823318947868415;0.022641509433962262592965331010;0.058176100628930818570161420666;0.064465408805031446104472081515;0.011320754716981131296482665505;0.017295597484276729188801269288;0.004402515723270440141379200583;0.031446540880503144610447208152;0.025786163522012579829567613388;0.015094339622641509551792537991;0.018238993710691823318947868415;0.005974842767295597892318603783;0.009748427672955974412905000293;0.033018867924528301494024873364;0.026100628930817611206283146430;0.013522012578616352668214872779;0.016981132075471697812085736246;0.056289308176100630309868222412;0.031761006289308175987162741194;0.005974842767295597892318603783;0.019496855345911948825810000585;0.043396226415094336925637463764;0.026415094339622642582998679472;0.019182389937106917449094467543;0.022012578616352199839534264925;0.026415094339622642582998679472;0.035849056603773583884464670746;0.010377358490566037166336066377;0.002201257861635220070689600291;0.012893081761006289914783806694;0.005660377358490565648241332752;0.010377358490566037166336066377;0.019182389937106917449094467543;0.008176100628930817529327335080;0.015723270440251572305223604076;0.031132075471698113233731675109;0.016352201257861635058654670161;0.006918238993710692022465202911;0.008176100628930817529327335080;0.024528301886792454322705481218;0.015094339622641509551792537991;0.015723270440251572305223604076;0.000000000000000000000000000000;0.008805031446540880282758401165;0.016352201257861635058654670161;0.012893081761006289914783806694;0.028616352201257862220007410770;0.014779874213836478175077004948;0.024842767295597485699421014260;0.011949685534591195784637207566
-0.015686274509803921350936661838;0.019607843137254901688670827298;0.032679738562091505127416013465;0.447385620915032700128932674488;0.006862745098039215591034789554;0.006535947712418300852010855095;0.010784313725490195928768955014;0.014379084967320260660117448026;0.014379084967320260660117448026;0.012091503267973856619588168826;0.010130718954248366450721086096;0.002614379084967320080595820642;0.003594771241830065165029362007;0.021895424836601305729200106498;0.016993464052287580307032399674;0.008823529411764705759901872284;0.011111111111111111535154627461;0.022875816993464050813633647863;0.008823529411764705759901872284;0.004575163398692810683143772366;0.009477124183006535237949741202;0.009150326797385621366287544731;0.003594771241830065165029362007;0.019934640522875815560333023768;0.011764705882352941013202496379;0.017973856209150325391465941038;0.019281045751633987817008630827;0.020261437908496732901442172192;0.001960784313725490168867082730;0.010784313725490195928768955014;0.005555555555555555767577313730;0.010457516339869280322383282567;0.004248366013071895076758099918;0.006209150326797385245625182648;0.008496732026143790153516199837;0.019281045751633987817008630827;0.006209150326797385245625182648;0.006209150326797385245625182648;0.000326797385620915010074477580;0.007516339869281045936444396460;0.005555555555555555767577313730;0.012418300653594770491250365296;0.000000000000000000000000000000;0.017320261437908497648141548098;0.005882352941176470506601248189;0.020915032679738560644766565133;0.016013071895424835222598858309;0.008823529411764705759901872284;0.011764705882352941013202496379;0.010784313725490195928768955014
-0.010000000000000000208166817117;0.002916666666666666799662133158;0.015833333333333334674852821422;0.603750000000000008881784197001;0.033333333333333332870740406406;0.006666666666666667094565124074;0.007916666666666667337426410711;0.011666666666666667198648532633;0.004583333333333333356462979680;0.013333333333333334189130248149;0.007499999999999999722444243844;0.004166666666666666608842550801;0.002916666666666666799662133158;0.010416666666666666088425508008;0.012500000000000000693889390391;0.006666666666666667094565124074;0.012500000000000000693889390391;0.006666666666666667094565124074;0.007916666666666667337426410711;0.002500000000000000052041704279;0.011249999999999999583666365766;0.004166666666666666608842550801;0.005416666666666666851703837438;0.016666666666666666435370203203;0.007499999999999999722444243844;0.013750000000000000069388939039;0.012500000000000000693889390391;0.005833333333333333599324266316;0.005833333333333333599324266316;0.004583333333333333356462979680;0.004583333333333333356462979680;0.013333333333333334189130248149;0.003333333333333333547282562037;0.004166666666666666608842550801;0.006666666666666667094565124074;0.015833333333333334674852821422;0.002916666666666666799662133158;0.004583333333333333356462979680;0.001666666666666666773641281019;0.005416666666666666851703837438;0.002500000000000000052041704279;0.005833333333333333599324266316;0.000000000000000000000000000000;0.010000000000000000208166817117;0.008333333333333333217685101602;0.015416666666666667059870654555;0.010000000000000000208166817117;0.003749999999999999861222121922;0.007083333333333332974823814965;0.003333333333333333547282562037
-0.018699186991869919116648901536;0.005691056910569106119801574550;0.044715447154471545110343555507;0.303658536585365845805739581920;0.044715447154471545110343555507;0.006504065040650406498423663493;0.005691056910569106119801574550;0.029268292682926830977629961694;0.005284552845528455063128792091;0.027235772357723578296351263361;0.013008130081300812996847326986;0.003252032520325203249211831746;0.002439024390243902436908873810;0.034552845528455285173397015797;0.015853658536585366056748114261;0.004878048780487804873817747620;0.015853658536585366056748114261;0.015040650406504065678126025318;0.006504065040650406498423663493;0.003658536585365853872203745212;0.017886178861788618738026812593;0.006910569105691056687734707964;0.002845528455284553059900787275;0.058943089430894310409847491883;0.016666666666666666435370203203;0.035365853658536582082572152785;0.020325203252032519873893079421;0.002439024390243902436908873810;0.001626016260162601624605915873;0.004471544715447154684506703148;0.000406504065040650406151478968;0.023577235772357724857828387144;0.003252032520325203249211831746;0.011788617886178862428914193572;0.007317073170731707744407490424;0.022357723577235772555171777753;0.004471544715447154684506703148;0.004878048780487804873817747620;0.000406504065040650406151478968;0.007723577235772357933718534895;0.009349593495934959558324450768;0.002845528455284553059900787275;0.000000000000000000000000000000;0.033333333333333332870740406406;0.006097560975609756309112619022;0.024390243902439025236450476086;0.031300813008130083658908660027;0.012195121951219512618225238043;0.010569105691056910126257584182;0.009756097560975609747635495239
-0.054237288135593218763030876062;0.002542372881355932021096855067;0.061864406779661020030491869193;0.000000000000000000000000000000;0.019491525423728815052948348807;0.033615819209039547732498220967;0.001977401129943502731262094940;0.017514124293785311020643646884;0.009887005649717514957353081684;0.029096045197740113413820139954;0.021468926553672315615806098776;0.025706214689265535072726365229;0.014406779661016949276031162697;0.050847457627118647360831005244;0.004802259887005650047797633562;0.032485875706214688285466962725;0.014971751412429378999546791817;0.022316384180790960201079542458;0.013276836158192089828999904455;0.007909604519774010925048379761;0.017514124293785311020643646884;0.011581920903954802393176493069;0.009039548022598870372079638003;0.036723163841807911211834181131;0.060169491525423730859944981830;0.044067796610169490678643455794;0.030225988700564972860851398195;0.000847457627118644043172357438;0.001412429378531073441427334814;0.015536723163841808723062420938;0.012429378531073446978449936751;0.019209039548022600191190534247;0.007062146892655367207136674068;0.009604519774011300095595267123;0.024011299435028249371626429820;0.034745762711864407179529479208;0.012146892655367232116692122190;0.011864406779661017254934307630;0.000564971751412429398254977375;0.012994350282485874967242089895;0.002542372881355932021096855067;0.003389830508474576172689429754;0.000000000000000000000000000000;0.024011299435028249371626429820;0.002542372881355932021096855067;0.012429378531073446978449936751;0.057909604519774011965882465347;0.038983050847457630105896697614;0.025423728813559323680415502622;0.022598870056497175062837357018
-0.035925925925925923654080662573;0.002962962962962962815832712593;0.074074074074074069962136945833;0.002962962962962962815832712593;0.000740740740740740703958178148;0.030740740740740742087400150240;0.002962962962962962815832712593;0.017777777777777777762358013547;0.009629629629629630344078705662;0.052592592592592593558897817729;0.017407407407407406163546426114;0.018148148148148149361169600979;0.008888888888888888881179006773;0.059999999999999997779553950750;0.007407407407407407690103084974;0.022592592592592591199673890401;0.021111111111111111743321444578;0.020370370370370372015145221667;0.013333333333333334189130248149;0.007407407407407407690103084974;0.018148148148148149361169600979;0.014444444444444443781394582516;0.001851851851851851922525771243;0.063703703703703706828775921167;0.035555555555555555524716027094;0.058518518518518518323201504927;0.025925925925925925180637321432;0.001851851851851851922525771243;0.001851851851851851922525771243;0.008518518518518519017090895318;0.003333333333333333547282562037;0.027777777777777776235801354687;0.006296296296296296363115274630;0.012962962962962962590318660716;0.014074074074074073917306471060;0.050370370370370370904922197042;0.009259259259259258745267118229;0.011111111111111111535154627461;0.000000000000000000000000000000;0.011481481481481481399242738917;0.003333333333333333547282562037;0.002222222222222222220294751693;0.000000000000000000000000000000;0.032962962962962964741375770927;0.003333333333333333547282562037;0.011851851851851851263330850372;0.062222222222222220433529571437;0.036296296296296298722339201959;0.021851851851851851471497667490;0.021851851851851851471497667490
-0.033333333333333332870740406406;0.006321839080459770027209387422;0.054310344827586204408120806875;0.024425287356321840476214291016;0.010057471264367815952378570898;0.027873563218390805945601229610;0.003160919540229885013604693711;0.030172413793103449591859188672;0.008333333333333333217685101602;0.044540229885057472380971432813;0.017241379310344827346934692969;0.017528735632183909537440413828;0.013218390804597700965983264609;0.045689655172413794204100412344;0.013505747126436781421765509492;0.016954022988505748625875924063;0.011781609195402298687072040195;0.031896551724137932326552657969;0.035632183908045976516998365469;0.007758620689655172306120611836;0.022988505747126436462579590625;0.003735632183908045925169183477;0.007183908045977011394556122070;0.051149425287356324598686541094;0.035919540229885055238057134375;0.044540229885057472380971432813;0.037356321839080462721138786719;0.002873563218390804557822448828;0.000287356321839080455782244883;0.030459770114942528312917957578;0.008045977011494252761902856719;0.018965517241379310081628162266;0.015804597701149426802746944531;0.003448275862068965469386938594;0.012643678160919540054418774844;0.045402298850574715483041643438;0.016666666666666666435370203203;0.009482758620689655040814081133;0.000000000000000000000000000000;0.004597701149425287292515918125;0.008908045977011494129249591367;0.002586206896551724102040203945;0.000000000000000000000000000000;0.022988505747126436462579590625;0.005747126436781609115644897656;0.019540229885057470993192652031;0.040229885057471263809514283594;0.027011494252873562843531018984;0.030747126436781610503423678438;0.016954022988505748625875924063
-0.025454545454545455390737984658;0.005151515151515151727523722514;0.067575757575757580686293124472;0.015757575757575758429451795450;0.007878787878787879214725897725;0.022727272727272727903535809446;0.005151515151515151727523722514;0.024242424242424242403215473018;0.015454545454545455182571167541;0.030606060606060605383538231195;0.015757575757575758429451795450;0.006666666666666667094565124074;0.017878787878787879422892714842;0.052727272727272726793312784821;0.004848484848484848480643094604;0.017575757575757574441288610956;0.018484848484848485916653970662;0.039696969696969695851063164582;0.019393939393939393922572378415;0.014545454545454545441929283811;0.016666666666666666435370203203;0.022727272727272727903535809446;0.017272727272727272929131459023;0.037878787878787879839226349077;0.028787878787878789371701415689;0.029393939393939392396015719555;0.025151515151515150409133880771;0.002121212121212121427121788386;0.002727272727272727487202175212;0.014848484848484848688809911721;0.006363636363636363847684496164;0.021212121212121213403856145874;0.007878787878787879214725897725;0.016363636363636364923213051270;0.036060606060606063827389533571;0.046363636363636363812990026645;0.019393939393939393922572378415;0.009090909090909090467524933388;0.001515151515151515150200967064;0.038181818181818184820830452963;0.005454545454545454974404350423;0.003939393939393939607362948863;0.000000000000000000000000000000;0.020000000000000000416333634234;0.006666666666666667094565124074;0.015454545454545455182571167541;0.043636363636363639795234803387;0.024848484848484848896976728838;0.040303030303030305814271372356;0.012121212121212121201607736509
-0.027272727272727271402574800163;0.001893939393939393991961317454;0.096969696969696969612861892074;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008333333333333333217685101602;0.000757575757575757575100483532;0.017045454545454544192928381108;0.010984848484848484459486250842;0.052272727272727269320906628991;0.011742424242424241709326082628;0.002272727272727272616881233347;0.010227272727272727209646419055;0.075378787878787878451447568295;0.001893939393939393991961317454;0.015909090909090907450806895440;0.024242424242424242403215473018;0.026136363636363634660453314495;0.003030303030303030300401934127;0.015530303030303029693248717535;0.006439393939393939225723784148;0.020454545454545454419292838111;0.008712121212121212709966755483;0.061363636363636363257878514332;0.020833333333333332176851016015;0.048863636363636366033436075895;0.023484848484848483418652165255;0.013636363636363635701287400082;0.000378787878787878787550241766;0.001515151515151515150200967064;0.001515151515151515150200967064;0.026893939393939393645016622258;0.001136363636363636308440616673;0.010984848484848484459486250842;0.022348484848484850145977631541;0.055303030303030305259159860043;0.013257575757575757943729222177;0.005681818181818181975883952362;0.001515151515151515150200967064;0.031439393939393940613502564929;0.004545454545454545233762466694;0.003409090909090908925321850020;0.000000000000000000000000000000;0.029545454545454544886817771498;0.000000000000000000000000000000;0.014393939393939394685850707845;0.080303030303030306646938640824;0.046969696969696966837304330511;0.029924242424242422644375949403;0.013257575757575757943729222177
-0.020000000000000000416333634234;0.001515151515151515150200967064;0.030606060606060605383538231195;0.444545454545454521433356376292;0.001515151515151515150200967064;0.007272727272727272720964641906;0.001515151515151515150200967064;0.015757575757575758429451795450;0.001212121212121212120160773651;0.028787878787878789371701415689;0.010303030303030303455047445027;0.005757575757575757353923240345;0.005151515151515151727523722514;0.040606060606060603856981572335;0.007272727272727272720964641906;0.009090909090909090467524933388;0.004848484848484848480643094604;0.005454545454545454974404350423;0.006666666666666667094565124074;0.005454545454545454974404350423;0.007878787878787879214725897725;0.003333333333333333547282562037;0.002121212121212121427121788386;0.045757575757575760788675722779;0.020606060606060606910094890054;0.036969696969696971833307941324;0.018484848484848485916653970662;0.008787878787878787220644305478;0.000000000000000000000000000000;0.004545454545454545233762466694;0.008484848484848485708487153545;0.009696969696969696961286189207;0.002727272727272727487202175212;0.002727272727272727487202175212;0.008484848484848485708487153545;0.026969696969696969890417648230;0.005151515151515151727523722514;0.006363636363636363847684496164;0.000000000000000000000000000000;0.003636363636363636360482320953;0.003030303030303030300401934127;0.000303030303030303030040193413;0.000000000000000000000000000000;0.017878787878787879422892714842;0.005757575757575757353923240345;0.009090909090909090467524933388;0.039696969696969695851063164582;0.025151515151515150409133880771;0.010909090909090909948808700847;0.012121212121212121201607736509
-0.023809523809523808202115446875;0.008333333333333333217685101602;0.057738095238095241135134472188;0.107142857142857136909519510937;0.004464285714285714037896646289;0.011607142857142857539365365938;0.006845238095238095205052886172;0.016666666666666666435370203203;0.012202380952380952397473556914;0.036309523809523812365451789219;0.013095238095238095551997581367;0.005059523809523809763366575254;0.014285714285714285268213963320;0.045535714285714283533490487343;0.011607142857142857539365365938;0.021130952380952382207990325469;0.017559523809523809589894227656;0.027976190476190477413043211641;0.007440476190476190063161077148;0.011607142857142857539365365938;0.011607142857142857539365365938;0.015773809523809523280846178750;0.020535714285714285615158658516;0.039880952380952378044653983125;0.024702380952380951356639471328;0.041071428571428571230317317031;0.027083333333333334258519187188;0.007440476190476190063161077148;0.004761904761904762334312479766;0.007142857142857142634106981660;0.008333333333333333217685101602;0.025000000000000001387778780781;0.005952380952380952050528861719;0.011904761904761904101057723437;0.027380952380952380820211544687;0.038095238095238098674499838125;0.010119047619047619526733150508;0.011011904761904762681257174961;0.002976190476190476025264430859;0.031250000000000000000000000000;0.005059523809523809763366575254;0.006250000000000000346944695195;0.000000000000000000000000000000;0.025595238095238094511163495781;0.004464285714285714037896646289;0.020833333333333332176851016015;0.040476190476190478106932602032;0.025000000000000001387778780781;0.025297619047619047949471138281;0.014583333333333333564629796797
-0.020940170940170938634894426400;0.031623931623931622603151936346;0.030341880341880341637184059778;0.122222222222222218213083522187;0.048290598290598292507969091503;0.012820512820512820068019621544;0.004273504273504273934247699174;0.029059829059829060671216183209;0.005128205128205128200680196215;0.012820512820512820068019621544;0.017094017094017095736990796695;0.009829059829059828834463274916;0.010256410256410256401360392431;0.022649572649572648902482896460;0.066239316239316239909307171274;0.012393162393162392501122504029;0.012393162393162392501122504029;0.025641025641025640136039243089;0.028205128205128205537421948179;0.008119658119658120301598280832;0.020085470085470086970547143324;0.007692307692307692734701163317;0.011111111111111111535154627461;0.020512820512820512802720784862;0.015811965811965811301575968173;0.022222222222222223070309254922;0.029487179487179486503389824748;0.049145299145299144172316374579;0.000427350427350427350056683018;0.019658119658119657668926549832;0.010256410256410256401360392431;0.008547008547008547868495398347;0.009401709401709401267566157401;0.005555555555555555767577313730;0.016239316239316240603196561665;0.035470085470085468970502518005;0.008119658119658120301598280832;0.007692307692307692734701163317;0.002564102564102564100340098108;0.013675213675213675201813856575;0.012820512820512820068019621544;0.005555555555555555767577313730;0.000000000000000000000000000000;0.011965811965811966668948862491;0.041452991452991451437615211262;0.008119658119658120301598280832;0.026068376068376069437659836581;0.020085470085470086970547143324;0.020940170940170938634894426400;0.008974358974358973700669039886
-0.012195121951219512618225238043;0.021138211382113820252515168363;0.032113821138211380568083797016;0.321138211382113847314201393601;0.016260162601626017980782634709;0.010162601626016259936946539710;0.008943089430894309369013406297;0.030081300813008131356252050637;0.011788617886178862428914193572;0.021951219512195120631137257305;0.010569105691056910126257584182;0.004878048780487804873817747620;0.004471544715447154684506703148;0.019105691056910567571236470030;0.039837398373983742838611021853;0.006097560975609756309112619022;0.013414634146341463186158371457;0.026016260162601625993694653971;0.024390243902439025236450476086;0.008536585365853659179702361826;0.015853658536585366056748114261;0.010162601626016259936946539710;0.004878048780487804873817747620;0.030081300813008131356252050637;0.013414634146341463186158371457;0.021951219512195120631137257305;0.018699186991869919116648901536;0.028861788617886179053595441246;0.002032520325203252247597829339;0.014227642276422763564780460399;0.003252032520325203249211831746;0.012601626016260162807536282514;0.006910569105691056687734707964;0.001626016260162601624605915873;0.007317073170731707744407490424;0.024796747967479673691038044581;0.007317073170731707744407490424;0.004065040650406504495195658677;0.000813008130081300812302957937;0.007723577235772357933718534895;0.008943089430894309369013406297;0.003252032520325203249211831746;0.000000000000000000000000000000;0.017073170731707318359404723651;0.022357723577235772555171777753;0.017479674796747966813992292145;0.019105691056910567571236470030;0.013008130081300812996847326986;0.011382113821138212239603149101;0.007723577235772357933718534895
-0.010077519379844961100456401937;0.018604651162790697416227203576;0.003875968992248061961714000745;0.499224806201550408424338911573;0.011627906976744185885142002235;0.011627906976744185885142002235;0.012015503875968992081313402309;0.021705426356589146985598404171;0.005813953488372092942571001117;0.005038759689922480550228200968;0.006201550387596899138742401192;0.007751937984496123923428001490;0.018217054263565891220055803501;0.006976744186046511531085201341;0.029069767441860464712855005587;0.006589147286821705334913801266;0.005426356589147286746399601043;0.013565891472868216865999002607;0.017829457364341085023884403427;0.000775193798449612392342800149;0.013953488372093023062170402682;0.002325581395348837177028400447;0.011240310077519379688970602160;0.015891472868217054043027403054;0.005426356589147286746399601043;0.011240310077519379688970602160;0.018604651162790697416227203576;0.012403100775193798277484802384;0.006201550387596899138742401192;0.021317829457364340789427004097;0.011627906976744185885142002235;0.006976744186046511531085201341;0.010077519379844961100456401937;0.004263565891472868157885400819;0.013178294573643410669827602533;0.009302325581395348708113601788;0.003100775193798449569371200596;0.011240310077519379688970602160;0.001550387596899224784685600298;0.006976744186046511531085201341;0.007751937984496123923428001490;0.009689922480620154904285001862;0.000000000000000000000000000000;0.017829457364341085023884403427;0.018992248062015503612398603650;0.017441860465116278827713003352;0.005038759689922480550228200968;0.003488372093023255765542600670;0.006976744186046511531085201341;0.003875968992248061961714000745
-0.045424836601307187755605099255;0.002287581699346405341571886183;0.050326797385620916647219758033;0.001307189542483660040297910321;0.000653594771241830020148955160;0.019281045751633987817008630827;0.001307189542483660040297910321;0.016013071895424835222598858309;0.000980392156862745084433541365;0.042483660130718955971751427114;0.018954248366013070475899482403;0.010130718954248366450721086096;0.020261437908496732901442172192;0.071895424836601301565863764154;0.002287581699346405341571886183;0.026143790849673203408043420382;0.010457516339869280322383282567;0.014052287581699346788455251556;0.010130718954248366450721086096;0.016013071895424835222598858309;0.014705882352941176266503120473;0.006535947712418300852010855095;0.005882352941176470506601248189;0.058496732026143791194350285423;0.050980392156862744390544150974;0.060784313725490195234879564623;0.026143790849673203408043420382;0.003594771241830065165029362007;0.000000000000000000000000000000;0.006209150326797385245625182648;0.007843137254901960675468330919;0.015032679738562091872888792921;0.006535947712418300852010855095;0.009150326797385621366287544731;0.032679738562091505127416013465;0.035947712418300650782931882077;0.015359477124183005744550989391;0.007843137254901960675468330919;0.000326797385620915010074477580;0.009150326797385621366287544731;0.003921568627450980337734165460;0.001307189542483660040297910321;0.000000000000000000000000000000;0.027124183006535948492476961746;0.001960784313725490168867082730;0.012745098039215686097636037744;0.071241830065359473822539371213;0.063398692810457513147071040294;0.036274509803921571593487982454;0.028431372549019607448572699582
-0.043115942028985505818372558906;0.017028985507246376801537834922;0.026449275362318839383002355703;0.067391304347826086473816076250;0.050000000000000002775557561563;0.037681159420289857264751987032;0.014492753623188405973087888867;0.019927536231884056261431936719;0.001811594202898550746635986108;0.022101449275362318458437727031;0.026086956521739129016834723984;0.022463768115942028824605358750;0.013768115942028985240752625430;0.030797101449275363777013936328;0.019202898550724638998543625235;0.023188405797101449556940622188;0.008333333333333333217685101602;0.014492753623188405973087888867;0.058333333333333334258519187188;0.005434782608695652023067523828;0.048188405797101450944719402969;0.002173913043478260895963183330;0.002173913043478260895963183330;0.026086956521739129016834723984;0.043115942028985505818372558906;0.034057971014492753603075669844;0.023188405797101449556940622188;0.028260869565217391213840514297;0.000724637681159420298654394443;0.025724637681159418650667092265;0.014130434782608695606920257148;0.013768115942028985240752625430;0.009420289855072464316187996758;0.005072463768115941656899892109;0.012318840579710145510805574531;0.019927536231884056261431936719;0.009420289855072464316187996758;0.014492753623188405973087888867;0.000000000000000000000000000000;0.001811594202898550746635986108;0.018840579710144928632375993516;0.003260869565217391127104340498;0.000000000000000000000000000000;0.017028985507246376801537834922;0.016666666666666666435370203203;0.016304347826086956069202571484;0.023550724637681159923108253906;0.020652173913043476993767200156;0.015579710144927537071590784024;0.011956521739130435144637942813
-0.012925170068027210315553254816;0.027210884353741495583767218136;0.014965986394557822744544317572;0.399319727891156439625319762854;0.023809523809523808202115446875;0.009183673469387755930459782405;0.025170068027210883154776155379;0.027891156462585033060097572388;0.003401360544217686947970902267;0.006462585034013605157776627408;0.005442176870748298943281096030;0.005442176870748298943281096030;0.005102040816326530205115918903;0.012925170068027210315553254816;0.023469387755102041198673745726;0.008503401360544218454129428153;0.010884353741496597886562192059;0.013605442176870747791883609068;0.045578231292517007444686782947;0.002721088435374149471640548015;0.038435374149659862208494587321;0.003401360544217686947970902267;0.004081632653061224857982125513;0.013605442176870747791883609068;0.013265306122448979053718431942;0.012244897959183672839222900564;0.014625850340136054006379140446;0.024489795918367345678445801127;0.000000000000000000000000000000;0.017006802721088436908258856306;0.008503401360544218454129428153;0.006122448979591836419611450282;0.008503401360544218454129428153;0.002380952380952381167156239883;0.004421768707482993596147302640;0.012585034013605441577388077690;0.003401360544217686947970902267;0.007823129251700680977799073901;0.000000000000000000000000000000;0.006122448979591836419611450282;0.048299319727891157350008199955;0.004081632653061224857982125513;0.000000000000000000000000000000;0.007823129251700680977799073901;0.011564625850340135362892546311;0.014965986394557822744544317572;0.009523809523809524668624959531;0.006122448979591836419611450282;0.008163265306122449715964251027;0.004421768707482993596147302640
-0.023275862068965518653085311485;0.012931034482758620510201019727;0.026436781609195401931966529219;0.258333333333333359238537241254;0.038793103448275863265326535156;0.015229885057471264156458978789;0.010344827586206896408160815781;0.027298850574712645034036739844;0.005459770114942528659862652773;0.013218390804597700965983264609;0.012356321839080459598636529961;0.007758620689655172306120611836;0.009770114942528735496596326016;0.018103448275862070449004903594;0.029310344827586206489788978047;0.016954022988505748625875924063;0.012068965517241379142854285078;0.019827586206896553183698372891;0.022988505747126436462579590625;0.004022988505747126380951428359;0.019252873563218392272133883125;0.008045977011494252761902856719;0.005747126436781609115644897656;0.027586206896551723755095508750;0.017816091954022988258499182734;0.024712643678160919197273059922;0.025574712643678162299343270547;0.025287356321839080108837549687;0.002586206896551724102040203945;0.021264367816091953727886121328;0.010919540229885057319725305547;0.013218390804597700965983264609;0.011206896551724137775507550430;0.006609195402298850482991632305;0.011781609195402298687072040195;0.029597701149425288680294698906;0.007471264367816091850338366953;0.009770114942528735496596326016;0.002586206896551724102040203945;0.007183908045977011394556122070;0.008333333333333333217685101602;0.004310344827586206836733673242;0.000000000000000000000000000000;0.019252873563218392272133883125;0.027011494252873562843531018984;0.015804597701149426802746944531;0.016091954022988505523805713437;0.010632183908045976863943060664;0.012356321839080459598636529961;0.013505747126436781421765509492
-0.019166666666666665186369300500;0.025416666666666667268037471672;0.049583333333333333425851918719;0.135416666666666657414808128124;0.033333333333333332870740406406;0.020833333333333332176851016015;0.006250000000000000346944695195;0.017500000000000001665334536938;0.046666666666666668794594130532;0.014583333333333333564629796797;0.010416666666666666088425508008;0.013333333333333334189130248149;0.017083333333333332315628894094;0.021666666666666667406815349750;0.018333333333333333425851918719;0.014999999999999999444888487687;0.035833333333333335091186455656;0.050000000000000002775557561563;0.012083333333333333078907223523;0.013333333333333334189130248149;0.007083333333333332974823814965;0.023333333333333334397297065266;0.008333333333333333217685101602;0.015416666666666667059870654555;0.018749999999999999306110609609;0.012083333333333333078907223523;0.020833333333333332176851016015;0.021250000000000001526556658860;0.001666666666666666773641281019;0.022499999999999999167332731531;0.018749999999999999306110609609;0.013750000000000000069388939039;0.008333333333333333217685101602;0.004583333333333333356462979680;0.021666666666666667406815349750;0.037916666666666667961926862063;0.010000000000000000208166817117;0.012083333333333333078907223523;0.004166666666666666608842550801;0.008333333333333333217685101602;0.007499999999999999722444243844;0.029583333333333333009518284484;0.000000000000000000000000000000;0.007499999999999999722444243844;0.014583333333333333564629796797;0.010416666666666666088425508008;0.022499999999999999167332731531;0.015416666666666667059870654555;0.017083333333333332315628894094;0.008750000000000000832667268469
-0.013703703703703704053218359604;0.009259259259259258745267118229;0.023703703703703702526661700745;0.433333333333333348136306995002;0.005555555555555555767577313730;0.010370370370370370072254928573;0.007407407407407407690103084974;0.017037037037037038034181790636;0.016296296296296294836558615771;0.018888888888888889089345823891;0.007037037037037036958653235530;0.004444444444444444440589503387;0.011481481481481481399242738917;0.015185185185185185244294281404;0.021111111111111111743321444578;0.007407407407407407690103084974;0.018148148148148149361169600979;0.031851851851851853414387960584;0.010000000000000000208166817117;0.007407407407407407690103084974;0.011851851851851851263330850372;0.012222222222222222862142437805;0.012592592592592592726230549260;0.022962962962962962798485477833;0.014444444444444443781394582516;0.020370370370370372015145221667;0.014444444444444443781394582516;0.004074074074074073709139653943;0.002592592592592592518063732143;0.007037037037037036958653235530;0.002962962962962962815832712593;0.015555555555555555108382392859;0.006296296296296296363115274630;0.004444444444444444440589503387;0.015925925925925926707193980292;0.027037037037037036507625131776;0.004814814814814815172039352831;0.005185185185185185036127464286;0.000740740740740740703958178148;0.011851851851851851263330850372;0.005185185185185185036127464286;0.012962962962962962590318660716;0.000000000000000000000000000000;0.012962962962962962590318660716;0.005925925925925925631665425186;0.015555555555555555108382392859;0.011851851851851851263330850372;0.011111111111111111535154627461;0.011111111111111111535154627461;0.006296296296296296363115274630
-0.005319148936170212636775911363;0.007092198581560283515701215151;0.029787234042553192847613274807;0.487943262411347500329128479279;0.003191489361702127495329373019;0.004609929078014184111733442251;0.007446808510638298211903318702;0.023758865248226949951071418354;0.014893617021276596423806637404;0.016312056737588651739168099652;0.007446808510638298211903318702;0.001418439716312056833244503729;0.002482269503546099403967772901;0.018085106382978721750731665452;0.016312056737588651739168099652;0.004964539007092198807935545801;0.029432624113475178151411171257;0.013475177304964539373721699178;0.007801418439716312040743684264;0.002127659574468085141446538344;0.018085106382978721750731665452;0.018439716312056736446933769002;0.003191489361702127495329373019;0.023758865248226949951071418354;0.007446808510638298211903318702;0.015248226950354609385285264977;0.014184397163120567031402430302;0.002836879432624113666489007457;0.005319148936170212636775911363;0.007092198581560283515701215151;0.002127659574468085141446538344;0.021985815602836879939507852555;0.001418439716312056833244503729;0.007801418439716312040743684264;0.001773049645390070878925303788;0.016312056737588651739168099652;0.001063829787234042570723269172;0.003546099290780141757850607576;0.001773049645390070878925303788;0.025177304964539008735879832557;0.011702127659574467627434657402;0.011347517730496454665956029828;0.000000000000000000000000000000;0.018085106382978721750731665452;0.007092198581560283515701215151;0.022695035460992909331912059656;0.015248226950354609385285264977;0.002836879432624113666489007457;0.003900709219858156020371842132;0.004609929078014184111733442251
-0.025730994152046784972931448010;0.011111111111111111535154627461;0.050584795321637426868122133783;0.016959064327485378481652489313;0.030116959064327486483847451382;0.016666666666666666435370203203;0.003508771929824561468941324094;0.023976608187134502286896875489;0.020175438596491228337992396291;0.027192982456140352143236782467;0.013742690058479532094759534289;0.009941520467836258145855055091;0.017836257309941521559393251550;0.034795321637426900041045740863;0.016081871345029238873358679029;0.015204678362573099265064868746;0.047368421052631580481229178758;0.038304093567251465413114885905;0.016374269005847954389087917093;0.007602339181286549632532434373;0.014912280701754385484059106659;0.027777777777777776235801354687;0.019298245614035088729698586008;0.034210526315789475948481168643;0.028654970760233919313542116925;0.028654970760233919313542116925;0.025730994152046784972931448010;0.006432748538011696243232862003;0.002631578947368420993285775822;0.018421052631578945651957823770;0.007894736842105263413538196460;0.033333333333333332870740406406;0.010526315789473683973143103287;0.009649122807017544364849293004;0.027777777777777776235801354687;0.040350877192982456675984792582;0.011695906432748537362442675658;0.009064327485380116802837768830;0.003216374269005848121616431001;0.038888888888888889505679458125;0.007894736842105263413538196460;0.014619883040935671703053344572;0.000000000000000000000000000000;0.018713450292397661167687061834;0.011403508771929825316160389548;0.011988304093567251143448437745;0.028947368421052631359824403035;0.021637426900584795508297730748;0.024269005847953217802626113553;0.018128654970760233605675537660
-0.026797385620915031151367813322;0.008496732026143790153516199837;0.057516339869281042640469792104;0.020261437908496732901442172192;0.013725490196078431182069579108;0.015686274509803921350936661838;0.003921568627450980337734165460;0.023202614379084968154742796287;0.011437908496732025406816823931;0.033333333333333332870740406406;0.015032679738562091872888792921;0.006862745098039215591034789554;0.016666666666666666435370203203;0.046732026143790850181147789044;0.020588235294117646773104368663;0.018627450980392156604237285933;0.022549019607843136941971451392;0.029738562091503266404668437417;0.013071895424836601704021710191;0.013071895424836601704021710191;0.013398692810457515575683906661;0.009150326797385621366287544731;0.013725490196078431182069579108;0.055228758169934638599940512904;0.032026143790849670445197716617;0.036601307189542485465150178925;0.028758169934640521320234896052;0.025163398692810458323609879017;0.000653594771241830020148955160;0.014379084967320260660117448026;0.009803921568627450844335413649;0.020261437908496732901442172192;0.007843137254901960675468330919;0.006535947712418300852010855095;0.026797385620915031151367813322;0.039215686274509803377341654596;0.012745098039215686097636037744;0.012418300653594770491250365296;0.000000000000000000000000000000;0.022875816993464050813633647863;0.005882352941176470506601248189;0.005228758169934640161191641283;0.000000000000000000000000000000;0.017973856209150325391465941038;0.014379084967320260660117448026;0.016993464052287580307032399674;0.043137254901960783715075820055;0.036274509803921571593487982454;0.033986928104575160614064799347;0.021241830065359477985875713557
-0.020238095238095239053466301016;0.014583333333333333564629796797;0.053273809523809521893067397968;0.042559523809523810977673008438;0.003869047619047619179788455313;0.010119047619047619526733150508;0.003571428571428571317053490830;0.029761904761904760252644308594;0.021726190476190475331375040469;0.041666666666666664353702032031;0.016369047619047619873677845703;0.011309523809523809242949532461;0.009523809523809524668624959531;0.039285714285714284921269268125;0.023214285714285715078730731875;0.024702380952380951356639471328;0.026785714285714284227379877734;0.033035714285714286309048048906;0.010119047619047619526733150508;0.007142857142857142634106981660;0.012500000000000000693889390391;0.018154761904761906182725894610;0.010119047619047619526733150508;0.047023809523809523280846178750;0.026785714285714284227379877734;0.044047619047619050725028699844;0.034523809523809526056403740313;0.011607142857142857539365365938;0.002976190476190476025264430859;0.006547619047619047775998790684;0.008630952380952381514100935078;0.030357142857142856845475975547;0.010119047619047619526733150508;0.015773809523809523280846178750;0.013392857142857142113689938867;0.052976190476190475331375040469;0.010416666666666666088425508008;0.013392857142857142113689938867;0.002678571428571428596210335371;0.013095238095238095551997581367;0.006845238095238095205052886172;0.007440476190476190063161077148;0.000000000000000000000000000000;0.030357142857142856845475975547;0.010119047619047619526733150508;0.018749999999999999306110609609;0.037499999999999998612221219219;0.022321428571428571924206707422;0.020238095238095239053466301016;0.018452380952380952744418252109
-0.024509803921568627110838534122;0.011764705882352941013202496379;0.047058823529411764052809985515;0.067156862745098036548974107518;0.013725490196078431182069579108;0.017156862745098040712310449862;0.005392156862745097964384477507;0.022058823529411766134478156687;0.031372549019607842701873323676;0.032352941176470591255753816995;0.013235294117647058639852808426;0.024509803921568627110838534122;0.014705882352941176266503120473;0.035784313725490193847100783842;0.018137254901960785796743991227;0.018137254901960785796743991227;0.018627450980392156604237285933;0.028431372549019607448572699582;0.012745098039215686097636037744;0.009313725490196078302118642966;0.016176470588235295627876908497;0.028921568627450981725512946241;0.008823529411764705759901872284;0.046568627450980393245316690809;0.021568627450980391857537910028;0.025980392156862746472212322146;0.024509803921568627110838534122;0.007843137254901960675468330919;0.003921568627450980337734165460;0.017647058823529411519803744568;0.009803921568627450844335413649;0.032843137254901962063247111701;0.007843137254901960675468330919;0.006862745098039215591034789554;0.017647058823529411519803744568;0.048039215686274512606690478833;0.009313725490196078302118642966;0.008823529411764705759901872284;0.007843137254901960675468330919;0.025000000000000001387778780781;0.009803921568627450844335413649;0.020588235294117646773104368663;0.000000000000000000000000000000;0.020588235294117646773104368663;0.012745098039215686097636037744;0.017647058823529411519803744568;0.031862745098039213509366618382;0.013725490196078431182069579108;0.014705882352941176266503120473;0.016176470588235295627876908497
-0.025287356321839080108837549687;0.014942528735632183700676733906;0.046551724137931037306170622969;0.082758620689655171265286526250;0.005172413793103448204080407891;0.019252873563218392272133883125;0.006034482758620689571427142539;0.014367816091954022789112244141;0.015229885057471264156458978789;0.023275862068965518653085311485;0.010632183908045976863943060664;0.010344827586206896408160815781;0.021264367816091953727886121328;0.043390804597701150557842453281;0.015229885057471264156458978789;0.021264367816091953727886121328;0.028160919540229884666659998516;0.032758620689655175428622868594;0.006609195402298850482991632305;0.007758620689655172306120611836;0.010057471264367815952378570898;0.017528735632183909537440413828;0.020689655172413792816321631562;0.033908045977011497251751848125;0.028448275862068966857165719375;0.029310344827586206489788978047;0.021551724137931035918391842188;0.010919540229885057319725305547;0.001436781609195402278911224414;0.013793103448275861877547754375;0.010344827586206896408160815781;0.020114942528735631904757141797;0.009770114942528735496596326016;0.014080459770114942333329999258;0.037356321839080462721138786719;0.034482758620689654693869385937;0.008045977011494252761902856719;0.014367816091954022789112244141;0.006321839080459770027209387422;0.032471264367816089768670195781;0.003735632183908045925169183477;0.016091954022988505523805713437;0.000000000000000000000000000000;0.021551724137931035918391842188;0.006896551724137930938773877187;0.014080459770114942333329999258;0.033333333333333332870740406406;0.029597701149425288680294698906;0.031609195402298853605493889063;0.017816091954022988258499182734
-0.026666666666666668378260496297;0.010000000000000000208166817117;0.035555555555555555524716027094;0.167037037037037039421960571417;0.012222222222222222862142437805;0.016296296296296294836558615771;0.009259259259259258745267118229;0.019259259259259260688157411323;0.014074074074074073917306471060;0.024444444444444445724284875610;0.013333333333333334189130248149;0.014814814814814815380206169948;0.017777777777777777762358013547;0.040370370370370368962031903948;0.017777777777777777762358013547;0.019259259259259260688157411323;0.018148148148148149361169600979;0.018518518518518517490534236458;0.015555555555555555108382392859;0.011481481481481481399242738917;0.017777777777777777762358013547;0.015555555555555555108382392859;0.014814814814814815380206169948;0.035925925925925923654080662573;0.022222222222222223070309254922;0.025185185185185185452461098521;0.022222222222222223070309254922;0.005555555555555555767577313730;0.003333333333333333547282562037;0.014074074074074073917306471060;0.010370370370370370072254928573;0.016296296296296294836558615771;0.006666666666666667094565124074;0.008518518518518519017090895318;0.033703703703703701000105041885;0.033703703703703701000105041885;0.010370370370370370072254928573;0.007407407407407407690103084974;0.002592592592592592518063732143;0.024444444444444445724284875610;0.007037037037037036958653235530;0.005185185185185185036127464286;0.000000000000000000000000000000;0.016296296296296294836558615771;0.012222222222222222862142437805;0.013703703703703704053218359604;0.031851851851851853414387960584;0.022592592592592591199673890401;0.025555555555555557051272685953;0.012962962962962962590318660716
-0.033703703703703701000105041885;0.008518518518518519017090895318;0.032222222222222221543752596062;0.090740740740740746805848004897;0.022962962962962962798485477833;0.037777777777777778178691647781;0.008518518518518519017090895318;0.017777777777777777762358013547;0.012962962962962962590318660716;0.011111111111111111535154627461;0.026666666666666668378260496297;0.024444444444444445724284875610;0.019629629629629628817522046802;0.024814814814814813853649511088;0.018148148148148149361169600979;0.023703703703703702526661700745;0.014814814814814815380206169948;0.020000000000000000416333634234;0.032222222222222221543752596062;0.003703703703703703845051542487;0.024444444444444445724284875610;0.008518518518518519017090895318;0.006666666666666667094565124074;0.021481481481481479872686080057;0.041111111111111112159655078813;0.029999999999999998889776975375;0.027777777777777776235801354687;0.007407407407407407690103084974;0.004074074074074073709139653943;0.040370370370370368962031903948;0.015925925925925926707193980292;0.008148148148148147418279307885;0.014814814814814815380206169948;0.011851851851851851263330850372;0.023703703703703702526661700745;0.021851851851851851471497667490;0.007407407407407407690103084974;0.024074074074074074125473288177;0.001481481481481481407916356297;0.015185185185185185244294281404;0.004444444444444444440589503387;0.009629629629629630344078705662;0.000000000000000000000000000000;0.016296296296296294836558615771;0.020000000000000000416333634234;0.017037037037037038034181790636;0.023703703703703702526661700745;0.018148148148148149361169600979;0.024074074074074074125473288177;0.025925925925925925180637321432
-0.029999999999999998889776975375;0.007407407407407407690103084974;0.042962962962962959745372160114;0.118518518518518523041649359584;0.009259259259259258745267118229;0.025555555555555557051272685953;0.003703703703703703845051542487;0.021481481481481479872686080057;0.010000000000000000208166817117;0.018518518518518517490534236458;0.021111111111111111743321444578;0.008518518518518519017090895318;0.021851851851851851471497667490;0.043333333333333334813630699500;0.012962962962962962590318660716;0.035185185185185187395351391615;0.012592592592592592726230549260;0.022962962962962962798485477833;0.014074074074074073917306471060;0.010000000000000000208166817117;0.017037037037037038034181790636;0.018888888888888889089345823891;0.010000000000000000208166817117;0.022222222222222223070309254922;0.035185185185185187395351391615;0.040370370370370368962031903948;0.026296296296296296779448908865;0.015185185185185185244294281404;0.000740740740740740703958178148;0.016296296296296294836558615771;0.011851851851851851263330850372;0.012222222222222222862142437805;0.011481481481481481399242738917;0.017037037037037038034181790636;0.021851851851851851471497667490;0.026296296296296296779448908865;0.007777777777777777554191196430;0.022222222222222223070309254922;0.004074074074074073709139653943;0.024814814814814813853649511088;0.005925925925925925631665425186;0.011481481481481481399242738917;0.000000000000000000000000000000;0.015555555555555555108382392859;0.013333333333333334189130248149;0.012592592592592592726230549260;0.027037037037037036507625131776;0.020740740740740740144509857146;0.023703703703703702526661700745;0.017777777777777777762358013547
-0.052222222222222225429533182250;0.003888888888888888777095598215;0.052499999999999998057109706906;0.010833333333333333703407674875;0.008611111111111111049432054187;0.034444444444444444197728216750;0.007777777777777777554191196430;0.018888888888888889089345823891;0.005555555555555555767577313730;0.026666666666666668378260496297;0.017777777777777777762358013547;0.013888888888888888117900677344;0.027222222222222220572307449515;0.043333333333333334813630699500;0.004444444444444444440589503387;0.030833333333333334119741309109;0.014166666666666665949647629930;0.021944444444444443503838826359;0.018333333333333333425851918719;0.011666666666666667198648532633;0.018055555555555553859381490156;0.011666666666666667198648532633;0.014999999999999999444888487687;0.029722222222222222792753498766;0.049166666666666664076146275875;0.042222222222222223486642889156;0.022777777777777778733803160094;0.000555555555555555555073687923;0.001944444444444444388547799107;0.022222222222222223070309254922;0.018333333333333333425851918719;0.012500000000000000693889390391;0.008333333333333333217685101602;0.011944444444444445030395485219;0.038888888888888889505679458125;0.030277777777777778456247403938;0.018055555555555553859381490156;0.020833333333333332176851016015;0.001666666666666666773641281019;0.020833333333333332176851016015;0.006388888888888889262818171488;0.004444444444444444440589503387;0.000000000000000000000000000000;0.017500000000000001665334536938;0.005277777777777777935830361145;0.022499999999999999167332731531;0.035277777777777775958245598531;0.033055555555555553304269977843;0.037222222222222219045750790656;0.018333333333333333425851918719
-0.035144927536231884701578565000;0.006159420289855072755402787266;0.054710144927536230596842870000;0.001086956521739130447981591665;0.009782608695652174682355628477;0.016304347826086956069202571484;0.002898550724637681194617577773;0.020289855072463766627599568437;0.009782608695652174682355628477;0.033333333333333332870740406406;0.022463768115942028824605358750;0.008695652173913043583852733320;0.022101449275362318458437727031;0.057246376811594203160016292031;0.011231884057971014412302679375;0.023188405797101449556940622188;0.018115942028985507900040730078;0.032608695652173912138405142969;0.014492753623188405973087888867;0.011231884057971014412302679375;0.018115942028985507900040730078;0.010869565217391304046135047656;0.015217391304347826705423152305;0.034057971014492753603075669844;0.041666666666666664353702032031;0.051086956521739133874060456719;0.029710144927536232678511041172;0.004347826086956521791926366660;0.000362318840579710149327197222;0.013043478260869564508417361992;0.012318840579710145510805574531;0.015942028985507245703034939766;0.011594202898550724778470311094;0.005797101449275362389235155547;0.031521739130434781039902247812;0.041304347826086953987534400312;0.020652173913043476993767200156;0.010144927536231883313799784219;0.002173913043478260895963183330;0.021014492753623187359934831875;0.006521739130434782254208680996;0.006159420289855072755402787266;0.000000000000000000000000000000;0.021739130434782608092270095312;0.006884057971014492620376312715;0.017028985507246376801537834922;0.044927536231884057649210717500;0.035144927536231884701578565000;0.038043478260869567630919618750;0.021739130434782608092270095312
-0.018999999999999999528155214534;0.010666666666666666310470112933;0.060666666666666667351304198519;0.083666666666666666962726139900;0.008666666666666666268836749509;0.020666666666666666518636930050;0.006333333333333333176051738178;0.018333333333333333425851918719;0.020333333333333331732761806165;0.030999999999999999777955395075;0.016666666666666666435370203203;0.010999999999999999361621760841;0.010999999999999999361621760841;0.041666666666666664353702032031;0.018333333333333333425851918719;0.023666666666666665713725237197;0.025000000000000001387778780781;0.032333333333333331982561986706;0.012999999999999999403255124264;0.007333333333333333196868419890;0.012999999999999999403255124264;0.018333333333333333425851918719;0.005000000000000000104083408559;0.040333333333333332149095440400;0.032000000000000000666133814775;0.030333333333333333675652099259;0.024666666666666666601903656897;0.008999999999999999319988397417;0.001333333333333333288808764117;0.010333333333333333259318465025;0.008999999999999999319988397417;0.027333333333333334480563792113;0.008333333333333333217685101602;0.016000000000000000333066907388;0.018666666666666668211727042603;0.040333333333333332149095440400;0.009333333333333334105863521302;0.013666666666666667240281896056;0.002333333333333333526465880325;0.018333333333333333425851918719;0.009666666666666667157015169209;0.009333333333333334105863521302;0.000000000000000000000000000000;0.026666666666666668378260496297;0.011333333333333334147496884725;0.020333333333333331732761806165;0.035000000000000003330669073875;0.026999999999999999694688668228;0.019333333333333334314030338419;0.014333333333333333342585191872
-0.021014492753623187359934831875;0.007971014492753622851517469883;0.047826086956521740578551771250;0.093478260869565218960097752188;0.011594202898550724778470311094;0.014130434782608695606920257148;0.009057971014492753950020365039;0.017028985507246376801537834922;0.018478260869565218266208361797;0.031159420289855074143181568047;0.013405797101449274874584993711;0.015579710144927537071590784024;0.009057971014492753950020365039;0.035144927536231884701578565000;0.006521739130434782254208680996;0.026086956521739129016834723984;0.027898550724637680847672882578;0.023913043478260870289275885625;0.007971014492753622851517469883;0.005797101449275362389235155547;0.009782608695652174682355628477;0.027898550724637680847672882578;0.009420289855072464316187996758;0.040217391304347822889031505156;0.032971014492753622504572774687;0.035507246376811595067746196719;0.022101449275362318458437727031;0.023188405797101449556940622188;0.004347826086956521791926366660;0.016304347826086956069202571484;0.012318840579710145510805574531;0.025362318840579711753946412500;0.005797101449275362389235155547;0.017391304347826087167705466641;0.024275362318840580655443517344;0.032246376811594201772237511250;0.005797101449275362389235155547;0.011594202898550724778470311094;0.005434782608695652023067523828;0.025000000000000001387778780781;0.005797101449275362389235155547;0.019565217391304349364711256953;0.000000000000000000000000000000;0.023913043478260870289275885625;0.004710144927536232158093998379;0.018840579710144928632375993516;0.036956521739130436532416723594;0.024275362318840580655443517344;0.017753623188405797533873098359;0.018115942028985507900040730078
-0.039115646258503403154271893527;0.007482993197278911372272158786;0.061904761904761906876615285000;0.009523809523809524668624959531;0.006462585034013605157776627408;0.018027210884353741388030911708;0.001700680272108843473985451134;0.014625850340136054006379140446;0.017346938775510203911700557455;0.031292517006802723911196295603;0.016326530612244899431928502054;0.021088435374149658296794029866;0.023129251700680270725785092623;0.053401360544217686687762380870;0.003401360544217686947970902267;0.028571428571428570536427926640;0.022448979591836733249454738370;0.021768707482993195773124384118;0.008843537414965987192294605279;0.010544217687074829148397014933;0.009523809523809524668624959531;0.010884353741496597886562192059;0.012244897959183672839222900564;0.034353741496598637350512461808;0.042176870748299316593588059732;0.030612244897959182965418989397;0.023129251700680270725785092623;0.012925170068027210315553254816;0.001700680272108843473985451134;0.018707482993197278864361265960;0.018707482993197278864361265960;0.026190476190476191103995162734;0.006462585034013605157776627408;0.012925170068027210315553254816;0.030612244897959182965418989397;0.037414965986394557728722531920;0.010204081632653060410231837807;0.012925170068027210315553254816;0.002721088435374149471640548015;0.022108843537414966246013037221;0.004761904761904762334312479766;0.022448979591836733249454738370;0.000000000000000000000000000000;0.026870748299319728580325516987;0.001020408163265306214495531378;0.018707482993197278864361265960;0.044217687074829932492026074442;0.035714285714285712303173170312;0.028231292517006803532986225491;0.024489795918367345678445801127
-0.043333333333333334813630699500;0.012727272727272727695368992329;0.049696969696969697793953457676;0.000303030303030303030040193413;0.001818181818181818180241160476;0.025757575757575756902895136591;0.004242424242424242854243576772;0.011212121212121211460965852780;0.020909090909090908422252041987;0.026969696969696969890417648230;0.017272727272727272929131459023;0.026363636363636363396656392410;0.018181818181818180935049866775;0.049393939393939392812349353790;0.004545454545454545233762466694;0.033030303030303027889136302520;0.023333333333333334397297065266;0.033333333333333332870740406406;0.010000000000000000208166817117;0.014242424242424242195048655901;0.010303030303030303455047445027;0.020606060606060606910094890054;0.012121212121212121201607736509;0.033030303030303027889136302520;0.052727272727272726793312784821;0.039090909090909092826748860716;0.022121212121212121409774553626;0.004242424242424242854243576772;0.001818181818181818180241160476;0.011515151515151514707846480690;0.024242424242424242403215473018;0.012727272727272727695368992329;0.005151515151515151727523722514;0.016969696969696971416974307090;0.029999999999999998889776975375;0.031818181818181814901613790880;0.013030303030303030942249620239;0.020303030303030301928490786167;0.004545454545454545233762466694;0.024545454545454543915372624951;0.003030303030303030300401934127;0.011212121212121211460965852780;0.000000000000000000000000000000;0.021515151515151514916013297807;0.004545454545454545233762466694;0.014545454545454545441929283811;0.038181818181818184820830452963;0.035454545454545453864181325798;0.030606060606060605383538231195;0.023333333333333334397297065266
-0.041954022988505750013654704844;0.010632183908045976863943060664;0.044540229885057472380971432813;0.000000000000000000000000000000;0.007758620689655172306120611836;0.040517241379310342530573052500;0.003160919540229885013604693711;0.016379310344827587714311434297;0.016379310344827587714311434297;0.017816091954022988258499182734;0.020977011494252875006827352422;0.026436781609195401931966529219;0.024425287356321840476214291016;0.038505747126436784544267766250;0.008045977011494252761902856719;0.038218390804597698884315093437;0.016091954022988505523805713437;0.031321839080459767945541216250;0.015804597701149426802746944531;0.010344827586206896408160815781;0.015229885057471264156458978789;0.013793103448275861877547754375;0.014655172413793103244894489023;0.025574712643678162299343270547;0.051724137931034482040804078906;0.030459770114942528312917957578;0.026436781609195401931966529219;0.005172413793103448204080407891;0.000862068965517241367346734648;0.031034482758620689224482447344;0.024425287356321840476214291016;0.012356321839080459598636529961;0.012931034482758620510201019727;0.007471264367816091850338366953;0.033045977011494254149681637500;0.030172413793103449591859188672;0.013793103448275861877547754375;0.015804597701149426802746944531;0.005747126436781609115644897656;0.020114942528735631904757141797;0.002586206896551724102040203945;0.012643678160919540054418774844;0.000000000000000000000000000000;0.015517241379310344612241223672;0.004022988505747126380951428359;0.019827586206896553183698372891;0.035057471264367819074880827657;0.032471264367816089768670195781;0.032758620689655175428622868594;0.025000000000000001387778780781
-0.031045751633986928830211127206;0.008823529411764705759901872284;0.067320261437908493484805205753;0.018300653594771242732575089462;0.028104575163398693576910503111;0.022222222222222223070309254922;0.002614379084967320080595820642;0.017647058823529411519803744568;0.020588235294117646773104368663;0.038235294117647061762355065184;0.016993464052287580307032399674;0.010784313725490195928768955014;0.012091503267973856619588168826;0.056209150326797387153821006223;0.012091503267973856619588168826;0.023856209150326795898067189228;0.017320261437908497648141548098;0.019934640522875815560333023768;0.014052287581699346788455251556;0.010784313725490195928768955014;0.016339869281045752563708006733;0.012745098039215686097636037744;0.006209150326797385245625182648;0.046078431372549022437823396103;0.029738562091503266404668437417;0.037908496732026140951798964807;0.028104575163398693576910503111;0.004901960784313725422167706824;0.000653594771241830020148955160;0.017647058823529411519803744568;0.009150326797385621366287544731;0.024836601307189540982500730593;0.009477124183006535237949741202;0.014379084967320260660117448026;0.016993464052287580307032399674;0.044444444444444446140618509844;0.010457516339869280322383282567;0.008169934640522876281854003366;0.001960784313725490168867082730;0.013071895424836601704021710191;0.008496732026143790153516199837;0.007516339869281045936444396460;0.000000000000000000000000000000;0.021241830065359477985875713557;0.006535947712418300852010855095;0.017973856209150325391465941038;0.056535947712418301025483202693;0.034967320261437909167945292666;0.025490196078431372195272075487;0.018954248366013070475899482403
-0.026944444444444444475283972906;0.003333333333333333547282562037;0.054444444444444441144614899031;0.003333333333333333547282562037;0.016388888888888890338346726594;0.011944444444444445030395485219;0.002777777777777777883788656865;0.031944444444444441977282167500;0.015555555555555555108382392859;0.062777777777777779566470428563;0.014999999999999999444888487687;0.005833333333333333599324266316;0.006388888888888889262818171488;0.051111111111111114102545371907;0.008888888888888888881179006773;0.015833333333333334674852821422;0.021388888888888887840344921187;0.021666666666666667406815349750;0.008055555555555555385938149016;0.007499999999999999722444243844;0.012777777777777778525636342977;0.008888888888888888881179006773;0.003055555555555555715535609451;0.092499999999999998889776975375;0.021666666666666667406815349750;0.060277777777777777346024379312;0.035277777777777775958245598531;0.015555555555555555108382392859;0.001666666666666666773641281019;0.006944444444444444058950338672;0.003611111111111110945348645629;0.042500000000000003053113317719;0.002500000000000000052041704279;0.007222222222222221890697291258;0.008055555555555555385938149016;0.058055555555555554692048758625;0.010000000000000000208166817117;0.006944444444444444058950338672;0.000277777777777777777536843962;0.003055555555555555715535609451;0.010833333333333333703407674875;0.004166666666666666608842550801;0.000000000000000000000000000000;0.046944444444444441422170655187;0.001666666666666666773641281019;0.023055555555555554830826636703;0.070555555555555551916491197062;0.020277777777777776513357110844;0.014166666666666665949647629930;0.016388888888888890338346726594
-0.047222222222222220988641083750;0.004761904761904762334312479766;0.061111111111111109106541761093;0.000396825396825396825052634231;0.000000000000000000000000000000;0.019444444444444444752839729063;0.000396825396825396825052634231;0.021031746031746033354092872969;0.010714285714285714384841341484;0.038888888888888889505679458125;0.028571428571428570536427926640;0.036904761904761905488836504219;0.006349206349206349200842147695;0.057142857142857141072855853281;0.006746031746031746351155433672;0.042460317460317462123775555938;0.015079365079365079568840535273;0.022222222222222223070309254922;0.009920634920634920084214769531;0.007142857142857142634106981660;0.014285714285714285268213963320;0.007936507936507936067371815625;0.005158730158730158617264027754;0.046428571428571430157461463750;0.061904761904761906876615285000;0.052380952380952382207990325469;0.027777777777777776235801354687;0.004761904761904762334312479766;0.001190476190476190583578119941;0.011507936507936508685467913438;0.031746031746031744269487262500;0.015873015873015872134743631250;0.003174603174603174600421073848;0.007142857142857142634106981660;0.011507936507936508685467913438;0.040079365079365082691342792032;0.008730158730158730367998387578;0.013492063492063492702310867344;0.001190476190476190583578119941;0.005952380952380952050528861719;0.005555555555555555767577313730;0.006746031746031746351155433672;0.000000000000000000000000000000;0.021031746031746033354092872969;0.002380952380952381167156239883;0.017857142857142856151586585156;0.053174603174603173039169945469;0.038095238095238098674499838125;0.017063492063492061850960013203;0.029365079365079364837054498594
-0.025988700564971749934484179789;0.007627118644067796930652303189;0.070903954802259888667848031218;0.002824858757062146882854669627;0.003389830508474576172689429754;0.016949152542372881297128017763;0.002259887005649717593019909501;0.027118644067796609381515438031;0.024858757062146893956899873501;0.045480225988700564987432528596;0.026836158192090394519757623470;0.012429378531073446978449936751;0.007909604519774010925048379761;0.049152542372881358190284117882;0.011864406779661017254934307630;0.031073446327683617446124841877;0.017231638418079096158885832324;0.025706214689265535072726365229;0.007627118644067796930652303189;0.003107344632768361744612484188;0.013559322033898304690757719015;0.018079096045197740744159276005;0.001129943502824858796509954750;0.064689265536723161709176110890;0.036723163841807911211834181131;0.050847457627118647360831005244;0.038135593220338985520623253933;0.016101694915254236711854574082;0.001412429378531073441427334814;0.010169491525423728084387420267;0.006779661016949152345378859508;0.033050847457627118008982591846;0.001977401129943502731262094940;0.016666666666666666435370203203;0.006497175141242937483621044947;0.042937853107344631231612197553;0.007062146892655367207136674068;0.009604519774011300095595267123;0.000000000000000000000000000000;0.003107344632768361744612484188;0.009039548022598870372079638003;0.011864406779661017254934307630;0.000000000000000000000000000000;0.028248587570621468828546696272;0.005367231638418078903951524694;0.023728813559322034509868615260;0.056779661016949152518851207105;0.029378531073446328275577954514;0.009604519774011300095595267123;0.027118644067796609381515438031
-0.036805555555555556634939051719;0.004166666666666666608842550801;0.040625000000000001387778780781;0.003819444444444444319158860068;0.020486111111111111188209932266;0.030555555555555554553270880547;0.003472222222222222029475169336;0.019444444444444444752839729063;0.014930555555555556287994356524;0.030208333333333333564629796797;0.021180555555555556634939051719;0.027777777777777776235801354687;0.017708333333333332870740406406;0.039583333333333331482961625625;0.005208333333333333044212754004;0.037499999999999998612221219219;0.016319444444444445446729119453;0.011458333333333332523795711211;0.008680555555555555941049661328;0.005555555555555555767577313730;0.010763888888888888811790067734;0.014236111111111110841265237070;0.005208333333333333044212754004;0.056250000000000001387778780781;0.044791666666666667129259593594;0.043055555555555555247160270937;0.036805555555555556634939051719;0.028472222222222221682530474141;0.003125000000000000173472347598;0.023958333333333334952408577578;0.022222222222222223070309254922;0.021874999999999998612221219219;0.005555555555555555767577313730;0.012847222222222221682530474141;0.023958333333333334952408577578;0.033333333333333332870740406406;0.005208333333333333044212754004;0.027083333333333334258519187188;0.000347222222222222235473582108;0.015972222222222220988641083750;0.006597222222222222202947516934;0.006250000000000000346944695195;0.000000000000000000000000000000;0.025347222222222222376419864531;0.004513888888888888464845372539;0.019444444444444444752839729063;0.037152777777777777623580135469;0.030555555555555554553270880547;0.018055555555555553859381490156;0.021527777777777777623580135469
-0.034722222222222223764198645313;0.002430555555555555594104966133;0.048958333333333332870740406406;0.089930555555555555247160270937;0.000347222222222222235473582108;0.015625000000000000000000000000;0.007291666666666666782314898398;0.017708333333333332870740406406;0.010069444444444445099784424258;0.040625000000000001387778780781;0.016666666666666666435370203203;0.016319444444444445446729119453;0.012500000000000000693889390391;0.046180555555555558022717832500;0.009374999999999999653055304805;0.033680555555555553859381490156;0.015277777777777777276635440273;0.015277777777777777276635440273;0.006597222222222222202947516934;0.009374999999999999653055304805;0.012500000000000000693889390391;0.011111111111111111535154627461;0.006597222222222222202947516934;0.046875000000000000000000000000;0.036458333333333335646297967969;0.046527777777777779011358916250;0.025347222222222222376419864531;0.010069444444444445099784424258;0.001041666666666666652210637700;0.007291666666666666782314898398;0.019444444444444444752839729063;0.020833333333333332176851016015;0.002430555555555555594104966133;0.010069444444444445099784424258;0.020138888888888890199568848516;0.042708333333333334258519187188;0.007638888888888888638317720137;0.019791666666666665741480812812;0.000000000000000000000000000000;0.014236111111111110841265237070;0.003472222222222222029475169336;0.003819444444444444319158860068;0.000000000000000000000000000000;0.030555555555555554553270880547;0.004513888888888888464845372539;0.024652777777777776929690745078;0.045833333333333330095182844843;0.034722222222222223764198645313;0.019444444444444444752839729063;0.022916666666666665047591422422
-0.028518518518518519433424529552;0.005185185185185185036127464286;0.052222222222222225429533182250;0.142962962962962958357593379333;0.004444444444444444440589503387;0.009629629629629630344078705662;0.006666666666666667094565124074;0.017777777777777777762358013547;0.012222222222222222862142437805;0.029629629629629630760412339896;0.014074074074074073917306471060;0.002962962962962962815832712593;0.024814814814814813853649511088;0.040740740740740744030290443334;0.011481481481481481399242738917;0.022962962962962962798485477833;0.011851851851851851263330850372;0.017777777777777777762358013547;0.010740740740740739936343040029;0.007407407407407407690103084974;0.015555555555555555108382392859;0.017777777777777777762358013547;0.017037037037037038034181790636;0.037037037037037034981068472916;0.033333333333333332870740406406;0.032222222222222221543752596062;0.027037037037037036507625131776;0.006666666666666667094565124074;0.001481481481481481407916356297;0.012222222222222222862142437805;0.004814814814814815172039352831;0.018148148148148149361169600979;0.006666666666666667094565124074;0.007777777777777777554191196430;0.031481481481481478346129421197;0.033333333333333332870740406406;0.008518518518518519017090895318;0.010370370370370370072254928573;0.003703703703703703845051542487;0.027777777777777776235801354687;0.004814814814814815172039352831;0.008888888888888888881179006773;0.000000000000000000000000000000;0.018888888888888889089345823891;0.010000000000000000208166817117;0.018518518518518517490534236458;0.041111111111111112159655078813;0.037407407407407410049327012302;0.015185185185185185244294281404;0.018148148148148149361169600979
-0.032051282051282048435325577884;0.006410256410256410034009810772;0.052884615384615384081623545853;0.043589743589743587537377322860;0.006410256410256410034009810772;0.021474358974358974394558430276;0.005769230769230769551025872488;0.015064102564102564360548619504;0.010576923076923077510214099561;0.026923076923076924571454071611;0.013782051282051281659857266959;0.014102564102564102768710974090;0.024358974358974359170071366520;0.047115384615384614530597673365;0.007371794871794871625847456187;0.030128205128205128721097239008;0.022435897435897435986396075691;0.018269230769230770244915262879;0.011217948717948717993198037846;0.010256410256410256401360392431;0.017628205128205128027207848618;0.015705128205128204843532557788;0.016025641025641024217662788942;0.033974358974358971619000868714;0.036858974358974359863960756911;0.033333333333333332870740406406;0.017628205128205128027207848618;0.010256410256410256401360392431;0.002243589743589743425167259971;0.019230769230769231836752908293;0.022435897435897435986396075691;0.024358974358974359170071366520;0.009294871794871794809522747016;0.013461538461538462285727035805;0.033974358974358971619000868714;0.034294871794871797932025003774;0.006410256410256410034009810772;0.016666666666666666435370203203;0.003525641025641025692177743522;0.029807692307692309346967007855;0.006089743589743589792517841630;0.016025641025641024217662788942;0.000000000000000000000000000000;0.020512820512820512802720784862;0.003846153846153846367350581659;0.018910256410256408993175725186;0.036538461538461540489830525757;0.034294871794871797932025003774;0.025320512820512820761909011935;0.021153846153846155020428199123
-0.025277777777777777484802257391;0.006944444444444444058950338672;0.046666666666666668794594130532;0.020833333333333332176851016015;0.000277777777777777777536843962;0.008611111111111111049432054187;0.003333333333333333547282562037;0.021666666666666667406815349750;0.004166666666666666608842550801;0.072222222222222215437525960624;0.013055555555555556357383295563;0.005277777777777777935830361145;0.012500000000000000693889390391;0.055833333333333332038073137937;0.005555555555555555767577313730;0.018333333333333333425851918719;0.014166666666666665949647629930;0.014722222222222221613141535101;0.006666666666666667094565124074;0.008888888888888888881179006773;0.014444444444444443781394582516;0.008055555555555555385938149016;0.008888888888888888881179006773;0.097500000000000003330669073875;0.027500000000000000138777878078;0.051666666666666666296592325125;0.021111111111111111743321444578;0.013888888888888888117900677344;0.001944444444444444388547799107;0.005000000000000000104083408559;0.002777777777777777883788656865;0.032500000000000001110223024625;0.005277777777777777935830361145;0.010000000000000000208166817117;0.022777777777777778733803160094;0.057777777777777775125578330062;0.012500000000000000693889390391;0.011111111111111111535154627461;0.000277777777777777777536843962;0.017222222222222222098864108375;0.005555555555555555767577313730;0.004166666666666666608842550801;0.000000000000000000000000000000;0.050277777777777775403134086218;0.001944444444444444388547799107;0.023333333333333334397297065266;0.057777777777777775125578330062;0.031666666666666669349705642844;0.021111111111111111743321444578;0.016944444444444446001840631766
-0.020277777777777776513357110844;0.008888888888888888881179006773;0.055277777777777779844026184719;0.125000000000000000000000000000;0.008055555555555555385938149016;0.014722222222222221613141535101;0.004166666666666666608842550801;0.016666666666666666435370203203;0.018611111111111109522875395328;0.022499999999999999167332731531;0.011666666666666667198648532633;0.005833333333333333599324266316;0.020277777777777776513357110844;0.039166666666666669072149886688;0.016666666666666666435370203203;0.011388888888888889366901580047;0.022499999999999999167332731531;0.031388888888888889783235214281;0.012222222222222222862142437805;0.010277777777777778039913769703;0.008888888888888888881179006773;0.018611111111111109522875395328;0.013888888888888888117900677344;0.038333333333333330372738601000;0.027777777777777776235801354687;0.035277777777777775958245598531;0.028611111111111111465765688422;0.014722222222222221613141535101;0.002222222222222222220294751693;0.009166666666666666712925959359;0.006666666666666667094565124074;0.018611111111111109522875395328;0.008611111111111111049432054187;0.014444444444444443781394582516;0.029166666666666667129259593594;0.039722222222222221266196839906;0.010000000000000000208166817117;0.008611111111111111049432054187;0.004444444444444444440589503387;0.028611111111111111465765688422;0.005555555555555555767577313730;0.006944444444444444058950338672;0.000000000000000000000000000000;0.019722222222222220849863205672;0.008888888888888888881179006773;0.011111111111111111535154627461;0.037499999999999998612221219219;0.028333333333333331899295259859;0.025000000000000001387778780781;0.014999999999999999444888487687
-0.028070175438596491751530592751;0.010964912280701753777290008429;0.086403508771929829479496731892;0.030701754385964910576412023602;0.004385964912280701510916003372;0.012719298245614034728601104973;0.002631578947368420993285775822;0.026315789473684209065496020230;0.022368421052631579093450397977;0.033333333333333332870740406406;0.025877192982456140996072591065;0.011403508771929825316160389548;0.001315789473684210496642887911;0.043421052631578950509183556505;0.012280701754385964924454199831;0.037280701754385962842786028659;0.028508771929824559820954021916;0.021491228070175439485156587693;0.005263157894736841986571551644;0.004385964912280701510916003372;0.010526315789473683973143103287;0.025877192982456140996072591065;0.000438596491228070183617665512;0.051754385964912281992145182130;0.038157894736842105920526790896;0.048684210526315788158946418207;0.042982456140350878970313175387;0.025877192982456140996072591065;0.000438596491228070183617665512;0.012719298245614034728601104973;0.004824561403508772182424646502;0.032456140350877189792999644169;0.000877192982456140367235331023;0.018859649122807017190828204889;0.001315789473684210496642887911;0.038596491228070177459397172015;0.009649122807017544364849293004;0.012280701754385964924454199831;0.000438596491228070183617665512;0.003947368421052631706769098230;0.010087719298245614168996198146;0.008333333333333333217685101602;0.000000000000000000000000000000;0.024122807017543858310038018544;0.005701754385964912658080194774;0.021052631578947367946286206575;0.060526315789473685013977188873;0.016228070175438594896499822084;0.002631578947368420993285775822;0.021491228070175439485156587693
-0.019918699186991871419305510926;0.006910569105691056687734707964;0.102845528455284551672122006494;0.004471544715447154684506703148;0.022357723577235772555171777753;0.006910569105691056687734707964;0.003252032520325203249211831746;0.019512195121951219495270990478;0.016260162601626017980782634709;0.064227642276422761136167594032;0.020731707317073171797927599869;0.005284552845528455063128792091;0.000406504065040650406151478968;0.052439024390243900441976876436;0.005691056910569106119801574550;0.021951219512195120631137257305;0.019105691056910567571236470030;0.013414634146341463186158371457;0.005284552845528455063128792091;0.004878048780487804873817747620;0.005691056910569106119801574550;0.016666666666666666435370203203;0.000813008130081300812302957937;0.091056910569105697916825192806;0.017479674796747966813992292145;0.055691056910569108895359136113;0.034552845528455285173397015797;0.017073170731707318359404723651;0.001219512195121951218454436905;0.011382113821138212239603149101;0.002032520325203252247597829339;0.041869918699186992050442768232;0.002032520325203252247597829339;0.012195121951219512618225238043;0.002032520325203252247597829339;0.060162601626016262712504101273;0.009349593495934959558324450768;0.007723577235772357933718534895;0.000000000000000000000000000000;0.001626016260162601624605915873;0.010975609756097560315568628653;0.007723577235772357933718534895;0.000000000000000000000000000000;0.042276422764227640505030336726;0.002439024390243902436908873810;0.024390243902439025236450476086;0.054471544715447156592702526723;0.021951219512195120631137257305;0.004471544715447154684506703148;0.024796747967479673691038044581
-0.024691358024691356654045648611;0.003086419753086419581755706076;0.071604938271604939847847504097;0.000000000000000000000000000000;0.000000000000000000000000000000;0.014506172839506172381196513754;0.000617283950617283938035184665;0.021604938271604937072289942535;0.007098765432098765558455166769;0.079012345679012344068503637118;0.013271604938271605589328316910;0.004629629629629629372633559115;0.004938271604938271504281477320;0.055555555555555552471602709375;0.003086419753086419581755706076;0.020370370370370372015145221667;0.017283950617283948963942563637;0.014814814814814815380206169948;0.004320987654320987240985640909;0.006172839506172839163511412153;0.009567901234567901744276774423;0.008024691358024691953398921385;0.002777777777777777883788656865;0.108333333333333337034076748751;0.023148148148148146863167795573;0.055246913580246914676763481111;0.027469135802469134971515174470;0.001543209876543209790877853038;0.000925925925925925961262885622;0.002160493827160493620492820455;0.004629629629629629372633559115;0.045061728395061728669190870278;0.001851851851851851922525771243;0.006481481481481481295159330358;0.013271604938271605589328316910;0.077777777777777779011358916250;0.010185185185185186007572610833;0.005246913580246913635929395525;0.000000000000000000000000000000;0.005555555555555555767577313730;0.008950617283950617480980938012;0.006481481481481481295159330358;0.000000000000000000000000000000;0.060185185185185181844236268489;0.000308641975308641969017592332;0.024382716049382715389759468394;0.069444444444444447528397290625;0.026543209876543211178656633820;0.012654320987654321326032480499;0.015123456790123456644492350165
-0.030246913580246913288984700330;0.019753086419753086017125909279;0.047530864197530865722374215920;0.025617283950617283916351141215;0.020370370370370372015145221667;0.028086419753086420969534486858;0.002469135802469135752140738660;0.015740740740740739173064710599;0.005864197530864197899225231936;0.026234567901234566444923501649;0.014814814814814815380206169948;0.010185185185185186007572610833;0.029629629629629630760412339896;0.042901234567901236349740656806;0.017592592592592593697675695807;0.026851851851851852442942814037;0.012345679012345678327022824305;0.025308641975308642652064960998;0.013888888888888888117900677344;0.012345679012345678327022824305;0.013580246913580246853614497127;0.008333333333333333217685101602;0.017592592592592593697675695807;0.033950617283950615399312766840;0.050617283950617285304129921997;0.040123456790123454562824178993;0.022222222222222223070309254922;0.016975308641975307699656383420;0.000308641975308641969017592332;0.020679012345679013279431401884;0.011728395061728395798450463872;0.015432098765432097908778530382;0.007716049382716048954389265191;0.010185185185185186007572610833;0.041049382716049381825129671597;0.029938271604938272024698520113;0.009876543209876543008562954640;0.012345679012345678327022824305;0.002160493827160493620492820455;0.019444444444444444752839729063;0.003086419753086419581755706076;0.008641975308641974481971281818;0.000000000000000000000000000000;0.016049382716049383906797842769;0.009259259259259258745267118229;0.014814814814814815380206169948;0.042592592592592591616007524635;0.036111111111111107718762980312;0.036419753086419752452496112483;0.020987654320987654543717582101
-0.024858757062146893956899873501;0.010734463276836157807903049388;0.044915254237288135263916899476;0.009322033898305085233837452563;0.012994350282485874967242089895;0.027683615819209039105031067152;0.007909604519774010925048379761;0.024858757062146893956899873501;0.042655367231638416369854382992;0.021186440677966100754048284216;0.012994350282485874967242089895;0.017514124293785311020643646884;0.025141242937853108818657688062;0.032203389830508473423709148165;0.009322033898305085233837452563;0.031920903954802258561951333604;0.020903954802259885892290469656;0.032203389830508473423709148165;0.016101694915254236711854574082;0.008757062146892655510321823442;0.014971751412429378999546791817;0.027966101694915253966788881712;0.015536723163841808723062420938;0.030790960451977402584367027316;0.035593220338983051764802922889;0.030790960451977402584367027316;0.021751412429378530477563913337;0.019491525423728815052948348807;0.001977401129943502731262094940;0.022033898305084745339321727897;0.023446327683615819648110800699;0.010734463276836157807903049388;0.011299435028248587531418678509;0.009887005649717514957353081684;0.032485875706214688285466962725;0.028248587570621468828546696272;0.009322033898305085233837452563;0.022316384180790960201079542458;0.007909604519774010925048379761;0.025141242937853108818657688062;0.005367231638418078903951524694;0.022598870056497175062837357018;0.000000000000000000000000000000;0.012711864406779661840207751311;0.008474576271186440648564008882;0.019491525423728815052948348807;0.027401129943502824243273252591;0.023446327683615819648110800699;0.025423728813559323680415502622;0.019209039548022600191190534247
-0.021515151515151514916013297807;0.011212121212121211460965852780;0.057272727272727273761798727492;0.208787878787878800057598027706;0.009696969696969696961286189207;0.015454545454545455182571167541;0.004242424242424242854243576772;0.020303030303030301928490786167;0.019696969696969695434729530348;0.021212121212121213403856145874;0.013636363636363635701287400082;0.007878787878787879214725897725;0.008787878787878787220644305478;0.041212121212121213820189780108;0.018787878787878787428811122595;0.027272727272727271402574800163;0.014545454545454545441929283811;0.019393939393939393922572378415;0.010909090909090909948808700847;0.003939393939393939607362948863;0.011212121212121211460965852780;0.019090909090909092410415226482;0.006060606060606060600803868255;0.028484848484848484390097311802;0.027878787878787877896336055983;0.036363636363636361870099733551;0.026060606060606061884499240477;0.010303030303030303455047445027;0.000303030303030303030040193413;0.013939393939393938948168027991;0.005151515151515151727523722514;0.014848484848484848688809911721;0.005151515151515151727523722514;0.013333333333333334189130248149;0.009393939393939393714405561298;0.030303030303030303871381079261;0.007575757575757575967845269815;0.008484848484848485708487153545;0.002121212121212121427121788386;0.012121212121212121201607736509;0.004848484848484848480643094604;0.009696969696969696961286189207;0.000000000000000000000000000000;0.015757575757575758429451795450;0.011212121212121211460965852780;0.013636363636363635701287400082;0.038181818181818184820830452963;0.024545454545454543915372624951;0.013939393939393938948168027991;0.024242424242424242403215473018
-0.019259259259259260688157411323;0.004444444444444444440589503387;0.089999999999999996669330926125;0.150370370370370376456037320168;0.004814814814814815172039352831;0.020000000000000000416333634234;0.000370370370370370351979089074;0.010000000000000000208166817117;0.025185185185185185452461098521;0.015555555555555555108382392859;0.012962962962962962590318660716;0.021851851851851851471497667490;0.010370370370370370072254928573;0.043333333333333334813630699500;0.004814814814814815172039352831;0.021111111111111111743321444578;0.019259259259259260688157411323;0.021111111111111111743321444578;0.007037037037037036958653235530;0.009259259259259258745267118229;0.005925925925925925631665425186;0.035555555555555555524716027094;0.011851851851851851263330850372;0.016296296296296294836558615771;0.034814814814814812327092852229;0.032222222222222221543752596062;0.027777777777777776235801354687;0.006666666666666667094565124074;0.000740740740740740703958178148;0.011481481481481481399242738917;0.011851851851851851263330850372;0.014814814814814815380206169948;0.003703703703703703845051542487;0.016296296296296294836558615771;0.021481481481481479872686080057;0.034814814814814812327092852229;0.009629629629629630344078705662;0.006666666666666667094565124074;0.004074074074074073709139653943;0.035555555555555555524716027094;0.001851851851851851922525771243;0.005555555555555555767577313730;0.000000000000000000000000000000;0.010740740740740739936343040029;0.001481481481481481407916356297;0.003703703703703703845051542487;0.046296296296296293726335591145;0.035555555555555555524716027094;0.017777777777777777762358013547;0.023703703703703702526661700745
-0.025185185185185185452461098521;0.006666666666666667094565124074;0.095185185185185192113799246272;0.000000000000000000000000000000;0.000370370370370370351979089074;0.010370370370370370072254928573;0.000370370370370370351979089074;0.015925925925925926707193980292;0.026666666666666668378260496297;0.034074074074074076068363581271;0.013703703703703704053218359604;0.010370370370370370072254928573;0.008888888888888888881179006773;0.061111111111111109106541761093;0.001481481481481481407916356297;0.019259259259259260688157411323;0.024074074074074074125473288177;0.035555555555555555524716027094;0.003333333333333333547282562037;0.013703703703703704053218359604;0.005925925925925925631665425186;0.026666666666666668378260496297;0.022222222222222223070309254922;0.043333333333333334813630699500;0.031111111111111110216764785719;0.032962962962962964741375770927;0.023333333333333334397297065266;0.016666666666666666435370203203;0.000740740740740740703958178148;0.005555555555555555767577313730;0.008148148148148147418279307885;0.022222222222222223070309254922;0.002962962962962962815832712593;0.016296296296296294836558615771;0.025925925925925925180637321432;0.059629629629629629650189315271;0.010740740740740739936343040029;0.006296296296296296363115274630;0.004074074074074073709139653943;0.047037037037037036923958766010;0.005185185185185185036127464286;0.021851851851851851471497667490;0.000000000000000000000000000000;0.017037037037037038034181790636;0.000000000000000000000000000000;0.011111111111111111535154627461;0.049629629629629627707299022177;0.027407407407407408106436719208;0.031481481481481478346129421197;0.018148148148148149361169600979
-0.029738562091503266404668437417;0.003921568627450980337734165460;0.059477124183006532809336874834;0.000326797385620915010074477580;0.000000000000000000000000000000;0.015686274509803921350936661838;0.003921568627450980337734165460;0.018627450980392156604237285933;0.010784313725490195928768955014;0.048692810457516340350014871774;0.015686274509803921350936661838;0.005555555555555555767577313730;0.014379084967320260660117448026;0.051960784313725492944424644293;0.001960784313725490168867082730;0.020588235294117646773104368663;0.028104575163398693576910503111;0.022549019607843136941971451392;0.003921568627450980337734165460;0.011111111111111111535154627461;0.013398692810457515575683906661;0.016013071895424835222598858309;0.005228758169934640161191641283;0.073529411764705884801962554320;0.034313725490196081424620899725;0.051307189542483658262206347445;0.032026143790849670445197716617;0.000980392156862745084433541365;0.002614379084967320080595820642;0.002941176470588235253300624095;0.005882352941176470506601248189;0.042483660130718955971751427114;0.005882352941176470506601248189;0.011437908496732025406816823931;0.022549019607843136941971451392;0.056862745098039214897145399163;0.013071895424836601704021710191;0.009477124183006535237949741202;0.000980392156862745084433541365;0.016013071895424835222598858309;0.005228758169934640161191641283;0.004248366013071895076758099918;0.000000000000000000000000000000;0.034640522875816995296283096195;0.001960784313725490168867082730;0.028431372549019607448572699582;0.059150326797385618937674678364;0.045424836601307187755605099255;0.018627450980392156604237285933;0.018300653594771242732575089462
-0.025724637681159418650667092265;0.016304347826086956069202571484;0.049637681159420292409389929844;0.017028985507246376801537834922;0.021376811594202897726102463594;0.023188405797101449556940622188;0.005434782608695652023067523828;0.026811594202898549749169987422;0.007608695652173913352711576152;0.023913043478260870289275885625;0.020289855072463766627599568437;0.005434782608695652023067523828;0.019202898550724638998543625235;0.043840579710144926550707822344;0.027898550724637680847672882578;0.014130434782608695606920257148;0.023188405797101449556940622188;0.032246376811594201772237511250;0.023188405797101449556940622188;0.006884057971014492620376312715;0.019202898550724638998543625235;0.011231884057971014412302679375;0.010144927536231883313799784219;0.042028985507246374719869663750;0.033695652173913043236908038125;0.029710144927536232678511041172;0.032246376811594201772237511250;0.015217391304347826705423152305;0.005072463768115941656899892109;0.026449275362318839383002355703;0.004710144927536232158093998379;0.021739130434782608092270095312;0.017028985507246376801537834922;0.015579710144927537071590784024;0.024275362318840580655443517344;0.038405797101449277997087250469;0.010507246376811593679967415937;0.009782608695652174682355628477;0.001811594202898550746635986108;0.018840579710144928632375993516;0.012681159420289855876973206250;0.010869565217391304046135047656;0.000000000000000000000000000000;0.018840579710144928632375993516;0.025000000000000001387778780781;0.013768115942028985240752625430;0.036594202898550726166249091875;0.021014492753623187359934831875;0.023188405797101449556940622188;0.017028985507246376801537834922
-0.032051282051282048435325577884;0.019658119658119657668926549832;0.036752136752136753405917346527;0.026923076923076924571454071611;0.030341880341880341637184059778;0.021367521367521367936515019892;0.005555555555555555767577313730;0.026923076923076924571454071611;0.008119658119658120301598280832;0.021794871794871793768688661430;0.016666666666666666435370203203;0.016666666666666666435370203203;0.016666666666666666435370203203;0.035042735042735043138328876466;0.027777777777777776235801354687;0.018376068376068376702958673263;0.016239316239316240603196561665;0.032478632478632481206393123330;0.025641025641025640136039243089;0.009829059829059828834463274916;0.017948717948717947401338079771;0.011965811965811966668948862491;0.020940170940170938634894426400;0.029059829059829060671216183209;0.031623931623931622603151936346;0.031623931623931622603151936346;0.034615384615384617306155234928;0.017094017094017095736990796695;0.002136752136752136967123849587;0.020940170940170938634894426400;0.015384615384615385469402326635;0.013675213675213675201813856575;0.020512820512820512802720784862;0.010683760683760683968257509946;0.022649572649572648902482896460;0.031623931623931622603151936346;0.009829059829059828834463274916;0.017948717948717947401338079771;0.001282051282051282050170049054;0.020940170940170938634894426400;0.008974358974358973700669039886;0.007692307692307692734701163317;0.000000000000000000000000000000;0.013247863247863247634916739059;0.023504273504273504036277131490;0.021367521367521367936515019892;0.030769230769230770938804653269;0.025641025641025640136039243089;0.028205128205128205537421948179;0.013247863247863247634916739059
-0.032592592592592589673117231541;0.011851851851851851263330850372;0.057037037037037038866849059104;0.012222222222222222862142437805;0.004074074074074073709139653943;0.020370370370370372015145221667;0.006296296296296296363115274630;0.015925925925925926707193980292;0.008148148148148147418279307885;0.034444444444444444197728216750;0.020000000000000000416333634234;0.010370370370370370072254928573;0.014074074074074073917306471060;0.055925925925925927539861248761;0.018148148148148149361169600979;0.026296296296296296779448908865;0.018518518518518517490534236458;0.031851851851851853414387960584;0.012222222222222222862142437805;0.008888888888888888881179006773;0.013703703703703704053218359604;0.010370370370370370072254928573;0.011111111111111111535154627461;0.042962962962962959745372160114;0.040370370370370368962031903948;0.037037037037037034981068472916;0.031851851851851853414387960584;0.021851851851851851471497667490;0.002222222222222222220294751693;0.008148148148148147418279307885;0.008148148148148147418279307885;0.027037037037037036507625131776;0.008888888888888888881179006773;0.010740740740740739936343040029;0.020000000000000000416333634234;0.046666666666666668794594130532;0.011111111111111111535154627461;0.014444444444444443781394582516;0.003333333333333333547282562037;0.016666666666666666435370203203;0.008518518518518519017090895318;0.003333333333333333547282562037;0.000000000000000000000000000000;0.026296296296296296779448908865;0.011481481481481481399242738917;0.012962962962962962590318660716;0.048518518518518516380311211833;0.032962962962962964741375770927;0.025555555555555557051272685953;0.024444444444444445724284875610
-0.027777777777777776235801354687;0.012222222222222222862142437805;0.051851851851851850361274642864;0.038888888888888889505679458125;0.005555555555555555767577313730;0.011481481481481481399242738917;0.011111111111111111535154627461;0.024444444444444445724284875610;0.011111111111111111535154627461;0.042592592592592591616007524635;0.013703703703703704053218359604;0.005555555555555555767577313730;0.012222222222222222862142437805;0.040000000000000000832667268469;0.024814814814814813853649511088;0.014444444444444443781394582516;0.015555555555555555108382392859;0.025925925925925925180637321432;0.010000000000000000208166817117;0.006666666666666667094565124074;0.016296296296296294836558615771;0.018888888888888889089345823891;0.013333333333333334189130248149;0.043703703703703702942995334979;0.029999999999999998889776975375;0.035555555555555555524716027094;0.028888888888888887562789165031;0.007407407407407407690103084974;0.004444444444444444440589503387;0.007777777777777777554191196430;0.007037037037037036958653235530;0.029259259259259259161600752464;0.005925925925925925631665425186;0.024074074074074074125473288177;0.027777777777777776235801354687;0.045555555555555557467606320188;0.009629629629629630344078705662;0.017037037037037038034181790636;0.001851851851851851922525771243;0.021851851851851851471497667490;0.006296296296296296363115274630;0.006666666666666667094565124074;0.000000000000000000000000000000;0.030740740740740742087400150240;0.012222222222222222862142437805;0.027777777777777776235801354687;0.045555555555555557467606320188;0.024074074074074074125473288177;0.024444444444444445724284875610;0.020000000000000000416333634234
-0.042176870748299316593588059732;0.012925170068027210315553254816;0.045578231292517007444686782947;0.020408163265306120820463675614;0.004761904761904762334312479766;0.037755102040816328201611185023;0.003741496598639455686136079393;0.022448979591836733249454738370;0.009183673469387755930459782405;0.023469387755102041198673745726;0.018367346938775511860919564811;0.025510204081632653627664808482;0.028911564625850341009316579743;0.036394557823129253248950476518;0.009183673469387755930459782405;0.032993197278911562397851753303;0.013605442176870747791883609068;0.016326530612244899431928502054;0.014965986394557822744544317572;0.009523809523809524668624959531;0.014625850340136054006379140446;0.010884353741496597886562192059;0.009863945578231291672066660681;0.038435374149659862208494587321;0.046258503401360541451570185245;0.038775510204081632681383240424;0.027551020408163266056655871239;0.003401360544217686947970902267;0.002380952380952381167156239883;0.022789115646258503722343391473;0.013265306122448979053718431942;0.018367346938775511860919564811;0.009183673469387755930459782405;0.013945578231292516530048786194;0.034353741496598637350512461808;0.025170068027210883154776155379;0.006122448979591836419611450282;0.023129251700680270725785092623;0.000340136054421768683955068502;0.015646258503401361955598147802;0.004761904761904762334312479766;0.002721088435374149471640548015;0.000000000000000000000000000000;0.024489795918367345678445801127;0.006122448979591836419611450282;0.020748299319727891293352328717;0.045238095238095236971798129844;0.040136054421768707634043948929;0.027891156462585033060097572388;0.025170068027210883154776155379
-0.051481481481481482231910007386;0.004074074074074073709139653943;0.042592592592592591616007524635;0.016666666666666666435370203203;0.004074074074074073709139653943;0.032962962962962964741375770927;0.003703703703703703845051542487;0.018518518518518517490534236458;0.013703703703703704053218359604;0.028148148148148147834612942120;0.023333333333333334397297065266;0.025185185185185185452461098521;0.024814814814814813853649511088;0.042962962962962959745372160114;0.005925925925925925631665425186;0.038888888888888889505679458125;0.015925925925925926707193980292;0.018148148148148149361169600979;0.017037037037037038034181790636;0.005185185185185185036127464286;0.014444444444444443781394582516;0.011481481481481481399242738917;0.008148148148148147418279307885;0.042592592592592591616007524635;0.055925925925925927539861248761;0.045925925925925925596970955667;0.023333333333333334397297065266;0.001851851851851851922525771243;0.003333333333333333547282562037;0.014074074074074073917306471060;0.021481481481481479872686080057;0.018888888888888889089345823891;0.008518518518518519017090895318;0.010740740740740739936343040029;0.020740740740740740144509857146;0.037407407407407410049327012302;0.011851851851851851263330850372;0.014444444444444443781394582516;0.000740740740740740703958178148;0.012222222222222222862142437805;0.006296296296296296363115274630;0.002592592592592592518063732143;0.000000000000000000000000000000;0.025925925925925925180637321432;0.005185185185185185036127464286;0.016666666666666666435370203203;0.045555555555555557467606320188;0.038888888888888889505679458125;0.027407407407407408106436719208;0.020000000000000000416333634234
-0.052314814814814813992427389167;0.004629629629629629372633559115;0.030555555555555554553270880547;0.144907407407407401445098571457;0.010185185185185186007572610833;0.031944444444444441977282167500;0.001851851851851851922525771243;0.023611111111111110494320541875;0.007407407407407407690103084974;0.022685185185185186701462001224;0.015740740740740739173064710599;0.025925925925925925180637321432;0.018981481481481481121686982760;0.040277777777777780399137697032;0.013425925925925926221471407018;0.034259259259259260133045899011;0.007870370370370369586532355299;0.013425925925925926221471407018;0.018518518518518517490534236458;0.003703703703703703845051542487;0.018055555555555553859381490156;0.006944444444444444058950338672;0.005555555555555555767577313730;0.038888888888888889505679458125;0.052777777777777777623580135469;0.030555555555555554553270880547;0.019907407407407408383992475365;0.002777777777777777883788656865;0.001388888888888888941894328433;0.026851851851851852442942814037;0.018981481481481481121686982760;0.013888888888888888117900677344;0.006018518518518518531368322044;0.006944444444444444058950338672;0.018055555555555553859381490156;0.021296296296296295808003762318;0.004629629629629629372633559115;0.016666666666666666435370203203;0.000000000000000000000000000000;0.005555555555555555767577313730;0.005555555555555555767577313730;0.005092592592592593003786305417;0.000000000000000000000000000000;0.022222222222222223070309254922;0.015740740740740739173064710599;0.019444444444444444752839729063;0.031481481481481478346129421197;0.030092592592592590922118134245;0.015740740740740739173064710599;0.016666666666666666435370203203
-0.029874213836477987726869542939;0.002515723270440251447405133334;0.040251572327044023158482133340;0.258176100628930815794603859104;0.000000000000000000000000000000;0.011949685534591195784637207566;0.001886792452830188693974067249;0.011635220125786162673198198547;0.005974842767295597892318603783;0.019811320754716980202525533628;0.008805031446540880282758401165;0.006918238993710692022465202911;0.012893081761006289914783806694;0.039622641509433960405051067255;0.011320754716981131296482665505;0.034591194968553458377602538576;0.010377358490566037166336066377;0.013836477987421384044930405821;0.007232704402515723399180735953;0.008805031446540880282758401165;0.008490566037735848906042868123;0.009748427672955974412905000293;0.005345911949685534271525799710;0.034276729559748427000887005534;0.035849056603773583884464670746;0.040880503144654085911913199425;0.019182389937106917449094467543;0.005345911949685534271525799710;0.001257861635220125723702566667;0.002515723270440251447405133334;0.008490566037735848906042868123;0.017610062893081760565516802330;0.004402515723270440141379200583;0.010377358490566037166336066377;0.028930817610062893596722943812;0.033962264150943395624171472491;0.005974842767295597892318603783;0.013207547169811321291499339736;0.000628930817610062861851283333;0.015408805031446540928508071033;0.004088050314465408764663667540;0.003773584905660377387948134498;0.000000000000000000000000000000;0.021069182389937105709387665797;0.004402515723270440141379200583;0.012578616352201258538068273651;0.038679245283018866274904468128;0.034905660377358489754318071618;0.019182389937106917449094467543;0.022955974842767293969680864052
-0.037499999999999998612221219219;0.004166666666666666608842550801;0.054861111111111110494320541875;0.018749999999999999306110609609;0.002430555555555555594104966133;0.018055555555555553859381490156;0.006250000000000000346944695195;0.014583333333333333564629796797;0.017708333333333332870740406406;0.029513888888888888117900677344;0.015277777777777777276635440273;0.009027777777777776929690745078;0.025000000000000001387778780781;0.045833333333333330095182844843;0.006250000000000000346944695195;0.032986111111111111882099322656;0.022569444444444444058950338672;0.020833333333333332176851016015;0.013194444444444444405895033867;0.011458333333333332523795711211;0.011805555555555555247160270937;0.020138888888888890199568848516;0.012500000000000000693889390391;0.036458333333333335646297967969;0.039583333333333331482961625625;0.039583333333333331482961625625;0.026736111111111109800431151484;0.018055555555555553859381490156;0.002777777777777777883788656865;0.013194444444444444405895033867;0.014236111111111110841265237070;0.021527777777777777623580135469;0.011111111111111111535154627461;0.010416666666666666088425508008;0.033680555555555553859381490156;0.030902777777777779011358916250;0.009722222222222222376419864531;0.012152777777777777970524830664;0.003472222222222222029475169336;0.038888888888888889505679458125;0.004861111111111111188209932266;0.010416666666666666088425508008;0.000000000000000000000000000000;0.022569444444444444058950338672;0.005555555555555555767577313730;0.020138888888888890199568848516;0.033680555555555553859381490156;0.034027777777777774848022573906;0.032638888888888890893458238907;0.022916666666666665047591422422
-0.040860215053763443426859680585;0.006451612903225806446017021045;0.050537634408602150060119129193;0.082795698924731181422842496431;0.004838709677419355051353200281;0.012903225806451612892034042090;0.004301075268817204297344680697;0.015591397849462364927353164035;0.012365591397849462138025522506;0.034946236559139781663319013205;0.015591397849462364927353164035;0.010752688172043011610723439730;0.018817204301075269451404281540;0.046236559139784944028050972520;0.008064516129032257840680841809;0.024731182795698924276051045013;0.015053763440860215908068120427;0.020430107526881721713429840293;0.012903225806451612892034042090;0.006451612903225806446017021045;0.013440860215053763646042561675;0.013978494623655914400051081259;0.006451612903225806446017021045;0.043548387096774193727455326552;0.050537634408602150060119129193;0.046774193548387098251506444058;0.027419354838709678046093642934;0.008064516129032257840680841809;0.001612903225806451611504255261;0.015591397849462364927353164035;0.012365591397849462138025522506;0.020967741935483872467438359877;0.008064516129032257840680841809;0.009677419354838710102706400562;0.024731182795698924276051045013;0.031182795698924729854706328069;0.009139784946236559348697880978;0.016666666666666666435370203203;0.004838709677419355051353200281;0.013440860215053763646042561675;0.006451612903225806446017021045;0.002688172043010752902680859933;0.000000000000000000000000000000;0.020967741935483872467438359877;0.008064516129032257840680841809;0.016666666666666666435370203203;0.039247311827956987695387169879;0.036559139784946237394791523911;0.024193548387096773522042525428;0.022043010752688170506008447092
-0.030277777777777778456247403938;0.004166666666666666608842550801;0.088055555555555553581825734000;0.003333333333333333547282562037;0.001111111111111111110147375847;0.015277777777777777276635440273;0.001111111111111111110147375847;0.020555555555555556079827539406;0.014722222222222221613141535101;0.035833333333333335091186455656;0.016944444444444446001840631766;0.012500000000000000693889390391;0.008055555555555555385938149016;0.059444444444444445585506997531;0.005555555555555555767577313730;0.033611111111111112437210834969;0.020277777777777776513357110844;0.022777777777777778733803160094;0.008611111111111111049432054187;0.008888888888888888881179006773;0.011944444444444445030395485219;0.024444444444444445724284875610;0.006388888888888889262818171488;0.051388888888888886730121896562;0.040833333333333332593184650250;0.050833333333333334536074943344;0.028055555555555555802271783250;0.019722222222222220849863205672;0.000277777777777777777536843962;0.003888888888888888777095598215;0.012777777777777778525636342977;0.018611111111111109522875395328;0.002777777777777777883788656865;0.008055555555555555385938149016;0.016666666666666666435370203203;0.051111111111111114102545371907;0.013611111111111110286153724758;0.015277777777777777276635440273;0.001111111111111111110147375847;0.014999999999999999444888487687;0.004444444444444444440589503387;0.004444444444444444440589503387;0.000000000000000000000000000000;0.020277777777777776513357110844;0.001388888888888888941894328433;0.018888888888888889089345823891;0.062777777777777779566470428563;0.036944444444444446418174266000;0.020555555555555556079827539406;0.026388888888888888811790067734
-0.040196078431372551931222147914;0.001960784313725490168867082730;0.066013071895424837998156419872;0.000326797385620915010074477580;0.000326797385620915010074477580;0.020588235294117646773104368663;0.001307189542483660040297910321;0.017973856209150325391465941038;0.007516339869281045936444396460;0.035947712418300650782931882077;0.015032679738562091872888792921;0.012418300653594770491250365296;0.019607843137254901688670827298;0.059803921568627453619892975212;0.001960784313725490168867082730;0.029084967320261438661344044476;0.018300653594771242732575089462;0.016339869281045752563708006733;0.004248366013071895076758099918;0.012091503267973856619588168826;0.011437908496732025406816823931;0.016013071895424835222598858309;0.010130718954248366450721086096;0.042483660130718955971751427114;0.046405228758169936309485592574;0.050980392156862744390544150974;0.024836601307189540982500730593;0.013071895424836601704021710191;0.001960784313725490168867082730;0.005555555555555555767577313730;0.010784313725490195928768955014;0.026797385620915031151367813322;0.004575163398692810683143772366;0.020588235294117646773104368663;0.032026143790849670445197716617;0.034640522875816995296283096195;0.014379084967320260660117448026;0.013398692810457515575683906661;0.001633986928104575213002713774;0.027124183006535948492476961746;0.001960784313725490168867082730;0.001633986928104575213002713774;0.000000000000000000000000000000;0.030392156862745097617439782312;0.002287581699346405341571886183;0.017647058823529411519803744568;0.059150326797385618937674678364;0.045424836601307187755605099255;0.025163398692810458323609879017;0.026470588235294117279705616852
-0.029022988505747127768730209141;0.008908045977011494129249591367;0.048563218390804595292475909218;0.180459770114942519292355882499;0.009482758620689655040814081133;0.017816091954022988258499182734;0.004310344827586206836733673242;0.018390804597701149170063672500;0.018390804597701149170063672500;0.024425287356321840476214291016;0.016091954022988505523805713437;0.011206896551724137775507550430;0.004597701149425287292515918125;0.037068965517241377061186113906;0.021839080459770114639450611094;0.029310344827586206489788978047;0.013218390804597700965983264609;0.022126436781609196829956331953;0.010632183908045976863943060664;0.003448275862068965469386938594;0.016091954022988505523805713437;0.014367816091954022789112244141;0.002011494252873563190475714180;0.035632183908045976516998365469;0.035632183908045976516998365469;0.043965517241379307999959991093;0.023563218390804597374144080391;0.008908045977011494129249591367;0.002298850574712643646257959062;0.009770114942528735496596326016;0.011781609195402298687072040195;0.020114942528735631904757141797;0.005459770114942528659862652773;0.013505747126436781421765509492;0.009482758620689655040814081133;0.027011494252873562843531018984;0.006034482758620689571427142539;0.012931034482758620510201019727;0.002011494252873563190475714180;0.004022988505747126380951428359;0.006034482758620689571427142539;0.006034482758620689571427142539;0.000000000000000000000000000000;0.017816091954022988258499182734;0.016379310344827587714311434297;0.015517241379310344612241223672;0.041379310344827585632643263125;0.028160919540229884666659998516;0.011206896551724137775507550430;0.023563218390804597374144080391
-0.019696969696969695434729530348;0.012500000000000000693889390391;0.042803030303030301095823517699;0.337878787878787889553677814547;0.003030303030303030300401934127;0.009469696969696969959806587269;0.003030303030303030300401934127;0.023484848484848483418652165255;0.017803030303030303177491688871;0.017045454545454544192928381108;0.013257575757575757943729222177;0.007954545454545453725403447720;0.004924242424242423858682382587;0.025378787878787879145336958686;0.018181818181818180935049866775;0.017424242424242425419933510966;0.010227272727272727209646419055;0.028030303030303030387138107926;0.010984848484848484459486250842;0.001136363636363636308440616673;0.014772727272727272443408885749;0.027272727272727271402574800163;0.003787878787878787983922634908;0.028787878787878789371701415689;0.015530303030303029693248717535;0.024621212121212120160773650923;0.023106060606060605661093987351;0.012121212121212121201607736509;0.001136363636363636308440616673;0.007575757575757575967845269815;0.014015151515151515193569053963;0.015530303030303029693248717535;0.006439393939393939225723784148;0.012500000000000000693889390391;0.004924242424242423858682382587;0.019318181818181817677171352443;0.004545454545454545233762466694;0.009848484848484847717364765174;0.002651515151515151675482018234;0.017424242424242425419933510966;0.003787878787878787983922634908;0.004545454545454545233762466694;0.000000000000000000000000000000;0.014393939393939394685850707845;0.011742424242424241709326082628;0.013257575757575757943729222177;0.022727272727272727903535809446;0.013257575757575757943729222177;0.008333333333333333217685101602;0.017803030303030303177491688871
-0.018794326241134751143135872553;0.008156028368794325869584049826;0.058865248226950356302822342514;0.212411347517730497713728254894;0.006028368794326241161818380476;0.012056737588652482323636760952;0.002127659574468085141446538344;0.025177304964539008735879832557;0.007801418439716312040743684264;0.026241134751773049355039191255;0.017021276595744681131572306754;0.006382978723404254990658746038;0.005319148936170212636775911363;0.042553191489361701094207290907;0.019148936170212765839337976104;0.025177304964539008735879832557;0.020212765957446809927944286756;0.022340425531914894635709956106;0.013120567375886524677519595627;0.003191489361702127495329373019;0.008510638297872340565786153377;0.016666666666666666435370203203;0.001418439716312056833244503729;0.033333333333333332870740406406;0.022695035460992909331912059656;0.042198581560283686398005187357;0.023404255319148935254869314804;0.004964539007092198807935545801;0.000709219858156028416622251864;0.005673758865248227332978014914;0.009219858156028368223466884501;0.022695035460992909331912059656;0.002836879432624113666489007457;0.015602836879432624081487368528;0.007092198581560283515701215151;0.043262411347517730486611498009;0.004609929078014184111733442251;0.007446808510638298211903318702;0.002127659574468085141446538344;0.013475177304964539373721699178;0.004964539007092198807935545801;0.004609929078014184111733442251;0.000000000000000000000000000000;0.015602836879432624081487368528;0.009574468085106382919668988052;0.014539007092198581727604533853;0.048581560283687943990749147360;0.024468085106382979343475625456;0.012411347517730497019838864503;0.025177304964539008735879832557
-0.026111111111111112714766591125;0.006666666666666667094565124074;0.054166666666666668517038374375;0.245555555555555554692048758625;0.003611111111111110945348645629;0.008888888888888888881179006773;0.007777777777777777554191196430;0.023888888888888890060790970438;0.006666666666666667094565124074;0.027500000000000000138777878078;0.012500000000000000693889390391;0.005000000000000000104083408559;0.005555555555555555767577313730;0.041944444444444443920172460594;0.017222222222222222098864108375;0.019444444444444444752839729063;0.013888888888888888117900677344;0.019166666666666665186369300500;0.011388888888888889366901580047;0.005277777777777777935830361145;0.014999999999999999444888487687;0.010833333333333333703407674875;0.002222222222222222220294751693;0.044722222222222218768195034500;0.022222222222222223070309254922;0.048888888888888891448569751219;0.021666666666666667406815349750;0.004166666666666666608842550801;0.001388888888888888941894328433;0.005555555555555555767577313730;0.002777777777777777883788656865;0.018333333333333333425851918719;0.003333333333333333547282562037;0.011388888888888889366901580047;0.005833333333333333599324266316;0.033888888888888892003681263532;0.007222222222222221890697291258;0.012500000000000000693889390391;0.000833333333333333386820640509;0.006944444444444444058950338672;0.010277777777777778039913769703;0.002222222222222222220294751693;0.000000000000000000000000000000;0.021388888888888887840344921187;0.006111111111111111431071218902;0.017222222222222222098864108375;0.042777777777777775680689842375;0.024166666666666666157814447047;0.014166666666666665949647629930;0.019722222222222220849863205672
-0.014444444444444443781394582516;0.022592592592592591199673890401;0.023703703703703702526661700745;0.316296296296296297612116177334;0.012592592592592592726230549260;0.011851851851851851263330850372;0.013333333333333334189130248149;0.031481481481481478346129421197;0.009259259259259258745267118229;0.012592592592592592726230549260;0.012592592592592592726230549260;0.005925925925925925631665425186;0.014814814814814815380206169948;0.017777777777777777762358013547;0.027777777777777776235801354687;0.009629629629629630344078705662;0.015555555555555555108382392859;0.030370370370370370488588562807;0.017407407407407406163546426114;0.003333333333333333547282562037;0.009259259259259258745267118229;0.008888888888888888881179006773;0.009629629629629630344078705662;0.025185185185185185452461098521;0.013703703703703704053218359604;0.017777777777777777762358013547;0.032222222222222221543752596062;0.012962962962962962590318660716;0.004444444444444444440589503387;0.020370370370370372015145221667;0.008148148148148147418279307885;0.014074074074074073917306471060;0.013703703703703704053218359604;0.010740740740740739936343040029;0.011111111111111111535154627461;0.016666666666666666435370203203;0.008888888888888888881179006773;0.008888888888888888881179006773;0.003333333333333333547282562037;0.008518518518518519017090895318;0.007407407407407407690103084974;0.010000000000000000208166817117;0.000000000000000000000000000000;0.016666666666666666435370203203;0.014074074074074073917306471060;0.019259259259259260688157411323;0.011111111111111111535154627461;0.010370370370370370072254928573;0.018888888888888889089345823891;0.010370370370370370072254928573
-0.013157894736842104532748010115;0.025877192982456140996072591065;0.041666666666666664353702032031;0.198245614035087724946748721777;0.032456140350877189792999644169;0.009649122807017544364849293004;0.007456140350877192742029553330;0.027192982456140352143236782467;0.018859649122807017190828204889;0.031578947368421053654152785839;0.012280701754385964924454199831;0.013157894736842104532748010115;0.005263157894736841986571551644;0.024122807017543858310038018544;0.017982456140350877582534394605;0.013157894736842104532748010115;0.018859649122807017190828204889;0.020614035087719299876862777410;0.012280701754385964924454199831;0.002192982456140350755458001686;0.017105263157894737974240584322;0.015350877192982455288206011801;0.006578947368421052266374005058;0.035526315789473683626198408092;0.017982456140350877582534394605;0.032894736842105261331870025288;0.028508771929824559820954021916;0.053508771929824561208732802697;0.004385964912280701510916003372;0.008333333333333333217685101602;0.001754385964912280734470662047;0.022807017543859650632320779096;0.005263157894736841986571551644;0.007456140350877192742029553330;0.007017543859649122937882648188;0.029385964912280702898694784153;0.004385964912280701510916003372;0.011403508771929825316160389548;0.002192982456140350755458001686;0.008333333333333333217685101602;0.009210526315789472825978911885;0.016228070175438594896499822084;0.000000000000000000000000000000;0.018859649122807017190828204889;0.013157894736842104532748010115;0.016666666666666666435370203203;0.031578947368421053654152785839;0.006578947368421052266374005058;0.008333333333333333217685101602;0.013157894736842104532748010115
-0.018888888888888889089345823891;0.009629629629629630344078705662;0.061481481481481484174800300480;0.010370370370370370072254928573;0.022222222222222223070309254922;0.015555555555555555108382392859;0.003333333333333333547282562037;0.026666666666666668378260496297;0.029259259259259259161600752464;0.053703703703703704885885628073;0.016296296296296294836558615771;0.011111111111111111535154627461;0.004444444444444444440589503387;0.035555555555555555524716027094;0.011851851851851851263330850372;0.027407407407407408106436719208;0.025185185185185185452461098521;0.023333333333333334397297065266;0.008518518518518519017090895318;0.000740740740740740703958178148;0.019629629629629628817522046802;0.017777777777777777762358013547;0.002222222222222222220294751693;0.082962962962962960578039428583;0.029629629629629630760412339896;0.039259259259259257635044093604;0.029259259259259259161600752464;0.048518518518518516380311211833;0.003333333333333333547282562037;0.008518518518518519017090895318;0.004444444444444444440589503387;0.033333333333333332870740406406;0.001481481481481481407916356297;0.009629629629629630344078705662;0.003333333333333333547282562037;0.042222222222222223486642889156;0.004814814814814815172039352831;0.007037037037037036958653235530;0.002592592592592592518063732143;0.001851851851851851922525771243;0.013333333333333334189130248149;0.022592592592592591199673890401;0.000000000000000000000000000000;0.040370370370370368962031903948;0.005555555555555555767577313730;0.025555555555555557051272685953;0.042962962962962959745372160114;0.014074074074074073917306471060;0.004074074074074073709139653943;0.024074074074074074125473288177
-0.035416666666666665741480812812;0.007986111111111110494320541875;0.049305555555555553859381490156;0.066319444444444444752839729063;0.008333333333333333217685101602;0.025694444444444443365060948281;0.002083333333333333304421275400;0.021180555555555556634939051719;0.005902777777777777623580135469;0.032291666666666669904817155157;0.013194444444444444405895033867;0.015625000000000000000000000000;0.015277777777777777276635440273;0.050694444444444444752839729063;0.012847222222222221682530474141;0.018402777777777778317469525859;0.019097222222222223764198645313;0.021180555555555556634939051719;0.013888888888888888117900677344;0.012152777777777777970524830664;0.011111111111111111535154627461;0.012847222222222221682530474141;0.009027777777777776929690745078;0.045138888888888888117900677344;0.035069444444444444752839729063;0.041319444444444443365060948281;0.027083333333333334258519187188;0.001388888888888888941894328433;0.002083333333333333304421275400;0.023611111111111110494320541875;0.013194444444444444405895033867;0.022916666666666665047591422422;0.009722222222222222376419864531;0.014583333333333333564629796797;0.029861111111111112575988713047;0.036805555555555556634939051719;0.011458333333333332523795711211;0.009374999999999999653055304805;0.000694444444444444470947164216;0.016666666666666666435370203203;0.004166666666666666608842550801;0.003472222222222222029475169336;0.000000000000000000000000000000;0.019791666666666665741480812812;0.008333333333333333217685101602;0.016319444444444445446729119453;0.047222222222222220988641083750;0.032986111111111111882099322656;0.021527777777777777623580135469;0.025347222222222222376419864531
-0.019105691056910567571236470030;0.009756097560975609747635495239;0.039837398373983742838611021853;0.137804878048780499177894398599;0.004471544715447154684506703148;0.016260162601626017980782634709;0.003252032520325203249211831746;0.021138211382113820252515168363;0.004065040650406504495195658677;0.048780487804878050472900952172;0.016260162601626017980782634709;0.001626016260162601624605915873;0.015040650406504065678126025318;0.035772357723577237476053625187;0.015853658536585366056748114261;0.010569105691056910126257584182;0.009349593495934959558324450768;0.018699186991869919116648901536;0.015853658536585366056748114261;0.004878048780487804873817747620;0.018292682926829267192614381088;0.002439024390243902436908873810;0.017073170731707318359404723651;0.057317073170731709652603313998;0.025203252032520325615072565029;0.040650406504065039747786158841;0.034552845528455285173397015797;0.001626016260162601624605915873;0.001219512195121951218454436905;0.008943089430894309369013406297;0.002845528455284553059900787275;0.022764227642276424479206298201;0.015447154471544715867437069790;0.014227642276422763564780460399;0.026422764227642277917729174419;0.041463414634146343595855199737;0.013821138211382113375469415928;0.004878048780487804873817747620;0.000406504065040650406151478968;0.013008130081300812996847326986;0.009349593495934959558324450768;0.001626016260162601624605915873;0.000000000000000000000000000000;0.028861788617886179053595441246;0.014227642276422763564780460399;0.019918699186991871419305510926;0.045121951219512193564931124001;0.027642276422764226750938831856;0.026422764227642277917729174419;0.015853658536585366056748114261
-0.013071895424836601704021710191;0.000326797385620915010074477580;0.074836601307189540288611340202;0.000653594771241830020148955160;0.012091503267973856619588168826;0.000980392156862745084433541365;0.003267973856209150426005427548;0.016993464052287580307032399674;0.021895424836601305729200106498;0.096732026143790852956705350607;0.005555555555555555767577313730;0.010457516339869280322383282567;0.001307189542483660040297910321;0.048039215686274512606690478833;0.004248366013071895076758099918;0.007189542483660130330058724013;0.024836601307189540982500730593;0.014705882352941176266503120473;0.020915032679738560644766565133;0.008496732026143790153516199837;0.012091503267973856619588168826;0.008823529411764705759901872284;0.001307189542483660040297910321;0.131372549019607848252988446802;0.007843137254901960675468330919;0.049346405228758168093339264715;0.018300653594771242732575089462;0.000653594771241830020148955160;0.001633986928104575213002713774;0.008169934640522876281854003366;0.003594771241830065165029362007;0.058823529411764705066012481893;0.001960784313725490168867082730;0.001960784313725490168867082730;0.001960784313725490168867082730;0.096078431372549025213380957666;0.011764705882352941013202496379;0.003921568627450980337734165460;0.000653594771241830020148955160;0.003921568627450980337734165460;0.006862745098039215591034789554;0.017647058823529411519803744568;0.000000000000000000000000000000;0.044444444444444446140618509844;0.004248366013071895076758099918;0.021241830065359477985875713557;0.061111111111111109106541761093;0.021241830065359477985875713557;0.006209150326797385245625182648;0.006209150326797385245625182648
-0.017231638418079096158885832324;0.017514124293785311020643646884;0.046892655367231639296221601398;0.076836158192090400764762136987;0.023728813559322034509868615260;0.014971751412429378999546791817;0.002259887005649717593019909501;0.022598870056497175062837357018;0.022881355932203389924595171578;0.027966101694915253966788881712;0.012994350282485874967242089895;0.022316384180790960201079542458;0.014124293785310734414273348136;0.028531073446327683690304510833;0.031073446327683617446124841877;0.016101694915254236711854574082;0.015819209039548021850096759522;0.026553672316384179657999808910;0.022316384180790960201079542458;0.005932203389830508627467153815;0.013559322033898304690757719015;0.016666666666666666435370203203;0.022033898305084745339321727897;0.035875706214689266626560737450;0.025141242937853108818657688062;0.028248587570621468828546696272;0.027966101694915253966788881712;0.022316384180790960201079542458;0.001129943502824858796509954750;0.024858757062146893956899873501;0.008757062146892655510321823442;0.020621468926553671030532655095;0.021186440677966100754048284216;0.014971751412429378999546791817;0.020903954802259885892290469656;0.035875706214689266626560737450;0.008474576271186440648564008882;0.008192090395480225786806194321;0.002259887005649717593019909501;0.015819209039548021850096759522;0.005367231638418078903951524694;0.011581920903954802393176493069;0.000000000000000000000000000000;0.015536723163841808723062420938;0.022881355932203389924595171578;0.011016949152542372669660863949;0.032485875706214688285466962725;0.020338983050847456168774840535;0.021751412429378530477563913337;0.015536723163841808723062420938
-0.031896551724137932326552657969;0.012931034482758620510201019727;0.063218390804597707210987778126;0.046264367816091951646217950156;0.008620689655172413673467346484;0.008045977011494252761902856719;0.002298850574712643646257959062;0.020402298850574714095262862656;0.017241379310344827346934692969;0.045977011494252872925159181250;0.016379310344827587714311434297;0.004310344827586206836733673242;0.008620689655172413673467346484;0.058620689655172412979577956094;0.018678160919540231360569393360;0.019252873563218392272133883125;0.019252873563218392272133883125;0.017528735632183909537440413828;0.006034482758620689571427142539;0.011494252873563218231289795312;0.011781609195402298687072040195;0.011781609195402298687072040195;0.006321839080459770027209387422;0.064080459770114936435270180937;0.025000000000000001387778780781;0.051149425287356324598686541094;0.020977011494252875006827352422;0.014942528735632183700676733906;0.001436781609195402278911224414;0.005747126436781609115644897656;0.004597701149425287292515918125;0.020114942528735631904757141797;0.006034482758620689571427142539;0.008620689655172413673467346484;0.017816091954022988258499182734;0.053448275862068968244944500157;0.013218390804597700965983264609;0.009195402298850574585031836250;0.002011494252873563190475714180;0.016666666666666666435370203203;0.007758620689655172306120611836;0.006609195402298850482991632305;0.000000000000000000000000000000;0.027298850574712645034036739844;0.008908045977011494129249591367;0.012356321839080459598636529961;0.059770114942528734802706935625;0.035344827586206897795939596563;0.020689655172413792816321631562;0.019252873563218392272133883125
-0.015555555555555555108382392859;0.054166666666666668517038374375;0.036944444444444446418174266000;0.030555555555555554553270880547;0.030555555555555554553270880547;0.009444444444444444544672911945;0.003888888888888888777095598215;0.050555555555555554969604514781;0.012222222222222222862142437805;0.014444444444444443781394582516;0.015277777777777777276635440273;0.002500000000000000052041704279;0.019166666666666665186369300500;0.020277777777777776513357110844;0.048333333333333332315628894094;0.003333333333333333547282562037;0.012777777777777778525636342977;0.062500000000000000000000000000;0.044722222222222218768195034500;0.005277777777777777935830361145;0.019444444444444444752839729063;0.009444444444444444544672911945;0.032500000000000001110223024625;0.020000000000000000416333634234;0.011666666666666667198648532633;0.022499999999999999167332731531;0.044999999999999998334665463062;0.045555555555555557467606320188;0.000277777777777777777536843962;0.024722222222222221821308352219;0.001944444444444444388547799107;0.007777777777777777554191196430;0.023888888888888890060790970438;0.004166666666666666608842550801;0.023611111111111110494320541875;0.027500000000000000138777878078;0.012222222222222222862142437805;0.002222222222222222220294751693;0.003333333333333333547282562037;0.024166666666666666157814447047;0.020000000000000000416333634234;0.011111111111111111535154627461;0.000000000000000000000000000000;0.010277777777777778039913769703;0.026944444444444444475283972906;0.011388888888888889366901580047;0.016388888888888890338346726594;0.010833333333333333703407674875;0.032777777777777780676693453188;0.005833333333333333599324266316
-0.040780141843971634552090677062;0.008510638297872340565786153377;0.053900709219858157494886796712;0.002127659574468085141446538344;0.003900709219858156020371842132;0.037234042553191487590069641556;0.003900709219858156020371842132;0.023404255319148935254869314804;0.008510638297872340565786153377;0.021985815602836879939507852555;0.029787234042553192847613274807;0.017021276595744681131572306754;0.035460992907801421047953027710;0.042198581560283686398005187357;0.011347517730496454665956029828;0.026241134751773049355039191255;0.012056737588652482323636760952;0.034042553191489362263144613507;0.024468085106382979343475625456;0.008156028368794325869584049826;0.017730496453900710523976513855;0.009574468085106382919668988052;0.021276595744680850547103645454;0.024468085106382979343475625456;0.041134751773049642309398876705;0.038652482269503546374878055758;0.036170212765957443501463330904;0.004255319148936170282893076688;0.000000000000000000000000000000;0.021276595744680850547103645454;0.009929078014184397615871091602;0.010283687943262410577349719176;0.018085106382978721750731665452;0.012056737588652482323636760952;0.043617021276595745182813601559;0.026950354609929078747443398356;0.015248226950354609385285264977;0.009574468085106382919668988052;0.000000000000000000000000000000;0.018085106382978721750731665452;0.005673758865248227332978014914;0.003191489361702127495329373019;0.000000000000000000000000000000;0.012056737588652482323636760952;0.008865248226950355261988256927;0.009219858156028368223466884501;0.029078014184397163455209067706;0.029078014184397163455209067706;0.052127659574468084013876278959;0.027304964539007093443645501907
-0.032704402515723270117309340321;0.006918238993710692022465202911;0.048113207547169814515264363308;0.141194968553459115900849951686;0.012264150943396227161352740609;0.033018867924528301494024873364;0.000314465408805031430925641667;0.016666666666666666435370203203;0.008490566037735848906042868123;0.012893081761006289914783806694;0.020440251572327042955956599712;0.011635220125786162673198198547;0.019182389937106917449094467543;0.038364779874213834898188935085;0.015094339622641509551792537991;0.034591194968553458377602538576;0.012264150943396227161352740609;0.016037735849056603681939137118;0.014779874213836478175077004948;0.008490566037735848906042868123;0.011006289308176099919767132462;0.010691823899371068543051599420;0.013522012578616352668214872779;0.024842767295597485699421014260;0.047798742138364783138548830266;0.040566037735849054535197666382;0.030188679245283019103585075982;0.001572327044025157317258534206;0.000000000000000000000000000000;0.014465408805031446798361471906;0.016352201257861635058654670161;0.007232704402515723399180735953;0.013836477987421384044930405821;0.011949685534591195784637207566;0.024213836477987422945989948175;0.022641509433962262592965331010;0.009433962264150943036189467250;0.014465408805031446798361471906;0.000314465408805031430925641667;0.013207547169811321291499339736;0.003459119496855346011232601455;0.004088050314465408764663667540;0.000000000000000000000000000000;0.009119496855345911659473934208;0.011949685534591195784637207566;0.009433962264150943036189467250;0.035849056603773583884464670746;0.030817610062893081857016142067;0.036477987421383646637895736831;0.027044025157232705336429745557
-0.020512820512820512802720784862;0.011111111111111111535154627461;0.035470085470085468970502518005;0.418376068376068388499078309906;0.004700854700854700633783078700;0.018376068376068376702958673263;0.002136752136752136967123849587;0.014102564102564102768710974090;0.004700854700854700633783078700;0.014957264957264957902505209120;0.014529914529914530335608091605;0.013675213675213675201813856575;0.008974358974358973700669039886;0.030341880341880341637184059778;0.019230769230769231836752908293;0.018803418803418802535132314802;0.010256410256410256401360392431;0.014102564102564102768710974090;0.010683760683760683968257509946;0.005128205128205128200680196215;0.008547008547008547868495398347;0.005128205128205128200680196215;0.004273504273504273934247699174;0.020512820512820512802720784862;0.028632478632478631369595589717;0.023076923076923078204103489952;0.020940170940170938634894426400;0.011111111111111111535154627461;0.000427350427350427350056683018;0.008119658119658120301598280832;0.006837606837606837600906928287;0.010256410256410256401360392431;0.004700854700854700633783078700;0.002991452991452991667237215623;0.012820512820512820068019621544;0.015384615384615385469402326635;0.005128205128205128200680196215;0.005982905982905983334474431246;0.000000000000000000000000000000;0.003418803418803418800453464144;0.003846153846153846367350581659;0.001282051282051282050170049054;0.000000000000000000000000000000;0.008119658119658120301598280832;0.010683760683760683968257509946;0.007264957264957265167804045802;0.027777777777777776235801354687;0.019658119658119657668926549832;0.018376068376068376702958673263;0.014529914529914530335608091605
-0.013939393939393938948168027991;0.035757575757575758845785429685;0.044848484848484845843863411119;0.204545454545454558070716188922;0.027272727272727271402574800163;0.009696969696969696961286189207;0.002424242424242424240321547302;0.019393939393939393922572378415;0.012424242424242424448488364419;0.017575757575757574441288610956;0.008484848484848485708487153545;0.002424242424242424240321547302;0.007272727272727272720964641906;0.035151515151515148882577221912;0.027272727272727271402574800163;0.010909090909090909948808700847;0.018787878787878787428811122595;0.026363636363636363396656392410;0.015757575757575758429451795450;0.005151515151515151727523722514;0.015757575757575758429451795450;0.011515151515151514707846480690;0.010000000000000000208166817117;0.034242424242424240876658814159;0.014545454545454545441929283811;0.020000000000000000416333634234;0.022424242424242422921931705559;0.073636363636363638685011778762;0.001212121212121212120160773651;0.011515151515151514707846480690;0.003333333333333333547282562037;0.015757575757575758429451795450;0.005454545454545454974404350423;0.003030303030303030300401934127;0.015151515151515151935690539631;0.028787878787878789371701415689;0.004545454545454545233762466694;0.007878787878787879214725897725;0.001212121212121212120160773651;0.012121212121212121201607736509;0.009090909090909090467524933388;0.003030303030303030300401934127;0.000000000000000000000000000000;0.014545454545454545441929283811;0.016969696969696971416974307090;0.012727272727272727695368992329;0.037575757575757574857622245190;0.020909090909090908422252041987;0.015151515151515151935690539631;0.012424242424242424448488364419
-0.021031746031746033354092872969;0.011507936507936508685467913438;0.082539682539682537876224444062;0.132539682539682540651782005625;0.015873015873015872134743631250;0.008333333333333333217685101602;0.002777777777777777883788656865;0.012301587301587301251371009414;0.026190476190476191103995162734;0.019047619047619049337249919063;0.015873015873015872134743631250;0.006746031746031746351155433672;0.010714285714285714384841341484;0.040476190476190478106932602032;0.012698412698412698401684295391;0.013492063492063492702310867344;0.023015873015873017370935826875;0.021428571428571428769682682969;0.009126984126984127518311673555;0.005555555555555555767577313730;0.009126984126984127518311673555;0.023015873015873017370935826875;0.006349206349206349200842147695;0.028174603174603175120838116641;0.025000000000000001387778780781;0.035714285714285712303173170312;0.026984126984126985404621734688;0.045238095238095236971798129844;0.000396825396825396825052634231;0.005952380952380952050528861719;0.007539682539682539784420267637;0.018650793650793650452213157109;0.005952380952380952050528861719;0.011507936507936508685467913438;0.016666666666666666435370203203;0.036507936507936510073246694219;0.009126984126984127518311673555;0.005158730158730158617264027754;0.003968253968253968033685907812;0.013888888888888888117900677344;0.003174603174603174600421073848;0.021428571428571428769682682969;0.000000000000000000000000000000;0.013095238095238095551997581367;0.012698412698412698401684295391;0.007936507936507936067371815625;0.050793650793650793606737181562;0.027380952380952380820211544687;0.018253968253968255036623347110;0.019047619047619049337249919063
-0.030208333333333333564629796797;0.011111111111111111535154627461;0.054513888888888889505679458125;0.004166666666666666608842550801;0.021180555555555556634939051719;0.020486111111111111188209932266;0.001388888888888888941894328433;0.019444444444444444752839729063;0.019444444444444444752839729063;0.040277777777777780399137697032;0.019791666666666665741480812812;0.016666666666666666435370203203;0.019097222222222223764198645313;0.050347222222222223764198645313;0.011458333333333332523795711211;0.019444444444444444752839729063;0.012152777777777777970524830664;0.024652777777777776929690745078;0.017361111111111111882099322656;0.009722222222222222376419864531;0.013194444444444444405895033867;0.008333333333333333217685101602;0.014930555555555556287994356524;0.045833333333333330095182844843;0.032638888888888890893458238907;0.043402777777777776235801354687;0.029513888888888888117900677344;0.019097222222222223764198645313;0.001041666666666666652210637700;0.028125000000000000693889390391;0.007986111111111110494320541875;0.016319444444444445446729119453;0.013194444444444444405895033867;0.008680555555555555941049661328;0.027083333333333334258519187188;0.038888888888888889505679458125;0.010416666666666666088425508008;0.006944444444444444058950338672;0.003472222222222222029475169336;0.019791666666666665741480812812;0.002430555555555555594104966133;0.018055555555555553859381490156;0.000000000000000000000000000000;0.019791666666666665741480812812;0.004861111111111111188209932266;0.010763888888888888811790067734;0.046875000000000000000000000000;0.037847222222222219600862302968;0.025000000000000001387778780781;0.022569444444444444058950338672
-0.030158730158730159137681070547;0.014682539682539682418527249297;0.048015873015873018758714607657;0.074206349206349206393262818438;0.003968253968253968033685907812;0.010714285714285714384841341484;0.004365079365079365183999193789;0.023412698412698412786525636875;0.012301587301587301251371009414;0.048809523809523809589894227656;0.011507936507936508685467913438;0.004365079365079365183999193789;0.010714285714285714384841341484;0.048412698412698414174304417656;0.016666666666666666435370203203;0.021031746031746033354092872969;0.019047619047619049337249919063;0.022619047619047618485899064922;0.010317460317460317234528055508;0.008333333333333333217685101602;0.015079365079365079568840535273;0.006746031746031746351155433672;0.005555555555555555767577313730;0.054761904761904761640423089375;0.033730158730158728286330216406;0.059523809523809520505288617187;0.029761904761904760252644308594;0.011904761904761904101057723437;0.001190476190476190583578119941;0.007936507936507936067371815625;0.004365079365079365183999193789;0.025000000000000001387778780781;0.003968253968253968033685907812;0.010317460317460317234528055508;0.018253968253968255036623347110;0.048412698412698414174304417656;0.015476190476190476719153821250;0.010317460317460317234528055508;0.001984126984126984016842953906;0.010317460317460317234528055508;0.007539682539682539784420267637;0.007936507936507936067371815625;0.000000000000000000000000000000;0.023015873015873017370935826875;0.009523809523809524668624959531;0.011904761904761904101057723437;0.049603174603174600421073847656;0.034126984126984123701920026406;0.017460317460317460735996775156;0.020634920634920634469056111016
-0.044791666666666667129259593594;0.009895833333333332870740406406;0.020312500000000000693889390391;0.161979166666666674068153497501;0.017187500000000001387778780781;0.030208333333333333564629796797;0.005208333333333333044212754004;0.025520833333333332870740406406;0.017708333333333332870740406406;0.020833333333333332176851016015;0.017187500000000001387778780781;0.018229166666666667823148983985;0.014583333333333333564629796797;0.017708333333333332870740406406;0.027083333333333334258519187188;0.035937499999999997224442438437;0.014062500000000000346944695195;0.007291666666666666782314898398;0.019270833333333334258519187188;0.002604166666666666522106377002;0.017187500000000001387778780781;0.010416666666666666088425508008;0.004166666666666666608842550801;0.036979166666666667129259593594;0.048958333333333332870740406406;0.037499999999999998612221219219;0.025520833333333332870740406406;0.007291666666666666782314898398;0.001041666666666666652210637700;0.032812500000000001387778780781;0.007812500000000000000000000000;0.008333333333333333217685101602;0.010416666666666666088425508008;0.008333333333333333217685101602;0.008854166666666666435370203203;0.011979166666666667476204288789;0.008333333333333333217685101602;0.016145833333333334952408577578;0.001041666666666666652210637700;0.002604166666666666522106377002;0.008333333333333333217685101602;0.004687499999999999826527652402;0.000000000000000000000000000000;0.021354166666666667129259593594;0.027604166666666665741480812812;0.024479166666666666435370203203;0.029687499999999998612221219219;0.027604166666666665741480812812;0.007291666666666666782314898398;0.015625000000000000000000000000
-0.003401360544217686947970902267;0.006122448979591836419611450282;0.024149659863945578675004099978;0.606802721088435359497736953927;0.002380952380952381167156239883;0.004081632653061224857982125513;0.002380952380952381167156239883;0.010884353741496597886562192059;0.009183673469387755930459782405;0.013945578231292516530048786194;0.004421768707482993596147302640;0.002721088435374149471640548015;0.003401360544217686947970902267;0.018707482993197278864361265960;0.020068027210884353817021974464;0.005442176870748298943281096030;0.006802721088435373895941804534;0.013265306122448979053718431942;0.009523809523809524668624959531;0.002380952380952381167156239883;0.008163265306122449715964251027;0.013945578231292516530048786194;0.002721088435374149471640548015;0.019387755102040816340691620212;0.006802721088435373895941804534;0.009523809523809524668624959531;0.018027210884353741388030911708;0.007142857142857142634106981660;0.001700680272108843473985451134;0.003061224489795918209805725141;0.002040816326530612428991062757;0.011224489795918366624727369185;0.001020408163265306214495531378;0.010204081632653060410231837807;0.007823129251700680977799073901;0.014625850340136054006379140446;0.004421768707482993596147302640;0.002721088435374149471640548015;0.001700680272108843473985451134;0.006122448979591836419611450282;0.002721088435374149471640548015;0.006462585034013605157776627408;0.000000000000000000000000000000;0.006802721088435373895941804534;0.008503401360544218454129428153;0.006122448979591836419611450282;0.021088435374149658296794029866;0.007142857142857142634106981660;0.012585034013605441577388077690;0.006122448979591836419611450282
-0.035606060606060606354983377742;0.008712121212121212709966755483;0.039015151515151516581347834745;0.006818181818181817850643700041;0.052272727272727269320906628991;0.024242424242424242403215473018;0.001136363636363636308440616673;0.028409090909090908144696285831;0.018560606060606062162054996634;0.015909090909090907450806895440;0.023863636363636364645657295114;0.020833333333333332176851016015;0.031818181818181814901613790880;0.036742424242424243097104863409;0.015151515151515151935690539631;0.016666666666666666435370203203;0.010227272727272727209646419055;0.032954545454545451643735276548;0.026893939393939393645016622258;0.007196969696969697342925353922;0.013257575757575757943729222177;0.007575757575757575967845269815;0.015530303030303029693248717535;0.014772727272727272443408885749;0.032575757575757577355624050597;0.030303030303030303871381079261;0.034848484848484850839867021932;0.028787878787878789371701415689;0.000378787878787878787550241766;0.033712121212121214097745536264;0.007954545454545453725403447720;0.006439393939393939225723784148;0.025378787878787879145336958686;0.009469696969696969959806587269;0.043560606060606063549833777415;0.026893939393939393645016622258;0.012878787878787878451447568295;0.006439393939393939225723784148;0.003787878787878787983922634908;0.020454545454545454419292838111;0.004924242424242423858682382587;0.022348484848484850145977631541;0.000000000000000000000000000000;0.012121212121212121201607736509;0.008333333333333333217685101602;0.007196969696969697342925353922;0.033333333333333332870740406406;0.024621212121212120160773650923;0.039015151515151516581347834745;0.020075757575757576661734660206
-0.063333333333333338699411285688;0.004333333333333333134418374755;0.028333333333333331899295259859;0.004000000000000000083266726847;0.008000000000000000166533453694;0.056666666666666663798590519718;0.001666666666666666773641281019;0.018333333333333333425851918719;0.002666666666666666577617528233;0.021000000000000001304512053935;0.020333333333333331732761806165;0.042000000000000002609024107869;0.028333333333333331899295259859;0.041666666666666664353702032031;0.005000000000000000104083408559;0.053999999999999999389377336456;0.006333333333333333176051738178;0.010666666666666666310470112933;0.022666666666666668294993769450;0.004666666666666667052931760651;0.017333333333333332537673499019;0.002333333333333333526465880325;0.007333333333333333196868419890;0.026333333333333333592385372413;0.081000000000000002553512956638;0.043666666666666666130058871431;0.024333333333333331816028533012;0.006000000000000000124900090270;0.000000000000000000000000000000;0.028333333333333331899295259859;0.034333333333333333758918826106;0.006666666666666667094565124074;0.010000000000000000208166817117;0.004333333333333333134418374755;0.032666666666666663298990158637;0.021333333333333332620940225866;0.012999999999999999403255124264;0.015666666666666665547191783503;0.000000000000000000000000000000;0.006000000000000000124900090270;0.001000000000000000020816681712;0.000666666666666666644404382058;0.000000000000000000000000000000;0.019666666666666665630458510350;0.006333333333333333176051738178;0.017000000000000001221245327088;0.036333333333333335535275665507;0.039666666666666669516239096538;0.027333333333333334480563792113;0.027333333333333334480563792113
-0.071621621621621625597420290887;0.003153153153153153039067735364;0.013513513513513514263664205828;0.151351351351351359753039105271;0.001351351351351351426366420583;0.045495495495495495708038191651;0.000900900900900900914770874639;0.011261261261261260729904520872;0.000450450450450450457385437320;0.013963963963963963582637362038;0.026126126126126126419935147283;0.031531531531531528655953877660;0.033333333333333332870740406406;0.026126126126126126419935147283;0.003153153153153153039067735364;0.067117117117117111591007017068;0.001801801801801801829541749278;0.005405405405405405705465682331;0.016216216216216217116397046993;0.002702702702702702852732841166;0.016216216216216217116397046993;0.001351351351351351426366420583;0.003603603603603603659083498556;0.023873873873873872886175462327;0.074324324324324328450153132053;0.036936936936936934361419559991;0.018468468468468467180709779996;0.010360360360360360357234732476;0.000000000000000000000000000000;0.012612612612612612156270941455;0.034684684684684684297106826989;0.007207207207207207318166997112;0.007207207207207207318166997112;0.004504504504504504465434155946;0.026126126126126126419935147283;0.010360360360360360357234732476;0.006306306306306306078135470727;0.035585585585585582935053139408;0.000000000000000000000000000000;0.003603603603603603659083498556;0.001801801801801801829541749278;0.002702702702702702852732841166;0.000000000000000000000000000000;0.016216216216216217116397046993;0.002252252252252252232717077973;0.016666666666666666435370203203;0.031981981981981981444373985823;0.032882882882882880082320298243;0.017117117117117115754343359413;0.018468468468468467180709779996
-0.021031746031746033354092872969;0.003571428571428571317053490830;0.031746031746031744269487262500;0.363492063492063477436744278748;0.003968253968253968033685907812;0.004761904761904762334312479766;0.006746031746031746351155433672;0.021031746031746033354092872969;0.002777777777777777883788656865;0.036507936507936510073246694219;0.019444444444444444752839729063;0.004761904761904762334312479766;0.001190476190476190583578119941;0.031746031746031744269487262500;0.013095238095238095551997581367;0.025000000000000001387778780781;0.006349206349206349200842147695;0.005952380952380952050528861719;0.006746031746031746351155433672;0.001587301587301587300210536924;0.014682539682539682418527249297;0.004365079365079365183999193789;0.002380952380952381167156239883;0.054761904761904761640423089375;0.032936507936507937455150596406;0.045634920634920632387387939843;0.023015873015873017370935826875;0.001984126984126984016842953906;0.002380952380952381167156239883;0.003174603174603174600421073848;0.002380952380952381167156239883;0.020238095238095239053466301016;0.001984126984126984016842953906;0.003174603174603174600421073848;0.005158730158730158617264027754;0.026984126984126985404621734688;0.003571428571428571317053490830;0.002777777777777777883788656865;0.000000000000000000000000000000;0.002777777777777777883788656865;0.009126984126984127518311673555;0.000396825396825396825052634231;0.000000000000000000000000000000;0.023412698412698412786525636875;0.006349206349206349200842147695;0.021825396825396824185272492969;0.048412698412698414174304417656;0.012301587301587301251371009414;0.002777777777777777883788656865;0.009523809523809524668624959531
-0.030620155038759689497540605885;0.007364341085271317727256601415;0.091085271317829452630832065552;0.000000000000000000000000000000;0.000000000000000000000000000000;0.001937984496124030980857000372;0.001162790697674418588514200223;0.018604651162790697416227203576;0.010077519379844961100456401937;0.052713178294573642679310410131;0.009302325581395348708113601788;0.000775193798449612392342800149;0.009689922480620154904285001862;0.069767441860465115310852013408;0.004651162790697674354056800894;0.021705426356589146985598404171;0.027131782945736433731998005214;0.029457364341085270909026405661;0.002713178294573643373199800521;0.013178294573643410669827602533;0.009302325581395348708113601788;0.013953488372093023062170402682;0.006976744186046511531085201341;0.069379844961240305645233661380;0.024031007751937984162626804618;0.056201550387596901914299962755;0.025968992248062015143483804991;0.000000000000000000000000000000;0.000775193798449612392342800149;0.001162790697674418588514200223;0.000387596899224806196171400074;0.030620155038759689497540605885;0.002325581395348837177028400447;0.006589147286821705334913801266;0.025968992248062015143483804991;0.077519379844961239234280014898;0.009302325581395348708113601788;0.007364341085271317727256601415;0.000000000000000000000000000000;0.012790697674418604473656202458;0.002713178294573643373199800521;0.006201550387596899138742401192;0.000000000000000000000000000000;0.026744186046511627535826605140;0.001550387596899224784685600298;0.014341085271317829258341802756;0.071317829457364340095537613706;0.047674418604651165598529161116;0.024031007751937984162626804618;0.022868217054263565574112604395
-0.028787878787878789371701415689;0.003535353535353535567309357646;0.025252525252525252069668582067;0.435353535353535325835849789655;0.006565656565656565434030422779;0.013131313131313130868060845557;0.000000000000000000000000000000;0.006565656565656565434030422779;0.002525252525252525467175379603;0.020707070707070708570629591350;0.017676767676767676101823312251;0.004040404040404040400535912170;0.009595959595959595300751487912;0.028282828282828284538474861165;0.014141414141414142269237430583;0.017676767676767676101823312251;0.006060606060606060600803868255;0.007070707070707071134618715291;0.009090909090909090467524933388;0.004040404040404040400535912170;0.009090909090909090467524933388;0.004545454545454545233762466694;0.001515151515151515150200967064;0.028282828282828284538474861165;0.031313131313131313537834188310;0.045454545454545455807071618892;0.018181818181818180935049866775;0.000505050505050505050066989021;0.001010101010101010100133978042;0.004545454545454545233762466694;0.006060606060606060600803868255;0.012626262626262626034834291033;0.009090909090909090467524933388;0.006060606060606060600803868255;0.009595959595959595300751487912;0.015656565656565656768917094155;0.006060606060606060600803868255;0.004545454545454545233762466694;0.000000000000000000000000000000;0.001515151515151515150200967064;0.001010101010101010100133978042;0.000000000000000000000000000000;0.000000000000000000000000000000;0.021717171717171718237082700398;0.007070707070707071134618715291;0.010101010101010101868701518413;0.032323232323232323204287297358;0.025252525252525252069668582067;0.011616161616161616368381181985;0.015151515151515151935690539631
-0.032653061224489798863857004108;0.007142857142857142634106981660;0.063605442176870752302164646608;0.061904761904761906876615285000;0.000000000000000000000000000000;0.010884353741496597886562192059;0.000340136054421768683955068502;0.021768707482993195773124384118;0.007482993197278911372272158786;0.054421768707482991167534436272;0.013265306122448979053718431942;0.004761904761904762334312479766;0.010204081632653060410231837807;0.060884353741496595457949325692;0.003401360544217686947970902267;0.017687074829931974384589210558;0.025170068027210883154776155379;0.028571428571428570536427926640;0.005102040816326530205115918903;0.012925170068027210315553254816;0.015986394557823128959039848951;0.006462585034013605157776627408;0.008163265306122449715964251027;0.056802721088435377538861104085;0.032312925170068028390968351005;0.051360544217687077728218270067;0.024829931972789116151334454230;0.001020408163265306214495531378;0.000680272108843537367910137004;0.002721088435374149471640548015;0.005442176870748298943281096030;0.026530612244897958107436863884;0.003061224489795918209805725141;0.008163265306122449715964251027;0.018367346938775511860919564811;0.066326530612244902207486063617;0.014285714285714285268213963320;0.006122448979591836419611450282;0.000340136054421768683955068502;0.009523809523809524668624959531;0.003741496598639455686136079393;0.005442176870748298943281096030;0.000000000000000000000000000000;0.027551020408163266056655871239;0.001360544217687074735820274007;0.011904761904761904101057723437;0.069047619047619052112807480626;0.039455782312925166688266642723;0.026530612244897958107436863884;0.014285714285714285268213963320
-0.032962962962962964741375770927;0.016666666666666666435370203203;0.041111111111111112159655078813;0.001851851851851851922525771243;0.005555555555555555767577313730;0.029259259259259259161600752464;0.002222222222222222220294751693;0.028148148148148147834612942120;0.008148148148148147418279307885;0.018148148148148149361169600979;0.024074074074074074125473288177;0.007407407407407407690103084974;0.034074074074074076068363581271;0.042222222222222223486642889156;0.013703703703703704053218359604;0.020740740740740740144509857146;0.010740740740740739936343040029;0.037037037037037034981068472916;0.024814814814814813853649511088;0.005555555555555555767577313730;0.021481481481481479872686080057;0.006666666666666667094565124074;0.028518518518518519433424529552;0.019629629629629628817522046802;0.041111111111111112159655078813;0.037777777777777778178691647781;0.040740740740740744030290443334;0.008888888888888888881179006773;0.000740740740740740703958178148;0.020000000000000000416333634234;0.005185185185185185036127464286;0.009629629629629630344078705662;0.020000000000000000416333634234;0.008518518518518519017090895318;0.054814814814814816212873438417;0.034444444444444444197728216750;0.024444444444444445724284875610;0.007777777777777777554191196430;0.000740740740740740703958178148;0.024814814814814813853649511088;0.007777777777777777554191196430;0.006666666666666667094565124074;0.000000000000000000000000000000;0.011111111111111111535154627461;0.010000000000000000208166817117;0.010740740740740739936343040029;0.033703703703703701000105041885;0.029629629629629630760412339896;0.048148148148148148250946576354;0.021851851851851851471497667490
-0.032592592592592589673117231541;0.005555555555555555767577313730;0.052222222222222225429533182250;0.012962962962962962590318660716;0.001481481481481481407916356297;0.018888888888888889089345823891;0.000370370370370370351979089074;0.024444444444444445724284875610;0.007777777777777777554191196430;0.027777777777777776235801354687;0.022222222222222223070309254922;0.005925925925925925631665425186;0.024814814814814813853649511088;0.052962962962962961688262453208;0.015185185185185185244294281404;0.028148148148148147834612942120;0.016666666666666666435370203203;0.029259259259259259161600752464;0.014444444444444443781394582516;0.011111111111111111535154627461;0.015925925925925926707193980292;0.010370370370370370072254928573;0.014814814814814815380206169948;0.040000000000000000832667268469;0.036296296296296298722339201959;0.048888888888888891448569751219;0.038148148148148146308056283260;0.032222222222222221543752596062;0.000740740740740740703958178148;0.010740740740740739936343040029;0.004814814814814815172039352831;0.014444444444444443781394582516;0.014444444444444443781394582516;0.010740740740740739936343040029;0.032962962962962964741375770927;0.040370370370370368962031903948;0.020740740740740740144509857146;0.008148148148148147418279307885;0.000370370370370370351979089074;0.012222222222222222862142437805;0.005185185185185185036127464286;0.001851851851851851922525771243;0.000000000000000000000000000000;0.018518518518518517490534236458;0.005925925925925925631665425186;0.016666666666666666435370203203;0.042592592592592591616007524635;0.039259259259259257635044093604;0.039259259259259257635044093604;0.018518518518518517490534236458
-0.028248587570621468828546696272;0.028248587570621468828546696272;0.036158192090395481488318552010;0.014124293785310734414273348136;0.015536723163841808723062420938;0.013559322033898304690757719015;0.003954802259887005462524189880;0.038418079096045200382381068493;0.007909604519774010925048379761;0.030225988700564972860851398195;0.018926553672316385329432719686;0.003672316384180791034447244314;0.014689265536723164137788977257;0.039265536723163844967654512175;0.038983050847457630105896697614;0.019774011299435029914706163368;0.014406779661016949276031162697;0.034463276836158192317771664648;0.026271186440677964796241994350;0.005932203389830508627467153815;0.022881355932203389924595171578;0.008192090395480225786806194321;0.012146892655367232116692122190;0.035310734463276836903045108329;0.026836158192090394519757623470;0.046045197740112994710948157717;0.035028248587570622041287293769;0.032485875706214688285466962725;0.001129943502824858796509954750;0.014124293785310734414273348136;0.003954802259887005462524189880;0.013841807909604519552515533576;0.016101694915254236711854574082;0.008192090395480225786806194321;0.018644067796610170467674905126;0.036723163841807911211834181131;0.014689265536723164137788977257;0.007062146892655367207136674068;0.000564971751412429398254977375;0.013276836158192089828999904455;0.017514124293785311020643646884;0.006497175141242937483621044947;0.000000000000000000000000000000;0.020338983050847456168774840535;0.023446327683615819648110800699;0.017231638418079096158885832324;0.042372881355932201508096568432;0.030508474576271187722609212756;0.024011299435028249371626429820;0.018079096045197740744159276005
-0.012962962962962962590318660716;0.013333333333333334189130248149;0.021851851851851851471497667490;0.317777777777777770129574719249;0.022222222222222223070309254922;0.020000000000000000416333634234;0.001111111111111111110147375847;0.024444444444444445724284875610;0.007777777777777777554191196430;0.011851851851851851263330850372;0.019629629629629628817522046802;0.005185185185185185036127464286;0.024814814814814813853649511088;0.018518518518518517490534236458;0.027777777777777776235801354687;0.003333333333333333547282562037;0.016666666666666666435370203203;0.019259259259259260688157411323;0.038148148148148146308056283260;0.005185185185185185036127464286;0.015925925925925926707193980292;0.004074074074074073709139653943;0.019629629629629628817522046802;0.011111111111111111535154627461;0.010740740740740739936343040029;0.015555555555555555108382392859;0.028518518518518519433424529552;0.007777777777777777554191196430;0.000370370370370370351979089074;0.041481481481481480289019714291;0.005185185185185185036127464286;0.005555555555555555767577313730;0.028888888888888887562789165031;0.003703703703703703845051542487;0.026666666666666668378260496297;0.016666666666666666435370203203;0.007037037037037036958653235530;0.003333333333333333547282562037;0.000370370370370370351979089074;0.011481481481481481399242738917;0.007777777777777777554191196430;0.002222222222222222220294751693;0.000000000000000000000000000000;0.007037037037037036958653235530;0.025555555555555557051272685953;0.007777777777777777554191196430;0.011481481481481481399242738917;0.011851851851851851263330850372;0.018888888888888889089345823891;0.011481481481481481399242738917
-0.011764705882352941013202496379;0.017156862745098040712310449862;0.025000000000000001387778780781;0.444607843137254876708652773232;0.008823529411764705759901872284;0.014215686274509803724286349791;0.001470588235294117626650312047;0.014215686274509803724286349791;0.016666666666666666435370203203;0.010294117647058823386552184331;0.007352941176470588133251560237;0.007352941176470588133251560237;0.015686274509803921350936661838;0.022058823529411766134478156687;0.018627450980392156604237285933;0.006372549019607843048818018872;0.016176470588235295627876908497;0.022058823529411766134478156687;0.010784313725490195928768955014;0.006372549019607843048818018872;0.008333333333333333217685101602;0.015686274509803921350936661838;0.009803921568627450844335413649;0.012254901960784313555419267061;0.015686274509803921350936661838;0.015196078431372548808719891156;0.015686274509803921350936661838;0.020588235294117646773104368663;0.000980392156862745084433541365;0.012254901960784313555419267061;0.006372549019607843048818018872;0.006862745098039215591034789554;0.005882352941176470506601248189;0.004411764705882352879950936142;0.018137254901960785796743991227;0.019607843137254901688670827298;0.005392156862745097964384477507;0.007352941176470588133251560237;0.003431372549019607795517394777;0.017647058823529411519803744568;0.002941176470588235253300624095;0.009803921568627450844335413649;0.000000000000000000000000000000;0.004901960784313725422167706824;0.008333333333333333217685101602;0.007352941176470588133251560237;0.009313725490196078302118642966;0.009313725490196078302118642966;0.022058823529411766134478156687;0.007352941176470588133251560237
-0.041869918699186992050442768232;0.006504065040650406498423663493;0.037398373983739838233297803072;0.038211382113821135142472940061;0.021544715447154472176549688811;0.047154471544715449715656774288;0.002032520325203252247597829339;0.018699186991869919116648901536;0.007723577235772357933718534895;0.018292682926829267192614381088;0.021138211382113820252515168363;0.033333333333333332870740406406;0.036991869918699189778710234577;0.031707317073170732113496228521;0.009756097560975609747635495239;0.032926829268292684416152837912;0.006504065040650406498423663493;0.021544715447154472176549688811;0.022764227642276424479206298201;0.008130081300813008990391317354;0.015040650406504065678126025318;0.007723577235772357933718534895;0.028861788617886179053595441246;0.017479674796747966813992292145;0.039024390243902438990541980957;0.026016260162601625993694653971;0.027642276422764226750938831856;0.003658536585365853872203745212;0.000000000000000000000000000000;0.034959349593495933627984584291;0.030081300813008131356252050637;0.006910569105691056687734707964;0.017479674796747966813992292145;0.013008130081300812996847326986;0.044715447154471545110343555507;0.016260162601626017980782634709;0.008130081300813008990391317354;0.017073170731707318359404723651;0.000406504065040650406151478968;0.022357723577235772555171777753;0.004065040650406504495195658677;0.002032520325203252247597829339;0.000000000000000000000000000000;0.008943089430894309369013406297;0.019918699186991871419305510926;0.011382113821138212239603149101;0.026829268292682926372316742913;0.025203252032520325615072565029;0.040650406504065039747786158841;0.019918699186991871419305510926
-0.065925925925925929482751541855;0.001851851851851851922525771243;0.030740740740740742087400150240;0.004814814814814815172039352831;0.002962962962962962815832712593;0.048148148148148148250946576354;0.001481481481481481407916356297;0.026296296296296296779448908865;0.003703703703703703845051542487;0.022962962962962962798485477833;0.031851851851851853414387960584;0.035185185185185187395351391615;0.025925925925925925180637321432;0.038888888888888889505679458125;0.004074074074074073709139653943;0.049629629629629627707299022177;0.011111111111111111535154627461;0.022222222222222223070309254922;0.017037037037037038034181790636;0.005185185185185185036127464286;0.018518518518518517490534236458;0.003703703703703703845051542487;0.010000000000000000208166817117;0.022222222222222223070309254922;0.084444444444444446973285778313;0.038888888888888889505679458125;0.028518518518518519433424529552;0.000370370370370370351979089074;0.000370370370370370351979089074;0.020000000000000000416333634234;0.030740740740740742087400150240;0.008518518518518519017090895318;0.010370370370370370072254928573;0.006666666666666667094565124074;0.021851851851851851471497667490;0.033333333333333332870740406406;0.014444444444444443781394582516;0.018888888888888889089345823891;0.000370370370370370351979089074;0.010740740740740739936343040029;0.003703703703703703845051542487;0.001851851851851851922525771243;0.000000000000000000000000000000;0.023333333333333334397297065266;0.005185185185185185036127464286;0.018518518518518517490534236458;0.029999999999999998889776975375;0.034444444444444444197728216750;0.030370370370370370488588562807;0.019629629629629628817522046802
-0.030833333333333334119741309109;0.009444444444444444544672911945;0.043333333333333334813630699500;0.014722222222222221613141535101;0.020555555555555556079827539406;0.036111111111111107718762980312;0.002500000000000000052041704279;0.026944444444444444475283972906;0.007499999999999999722444243844;0.022499999999999999167332731531;0.024166666666666666157814447047;0.012777777777777778525636342977;0.031111111111111110216764785719;0.040833333333333332593184650250;0.016111111111111110771876298031;0.020833333333333332176851016015;0.014722222222222221613141535101;0.027222222222222220572307449515;0.032777777777777780676693453188;0.009444444444444444544672911945;0.023055555555555554830826636703;0.006666666666666667094565124074;0.017222222222222222098864108375;0.019722222222222220849863205672;0.040555555555555553026714221687;0.026666666666666668378260496297;0.033333333333333332870740406406;0.028333333333333331899295259859;0.000833333333333333386820640509;0.026388888888888888811790067734;0.011666666666666667198648532633;0.013611111111111110286153724758;0.024722222222222221821308352219;0.009722222222222222376419864531;0.034722222222222223764198645313;0.029166666666666667129259593594;0.013333333333333334189130248149;0.006666666666666667094565124074;0.000000000000000000000000000000;0.016111111111111110771876298031;0.008333333333333333217685101602;0.005000000000000000104083408559;0.000000000000000000000000000000;0.010277777777777778039913769703;0.016944444444444446001840631766;0.010277777777777778039913769703;0.033888888888888892003681263532;0.033888888888888892003681263532;0.033611111111111112437210834969;0.020833333333333332176851016015
-0.031623931623931622603151936346;0.007264957264957265167804045802;0.032478632478632481206393123330;0.209401709401709407165625975722;0.002136752136752136967123849587;0.014102564102564102768710974090;0.002564102564102564100340098108;0.028205128205128205537421948179;0.007264957264957265167804045802;0.027350427350427350403627713149;0.018376068376068376702958673263;0.003418803418803418800453464144;0.019230769230769231836752908293;0.034615384615384617306155234928;0.018803418803418802535132314802;0.015811965811965811301575968173;0.009829059829059828834463274916;0.023931623931623933337897724982;0.018803418803418802535132314802;0.008547008547008547868495398347;0.021794871794871793768688661430;0.007692307692307692734701163317;0.011965811965811966668948862491;0.037179487179487179238090988065;0.031623931623931622603151936346;0.033760683760683758702914047944;0.037179487179487179238090988065;0.011538461538461539102051744976;0.000854700854700854700113366036;0.006837606837606837600906928287;0.001282051282051282050170049054;0.012393162393162392501122504029;0.006837606837606837600906928287;0.009829059829059828834463274916;0.021794871794871793768688661430;0.032478632478632481206393123330;0.012820512820512820068019621544;0.006410256410256410034009810772;0.000854700854700854700113366036;0.007692307692307692734701163317;0.006837606837606837600906928287;0.003418803418803418800453464144;0.000000000000000000000000000000;0.015811965811965811301575968173;0.014529914529914530335608091605;0.014529914529914530335608091605;0.036752136752136753405917346527;0.019658119658119657668926549832;0.024786324786324785002245008059;0.017094017094017095736990796695
-0.018926553672316385329432719686;0.014406779661016949276031162697;0.024293785310734464233384244380;0.272598870056497188940625164832;0.004519774011299435186039819001;0.012429378531073446978449936751;0.011016949152542372669660863949;0.034180790960451977456013850087;0.011299435028248587531418678509;0.036723163841807911211834181131;0.007344632768361582068894488629;0.009322033898305085233837452563;0.007062146892655367207136674068;0.027966101694915253966788881712;0.024011299435028249371626429820;0.009887005649717514957353081684;0.018361581920903955605917090566;0.015819209039548021850096759522;0.013559322033898304690757719015;0.001694915254237288086344714877;0.017231638418079096158885832324;0.009887005649717514957353081684;0.005367231638418078903951524694;0.042655367231638416369854382992;0.014971751412429378999546791817;0.032768361581920903147224777285;0.025988700564971749934484179789;0.010734463276836157807903049388;0.005367231638418078903951524694;0.011864406779661017254934307630;0.003672316384180791034447244314;0.024576271186440679095142058941;0.006214689265536723489224968375;0.011864406779661017254934307630;0.009039548022598870372079638003;0.022881355932203389924595171578;0.006214689265536723489224968375;0.009604519774011300095595267123;0.003954802259887005462524189880;0.012429378531073446978449936751;0.011864406779661017254934307630;0.010734463276836157807903049388;0.000000000000000000000000000000;0.022598870056497175062837357018;0.012146892655367232116692122190;0.021468926553672315615806098776;0.031355932203389828838435704483;0.010169491525423728084387420267;0.007062146892655367207136674068;0.009887005649717514957353081684
-0.017982456140350877582534394605;0.018859649122807017190828204889;0.023684210526315790240614589379;0.336403508771929815601708924078;0.005701754385964912658080194774;0.010526315789473683973143103287;0.010526315789473683973143103287;0.019736842105263156799122015173;0.009649122807017544364849293004;0.025438596491228069457202209946;0.008771929824561403021832006743;0.007017543859649122937882648188;0.007894736842105263413538196460;0.030701754385964910576412023602;0.021491228070175439485156587693;0.007456140350877192742029553330;0.018421052631578945651957823770;0.018859649122807017190828204889;0.024122807017543858310038018544;0.002631578947368420993285775822;0.013157894736842104532748010115;0.011403508771929825316160389548;0.003070175438596491231113549958;0.026315789473684209065496020230;0.012719298245614034728601104973;0.021491228070175439485156587693;0.028070175438596491751530592751;0.006578947368421052266374005058;0.003070175438596491231113549958;0.015789473684210526827076392919;0.009649122807017544364849293004;0.020175438596491228337992396291;0.003947368421052631706769098230;0.010964912280701753777290008429;0.009649122807017544364849293004;0.026315789473684209065496020230;0.007894736842105263413538196460;0.010964912280701753777290008429;0.000877192982456140367235331023;0.010526315789473683973143103287;0.004824561403508772182424646502;0.008771929824561403021832006743;0.000000000000000000000000000000;0.021052631578947367946286206575;0.010087719298245614168996198146;0.021052631578947367946286206575;0.026315789473684209065496020230;0.007456140350877192742029553330;0.011403508771929825316160389548;0.010526315789473683973143103287
-0.009863945578231291672066660681;0.017006802721088436908258856306;0.042176870748299316593588059732;0.382312925170068040880977378038;0.004081632653061224857982125513;0.005442176870748298943281096030;0.003061224489795918209805725141;0.024149659863945578675004099978;0.005442176870748298943281096030;0.027891156462585033060097572388;0.010204081632653060410231837807;0.003061224489795918209805725141;0.005102040816326530205115918903;0.038095238095238098674499838125;0.020748299319727891293352328717;0.009183673469387755930459782405;0.011224489795918366624727369185;0.019047619047619049337249919063;0.014285714285714285268213963320;0.007142857142857142634106981660;0.012244897959183672839222900564;0.009183673469387755930459782405;0.005442176870748298943281096030;0.034013605442176873816517712612;0.013265306122448979053718431942;0.026870748299319728580325516987;0.020748299319727891293352328717;0.012585034013605441577388077690;0.000680272108843537367910137004;0.004421768707482993596147302640;0.002040816326530612428991062757;0.014625850340136054006379140446;0.005442176870748298943281096030;0.007482993197278911372272158786;0.006122448979591836419611450282;0.029591836734693878485646933996;0.006802721088435373895941804534;0.002380952380952381167156239883;0.000340136054421768683955068502;0.004081632653061224857982125513;0.008503401360544218454129428153;0.001700680272108843473985451134;0.000000000000000000000000000000;0.013945578231292516530048786194;0.012244897959183672839222900564;0.009183673469387755930459782405;0.030952380952380953438307642500;0.014965986394557822744544317572;0.018027210884353741388030911708;0.012585034013605441577388077690
-0.012698412698412698401684295391;0.006349206349206349200842147695;0.034523809523809526056403740313;0.541666666666666629659232512495;0.020634920634920634469056111016;0.005555555555555555767577313730;0.003571428571428571317053490830;0.011904761904761904101057723437;0.001984126984126984016842953906;0.011904761904761904101057723437;0.009523809523809524668624959531;0.003968253968253968033685907812;0.005555555555555555767577313730;0.021428571428571428769682682969;0.023809523809523808202115446875;0.009126984126984127518311673555;0.003968253968253968033685907812;0.007539682539682539784420267637;0.021031746031746033354092872969;0.001587301587301587300210536924;0.009523809523809524668624959531;0.005952380952380952050528861719;0.001190476190476190583578119941;0.013888888888888888117900677344;0.016269841269841271019780393203;0.015476190476190476719153821250;0.020238095238095239053466301016;0.007936507936507936067371815625;0.000000000000000000000000000000;0.014285714285714285268213963320;0.001587301587301587300210536924;0.007539682539682539784420267637;0.005952380952380952050528861719;0.005555555555555555767577313730;0.005952380952380952050528861719;0.010714285714285714384841341484;0.002380952380952381167156239883;0.001984126984126984016842953906;0.000000000000000000000000000000;0.003968253968253968033685907812;0.005555555555555555767577313730;0.001984126984126984016842953906;0.000000000000000000000000000000;0.006746031746031746351155433672;0.017460317460317460735996775156;0.005555555555555555767577313730;0.017857142857142856151586585156;0.012698412698412698401684295391;0.009920634920634920084214769531;0.013492063492063492702310867344
-0.043396226415094336925637463764;0.012578616352201258538068273651;0.037735849056603772144757869000;0.008490566037735848906042868123;0.045911949685534587939361728104;0.033333333333333332870740406406;0.004088050314465408764663667540;0.031761006289308175987162741194;0.009433962264150943036189467250;0.026100628930817611206283146430;0.017610062893081760565516802330;0.012893081761006289914783806694;0.015408805031446540928508071033;0.033647798742138364247455939449;0.025157232704402517076136547303;0.021383647798742137086103198840;0.016666666666666666435370203203;0.033333333333333332870740406406;0.036477987421383646637895736831;0.008805031446540880282758401165;0.019496855345911948825810000585;0.007861635220125786152611802038;0.005974842767295597892318603783;0.037735849056603772144757869000;0.039937106918238991781766600297;0.030503144654088050480300609024;0.036163522012578615261180203788;0.014150943396226415421645938864;0.003773584905660377387948134498;0.044025157232704399679068529849;0.008805031446540880282758401165;0.020125786163522011579241066670;0.017924528301886791942232335373;0.005974842767295597892318603783;0.014150943396226415421645938864;0.046540880503144650692792794189;0.012893081761006289914783806694;0.006918238993710692022465202911;0.001257861635220125723702566667;0.005660377358490565648241332752;0.008490566037735848906042868123;0.002515723270440251447405133334;0.000000000000000000000000000000;0.013207547169811321291499339736;0.026100628930817611206283146430;0.013836477987421384044930405821;0.026100628930817611206283146430;0.020125786163522011579241066670;0.018238993710691823318947868415;0.017295597484276729188801269288
-0.029999999999999998889776975375;0.001818181818181818180241160476;0.051212121212121208824186169295;0.002121212121212121427121788386;0.066969696969696970723084916699;0.019393939393939393922572378415;0.002727272727272727487202175212;0.017878787878787879422892714842;0.006666666666666667094565124074;0.056060606060606060774276215852;0.017272727272727272929131459023;0.012121212121212121201607736509;0.008787878787878787220644305478;0.034545454545454545858262918046;0.006666666666666667094565124074;0.019090909090909092410415226482;0.014242424242424242195048655901;0.018787878787878787428811122595;0.026060606060606061884499240477;0.006666666666666667094565124074;0.015454545454545455182571167541;0.006666666666666667094565124074;0.009393939393939393714405561298;0.065757575757575750796668501152;0.027575757575757576384178904050;0.040000000000000000832667268469;0.029090909090909090883858567622;0.022424242424242422921931705559;0.001212121212121212120160773651;0.043939393939393937837945003366;0.006060606060606060600803868255;0.033333333333333332870740406406;0.021212121212121213403856145874;0.002424242424242424240321547302;0.012121212121212121201607736509;0.053636363636363634799231192574;0.011818181818181817954727108599;0.007575757575757575967845269815;0.000606060606060606060080386825;0.005454545454545454974404350423;0.007575757575757575967845269815;0.000303030303030303030040193413;0.000000000000000000000000000000;0.030909090909090910365142335081;0.011515151515151514707846480690;0.019696969696969695434729530348;0.042424242424242426807712291748;0.020000000000000000416333634234;0.020606060606060606910094890054;0.012121212121212121201607736509
-0.019590643274853800775980872118;0.012280701754385964924454199831;0.039181286549707601551961744235;0.257017543859649144621926097898;0.002339181286549707645960882729;0.010526315789473683973143103287;0.002339181286549707645960882729;0.021929824561403507554580016858;0.009649122807017544364849293004;0.023099415204678362678603065206;0.011695906432748537362442675658;0.010818713450292397754148865374;0.008187134502923977194543958547;0.030409356725146198530129737492;0.027485380116959064189519068577;0.015497076023391813046070630833;0.019298245614035088729698586008;0.022514619883040935116591541032;0.017251461988304093997381727377;0.004093567251461988597271979273;0.014327485380116959656771058462;0.012280701754385964924454199831;0.011695906432748537362442675658;0.031578947368421053654152785839;0.018421052631578945651957823770;0.030701754385964910576412023602;0.027192982456140352143236782467;0.013450292397660818313753772202;0.002339181286549707645960882729;0.011695906432748537362442675658;0.036549707602339179257633361431;0.024269005847953217802626113553;0.007017543859649122937882648188;0.008771929824561403021832006743;0.011988304093567251143448437745;0.026315789473684209065496020230;0.010233918128654970192137341201;0.013157894736842104532748010115;0.000292397660818713455745110341;0.004970760233918129072927527545;0.007309941520467835851526672286;0.004093567251461988597271979273;0.000000000000000000000000000000;0.021929824561403507554580016858;0.007894736842105263413538196460;0.013450292397660818313753772202;0.026023391812865497019213734120;0.009941520467836258145855055091;0.016959064327485378481652489313;0.009941520467836258145855055091
-0.035087719298245612087328026973;0.005263157894736841986571551644;0.051315789473684210453274801012;0.217982456140350888684764640857;0.003070175438596491231113549958;0.015789473684210526827076392919;0.000877192982456140367235331023;0.027631578947368420212660211632;0.008771929824561403021832006743;0.024561403508771929848908399663;0.015350877192982455288206011801;0.007456140350877192742029553330;0.007894736842105263413538196460;0.040789473684210528214855173701;0.012280701754385964924454199831;0.017982456140350877582534394605;0.012719298245614034728601104973;0.020175438596491228337992396291;0.012719298245614034728601104973;0.008333333333333333217685101602;0.022368421052631579093450397977;0.006578947368421052266374005058;0.008333333333333333217685101602;0.042543859649122807431442794268;0.030263157894736842506988594437;0.038596491228070177459397172015;0.028508771929824559820954021916;0.013596491228070176071618391234;0.000877192982456140367235331023;0.005263157894736841986571551644;0.010087719298245614168996198146;0.009649122807017544364849293004;0.010087719298245614168996198146;0.005263157894736841986571551644;0.006140350877192982462227099916;0.041228070175438599753725554820;0.013596491228070176071618391234;0.009210526315789472825978911885;0.000438596491228070183617665512;0.007456140350877192742029553330;0.005701754385964912658080194774;0.004385964912280701510916003372;0.000000000000000000000000000000;0.016666666666666666435370203203;0.005701754385964912658080194774;0.010964912280701753777290008429;0.037719298245614034381656409778;0.024122807017543858310038018544;0.025000000000000001387778780781;0.013596491228070176071618391234
-0.024166666666666666157814447047;0.026111111111111112714766591125;0.032222222222222221543752596062;0.014722222222222221613141535101;0.028611111111111111465765688422;0.011111111111111111535154627461;0.003611111111111110945348645629;0.047222222222222220988641083750;0.014166666666666665949647629930;0.026388888888888888811790067734;0.017500000000000001665334536938;0.005555555555555555767577313730;0.011111111111111111535154627461;0.036944444444444446418174266000;0.038888888888888889505679458125;0.011111111111111111535154627461;0.018055555555555553859381490156;0.051111111111111114102545371907;0.041666666666666664353702032031;0.007777777777777777554191196430;0.027222222222222220572307449515;0.002777777777777777883788656865;0.012222222222222222862142437805;0.027777777777777776235801354687;0.017500000000000001665334536938;0.034722222222222223764198645313;0.044444444444444446140618509844;0.033333333333333332870740406406;0.001666666666666666773641281019;0.028055555555555555802271783250;0.003055555555555555715535609451;0.017500000000000001665334536938;0.026388888888888888811790067734;0.001388888888888888941894328433;0.011388888888888889366901580047;0.046111111111111109661653273406;0.016388888888888890338346726594;0.004722222222222222272336455973;0.000277777777777777777536843962;0.004444444444444444440589503387;0.010000000000000000208166817117;0.010277777777777778039913769703;0.000000000000000000000000000000;0.013888888888888888117900677344;0.029444444444444443226283070203;0.013055555555555556357383295563;0.029166666666666667129259593594;0.019166666666666665186369300500;0.034444444444444444197728216750;0.011111111111111111535154627461
-0.037698412698412696320016124218;0.029365079365079364837054498594;0.026190476190476191103995162734;0.040873015873015873522522412031;0.065873015873015874910301192813;0.026587301587301586519584972734;0.004761904761904762334312479766;0.044047619047619050725028699844;0.007142857142857142634106981660;0.013095238095238095551997581367;0.017857142857142856151586585156;0.013888888888888888117900677344;0.011507936507936508685467913438;0.017460317460317460735996775156;0.045238095238095236971798129844;0.017460317460317460735996775156;0.010317460317460317234528055508;0.032142857142857139685077072500;0.050793650793650793606737181562;0.005555555555555555767577313730;0.023412698412698412786525636875;0.005158730158730158617264027754;0.011904761904761904101057723437;0.021031746031746033354092872969;0.030555555555555554553270880547;0.024603174603174602502742018828;0.043650793650793648370544985937;0.017063492063492061850960013203;0.000396825396825396825052634231;0.040079365079365082691342792032;0.009126984126984127518311673555;0.008333333333333333217685101602;0.025793650793650792218958400781;0.005952380952380952050528861719;0.011507936507936508685467913438;0.021825396825396824185272492969;0.013492063492063492702310867344;0.003571428571428571317053490830;0.000000000000000000000000000000;0.017460317460317460735996775156;0.010317460317460317234528055508;0.003968253968253968033685907812;0.000000000000000000000000000000;0.012301587301587301251371009414;0.038888888888888889505679458125;0.009523809523809524668624959531;0.016666666666666666435370203203;0.017063492063492061850960013203;0.025000000000000001387778780781;0.013492063492063492702310867344
-0.026190476190476191103995162734;0.032380952380952378322209739281;0.021904761904761906043948016531;0.189523809523809511068392907873;0.120952380952380950107638568625;0.012857142857142856914864914586;0.002380952380952381167156239883;0.032380952380952378322209739281;0.003809523809523809520505288617;0.010952380952380953021974008266;0.013333333333333334189130248149;0.003333333333333333547282562037;0.003333333333333333547282562037;0.016190476190476189161104869640;0.054761904761904761640423089375;0.018571428571428572062984585500;0.011904761904761904101057723437;0.042380952380952380265100032375;0.032857142857142855596475072844;0.005714285714285714280757932926;0.014761904761904762542479296883;0.002857142857142857140378966463;0.013333333333333334189130248149;0.017142857142857143709635536766;0.020000000000000000416333634234;0.020952380952380951495417349406;0.023809523809523808202115446875;0.020476190476190477690598967797;0.002857142857142857140378966463;0.016190476190476189161104869640;0.001428571428571428570189483231;0.011428571428571428561515865852;0.009047619047619047394359625969;0.001904761904761904760252644309;0.003809523809523809520505288617;0.013809523809523809728672105734;0.005238095238095237873854337352;0.003333333333333333547282562037;0.001428571428571428570189483231;0.016666666666666666435370203203;0.005238095238095237873854337352;0.005238095238095237873854337352;0.000000000000000000000000000000;0.013333333333333334189130248149;0.037619047619047621400234504563;0.004285714285714285927408884191;0.013333333333333334189130248149;0.020476190476190477690598967797;0.014285714285714285268213963320;0.010000000000000000208166817117
-0.021250000000000001526556658860;0.016666666666666666435370203203;0.044583333333333335923853724125;0.093750000000000000000000000000;0.085000000000000006106226635438;0.010416666666666666088425508008;0.003333333333333333547282562037;0.034166666666666664631257788187;0.009166666666666666712925959359;0.021666666666666667406815349750;0.015833333333333334674852821422;0.002916666666666666799662133158;0.007499999999999999722444243844;0.027500000000000000138777878078;0.029166666666666667129259593594;0.010833333333333333703407674875;0.019166666666666665186369300500;0.043749999999999997224442438437;0.028333333333333331899295259859;0.007083333333333332974823814965;0.019583333333333334536074943344;0.010833333333333333703407674875;0.017916666666666667545593227828;0.023750000000000000277555756156;0.016666666666666666435370203203;0.021250000000000001526556658860;0.025833333333333333148296162562;0.012500000000000000693889390391;0.002500000000000000052041704279;0.011666666666666667198648532633;0.010000000000000000208166817117;0.016250000000000000555111512313;0.009166666666666666712925959359;0.006666666666666667094565124074;0.019583333333333334536074943344;0.041250000000000001942890293094;0.014583333333333333564629796797;0.012500000000000000693889390391;0.000000000000000000000000000000;0.022083333333333333287074040641;0.010833333333333333703407674875;0.012500000000000000693889390391;0.000000000000000000000000000000;0.015833333333333334674852821422;0.023333333333333334397297065266;0.014999999999999999444888487687;0.023750000000000000277555756156;0.012500000000000000693889390391;0.031250000000000000000000000000;0.008333333333333333217685101602
-0.033611111111111112437210834969;0.008611111111111111049432054187;0.032222222222222221543752596062;0.300833333333333341474968847251;0.021111111111111111743321444578;0.008888888888888888881179006773;0.007499999999999999722444243844;0.032500000000000001110223024625;0.006944444444444444058950338672;0.021666666666666667406815349750;0.012500000000000000693889390391;0.002777777777777777883788656865;0.003055555555555555715535609451;0.020000000000000000416333634234;0.034166666666666664631257788187;0.021111111111111111743321444578;0.005277777777777777935830361145;0.020000000000000000416333634234;0.019166666666666665186369300500;0.002222222222222222220294751693;0.020833333333333332176851016015;0.005277777777777777935830361145;0.003055555555555555715535609451;0.027777777777777776235801354687;0.018611111111111109522875395328;0.025555555555555557051272685953;0.034166666666666664631257788187;0.012777777777777778525636342977;0.004166666666666666608842550801;0.010000000000000000208166817117;0.001666666666666666773641281019;0.017500000000000001665334536938;0.005833333333333333599324266316;0.006111111111111111431071218902;0.005000000000000000104083408559;0.027222222222222220572307449515;0.007777777777777777554191196430;0.016111111111111110771876298031;0.000000000000000000000000000000;0.003333333333333333547282562037;0.009444444444444444544672911945;0.008055555555555555385938149016;0.000000000000000000000000000000;0.021388888888888887840344921187;0.015833333333333334674852821422;0.018055555555555553859381490156;0.022499999999999999167332731531;0.013333333333333334189130248149;0.011111111111111111535154627461;0.013333333333333334189130248149
-0.040476190476190478106932602032;0.011607142857142857539365365938;0.051785714285714289084605610469;0.051488095238095235584019349062;0.000000000000000000000000000000;0.017857142857142856151586585156;0.001190476190476190583578119941;0.024107142857142858233254756328;0.009226190476190476372209126055;0.039583333333333331482961625625;0.016964285714285712997062560703;0.010119047619047619526733150508;0.009523809523809524668624959531;0.043452380952380950662750080937;0.016666666666666666435370203203;0.019642857142857142460634634062;0.012500000000000000693889390391;0.035416666666666665741480812812;0.009523809523809524668624959531;0.009821428571428571230317317031;0.015773809523809523280846178750;0.002976190476190476025264430859;0.006250000000000000346944695195;0.049702380952380949274971300156;0.040773809523809524668624959531;0.048511904761904763028201870156;0.024107142857142858233254756328;0.069047619047619052112807480626;0.000000000000000000000000000000;0.005654761904761904621474766230;0.005059523809523809763366575254;0.020238095238095239053466301016;0.003571428571428571317053490830;0.003273809523809523887999395342;0.014880952380952380126322154297;0.054464285714285715078730731875;0.019940476190476189022326991562;0.005654761904761904621474766230;0.000000000000000000000000000000;0.005654761904761904621474766230;0.003869047619047619179788455313;0.008035714285714284921269268125;0.000000000000000000000000000000;0.020535714285714285615158658516;0.006845238095238095205052886172;0.007142857142857142634106981660;0.050595238095238095898942276563;0.032142857142857139685077072500;0.026190476190476191103995162734;0.018154761904761906182725894610
-0.044565217391304347283043085781;0.002536231884057970828449946055;0.065942028985507245009145549375;0.027173913043478260115337619141;0.000724637681159420298654394443;0.021739130434782608092270095312;0.000724637681159420298654394443;0.019202898550724638998543625235;0.010869565217391304046135047656;0.037318840579710146898584355313;0.019202898550724638998543625235;0.013043478260869564508417361992;0.007608695652173913352711576152;0.060507246376811596455524977500;0.005072463768115941656899892109;0.048913043478260871677054666407;0.010869565217391304046135047656;0.016304347826086956069202571484;0.007608695652173913352711576152;0.005072463768115941656899892109;0.011231884057971014412302679375;0.007246376811594202986543944434;0.002536231884057970828449946055;0.045652173913043478381545980938;0.056884057971014492793848660313;0.078623188405797100886118755625;0.025724637681159418650667092265;0.017391304347826087167705466641;0.000000000000000000000000000000;0.003260869565217391127104340498;0.013405797101449274874584993711;0.017028985507246376801537834922;0.002898550724637681194617577773;0.004347826086956521791926366660;0.009420289855072464316187996758;0.048913043478260871677054666407;0.009420289855072464316187996758;0.015217391304347826705423152305;0.000724637681159420298654394443;0.003623188405797101493271972217;0.005434782608695652023067523828;0.001086956521739130447981591665;0.000000000000000000000000000000;0.023550724637681159923108253906;0.001811594202898550746635986108;0.013405797101449274874584993711;0.072826086956521735027436648124;0.037681159420289857264751987032;0.021739130434782608092270095312;0.023913043478260870289275885625
-0.058974358974358973006779649495;0.002564102564102564100340098108;0.061965811965811967709782948077;0.000854700854700854700113366036;0.000427350427350427350056683018;0.025641025641025640136039243089;0.000854700854700854700113366036;0.016666666666666666435370203203;0.005982905982905983334474431246;0.042735042735042735873030039784;0.018376068376068376702958673263;0.011111111111111111535154627461;0.013247863247863247634916739059;0.054273504273504274975081784760;0.002991452991452991667237215623;0.049145299145299144172316374579;0.016239316239316240603196561665;0.011538461538461539102051744976;0.010683760683760683968257509946;0.005982905982905983334474431246;0.010256410256410256401360392431;0.007692307692307692734701163317;0.001709401709401709400226732072;0.058547008547008547174606007957;0.059401709401709398838953291033;0.071794871794871789605352319086;0.025641025641025640136039243089;0.001709401709401709400226732072;0.000000000000000000000000000000;0.010256410256410256401360392431;0.010256410256410256401360392431;0.020085470085470086970547143324;0.003846153846153846367350581659;0.005128205128205128200680196215;0.016239316239316240603196561665;0.046153846153846156408206979904;0.009829059829059828834463274916;0.015811965811965811301575968173;0.000000000000000000000000000000;0.005128205128205128200680196215;0.006837606837606837600906928287;0.001709401709401709400226732072;0.000000000000000000000000000000;0.029059829059829060671216183209;0.003846153846153846367350581659;0.013247863247863247634916739059;0.062820512820512819374130231154;0.045299145299145297804965792920;0.015811965811965811301575968173;0.031623931623931622603151936346
-0.060087719298245613475106807755;0.003947368421052631706769098230;0.046052631578947365864618035403;0.000000000000000000000000000000;0.001315789473684210496642887911;0.039473684210526313598244030345;0.001315789473684210496642887911;0.013157894736842104532748010115;0.008333333333333333217685101602;0.026754385964912280604366401349;0.028070175438596491751530592751;0.025877192982456140996072591065;0.018859649122807017190828204889;0.050000000000000002775557561563;0.005701754385964912658080194774;0.050877192982456138914404419893;0.010526315789473683973143103287;0.016228070175438594896499822084;0.010964912280701753777290008429;0.009210526315789472825978911885;0.014035087719298245875765296375;0.008771929824561403021832006743;0.003070175438596491231113549958;0.042982456140350878970313175387;0.070614035087719295713526435065;0.048684210526315788158946418207;0.028947368421052631359824403035;0.003070175438596491231113549958;0.000000000000000000000000000000;0.007894736842105263413538196460;0.018859649122807017190828204889;0.011403508771929825316160389548;0.003947368421052631706769098230;0.010087719298245614168996198146;0.019298245614035088729698586008;0.033333333333333332870740406406;0.014473684210526315679912201517;0.018859649122807017190828204889;0.001754385964912280734470662047;0.005263157894736841986571551644;0.000877192982456140367235331023;0.003508771929824561468941324094;0.000000000000000000000000000000;0.025000000000000001387778780781;0.002631578947368420993285775822;0.014473684210526315679912201517;0.050877192982456138914404419893;0.050000000000000002775557561563;0.031140350877192982115282404720;0.029385964912280702898694784153
-0.055691056910569108895359136113;0.007317073170731707744407490424;0.057317073170731709652603313998;0.000000000000000000000000000000;0.001626016260162601624605915873;0.036585365853658534385228762176;0.000813008130081300812302957937;0.013821138211382113375469415928;0.015040650406504065678126025318;0.029674796747967479432217530189;0.019918699186991871419305510926;0.019105691056910567571236470030;0.020731707317073171797927599869;0.057723577235772358107190882492;0.002845528455284553059900787275;0.039024390243902438990541980957;0.016260162601626017980782634709;0.023170731707317072933793866696;0.013414634146341463186158371457;0.017073170731707318359404723651;0.012195121951219512618225238043;0.012601626016260162807536282514;0.010569105691056910126257584182;0.027642276422764226750938831856;0.061382113821138208076266806756;0.039024390243902438990541980957;0.028455284552845527129560920798;0.000000000000000000000000000000;0.000000000000000000000000000000;0.017886178861788618738026812593;0.010162601626016259936946539710;0.012195121951219512618225238043;0.009349593495934959558324450768;0.009756097560975609747635495239;0.028861788617886179053595441246;0.034552845528455285173397015797;0.015040650406504065678126025318;0.011382113821138212239603149101;0.002032520325203252247597829339;0.015447154471544715867437069790;0.002032520325203252247597829339;0.008536585365853659179702361826;0.000000000000000000000000000000;0.019918699186991871419305510926;0.003658536585365853872203745212;0.011382113821138212239603149101;0.054065040650406501199221054321;0.033739837398373981325327974901;0.038617886178861790535954412462;0.022357723577235772555171777753
-0.029432624113475178151411171257;0.012765957446808509981317492077;0.048226950354609929294547043810;0.056382978723404253429407617659;0.014539007092198581727604533853;0.017375886524822695827774410304;0.002482269503546099403967772901;0.034042553191489362263144613507;0.006028368794326241161818380476;0.035815602836879435744155131260;0.017730496453900710523976513855;0.007801418439716312040743684264;0.008156028368794325869584049826;0.053191489361702128102482589611;0.023758865248226949951071418354;0.025177304964539008735879832557;0.013829787234042552335200326752;0.024113475177304964647273521905;0.026241134751773049355039191255;0.009929078014184397615871091602;0.015248226950354609385285264977;0.002127659574468085141446538344;0.009574468085106382919668988052;0.058156028368794326910418135412;0.037943262411347516982473848657;0.045744680851063826421132318956;0.029432624113475178151411171257;0.014184397163120567031402430302;0.000000000000000000000000000000;0.011347517730496454665956029828;0.003546099290780141757850607576;0.020921985815602835850901541903;0.010283687943262410577349719176;0.003900709219858156020371842132;0.010283687943262410577349719176;0.039007092198581561071080159309;0.014893617021276596423806637404;0.007446808510638298211903318702;0.002482269503546099403967772901;0.002482269503546099403967772901;0.004255319148936170282893076688;0.015248226950354609385285264977;0.000000000000000000000000000000;0.022340425531914894635709956106;0.016312056737588651739168099652;0.011347517730496454665956029828;0.048581560283687943990749147360;0.037234042553191487590069641556;0.019503546099290780535540079654;0.019148936170212765839337976104
-0.040804597701149428190525725313;0.033620689655172411591799175312;0.016379310344827587714311434297;0.037068965517241377061186113906;0.029597701149425288680294698906;0.038793103448275863265326535156;0.004597701149425287292515918125;0.047701149425287359129299602500;0.002298850574712643646257959062;0.011494252873563218231289795312;0.025862068965517241020402039453;0.019252873563218392272133883125;0.014655172413793103244894489023;0.018103448275862070449004903594;0.051149425287356324598686541094;0.025574712643678162299343270547;0.005172413793103448204080407891;0.043103448275862071836783684375;0.049137931034482759673487350938;0.003160919540229885013604693711;0.022126436781609196829956331953;0.001724137931034482734693469297;0.010632183908045976863943060664;0.018390804597701149170063672500;0.039655172413793106367396745782;0.028448275862068966857165719375;0.037643678160919541442197555625;0.044252873563218393659912663907;0.000000000000000000000000000000;0.044252873563218393659912663907;0.019252873563218392272133883125;0.004310344827586206836733673242;0.020114942528735631904757141797;0.002873563218390804557822448828;0.008908045977011494129249591367;0.020402298850574714095262862656;0.011206896551724137775507550430;0.011206896551724137775507550430;0.000000000000000000000000000000;0.001724137931034482734693469297;0.012931034482758620510201019727;0.006321839080459770027209387422;0.000000000000000000000000000000;0.008620689655172413673467346484;0.031034482758620689224482447344;0.009195402298850574585031836250;0.014367816091954022789112244141;0.016666666666666666435370203203;0.024425287356321840476214291016;0.011781609195402298687072040195
-0.060734463276836160583460610951;0.001977401129943502731262094940;0.038983050847457630105896697614;0.000847457627118644043172357438;0.011581920903954802393176493069;0.040395480225988697475791866509;0.001412429378531073441427334814;0.020621468926553671030532655095;0.003389830508474576172689429754;0.021751412429378530477563913337;0.030225988700564972860851398195;0.025141242937853108818657688062;0.020056497175141241307017025974;0.047457627118644069019737230519;0.008192090395480225786806194321;0.046045197740112994710948157717;0.003672316384180791034447244314;0.020056497175141241307017025974;0.025423728813559323680415502622;0.009887005649717514957353081684;0.020338983050847456168774840535;0.005932203389830508627467153815;0.007062146892655367207136674068;0.034463276836158192317771664648;0.061299435028248590306976240072;0.043785310734463275816885641234;0.031073446327683617446124841877;0.002259887005649717593019909501;0.000564971751412429398254977375;0.032485875706214688285466962725;0.016384180790960451573612388643;0.008474576271186440648564008882;0.012711864406779661840207751311;0.006779661016949152345378859508;0.020056497175141241307017025974;0.022033898305084745339321727897;0.016384180790960451573612388643;0.014689265536723164137788977257;0.000282485875706214699127488688;0.009322033898305085233837452563;0.003954802259887005462524189880;0.003107344632768361744612484188;0.000000000000000000000000000000;0.017796610169491525882401461445;0.009604519774011300095595267123;0.014689265536723164137788977257;0.045480225988700564987432528596;0.036723163841807911211834181131;0.033050847457627118008982591846;0.031355932203389828838435704483
-0.033333333333333332870740406406;0.006737588652482269686860849589;0.070567375886524827399703951869;0.000709219858156028416622251864;0.005673758865248227332978014914;0.024113475177304964647273521905;0.001418439716312056833244503729;0.026950354609929078747443398356;0.009929078014184397615871091602;0.030496453900709218770570529955;0.026595744680851064051241294806;0.023049645390070920558667211253;0.006382978723404254990658746038;0.057801418439716312214216031862;0.012411347517730497019838864503;0.024822695035460994039677729006;0.020921985815602835850901541903;0.032978723404255318174538302856;0.012765957446808509981317492077;0.009219858156028368223466884501;0.018439716312056736446933769002;0.011702127659574467627434657402;0.007092198581560283515701215151;0.048581560283687943990749147360;0.040070921985815605159686469960;0.058510638297872341606620238963;0.044680851063829789271419912211;0.002836879432624113666489007457;0.000000000000000000000000000000;0.013829787234042552335200326752;0.008510638297872340565786153377;0.017375886524822695827774410304;0.004964539007092198807935545801;0.012056737588652482323636760952;0.008865248226950355261988256927;0.050709219858156025229067864757;0.014184397163120567031402430302;0.008156028368794325869584049826;0.000000000000000000000000000000;0.008156028368794325869584049826;0.009929078014184397615871091602;0.006737588652482269686860849589;0.000000000000000000000000000000;0.012411347517730497019838864503;0.003546099290780141757850607576;0.009929078014184397615871091602;0.055673758865248224037003410558;0.030851063829787233466772633506;0.030496453900709218770570529955;0.024822695035460994039677729006
-0.014682539682539682418527249297;0.009920634920634920084214769531;0.046031746031746034741871653750;0.295238095238095243910692033751;0.032539682539682542039560786407;0.019444444444444444752839729063;0.004761904761904762334312479766;0.018650793650793650452213157109;0.012301587301587301251371009414;0.023809523809523808202115446875;0.013095238095238095551997581367;0.020238095238095239053466301016;0.003571428571428571317053490830;0.023412698412698412786525636875;0.023809523809523808202115446875;0.015476190476190476719153821250;0.014682539682539682418527249297;0.019841269841269840168429539062;0.016269841269841271019780393203;0.002380952380952381167156239883;0.018650793650793650452213157109;0.008333333333333333217685101602;0.000793650793650793650105268462;0.029761904761904760252644308594;0.021825396825396824185272492969;0.021825396825396824185272492969;0.029761904761904760252644308594;0.014682539682539682418527249297;0.001190476190476190583578119941;0.014285714285714285268213963320;0.004365079365079365183999193789;0.015873015873015872134743631250;0.004365079365079365183999193789;0.008730158730158730367998387578;0.003571428571428571317053490830;0.036507936507936510073246694219;0.007936507936507936067371815625;0.005158730158730158617264027754;0.000396825396825396825052634231;0.005952380952380952050528861719;0.007142857142857142634106981660;0.005158730158730158617264027754;0.000000000000000000000000000000;0.014682539682539682418527249297;0.018253968253968255036623347110;0.009920634920634920084214769531;0.030555555555555554553270880547;0.009920634920634920084214769531;0.008730158730158730367998387578;0.011507936507936508685467913438
-0.017916666666666667545593227828;0.014166666666666665949647629930;0.034166666666666664631257788187;0.300833333333333341474968847251;0.012083333333333333078907223523;0.009166666666666666712925959359;0.004583333333333333356462979680;0.029166666666666667129259593594;0.022083333333333333287074040641;0.022499999999999999167332731531;0.009583333333333332593184650250;0.006666666666666667094565124074;0.005000000000000000104083408559;0.020000000000000000416333634234;0.038749999999999999722444243844;0.015416666666666667059870654555;0.012500000000000000693889390391;0.027083333333333334258519187188;0.013333333333333334189130248149;0.003749999999999999861222121922;0.017083333333333332315628894094;0.013750000000000000069388939039;0.004583333333333333356462979680;0.023750000000000000277555756156;0.016250000000000000555111512313;0.028750000000000001249000902703;0.027083333333333334258519187188;0.019583333333333334536074943344;0.002916666666666666799662133158;0.010833333333333333703407674875;0.007083333333333332974823814965;0.014166666666666665949647629930;0.003333333333333333547282562037;0.012500000000000000693889390391;0.008750000000000000832667268469;0.023750000000000000277555756156;0.006666666666666667094565124074;0.008333333333333333217685101602;0.001666666666666666773641281019;0.008750000000000000832667268469;0.009583333333333332593184650250;0.010000000000000000208166817117;0.000000000000000000000000000000;0.011666666666666667198648532633;0.025000000000000001387778780781;0.010416666666666666088425508008;0.020000000000000000416333634234;0.007916666666666667337426410711;0.014166666666666665949647629930;0.012916666666666666574148081281
-0.052651515151515150547911758849;0.018939393939393939919613174538;0.037121212121212124324109993267;0.003030303030303030300401934127;0.001136363636363636308440616673;0.040530303030303027611580546363;0.004545454545454545233762466694;0.025378787878787879145336958686;0.019318181818181817677171352443;0.018939393939393939919613174538;0.025757575757575756902895136591;0.018181818181818180935049866775;0.028787878787878789371701415689;0.042803030303030301095823517699;0.009469696969696969959806587269;0.028030303030303030387138107926;0.012121212121212121201607736509;0.030681818181818181628939257166;0.021212121212121213403856145874;0.009090909090909090467524933388;0.020075757575757576661734660206;0.009090909090909090467524933388;0.018560606060606062162054996634;0.026136363636363634660453314495;0.039393939393939390869459060696;0.039015151515151516581347834745;0.036742424242424243097104863409;0.014393939393939394685850707845;0.000757575757575757575100483532;0.017045454545454544192928381108;0.015151515151515151935690539631;0.010606060606060606701928072937;0.015151515151515151935690539631;0.006439393939393939225723784148;0.033333333333333332870740406406;0.028787878787878789371701415689;0.015151515151515151935690539631;0.014772727272727272443408885749;0.001515151515151515150200967064;0.014772727272727272443408885749;0.004924242424242423858682382587;0.021212121212121213403856145874;0.000000000000000000000000000000;0.021590909090909091161414323778;0.008333333333333333217685101602;0.021590909090909091161414323778;0.020454545454545454419292838111;0.020833333333333332176851016015;0.037121212121212124324109993267;0.019318181818181817677171352443
-0.034496124031007754928701558583;0.003488372093023255765542600670;0.018604651162790697416227203576;0.005813953488372092942571001117;0.102325581395348835789249619665;0.048062015503875968325253609237;0.004263565891472868157885400819;0.018992248062015503612398603650;0.004651162790697674354056800894;0.013565891472868216865999002607;0.020930232558139534593255604022;0.043798449612403103636815160371;0.031782945736434108086054806108;0.021317829457364340789427004097;0.009689922480620154904285001862;0.018217054263565891220055803501;0.006589147286821705334913801266;0.015503875968992247846856002980;0.048837209302325580717596409386;0.005038759689922480550228200968;0.029457364341085270909026405661;0.002325581395348837177028400447;0.011240310077519379688970602160;0.018604651162790697416227203576;0.039147286821705429282758359477;0.028682170542635658516683605512;0.019767441860465116004741403799;0.033720930232558142536358758434;0.000387596899224806196171400074;0.072480620155038755214604861976;0.020542635658914728397084203948;0.008139534883720930119599401564;0.022480620155038759377941204320;0.005813953488372092942571001117;0.031395348837209305359330357987;0.017441860465116278827713003352;0.009689922480620154904285001862;0.015116279069767441650684602905;0.003100775193798449569371200596;0.008139534883720930119599401564;0.005426356589147286746399601043;0.014341085271317829258341802756;0.000000000000000000000000000000;0.010852713178294573492799202086;0.015116279069767441650684602905;0.011240310077519379688970602160;0.014728682170542635454513202831;0.019379844961240309808570003725;0.022868217054263565574112604395;0.012403100775193798277484802384
-0.045925925925925925596970955667;0.007777777777777777554191196430;0.036296296296296298722339201959;0.004814814814814815172039352831;0.025555555555555557051272685953;0.035185185185185187395351391615;0.002592592592592592518063732143;0.034814814814814812327092852229;0.004814814814814815172039352831;0.021851851851851851471497667490;0.023703703703703702526661700745;0.010740740740740739936343040029;0.023333333333333334397297065266;0.043703703703703702942995334979;0.010740740740740739936343040029;0.021111111111111111743321444578;0.007777777777777777554191196430;0.024074074074074074125473288177;0.057037037037037038866849059104;0.009629629629629630344078705662;0.021111111111111111743321444578;0.002962962962962962815832712593;0.014074074074074073917306471060;0.024444444444444445724284875610;0.044814814814814814269983145323;0.041851851851851848418384349770;0.048888888888888891448569751219;0.001851851851851851922525771243;0.000370370370370370351979089074;0.046666666666666668794594130532;0.002222222222222222220294751693;0.010370370370370370072254928573;0.027777777777777776235801354687;0.005185185185185185036127464286;0.022592592592592591199673890401;0.034074074074074076068363581271;0.015185185185185185244294281404;0.008888888888888888881179006773;0.000000000000000000000000000000;0.006666666666666667094565124074;0.004814814814814815172039352831;0.005555555555555555767577313730;0.000000000000000000000000000000;0.017037037037037038034181790636;0.016666666666666666435370203203;0.012962962962962962590318660716;0.034074074074074076068363581271;0.028148148148148147834612942120;0.030740740740740742087400150240;0.018518518518518517490534236458
-0.034795321637426900041045740863;0.005555555555555555767577313730;0.028362573099415203797812878861;0.020175438596491228337992396291;0.130701754385964902249739338913;0.032456140350877189792999644169;0.003508771929824561468941324094;0.028654970760233919313542116925;0.001461988304093567170305334457;0.030701754385964910576412023602;0.018421052631578945651957823770;0.023976608187134502286896875489;0.011695906432748537362442675658;0.031871345029239765700435071949;0.014035087719298245875765296375;0.012865497076023392486465724005;0.008479532163742689240826244657;0.016666666666666666435370203203;0.030409356725146198530129737492;0.002923976608187134340610668914;0.026608187134502924581225258294;0.001169590643274853822980441365;0.007309941520467835851526672286;0.045321637426900582279465368174;0.036842105263157891303915647541;0.039473684210526313598244030345;0.034502923976608187994763454753;0.003801169590643274816266217186;0.000292397660818713455745110341;0.046783625730994149449770702631;0.021345029239766083462015444638;0.014035087719298245875765296375;0.012865497076023392486465724005;0.003508771929824561468941324094;0.012280701754385964924454199831;0.034210526315789475948481168643;0.012280701754385964924454199831;0.006725146198830409156876886101;0.000292397660818713455745110341;0.004385964912280701510916003372;0.007309941520467835851526672286;0.001169590643274853822980441365;0.000000000000000000000000000000;0.022807017543859650632320779096;0.015204678362573099265064868746;0.026315789473684209065496020230;0.029824561403508770968118213318;0.012573099415204678705459961918;0.023099415204678362678603065206;0.009941520467836258145855055091
-0.018518518518518517490534236458;0.027777777777777776235801354687;0.015925925925925926707193980292;0.059999999999999997779553950750;0.094074074074074073847917532021;0.023703703703703702526661700745;0.021111111111111111743321444578;0.029259259259259259161600752464;0.010000000000000000208166817117;0.010370370370370370072254928573;0.016666666666666666435370203203;0.032962962962962964741375770927;0.005925925925925925631665425186;0.014074074074074073917306471060;0.033333333333333332870740406406;0.012592592592592592726230549260;0.008148148148148147418279307885;0.023703703703703702526661700745;0.050000000000000002775557561563;0.001851851851851851922525771243;0.034814814814814812327092852229;0.005555555555555555767577313730;0.006296296296296296363115274630;0.011481481481481481399242738917;0.017037037037037038034181790636;0.012222222222222222862142437805;0.023703703703703702526661700745;0.059629629629629629650189315271;0.000000000000000000000000000000;0.072592592592592597444678403917;0.032962962962962964741375770927;0.008148148148148147418279307885;0.014814814814814815380206169948;0.005185185185185185036127464286;0.012222222222222222862142437805;0.015555555555555555108382392859;0.010000000000000000208166817117;0.009259259259259258745267118229;0.001851851851851851922525771243;0.005925925925925925631665425186;0.026296296296296296779448908865;0.009259259259259258745267118229;0.000000000000000000000000000000;0.008148148148148147418279307885;0.024074074074074074125473288177;0.024074074074074074125473288177;0.009629629629629630344078705662;0.008888888888888888881179006773;0.013333333333333334189130248149;0.007037037037037036958653235530
-0.023015873015873017370935826875;0.036507936507936510073246694219;0.051587301587301584437916801562;0.042460317460317462123775555938;0.017063492063492061850960013203;0.007539682539682539784420267637;0.011904761904761904101057723437;0.024603174603174602502742018828;0.013492063492063492702310867344;0.027380952380952380820211544687;0.009126984126984127518311673555;0.011111111111111111535154627461;0.008333333333333333217685101602;0.034920634920634921471993550313;0.062698412698412697707794905000;0.009126984126984127518311673555;0.022222222222222223070309254922;0.032936507936507937455150596406;0.023015873015873017370935826875;0.009523809523809524668624959531;0.021825396825396824185272492969;0.004761904761904762334312479766;0.006349206349206349200842147695;0.031349206349206348853897452500;0.019841269841269840168429539062;0.028174603174603175120838116641;0.020634920634920634469056111016;0.113095238095238095898942276563;0.000000000000000000000000000000;0.013492063492063492702310867344;0.008333333333333333217685101602;0.018650793650793650452213157109;0.005952380952380952050528861719;0.007539682539682539784420267637;0.007539682539682539784420267637;0.045238095238095236971798129844;0.009126984126984127518311673555;0.004365079365079365183999193789;0.000000000000000000000000000000;0.008333333333333333217685101602;0.013095238095238095551997581367;0.004761904761904762334312479766;0.000000000000000000000000000000;0.013095238095238095551997581367;0.019444444444444444752839729063;0.009920634920634920084214769531;0.037301587301587300904426314219;0.019841269841269840168429539062;0.017857142857142856151586585156;0.011507936507936508685467913438
-0.026356589147286821339655205065;0.001162790697674418588514200223;0.093798449612403106412372721934;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005813953488372092942571001117;0.000387596899224806196171400074;0.015891472868217054043027403054;0.023255813953488371770284004469;0.064728682170542631291176860486;0.006976744186046511531085201341;0.002713178294573643373199800521;0.002325581395348837177028400447;0.061240310077519378995081211770;0.001550387596899224784685600298;0.010852713178294573492799202086;0.039147286821705429282758359477;0.034496124031007754928701558583;0.003488372093023255765542600670;0.027131782945736433731998005214;0.007364341085271317727256601415;0.015891472868217054043027403054;0.006201550387596899138742401192;0.086046511627906982488944720444;0.027906976744186046124340805363;0.047286821705426355932910809088;0.022868217054263565574112604395;0.018217054263565891220055803501;0.000000000000000000000000000000;0.000775193798449612392342800149;0.001550387596899224784685600298;0.028682170542635658516683605512;0.000000000000000000000000000000;0.004651162790697674354056800894;0.008914728682170542511942201713;0.072093023255813959426774317762;0.018992248062015503612398603650;0.002325581395348837177028400447;0.000000000000000000000000000000;0.009689922480620154904285001862;0.004651162790697674354056800894;0.003488372093023255765542600670;0.000000000000000000000000000000;0.035658914728682170047768806853;0.000000000000000000000000000000;0.013565891472868216865999002607;0.074031007751937979999290462274;0.035271317829457367321044358732;0.016279069767441860239198803129;0.016279069767441860239198803129
-0.019512195121951219495270990478;0.000000000000000000000000000000;0.011382113821138212239603149101;0.000000000000000000000000000000;0.000000000000000000000000000000;0.003658536585365853872203745212;0.000813008130081300812302957937;0.017479674796747966813992292145;0.000406504065040650406151478968;0.156910569105691066749130868629;0.006504065040650406498423663493;0.000406504065040650406151478968;0.000000000000000000000000000000;0.036178861788617885930641193681;0.000406504065040650406151478968;0.008536585365853659179702361826;0.002439024390243902436908873810;0.001626016260162601624605915873;0.002439024390243902436908873810;0.000813008130081300812302957937;0.017073170731707318359404723651;0.000000000000000000000000000000;0.000813008130081300812302957937;0.197560975609756106496917027471;0.012195121951219512618225238043;0.066260162601626010347999340411;0.016666666666666666435370203203;0.021138211382113820252515168363;0.002845528455284553059900787275;0.000406504065040650406151478968;0.000000000000000000000000000000;0.041056910569105688202373727336;0.000406504065040650406151478968;0.001219512195121951218454436905;0.004065040650406504495195658677;0.050406504065040651230145130057;0.006504065040650406498423663493;0.008943089430894309369013406297;0.000000000000000000000000000000;0.000000000000000000000000000000;0.007317073170731707744407490424;0.000000000000000000000000000000;0.000000000000000000000000000000;0.126422764227642286938291249498;0.000000000000000000000000000000;0.074796747967479676466595606144;0.050000000000000002775557561563;0.016666666666666666435370203203;0.002845528455284553059900787275;0.004878048780487804873817747620
-0.070416666666666669072149886688;0.001666666666666666773641281019;0.029583333333333333009518284484;0.000416666666666666693410320255;0.000416666666666666693410320255;0.015833333333333334674852821422;0.000416666666666666693410320255;0.021250000000000001526556658860;0.004166666666666666608842550801;0.055416666666666669627261399000;0.025416666666666667268037471672;0.008750000000000000832667268469;0.007916666666666667337426410711;0.062916666666666662410811738937;0.002916666666666666799662133158;0.055416666666666669627261399000;0.004583333333333333356462979680;0.010833333333333333703407674875;0.015416666666666667059870654555;0.004583333333333333356462979680;0.022916666666666665047591422422;0.002500000000000000052041704279;0.002083333333333333304421275400;0.052083333333333335646297967969;0.074999999999999997224442438437;0.103749999999999995003996389187;0.031666666666666669349705642844;0.000000000000000000000000000000;0.000000000000000000000000000000;0.003749999999999999861222121922;0.005000000000000000104083408559;0.007083333333333332974823814965;0.007499999999999999722444243844;0.002500000000000000052041704279;0.010416666666666666088425508008;0.028750000000000001249000902703;0.016666666666666666435370203203;0.010833333333333333703407674875;0.000000000000000000000000000000;0.000833333333333333386820640509;0.004166666666666666608842550801;0.000833333333333333386820640509;0.000000000000000000000000000000;0.032500000000000001110223024625;0.003333333333333333547282562037;0.020416666666666666296592325125;0.056666666666666663798590519718;0.055833333333333332038073137937;0.015833333333333334674852821422;0.028750000000000001249000902703
-0.018553459119496854695663401458;0.014150943396226415421645938864;0.041509433962264148665344265510;0.048113207547169814515264363308;0.052515723270440253789281825902;0.008176100628930817529327335080;0.007547169811320754775896268995;0.035220125786163521131033604661;0.006918238993710692022465202911;0.032704402515723270117309340321;0.015094339622641509551792537991;0.005345911949685534271525799710;0.008176100628930817529327335080;0.048427672955974845891979896351;0.034591194968553458377602538576;0.017610062893081760565516802330;0.005660377358490565648241332752;0.020754716981132074332672132755;0.037106918238993709391326802916;0.008176100628930817529327335080;0.020125786163522011579241066670;0.007861635220125786152611802038;0.009119496855345911659473934208;0.043081761006289305548921930722;0.024528301886792454322705481218;0.036477987421383646637895736831;0.028930817610062893596722943812;0.016666666666666666435370203203;0.002201257861635220070689600291;0.026729559748427673959714212515;0.001886792452830188693974067249;0.014150943396226415421645938864;0.022955974842767293969680864052;0.007232704402515723399180735953;0.011635220125786162673198198547;0.028930817610062893596722943812;0.011635220125786162673198198547;0.005031446540880502894810266667;0.000943396226415094346987033624;0.006918238993710692022465202911;0.013207547169811321291499339736;0.004088050314465408764663667540;0.000000000000000000000000000000;0.016666666666666666435370203203;0.037421383647798740768042335958;0.012578616352201258538068273651;0.048427672955974845891979896351;0.033647798742138364247455939449;0.020754716981132074332672132755;0.019811320754716980202525533628
-0.019841269841269840168429539062;0.018253968253968255036623347110;0.022619047619047618485899064922;0.238492063492063505192319894377;0.067460317460317456572660432812;0.017460317460317460735996775156;0.009126984126984127518311673555;0.031349206349206348853897452500;0.011111111111111111535154627461;0.022619047619047618485899064922;0.014682539682539682418527249297;0.011111111111111111535154627461;0.006349206349206349200842147695;0.017063492063492061850960013203;0.042063492063492066708185745938;0.013492063492063492702310867344;0.007142857142857142634106981660;0.011904761904761904101057723437;0.023015873015873017370935826875;0.001190476190476190583578119941;0.024603174603174602502742018828;0.005158730158730158617264027754;0.002380952380952381167156239883;0.034523809523809526056403740313;0.020634920634920634469056111016;0.026587301587301586519584972734;0.025793650793650792218958400781;0.011507936507936508685467913438;0.005952380952380952050528861719;0.032539682539682542039560786407;0.002380952380952381167156239883;0.013888888888888888117900677344;0.004365079365079365183999193789;0.006349206349206349200842147695;0.004365079365079365183999193789;0.024206349206349207087152208828;0.007539682539682539784420267637;0.003571428571428571317053490830;0.000396825396825396825052634231;0.002380952380952381167156239883;0.010317460317460317234528055508;0.006349206349206349200842147695;0.000000000000000000000000000000;0.021031746031746033354092872969;0.028968253968253969421464688594;0.014285714285714285268213963320;0.022619047619047618485899064922;0.009126984126984127518311673555;0.010714285714285714384841341484;0.011111111111111111535154627461
-0.036821705426356592105729959030;0.006976744186046511531085201341;0.036046511627906979713387158881;0.107751937984496129474543124616;0.084496124031007757704259120146;0.020155038759689922200912803874;0.001550387596899224784685600298;0.022868217054263565574112604395;0.002713178294573643373199800521;0.032558139534883720478397606257;0.021705426356589146985598404171;0.006201550387596899138742401192;0.013953488372093023062170402682;0.043410852713178293971196808343;0.016279069767441860239198803129;0.020930232558139534593255604022;0.008527131782945736315770801639;0.014728682170542635454513202831;0.018604651162790697416227203576;0.001937984496124030980857000372;0.011627906976744185885142002235;0.002713178294573643373199800521;0.008914728682170542511942201713;0.041085271317829456794168407896;0.032558139534883720478397606257;0.044573643410852716029157960520;0.031782945736434108086054806108;0.010852713178294573492799202086;0.001162790697674418588514200223;0.017829457364341085023884403427;0.003875968992248061961714000745;0.016666666666666666435370203203;0.008139534883720930119599401564;0.005038759689922480550228200968;0.017054263565891472631541603278;0.036821705426356592105729959030;0.011240310077519379688970602160;0.006589147286821705334913801266;0.000000000000000000000000000000;0.002713178294573643373199800521;0.004263565891472868157885400819;0.005038759689922480550228200968;0.000000000000000000000000000000;0.022480620155038759377941204320;0.014728682170542635454513202831;0.014728682170542635454513202831;0.034883720930232557655426006704;0.029457364341085270909026405661;0.028294573643410852320512205438;0.016666666666666666435370203203
-0.034591194968553458377602538576;0.010062893081761005789620533335;0.048113207547169814515264363308;0.036792452830188678014611269873;0.049371069182389940022126495478;0.017295597484276729188801269288;0.000628930817610062861851283333;0.022012578616352199839534264925;0.007861635220125786152611802038;0.022955974842767293969680864052;0.022955974842767293969680864052;0.015094339622641509551792537991;0.019182389937106917449094467543;0.047169811320754720385117764181;0.021069182389937105709387665797;0.019496855345911948825810000585;0.011635220125786162673198198547;0.028930817610062893596722943812;0.013522012578616352668214872779;0.009433962264150943036189467250;0.016666666666666666435370203203;0.004402515723270440141379200583;0.009748427672955974412905000293;0.031446540880503144610447208152;0.044968553459119493809215128977;0.040251572327044023158482133340;0.039308176100628929028335534213;0.024528301886792454322705481218;0.000628930817610062861851283333;0.015094339622641509551792537991;0.005974842767295597892318603783;0.011635220125786162673198198547;0.008805031446540880282758401165;0.007232704402515723399180735953;0.027358490566037736713145278600;0.037106918238993709391326802916;0.014779874213836478175077004948;0.008805031446540880282758401165;0.000000000000000000000000000000;0.011949685534591195784637207566;0.004716981132075471518094733625;0.001572327044025157317258534206;0.000000000000000000000000000000;0.014779874213836478175077004948;0.011949685534591195784637207566;0.011320754716981131296482665505;0.039937106918238991781766600297;0.037421383647798740768042335958;0.039308176100628929028335534213;0.020125786163522011579241066670
-0.033333333333333332870740406406;0.021666666666666667406815349750;0.014166666666666665949647629930;0.070833333333333331482961625625;0.116250000000000006106226635438;0.024166666666666666157814447047;0.004166666666666666608842550801;0.021666666666666667406815349750;0.004583333333333333356462979680;0.018333333333333333425851918719;0.013750000000000000069388939039;0.027500000000000000138777878078;0.013750000000000000069388939039;0.025000000000000001387778780781;0.048333333333333332315628894094;0.023750000000000000277555756156;0.005000000000000000104083408559;0.017083333333333332315628894094;0.023750000000000000277555756156;0.002083333333333333304421275400;0.018749999999999999306110609609;0.004583333333333333356462979680;0.003333333333333333547282562037;0.021666666666666667406815349750;0.037083333333333336201409480282;0.037499999999999998612221219219;0.020416666666666666296592325125;0.040833333333333332593184650250;0.000833333333333333386820640509;0.038749999999999999722444243844;0.018333333333333333425851918719;0.008750000000000000832667268469;0.010000000000000000208166817117;0.004166666666666666608842550801;0.013750000000000000069388939039;0.016666666666666666435370203203;0.009166666666666666712925959359;0.009583333333333332593184650250;0.000000000000000000000000000000;0.004583333333333333356462979680;0.009166666666666666712925959359;0.004166666666666666608842550801;0.000000000000000000000000000000;0.015416666666666667059870654555;0.042083333333333333703407674875;0.012500000000000000693889390391;0.021666666666666667406815349750;0.015833333333333334674852821422;0.016250000000000000555111512313;0.014999999999999999444888487687
-0.047878787878787881782116642171;0.016969696969696971416974307090;0.027272727272727271402574800163;0.046666666666666668794594130532;0.028181818181818182877940159869;0.030909090909090910365142335081;0.006666666666666667094565124074;0.024545454545454543915372624951;0.007575757575757575967845269815;0.020606060606060606910094890054;0.023939393939393940891058321085;0.019090909090909092410415226482;0.014545454545454545441929283811;0.028484848484848484390097311802;0.046060606060606058831385922758;0.028181818181818182877940159869;0.010303030303030303455047445027;0.020606060606060606910094890054;0.036363636363636361870099733551;0.006060606060606060600803868255;0.021818181818181819897617401693;0.005151515151515151727523722514;0.008181818181818182461606525635;0.017575757575757574441288610956;0.046969696969696966837304330511;0.040909090909090908838585676222;0.029393939393939392396015719555;0.025757575757575756902895136591;0.000909090909090909090120580238;0.023636363636363635909454217199;0.018484848484848485916653970662;0.008787878787878787220644305478;0.013939393939393938948168027991;0.005757575757575757353923240345;0.019393939393939393922572378415;0.020000000000000000416333634234;0.007272727272727272720964641906;0.013333333333333334189130248149;0.000000000000000000000000000000;0.008484848484848485708487153545;0.009393939393939393714405561298;0.004848484848484848480643094604;0.000000000000000000000000000000;0.014242424242424242195048655901;0.038181818181818184820830452963;0.015151515151515151935690539631;0.026363636363636363396656392410;0.020303030303030301928490786167;0.029393939393939392396015719555;0.015454545454545455182571167541
-0.053900709219858157494886796712;0.005673758865248227332978014914;0.035106382978723406351750924159;0.007446808510638298211903318702;0.023758865248226949951071418354;0.039007092198581561071080159309;0.007801418439716312040743684264;0.023049645390070920558667211253;0.003900709219858156020371842132;0.031560283687943259389729888653;0.020921985815602835850901541903;0.015602836879432624081487368528;0.015248226950354609385285264977;0.034042553191489362263144613507;0.008510638297872340565786153377;0.032624113475177303478336199305;0.007092198581560283515701215151;0.013829787234042552335200326752;0.054255319148936172191088900263;0.004964539007092198807935545801;0.040425531914893619855888573511;0.005319148936170212636775911363;0.009219858156028368223466884501;0.043971631205673759879015705110;0.041843971631205671701803083806;0.047517730496453899902142836709;0.026241134751773049355039191255;0.015248226950354609385285264977;0.000709219858156028416622251864;0.030141843971631204074368426404;0.013120567375886524677519595627;0.015957446808510637042965996102;0.011702127659574467627434657402;0.006737588652482269686860849589;0.014539007092198581727604533853;0.028368794326241134062804860605;0.009929078014184397615871091602;0.013829787234042552335200326752;0.000000000000000000000000000000;0.007092198581560283515701215151;0.007446808510638298211903318702;0.002127659574468085141446538344;0.000000000000000000000000000000;0.026950354609929078747443398356;0.012765957446808509981317492077;0.019148936170212765839337976104;0.041843971631205671701803083806;0.028723404255319148759006964156;0.021631205673758865243305749004;0.019148936170212765839337976104
-0.039583333333333331482961625625;0.004583333333333333356462979680;0.037916666666666667961926862063;0.000000000000000000000000000000;0.039583333333333331482961625625;0.022083333333333333287074040641;0.002916666666666666799662133158;0.022916666666666665047591422422;0.003749999999999999861222121922;0.049166666666666664076146275875;0.018749999999999999306110609609;0.007083333333333332974823814965;0.014583333333333333564629796797;0.050416666666666665186369300500;0.010833333333333333703407674875;0.025000000000000001387778780781;0.008333333333333333217685101602;0.022083333333333333287074040641;0.036666666666666666851703837438;0.014166666666666665949647629930;0.021250000000000001526556658860;0.004166666666666666608842550801;0.005000000000000000104083408559;0.058749999999999996669330926125;0.040416666666666663243479007406;0.054166666666666668517038374375;0.022499999999999999167332731531;0.014166666666666665949647629930;0.000833333333333333386820640509;0.025000000000000001387778780781;0.005000000000000000104083408559;0.016250000000000000555111512313;0.016250000000000000555111512313;0.004583333333333333356462979680;0.016666666666666666435370203203;0.045416666666666667684371105906;0.009583333333333332593184650250;0.008333333333333333217685101602;0.000000000000000000000000000000;0.007083333333333332974823814965;0.004583333333333333356462979680;0.000833333333333333386820640509;0.000000000000000000000000000000;0.030833333333333334119741309109;0.019583333333333334536074943344;0.016250000000000000555111512313;0.055000000000000000277555756156;0.033750000000000002220446049250;0.019583333333333334536074943344;0.013750000000000000069388939039
-0.052777777777777777623580135469;0.000925925925925925961262885622;0.067592592592592593003786305417;0.000000000000000000000000000000;0.000000000000000000000000000000;0.016203703703703702804217456901;0.000462962962962962980631442811;0.015277777777777777276635440273;0.008333333333333333217685101602;0.026851851851851852442942814037;0.020370370370370372015145221667;0.012500000000000000693889390391;0.020370370370370372015145221667;0.069907407407407404220656133020;0.004166666666666666608842550801;0.027777777777777776235801354687;0.014814814814814815380206169948;0.021296296296296295808003762318;0.009259259259259258745267118229;0.020370370370370372015145221667;0.012962962962962962590318660716;0.006944444444444444058950338672;0.008796296296296296848837847904;0.040740740740740744030290443334;0.062500000000000000000000000000;0.054629629629629632148191120677;0.026388888888888888811790067734;0.000000000000000000000000000000;0.000000000000000000000000000000;0.001851851851851851922525771243;0.006944444444444444058950338672;0.011574074074074073431583897786;0.005092592592592593003786305417;0.009259259259259258745267118229;0.031018518518518518184423626849;0.047222222222222220988641083750;0.020833333333333332176851016015;0.007870370370370369586532355299;0.000000000000000000000000000000;0.013888888888888888117900677344;0.001388888888888888941894328433;0.001388888888888888941894328433;0.000000000000000000000000000000;0.018518518518518517490534236458;0.000925925925925925961262885622;0.008796296296296296848837847904;0.063888888888888883954564334999;0.057407407407407406996213694583;0.041203703703703700722549285729;0.028703703703703703498106847292
-0.046296296296296293726335591145;0.000370370370370370351979089074;0.055925925925925927539861248761;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006666666666666667094565124074;0.000370370370370370351979089074;0.022592592592592591199673890401;0.002962962962962962815832712593;0.076296296296296292616112566520;0.016296296296296294836558615771;0.002962962962962962815832712593;0.002222222222222222220294751693;0.062962962962962956692258842395;0.001851851851851851922525771243;0.040000000000000000832667268469;0.010740740740740739936343040029;0.010740740740740739936343040029;0.004444444444444444440589503387;0.007407407407407407690103084974;0.016666666666666666435370203203;0.002592592592592592518063732143;0.002592592592592592518063732143;0.092592592592592587452671182291;0.040000000000000000832667268469;0.093333333333333337589188261063;0.022222222222222223070309254922;0.000000000000000000000000000000;0.000740740740740740703958178148;0.000740740740740740703958178148;0.004444444444444444440589503387;0.029259259259259259161600752464;0.000740740740740740703958178148;0.001851851851851851922525771243;0.005185185185185185036127464286;0.060370370370370372847812490136;0.012222222222222222862142437805;0.010370370370370370072254928573;0.000000000000000000000000000000;0.002592592592592592518063732143;0.005925925925925925631665425186;0.000370370370370370351979089074;0.000000000000000000000000000000;0.041111111111111112159655078813;0.001111111111111111110147375847;0.018888888888888889089345823891;0.079259259259259265406605265980;0.047777777777777780121581940875;0.009259259259259258745267118229;0.026666666666666668378260496297
-0.039722222222222221266196839906;0.003055555555555555715535609451;0.042777777777777775680689842375;0.114444444444444445863062753688;0.004722222222222222272336455973;0.037499999999999998612221219219;0.004444444444444444440589503387;0.019444444444444444752839729063;0.005277777777777777935830361145;0.028888888888888887562789165031;0.017222222222222222098864108375;0.028611111111111111465765688422;0.015277777777777777276635440273;0.040277777777777780399137697032;0.009166666666666666712925959359;0.024722222222222221821308352219;0.008888888888888888881179006773;0.014722222222222221613141535101;0.015833333333333334674852821422;0.005833333333333333599324266316;0.017222222222222222098864108375;0.006666666666666667094565124074;0.004166666666666666608842550801;0.047777777777777780121581940875;0.041944444444444443920172460594;0.042500000000000003053113317719;0.025833333333333333148296162562;0.016944444444444446001840631766;0.001111111111111111110147375847;0.026388888888888888811790067734;0.019166666666666665186369300500;0.017777777777777777762358013547;0.006944444444444444058950338672;0.008055555555555555385938149016;0.018055555555555553859381490156;0.035277777777777775958245598531;0.010555555555555555871660722289;0.012500000000000000693889390391;0.000000000000000000000000000000;0.006666666666666667094565124074;0.002777777777777777883788656865;0.001111111111111111110147375847;0.000000000000000000000000000000;0.021111111111111111743321444578;0.009722222222222222376419864531;0.017777777777777777762358013547;0.040277777777777780399137697032;0.026666666666666668378260496297;0.016666666666666666435370203203;0.017500000000000001665334536938
-0.035849056603773583884464670746;0.010062893081761005789620533335;0.013836477987421384044930405821;0.206289308176100638636540907100;0.021069182389937105709387665797;0.039937106918238991781766600297;0.007861635220125786152611802038;0.033962264150943395624171472491;0.001257861635220125723702566667;0.008176100628930817529327335080;0.021069182389937105709387665797;0.014779874213836478175077004948;0.023270440251572325346396397094;0.021069182389937105709387665797;0.025471698113207548452852080345;0.023584905660377360192558882090;0.003144654088050314634517068413;0.012893081761006289914783806694;0.035220125786163521131033604661;0.002830188679245282824120666376;0.027044025157232705336429745557;0.000943396226415094346987033624;0.011949685534591195784637207566;0.015723270440251572305223604076;0.039937106918238991781766600297;0.026729559748427673959714212515;0.033333333333333332870740406406;0.007547169811320754775896268995;0.000000000000000000000000000000;0.036163522012578615261180203788;0.011949685534591195784637207566;0.005345911949685534271525799710;0.022012578616352199839534264925;0.004402515723270440141379200583;0.017610062893081760565516802330;0.018867924528301886072378934500;0.013836477987421384044930405821;0.011949685534591195784637207566;0.000000000000000000000000000000;0.003773584905660377387948134498;0.008805031446540880282758401165;0.000628930817610062861851283333;0.000000000000000000000000000000;0.014465408805031446798361471906;0.023584905660377360192558882090;0.011006289308176099919767132462;0.018238993710691823318947868415;0.018238993710691823318947868415;0.021383647798742137086103198840;0.012893081761006289914783806694
-0.025378787878787879145336958686;0.023106060606060605661093987351;0.038257575757575754127337575028;0.080681818181818187873943770683;0.084848484848484853615424583495;0.026136363636363634660453314495;0.003787878787878787983922634908;0.035227272727272725127978247883;0.013636363636363635701287400082;0.010984848484848484459486250842;0.012500000000000000693889390391;0.007575757575757575967845269815;0.015909090909090907450806895440;0.018939393939393939919613174538;0.035984848484848487581988507600;0.014772727272727272443408885749;0.026893939393939393645016622258;0.051136363636363639517679047231;0.026515151515151515887458444354;0.005681818181818181975883952362;0.020833333333333332176851016015;0.011363636363636363951767904723;0.016666666666666666435370203203;0.016287878787878788677812025298;0.024242424242424242403215473018;0.016287878787878788677812025298;0.032954545454545451643735276548;0.012500000000000000693889390391;0.000757575757575757575100483532;0.025378787878787879145336958686;0.012878787878787878451447568295;0.014015151515151515193569053963;0.016666666666666666435370203203;0.003787878787878787983922634908;0.017045454545454544192928381108;0.032575757575757577355624050597;0.015530303030303029693248717535;0.007196969696969697342925353922;0.000378787878787878787550241766;0.026136363636363634660453314495;0.009469696969696969959806587269;0.014393939393939394685850707845;0.000000000000000000000000000000;0.007196969696969697342925353922;0.017424242424242425419933510966;0.008712121212121212709966755483;0.011363636363636363951767904723;0.010606060606060606701928072937;0.029545454545454544886817771498;0.009848484848484847717364765174
-0.016239316239316240603196561665;0.015384615384615385469402326635;0.023504273504273504036277131490;0.126923076923076916244781386922;0.108974358974358975782337211058;0.005982905982905983334474431246;0.008119658119658120301598280832;0.047435897435897433904727904519;0.005555555555555555767577313730;0.035897435897435894802676159543;0.009829059829059828834463274916;0.002136752136752136967123849587;0.005128205128205128200680196215;0.034188034188034191473981593390;0.032905982905982907038566764868;0.006837606837606837600906928287;0.008974358974358973700669039886;0.023504273504273504036277131490;0.025641025641025640136039243089;0.003846153846153846367350581659;0.018803418803418802535132314802;0.003418803418803418800453464144;0.013247863247863247634916739059;0.056410256410256411074843896358;0.011965811965811966668948862491;0.036752136752136753405917346527;0.028632478632478631369595589717;0.010683760683760683968257509946;0.002564102564102564100340098108;0.017094017094017095736990796695;0.011111111111111111535154627461;0.019658119658119657668926549832;0.009829059829059828834463274916;0.005555555555555555767577313730;0.008974358974358973700669039886;0.026923076923076924571454071611;0.008119658119658120301598280832;0.007264957264957265167804045802;0.000427350427350427350056683018;0.016666666666666666435370203203;0.012820512820512820068019621544;0.003418803418803418800453464144;0.000000000000000000000000000000;0.023504273504273504036277131490;0.025641025641025640136039243089;0.022649572649572648902482896460;0.028205128205128205537421948179;0.005555555555555555767577313730;0.011538461538461539102051744976;0.005555555555555555767577313730
-0.014999999999999999444888487687;0.000833333333333333386820640509;0.047500000000000000555111512313;0.000000000000000000000000000000;0.000000000000000000000000000000;0.002083333333333333304421275400;0.003749999999999999861222121922;0.034166666666666664631257788187;0.000416666666666666693410320255;0.110416666666666662965923251249;0.011666666666666667198648532633;0.001250000000000000026020852140;0.001250000000000000026020852140;0.065416666666666664631257788187;0.006250000000000000346944695195;0.011249999999999999583666365766;0.010833333333333333703407674875;0.005833333333333333599324266316;0.003333333333333333547282562037;0.002083333333333333304421275400;0.016666666666666666435370203203;0.002916666666666666799662133158;0.000000000000000000000000000000;0.162500000000000005551115123126;0.011666666666666667198648532633;0.069166666666666667961926862063;0.025000000000000001387778780781;0.000000000000000000000000000000;0.004583333333333333356462979680;0.000000000000000000000000000000;0.000416666666666666693410320255;0.052916666666666667406815349750;0.000000000000000000000000000000;0.009583333333333332593184650250;0.001666666666666666773641281019;0.082083333333333327597181039437;0.002500000000000000052041704279;0.001666666666666666773641281019;0.000000000000000000000000000000;0.001250000000000000026020852140;0.016250000000000000555111512313;0.000000000000000000000000000000;0.000000000000000000000000000000;0.072916666666666671292595935938;0.001250000000000000026020852140;0.040416666666666663243479007406;0.074999999999999997224442438437;0.007499999999999999722444243844;0.001250000000000000026020852140;0.007499999999999999722444243844
-0.026041666666666667823148983985;0.014930555555555556287994356524;0.040625000000000001387778780781;0.059722222222222225151977426094;0.022569444444444444058950338672;0.024652777777777776929690745078;0.008680555555555555941049661328;0.027430555555555555247160270937;0.010416666666666666088425508008;0.046875000000000000000000000000;0.014930555555555556287994356524;0.008333333333333333217685101602;0.007986111111111110494320541875;0.022569444444444444058950338672;0.013888888888888888117900677344;0.013194444444444444405895033867;0.018055555555555553859381490156;0.027083333333333334258519187188;0.035763888888888886730121896562;0.006597222222222222202947516934;0.017708333333333332870740406406;0.008333333333333333217685101602;0.003819444444444444319158860068;0.075694444444444439201724605937;0.020138888888888890199568848516;0.035416666666666665741480812812;0.028472222222222221682530474141;0.005555555555555555767577313730;0.010763888888888888811790067734;0.038541666666666668517038374375;0.006250000000000000346944695195;0.042708333333333334258519187188;0.019097222222222223764198645313;0.003472222222222222029475169336;0.004861111111111111188209932266;0.049652777777777774848022573906;0.010069444444444445099784424258;0.007291666666666666782314898398;0.000000000000000000000000000000;0.003819444444444444319158860068;0.011458333333333332523795711211;0.004513888888888888464845372539;0.000000000000000000000000000000;0.043402777777777776235801354687;0.018402777777777778317469525859;0.018402777777777778317469525859;0.032986111111111111882099322656;0.011111111111111111535154627461;0.010416666666666666088425508008;0.007291666666666666782314898398
-0.007017543859649122937882648188;0.006578947368421052266374005058;0.017543859649122806043664013487;0.549122807017543901331180222769;0.028508771929824559820954021916;0.010087719298245614168996198146;0.016666666666666666435370203203;0.028508771929824559820954021916;0.004385964912280701510916003372;0.009649122807017544364849293004;0.006578947368421052266374005058;0.016666666666666666435370203203;0.001315789473684210496642887911;0.005701754385964912658080194774;0.035964912280701755165068789211;0.012280701754385964924454199831;0.002631578947368420993285775822;0.003508771929824561468941324094;0.012719298245614034728601104973;0.000438596491228070183617665512;0.020175438596491228337992396291;0.003070175438596491231113549958;0.001315789473684210496642887911;0.015789473684210526827076392919;0.009210526315789472825978911885;0.012719298245614034728601104973;0.021491228070175439485156587693;0.002192982456140350755458001686;0.002631578947368420993285775822;0.011403508771929825316160389548;0.006140350877192982462227099916;0.009210526315789472825978911885;0.002631578947368420993285775822;0.009649122807017544364849293004;0.001315789473684210496642887911;0.006140350877192982462227099916;0.002192982456140350755458001686;0.000877192982456140367235331023;0.000000000000000000000000000000;0.000438596491228070183617665512;0.015350877192982455288206011801;0.001754385964912280734470662047;0.000000000000000000000000000000;0.021052631578947367946286206575;0.009210526315789472825978911885;0.022807017543859650632320779096;0.007017543859649122937882648188;0.000000000000000000000000000000;0.000438596491228070183617665512;0.007894736842105263413538196460
-0.020000000000000000416333634234;0.017000000000000001221245327088;0.028666666666666666685170383744;0.022666666666666668294993769450;0.197000000000000008437694987151;0.021000000000000001304512053935;0.005000000000000000104083408559;0.027333333333333334480563792113;0.016000000000000000333066907388;0.014333333333333333342585191872;0.014666666666666666393736839780;0.030999999999999999777955395075;0.007000000000000000145716771982;0.017333333333333332537673499019;0.024000000000000000499600361081;0.008666666666666666268836749509;0.009333333333333334105863521302;0.037333333333333336423454085207;0.034333333333333333758918826106;0.008333333333333333217685101602;0.014999999999999999444888487687;0.004666666666666667052931760651;0.008999999999999999319988397417;0.012999999999999999403255124264;0.020333333333333331732761806165;0.009666666666666667157015169209;0.025000000000000001387778780781;0.029666666666666667573348803444;0.000333333333333333322202191029;0.080000000000000001665334536938;0.035666666666666665963525417737;0.006333333333333333176051738178;0.012666666666666666352103476356;0.004000000000000000083266726847;0.009333333333333334105863521302;0.029666666666666667573348803444;0.010666666666666666310470112933;0.006333333333333333176051738178;0.002333333333333333526465880325;0.010333333333333333259318465025;0.004666666666666667052931760651;0.009333333333333334105863521302;0.000000000000000000000000000000;0.006000000000000000124900090270;0.021999999999999998723243521681;0.008333333333333333217685101602;0.012999999999999999403255124264;0.009333333333333334105863521302;0.025333333333333332704206952712;0.007000000000000000145716771982
-0.027916666666666666019036568969;0.012916666666666666574148081281;0.080416666666666664076146275875;0.017500000000000001665334536938;0.012083333333333333078907223523;0.018333333333333333425851918719;0.001250000000000000026020852140;0.026666666666666668378260496297;0.022083333333333333287074040641;0.035000000000000003330669073875;0.017500000000000001665334536938;0.007916666666666667337426410711;0.009166666666666666712925959359;0.045416666666666667684371105906;0.016666666666666666435370203203;0.008333333333333333217685101602;0.020833333333333332176851016015;0.056250000000000001387778780781;0.020000000000000000416333634234;0.020416666666666666296592325125;0.015833333333333334674852821422;0.014583333333333333564629796797;0.020416666666666666296592325125;0.037499999999999998612221219219;0.023333333333333334397297065266;0.031250000000000000000000000000;0.030833333333333334119741309109;0.001250000000000000026020852140;0.002500000000000000052041704279;0.014583333333333333564629796797;0.003333333333333333547282562037;0.021666666666666667406815349750;0.007916666666666667337426410711;0.004583333333333333356462979680;0.016666666666666666435370203203;0.052916666666666667406815349750;0.022916666666666665047591422422;0.003749999999999999861222121922;0.000833333333333333386820640509;0.021666666666666667406815349750;0.007916666666666667337426410711;0.007916666666666667337426410711;0.000000000000000000000000000000;0.014166666666666665949647629930;0.004583333333333333356462979680;0.008333333333333333217685101602;0.050833333333333334536074943344;0.025833333333333333148296162562;0.042083333333333333703407674875;0.013333333333333334189130248149
-0.025203252032520325615072565029;0.010975609756097560315568628653;0.043902439024390241262274514611;0.084146341463414639494367008865;0.026829268292682926372316742913;0.008130081300813008990391317354;0.004065040650406504495195658677;0.026829268292682926372316742913;0.021951219512195120631137257305;0.050813008130081299684732698552;0.015853658536585366056748114261;0.004471544715447154684506703148;0.007723577235772357933718534895;0.038211382113821135142472940061;0.022764227642276424479206298201;0.013414634146341463186158371457;0.023983739837398373312415955638;0.024796747967479673691038044581;0.021951219512195120631137257305;0.006097560975609756309112619022;0.021951219512195120631137257305;0.009756097560975609747635495239;0.001219512195121951218454436905;0.056097560975609757349946704608;0.017479674796747966813992292145;0.060162601626016262712504101273;0.023983739837398373312415955638;0.015447154471544715867437069790;0.002845528455284553059900787275;0.013821138211382113375469415928;0.001219512195121951218454436905;0.019105691056910567571236470030;0.007317073170731707744407490424;0.002439024390243902436908873810;0.004065040650406504495195658677;0.046341463414634145867587733392;0.008943089430894309369013406297;0.008536585365853659179702361826;0.002032520325203252247597829339;0.004065040650406504495195658677;0.009756097560975609747635495239;0.011382113821138212239603149101;0.000000000000000000000000000000;0.027642276422764226750938831856;0.018699186991869919116648901536;0.024390243902439025236450476086;0.045121951219512193564931124001;0.026829268292682926372316742913;0.013414634146341463186158371457;0.013821138211382113375469415928
-0.024324324324324325674595570490;0.001351351351351351426366420583;0.028378378378378379953694832238;0.101351351351351356977481543709;0.011711711711711711783601153058;0.006306306306306306078135470727;0.018018018018018017861736623786;0.035585585585585582935053139408;0.062612612612612611462381551064;0.047297297297297299922824720397;0.023873873873873872886175462327;0.018018018018018017861736623786;0.000000000000000000000000000000;0.036936936936936934361419559991;0.011261261261261260729904520872;0.016666666666666666435370203203;0.004504504504504504465434155946;0.003603603603603603659083498556;0.015765765765765764327976938830;0.000000000000000000000000000000;0.034684684684684684297106826989;0.013513513513513514263664205828;0.000000000000000000000000000000;0.063513513513513517039221767391;0.016666666666666666435370203203;0.048648648648648651349191140980;0.031081081081081082806427673404;0.004054054054054054279099261748;0.013513513513513514263664205828;0.011261261261261260729904520872;0.002252252252252252232717077973;0.029279279279279278591641144658;0.000450450450450450457385437320;0.011261261261261260729904520872;0.000000000000000000000000000000;0.013513513513513514263664205828;0.001351351351351351426366420583;0.008108108108108108558198523497;0.008558558558558557877171679706;0.000000000000000000000000000000;0.014414414414414414636333994224;0.033333333333333332870740406406;0.000000000000000000000000000000;0.067117117117117111591007017068;0.012162162162162162837297785245;0.043693693693693691493251662905;0.036936936936936934361419559991;0.001351351351351351426366420583;0.000000000000000000000000000000;0.011711711711711711783601153058
-0.035555555555555555524716027094;0.016111111111111110771876298031;0.022777777777777778733803160094;0.123055555555555556912494807875;0.071666666666666670182372911313;0.021111111111111111743321444578;0.003055555555555555715535609451;0.018611111111111109522875395328;0.025277777777777777484802257391;0.023055555555555554830826636703;0.018611111111111109522875395328;0.013888888888888888117900677344;0.011111111111111111535154627461;0.035277777777777775958245598531;0.026666666666666668378260496297;0.021388888888888887840344921187;0.008888888888888888881179006773;0.020833333333333332176851016015;0.018888888888888889089345823891;0.006666666666666667094565124074;0.017777777777777777762358013547;0.008611111111111111049432054187;0.004444444444444444440589503387;0.021111111111111111743321444578;0.031388888888888889783235214281;0.023333333333333334397297065266;0.023333333333333334397297065266;0.052777777777777777623580135469;0.001388888888888888941894328433;0.028055555555555555802271783250;0.011111111111111111535154627461;0.007499999999999999722444243844;0.009444444444444444544672911945;0.005833333333333333599324266316;0.014999999999999999444888487687;0.019722222222222220849863205672;0.008888888888888888881179006773;0.004722222222222222272336455973;0.007222222222222221890697291258;0.004166666666666666608842550801;0.006388888888888889262818171488;0.021666666666666667406815349750;0.000000000000000000000000000000;0.013333333333333334189130248149;0.012500000000000000693889390391;0.007499999999999999722444243844;0.028611111111111111465765688422;0.028888888888888887562789165031;0.017222222222222222098864108375;0.015555555555555555108382392859
-0.027469135802469134971515174470;0.012345679012345678327022824305;0.041666666666666664353702032031;0.003395061728395061713403624282;0.044135802469135801406885377673;0.032716049382716050342168045972;0.002469135802469135752140738660;0.029320987654320986026679207725;0.008333333333333333217685101602;0.024691358024691356654045648611;0.015123456790123456644492350165;0.025925925925925925180637321432;0.012654320987654321326032480499;0.042592592592592591616007524635;0.012037037037037037062736644089;0.020370370370370372015145221667;0.013580246913580246853614497127;0.029629629629629630760412339896;0.024382716049382715389759468394;0.007407407407407407690103084974;0.019135802469135803488553548846;0.009259259259259258745267118229;0.012962962962962962590318660716;0.031172839506172840551290192934;0.028086419753086420969534486858;0.036419753086419752452496112483;0.029629629629629630760412339896;0.049382716049382713308091297222;0.003086419753086419581755706076;0.035493827160493825190190619878;0.015432098765432097908778530382;0.016358024691358025171084022986;0.013271604938271605589328316910;0.007407407407407407690103084974;0.020370370370370372015145221667;0.037962962962962962243373965521;0.010802469135802468536144971267;0.008024691358024691953398921385;0.002160493827160493620492820455;0.017592592592592593697675695807;0.007407407407407407690103084974;0.012654320987654321326032480499;0.000000000000000000000000000000;0.018518518518518517490534236458;0.013271604938271605589328316910;0.015740740740740739173064710599;0.037345679012345679714801605087;0.020370370370370372015145221667;0.027469135802469134971515174470;0.012962962962962962590318660716
-0.015032679738562091872888792921;0.003921568627450980337734165460;0.054248366013071896984953923493;0.208496732026143799521022970112;0.013725490196078431182069579108;0.010457516339869280322383282567;0.000653594771241830020148955160;0.021895424836601305729200106498;0.003921568627450980337734165460;0.056209150326797387153821006223;0.008496732026143790153516199837;0.014052287581699346788455251556;0.002941176470588235253300624095;0.046078431372549022437823396103;0.012418300653594770491250365296;0.011111111111111111535154627461;0.011437908496732025406816823931;0.015686274509803921350936661838;0.012418300653594770491250365296;0.004248366013071895076758099918;0.010457516339869280322383282567;0.003267973856209150426005427548;0.000980392156862745084433541365;0.078104575163398692883021112721;0.015032679738562091872888792921;0.039542483660130717249003851066;0.024183006535947713239176337652;0.010130718954248366450721086096;0.000326797385620915010074477580;0.015032679738562091872888792921;0.013398692810457515575683906661;0.034967320261437909167945292666;0.002941176470588235253300624095;0.004901960784313725422167706824;0.002614379084967320080595820642;0.061764705882352943788760057942;0.008496732026143790153516199837;0.002941176470588235253300624095;0.000000000000000000000000000000;0.002614379084967320080595820642;0.005555555555555555767577313730;0.001633986928104575213002713774;0.000000000000000000000000000000;0.022549019607843136941971451392;0.008496732026143790153516199837;0.011437908496732025406816823931;0.053921568627450983113291727022;0.017973856209150325391465941038;0.009803921568627450844335413649;0.009477124183006535237949741202
-0.020606060606060606910094890054;0.007272727272727272720964641906;0.048484848484848484806430946037;0.042424242424242426807712291748;0.141515151515151510475121199306;0.027878787878787877896336055983;0.003636363636363636360482320953;0.021515151515151514916013297807;0.003333333333333333547282562037;0.033636363636363637852344510293;0.012121212121212121201607736509;0.052121212121212123768998480955;0.007878787878787879214725897725;0.029696969696969697377619823442;0.012727272727272727695368992329;0.013939393939393938948168027991;0.007878787878787879214725897725;0.016363636363636364923213051270;0.023030303030303029415692961379;0.005454545454545454974404350423;0.010909090909090909948808700847;0.007272727272727272720964641906;0.003030303030303030300401934127;0.045151515151515150825467515006;0.027272727272727271402574800163;0.030303030303030303871381079261;0.020303030303030301928490786167;0.005454545454545454974404350423;0.000303030303030303030040193413;0.059090909090909089773635542997;0.032424242424242424864821998653;0.016060606060606059941608947383;0.007272727272727272720964641906;0.005151515151515151727523722514;0.005454545454545454974404350423;0.046363636363636363812990026645;0.004545454545454545233762466694;0.009696969696969696961286189207;0.000909090909090909090120580238;0.007878787878787879214725897725;0.005454545454545454974404350423;0.000909090909090909090120580238;0.000000000000000000000000000000;0.011515151515151514707846480690;0.015757575757575758429451795450;0.007575757575757575967845269815;0.040303030303030305814271372356;0.020303030303030301928490786167;0.008787878787878787220644305478;0.013030303030303030942249620239
-0.006989247311827957200025540629;0.011827956989247311384017002922;0.012903225806451612892034042090;0.105913978494623653436867982691;0.223118279569892469238467924697;0.031720430107526884078161799607;0.003225806451612903223008510523;0.027956989247311828800102162518;0.000537634408602150537168085087;0.005376344086021505805361719865;0.015053763440860215908068120427;0.024731182795698924276051045013;0.011827956989247311384017002922;0.008064516129032257840680841809;0.045161290322580642520033933351;0.006451612903225806446017021045;0.002150537634408602148672340348;0.016129032258064515681361683619;0.054838709677419356092187285867;0.001075268817204301074336170174;0.022580645161290321260016966676;0.002688172043010752902680859933;0.008064516129032257840680841809;0.005376344086021505805361719865;0.015053763440860215908068120427;0.011290322580645160630008483338;0.026881720430107527292085123349;0.019354838709677420205412801124;0.000537634408602150537168085087;0.079569892473118283837685282833;0.020430107526881721713429840293;0.003763440860215053977017030107;0.022043010752688170506008447092;0.006989247311827957200025540629;0.007526881720430107954034060214;0.008064516129032257840680841809;0.005376344086021505805361719865;0.006989247311827957200025540629;0.000537634408602150537168085087;0.003763440860215053977017030107;0.005913978494623655692008501461;0.000537634408602150537168085087;0.000000000000000000000000000000;0.006989247311827957200025540629;0.056989247311827959108221364204;0.004838709677419355051353200281;0.005913978494623655692008501461;0.003763440860215053977017030107;0.018279569892473118697395761956;0.004838709677419355051353200281
-0.013636363636363635701287400082;0.021212121212121213403856145874;0.008080808080808080801071824339;0.022727272727272727903535809446;0.160606060606060613293877281649;0.029292929292929294204927970213;0.007070707070707071134618715291;0.049494949494949494472884055085;0.000000000000000000000000000000;0.005050505050505050934350759206;0.028282828282828284538474861165;0.004040404040404040400535912170;0.007575757575757575967845269815;0.006060606060606060600803868255;0.068181818181818176771713524431;0.002020202020202020200267956085;0.002525252525252525467175379603;0.018686868686868685768276421300;0.092424242424242422644375949403;0.001515151515151515150200967064;0.038383838383838381203005951647;0.000505050505050505050066989021;0.011111111111111111535154627461;0.006060606060606060600803868255;0.008080808080808080801071824339;0.005050505050505050934350759206;0.042929292929292928171491894318;0.034343434343434342537193515454;0.001010101010101010100133978042;0.077777777777777779011358916250;0.000505050505050505050066989021;0.001010101010101010100133978042;0.052020202020202022108463779659;0.004040404040404040400535912170;0.004545454545454545233762466694;0.009595959595959595300751487912;0.009595959595959595300751487912;0.001515151515151515150200967064;0.000000000000000000000000000000;0.004040404040404040400535912170;0.011111111111111111535154627461;0.001515151515151515150200967064;0.000000000000000000000000000000;0.003535353535353535567309357646;0.085353535353535348040310282158;0.007575757575757575967845269815;0.003535353535353535567309357646;0.002525252525252525467175379603;0.020707070707070708570629591350;0.003535353535353535567309357646
-0.014814814814814815380206169948;0.018518518518518517490534236458;0.008796296296296296848837847904;0.175462962962962959467816403958;0.186574074074074086615482315210;0.042129629629629627984854778333;0.004166666666666666608842550801;0.021296296296296295808003762318;0.000925925925925925961262885622;0.003703703703703703845051542487;0.014351851851851851749053423646;0.018055555555555553859381490156;0.011574074074074073431583897786;0.007407407407407407690103084974;0.025462962962962961549484575130;0.009722222222222222376419864531;0.004629629629629629372633559115;0.016203703703703702804217456901;0.050925925925925923098969150260;0.000925925925925925961262885622;0.021759259259259259439156508620;0.003703703703703703845051542487;0.009259259259259258745267118229;0.007407407407407407690103084974;0.019907407407407408383992475365;0.010185185185185186007572610833;0.017129629629629630066522949505;0.039814814814814816767984950729;0.000000000000000000000000000000;0.080555555555555560798275394063;0.012037037037037037062736644089;0.001851851851851851922525771243;0.018055555555555553859381490156;0.002314814814814814686316779557;0.006018518518518518531368322044;0.008333333333333333217685101602;0.004629629629629629372633559115;0.003240740740740740647579665179;0.000462962962962962980631442811;0.006944444444444444058950338672;0.012037037037037037062736644089;0.000925925925925925961262885622;0.000000000000000000000000000000;0.001851851851851851922525771243;0.031944444444444441977282167500;0.001388888888888888941894328433;0.004629629629629629372633559115;0.008333333333333333217685101602;0.022222222222222223070309254922;0.007407407407407407690103084974
-0.015873015873015872134743631250;0.012698412698412698401684295391;0.040873015873015873522522412031;0.223809523809523819304345693126;0.088095238095238101450057399688;0.023412698412698412786525636875;0.003174603174603174600421073848;0.020634920634920634469056111016;0.015476190476190476719153821250;0.014285714285714285268213963320;0.009920634920634920084214769531;0.021825396825396824185272492969;0.011111111111111111535154627461;0.021031746031746033354092872969;0.014285714285714285268213963320;0.018650793650793650452213157109;0.014682539682539682418527249297;0.026984126984126985404621734688;0.016269841269841271019780393203;0.006746031746031746351155433672;0.006746031746031746351155433672;0.013888888888888888117900677344;0.005158730158730158617264027754;0.022222222222222223070309254922;0.028571428571428570536427926640;0.015476190476190476719153821250;0.016269841269841271019780393203;0.023809523809523808202115446875;0.001190476190476190583578119941;0.027777777777777776235801354687;0.023015873015873017370935826875;0.011111111111111111535154627461;0.009920634920634920084214769531;0.007936507936507936067371815625;0.015079365079365079568840535273;0.021825396825396824185272492969;0.007142857142857142634106981660;0.006349206349206349200842147695;0.002380952380952381167156239883;0.010317460317460317234528055508;0.004365079365079365183999193789;0.004761904761904762334312479766;0.000000000000000000000000000000;0.013095238095238095551997581367;0.009523809523809524668624959531;0.009920634920634920084214769531;0.020634920634920634469056111016;0.016666666666666666435370203203;0.016269841269841271019780393203;0.008730158730158730367998387578
-0.022619047619047618485899064922;0.017460317460317460735996775156;0.017460317460317460735996775156;0.235317460317460314112025798750;0.033333333333333332870740406406;0.017063492063492061850960013203;0.003968253968253968033685907812;0.025396825396825396803368590781;0.008730158730158730367998387578;0.011111111111111111535154627461;0.014285714285714285268213963320;0.057539682539682536488445663281;0.009126984126984127518311673555;0.017063492063492061850960013203;0.023015873015873017370935826875;0.013095238095238095551997581367;0.015079365079365079568840535273;0.025000000000000001387778780781;0.023412698412698412786525636875;0.003968253968253968033685907812;0.014682539682539682418527249297;0.007936507936507936067371815625;0.006349206349206349200842147695;0.019841269841269840168429539062;0.026984126984126985404621734688;0.018253968253968255036623347110;0.027380952380952380820211544687;0.030158730158730159137681070547;0.002380952380952381167156239883;0.042460317460317462123775555938;0.036507936507936510073246694219;0.013095238095238095551997581367;0.009920634920634920084214769531;0.001984126984126984016842953906;0.005555555555555555767577313730;0.021031746031746033354092872969;0.008333333333333333217685101602;0.008730158730158730367998387578;0.001190476190476190583578119941;0.003571428571428571317053490830;0.008730158730158730367998387578;0.009126984126984127518311673555;0.000000000000000000000000000000;0.007936507936507936067371815625;0.019047619047619049337249919063;0.007936507936507936067371815625;0.012698412698412698401684295391;0.009920634920634920084214769531;0.016666666666666666435370203203;0.007539682539682539784420267637
-0.013605442176870747791883609068;0.018027210884353741388030911708;0.018707482993197278864361265960;0.396598639455782331353361769288;0.019047619047619049337249919063;0.016326530612244899431928502054;0.003741496598639455686136079393;0.025510204081632653627664808482;0.007482993197278911372272158786;0.012925170068027210315553254816;0.009863945578231291672066660681;0.037074829931972787255833878817;0.007823129251700680977799073901;0.009523809523809524668624959531;0.018367346938775511860919564811;0.015646258503401361955598147802;0.020748299319727891293352328717;0.021428571428571428769682682969;0.025510204081632653627664808482;0.001700680272108843473985451134;0.012244897959183672839222900564;0.006802721088435373895941804534;0.007142857142857142634106981660;0.015646258503401361955598147802;0.017687074829931974384589210558;0.013265306122448979053718431942;0.022789115646258503722343391473;0.006122448979591836419611450282;0.004081632653061224857982125513;0.029251700680272108012758280893;0.014625850340136054006379140446;0.012925170068027210315553254816;0.011904761904761904101057723437;0.005442176870748298943281096030;0.006802721088435373895941804534;0.008503401360544218454129428153;0.004761904761904762334312479766;0.008163265306122449715964251027;0.000680272108843537367910137004;0.003061224489795918209805725141;0.008503401360544218454129428153;0.006802721088435373895941804534;0.000000000000000000000000000000;0.011564625850340135362892546311;0.013945578231292516530048786194;0.006462585034013605157776627408;0.011904761904761904101057723437;0.006802721088435373895941804534;0.011224489795918366624727369185;0.011224489795918366624727369185
-0.025886524822695034658837087704;0.019858156028368795231742183205;0.009929078014184397615871091602;0.017730496453900710523976513855;0.122695035460992904474686326921;0.028014184397163119366602757054;0.010638297872340425273551822727;0.039716312056737590463484366410;0.002836879432624113666489007457;0.011347517730496454665956029828;0.019503546099290780535540079654;0.054609929078014186887291003814;0.008510638297872340565786153377;0.011347517730496454665956029828;0.021631205673758865243305749004;0.010638297872340425273551822727;0.005319148936170212636775911363;0.020567375886524821154699438353;0.061347517730496452237343163461;0.002482269503546099403967772901;0.037234042553191487590069641556;0.003191489361702127495329373019;0.009574468085106382919668988052;0.014893617021276596423806637404;0.022340425531914894635709956106;0.015602836879432624081487368528;0.031205673758865248162974737056;0.029078014184397163455209067706;0.001418439716312056833244503729;0.117375886524822697909442581476;0.023404255319148935254869314804;0.006382978723404254990658746038;0.017375886524822695827774410304;0.003191489361702127495329373019;0.006737588652482269686860849589;0.015248226950354609385285264977;0.006737588652482269686860849589;0.019858156028368795231742183205;0.001773049645390070878925303788;0.002127659574468085141446538344;0.008865248226950355261988256927;0.001418439716312056833244503729;0.000000000000000000000000000000;0.010283687943262410577349719176;0.031914893617021274085931992204;0.016312056737588651739168099652;0.008156028368794325869584049826;0.008865248226950355261988256927;0.020567375886524821154699438353;0.004255319148936170282893076688
-0.014130434782608695606920257148;0.003623188405797101493271972217;0.025724637681159418650667092265;0.056159420289855072061513396875;0.177173913043478264972563351876;0.025362318840579711753946412500;0.004710144927536232158093998379;0.010144927536231883313799784219;0.007246376811594202986543944434;0.016666666666666666435370203203;0.008333333333333333217685101602;0.091666666666666660190365689687;0.003260869565217391127104340498;0.017028985507246376801537834922;0.007608695652173913352711576152;0.012681159420289855876973206250;0.023913043478260870289275885625;0.011956521739130435144637942813;0.005797101449275362389235155547;0.002898550724637681194617577773;0.007971014492753622851517469883;0.006521739130434782254208680996;0.003260869565217391127104340498;0.022826086956521739190772990469;0.022101449275362318458437727031;0.012318840579710145510805574531;0.007246376811594202986543944434;0.035507246376811595067746196719;0.004347826086956521791926366660;0.160507246376811602006640100626;0.025724637681159418650667092265;0.028623188405797101580008146016;0.002173913043478260895963183330;0.001449275362318840597308788887;0.007246376811594202986543944434;0.026811594202898549749169987422;0.003623188405797101493271972217;0.010507246376811593679967415937;0.002536231884057970828449946055;0.007971014492753622851517469883;0.003260869565217391127104340498;0.006159420289855072755402787266;0.000000000000000000000000000000;0.013768115942028985240752625430;0.002536231884057970828449946055;0.012318840579710145510805574531;0.015217391304347826705423152305;0.007971014492753622851517469883;0.006521739130434782254208680996;0.006884057971014492620376312715
-0.018650793650793650452213157109;0.007936507936507936067371815625;0.024603174603174602502742018828;0.405555555555555558022717832500;0.013492063492063492702310867344;0.010317460317460317234528055508;0.009126984126984127518311673555;0.006349206349206349200842147695;0.010714285714285714384841341484;0.016666666666666666435370203203;0.012301587301587301251371009414;0.032539682539682542039560786407;0.005952380952380952050528861719;0.026984126984126985404621734688;0.011111111111111111535154627461;0.016666666666666666435370203203;0.014682539682539682418527249297;0.013095238095238095551997581367;0.009126984126984127518311673555;0.002777777777777777883788656865;0.011904761904761904101057723437;0.004365079365079365183999193789;0.001190476190476190583578119941;0.018650793650793650452213157109;0.023412698412698412786525636875;0.019841269841269840168429539062;0.014682539682539682418527249297;0.032539682539682542039560786407;0.001587301587301587300210536924;0.013492063492063492702310867344;0.027380952380952380820211544687;0.011111111111111111535154627461;0.002380952380952381167156239883;0.005555555555555555767577313730;0.007142857142857142634106981660;0.024603174603174602502742018828;0.004761904761904762334312479766;0.007936507936507936067371815625;0.002777777777777777883788656865;0.005158730158730158617264027754;0.003571428571428571317053490830;0.005158730158730158617264027754;0.000000000000000000000000000000;0.012698412698412698401684295391;0.008333333333333333217685101602;0.011507936507936508685467913438;0.018650793650793650452213157109;0.014682539682539682418527249297;0.007936507936507936067371815625;0.008333333333333333217685101602
-0.018650793650793650452213157109;0.009920634920634920084214769531;0.051984126984126986792400515469;0.257142857142857117480616579996;0.026587301587301586519584972734;0.013492063492063492702310867344;0.005952380952380952050528861719;0.019841269841269840168429539062;0.025000000000000001387778780781;0.013888888888888888117900677344;0.012301587301587301251371009414;0.025793650793650792218958400781;0.007539682539682539784420267637;0.023412698412698412786525636875;0.015873015873015872134743631250;0.023809523809523808202115446875;0.019444444444444444752839729063;0.028571428571428570536427926640;0.013095238095238095551997581367;0.007539682539682539784420267637;0.013095238095238095551997581367;0.015476190476190476719153821250;0.003174603174603174600421073848;0.030555555555555554553270880547;0.025396825396825396803368590781;0.019841269841269840168429539062;0.021428571428571428769682682969;0.013492063492063492702310867344;0.001587301587301587300210536924;0.017063492063492061850960013203;0.011507936507936508685467913438;0.015476190476190476719153821250;0.004761904761904762334312479766;0.007142857142857142634106981660;0.009126984126984127518311673555;0.028174603174603175120838116641;0.004365079365079365183999193789;0.007142857142857142634106981660;0.001587301587301587300210536924;0.007936507936507936067371815625;0.005158730158730158617264027754;0.008730158730158730367998387578;0.000000000000000000000000000000;0.013492063492063492702310867344;0.015079365079365079568840535273;0.008730158730158730367998387578;0.028571428571428570536427926640;0.011904761904761904101057723437;0.013095238095238095551997581367;0.017063492063492061850960013203
-0.012698412698412698401684295391;0.001984126984126984016842953906;0.063888888888888883954564334999;0.034126984126984123701920026406;0.001984126984126984016842953906;0.008730158730158730367998387578;0.000396825396825396825052634231;0.019841269841269840168429539062;0.019444444444444444752839729063;0.067460317460317456572660432812;0.011904761904761904101057723437;0.014285714285714285268213963320;0.000793650793650793650105268462;0.034523809523809526056403740313;0.001984126984126984016842953906;0.010714285714285714384841341484;0.048412698412698414174304417656;0.032936507936507937455150596406;0.001984126984126984016842953906;0.010317460317460317234528055508;0.005555555555555555767577313730;0.007142857142857142634106981660;0.002777777777777777883788656865;0.107142857142857136909519510937;0.019444444444444444752839729063;0.032936507936507937455150596406;0.016666666666666666435370203203;0.001587301587301587300210536924;0.005158730158730158617264027754;0.004761904761904762334312479766;0.011507936507936508685467913438;0.098412698412698410010968075312;0.002380952380952381167156239883;0.003968253968253968033685907812;0.008333333333333333217685101602;0.114682539682539677561301516562;0.008333333333333333217685101602;0.004365079365079365183999193789;0.000000000000000000000000000000;0.004365079365079365183999193789;0.009126984126984127518311673555;0.007142857142857142634106981660;0.000000000000000000000000000000;0.034920634920634921471993550313;0.001190476190476190583578119941;0.014285714285714285268213963320;0.041666666666666664353702032031;0.013492063492063492702310867344;0.007936507936507936067371815625;0.012301587301587301251371009414
-0.005000000000000000104083408559;0.005833333333333333599324266316;0.017083333333333332315628894094;0.630000000000000004440892098501;0.007083333333333332974823814965;0.007083333333333332974823814965;0.002500000000000000052041704279;0.014166666666666665949647629930;0.004583333333333333356462979680;0.027083333333333334258519187188;0.006666666666666667094565124074;0.010833333333333333703407674875;0.000416666666666666693410320255;0.006250000000000000346944695195;0.010833333333333333703407674875;0.005416666666666666851703837438;0.010000000000000000208166817117;0.003749999999999999861222121922;0.006666666666666667094565124074;0.001250000000000000026020852140;0.008750000000000000832667268469;0.002500000000000000052041704279;0.000000000000000000000000000000;0.045416666666666667684371105906;0.005416666666666666851703837438;0.014999999999999999444888487687;0.009166666666666666712925959359;0.004166666666666666608842550801;0.000833333333333333386820640509;0.007083333333333332974823814965;0.003749999999999999861222121922;0.019166666666666665186369300500;0.000416666666666666693410320255;0.001250000000000000026020852140;0.000416666666666666693410320255;0.029166666666666667129259593594;0.000416666666666666693410320255;0.000416666666666666693410320255;0.000416666666666666693410320255;0.000416666666666666693410320255;0.008750000000000000832667268469;0.000833333333333333386820640509;0.000000000000000000000000000000;0.015833333333333334674852821422;0.006666666666666667094565124074;0.012500000000000000693889390391;0.011249999999999999583666365766;0.003749999999999999861222121922;0.001250000000000000026020852140;0.002500000000000000052041704279
-0.004081632653061224857982125513;0.003401360544217686947970902267;0.011564625850340135362892546311;0.699659863945578219812659881427;0.005442176870748298943281096030;0.004421768707482993596147302640;0.002721088435374149471640548015;0.008843537414965987192294605279;0.002721088435374149471640548015;0.028571428571428570536427926640;0.002040816326530612428991062757;0.009523809523809524668624959531;0.001020408163265306214495531378;0.010204081632653060410231837807;0.009523809523809524668624959531;0.003741496598639455686136079393;0.003061224489795918209805725141;0.003401360544217686947970902267;0.006122448979591836419611450282;0.002721088435374149471640548015;0.010204081632653060410231837807;0.002040816326530612428991062757;0.000340136054421768683955068502;0.034353741496598637350512461808;0.005442176870748298943281096030;0.013945578231292516530048786194;0.005442176870748298943281096030;0.002040816326530612428991062757;0.001020408163265306214495531378;0.006122448979591836419611450282;0.003061224489795918209805725141;0.012925170068027210315553254816;0.000680272108843537367910137004;0.003741496598639455686136079393;0.000340136054421768683955068502;0.018707482993197278864361265960;0.002040816326530612428991062757;0.000340136054421768683955068502;0.000340136054421768683955068502;0.000000000000000000000000000000;0.004081632653061224857982125513;0.001360544217687074735820274007;0.000000000000000000000000000000;0.015986394557823128959039848951;0.004761904761904762334312479766;0.008163265306122449715964251027;0.011224489795918366624727369185;0.003401360544217686947970902267;0.001700680272108843473985451134;0.003401360544217686947970902267
-0.003875968992248061961714000745;0.002713178294573643373199800521;0.015116279069767441650684602905;0.597286821705426351769574466744;0.011240310077519379688970602160;0.005426356589147286746399601043;0.004651162790697674354056800894;0.016279069767441860239198803129;0.001162790697674418588514200223;0.032170542635658917751673158136;0.005813953488372092942571001117;0.006589147286821705334913801266;0.000000000000000000000000000000;0.012403100775193798277484802384;0.013953488372093023062170402682;0.006589147286821705334913801266;0.008139534883720930119599401564;0.006976744186046511531085201341;0.008914728682170542511942201713;0.002325581395348837177028400447;0.007364341085271317727256601415;0.002713178294573643373199800521;0.000000000000000000000000000000;0.045348837209302328421500760669;0.006201550387596899138742401192;0.013565891472868216865999002607;0.008139534883720930119599401564;0.003100775193798449569371200596;0.002325581395348837177028400447;0.010465116279069767296627802011;0.004651162790697674354056800894;0.018604651162790697416227203576;0.000000000000000000000000000000;0.003488372093023255765542600670;0.000387596899224806196171400074;0.025968992248062015143483804991;0.001937984496124030980857000372;0.001550387596899224784685600298;0.000387596899224806196171400074;0.000000000000000000000000000000;0.008527131782945736315770801639;0.000387596899224806196171400074;0.000000000000000000000000000000;0.022868217054263565574112604395;0.013178294573643410669827602533;0.010465116279069767296627802011;0.019379844961240309808570003725;0.003100775193798449569371200596;0.000775193798449612392342800149;0.003488372093023255765542600670
-0.003703703703703703845051542487;0.003703703703703703845051542487;0.001851851851851851922525771243;0.788425925925925974446784039174;0.022685185185185186701462001224;0.011111111111111111535154627461;0.002314814814814814686316779557;0.004166666666666666608842550801;0.002777777777777777883788656865;0.000925925925925925961262885622;0.002777777777777777883788656865;0.018055555555555553859381490156;0.001851851851851851922525771243;0.002777777777777777883788656865;0.002777777777777777883788656865;0.003240740740740740647579665179;0.001388888888888888941894328433;0.003703703703703703845051542487;0.010185185185185186007572610833;0.000925925925925925961262885622;0.002777777777777777883788656865;0.001388888888888888941894328433;0.000000000000000000000000000000;0.002777777777777777883788656865;0.007870370370370369586532355299;0.006018518518518518531368322044;0.004166666666666666608842550801;0.001388888888888888941894328433;0.000925925925925925961262885622;0.020833333333333332176851016015;0.016203703703703702804217456901;0.003240740740740740647579665179;0.000925925925925925961262885622;0.002777777777777777883788656865;0.000925925925925925961262885622;0.002314814814814814686316779557;0.000462962962962962980631442811;0.004166666666666666608842550801;0.000925925925925925961262885622;0.000925925925925925961262885622;0.000925925925925925961262885622;0.003240740740740740647579665179;0.000000000000000000000000000000;0.005555555555555555767577313730;0.005092592592592593003786305417;0.004629629629629629372633559115;0.003240740740740740647579665179;0.003703703703703703845051542487;0.000925925925925925961262885622;0.002314814814814814686316779557
-0.013020833333333333911574491992;0.011979166666666667476204288789;0.035416666666666665741480812812;0.403125000000000011102230246252;0.012500000000000000693889390391;0.016145833333333334952408577578;0.003125000000000000173472347598;0.013020833333333333911574491992;0.007812500000000000000000000000;0.014062500000000000346944695195;0.007812500000000000000000000000;0.028125000000000000693889390391;0.011458333333333332523795711211;0.021354166666666667129259593594;0.015104166666666666782314898398;0.009374999999999999653055304805;0.021874999999999998612221219219;0.014583333333333333564629796797;0.013020833333333333911574491992;0.007812500000000000000000000000;0.009895833333333332870740406406;0.014583333333333333564629796797;0.002083333333333333304421275400;0.025000000000000001387778780781;0.011458333333333332523795711211;0.010416666666666666088425508008;0.010416666666666666088425508008;0.002604166666666666522106377002;0.002604166666666666522106377002;0.040625000000000001387778780781;0.009895833333333332870740406406;0.022916666666666665047591422422;0.005729166666666666261897855605;0.005729166666666666261897855605;0.007812500000000000000000000000;0.029166666666666667129259593594;0.004687499999999999826527652402;0.004687499999999999826527652402;0.001041666666666666652210637700;0.009895833333333332870740406406;0.005729166666666666261897855605;0.007291666666666666782314898398;0.000000000000000000000000000000;0.011979166666666667476204288789;0.011458333333333332523795711211;0.008854166666666666435370203203;0.017187500000000001387778780781;0.009374999999999999653055304805;0.008854166666666666435370203203;0.007291666666666666782314898398
-0.016666666666666666435370203203;0.009259259259259258745267118229;0.054629629629629632148191120677;0.261574074074074069962136945833;0.004629629629629629372633559115;0.014351851851851851749053423646;0.003240740740740740647579665179;0.013425925925925926221471407018;0.039814814814814816767984950729;0.015277777777777777276635440273;0.009259259259259258745267118229;0.030555555555555554553270880547;0.003703703703703703845051542487;0.027314814814814816074095560339;0.006481481481481481295159330358;0.012962962962962962590318660716;0.033333333333333332870740406406;0.037037037037037034981068472916;0.006944444444444444058950338672;0.009722222222222222376419864531;0.007870370370370369586532355299;0.019907407407407408383992475365;0.006018518518518518531368322044;0.019444444444444444752839729063;0.023148148148148146863167795573;0.021296296296296295808003762318;0.013425925925925926221471407018;0.020833333333333332176851016015;0.001388888888888888941894328433;0.026851851851851852442942814037;0.019444444444444444752839729063;0.017129629629629630066522949505;0.003703703703703703845051542487;0.005092592592592593003786305417;0.007870370370370369586532355299;0.036574074074074071349915726614;0.008796296296296296848837847904;0.007407407407407407690103084974;0.002777777777777777883788656865;0.014351851851851851749053423646;0.005092592592592593003786305417;0.017129629629629630066522949505;0.000000000000000000000000000000;0.012962962962962962590318660716;0.002777777777777777883788656865;0.006481481481481481295159330358;0.024074074074074074125473288177;0.013888888888888888117900677344;0.014814814814814815380206169948;0.009259259259259258745267118229
-0.021666666666666667406815349750;0.017083333333333332315628894094;0.069166666666666667961926862063;0.079166666666666662965923251249;0.022083333333333333287074040641;0.020000000000000000416333634234;0.002500000000000000052041704279;0.017916666666666667545593227828;0.040416666666666663243479007406;0.017083333333333332315628894094;0.011249999999999999583666365766;0.050833333333333334536074943344;0.005833333333333333599324266316;0.027083333333333334258519187188;0.029583333333333333009518284484;0.011249999999999999583666365766;0.030416666666666668239482618219;0.043333333333333334813630699500;0.017083333333333332315628894094;0.010000000000000000208166817117;0.010000000000000000208166817117;0.014583333333333333564629796797;0.008333333333333333217685101602;0.026666666666666668378260496297;0.026249999999999999028554853453;0.021666666666666667406815349750;0.024166666666666666157814447047;0.041250000000000001942890293094;0.001250000000000000026020852140;0.022916666666666665047591422422;0.035833333333333335091186455656;0.021666666666666667406815349750;0.008333333333333333217685101602;0.003749999999999999861222121922;0.007083333333333332974823814965;0.034166666666666664631257788187;0.009583333333333332593184650250;0.006666666666666667094565124074;0.002500000000000000052041704279;0.007083333333333332974823814965;0.010000000000000000208166817117;0.012500000000000000693889390391;0.000000000000000000000000000000;0.019166666666666665186369300500;0.016250000000000000555111512313;0.007083333333333332974823814965;0.021666666666666667406815349750;0.011249999999999999583666365766;0.016250000000000000555111512313;0.008333333333333333217685101602
-0.021666666666666667406815349750;0.026249999999999999028554853453;0.019166666666666665186369300500;0.192916666666666652973916029623;0.044999999999999998334665463062;0.035000000000000003330669073875;0.003749999999999999861222121922;0.015833333333333334674852821422;0.017916666666666667545593227828;0.010416666666666666088425508008;0.011666666666666667198648532633;0.074583333333333334813630699500;0.012500000000000000693889390391;0.014166666666666665949647629930;0.032083333333333331760517381781;0.016250000000000000555111512313;0.012916666666666666574148081281;0.020833333333333332176851016015;0.017916666666666667545593227828;0.002500000000000000052041704279;0.011249999999999999583666365766;0.011666666666666667198648532633;0.004166666666666666608842550801;0.010833333333333333703407674875;0.025833333333333333148296162562;0.010000000000000000208166817117;0.010833333333333333703407674875;0.045833333333333330095182844843;0.000833333333333333386820640509;0.067500000000000004440892098501;0.039166666666666669072149886688;0.007499999999999999722444243844;0.007083333333333332974823814965;0.004583333333333333356462979680;0.010833333333333333703407674875;0.017083333333333332315628894094;0.005416666666666666851703837438;0.007083333333333332974823814965;0.001250000000000000026020852140;0.005833333333333333599324266316;0.007499999999999999722444243844;0.012500000000000000693889390391;0.000000000000000000000000000000;0.009166666666666666712925959359;0.021250000000000001526556658860;0.005833333333333333599324266316;0.010416666666666666088425508008;0.008750000000000000832667268469;0.010000000000000000208166817117;0.006666666666666667094565124074
-0.014583333333333333564629796797;0.037499999999999998612221219219;0.032291666666666669904817155157;0.088541666666666671292595935938;0.050000000000000002775557561563;0.022916666666666665047591422422;0.009374999999999999653055304805;0.022395833333333333564629796797;0.038541666666666668517038374375;0.014062500000000000346944695195;0.011979166666666667476204288789;0.030208333333333333564629796797;0.007291666666666666782314898398;0.018749999999999999306110609609;0.047395833333333331482961625625;0.015625000000000000000000000000;0.021354166666666667129259593594;0.027604166666666665741480812812;0.017708333333333332870740406406;0.003645833333333333391157449199;0.016145833333333334952408577578;0.021874999999999998612221219219;0.002604166666666666522106377002;0.024479166666666666435370203203;0.021874999999999998612221219219;0.014583333333333333564629796797;0.016145833333333334952408577578;0.051562499999999997224442438437;0.001562500000000000086736173799;0.022395833333333333564629796797;0.018749999999999999306110609609;0.021874999999999998612221219219;0.008854166666666666435370203203;0.005208333333333333044212754004;0.007291666666666666782314898398;0.022916666666666665047591422422;0.005208333333333333044212754004;0.013020833333333333911574491992;0.012500000000000000693889390391;0.012500000000000000693889390391;0.015625000000000000000000000000;0.030208333333333333564629796797;0.000000000000000000000000000000;0.014062500000000000346944695195;0.028645833333333332176851016015;0.015104166666666666782314898398;0.016145833333333334952408577578;0.006770833333333333564629796797;0.009374999999999999653055304805;0.010937499999999999306110609609
-0.016666666666666666435370203203;0.017460317460317460735996775156;0.026190476190476191103995162734;0.394841269841269826290641731248;0.030555555555555554553270880547;0.015873015873015872134743631250;0.005555555555555555767577313730;0.019841269841269840168429539062;0.009126984126984127518311673555;0.013492063492063492702310867344;0.009523809523809524668624959531;0.016269841269841271019780393203;0.003174603174603174600421073848;0.014682539682539682418527249297;0.037698412698412696320016124218;0.008730158730158730367998387578;0.013492063492063492702310867344;0.017857142857142856151586585156;0.014682539682539682418527249297;0.003968253968253968033685907812;0.010714285714285714384841341484;0.003174603174603174600421073848;0.003174603174603174600421073848;0.015079365079365079568840535273;0.017063492063492061850960013203;0.015079365079365079568840535273;0.009920634920634920084214769531;0.035317460317460316887583360312;0.001587301587301587300210536924;0.019047619047619049337249919063;0.017460317460317460735996775156;0.011904761904761904101057723437;0.005952380952380952050528861719;0.004761904761904762334312479766;0.008333333333333333217685101602;0.017460317460317460735996775156;0.008730158730158730367998387578;0.005952380952380952050528861719;0.000793650793650793650105268462;0.005158730158730158617264027754;0.009126984126984127518311673555;0.004761904761904762334312479766;0.000000000000000000000000000000;0.009523809523809524668624959531;0.022222222222222223070309254922;0.007142857142857142634106981660;0.015476190476190476719153821250;0.011507936507936508685467913438;0.007142857142857142634106981660;0.006746031746031746351155433672
-0.012121212121212121201607736509;0.006060606060606060600803868255;0.020707070707070708570629591350;0.525252525252525304111372861371;0.010606060606060606701928072937;0.015151515151515151935690539631;0.004545454545454545233762466694;0.009595959595959595300751487912;0.007575757575757575967845269815;0.007575757575757575967845269815;0.006060606060606060600803868255;0.025252525252525252069668582067;0.004040404040404040400535912170;0.019191919191919190601502975824;0.016666666666666666435370203203;0.010101010101010101868701518413;0.013131313131313130868060845557;0.013131313131313130868060845557;0.010606060606060606701928072937;0.004040404040404040400535912170;0.012121212121212121201607736509;0.007070707070707071134618715291;0.005050505050505050934350759206;0.017171717171717171268596757727;0.013636363636363635701287400082;0.010101010101010101868701518413;0.011111111111111111535154627461;0.009595959595959595300751487912;0.004040404040404040400535912170;0.016666666666666666435370203203;0.018686868686868685768276421300;0.011616161616161616368381181985;0.002020202020202020200267956085;0.006565656565656565434030422779;0.006565656565656565434030422779;0.017676767676767676101823312251;0.005050505050505050934350759206;0.006060606060606060600803868255;0.002525252525252525467175379603;0.005050505050505050934350759206;0.003030303030303030300401934127;0.007575757575757575967845269815;0.000000000000000000000000000000;0.008585858585858585634298378864;0.005555555555555555767577313730;0.006060606060606060600803868255;0.011616161616161616368381181985;0.008080808080808080801071824339;0.010101010101010101868701518413;0.009595959595959595300751487912
-0.016666666666666666435370203203;0.004471544715447154684506703148;0.017886178861788618738026812593;0.441463414634146344983633980519;0.053252032520325204290045917332;0.010975609756097560315568628653;0.007317073170731707744407490424;0.008943089430894309369013406297;0.012601626016260162807536282514;0.018292682926829267192614381088;0.013008130081300812996847326986;0.031707317073170732113496228521;0.004065040650406504495195658677;0.012601626016260162807536282514;0.016666666666666666435370203203;0.017886178861788618738026812593;0.007723577235772357933718534895;0.008130081300813008990391317354;0.008130081300813008990391317354;0.002845528455284553059900787275;0.013414634146341463186158371457;0.006504065040650406498423663493;0.000406504065040650406151478968;0.018699186991869919116648901536;0.021951219512195120631137257305;0.018292682926829267192614381088;0.020325203252032519873893079421;0.014227642276422763564780460399;0.000813008130081300812302957937;0.013008130081300812996847326986;0.022764227642276424479206298201;0.012601626016260162807536282514;0.001626016260162601624605915873;0.004065040650406504495195658677;0.002439024390243902436908873810;0.017479674796747966813992292145;0.003252032520325203249211831746;0.006910569105691056687734707964;0.000813008130081300812302957937;0.001626016260162601624605915873;0.004065040650406504495195658677;0.004065040650406504495195658677;0.000000000000000000000000000000;0.012601626016260162807536282514;0.011788617886178862428914193572;0.015040650406504065678126025318;0.014227642276422763564780460399;0.007723577235772357933718534895;0.004471544715447154684506703148;0.010162601626016259936946539710
-0.016346153846153847061239972049;0.015384615384615385469402326635;0.027564102564102563319714533918;0.309615384615384625632827919617;0.037499999999999998612221219219;0.016346153846153847061239972049;0.003205128205128205017004905386;0.018269230769230770244915262879;0.016346153846153847061239972049;0.013782051282051281659857266959;0.008653846153846154326538808732;0.026282051282051282353746657350;0.006730769230769231142863517903;0.015384615384615385469402326635;0.023397435897435897578233721106;0.014423076923076923877564681220;0.018269230769230770244915262879;0.024358974358974359170071366520;0.013461538461538462285727035805;0.005448717948717948442172165358;0.012500000000000000693889390391;0.007692307692307692734701163317;0.003846153846153846367350581659;0.020833333333333332176851016015;0.018589743589743589619045494032;0.012179487179487179585035683260;0.012820512820512820068019621544;0.057051282051282049823104358666;0.002243589743589743425167259971;0.029487179487179486503389824748;0.022115384615384616612265844537;0.016346153846153847061239972049;0.004487179487179486850334519943;0.003525641025641025692177743522;0.004807692307692307959188227073;0.028846153846153847755129362440;0.005448717948717948442172165358;0.006410256410256410034009810772;0.001602564102564102508502452693;0.004166666666666666608842550801;0.006410256410256410034009810772;0.019551282051282051210883139447;0.000000000000000000000000000000;0.011538461538461539102051744976;0.012820512820512820068019621544;0.008333333333333333217685101602;0.009935897435897435292506685300;0.006730769230769231142863517903;0.009615384615384615918376454147;0.009294871794871794809522747016
-0.009595959595959595300751487912;0.007070707070707071134618715291;0.010606060606060606701928072937;0.547474747474747447384402221360;0.040909090909090908838585676222;0.016161616161616161602143648679;0.005555555555555555767577313730;0.008585858585858585634298378864;0.008585858585858585634298378864;0.005555555555555555767577313730;0.009090909090909090467524933388;0.048989898989898993109104452515;0.002525252525252525467175379603;0.003535353535353535567309357646;0.023232323232323232736762363970;0.006565656565656565434030422779;0.004040404040404040400535912170;0.007575757575757575967845269815;0.014646464646464647102463985107;0.000505050505050505050066989021;0.009090909090909090467524933388;0.006565656565656565434030422779;0.002020202020202020200267956085;0.006060606060606060600803868255;0.010101010101010101868701518413;0.008585858585858585634298378864;0.007575757575757575967845269815;0.012626262626262626034834291033;0.004040404040404040400535912170;0.042424242424242426807712291748;0.030303030303030303871381079261;0.003030303030303030300401934127;0.002020202020202020200267956085;0.004040404040404040400535912170;0.003030303030303030300401934127;0.008585858585858585634298378864;0.001515151515151515150200967064;0.001010101010101010100133978042;0.001010101010101010100133978042;0.002020202020202020200267956085;0.007070707070707071134618715291;0.005050505050505050934350759206;0.000000000000000000000000000000;0.007070707070707071134618715291;0.013131313131313130868060845557;0.004545454545454545233762466694;0.004545454545454545233762466694;0.003535353535353535567309357646;0.004545454545454545233762466694;0.004040404040404040400535912170
-0.017982456140350877582534394605;0.011403508771929825316160389548;0.020614035087719299876862777410;0.394736842105263163738015919080;0.029385964912280702898694784153;0.016666666666666666435370203203;0.003508771929824561468941324094;0.017982456140350877582534394605;0.014035087719298245875765296375;0.019736842105263156799122015173;0.008333333333333333217685101602;0.027631578947368420212660211632;0.005263157894736841986571551644;0.014035087719298245875765296375;0.014912280701754385484059106659;0.010087719298245614168996198146;0.016228070175438594896499822084;0.021052631578947367946286206575;0.009210526315789472825978911885;0.003070175438596491231113549958;0.008333333333333333217685101602;0.008771929824561403021832006743;0.003947368421052631706769098230;0.021929824561403507554580016858;0.014912280701754385484059106659;0.015350877192982455288206011801;0.015789473684210526827076392919;0.021052631578947367946286206575;0.005263157894736841986571551644;0.028070175438596491751530592751;0.017105263157894737974240584322;0.018421052631578945651957823770;0.002631578947368420993285775822;0.007456140350877192742029553330;0.004385964912280701510916003372;0.025000000000000001387778780781;0.005263157894736841986571551644;0.006140350877192982462227099916;0.003508771929824561468941324094;0.005701754385964912658080194774;0.005701754385964912658080194774;0.016228070175438594896499822084;0.000000000000000000000000000000;0.009649122807017544364849293004;0.009210526315789472825978911885;0.010526315789473683973143103287;0.014035087719298245875765296375;0.008771929824561403021832006743;0.003508771929824561468941324094;0.007456140350877192742029553330
-0.009677419354838710102706400562;0.009139784946236559348697880978;0.029032258064516130308119201686;0.578494623655913975390774339758;0.006989247311827957200025540629;0.009139784946236559348697880978;0.004838709677419355051353200281;0.014516129032258065154059600843;0.017741935483870967943387242372;0.003763440860215053977017030107;0.008602150537634408594689361394;0.018817204301075269451404281540;0.000537634408602150537168085087;0.008064516129032257840680841809;0.022580645161290321260016966676;0.010752688172043011610723439730;0.011827956989247311384017002922;0.012365591397849462138025522506;0.011827956989247311384017002922;0.000537634408602150537168085087;0.006989247311827957200025540629;0.008602150537634408594689361394;0.000537634408602150537168085087;0.008064516129032257840680841809;0.012365591397849462138025522506;0.016666666666666666435370203203;0.016129032258064515681361683619;0.005376344086021505805361719865;0.000537634408602150537168085087;0.009139784946236559348697880978;0.020430107526881721713429840293;0.007526881720430107954034060214;0.004301075268817204297344680697;0.003763440860215053977017030107;0.001075268817204301074336170174;0.010752688172043011610723439730;0.001612903225806451611504255261;0.007526881720430107954034060214;0.000537634408602150537168085087;0.000000000000000000000000000000;0.005376344086021505805361719865;0.007526881720430107954034060214;0.000000000000000000000000000000;0.006989247311827957200025540629;0.012903225806451612892034042090;0.005913978494623655692008501461;0.011290322580645160630008483338;0.002150537634408602148672340348;0.003225806451612903223008510523;0.013440860215053763646042561675
-0.036666666666666666851703837438;0.005185185185185185036127464286;0.024444444444444445724284875610;0.398518518518518494175850719330;0.003703703703703703845051542487;0.025555555555555557051272685953;0.001111111111111111110147375847;0.010370370370370370072254928573;0.014444444444444443781394582516;0.012962962962962962590318660716;0.010370370370370370072254928573;0.021111111111111111743321444578;0.007777777777777777554191196430;0.020000000000000000416333634234;0.002962962962962962815832712593;0.027037037037037036507625131776;0.011851851851851851263330850372;0.012962962962962962590318660716;0.010000000000000000208166817117;0.003703703703703703845051542487;0.012592592592592592726230549260;0.005925925925925925631665425186;0.003333333333333333547282562037;0.017407407407407406163546426114;0.037407407407407410049327012302;0.028518518518518519433424529552;0.018518518518518517490534236458;0.000000000000000000000000000000;0.001851851851851851922525771243;0.009629629629629630344078705662;0.029629629629629630760412339896;0.013333333333333334189130248149;0.004074074074074073709139653943;0.003703703703703703845051542487;0.006666666666666667094565124074;0.022222222222222223070309254922;0.007407407407407407690103084974;0.013333333333333334189130248149;0.000000000000000000000000000000;0.003333333333333333547282562037;0.006296296296296296363115274630;0.007037037037037036958653235530;0.000000000000000000000000000000;0.011111111111111111535154627461;0.004814814814814815172039352831;0.010740740740740739936343040029;0.021851851851851851471497667490;0.014074074074074073917306471060;0.008888888888888888881179006773;0.015555555555555555108382392859
-0.056349206349206350241676233281;0.010317460317460317234528055508;0.018253968253968255036623347110;0.002380952380952381167156239883;0.029761904761904760252644308594;0.052380952380952382207990325469;0.013095238095238095551997581367;0.034126984126984123701920026406;0.017857142857142856151586585156;0.015476190476190476719153821250;0.021031746031746033354092872969;0.051190476190476189022326991562;0.017460317460317460735996775156;0.015476190476190476719153821250;0.013492063492063492702310867344;0.032936507936507937455150596406;0.015476190476190476719153821250;0.029761904761904760252644308594;0.036111111111111107718762980312;0.004365079365079365183999193789;0.026984126984126985404621734688;0.008730158730158730367998387578;0.011904761904761904101057723437;0.021031746031746033354092872969;0.042063492063492066708185745938;0.026587301587301586519584972734;0.025000000000000001387778780781;0.011507936507936508685467913438;0.003571428571428571317053490830;0.058730158730158729674108997187;0.043650793650793648370544985937;0.011904761904761904101057723437;0.013095238095238095551997581367;0.003968253968253968033685907812;0.015079365079365079568840535273;0.029365079365079364837054498594;0.008730158730158730367998387578;0.025793650793650792218958400781;0.001587301587301587300210536924;0.007936507936507936067371815625;0.011111111111111111535154627461;0.015079365079365079568840535273;0.000000000000000000000000000000;0.011111111111111111535154627461;0.007142857142857142634106981660;0.019444444444444444752839729063;0.009920634920634920084214769531;0.012698412698412698401684295391;0.018650793650793650452213157109;0.010317460317460317234528055508
-0.025925925925925925180637321432;0.006018518518518518531368322044;0.089814814814814819543542512292;0.002777777777777777883788656865;0.004629629629629629372633559115;0.011574074074074073431583897786;0.003240740740740740647579665179;0.020833333333333332176851016015;0.018055555555555553859381490156;0.024537037037037037756626034479;0.010648148148148147904001881159;0.037962962962962962243373965521;0.002777777777777777883788656865;0.050000000000000002775557561563;0.009259259259259258745267118229;0.016203703703703702804217456901;0.045833333333333330095182844843;0.042129629629629627984854778333;0.009722222222222222376419864531;0.012500000000000000693889390391;0.011574074074074073431583897786;0.017129629629629630066522949505;0.016203703703703702804217456901;0.036574074074074071349915726614;0.020833333333333332176851016015;0.021296296296296295808003762318;0.027777777777777776235801354687;0.034722222222222223764198645313;0.002777777777777777883788656865;0.014351851851851851749053423646;0.048611111111111111882099322656;0.032407407407407405608434913802;0.005092592592592593003786305417;0.006481481481481481295159330358;0.012500000000000000693889390391;0.066203703703703709049221970417;0.009259259259259258745267118229;0.006944444444444444058950338672;0.002777777777777777883788656865;0.020370370370370372015145221667;0.007407407407407407690103084974;0.010185185185185186007572610833;0.000000000000000000000000000000;0.015277777777777777276635440273;0.004166666666666666608842550801;0.014351851851851851749053423646;0.037962962962962962243373965521;0.015740740740740739173064710599;0.027314814814814816074095560339;0.009259259259259258745267118229
-0.005555555555555555767577313730;0.014074074074074073917306471060;0.015185185185185185244294281404;0.515185185185185190448464709334;0.084444444444444446973285778313;0.008888888888888888881179006773;0.003703703703703703845051542487;0.020000000000000000416333634234;0.008888888888888888881179006773;0.006666666666666667094565124074;0.006666666666666667094565124074;0.010000000000000000208166817117;0.002222222222222222220294751693;0.005555555555555555767577313730;0.021851851851851851471497667490;0.002962962962962962815832712593;0.010000000000000000208166817117;0.012222222222222222862142437805;0.020370370370370372015145221667;0.002962962962962962815832712593;0.013703703703703704053218359604;0.002962962962962962815832712593;0.001851851851851851922525771243;0.007037037037037036958653235530;0.006296296296296296363115274630;0.006296296296296296363115274630;0.010370370370370370072254928573;0.033333333333333332870740406406;0.001851851851851851922525771243;0.045185185185185182399347780802;0.001851851851851851922525771243;0.005555555555555555767577313730;0.003703703703703703845051542487;0.002592592592592592518063732143;0.004814814814814815172039352831;0.007777777777777777554191196430;0.002222222222222222220294751693;0.001111111111111111110147375847;0.001111111111111111110147375847;0.004074074074074073709139653943;0.006666666666666667094565124074;0.011481481481481481399242738917;0.000000000000000000000000000000;0.003333333333333333547282562037;0.014444444444444443781394582516;0.004444444444444444440589503387;0.005185185185185185036127464286;0.005555555555555555767577313730;0.004814814814814815172039352831;0.002962962962962962815832712593
-0.010833333333333333703407674875;0.022916666666666665047591422422;0.010833333333333333703407674875;0.253333333333333354797645142753;0.131250000000000005551115123126;0.021250000000000001526556658860;0.010416666666666666088425508008;0.025416666666666667268037471672;0.005416666666666666851703837438;0.006250000000000000346944695195;0.010416666666666666088425508008;0.032916666666666663521034763562;0.008750000000000000832667268469;0.007916666666666667337426410711;0.038749999999999999722444243844;0.008750000000000000832667268469;0.007083333333333332974823814965;0.013333333333333334189130248149;0.028750000000000001249000902703;0.000833333333333333386820640509;0.014166666666666665949647629930;0.004166666666666666608842550801;0.003333333333333333547282562037;0.012083333333333333078907223523;0.015416666666666667059870654555;0.011249999999999999583666365766;0.008750000000000000832667268469;0.062500000000000000000000000000;0.003333333333333333547282562037;0.049583333333333333425851918719;0.018333333333333333425851918719;0.008750000000000000832667268469;0.006666666666666667094565124074;0.001666666666666666773641281019;0.004583333333333333356462979680;0.010000000000000000208166817117;0.005833333333333333599324266316;0.005416666666666666851703837438;0.000833333333333333386820640509;0.007499999999999999722444243844;0.007916666666666667337426410711;0.005000000000000000104083408559;0.000000000000000000000000000000;0.009166666666666666712925959359;0.039166666666666669072149886688;0.006666666666666667094565124074;0.007083333333333332974823814965;0.004583333333333333356462979680;0.004583333333333333356462979680;0.006250000000000000346944695195
-0.017676767676767676101823312251;0.040404040404040407474806073651;0.028282828282828284538474861165;0.064646464646464646408574594716;0.026767676767676766569348245639;0.020707070707070708570629591350;0.011111111111111111535154627461;0.047979797979797976503757439559;0.007070707070707071134618715291;0.009090909090909090467524933388;0.016666666666666666435370203203;0.057070707070707070440729324901;0.013636363636363635701287400082;0.009595959595959595300751487912;0.046464646464646465473524727940;0.010606060606060606701928072937;0.023737373737373737569988918494;0.053030303030303031774916888708;0.032828282828282831506960803836;0.005050505050505050934350759206;0.021212121212121213403856145874;0.006565656565656565434030422779;0.014141414141414142269237430583;0.013131313131313130868060845557;0.019696969696969695434729530348;0.016161616161616161602143648679;0.037373737373737371536552842599;0.034848484848484850839867021932;0.003030303030303030300401934127;0.045959595959595957170851221463;0.030303030303030303871381079261;0.006060606060606060600803868255;0.021212121212121213403856145874;0.001010101010101010100133978042;0.012626262626262626034834291033;0.028282828282828284538474861165;0.011111111111111111535154627461;0.011111111111111111535154627461;0.003030303030303030300401934127;0.004545454545454545233762466694;0.015656565656565656768917094155;0.012626262626262626034834291033;0.000000000000000000000000000000;0.009090909090909090467524933388;0.019191919191919190601502975824;0.013131313131313130868060845557;0.013131313131313130868060845557;0.005050505050505050934350759206;0.021717171717171718237082700398;0.006565656565656565434030422779
-0.008333333333333333217685101602;0.024537037037037037756626034479;0.024537037037037037756626034479;0.279166666666666674068153497501;0.069907407407407404220656133020;0.013888888888888888117900677344;0.006944444444444444058950338672;0.025000000000000001387778780781;0.024074074074074074125473288177;0.011574074074074073431583897786;0.007407407407407407690103084974;0.027314814814814816074095560339;0.001388888888888888941894328433;0.010648148148148147904001881159;0.032870370370370369239587660104;0.012500000000000000693889390391;0.020833333333333332176851016015;0.028240740740740739866954100989;0.021759259259259259439156508620;0.002777777777777777883788656865;0.019444444444444444752839729063;0.017592592592592593697675695807;0.004166666666666666608842550801;0.017592592592592593697675695807;0.011111111111111111535154627461;0.016203703703703702804217456901;0.022685185185185186701462001224;0.017129629629629630066522949505;0.003703703703703703845051542487;0.031481481481481478346129421197;0.012962962962962962590318660716;0.016203703703703702804217456901;0.007407407407407407690103084974;0.007870370370370369586532355299;0.003703703703703703845051542487;0.019907407407407408383992475365;0.005555555555555555767577313730;0.003240740740740740647579665179;0.001388888888888888941894328433;0.005092592592592593003786305417;0.013888888888888888117900677344;0.009259259259259258745267118229;0.000000000000000000000000000000;0.013888888888888888117900677344;0.020370370370370372015145221667;0.013425925925925926221471407018;0.009259259259259258745267118229;0.006018518518518518531368322044;0.005555555555555555767577313730;0.010185185185185186007572610833
-0.009374999999999999653055304805;0.023958333333333334952408577578;0.018749999999999999306110609609;0.329687500000000022204460492503;0.116666666666666668517038374375;0.008854166666666666435370203203;0.005208333333333333044212754004;0.024479166666666666435370203203;0.010937499999999999306110609609;0.006770833333333333564629796797;0.009374999999999999653055304805;0.013020833333333333911574491992;0.003645833333333333391157449199;0.007291666666666666782314898398;0.031250000000000000000000000000;0.004687499999999999826527652402;0.010416666666666666088425508008;0.023958333333333334952408577578;0.034375000000000002775557561563;0.000520833333333333326105318850;0.017187500000000001387778780781;0.006770833333333333564629796797;0.005208333333333333044212754004;0.013020833333333333911574491992;0.009895833333333332870740406406;0.007291666666666666782314898398;0.015625000000000000000000000000;0.027604166666666665741480812812;0.001041666666666666652210637700;0.039062500000000000000000000000;0.005729166666666666261897855605;0.008854166666666666435370203203;0.013020833333333333911574491992;0.002083333333333333304421275400;0.006250000000000000346944695195;0.014062500000000000346944695195;0.005729166666666666261897855605;0.003645833333333333391157449199;0.001041666666666666652210637700;0.004166666666666666608842550801;0.014583333333333333564629796797;0.008333333333333333217685101602;0.000000000000000000000000000000;0.006770833333333333564629796797;0.032812500000000001387778780781;0.010416666666666666088425508008;0.010416666666666666088425508008;0.003645833333333333391157449199;0.007291666666666666782314898398;0.005208333333333333044212754004
-0.017073170731707318359404723651;0.034959349593495933627984584291;0.013821138211382113375469415928;0.041869918699186992050442768232;0.044308943089430896655755987013;0.019918699186991871419305510926;0.013008130081300812996847326986;0.039837398373983742838611021853;0.007723577235772357933718534895;0.032520325203252035961565269417;0.008943089430894309369013406297;0.028861788617886179053595441246;0.003252032520325203249211831746;0.013008130081300812996847326986;0.044308943089430896655755987013;0.011382113821138212239603149101;0.017479674796747966813992292145;0.031707317073170732113496228521;0.036991869918699189778710234577;0.004878048780487804873817747620;0.025609756097560974069660133523;0.004065040650406504495195658677;0.006504065040650406498423663493;0.036585365853658534385228762176;0.018699186991869919116648901536;0.023577235772357724857828387144;0.029268292682926830977629961694;0.036585365853658534385228762176;0.006504065040650406498423663493;0.037398373983739838233297803072;0.015447154471544715867437069790;0.028048780487804878674973352304;0.015853658536585366056748114261;0.002845528455284553059900787275;0.004065040650406504495195658677;0.032926829268292684416152837912;0.010975609756097560315568628653;0.006097560975609756309112619022;0.000813008130081300812302957937;0.000813008130081300812302957937;0.019105691056910567571236470030;0.013008130081300812996847326986;0.000000000000000000000000000000;0.032113821138211380568083797016;0.037398373983739838233297803072;0.040650406504065039747786158841;0.017073170731707318359404723651;0.008943089430894309369013406297;0.011788617886178862428914193572;0.011382113821138212239603149101
-0.033823529411764703678233701112;0.010784313725490195928768955014;0.035784313725490193847100783842;0.010784313725490195928768955014;0.013235294117647058639852808426;0.032352941176470591255753816995;0.008333333333333333217685101602;0.027450980392156862364139158217;0.017156862745098040712310449862;0.045098039215686273883942902785;0.015196078431372548808719891156;0.030882352941176471894380028971;0.012254901960784313555419267061;0.024509803921568627110838534122;0.010784313725490195928768955014;0.020588235294117646773104368663;0.024509803921568627110838534122;0.037254901960784313208474571866;0.023039215686274511218911698052;0.005882352941176470506601248189;0.017156862745098040712310449862;0.010294117647058823386552184331;0.003431372549019607795517394777;0.063235294117647056211239942058;0.026960784313725491556645863511;0.036764705882352942400981277160;0.021568627450980391857537910028;0.005882352941176470506601248189;0.001960784313725490168867082730;0.023039215686274511218911698052;0.016666666666666666435370203203;0.028921568627450981725512946241;0.009803921568627450844335413649;0.004901960784313725422167706824;0.009803921568627450844335413649;0.049019607843137254221677068244;0.015196078431372548808719891156;0.012745098039215686097636037744;0.001960784313725490168867082730;0.007352941176470588133251560237;0.012254901960784313555419267061;0.011764705882352941013202496379;0.000000000000000000000000000000;0.044117647058823532268956313374;0.004901960784313725422167706824;0.044607843137254903076449608079;0.029901960784313726809946487606;0.013235294117647058639852808426;0.019117647058823530881177532592;0.013725490196078431182069579108
-0.035353535353535352203646624503;0.021212121212121213403856145874;0.043939393939393937837945003366;0.010606060606060606701928072937;0.021717171717171718237082700398;0.042929292929292928171491894318;0.002020202020202020200267956085;0.016666666666666666435370203203;0.016161616161616161602143648679;0.019191919191919190601502975824;0.016666666666666666435370203203;0.075757575757575759678452698154;0.010101010101010101868701518413;0.030303030303030303871381079261;0.018181818181818180935049866775;0.022222222222222223070309254922;0.022727272727272727903535809446;0.039898989898989899172132567173;0.018686868686868685768276421300;0.009090909090909090467524933388;0.013131313131313130868060845557;0.008585858585858585634298378864;0.008080808080808080801071824339;0.018686868686868685768276421300;0.050000000000000002775557561563;0.027272727272727271402574800163;0.023737373737373737569988918494;0.019191919191919190601502975824;0.001010101010101010100133978042;0.053030303030303031774916888708;0.048484848484848484806430946037;0.014646464646464647102463985107;0.010606060606060606701928072937;0.003030303030303030300401934127;0.007575757575757575967845269815;0.031313131313131313537834188310;0.010101010101010101868701518413;0.008585858585858585634298378864;0.000000000000000000000000000000;0.008080808080808080801071824339;0.008585858585858585634298378864;0.009595959595959595300751487912;0.000000000000000000000000000000;0.013636363636363635701287400082;0.010606060606060606701928072937;0.011616161616161616368381181985;0.030303030303030303871381079261;0.023737373737373737569988918494;0.017171717171717171268596757727;0.016161616161616161602143648679
-0.017886178861788618738026812593;0.011788617886178862428914193572;0.023577235772357724857828387144;0.269105691056910567571236470030;0.015853658536585366056748114261;0.030081300813008131356252050637;0.002845528455284553059900787275;0.014227642276422763564780460399;0.028048780487804878674973352304;0.014227642276422763564780460399;0.012601626016260162807536282514;0.058943089430894310409847491883;0.006097560975609756309112619022;0.017479674796747966813992292145;0.017479674796747966813992292145;0.018292682926829267192614381088;0.019105691056910567571236470030;0.020325203252032519873893079421;0.014634146341463415488814980847;0.005284552845528455063128792091;0.012601626016260162807536282514;0.012195121951219512618225238043;0.003658536585365853872203745212;0.023170731707317072933793866696;0.024390243902439025236450476086;0.018292682926829267192614381088;0.017073170731707318359404723651;0.006097560975609756309112619022;0.006504065040650406498423663493;0.034552845528455285173397015797;0.033333333333333332870740406406;0.019105691056910567571236470030;0.004878048780487804873817747620;0.004878048780487804873817747620;0.004471544715447154684506703148;0.022357723577235772555171777753;0.007317073170731707744407490424;0.011382113821138212239603149101;0.006504065040650406498423663493;0.004471544715447154684506703148;0.005691056910569106119801574550;0.011382113821138212239603149101;0.000000000000000000000000000000;0.017886178861788618738026812593;0.010975609756097560315568628653;0.014634146341463415488814980847;0.016260162601626017980782634709;0.010162601626016259936946539710;0.008536585365853659179702361826;0.009349593495934959558324450768
-0.012820512820512820068019621544;0.002991452991452991667237215623;0.020085470085470086970547143324;0.569230769230769206856734854227;0.000854700854700854700113366036;0.008974358974358973700669039886;0.003846153846153846367350581659;0.014529914529914530335608091605;0.002136752136752136967123849587;0.026495726495726495269833478119;0.005555555555555555767577313730;0.014957264957264957902505209120;0.002136752136752136967123849587;0.010683760683760683968257509946;0.014102564102564102768710974090;0.008547008547008547868495398347;0.009829059829059828834463274916;0.007264957264957265167804045802;0.007264957264957265167804045802;0.001709401709401709400226732072;0.008119658119658120301598280832;0.004700854700854700633783078700;0.000000000000000000000000000000;0.041452991452991451437615211262;0.011965811965811966668948862491;0.014529914529914530335608091605;0.012820512820512820068019621544;0.004700854700854700633783078700;0.002991452991452991667237215623;0.007692307692307692734701163317;0.009401709401709401267566157401;0.018376068376068376702958673263;0.001709401709401709400226732072;0.002991452991452991667237215623;0.001709401709401709400226732072;0.026923076923076924571454071611;0.002991452991452991667237215623;0.006410256410256410034009810772;0.000427350427350427350056683018;0.000427350427350427350056683018;0.006410256410256410034009810772;0.002564102564102564100340098108;0.000000000000000000000000000000;0.016666666666666666435370203203;0.003418803418803418800453464144;0.014102564102564102768710974090;0.012820512820512820068019621544;0.008974358974358973700669039886;0.004273504273504273934247699174;0.006410256410256410034009810772
-0.035714285714285712303173170312;0.005102040816326530205115918903;0.043877551020408162019137421339;0.206122448979591837980862578661;0.005102040816326530205115918903;0.014285714285714285268213963320;0.001700680272108843473985451134;0.019727891156462583344133321361;0.014625850340136054006379140446;0.034353741496598637350512461808;0.011224489795918366624727369185;0.032312925170068028390968351005;0.003401360544217686947970902267;0.032653061224489798863857004108;0.008843537414965987192294605279;0.028571428571428570536427926640;0.021088435374149658296794029866;0.019727891156462583344133321361;0.007482993197278911372272158786;0.006122448979591836419611450282;0.010884353741496597886562192059;0.009863945578231291672066660681;0.001700680272108843473985451134;0.054761904761904761640423089375;0.041156462585034012113816004330;0.044217687074829932492026074442;0.014625850340136054006379140446;0.005442176870748298943281096030;0.001360544217687074735820274007;0.010884353741496597886562192059;0.017687074829931974384589210558;0.023809523809523808202115446875;0.001360544217687074735820274007;0.003061224489795918209805725141;0.005782312925170067681446273156;0.039795918367346937161155295826;0.007142857142857142634106981660;0.011904761904761904101057723437;0.000680272108843537367910137004;0.002380952380952381167156239883;0.007142857142857142634106981660;0.004081632653061224857982125513;0.000000000000000000000000000000;0.019387755102040816340691620212;0.005782312925170067681446273156;0.014285714285714285268213963320;0.042857142857142857539365365938;0.020408163265306120820463675614;0.012244897959183672839222900564;0.013265306122448979053718431942
-0.017924528301886791942232335373;0.033333333333333332870740406406;0.023899371069182391569274415133;0.148742138364779868942022744704;0.019182389937106917449094467543;0.019496855345911948825810000585;0.006289308176100629269034136826;0.033962264150943395624171472491;0.016037735849056603681939137118;0.013836477987421384044930405821;0.016037735849056603681939137118;0.021383647798742137086103198840;0.009433962264150943036189467250;0.016666666666666666435370203203;0.037421383647798740768042335958;0.010062893081761005789620533335;0.017610062893081760565516802330;0.053144654088050316542712891987;0.034276729559748427000887005534;0.006289308176100629269034136826;0.016981132075471697812085736246;0.006918238993710692022465202911;0.015723270440251572305223604076;0.019182389937106917449094467543;0.016981132075471697812085736246;0.015723270440251572305223604076;0.040566037735849054535197666382;0.032704402515723270117309340321;0.003144654088050314634517068413;0.028301886792452830843291877727;0.014779874213836478175077004948;0.013207547169811321291499339736;0.016352201257861635058654670161;0.007547169811320754775896268995;0.009119496855345911659473934208;0.028616352201257862220007410770;0.012578616352201258538068273651;0.006918238993710692022465202911;0.000628930817610062861851283333;0.012578616352201258538068273651;0.015094339622641509551792537991;0.015408805031446540928508071033;0.000000000000000000000000000000;0.011635220125786162673198198547;0.021069182389937105709387665797;0.011320754716981131296482665505;0.012578616352201258538068273651;0.006918238993710692022465202911;0.022641509433962262592965331010;0.009748427672955974412905000293
-0.023333333333333334397297065266;0.017083333333333332315628894094;0.021666666666666667406815349750;0.368333333333333345915860945752;0.023750000000000000277555756156;0.020833333333333332176851016015;0.002500000000000000052041704279;0.023333333333333334397297065266;0.027500000000000000138777878078;0.011249999999999999583666365766;0.012916666666666666574148081281;0.029999999999999998889776975375;0.008750000000000000832667268469;0.012500000000000000693889390391;0.016250000000000000555111512313;0.014999999999999999444888487687;0.011666666666666667198648532633;0.025833333333333333148296162562;0.017083333333333332315628894094;0.005833333333333333599324266316;0.009583333333333332593184650250;0.012083333333333333078907223523;0.005000000000000000104083408559;0.016666666666666666435370203203;0.020000000000000000416333634234;0.016250000000000000555111512313;0.015416666666666667059870654555;0.024166666666666666157814447047;0.000416666666666666693410320255;0.020000000000000000416333634234;0.018749999999999999306110609609;0.004583333333333333356462979680;0.007916666666666667337426410711;0.005416666666666666851703837438;0.005416666666666666851703837438;0.016666666666666666435370203203;0.002916666666666666799662133158;0.007083333333333332974823814965;0.000833333333333333386820640509;0.003749999999999999861222121922;0.006666666666666667094565124074;0.021666666666666667406815349750;0.000000000000000000000000000000;0.009166666666666666712925959359;0.009166666666666666712925959359;0.005000000000000000104083408559;0.013750000000000000069388939039;0.009166666666666666712925959359;0.009166666666666666712925959359;0.007916666666666667337426410711
-0.017204301075268817189378722787;0.044623655913978495235472365721;0.045161290322580642520033933351;0.043010752688172046442893758922;0.024193548387096773522042525428;0.024193548387096773522042525428;0.006451612903225806446017021045;0.028494623655913979554110682102;0.034408602150537634378757445575;0.008064516129032257840680841809;0.010215053763440860856714920146;0.022580645161290321260016966676;0.007526881720430107954034060214;0.012365591397849462138025522506;0.048387096774193547044085050857;0.026344086021505376538076603765;0.023118279569892472014025486260;0.054838709677419356092187285867;0.031182795698924729854706328069;0.006451612903225806446017021045;0.019354838709677420205412801124;0.021505376344086023221446879461;0.005913978494623655692008501461;0.012903225806451612892034042090;0.030107526881720431816136240855;0.023118279569892472014025486260;0.024193548387096773522042525428;0.066129032258064518456919245182;0.001075268817204301074336170174;0.016129032258064515681361683619;0.022580645161290321260016966676;0.015591397849462364927353164035;0.008064516129032257840680841809;0.003763440860215053977017030107;0.005913978494623655692008501461;0.027419354838709678046093642934;0.010215053763440860856714920146;0.009677419354838710102706400562;0.002688172043010752902680859933;0.006451612903225806446017021045;0.010752688172043011610723439730;0.032795698924731185586178838776;0.000000000000000000000000000000;0.005913978494623655692008501461;0.020430107526881721713429840293;0.010752688172043011610723439730;0.017741935483870967943387242372;0.021505376344086023221446879461;0.014516129032258065154059600843;0.013978494623655914400051081259
-0.026388888888888888811790067734;0.008333333333333333217685101602;0.074537037037037040532183596042;0.000000000000000000000000000000;0.000000000000000000000000000000;0.015277777777777777276635440273;0.001851851851851851922525771243;0.024074074074074074125473288177;0.020370370370370372015145221667;0.044444444444444446140618509844;0.017592592592592593697675695807;0.006944444444444444058950338672;0.010648148148148147904001881159;0.061574074074074072737694507396;0.005092592592592593003786305417;0.018518518518518517490534236458;0.032870370370370369239587660104;0.042129629629629627984854778333;0.005092592592592593003786305417;0.011111111111111111535154627461;0.012037037037037037062736644089;0.010185185185185186007572610833;0.006944444444444444058950338672;0.069907407407407404220656133020;0.031481481481481478346129421197;0.049074074074074075513252068959;0.030555555555555554553270880547;0.000925925925925925961262885622;0.001851851851851851922525771243;0.004166666666666666608842550801;0.007407407407407407690103084974;0.039814814814814816767984950729;0.004629629629629629372633559115;0.006481481481481481295159330358;0.013888888888888888117900677344;0.055555555555555552471602709375;0.010648148148148147904001881159;0.010185185185185186007572610833;0.003240740740740740647579665179;0.012037037037037037062736644089;0.004166666666666666608842550801;0.012037037037037037062736644089;0.000000000000000000000000000000;0.030092592592592590922118134245;0.002777777777777777883788656865;0.018055555555555553859381490156;0.058796296296296297889671933490;0.030092592592592590922118134245;0.018981481481481481121686982760;0.017129629629629630066522949505
-0.032882882882882880082320298243;0.007657657657657657504501891310;0.058108108108108111333756085060;0.001351351351351351426366420583;0.051801801801801800051450186402;0.025675675675675677100961991073;0.001351351351351351426366420583;0.026576576576576575738908303492;0.020270270270270271395496308742;0.034234234234234231508686718826;0.016666666666666666435370203203;0.026576576576576575738908303492;0.012612612612612612156270941455;0.040540540540540542790992617483;0.006756756756756757131832102914;0.019819819819819818607076200578;0.021171171171171170033442621161;0.032432432432432434232794093987;0.015765765765765764327976938830;0.007207207207207207318166997112;0.018918918918918919969129888159;0.008108108108108108558198523497;0.005855855855855855891800576529;0.042342342342342340066885242322;0.032882882882882880082320298243;0.035585585585585582935053139408;0.025675675675675677100961991073;0.034684684684684684297106826989;0.001351351351351351426366420583;0.036936936936936934361419559991;0.009459459459459459984564944079;0.022972972972972974248229149907;0.010810810810810811410931364662;0.003153153153153153039067735364;0.015315315315315315009003782620;0.036486486486486488511893355735;0.008558558558558557877171679706;0.009459459459459459984564944079;0.000450450450450450457385437320;0.008108108108108108558198523497;0.004504504504504504465434155946;0.025225225225225224312541882909;0.000000000000000000000000000000;0.024324324324324325674595570490;0.004504504504504504465434155946;0.014864864864864865690030626411;0.033783783783783785659160514570;0.025225225225225224312541882909;0.024324324324324325674595570490;0.016666666666666666435370203203
-0.038157894736842105920526790896;0.007456140350877192742029553330;0.035964912280701755165068789211;0.003070175438596491231113549958;0.057894736842105262719648806069;0.034210526315789475948481168643;0.000438596491228070183617665512;0.023684210526315790240614589379;0.016228070175438594896499822084;0.032456140350877189792999644169;0.022807017543859650632320779096;0.029385964912280702898694784153;0.016228070175438594896499822084;0.032456140350877189792999644169;0.014035087719298245875765296375;0.014473684210526315679912201517;0.019736842105263156799122015173;0.025000000000000001387778780781;0.024561403508771929848908399663;0.006578947368421052266374005058;0.018421052631578945651957823770;0.004824561403508772182424646502;0.007894736842105263413538196460;0.034649122807017540548457645855;0.037719298245614034381656409778;0.036842105263157891303915647541;0.030701754385964910576412023602;0.044298245614035086648030414835;0.000877192982456140367235331023;0.046929824561403508942358797640;0.014473684210526315679912201517;0.020175438596491228337992396291;0.010087719298245614168996198146;0.004824561403508772182424646502;0.011842105263157895120307294690;0.034649122807017540548457645855;0.012280701754385964924454199831;0.010087719298245614168996198146;0.001315789473684210496642887911;0.004824561403508772182424646502;0.005263157894736841986571551644;0.016666666666666666435370203203;0.000000000000000000000000000000;0.018859649122807017190828204889;0.005263157894736841986571551644;0.017543859649122806043664013487;0.026315789473684209065496020230;0.025877192982456140996072591065;0.027631578947368420212660211632;0.014035087719298245875765296375
-0.050476190476190473110928991218;0.002380952380952381167156239883;0.044285714285714282423267462718;0.000000000000000000000000000000;0.006190476190476190687661528500;0.015714285714285715356286488031;0.000000000000000000000000000000;0.011904761904761904101057723437;0.008571428571428571854817768383;0.051904761904761904933724991906;0.017619047619047617514453918375;0.014285714285714285268213963320;0.010000000000000000208166817117;0.070952380952380947332081007062;0.001428571428571428570189483231;0.028571428571428570536427926640;0.011904761904761904101057723437;0.010952380952380953021974008266;0.005714285714285714280757932926;0.008571428571428571854817768383;0.020000000000000000416333634234;0.010476190476190475747708674703;0.004285714285714285927408884191;0.061428571428571429602349951438;0.053809523809523807091892422250;0.063333333333333338699411285688;0.024761904761904762750646114000;0.013333333333333334189130248149;0.000000000000000000000000000000;0.016190476190476189161104869640;0.007619047619047619041010577234;0.018571428571428572062984585500;0.002380952380952381167156239883;0.005238095238095237873854337352;0.014761904761904762542479296883;0.044761904761904759697532796281;0.019047619047619049337249919063;0.007619047619047619041010577234;0.000000000000000000000000000000;0.008095238095238094580552434820;0.002380952380952381167156239883;0.002857142857142857140378966463;0.000000000000000000000000000000;0.029999999999999998889776975375;0.001428571428571428570189483231;0.010952380952380953021974008266;0.071428571428571424606346340624;0.062857142857142861425145952126;0.026190476190476191103995162734;0.024761904761904762750646114000
-0.027350427350427350403627713149;0.060683760683760683274368119555;0.036752136752136753405917346527;0.008547008547008547868495398347;0.018803418803418802535132314802;0.024786324786324785002245008059;0.004273504273504273934247699174;0.033333333333333332870740406406;0.011111111111111111535154627461;0.023504273504273504036277131490;0.011965811965811966668948862491;0.041880341880341877269788852800;0.011965811965811966668948862491;0.026495726495726495269833478119;0.039743589743589741170026741202;0.022649572649572648902482896460;0.011965811965811966668948862491;0.043589743589743587537377322860;0.014957264957264957902505209120;0.005982905982905983334474431246;0.016239316239316240603196561665;0.006410256410256410034009810772;0.008974358974358973700669039886;0.023931623931623933337897724982;0.027777777777777776235801354687;0.032905982905982907038566764868;0.026068376068376069437659836581;0.077350427350427353179185274712;0.000427350427350427350056683018;0.022649572649572648902482896460;0.027777777777777776235801354687;0.016666666666666666435370203203;0.007264957264957265167804045802;0.004273504273504273934247699174;0.008547008547008547868495398347;0.029487179487179486503389824748;0.011111111111111111535154627461;0.011111111111111111535154627461;0.001282051282051282050170049054;0.008974358974358973700669039886;0.014957264957264957902505209120;0.017948717948717947401338079771;0.000000000000000000000000000000;0.014529914529914530335608091605;0.014529914529914530335608091605;0.010683760683760683968257509946;0.027350427350427350403627713149;0.022649572649572648902482896460;0.015811965811965811301575968173;0.011965811965811966668948862491
-0.013793103448275861877547754375;0.079885057471264370176911029375;0.011494252873563218231289795312;0.016091954022988505523805713437;0.024137931034482758285708570156;0.013793103448275861877547754375;0.010919540229885057319725305547;0.063218390804597707210987778126;0.011494252873563218231289795312;0.006896551724137930938773877187;0.013218390804597700965983264609;0.022988505747126436462579590625;0.009195402298850574585031836250;0.007471264367816091850338366953;0.068390804597701151945621234063;0.012643678160919540054418774844;0.014367816091954022789112244141;0.068390804597701151945621234063;0.043103448275862071836783684375;0.002298850574712643646257959062;0.026436781609195401931966529219;0.005172413793103448204080407891;0.015517241379310344612241223672;0.013218390804597700965983264609;0.013793103448275861877547754375;0.015517241379310344612241223672;0.031034482758620689224482447344;0.077586206896551726530653070313;0.001149425287356321823128979531;0.021839080459770114639450611094;0.021839080459770114639450611094;0.008620689655172413673467346484;0.017241379310344827346934692969;0.006896551724137930938773877187;0.003448275862068965469386938594;0.025287356321839080108837549687;0.016091954022988505523805713437;0.009195402298850574585031836250;0.002298850574712643646257959062;0.004022988505747126380951428359;0.032758620689655175428622868594;0.025862068965517241020402039453;0.000000000000000000000000000000;0.008620689655172413673467346484;0.035057471264367819074880827657;0.011494252873563218231289795312;0.007471264367816091850338366953;0.005747126436781609115644897656;0.016666666666666666435370203203;0.006321839080459770027209387422
-0.014444444444444443781394582516;0.051666666666666666296592325125;0.013888888888888888117900677344;0.059722222222222225151977426094;0.045277777777777777901135891625;0.020277777777777776513357110844;0.010000000000000000208166817117;0.058888888888888886452566140406;0.006666666666666667094565124074;0.008055555555555555385938149016;0.014166666666666665949647629930;0.025000000000000001387778780781;0.008333333333333333217685101602;0.009444444444444444544672911945;0.077222222222222219878418059125;0.014166666666666665949647629930;0.013888888888888888117900677344;0.035555555555555555524716027094;0.042777777777777775680689842375;0.003055555555555555715535609451;0.023611111111111110494320541875;0.005000000000000000104083408559;0.005833333333333333599324266316;0.016388888888888890338346726594;0.016111111111111110771876298031;0.013888888888888888117900677344;0.030277777777777778456247403938;0.069722222222222227094867719188;0.000277777777777777777536843962;0.030555555555555554553270880547;0.043333333333333334813630699500;0.013611111111111110286153724758;0.019444444444444444752839729063;0.002500000000000000052041704279;0.004444444444444444440589503387;0.018611111111111109522875395328;0.010277777777777778039913769703;0.008888888888888888881179006773;0.000833333333333333386820640509;0.000555555555555555555073687923;0.021666666666666667406815349750;0.011388888888888889366901580047;0.000000000000000000000000000000;0.009444444444444444544672911945;0.043333333333333334813630699500;0.013055555555555556357383295563;0.010000000000000000208166817117;0.007777777777777777554191196430;0.011111111111111111535154627461;0.005555555555555555767577313730
-0.020270270270270271395496308742;0.004504504504504504465434155946;0.049549549549549549987137453400;0.145045045045045034592945398799;0.000450450450450450457385437320;0.005855855855855855891800576529;0.004954954954954954651769050145;0.021171171171171170033442621161;0.016666666666666666435370203203;0.040990990990990988640518821740;0.010360360360360360357234732476;0.014864864864864865690030626411;0.003153153153153153039067735364;0.044144144144144144281671771068;0.006306306306306306078135470727;0.026126126126126126419935147283;0.019819819819819818607076200578;0.012162162162162162837297785245;0.003603603603603603659083498556;0.003603603603603603659083498556;0.012612612612612612156270941455;0.012162162162162162837297785245;0.000450450450450450457385437320;0.090090090090090085839236166976;0.021621621621621622821862729324;0.040540540540540542790992617483;0.022522522522522521459809041744;0.017117117117117115754343359413;0.010360360360360360357234732476;0.001801801801801801829541749278;0.015315315315315315009003782620;0.048198198198198198560771032817;0.000000000000000000000000000000;0.014864864864864865690030626411;0.007657657657657657504501891310;0.038288288288288285787785980574;0.007207207207207207318166997112;0.009909909909909909303538100289;0.000000000000000000000000000000;0.004504504504504504465434155946;0.004954954954954954651769050145;0.004054054054054054279099261748;0.000000000000000000000000000000;0.045045045045045042919618083488;0.004504504504504504465434155946;0.020720720720720720714469464951;0.042792792792792792855305350486;0.022072072072072072140835885534;0.014414414414414414636333994224;0.012612612612612612156270941455
-0.009583333333333332593184650250;0.010833333333333333703407674875;0.023750000000000000277555756156;0.465833333333333321490954403998;0.005833333333333333599324266316;0.031666666666666669349705642844;0.005416666666666666851703837438;0.013750000000000000069388939039;0.008750000000000000832667268469;0.012083333333333333078907223523;0.008750000000000000832667268469;0.017083333333333332315628894094;0.010000000000000000208166817117;0.009583333333333332593184650250;0.019583333333333334536074943344;0.017916666666666667545593227828;0.022499999999999999167332731531;0.021666666666666667406815349750;0.007083333333333332974823814965;0.003333333333333333547282562037;0.005416666666666666851703837438;0.004583333333333333356462979680;0.002083333333333333304421275400;0.022499999999999999167332731531;0.026666666666666668378260496297;0.014583333333333333564629796797;0.012083333333333333078907223523;0.007083333333333332974823814965;0.005000000000000000104083408559;0.017916666666666667545593227828;0.009166666666666666712925959359;0.019166666666666665186369300500;0.005000000000000000104083408559;0.005000000000000000104083408559;0.005000000000000000104083408559;0.020000000000000000416333634234;0.002083333333333333304421275400;0.006250000000000000346944695195;0.000416666666666666693410320255;0.002916666666666666799662133158;0.005000000000000000104083408559;0.004166666666666666608842550801;0.000000000000000000000000000000;0.015833333333333334674852821422;0.011249999999999999583666365766;0.010833333333333333703407674875;0.014166666666666665949647629930;0.012500000000000000693889390391;0.002916666666666666799662133158;0.005416666666666666851703837438
-0.016296296296296294836558615771;0.010000000000000000208166817117;0.014074074074074073917306471060;0.532962962962962971680269674835;0.015555555555555555108382392859;0.011111111111111111535154627461;0.005925925925925925631665425186;0.013333333333333334189130248149;0.007037037037037036958653235530;0.007407407407407407690103084974;0.006296296296296296363115274630;0.015555555555555555108382392859;0.002222222222222222220294751693;0.012592592592592592726230549260;0.019259259259259260688157411323;0.018148148148148149361169600979;0.009629629629629630344078705662;0.010000000000000000208166817117;0.017777777777777777762358013547;0.003333333333333333547282562037;0.012222222222222222862142437805;0.006666666666666667094565124074;0.002222222222222222220294751693;0.013333333333333334189130248149;0.018888888888888889089345823891;0.015925925925925926707193980292;0.013333333333333334189130248149;0.010740740740740739936343040029;0.000370370370370370351979089074;0.012962962962962962590318660716;0.024074074074074074125473288177;0.005555555555555555767577313730;0.006666666666666667094565124074;0.003333333333333333547282562037;0.003333333333333333547282562037;0.012592592592592592726230549260;0.002222222222222222220294751693;0.015555555555555555108382392859;0.004444444444444444440589503387;0.004814814814814815172039352831;0.005555555555555555767577313730;0.004814814814814815172039352831;0.000000000000000000000000000000;0.003703703703703703845051542487;0.009259259259259258745267118229;0.010370370370370370072254928573;0.008888888888888888881179006773;0.006666666666666667094565124074;0.005925925925925925631665425186;0.007037037037037036958653235530
-0.015196078431372548808719891156;0.043137254901960783715075820055;0.025980392156862746472212322146;0.173529411764705876475289869632;0.046078431372549022437823396103;0.019607843137254901688670827298;0.012745098039215686097636037744;0.034313725490196081424620899725;0.009313725490196078302118642966;0.013235294117647058639852808426;0.009313725490196078302118642966;0.021078431372549021050044615322;0.004411764705882352879950936142;0.010784313725490195928768955014;0.058823529411764705066012481893;0.010294117647058823386552184331;0.020588235294117646773104368663;0.034313725490196081424620899725;0.026470588235294117279705616852;0.001960784313725490168867082730;0.015686274509803921350936661838;0.005392156862745097964384477507;0.006862745098039215591034789554;0.025000000000000001387778780781;0.016176470588235295627876908497;0.011764705882352941013202496379;0.024509803921568627110838534122;0.030882352941176471894380028971;0.002450980392156862711083853412;0.036764705882352942400981277160;0.030882352941176471894380028971;0.022058823529411766134478156687;0.012745098039215686097636037744;0.002450980392156862711083853412;0.005392156862745097964384477507;0.020588235294117646773104368663;0.007843137254901960675468330919;0.005882352941176470506601248189;0.001960784313725490168867082730;0.001470588235294117626650312047;0.018137254901960785796743991227;0.011274509803921568470985725696;0.000000000000000000000000000000;0.011274509803921568470985725696;0.031862745098039213509366618382;0.014215686274509803724286349791;0.009803921568627450844335413649;0.007352941176470588133251560237;0.011764705882352941013202496379;0.006372549019607843048818018872
-0.033823529411764703678233701112;0.018137254901960785796743991227;0.031372549019607842701873323676;0.007352941176470588133251560237;0.016666666666666666435370203203;0.037745098039215684015967866571;0.004411764705882352879950936142;0.030882352941176471894380028971;0.012254901960784313555419267061;0.023529411764705882026404992757;0.026960784313725491556645863511;0.043137254901960783715075820055;0.018137254901960785796743991227;0.026960784313725491556645863511;0.026470588235294117279705616852;0.017156862745098040712310449862;0.014215686274509803724286349791;0.030882352941176471894380028971;0.022549019607843136941971451392;0.007352941176470588133251560237;0.024509803921568627110838534122;0.011274509803921568470985725696;0.006372549019607843048818018872;0.034803921568627452232114194430;0.044117647058823532268956313374;0.027450980392156862364139158217;0.033823529411764703678233701112;0.026470588235294117279705616852;0.002450980392156862711083853412;0.044117647058823532268956313374;0.030882352941176471894380028971;0.016176470588235295627876908497;0.014215686274509803724286349791;0.004901960784313725422167706824;0.013235294117647058639852808426;0.034313725490196081424620899725;0.012745098039215686097636037744;0.006862745098039215591034789554;0.001470588235294117626650312047;0.009313725490196078302118642966;0.009803921568627450844335413649;0.008823529411764705759901872284;0.000000000000000000000000000000;0.020588235294117646773104368663;0.012254901960784313555419267061;0.017156862745098040712310449862;0.025000000000000001387778780781;0.016666666666666666435370203203;0.025490196078431372195272075487;0.014705882352941176266503120473
-0.048518518518518516380311211833;0.013703703703703704053218359604;0.034074074074074076068363581271;0.001481481481481481407916356297;0.002962962962962962815832712593;0.028518518518518519433424529552;0.003333333333333333547282562037;0.042222222222222223486642889156;0.012222222222222222862142437805;0.015555555555555555108382392859;0.022592592592592591199673890401;0.037037037037037034981068472916;0.014814814814814815380206169948;0.023333333333333334397297065266;0.022222222222222223070309254922;0.020000000000000000416333634234;0.015925925925925926707193980292;0.039629629629629632703302632990;0.040740740740740744030290443334;0.007037037037037036958653235530;0.031111111111111110216764785719;0.006666666666666667094565124074;0.013703703703703704053218359604;0.024814814814814813853649511088;0.045555555555555557467606320188;0.038518518518518521376314822646;0.044444444444444446140618509844;0.008518518518518519017090895318;0.002222222222222222220294751693;0.019629629629629628817522046802;0.025185185185185185452461098521;0.013333333333333334189130248149;0.020370370370370372015145221667;0.004074074074074073709139653943;0.015555555555555555108382392859;0.036666666666666666851703837438;0.022222222222222223070309254922;0.008888888888888888881179006773;0.001111111111111111110147375847;0.010370370370370370072254928573;0.011111111111111111535154627461;0.008148148148148147418279307885;0.000000000000000000000000000000;0.015555555555555555108382392859;0.014074074074074073917306471060;0.018148148148148149361169600979;0.021851851851851851471497667490;0.017777777777777777762358013547;0.040000000000000000832667268469;0.014444444444444443781394582516
-0.048055555555555552749158465531;0.014444444444444443781394582516;0.022777777777777778733803160094;0.013333333333333334189130248149;0.008333333333333333217685101602;0.071388888888888890615902482750;0.004166666666666666608842550801;0.021666666666666667406815349750;0.013611111111111110286153724758;0.013333333333333334189130248149;0.020277777777777776513357110844;0.107222222222222218768195034500;0.020000000000000000416333634234;0.021944444444444443503838826359;0.008888888888888888881179006773;0.038055555555555557745162076344;0.015833333333333334674852821422;0.026111111111111112714766591125;0.033055555555555553304269977843;0.002777777777777777883788656865;0.018333333333333333425851918719;0.009166666666666666712925959359;0.006388888888888889262818171488;0.018055555555555553859381490156;0.050555555555555554969604514781;0.024444444444444445724284875610;0.024444444444444445724284875610;0.014444444444444443781394582516;0.002222222222222222220294751693;0.048333333333333332315628894094;0.066388888888888886175010384250;0.009722222222222222376419864531;0.009722222222222222376419864531;0.004166666666666666608842550801;0.013888888888888888117900677344;0.021111111111111111743321444578;0.007499999999999999722444243844;0.013055555555555556357383295563;0.001111111111111111110147375847;0.005277777777777777935830361145;0.005555555555555555767577313730;0.010000000000000000208166817117;0.000000000000000000000000000000;0.009722222222222222376419864531;0.009166666666666666712925959359;0.012222222222222222862142437805;0.015277777777777777276635440273;0.013055555555555556357383295563;0.018611111111111109522875395328;0.012777777777777778525636342977
-0.023888888888888890060790970438;0.019166666666666665186369300500;0.027222222222222220572307449515;0.238333333333333341474968847251;0.009722222222222222376419864531;0.038333333333333330372738601000;0.005277777777777777935830361145;0.017500000000000001665334536938;0.028333333333333331899295259859;0.008333333333333333217685101602;0.012777777777777778525636342977;0.049444444444444443642616704437;0.011944444444444445030395485219;0.012500000000000000693889390391;0.015277777777777777276635440273;0.015555555555555555108382392859;0.025277777777777777484802257391;0.031388888888888889783235214281;0.015833333333333334674852821422;0.004722222222222222272336455973;0.014444444444444443781394582516;0.017222222222222222098864108375;0.009444444444444444544672911945;0.013333333333333334189130248149;0.028888888888888887562789165031;0.011111111111111111535154627461;0.014166666666666665949647629930;0.021666666666666667406815349750;0.003611111111111110945348645629;0.036388888888888887285233408875;0.036666666666666666851703837438;0.016111111111111110771876298031;0.009166666666666666712925959359;0.005277777777777777935830361145;0.009722222222222222376419864531;0.020000000000000000416333634234;0.008611111111111111049432054187;0.011944444444444445030395485219;0.006666666666666667094565124074;0.007499999999999999722444243844;0.005000000000000000104083408559;0.022499999999999999167332731531;0.000000000000000000000000000000;0.006666666666666667094565124074;0.006666666666666667094565124074;0.006111111111111111431071218902;0.011944444444444445030395485219;0.010277777777777778039913769703;0.010277777777777778039913769703;0.007777777777777777554191196430
-0.012601626016260162807536282514;0.004471544715447154684506703148;0.006910569105691056687734707964;0.613008130081300839364644161833;0.021951219512195120631137257305;0.009756097560975609747635495239;0.004878048780487804873817747620;0.015447154471544715867437069790;0.004065040650406504495195658677;0.006910569105691056687734707964;0.005691056910569106119801574550;0.012195121951219512618225238043;0.002439024390243902436908873810;0.004878048780487804873817747620;0.018292682926829267192614381088;0.010975609756097560315568628653;0.010569105691056910126257584182;0.008943089430894309369013406297;0.017073170731707318359404723651;0.002439024390243902436908873810;0.017073170731707318359404723651;0.003252032520325203249211831746;0.000813008130081300812302957937;0.009756097560975609747635495239;0.014227642276422763564780460399;0.009349593495934959558324450768;0.004878048780487804873817747620;0.006097560975609756309112619022;0.000813008130081300812302957937;0.019512195121951219495270990478;0.019105691056910567571236470030;0.006504065040650406498423663493;0.002439024390243902436908873810;0.002032520325203252247597829339;0.002032520325203252247597829339;0.008536585365853659179702361826;0.002032520325203252247597829339;0.013821138211382113375469415928;0.000406504065040650406151478968;0.000406504065040650406151478968;0.008943089430894309369013406297;0.003658536585365853872203745212;0.000000000000000000000000000000;0.007723577235772357933718534895;0.010162601626016259936946539710;0.013008130081300812996847326986;0.007723577235772357933718534895;0.005691056910569106119801574550;0.002439024390243902436908873810;0.004065040650406504495195658677
-0.008518518518518519017090895318;0.010740740740740739936343040029;0.006666666666666667094565124074;0.542592592592592626310477044171;0.039629629629629632703302632990;0.014444444444444443781394582516;0.005925925925925925631665425186;0.020370370370370372015145221667;0.006296296296296296363115274630;0.006666666666666667094565124074;0.005185185185185185036127464286;0.017407407407407406163546426114;0.003333333333333333547282562037;0.004444444444444444440589503387;0.027407407407407408106436719208;0.008518518518518519017090895318;0.008148148148148147418279307885;0.011111111111111111535154627461;0.025185185185185185452461098521;0.001481481481481481407916356297;0.010370370370370370072254928573;0.004444444444444444440589503387;0.002222222222222222220294751693;0.011111111111111111535154627461;0.009259259259259258745267118229;0.006666666666666667094565124074;0.013703703703703704053218359604;0.010740740740740739936343040029;0.000740740740740740703958178148;0.023333333333333334397297065266;0.032592592592592589673117231541;0.006296296296296296363115274630;0.003333333333333333547282562037;0.001851851851851851922525771243;0.001111111111111111110147375847;0.007777777777777777554191196430;0.004074074074074073709139653943;0.008518518518518519017090895318;0.000370370370370370351979089074;0.002962962962962962815832712593;0.007407407407407407690103084974;0.001481481481481481407916356297;0.000000000000000000000000000000;0.006666666666666667094565124074;0.024444444444444445724284875610;0.005555555555555555767577313730;0.007407407407407407690103084974;0.004444444444444444440589503387;0.002962962962962962815832712593;0.004074074074074073709139653943
-0.018817204301075269451404281540;0.006451612903225806446017021045;0.008064516129032257840680841809;0.506989247311827928577088187012;0.058602150537634407900799971003;0.022043010752688170506008447092;0.004838709677419355051353200281;0.017204301075268817189378722787;0.001612903225806451611504255261;0.005913978494623655692008501461;0.011290322580645160630008483338;0.029569892473118281062127721270;0.005913978494623655692008501461;0.003225806451612903223008510523;0.018817204301075269451404281540;0.013440860215053763646042561675;0.002150537634408602148672340348;0.009139784946236559348697880978;0.032258064516129031362723367238;0.000000000000000000000000000000;0.015591397849462364927353164035;0.001612903225806451611504255261;0.000000000000000000000000000000;0.009139784946236559348697880978;0.010752688172043011610723439730;0.009139784946236559348697880978;0.012903225806451612892034042090;0.004838709677419355051353200281;0.000000000000000000000000000000;0.027956989247311828800102162518;0.035483870967741935886774484743;0.001612903225806451611504255261;0.010752688172043011610723439730;0.001612903225806451611504255261;0.001075268817204301074336170174;0.004838709677419355051353200281;0.002150537634408602148672340348;0.007526881720430107954034060214;0.000000000000000000000000000000;0.001075268817204301074336170174;0.004838709677419355051353200281;0.001612903225806451611504255261;0.000000000000000000000000000000;0.003763440860215053977017030107;0.026344086021505376538076603765;0.006989247311827957200025540629;0.004838709677419355051353200281;0.005913978494623655692008501461;0.005376344086021505805361719865;0.005913978494623655692008501461
-0.013440860215053763646042561675;0.009139784946236559348697880978;0.023118279569892472014025486260;0.456451612903225834028120289076;0.020967741935483872467438359877;0.010752688172043011610723439730;0.002688172043010752902680859933;0.018279569892473118697395761956;0.017741935483870967943387242372;0.016129032258064515681361683619;0.012903225806451612892034042090;0.022580645161290321260016966676;0.004301075268817204297344680697;0.010752688172043011610723439730;0.020967741935483872467438359877;0.009139784946236559348697880978;0.016666666666666666435370203203;0.015053763440860215908068120427;0.013440860215053763646042561675;0.002688172043010752902680859933;0.011290322580645160630008483338;0.007526881720430107954034060214;0.002688172043010752902680859933;0.017204301075268817189378722787;0.016666666666666666435370203203;0.011827956989247311384017002922;0.013978494623655914400051081259;0.005913978494623655692008501461;0.004301075268817204297344680697;0.017204301075268817189378722787;0.013440860215053763646042561675;0.018279569892473118697395761956;0.006989247311827957200025540629;0.005376344086021505805361719865;0.003763440860215053977017030107;0.020967741935483872467438359877;0.004301075268817204297344680697;0.006451612903225806446017021045;0.000537634408602150537168085087;0.001612903225806451611504255261;0.006989247311827957200025540629;0.005913978494623655692008501461;0.000000000000000000000000000000;0.020430107526881721713429840293;0.017204301075268817189378722787;0.010215053763440860856714920146;0.007526881720430107954034060214;0.005376344086021505805361719865;0.010215053763440860856714920146;0.008602150537634408594689361394
-0.007936507936507936067371815625;0.001190476190476190583578119941;0.059920634920634922859772331094;0.333333333333333314829616256247;0.001190476190476190583578119941;0.005952380952380952050528861719;0.001190476190476190583578119941;0.014682539682539682418527249297;0.003174603174603174600421073848;0.041666666666666664353702032031;0.007142857142857142634106981660;0.015476190476190476719153821250;0.002777777777777777883788656865;0.051587301587301584437916801562;0.004365079365079365183999193789;0.006746031746031746351155433672;0.017460317460317460735996775156;0.016269841269841271019780393203;0.004761904761904762334312479766;0.018253968253968255036623347110;0.001984126984126984016842953906;0.005555555555555555767577313730;0.003174603174603174600421073848;0.062698412698412697707794905000;0.010317460317460317234528055508;0.023809523809523808202115446875;0.018650793650793650452213157109;0.000793650793650793650105268462;0.000793650793650793650105268462;0.005952380952380952050528861719;0.004761904761904762334312479766;0.022222222222222223070309254922;0.000396825396825396825052634231;0.003174603174603174600421073848;0.008333333333333333217685101602;0.049206349206349205005484037656;0.011507936507936508685467913438;0.003174603174603174600421073848;0.000000000000000000000000000000;0.005158730158730158617264027754;0.003174603174603174600421073848;0.000000000000000000000000000000;0.000000000000000000000000000000;0.021428571428571428769682682969;0.002380952380952381167156239883;0.008333333333333333217685101602;0.060317460317460318275362141094;0.023412698412698412786525636875;0.014682539682539682418527249297;0.009523809523809524668624959531
-0.025000000000000001387778780781;0.004166666666666666608842550801;0.085416666666666668517038374375;0.036458333333333335646297967969;0.000520833333333333326105318850;0.008333333333333333217685101602;0.001041666666666666652210637700;0.022395833333333333564629796797;0.014062500000000000346944695195;0.060416666666666667129259593594;0.008333333333333333217685101602;0.003125000000000000173472347598;0.003645833333333333391157449199;0.060937499999999998612221219219;0.005208333333333333044212754004;0.017708333333333332870740406406;0.017187500000000001387778780781;0.022395833333333333564629796797;0.006250000000000000346944695195;0.018229166666666667823148983985;0.010416666666666666088425508008;0.008333333333333333217685101602;0.002604166666666666522106377002;0.090624999999999997224442438437;0.021874999999999998612221219219;0.048437500000000001387778780781;0.022395833333333333564629796797;0.006250000000000000346944695195;0.001041666666666666652210637700;0.004166666666666666608842550801;0.005208333333333333044212754004;0.040104166666666669904817155157;0.001562500000000000086736173799;0.006770833333333333564629796797;0.006770833333333333564629796797;0.076041666666666660190365689687;0.009895833333333332870740406406;0.008854166666666666435370203203;0.001041666666666666652210637700;0.006250000000000000346944695195;0.004166666666666666608842550801;0.010416666666666666088425508008;0.000000000000000000000000000000;0.034375000000000002775557561563;0.003125000000000000173472347598;0.019791666666666665741480812812;0.076562500000000005551115123126;0.026562499999999999306110609609;0.013541666666666667129259593594;0.011979166666666667476204288789
-0.027037037037037036507625131776;0.009629629629629630344078705662;0.024814814814814813853649511088;0.237037037037037046083298719168;0.009629629629629630344078705662;0.027407407407407408106436719208;0.002962962962962962815832712593;0.029999999999999998889776975375;0.005185185185185185036127464286;0.034814814814814812327092852229;0.019259259259259260688157411323;0.013333333333333334189130248149;0.008518518518518519017090895318;0.029629629629629630760412339896;0.014444444444444443781394582516;0.015185185185185185244294281404;0.008148148148148147418279307885;0.020740740740740740144509857146;0.024444444444444445724284875610;0.001111111111111111110147375847;0.018148148148148149361169600979;0.002962962962962962815832712593;0.004074074074074073709139653943;0.058888888888888886452566140406;0.031481481481481478346129421197;0.038888888888888889505679458125;0.029629629629629630760412339896;0.003703703703703703845051542487;0.001111111111111111110147375847;0.016296296296296294836558615771;0.003333333333333333547282562037;0.020370370370370372015145221667;0.005925925925925925631665425186;0.005555555555555555767577313730;0.002592592592592592518063732143;0.036296296296296298722339201959;0.010370370370370370072254928573;0.004814814814814815172039352831;0.000000000000000000000000000000;0.000370370370370370351979089074;0.010740740740740739936343040029;0.003333333333333333547282562037;0.000000000000000000000000000000;0.024074074074074074125473288177;0.012592592592592592726230549260;0.018148148148148149361169600979;0.037037037037037034981068472916;0.012962962962962962590318660716;0.015555555555555555108382392859;0.007407407407407407690103084974
-0.013782051282051281659857266959;0.026923076923076924571454071611;0.012500000000000000693889390391;0.155128205128205132190544190962;0.095512820512820506557716271345;0.023076923076923078204103489952;0.010897435897435896884344330715;0.030769230769230770938804653269;0.008012820512820512108831394471;0.007692307692307692734701163317;0.013782051282051281659857266959;0.031410256410256409687065115577;0.008333333333333333217685101602;0.008333333333333333217685101602;0.048717948717948718340142733041;0.012179487179487179585035683260;0.009294871794871794809522747016;0.025320512820512820761909011935;0.034294871794871797932025003774;0.001602564102564102508502452693;0.015705128205128204843532557788;0.004166666666666666608842550801;0.004166666666666666608842550801;0.012179487179487179585035683260;0.018589743589743589619045494032;0.017628205128205128027207848618;0.020512820512820512802720784862;0.059935897435897438068064246863;0.002243589743589743425167259971;0.058012820512820514884388956034;0.017628205128205128027207848618;0.012500000000000000693889390391;0.012500000000000000693889390391;0.004487179487179486850334519943;0.008653846153846154326538808732;0.016025641025641024217662788942;0.005769230769230769551025872488;0.008974358974358973700669039886;0.002564102564102564100340098108;0.003525641025641025692177743522;0.010576923076923077510214099561;0.011538461538461539102051744976;0.000000000000000000000000000000;0.007692307692307692734701163317;0.040384615384615386857181107416;0.010897435897435896884344330715;0.008012820512820512108831394471;0.006730769230769231142863517903;0.012179487179487179585035683260;0.008653846153846154326538808732
-0.027619047619047619457344211469;0.015714285714285715356286488031;0.023333333333333334397297065266;0.250000000000000000000000000000;0.017142857142857143709635536766;0.033333333333333332870740406406;0.004761904761904762334312479766;0.022380952380952379848766398140;0.005238095238095237873854337352;0.023333333333333334397297065266;0.020476190476190477690598967797;0.012857142857142856914864914586;0.010476190476190475747708674703;0.018571428571428572062984585500;0.018095238095238094788719251937;0.030476190476190476164042308937;0.011428571428571428561515865852;0.016666666666666666435370203203;0.027619047619047619457344211469;0.003333333333333333547282562037;0.013333333333333334189130248149;0.005238095238095237873854337352;0.001428571428571428570189483231;0.037142857142857144125969171000;0.041428571428571425716569365250;0.023333333333333334397297065266;0.026666666666666668378260496297;0.010952380952380953021974008266;0.001904761904761904760252644309;0.024761904761904762750646114000;0.008095238095238094580552434820;0.015238095238095238082021154469;0.013809523809523809728672105734;0.002380952380952381167156239883;0.008095238095238094580552434820;0.018571428571428572062984585500;0.005238095238095237873854337352;0.007142857142857142634106981660;0.000000000000000000000000000000;0.001428571428571428570189483231;0.008095238095238094580552434820;0.005238095238095237873854337352;0.000000000000000000000000000000;0.020476190476190477690598967797;0.014285714285714285268213963320;0.020476190476190477690598967797;0.020000000000000000416333634234;0.019047619047619049337249919063;0.015714285714285715356286488031;0.017619047619047617514453918375
-0.040625000000000001387778780781;0.006250000000000000346944695195;0.062500000000000000000000000000;0.000000000000000000000000000000;0.001041666666666666652210637700;0.032291666666666669904817155157;0.002083333333333333304421275400;0.014062500000000000346944695195;0.025000000000000001387778780781;0.015104166666666666782314898398;0.014583333333333333564629796797;0.027604166666666665741480812812;0.022395833333333333564629796797;0.056770833333333332870740406406;0.007291666666666666782314898398;0.023437500000000000000000000000;0.023958333333333334952408577578;0.040625000000000001387778780781;0.011458333333333332523795711211;0.011979166666666667476204288789;0.010937499999999999306110609609;0.026041666666666667823148983985;0.018749999999999999306110609609;0.033854166666666664353702032031;0.044791666666666667129259593594;0.036979166666666667129259593594;0.031770833333333331482961625625;0.001562500000000000086736173799;0.000520833333333333326105318850;0.009374999999999999653055304805;0.029687499999999998612221219219;0.009895833333333332870740406406;0.007812500000000000000000000000;0.013541666666666667129259593594;0.030729166666666665047591422422;0.040625000000000001387778780781;0.016666666666666666435370203203;0.006770833333333333564629796797;0.003125000000000000173472347598;0.022916666666666665047591422422;0.002604166666666666522106377002;0.013020833333333333911574491992;0.000000000000000000000000000000;0.013541666666666667129259593594;0.003645833333333333391157449199;0.009895833333333332870740406406;0.040104166666666669904817155157;0.029166666666666667129259593594;0.036979166666666667129259593594;0.015625000000000000000000000000
-0.020707070707070708570629591350;0.047979797979797976503757439559;0.025252525252525252069668582067;0.026262626262626261736121691115;0.046969696969696966837304330511;0.024747474747474747236442027543;0.007070707070707071134618715291;0.035353535353535352203646624503;0.017676767676767676101823312251;0.009090909090909090467524933388;0.014646464646464647102463985107;0.020707070707070708570629591350;0.014646464646464647102463985107;0.009090909090909090467524933388;0.053535353535353533138696491278;0.013636363636363635701287400082;0.020707070707070708570629591350;0.048989898989898993109104452515;0.055555555555555552471602709375;0.001515151515151515150200967064;0.024242424242424242403215473018;0.007070707070707071134618715291;0.017171717171717171268596757727;0.011111111111111111535154627461;0.022222222222222223070309254922;0.018181818181818180935049866775;0.029797979797979799038154524737;0.048989898989898993109104452515;0.001515151515151515150200967064;0.043939393939393937837945003366;0.017676767676767676101823312251;0.008585858585858585634298378864;0.022222222222222223070309254922;0.005050505050505050934350759206;0.011111111111111111535154627461;0.032323232323232323204287297358;0.013636363636363635701287400082;0.006060606060606060600803868255;0.002525252525252525467175379603;0.011616161616161616368381181985;0.019191919191919190601502975824;0.022222222222222223070309254922;0.000000000000000000000000000000;0.006565656565656565434030422779;0.022727272727272727903535809446;0.012121212121212121201607736509;0.010101010101010101868701518413;0.008585858585858585634298378864;0.022727272727272727903535809446;0.006565656565656565434030422779
-0.030833333333333334119741309109;0.030416666666666668239482618219;0.018749999999999999306110609609;0.213749999999999995559107901499;0.044166666666666666574148081281;0.013750000000000000069388939039;0.007916666666666667337426410711;0.031250000000000000000000000000;0.008750000000000000832667268469;0.012916666666666666574148081281;0.010833333333333333703407674875;0.021250000000000001526556658860;0.005416666666666666851703837438;0.008333333333333333217685101602;0.057083333333333333148296162562;0.015416666666666667059870654555;0.008333333333333333217685101602;0.015416666666666667059870654555;0.033333333333333332870740406406;0.000833333333333333386820640509;0.018749999999999999306110609609;0.008333333333333333217685101602;0.003749999999999999861222121922;0.022499999999999999167332731531;0.015833333333333334674852821422;0.021666666666666667406815349750;0.020000000000000000416333634234;0.033750000000000002220446049250;0.002500000000000000052041704279;0.041666666666666664353702032031;0.024583333333333332038073137937;0.011666666666666667198648532633;0.011249999999999999583666365766;0.006250000000000000346944695195;0.004166666666666666608842550801;0.016666666666666666435370203203;0.005416666666666666851703837438;0.020833333333333332176851016015;0.001666666666666666773641281019;0.002083333333333333304421275400;0.009166666666666666712925959359;0.005000000000000000104083408559;0.000000000000000000000000000000;0.014166666666666665949647629930;0.035000000000000003330669073875;0.011249999999999999583666365766;0.013333333333333334189130248149;0.009583333333333332593184650250;0.010416666666666666088425508008;0.010000000000000000208166817117
-0.016129032258064515681361683619;0.004838709677419355051353200281;0.006989247311827957200025540629;0.586021505376344120641363133473;0.004838709677419355051353200281;0.009139784946236559348697880978;0.009677419354838710102706400562;0.021505376344086023221446879461;0.004838709677419355051353200281;0.007526881720430107954034060214;0.008064516129032257840680841809;0.026881720430107527292085123349;0.001612903225806451611504255261;0.009139784946236559348697880978;0.019354838709677420205412801124;0.017204301075268817189378722787;0.005376344086021505805361719865;0.005376344086021505805361719865;0.014516129032258065154059600843;0.000537634408602150537168085087;0.012365591397849462138025522506;0.001612903225806451611504255261;0.000000000000000000000000000000;0.013978494623655914400051081259;0.018279569892473118697395761956;0.013440860215053763646042561675;0.009139784946236559348697880978;0.013978494623655914400051081259;0.003225806451612903223008510523;0.008064516129032257840680841809;0.016129032258064515681361683619;0.007526881720430107954034060214;0.001612903225806451611504255261;0.003225806451612903223008510523;0.001075268817204301074336170174;0.006451612903225806446017021045;0.003225806451612903223008510523;0.003763440860215053977017030107;0.000537634408602150537168085087;0.001075268817204301074336170174;0.008602150537634408594689361394;0.001612903225806451611504255261;0.000000000000000000000000000000;0.010752688172043011610723439730;0.013978494623655914400051081259;0.016129032258064515681361683619;0.013978494623655914400051081259;0.006989247311827957200025540629;0.001612903225806451611504255261;0.008064516129032257840680841809
-0.042962962962962959745372160114;0.001111111111111111110147375847;0.029629629629629630760412339896;0.331851851851851842312157714332;0.014074074074074073917306471060;0.027037037037037036507625131776;0.003703703703703703845051542487;0.014814814814814815380206169948;0.005555555555555555767577313730;0.019629629629629628817522046802;0.015555555555555555108382392859;0.035555555555555555524716027094;0.006666666666666667094565124074;0.029259259259259259161600752464;0.006296296296296296363115274630;0.028518518518518519433424529552;0.007407407407407407690103084974;0.006666666666666667094565124074;0.008888888888888888881179006773;0.004444444444444444440589503387;0.017407407407407406163546426114;0.008518518518518519017090895318;0.001111111111111111110147375847;0.030740740740740742087400150240;0.041851851851851848418384349770;0.035185185185185187395351391615;0.016666666666666666435370203203;0.000000000000000000000000000000;0.002592592592592592518063732143;0.015555555555555555108382392859;0.015185185185185185244294281404;0.015555555555555555108382392859;0.001481481481481481407916356297;0.005555555555555555767577313730;0.005185185185185185036127464286;0.017777777777777777762358013547;0.008888888888888888881179006773;0.007407407407407407690103084974;0.000370370370370370351979089074;0.001851851851851851922525771243;0.005925925925925925631665425186;0.001481481481481481407916356297;0.000000000000000000000000000000;0.014074074074074073917306471060;0.003703703703703703845051542487;0.015925925925925926707193980292;0.027407407407407408106436719208;0.013703703703703704053218359604;0.016296296296296294836558615771;0.012962962962962962590318660716
-0.023750000000000000277555756156;0.005833333333333333599324266316;0.030416666666666668239482618219;0.377916666666666678509045596002;0.005000000000000000104083408559;0.020833333333333332176851016015;0.002916666666666666799662133158;0.015416666666666667059870654555;0.009583333333333332593184650250;0.019583333333333334536074943344;0.010000000000000000208166817117;0.022499999999999999167332731531;0.006250000000000000346944695195;0.020833333333333332176851016015;0.010833333333333333703407674875;0.025000000000000001387778780781;0.017083333333333332315628894094;0.010416666666666666088425508008;0.009166666666666666712925959359;0.003333333333333333547282562037;0.011666666666666667198648532633;0.004583333333333333356462979680;0.001666666666666666773641281019;0.032083333333333331760517381781;0.041250000000000001942890293094;0.022916666666666665047591422422;0.019583333333333334536074943344;0.014166666666666665949647629930;0.003749999999999999861222121922;0.015833333333333334674852821422;0.014999999999999999444888487687;0.020000000000000000416333634234;0.002916666666666666799662133158;0.001666666666666666773641281019;0.004583333333333333356462979680;0.028333333333333331899295259859;0.005000000000000000104083408559;0.008333333333333333217685101602;0.000416666666666666693410320255;0.001666666666666666773641281019;0.004583333333333333356462979680;0.006666666666666667094565124074;0.000000000000000000000000000000;0.012083333333333333078907223523;0.008333333333333333217685101602;0.010833333333333333703407674875;0.022083333333333333287074040641;0.012916666666666666574148081281;0.010000000000000000208166817117;0.010416666666666666088425508008
-0.017441860465116278827713003352;0.004651162790697674354056800894;0.009689922480620154904285001862;0.551162790697674376261261386389;0.010077519379844961100456401937;0.016279069767441860239198803129;0.005813953488372092942571001117;0.014341085271317829258341802756;0.007364341085271317727256601415;0.005426356589147286746399601043;0.008139534883720930119599401564;0.013953488372093023062170402682;0.007364341085271317727256601415;0.009689922480620154904285001862;0.011240310077519379688970602160;0.012015503875968992081313402309;0.010465116279069767296627802011;0.008527131782945736315770801639;0.012403100775193798277484802384;0.001937984496124030980857000372;0.005813953488372092942571001117;0.006201550387596899138742401192;0.001550387596899224784685600298;0.009302325581395348708113601788;0.015116279069767441650684602905;0.015503875968992247846856002980;0.018604651162790697416227203576;0.033333333333333332870740406406;0.004263565891472868157885400819;0.022093023255813953181769804246;0.013178294573643410669827602533;0.011627906976744185885142002235;0.006589147286821705334913801266;0.002325581395348837177028400447;0.006589147286821705334913801266;0.010077519379844961100456401937;0.006589147286821705334913801266;0.005813953488372092942571001117;0.000387596899224806196171400074;0.003100775193798449569371200596;0.003100775193798449569371200596;0.004263565891472868157885400819;0.000000000000000000000000000000;0.009689922480620154904285001862;0.008527131782945736315770801639;0.010077519379844961100456401937;0.007364341085271317727256601415;0.005813953488372092942571001117;0.011627906976744185885142002235;0.003488372093023255765542600670
-0.009210526315789472825978911885;0.006578947368421052266374005058;0.011842105263157895120307294690;0.557456140350877205058566232765;0.008771929824561403021832006743;0.012719298245614034728601104973;0.001754385964912280734470662047;0.008333333333333333217685101602;0.010964912280701753777290008429;0.021929824561403507554580016858;0.006578947368421052266374005058;0.042105263157894735892572413150;0.003508771929824561468941324094;0.009210526315789472825978911885;0.007456140350877192742029553330;0.007456140350877192742029553330;0.007894736842105263413538196460;0.010526315789473683973143103287;0.006140350877192982462227099916;0.002192982456140350755458001686;0.007456140350877192742029553330;0.007456140350877192742029553330;0.002192982456140350755458001686;0.023684210526315790240614589379;0.015350877192982455288206011801;0.007894736842105263413538196460;0.007894736842105263413538196460;0.001754385964912280734470662047;0.001315789473684210496642887911;0.019736842105263156799122015173;0.038157894736842105920526790896;0.010526315789473683973143103287;0.001315789473684210496642887911;0.001754385964912280734470662047;0.005701754385964912658080194774;0.016666666666666666435370203203;0.000877192982456140367235331023;0.007894736842105263413538196460;0.001315789473684210496642887911;0.004824561403508772182424646502;0.003947368421052631706769098230;0.005263157894736841986571551644;0.000000000000000000000000000000;0.013157894736842104532748010115;0.005263157894736841986571551644;0.007456140350877192742029553330;0.009210526315789472825978911885;0.007017543859649122937882648188;0.005701754385964912658080194774;0.006578947368421052266374005058
-0.022499999999999999167332731531;0.006250000000000000346944695195;0.063333333333333338699411285688;0.092916666666666661300588714312;0.002500000000000000052041704279;0.017083333333333332315628894094;0.002916666666666666799662133158;0.019583333333333334536074943344;0.010833333333333333703407674875;0.022083333333333333287074040641;0.013333333333333334189130248149;0.012083333333333333078907223523;0.031250000000000000000000000000;0.043333333333333334813630699500;0.003749999999999999861222121922;0.013333333333333334189130248149;0.025833333333333333148296162562;0.026249999999999999028554853453;0.008750000000000000832667268469;0.013333333333333334189130248149;0.007083333333333332974823814965;0.010833333333333333703407674875;0.027500000000000000138777878078;0.025416666666666667268037471672;0.026249999999999999028554853453;0.021250000000000001526556658860;0.025833333333333333148296162562;0.024583333333333332038073137937;0.001666666666666666773641281019;0.022916666666666665047591422422;0.006666666666666667094565124074;0.017500000000000001665334536938;0.015416666666666667059870654555;0.012500000000000000693889390391;0.060416666666666667129259593594;0.035000000000000003330669073875;0.015833333333333334674852821422;0.002500000000000000052041704279;0.000000000000000000000000000000;0.036666666666666666851703837438;0.003333333333333333547282562037;0.006250000000000000346944695195;0.000000000000000000000000000000;0.012083333333333333078907223523;0.003333333333333333547282562037;0.007916666666666667337426410711;0.040000000000000000832667268469;0.019166666666666665186369300500;0.044583333333333335923853724125;0.016250000000000000555111512313
-0.025238095238095236555464495609;0.015238095238095238082021154469;0.058571428571428572895651853969;0.000000000000000000000000000000;0.003809523809523809520505288617;0.023809523809523808202115446875;0.000952380952380952380126322154;0.025714285714285713829729829172;0.020952380952380951495417349406;0.023333333333333334397297065266;0.011428571428571428561515865852;0.010000000000000000208166817117;0.019523809523809523142068300672;0.038095238095238098674499838125;0.009047619047619047394359625969;0.015714285714285715356286488031;0.052380952380952382207990325469;0.057619047619047618347121186844;0.010952380952380953021974008266;0.013333333333333334189130248149;0.010000000000000000208166817117;0.015238095238095238082021154469;0.023333333333333334397297065266;0.040476190476190478106932602032;0.029047619047619047810693260203;0.024285714285714285476380780437;0.036190476190476189577438503875;0.007142857142857142634106981660;0.003333333333333333547282562037;0.015238095238095238082021154469;0.007619047619047619041010577234;0.018571428571428572062984585500;0.016666666666666666435370203203;0.010952380952380953021974008266;0.032380952380952378322209739281;0.050952380952380950385194324781;0.020000000000000000416333634234;0.008095238095238094580552434820;0.001904761904761904760252644309;0.022857142857142857123031731703;0.008095238095238094580552434820;0.020952380952380951495417349406;0.000000000000000000000000000000;0.011428571428571428561515865852;0.005238095238095237873854337352;0.014761904761904762542479296883;0.023809523809523808202115446875;0.023333333333333334397297065266;0.048571428571428570952761560875;0.013809523809523809728672105734
-0.018560606060606062162054996634;0.023106060606060605661093987351;0.052651515151515150547911758849;0.000378787878787878787550241766;0.002272727272727272616881233347;0.011363636363636363951767904723;0.010227272727272727209646419055;0.043939393939393937837945003366;0.026136363636363634660453314495;0.019318181818181817677171352443;0.013257575757575757943729222177;0.009469696969696969959806587269;0.012878787878787878451447568295;0.036363636363636361870099733551;0.018181818181818180935049866775;0.014393939393939394685850707845;0.034848484848484850839867021932;0.071969696969696975163977015200;0.012878787878787878451447568295;0.010606060606060606701928072937;0.019318181818181817677171352443;0.027651515151515152629579930021;0.025757575757575756902895136591;0.031439393939393940613502564929;0.017803030303030303177491688871;0.030303030303030303871381079261;0.037499999999999998612221219219;0.005303030303030303350964036468;0.004166666666666666608842550801;0.003787878787878787983922634908;0.015151515151515151935690539631;0.020075757575757576661734660206;0.009848484848484847717364765174;0.003030303030303030300401934127;0.019696969696969695434729530348;0.066287878787878784514475682954;0.020075757575757576661734660206;0.006060606060606060600803868255;0.014015151515151515193569053963;0.017045454545454544192928381108;0.014393939393939394685850707845;0.014015151515151515193569053963;0.000000000000000000000000000000;0.020833333333333332176851016015;0.005681818181818181975883952362;0.021969696969696968918972501683;0.023863636363636364645657295114;0.014772727272727272443408885749;0.037121212121212124324109993267;0.010227272727272727209646419055
-0.020075757575757576661734660206;0.052272727272727269320906628991;0.020833333333333332176851016015;0.033333333333333332870740406406;0.033333333333333332870740406406;0.013636363636363635701287400082;0.011363636363636363951767904723;0.053409090909090906063028114659;0.008333333333333333217685101602;0.009469696969696969959806587269;0.012500000000000000693889390391;0.019696969696969695434729530348;0.005681818181818181975883952362;0.012500000000000000693889390391;0.056818181818181816289392571662;0.013636363636363635701287400082;0.014393939393939394685850707845;0.048106060606060603579425816179;0.051136363636363639517679047231;0.004166666666666666608842550801;0.036363636363636361870099733551;0.010227272727272727209646419055;0.006439393939393939225723784148;0.013257575757575757943729222177;0.021969696969696968918972501683;0.018181818181818180935049866775;0.034090909090909088385856762216;0.054545454545454542805149600326;0.002651515151515151675482018234;0.021590909090909091161414323778;0.037499999999999998612221219219;0.010606060606060606701928072937;0.015530303030303029693248717535;0.003409090909090908925321850020;0.006818181818181817850643700041;0.026515151515151515887458444354;0.015151515151515151935690539631;0.011363636363636363951767904723;0.001515151515151515150200967064;0.003030303030303030300401934127;0.025378787878787879145336958686;0.012121212121212121201607736509;0.000000000000000000000000000000;0.014015151515151515193569053963;0.042045454545454545580707161889;0.022348484848484850145977631541;0.010984848484848484459486250842;0.008333333333333333217685101602;0.015151515151515151935690539631;0.004166666666666666608842550801
-0.044285714285714282423267462718;0.009523809523809524668624959531;0.046666666666666668794594130532;0.006190476190476190687661528500;0.006190476190476190687661528500;0.022380952380952379848766398140;0.004285714285714285927408884191;0.020952380952380951495417349406;0.009523809523809524668624959531;0.024285714285714285476380780437;0.016666666666666666435370203203;0.018095238095238094788719251937;0.014285714285714285268213963320;0.040476190476190478106932602032;0.008095238095238094580552434820;0.033809523809523810145005739969;0.011428571428571428561515865852;0.015714285714285715356286488031;0.017142857142857143709635536766;0.009523809523809524668624959531;0.022857142857142857123031731703;0.027142857142857142183078877906;0.015238095238095238082021154469;0.037142857142857144125969171000;0.040952380952380955381197935594;0.033809523809523810145005739969;0.027142857142857142183078877906;0.035238095238095235028907836750;0.000476190476190476190063161077;0.012380952380952381375323057000;0.049047619047619048227026894438;0.012380952380952381375323057000;0.008571428571428571854817768383;0.011904761904761904101057723437;0.019523809523809523142068300672;0.029999999999999998889776975375;0.010000000000000000208166817117;0.024285714285714285476380780437;0.000952380952380952380126322154;0.029523809523809525084958593766;0.001428571428571428570189483231;0.002380952380952381167156239883;0.000000000000000000000000000000;0.017619047619047617514453918375;0.008571428571428571854817768383;0.032857142857142855596475072844;0.025714285714285713829729829172;0.031904761904761907986838309625;0.028571428571428570536427926640;0.022857142857142857123031731703
-0.022043010752688170506008447092;0.005913978494623655692008501461;0.071505376344086019058110537117;0.000000000000000000000000000000;0.003225806451612903223008510523;0.027956989247311828800102162518;0.002150537634408602148672340348;0.017204301075268817189378722787;0.016129032258064515681361683619;0.026344086021505376538076603765;0.009139784946236559348697880978;0.023118279569892472014025486260;0.015591397849462364927353164035;0.054838709677419356092187285867;0.005913978494623655692008501461;0.013440860215053763646042561675;0.040860215053763443426859680585;0.033333333333333332870740406406;0.006451612903225806446017021045;0.013440860215053763646042561675;0.012903225806451612892034042090;0.021505376344086023221446879461;0.011827956989247311384017002922;0.042473118279569892219438287384;0.034946236559139781663319013205;0.036021505376344083171336052374;0.028494623655913979554110682102;0.024731182795698924276051045013;0.005913978494623655692008501461;0.024731182795698924276051045013;0.012903225806451612892034042090;0.027419354838709678046093642934;0.004301075268817204297344680697;0.006451612903225806446017021045;0.026344086021505376538076603765;0.049462365591397848552102090025;0.014516129032258065154059600843;0.011827956989247311384017002922;0.002150537634408602148672340348;0.023655913978494622768034005844;0.003763440860215053977017030107;0.013440860215053763646042561675;0.000000000000000000000000000000;0.018279569892473118697395761956;0.001612903225806451611504255261;0.013440860215053763646042561675;0.043010752688172046442893758922;0.030107526881720431816136240855;0.029569892473118281062127721270;0.015591397849462364927353164035
-0.038562091503267975634017261655;0.011437908496732025406816823931;0.053594771241830062302735626645;0.025163398692810458323609879017;0.009477124183006535237949741202;0.024509803921568627110838534122;0.004248366013071895076758099918;0.020261437908496732901442172192;0.015032679738562091872888792921;0.031699346405228756573535520147;0.019607843137254901688670827298;0.033006535947712418999078209936;0.011437908496732025406816823931;0.038235294117647061762355065184;0.009150326797385621366287544731;0.020915032679738560644766565133;0.020261437908496732901442172192;0.027124183006535948492476961746;0.019281045751633987817008630827;0.009803921568627450844335413649;0.017647058823529411519803744568;0.012091503267973856619588168826;0.007516339869281045936444396460;0.040196078431372551931222147914;0.037908496732026140951798964807;0.037254901960784313208474571866;0.026470588235294117279705616852;0.009477124183006535237949741202;0.003594771241830065165029362007;0.028431372549019607448572699582;0.021568627450980391857537910028;0.027450980392156862364139158217;0.007516339869281045936444396460;0.005882352941176470506601248189;0.018627450980392156604237285933;0.050980392156862744390544150974;0.013071895424836601704021710191;0.008496732026143790153516199837;0.001633986928104575213002713774;0.015686274509803921350936661838;0.006535947712418300852010855095;0.010784313725490195928768955014;0.000000000000000000000000000000;0.019281045751633987817008630827;0.006535947712418300852010855095;0.018627450980392156604237285933;0.035620915032679736911269685606;0.019934640522875815560333023768;0.030065359477124183745777585841;0.018300653594771242732575089462
-0.020192307692307693428590553708;0.033012820512820513496610175252;0.027243589743589743945584302764;0.186217948717948722503479075385;0.010576923076923077510214099561;0.023076923076923078204103489952;0.004487179487179486850334519943;0.025000000000000001387778780781;0.018269230769230770244915262879;0.022756410256410255360526306845;0.011217948717948717993198037846;0.030128205128205128721097239008;0.011217948717948717993198037846;0.018910256410256408993175725186;0.038782051282051283047636047741;0.016025641025641024217662788942;0.013782051282051281659857266959;0.023717948717948716952363952259;0.022435897435897435986396075691;0.005128205128205128200680196215;0.018910256410256408993175725186;0.009294871794871794809522747016;0.008012820512820512108831394471;0.022756410256410255360526306845;0.025641025641025640136039243089;0.024679487179487178544201597674;0.024358974358974359170071366520;0.048717948717948718340142733041;0.004807692307692307959188227073;0.026282051282051282353746657350;0.016346153846153847061239972049;0.010256410256410256401360392431;0.007051282051282051384355487045;0.006089743589743589792517841630;0.012179487179487179585035683260;0.025320512820512820761909011935;0.007692307692307692734701163317;0.006089743589743589792517841630;0.002884615384615384775512936244;0.005769230769230769551025872488;0.011538461538461539102051744976;0.011538461538461539102051744976;0.000000000000000000000000000000;0.011858974358974358476181976130;0.015384615384615385469402326635;0.012179487179487179585035683260;0.017948717948717947401338079771;0.016025641025641024217662788942;0.017628205128205128027207848618;0.010576923076923077510214099561
-0.046249999999999999444888487687;0.003333333333333333547282562037;0.048750000000000001665334536938;0.000416666666666666693410320255;0.007083333333333332974823814965;0.034166666666666664631257788187;0.003333333333333333547282562037;0.025833333333333333148296162562;0.006250000000000000346944695195;0.024583333333333332038073137937;0.026666666666666668378260496297;0.032083333333333331760517381781;0.022083333333333333287074040641;0.047083333333333331205405869468;0.007083333333333332974823814965;0.023750000000000000277555756156;0.012083333333333333078907223523;0.029166666666666667129259593594;0.015833333333333334674852821422;0.007083333333333332974823814965;0.014583333333333333564629796797;0.007499999999999999722444243844;0.013750000000000000069388939039;0.035000000000000003330669073875;0.043333333333333334813630699500;0.045833333333333330095182844843;0.032083333333333331760517381781;0.021250000000000001526556658860;0.000416666666666666693410320255;0.027500000000000000138777878078;0.010833333333333333703407674875;0.014166666666666665949647629930;0.014999999999999999444888487687;0.009583333333333332593184650250;0.029583333333333333009518284484;0.040416666666666663243479007406;0.013750000000000000069388939039;0.012083333333333333078907223523;0.000000000000000000000000000000;0.015416666666666667059870654555;0.004166666666666666608842550801;0.001250000000000000026020852140;0.000000000000000000000000000000;0.019166666666666665186369300500;0.006666666666666667094565124074;0.013750000000000000069388939039;0.040416666666666663243479007406;0.025416666666666667268037471672;0.043333333333333334813630699500;0.020833333333333332176851016015
-0.035416666666666665741480812812;0.005833333333333333599324266316;0.051666666666666666296592325125;0.124166666666666661300588714312;0.009583333333333332593184650250;0.014166666666666665949647629930;0.002916666666666666799662133158;0.029166666666666667129259593594;0.013333333333333334189130248149;0.027083333333333334258519187188;0.016666666666666666435370203203;0.005416666666666666851703837438;0.010833333333333333703407674875;0.045416666666666667684371105906;0.020833333333333332176851016015;0.021666666666666667406815349750;0.015416666666666667059870654555;0.022499999999999999167332731531;0.028750000000000001249000902703;0.009583333333333332593184650250;0.016666666666666666435370203203;0.011249999999999999583666365766;0.004166666666666666608842550801;0.035416666666666665741480812812;0.028750000000000001249000902703;0.044166666666666666574148081281;0.029583333333333333009518284484;0.004583333333333333356462979680;0.001250000000000000026020852140;0.013333333333333334189130248149;0.004583333333333333356462979680;0.013750000000000000069388939039;0.012083333333333333078907223523;0.007083333333333332974823814965;0.010416666666666666088425508008;0.040000000000000000832667268469;0.013333333333333334189130248149;0.013750000000000000069388939039;0.000416666666666666693410320255;0.010000000000000000208166817117;0.008333333333333333217685101602;0.002083333333333333304421275400;0.000000000000000000000000000000;0.019583333333333334536074943344;0.011666666666666667198648532633;0.008333333333333333217685101602;0.047916666666666669904817155157;0.031666666666666669349705642844;0.024166666666666666157814447047;0.021250000000000001526556658860
-0.023684210526315790240614589379;0.010964912280701753777290008429;0.025877192982456140996072591065;0.428508771929824561208732802697;0.013596491228070176071618391234;0.015789473684210526827076392919;0.000877192982456140367235331023;0.015789473684210526827076392919;0.014912280701754385484059106659;0.012719298245614034728601104973;0.007017543859649122937882648188;0.006140350877192982462227099916;0.010087719298245614168996198146;0.017982456140350877582534394605;0.015350877192982455288206011801;0.011403508771929825316160389548;0.015350877192982455288206011801;0.021929824561403507554580016858;0.016666666666666666435370203203;0.004385964912280701510916003372;0.020175438596491228337992396291;0.016666666666666666435370203203;0.006140350877192982462227099916;0.017105263157894737974240584322;0.014912280701754385484059106659;0.017982456140350877582534394605;0.018859649122807017190828204889;0.004385964912280701510916003372;0.002192982456140350755458001686;0.013157894736842104532748010115;0.004824561403508772182424646502;0.007456140350877192742029553330;0.005263157894736841986571551644;0.002192982456140350755458001686;0.009210526315789472825978911885;0.029385964912280702898694784153;0.006578947368421052266374005058;0.006140350877192982462227099916;0.003508771929824561468941324094;0.008333333333333333217685101602;0.005263157894736841986571551644;0.010964912280701753777290008429;0.000000000000000000000000000000;0.010526315789473683973143103287;0.008771929824561403021832006743;0.014473684210526315679912201517;0.012280701754385964924454199831;0.008333333333333333217685101602;0.019736842105263156799122015173;0.006140350877192982462227099916
-0.020731707317073171797927599869;0.002439024390243902436908873810;0.084959349593495936403542145854;0.142276422764227639117251555945;0.000000000000000000000000000000;0.003658536585365853872203745212;0.002032520325203252247597829339;0.019512195121951219495270990478;0.014634146341463415488814980847;0.051626016260162603532801739448;0.004878048780487804873817747620;0.001219512195121951218454436905;0.006097560975609756309112619022;0.059349593495934958864435060377;0.005691056910569106119801574550;0.007317073170731707744407490424;0.033739837398373981325327974901;0.031707317073170732113496228521;0.002845528455284553059900787275;0.018292682926829267192614381088;0.010162601626016259936946539710;0.013821138211382113375469415928;0.002032520325203252247597829339;0.069105691056910570346794031593;0.013414634146341463186158371457;0.035772357723577237476053625187;0.016666666666666666435370203203;0.001626016260162601624605915873;0.001219512195121951218454436905;0.000000000000000000000000000000;0.000406504065040650406151478968;0.034959349593495933627984584291;0.002439024390243902436908873810;0.004878048780487804873817747620;0.010162601626016259936946539710;0.076829268292682925678427352523;0.017479674796747966813992292145;0.001626016260162601624605915873;0.000813008130081300812302957937;0.010975609756097560315568628653;0.004471544715447154684506703148;0.004471544715447154684506703148;0.000000000000000000000000000000;0.026422764227642277917729174419;0.000406504065040650406151478968;0.010569105691056910126257584182;0.067479674796747962650655949801;0.025609756097560974069660133523;0.013008130081300812996847326986;0.010162601626016259936946539710
-0.028455284552845527129560920798;0.047154471544715449715656774288;0.036585365853658534385228762176;0.010162601626016259936946539710;0.012195121951219512618225238043;0.023983739837398373312415955638;0.005284552845528455063128792091;0.037804878048780486687885371566;0.008536585365853659179702361826;0.030487804878048779810839619131;0.015040650406504065678126025318;0.019512195121951219495270990478;0.009349593495934959558324450768;0.025609756097560974069660133523;0.036178861788617885930641193681;0.017886178861788618738026812593;0.018699186991869919116648901536;0.039837398373983742838611021853;0.019105691056910567571236470030;0.008943089430894309369013406297;0.017479674796747966813992292145;0.008536585365853659179702361826;0.008130081300813008990391317354;0.034552845528455285173397015797;0.030081300813008131356252050637;0.033739837398373981325327974901;0.030894308943089431734874139579;0.053658536585365852744633485827;0.002032520325203252247597829339;0.020731707317073171797927599869;0.012601626016260162807536282514;0.021951219512195120631137257305;0.012195121951219512618225238043;0.006504065040650406498423663493;0.016260162601626017980782634709;0.045528455284552848958412596403;0.010162601626016259936946539710;0.011382113821138212239603149101;0.000813008130081300812302957937;0.007723577235772357933718534895;0.009349593495934959558324450768;0.015040650406504065678126025318;0.000000000000000000000000000000;0.017886178861788618738026812593;0.019512195121951219495270990478;0.019918699186991871419305510926;0.023983739837398373312415955638;0.017886178861788618738026812593;0.021138211382113820252515168363;0.019512195121951219495270990478
-0.062745098039215685403746647353;0.023039215686274511218911698052;0.032843137254901962063247111701;0.003431372549019607795517394777;0.004411764705882352879950936142;0.037254901960784313208474571866;0.001470588235294117626650312047;0.020098039215686275965611073957;0.006862745098039215591034789554;0.017647058823529411519803744568;0.021078431372549021050044615322;0.016176470588235295627876908497;0.023529411764705882026404992757;0.048529411764705883414183773539;0.011764705882352941013202496379;0.030392156862745097617439782312;0.011764705882352941013202496379;0.021568627450980391857537910028;0.025490196078431372195272075487;0.008333333333333333217685101602;0.014705882352941176266503120473;0.002941176470588235253300624095;0.012254901960784313555419267061;0.022549019607843136941971451392;0.070588235294117646079214978272;0.038725490196078432569848359890;0.027941176470588236641079404876;0.024509803921568627110838534122;0.002450980392156862711083853412;0.015196078431372548808719891156;0.019117647058823530881177532592;0.013725490196078431182069579108;0.009313725490196078302118642966;0.006862745098039215591034789554;0.029901960784313726809946487606;0.025980392156862746472212322146;0.010784313725490195928768955014;0.012254901960784313555419267061;0.001470588235294117626650312047;0.011764705882352941013202496379;0.005392156862745097964384477507;0.015686274509803921350936661838;0.000000000000000000000000000000;0.020098039215686275965611073957;0.007352941176470588133251560237;0.016666666666666666435370203203;0.035784313725490193847100783842;0.041176470588235293546208737325;0.037745098039215684015967866571;0.018627450980392156604237285933
-0.056451612903225804884765892666;0.003763440860215053977017030107;0.050537634408602150060119129193;0.000000000000000000000000000000;0.002150537634408602148672340348;0.027419354838709678046093642934;0.002150537634408602148672340348;0.014516129032258065154059600843;0.006451612903225806446017021045;0.033870967741935487094195877944;0.025806451612903225784068084181;0.012903225806451612892034042090;0.008064516129032257840680841809;0.059677419354838709408817010171;0.002150537634408602148672340348;0.040860215053763443426859680585;0.016666666666666666435370203203;0.020967741935483872467438359877;0.016129032258064515681361683619;0.010215053763440860856714920146;0.017741935483870967943387242372;0.011290322580645160630008483338;0.009139784946236559348697880978;0.048387096774193547044085050857;0.063440860215053768156323599214;0.055913978494623657600204325036;0.027419354838709678046093642934;0.002150537634408602148672340348;0.001612903225806451611504255261;0.010215053763440860856714920146;0.006451612903225806446017021045;0.018279569892473118697395761956;0.004301075268817204297344680697;0.012903225806451612892034042090;0.020967741935483872467438359877;0.036559139784946237394791523911;0.010215053763440860856714920146;0.015591397849462364927353164035;0.000537634408602150537168085087;0.012903225806451612892034042090;0.003763440860215053977017030107;0.003225806451612903223008510523;0.000000000000000000000000000000;0.023118279569892472014025486260;0.002150537634408602148672340348;0.015591397849462364927353164035;0.052688172043010753076153207530;0.046236559139784944028050972520;0.030645161290322579100697808485;0.025806451612903225784068084181
-0.036507936507936510073246694219;0.007936507936507936067371815625;0.063492063492063488538974525000;0.117460317460317459348217994375;0.000396825396825396825052634231;0.009523809523809524668624959531;0.001190476190476190583578119941;0.022222222222222223070309254922;0.019841269841269840168429539062;0.034126984126984123701920026406;0.017460317460317460735996775156;0.009126984126984127518311673555;0.007142857142857142634106981660;0.038888888888888889505679458125;0.014682539682539682418527249297;0.030158730158730159137681070547;0.028968253968253969421464688594;0.033730158730158728286330216406;0.009523809523809524668624959531;0.009523809523809524668624959531;0.011904761904761904101057723437;0.018253968253968255036623347110;0.002777777777777777883788656865;0.053174603174603173039169945469;0.037301587301587300904426314219;0.041666666666666664353702032031;0.023412698412698412786525636875;0.005158730158730158617264027754;0.001190476190476190583578119941;0.001984126984126984016842953906;0.004365079365079365183999193789;0.025793650793650792218958400781;0.001587301587301587300210536924;0.009126984126984127518311673555;0.009126984126984127518311673555;0.046428571428571430157461463750;0.012698412698412698401684295391;0.013095238095238095551997581367;0.000793650793650793650105268462;0.007539682539682539784420267637;0.003571428571428571317053490830;0.006349206349206349200842147695;0.000000000000000000000000000000;0.019047619047619049337249919063;0.005158730158730158617264027754;0.013888888888888888117900677344;0.048412698412698414174304417656;0.032142857142857139685077072500;0.014682539682539682418527249297;0.017460317460317460735996775156
-0.030158730158730159137681070547;0.009126984126984127518311673555;0.047222222222222220988641083750;0.219841269841269837392871977499;0.013492063492063492702310867344;0.012301587301587301251371009414;0.004365079365079365183999193789;0.025396825396825396803368590781;0.022222222222222223070309254922;0.019047619047619049337249919063;0.011111111111111111535154627461;0.013095238095238095551997581367;0.005952380952380952050528861719;0.030555555555555554553270880547;0.011904761904761904101057723437;0.019047619047619049337249919063;0.034920634920634921471993550313;0.036111111111111107718762980312;0.016666666666666666435370203203;0.007539682539682539784420267637;0.016269841269841271019780393203;0.015079365079365079568840535273;0.007936507936507936067371815625;0.033730158730158728286330216406;0.025793650793650792218958400781;0.024206349206349207087152208828;0.025000000000000001387778780781;0.003571428571428571317053490830;0.003571428571428571317053490830;0.011111111111111111535154627461;0.005555555555555555767577313730;0.022619047619047618485899064922;0.007539682539682539784420267637;0.004761904761904762334312479766;0.009920634920634920084214769531;0.034920634920634921471993550313;0.011904761904761904101057723437;0.005952380952380952050528861719;0.001190476190476190583578119941;0.015079365079365079568840535273;0.008333333333333333217685101602;0.005555555555555555767577313730;0.000000000000000000000000000000;0.018253968253968255036623347110;0.005952380952380952050528861719;0.012301587301587301251371009414;0.025793650793650792218958400781;0.017460317460317460735996775156;0.020634920634920634469056111016;0.009920634920634920084214769531
-0.023983739837398373312415955638;0.005691056910569106119801574550;0.097560975609756100945801904345;0.000000000000000000000000000000;0.006504065040650406498423663493;0.019918699186991871419305510926;0.000813008130081300812302957937;0.016666666666666666435370203203;0.027642276422764226750938831856;0.034959349593495933627984584291;0.010162601626016259936946539710;0.015853658536585366056748114261;0.008130081300813008990391317354;0.048373983739837395079419479771;0.010975609756097560315568628653;0.015447154471544715867437069790;0.049593495934959347382076089161;0.054878048780487805047290095217;0.006910569105691056687734707964;0.018699186991869919116648901536;0.007723577235772357933718534895;0.026829268292682926372316742913;0.009349593495934959558324450768;0.039837398373983742838611021853;0.026829268292682926372316742913;0.037804878048780486687885371566;0.026016260162601625993694653971;0.001219512195121951218454436905;0.001219512195121951218454436905;0.010569105691056910126257584182;0.011382113821138212239603149101;0.037804878048780486687885371566;0.006910569105691056687734707964;0.002439024390243902436908873810;0.016666666666666666435370203203;0.074796747967479676466595606144;0.017479674796747966813992292145;0.006504065040650406498423663493;0.001219512195121951218454436905;0.021138211382113820252515168363;0.004471544715447154684506703148;0.009756097560975609747635495239;0.000000000000000000000000000000;0.019512195121951219495270990478;0.001626016260162601624605915873;0.006504065040650406498423663493;0.045528455284552848958412596403;0.022764227642276424479206298201;0.022357723577235772555171777753;0.010975609756097560315568628653
-0.036458333333333335646297967969;0.010937499999999999306110609609;0.063020833333333331482961625625;0.000000000000000000000000000000;0.002083333333333333304421275400;0.028125000000000000693889390391;0.001562500000000000086736173799;0.029687499999999998612221219219;0.023958333333333334952408577578;0.025520833333333332870740406406;0.023958333333333334952408577578;0.011979166666666667476204288789;0.024479166666666666435370203203;0.045312499999999998612221219219;0.008854166666666666435370203203;0.019270833333333334258519187188;0.023958333333333334952408577578;0.057291666666666664353702032031;0.023437500000000000000000000000;0.014062500000000000346944695195;0.021874999999999998612221219219;0.020312500000000000693889390391;0.017187500000000001387778780781;0.026041666666666667823148983985;0.034895833333333334258519187188;0.031770833333333331482961625625;0.036458333333333335646297967969;0.001562500000000000086736173799;0.000520833333333333326105318850;0.017708333333333332870740406406;0.009374999999999999653055304805;0.011979166666666667476204288789;0.014062500000000000346944695195;0.008333333333333333217685101602;0.023437500000000000000000000000;0.038541666666666668517038374375;0.018229166666666667823148983985;0.006770833333333333564629796797;0.001041666666666666652210637700;0.015104166666666666782314898398;0.005729166666666666261897855605;0.018229166666666667823148983985;0.000000000000000000000000000000;0.014583333333333333564629796797;0.004687499999999999826527652402;0.013541666666666667129259593594;0.023958333333333334952408577578;0.022916666666666665047591422422;0.052083333333333335646297967969;0.015104166666666666782314898398
-0.035772357723577237476053625187;0.003658536585365853872203745212;0.073577235772357724163938996753;0.001219512195121951218454436905;0.013821138211382113375469415928;0.027235772357723578296351263361;0.000813008130081300812302957937;0.013821138211382113375469415928;0.019918699186991871419305510926;0.039430894308943087445129549451;0.018292682926829267192614381088;0.017886178861788618738026812593;0.014634146341463415488814980847;0.050406504065040651230145130057;0.004065040650406504495195658677;0.018699186991869919116648901536;0.034959349593495933627984584291;0.030487804878048779810839619131;0.013414634146341463186158371457;0.011382113821138212239603149101;0.014227642276422763564780460399;0.018699186991869919116648901536;0.005691056910569106119801574550;0.047560975609756098170244342782;0.036178861788617885930641193681;0.035772357723577237476053625187;0.024796747967479673691038044581;0.000406504065040650406151478968;0.002032520325203252247597829339;0.023983739837398373312415955638;0.010162601626016259936946539710;0.030081300813008131356252050637;0.006504065040650406498423663493;0.004471544715447154684506703148;0.023983739837398373312415955638;0.062601626016260167317817320054;0.013414634146341463186158371457;0.004471544715447154684506703148;0.000813008130081300812302957937;0.012601626016260162807536282514;0.002845528455284553059900787275;0.007723577235772357933718534895;0.000000000000000000000000000000;0.019105691056910567571236470030;0.006910569105691056687734707964;0.017073170731707318359404723651;0.051219512195121948139320267046;0.026422764227642277917729174419;0.032113821138211380568083797016;0.014634146341463415488814980847
-0.040740740740740744030290443334;0.006018518518518518531368322044;0.078240740740740735703617758645;0.000462962962962962980631442811;0.009722222222222222376419864531;0.020370370370370372015145221667;0.000462962962962962980631442811;0.017592592592592593697675695807;0.017129629629629630066522949505;0.042129629629629627984854778333;0.008796296296296296848837847904;0.011574074074074073431583897786;0.007407407407407407690103084974;0.062037037037037036368847253698;0.004629629629629629372633559115;0.025462962962962961549484575130;0.020833333333333332176851016015;0.030555555555555554553270880547;0.009722222222222222376419864531;0.012962962962962962590318660716;0.014814814814814815380206169948;0.014351851851851851749053423646;0.008796296296296296848837847904;0.058796296296296297889671933490;0.037037037037037034981068472916;0.054629629629629632148191120677;0.020833333333333332176851016015;0.000462962962962962980631442811;0.000462962962962962980631442811;0.010648148148148147904001881159;0.008796296296296296848837847904;0.024074074074074074125473288177;0.003240740740740740647579665179;0.009722222222222222376419864531;0.022222222222222223070309254922;0.053703703703703704885885628073;0.012500000000000000693889390391;0.012500000000000000693889390391;0.000462962962962962980631442811;0.013425925925925926221471407018;0.005555555555555555767577313730;0.009259259259259258745267118229;0.000000000000000000000000000000;0.022685185185185186701462001224;0.002314814814814814686316779557;0.011111111111111111535154627461;0.054166666666666668517038374375;0.043518518518518518878313017240;0.023611111111111110494320541875;0.019444444444444444752839729063
-0.033333333333333332870740406406;0.003703703703703703845051542487;0.069259259259259256524821068979;0.000000000000000000000000000000;0.000370370370370370351979089074;0.019259259259259260688157411323;0.001111111111111111110147375847;0.021111111111111111743321444578;0.016666666666666666435370203203;0.032962962962962964741375770927;0.018148148148148149361169600979;0.015185185185185185244294281404;0.018518518518518517490534236458;0.047037037037037036923958766010;0.004814814814814815172039352831;0.023333333333333334397297065266;0.023333333333333334397297065266;0.042222222222222223486642889156;0.009259259259259258745267118229;0.012962962962962962590318660716;0.012222222222222222862142437805;0.013703703703703704053218359604;0.016666666666666666435370203203;0.044814814814814814269983145323;0.035555555555555555524716027094;0.042962962962962959745372160114;0.033333333333333332870740406406;0.000370370370370370351979089074;0.002592592592592592518063732143;0.008148148148148147418279307885;0.017407407407407406163546426114;0.021111111111111111743321444578;0.008518518518518519017090895318;0.011111111111111111535154627461;0.025925925925925925180637321432;0.052962962962962961688262453208;0.013703703703703704053218359604;0.008148148148148147418279307885;0.002592592592592592518063732143;0.027037037037037036507625131776;0.004444444444444444440589503387;0.005555555555555555767577313730;0.000000000000000000000000000000;0.017407407407407406163546426114;0.001851851851851851922525771243;0.013333333333333334189130248149;0.052222222222222225429533182250;0.037407407407407410049327012302;0.034814814814814812327092852229;0.021481481481481479872686080057
-0.025925925925925925180637321432;0.012962962962962962590318660716;0.045185185185185182399347780802;0.038888888888888889505679458125;0.053703703703703704885885628073;0.021851851851851851471497667490;0.004814814814814815172039352831;0.020740740740740740144509857146;0.016296296296296294836558615771;0.020370370370370372015145221667;0.012222222222222222862142437805;0.011111111111111111535154627461;0.025185185185185185452461098521;0.026296296296296296779448908865;0.025925925925925925180637321432;0.012222222222222222862142437805;0.023703703703703702526661700745;0.039629629629629632703302632990;0.020000000000000000416333634234;0.008888888888888888881179006773;0.016666666666666666435370203203;0.017777777777777777762358013547;0.024814814814814813853649511088;0.021851851851851851471497667490;0.021111111111111111743321444578;0.018888888888888889089345823891;0.030370370370370370488588562807;0.020370370370370372015145221667;0.003333333333333333547282562037;0.044074074074074071072359970458;0.010000000000000000208166817117;0.016666666666666666435370203203;0.021851851851851851471497667490;0.008518518518518519017090895318;0.030370370370370370488588562807;0.021111111111111111743321444578;0.007407407407407407690103084974;0.009629629629629630344078705662;0.006666666666666667094565124074;0.034074074074074076068363581271;0.008148148148148147418279307885;0.018518518518518517490534236458;0.000000000000000000000000000000;0.015555555555555555108382392859;0.024814814814814813853649511088;0.015185185185185185244294281404;0.018518518518518517490534236458;0.013703703703703704053218359604;0.022962962962962962798485477833;0.011111111111111111535154627461
-0.061382113821138208076266806756;0.000000000000000000000000000000;0.041869918699186992050442768232;0.000813008130081300812302957937;0.004471544715447154684506703148;0.054471544715447156592702526723;0.000000000000000000000000000000;0.013821138211382113375469415928;0.008536585365853659179702361826;0.019512195121951219495270990478;0.026829268292682926372316742913;0.024796747967479673691038044581;0.033333333333333332870740406406;0.045934959349593497413000164897;0.004065040650406504495195658677;0.046341463414634145867587733392;0.011382113821138212239603149101;0.017073170731707318359404723651;0.017886178861788618738026812593;0.010569105691056910126257584182;0.012195121951219512618225238043;0.007723577235772357933718534895;0.008130081300813008990391317354;0.019512195121951219495270990478;0.084959349593495936403542145854;0.037398373983739838233297803072;0.024796747967479673691038044581;0.024390243902439025236450476086;0.000000000000000000000000000000;0.020325203252032519873893079421;0.017886178861788618738026812593;0.012195121951219512618225238043;0.015040650406504065678126025318;0.009349593495934959558324450768;0.032926829268292684416152837912;0.023170731707317072933793866696;0.012601626016260162807536282514;0.011382113821138212239603149101;0.000000000000000000000000000000;0.010975609756097560315568628653;0.002032520325203252247597829339;0.000813008130081300812302957937;0.000000000000000000000000000000;0.016666666666666666435370203203;0.007723577235772357933718534895;0.007317073170731707744407490424;0.036991869918699189778710234577;0.044715447154471545110343555507;0.028861788617886179053595441246;0.026829268292682926372316742913
-0.073749999999999996114219413812;0.003749999999999999861222121922;0.049583333333333333425851918719;0.000000000000000000000000000000;0.000416666666666666693410320255;0.023750000000000000277555756156;0.001666666666666666773641281019;0.012083333333333333078907223523;0.022083333333333333287074040641;0.028750000000000001249000902703;0.024166666666666666157814447047;0.011666666666666667198648532633;0.020416666666666666296592325125;0.048333333333333332315628894094;0.001250000000000000026020852140;0.048750000000000001665334536938;0.022499999999999999167332731531;0.027500000000000000138777878078;0.012916666666666666574148081281;0.011249999999999999583666365766;0.012916666666666666574148081281;0.022499999999999999167332731531;0.007499999999999999722444243844;0.038749999999999999722444243844;0.072499999999999995003996389187;0.046666666666666668794594130532;0.012500000000000000693889390391;0.001250000000000000026020852140;0.000000000000000000000000000000;0.006666666666666667094565124074;0.012500000000000000693889390391;0.014999999999999999444888487687;0.002083333333333333304421275400;0.007916666666666667337426410711;0.035416666666666665741480812812;0.032083333333333331760517381781;0.006666666666666667094565124074;0.023333333333333334397297065266;0.003333333333333333547282562037;0.014999999999999999444888487687;0.002916666666666666799662133158;0.006250000000000000346944695195;0.000000000000000000000000000000;0.021666666666666667406815349750;0.001250000000000000026020852140;0.016666666666666666435370203203;0.041250000000000001942890293094;0.042916666666666665463925056656;0.024583333333333332038073137937;0.023333333333333334397297065266
-0.049000000000000001887379141863;0.003000000000000000062450045135;0.065333333333333326597980317274;0.000333333333333333322202191029;0.001000000000000000020816681712;0.015333333333333332496040135595;0.001666666666666666773641281019;0.021999999999999998723243521681;0.014666666666666666393736839780;0.042333333333333333925452279800;0.018999999999999999528155214534;0.008666666666666666268836749509;0.011666666666666667198648532633;0.065333333333333326597980317274;0.005666666666666667073748442363;0.035666666666666665963525417737;0.015333333333333332496040135595;0.023333333333333334397297065266;0.007333333333333333196868419890;0.008333333333333333217685101602;0.014666666666666666393736839780;0.017000000000000001221245327088;0.004666666666666667052931760651;0.052333333333333335868342572894;0.045666666666666667906415710831;0.056333333333333332482162347787;0.028666666666666666685170383744;0.003333333333333333547282562037;0.000000000000000000000000000000;0.004000000000000000083266726847;0.012999999999999999403255124264;0.017333333333333332537673499019;0.004666666666666667052931760651;0.007333333333333333196868419890;0.018333333333333333425851918719;0.051666666666666666296592325125;0.016000000000000000333066907388;0.007666666666666666248020067798;0.002333333333333333526465880325;0.010000000000000000208166817117;0.001333333333333333288808764117;0.006333333333333333176051738178;0.000000000000000000000000000000;0.030999999999999999777955395075;0.000666666666666666644404382058;0.017666666666666667323548622903;0.062333333333333330872338962081;0.036333333333333335535275665507;0.024333333333333331816028533012;0.029999999999999998889776975375
-0.039743589743589741170026741202;0.001282051282051282050170049054;0.071794871794871789605352319086;0.021367521367521367936515019892;0.000854700854700854700113366036;0.018803418803418802535132314802;0.001282051282051282050170049054;0.017521367521367521569164438233;0.015384615384615385469402326635;0.047435897435897433904727904519;0.013247863247863247634916739059;0.016666666666666666435370203203;0.013247863247863247634916739059;0.059829059829059831610020836479;0.000854700854700854700113366036;0.020512820512820512802720784862;0.014957264957264957902505209120;0.017948717948717947401338079771;0.007264957264957265167804045802;0.010683760683760683968257509946;0.004700854700854700633783078700;0.018803418803418802535132314802;0.010683760683760683968257509946;0.052991452991452990539666956238;0.048290598290598292507969091503;0.041880341880341877269788852800;0.024786324786324785002245008059;0.002136752136752136967123849587;0.000854700854700854700113366036;0.010256410256410256401360392431;0.014102564102564102768710974090;0.019230769230769231836752908293;0.004700854700854700633783078700;0.010256410256410256401360392431;0.023076923076923078204103489952;0.050854700854700854439904844639;0.012393162393162392501122504029;0.011111111111111111535154627461;0.003846153846153846367350581659;0.014102564102564102768710974090;0.001709401709401709400226732072;0.008974358974358973700669039886;0.000000000000000000000000000000;0.025213675213675214303865601551;0.001709401709401709400226732072;0.014957264957264957902505209120;0.059829059829059831610020836479;0.046581196581196582240380621442;0.027350427350427350403627713149;0.023931623931623933337897724982
-0.015853658536585366056748114261;0.006910569105691056687734707964;0.083333333333333328707404064062;0.000813008130081300812302957937;0.003252032520325203249211831746;0.006097560975609756309112619022;0.000406504065040650406151478968;0.025609756097560974069660133523;0.016260162601626017980782634709;0.077235772357723581071908824924;0.007723577235772357933718534895;0.002845528455284553059900787275;0.005284552845528455063128792091;0.048780487804878050472900952172;0.009349593495934959558324450768;0.010569105691056910126257584182;0.026422764227642277917729174419;0.029674796747967479432217530189;0.006910569105691056687734707964;0.008536585365853659179702361826;0.013414634146341463186158371457;0.016260162601626017980782634709;0.005284552845528455063128792091;0.097154471544715445552320431943;0.011788617886178862428914193572;0.047967479674796746624831911276;0.018292682926829267192614381088;0.004065040650406504495195658677;0.001219512195121951218454436905;0.004065040650406504495195658677;0.001626016260162601624605915873;0.035772357723577237476053625187;0.004065040650406504495195658677;0.002032520325203252247597829339;0.008536585365853659179702361826;0.093495934959349588644350603772;0.019512195121951219495270990478;0.006910569105691056687734707964;0.001626016260162601624605915873;0.007317073170731707744407490424;0.006910569105691056687734707964;0.007723577235772357933718534895;0.000000000000000000000000000000;0.037804878048780486687885371566;0.001219512195121951218454436905;0.020325203252032519873893079421;0.076422764227642270284945880121;0.026829268292682926372316742913;0.018292682926829267192614381088;0.012195121951219512618225238043
-0.032945736434108530144015958285;0.014728682170542635454513202831;0.047674418604651165598529161116;0.002713178294573643373199800521;0.013565891472868216865999002607;0.026744186046511627535826605140;0.003100775193798449569371200596;0.041085271317829456794168407896;0.015116279069767441650684602905;0.015503875968992247846856002980;0.021317829457364340789427004097;0.012403100775193798277484802384;0.027906976744186046124340805363;0.021317829457364340789427004097;0.025968992248062015143483804991;0.009689922480620154904285001862;0.013953488372093023062170402682;0.041472868217054266459786759924;0.055038759689922479856338810578;0.008527131782945736315770801639;0.023643410852713177966455404544;0.015116279069767441650684602905;0.022868217054263565574112604395;0.017829457364341085023884403427;0.029069767441860464712855005587;0.030232558139534883301369205810;0.042248062015503878852129560073;0.008527131782945736315770801639;0.000775193798449612392342800149;0.025581395348837208947312404916;0.010077519379844961100456401937;0.011240310077519379688970602160;0.025581395348837208947312404916;0.009302325581395348708113601788;0.028294573643410852320512205438;0.041860465116279069186511208045;0.014728682170542635454513202831;0.009302325581395348708113601788;0.005426356589147286746399601043;0.030232558139534883301369205810;0.009689922480620154904285001862;0.006201550387596899138742401192;0.000000000000000000000000000000;0.010077519379844961100456401937;0.020155038759689922200912803874;0.012790697674418604473656202458;0.018604651162790697416227203576;0.012403100775193798277484802384;0.047286821705426355932910809088;0.010077519379844961100456401937
-0.029999999999999998889776975375;0.020833333333333332176851016015;0.062916666666666662410811738937;0.000833333333333333386820640509;0.007499999999999999722444243844;0.019166666666666665186369300500;0.004166666666666666608842550801;0.028333333333333331899295259859;0.010416666666666666088425508008;0.036249999999999997501998194593;0.020416666666666666296592325125;0.016250000000000000555111512313;0.016250000000000000555111512313;0.032916666666666663521034763562;0.012083333333333333078907223523;0.016250000000000000555111512313;0.025833333333333333148296162562;0.053333333333333336756520992594;0.023750000000000000277555756156;0.012083333333333333078907223523;0.025000000000000001387778780781;0.007499999999999999722444243844;0.021250000000000001526556658860;0.047916666666666669904817155157;0.021250000000000001526556658860;0.027916666666666666019036568969;0.027083333333333334258519187188;0.006250000000000000346944695195;0.001666666666666666773641281019;0.031666666666666669349705642844;0.011666666666666667198648532633;0.029583333333333333009518284484;0.027083333333333334258519187188;0.002083333333333333304421275400;0.018749999999999999306110609609;0.064583333333333339809634310313;0.012500000000000000693889390391;0.007083333333333332974823814965;0.000000000000000000000000000000;0.010000000000000000208166817117;0.010416666666666666088425508008;0.007083333333333332974823814965;0.000000000000000000000000000000;0.017083333333333332315628894094;0.009583333333333332593184650250;0.015416666666666667059870654555;0.033333333333333332870740406406;0.019166666666666665186369300500;0.028750000000000001249000902703;0.008750000000000000832667268469
-0.048863636363636366033436075895;0.007575757575757575967845269815;0.054166666666666668517038374375;0.000378787878787878787550241766;0.001515151515151515150200967064;0.020454545454545454419292838111;0.001136363636363636308440616673;0.014015151515151515193569053963;0.026893939393939393645016622258;0.032575757575757577355624050597;0.015909090909090907450806895440;0.012878787878787878451447568295;0.015909090909090907450806895440;0.048484848484848484806430946037;0.003787878787878787983922634908;0.032196969696969696128618920739;0.028787878787878789371701415689;0.036742424242424243097104863409;0.008333333333333333217685101602;0.014015151515151515193569053963;0.013257575757575757943729222177;0.016287878787878788677812025298;0.012500000000000000693889390391;0.034090909090909088385856762216;0.046590909090909092549193104560;0.051893939393939395032795403040;0.028030303030303030387138107926;0.023106060606060605661093987351;0.001515151515151515150200967064;0.008712121212121212709966755483;0.010984848484848484459486250842;0.026136363636363634660453314495;0.005681818181818181975883952362;0.007575757575757575967845269815;0.024621212121212120160773650923;0.048863636363636366033436075895;0.013257575757575757943729222177;0.009090909090909090467524933388;0.002651515151515151675482018234;0.018939393939393939919613174538;0.003787878787878787983922634908;0.006439393939393939225723784148;0.000000000000000000000000000000;0.017803030303030303177491688871;0.001515151515151515150200967064;0.013636363636363635701287400082;0.043181818181818182322828647557;0.035984848484848487581988507600;0.032196969696969696128618920739;0.017045454545454544192928381108
-0.022619047619047618485899064922;0.001984126984126984016842953906;0.087698412698412692156679781874;0.000396825396825396825052634231;0.000000000000000000000000000000;0.009523809523809524668624959531;0.000396825396825396825052634231;0.024603174603174602502742018828;0.009126984126984127518311673555;0.069047619047619052112807480626;0.011111111111111111535154627461;0.003571428571428571317053490830;0.010317460317460317234528055508;0.053174603174603173039169945469;0.003968253968253968033685907812;0.014682539682539682418527249297;0.030158730158730159137681070547;0.026984126984126985404621734688;0.005555555555555555767577313730;0.015873015873015872134743631250;0.009523809523809524668624959531;0.011904761904761904101057723437;0.006349206349206349200842147695;0.089682539682539683112416639688;0.025396825396825396803368590781;0.049206349206349205005484037656;0.025000000000000001387778780781;0.000396825396825396825052634231;0.000396825396825396825052634231;0.002777777777777777883788656865;0.003968253968253968033685907812;0.044444444444444446140618509844;0.000793650793650793650105268462;0.005555555555555555767577313730;0.011111111111111111535154627461;0.087301587301587296741089971874;0.018253968253968255036623347110;0.005158730158730158617264027754;0.000000000000000000000000000000;0.011507936507936508685467913438;0.008333333333333333217685101602;0.002380952380952381167156239883;0.000000000000000000000000000000;0.036111111111111107718762980312;0.000793650793650793650105268462;0.013095238095238095551997581367;0.069841269841269842943987100625;0.025396825396825396803368590781;0.017857142857142856151586585156;0.016666666666666666435370203203
-0.035585585585585582935053139408;0.002702702702702702852732841166;0.068468468468468463017373437651;0.001351351351351351426366420583;0.000900900900900900914770874639;0.015765765765765764327976938830;0.000000000000000000000000000000;0.030180180180180180699034409031;0.011711711711711711783601153058;0.050900900900900901413503873982;0.019819819819819818607076200578;0.005855855855855855891800576529;0.007657657657657657504501891310;0.045495495495495495708038191651;0.009009009009009008930868311893;0.011261261261261260729904520872;0.019819819819819818607076200578;0.027477477477477477846301567865;0.015315315315315315009003782620;0.009459459459459459984564944079;0.018468468468468467180709779996;0.012162162162162162837297785245;0.010360360360360360357234732476;0.071621621621621625597420290887;0.031531531531531528655953877660;0.055855855855855854330549448150;0.032882882882882880082320298243;0.002702702702702702852732841166;0.000450450450450450457385437320;0.005405405405405405705465682331;0.004504504504504504465434155946;0.032432432432432434232794093987;0.009009009009009008930868311893;0.005405405405405405705465682331;0.016666666666666666435370203203;0.076126126126126125726045756892;0.022972972972972974248229149907;0.004954954954954954651769050145;0.000000000000000000000000000000;0.013513513513513514263664205828;0.003603603603603603659083498556;0.002252252252252252232717077973;0.000000000000000000000000000000;0.029279279279279278591641144658;0.003153153153153153039067735364;0.014864864864864865690030626411;0.057657657657657658545335976896;0.029279279279279278591641144658;0.027927927927927927165274724075;0.016216216216216217116397046993
-0.038993710691823897651620001170;0.009433962264150943036189467250;0.050628930817610065528988627648;0.035849056603773583884464670746;0.017295597484276729188801269288;0.031132075471698113233731675109;0.003144654088050314634517068413;0.028616352201257862220007410770;0.012893081761006289914783806694;0.025471698113207548452852080345;0.021069182389937105709387665797;0.038050314465408803521473402043;0.017610062893081760565516802330;0.035220125786163521131033604661;0.016981132075471697812085736246;0.023899371069182391569274415133;0.014465408805031446798361471906;0.035534591194968552507749137703;0.022641509433962262592965331010;0.005660377358490565648241332752;0.014150943396226415421645938864;0.012893081761006289914783806694;0.007232704402515723399180735953;0.033647798742138364247455939449;0.047798742138364783138548830266;0.033018867924528301494024873364;0.027044025157232705336429745557;0.009119496855345911659473934208;0.000943396226415094346987033624;0.027672955974842768089860811642;0.027358490566037736713145278600;0.016981132075471697812085736246;0.012578616352201258538068273651;0.004716981132075471518094733625;0.018238993710691823318947868415;0.038364779874213834898188935085;0.011635220125786162673198198547;0.011320754716981131296482665505;0.001572327044025157317258534206;0.008805031446540880282758401165;0.004716981132075471518094733625;0.004088050314465408764663667540;0.000000000000000000000000000000;0.017610062893081760565516802330;0.012893081761006289914783806694;0.014150943396226415421645938864;0.033962264150943395624171472491;0.022955974842767293969680864052;0.025157232704402517076136547303;0.014779874213836478175077004948
-0.017543859649122806043664013487;0.006140350877192982462227099916;0.069298245614035081096915291710;0.183333333333333320380731379373;0.006578947368421052266374005058;0.010526315789473683973143103287;0.000438596491228070183617665512;0.021929824561403507554580016858;0.014473684210526315679912201517;0.046052631578947365864618035403;0.010087719298245614168996198146;0.008333333333333333217685101602;0.005263157894736841986571551644;0.033333333333333332870740406406;0.009210526315789472825978911885;0.010526315789473683973143103287;0.034210526315789475948481168643;0.035526315789473683626198408092;0.009649122807017544364849293004;0.008771929824561403021832006743;0.012719298245614034728601104973;0.010964912280701753777290008429;0.003508771929824561468941324094;0.060964912280701756552847569992;0.014473684210526315679912201517;0.033771929824561404409610787525;0.026315789473684209065496020230;0.002631578947368420993285775822;0.000877192982456140367235331023;0.008333333333333333217685101602;0.002631578947368420993285775822;0.036403508771929826703939170329;0.003947368421052631706769098230;0.004385964912280701510916003372;0.006578947368421052266374005058;0.078070175438596497996535106267;0.012280701754385964924454199831;0.006140350877192982462227099916;0.000000000000000000000000000000;0.007894736842105263413538196460;0.007456140350877192742029553330;0.007894736842105263413538196460;0.000000000000000000000000000000;0.019736842105263156799122015173;0.003947368421052631706769098230;0.011842105263157895120307294690;0.036842105263157891303915647541;0.014912280701754385484059106659;0.010526315789473683973143103287;0.012719298245614034728601104973
-0.023412698412698412786525636875;0.007539682539682539784420267637;0.065079365079365084079121572813;0.106746031746031741493929700937;0.001190476190476190583578119941;0.002777777777777777883788656865;0.001587301587301587300210536924;0.024206349206349207087152208828;0.005555555555555555767577313730;0.063492063492063488538974525000;0.014682539682539682418527249297;0.003571428571428571317053490830;0.001984126984126984016842953906;0.058730158730158729674108997187;0.012698412698412698401684295391;0.013492063492063492702310867344;0.021031746031746033354092872969;0.021031746031746033354092872969;0.007539682539682539784420267637;0.006349206349206349200842147695;0.018253968253968255036623347110;0.009523809523809524668624959531;0.002380952380952381167156239883;0.085317460317460319663140921875;0.022619047619047618485899064922;0.051984126984126986792400515469;0.021825396825396824185272492969;0.003174603174603174600421073848;0.001587301587301587300210536924;0.003571428571428571317053490830;0.002380952380952381167156239883;0.029365079365079364837054498594;0.001587301587301587300210536924;0.002777777777777777883788656865;0.005158730158730158617264027754;0.061507936507936504522131571093;0.012301587301587301251371009414;0.005952380952380952050528861719;0.000793650793650793650105268462;0.004761904761904762334312479766;0.007539682539682539784420267637;0.001190476190476190583578119941;0.000000000000000000000000000000;0.032142857142857139685077072500;0.005555555555555555767577313730;0.019841269841269840168429539062;0.067460317460317456572660432812;0.031746031746031744269487262500;0.012301587301587301251371009414;0.012698412698412698401684295391
-0.068333333333333329262515576374;0.000416666666666666693410320255;0.067916666666666666851703837438;0.000000000000000000000000000000;0.000000000000000000000000000000;0.026666666666666668378260496297;0.000416666666666666693410320255;0.008750000000000000832667268469;0.014999999999999999444888487687;0.020833333333333332176851016015;0.018749999999999999306110609609;0.013750000000000000069388939039;0.011249999999999999583666365766;0.066666666666666665741480812812;0.002083333333333333304421275400;0.041250000000000001942890293094;0.027916666666666666019036568969;0.024166666666666666157814447047;0.006666666666666667094565124074;0.021666666666666667406815349750;0.009583333333333332593184650250;0.012916666666666666574148081281;0.007499999999999999722444243844;0.041250000000000001942890293094;0.063750000000000001110223024625;0.036249999999999997501998194593;0.022499999999999999167332731531;0.018749999999999999306110609609;0.000000000000000000000000000000;0.004166666666666666608842550801;0.011249999999999999583666365766;0.014583333333333333564629796797;0.001666666666666666773641281019;0.005000000000000000104083408559;0.027500000000000000138777878078;0.043333333333333334813630699500;0.015416666666666667059870654555;0.010416666666666666088425508008;0.000833333333333333386820640509;0.022083333333333333287074040641;0.001250000000000000026020852140;0.003333333333333333547282562037;0.000000000000000000000000000000;0.011249999999999999583666365766;0.000833333333333333386820640509;0.009583333333333332593184650250;0.052083333333333335646297967969;0.047916666666666669904817155157;0.034166666666666664631257788187;0.028333333333333331899295259859
-0.027536231884057970481505250859;0.019927536231884056261431936719;0.049637681159420292409389929844;0.060144927536231886089357345782;0.008695652173913043583852733320;0.014855072463768116339255520586;0.003985507246376811425758734941;0.034782608695652174335410933281;0.010507246376811593679967415937;0.032608695652173912138405142969;0.016666666666666666435370203203;0.010869565217391304046135047656;0.009782608695652174682355628477;0.026811594202898549749169987422;0.027173913043478260115337619141;0.016304347826086956069202571484;0.027898550724637680847672882578;0.035507246376811595067746196719;0.021376811594202897726102463594;0.006521739130434782254208680996;0.017391304347826087167705466641;0.009782608695652174682355628477;0.005797101449275362389235155547;0.052173913043478258033669447968;0.029347826086956522312343409453;0.032246376811594201772237511250;0.031159420289855074143181568047;0.026811594202898549749169987422;0.003623188405797101493271972217;0.012681159420289855876973206250;0.003985507246376811425758734941;0.034782608695652174335410933281;0.012318840579710145510805574531;0.005797101449275362389235155547;0.005072463768115941656899892109;0.052536231884057968399837079687;0.008695652173913043583852733320;0.010144927536231883313799784219;0.000000000000000000000000000000;0.006159420289855072755402787266;0.014130434782608695606920257148;0.006159420289855072755402787266;0.000000000000000000000000000000;0.029710144927536232678511041172;0.015217391304347826705423152305;0.021014492753623187359934831875;0.039855072463768112522863873437;0.021739130434782608092270095312;0.013043478260869564508417361992;0.017028985507246376801537834922
-0.023015873015873017370935826875;0.007936507936507936067371815625;0.105555555555555555247160270937;0.030952380952380953438307642500;0.000396825396825396825052634231;0.003174603174603174600421073848;0.000000000000000000000000000000;0.013888888888888888117900677344;0.035714285714285712303173170312;0.031746031746031744269487262500;0.009920634920634920084214769531;0.001984126984126984016842953906;0.006746031746031746351155433672;0.047222222222222220988641083750;0.002777777777777777883788656865;0.011111111111111111535154627461;0.048015873015873018758714607657;0.054365079365079366224833279375;0.003174603174603174600421073848;0.021031746031746033354092872969;0.007539682539682539784420267637;0.032936507936507937455150596406;0.009920634920634920084214769531;0.048015873015873018758714607657;0.027380952380952380820211544687;0.028174603174603175120838116641;0.027380952380952380820211544687;0.000793650793650793650105268462;0.001190476190476190583578119941;0.003968253968253968033685907812;0.001587301587301587300210536924;0.034523809523809526056403740313;0.002380952380952381167156239883;0.007539682539682539784420267637;0.026587301587301586519584972734;0.069841269841269842943987100625;0.017857142857142856151586585156;0.006746031746031746351155433672;0.000793650793650793650105268462;0.026587301587301586519584972734;0.004761904761904762334312479766;0.013095238095238095551997581367;0.000000000000000000000000000000;0.019444444444444444752839729063;0.000793650793650793650105268462;0.014682539682539682418527249297;0.045634920634920632387387939843;0.022619047619047618485899064922;0.026587301587301586519584972734;0.011904761904761904101057723437
-0.030333333333333333675652099259;0.001333333333333333288808764117;0.064333333333333339587589705388;0.154999999999999998889776975375;0.002666666666666666577617528233;0.018333333333333333425851918719;0.003333333333333333547282562037;0.017666666666666667323548622903;0.018999999999999999528155214534;0.033000000000000001554312234475;0.014999999999999999444888487687;0.010666666666666666310470112933;0.018666666666666668211727042603;0.040333333333333332149095440400;0.010000000000000000208166817117;0.018999999999999999528155214534;0.025999999999999998806510248528;0.025000000000000001387778780781;0.008666666666666666268836749509;0.008999999999999999319988397417;0.014666666666666666393736839780;0.016666666666666666435370203203;0.005666666666666667073748442363;0.045666666666666667906415710831;0.024333333333333331816028533012;0.024000000000000000499600361081;0.024333333333333331816028533012;0.006666666666666667094565124074;0.003666666666666666598434209945;0.011333333333333334147496884725;0.008999999999999999319988397417;0.022666666666666668294993769450;0.006666666666666667094565124074;0.007666666666666666248020067798;0.021666666666666667406815349750;0.046666666666666668794594130532;0.007000000000000000145716771982;0.012666666666666666352103476356;0.000666666666666666644404382058;0.014666666666666666393736839780;0.006666666666666667094565124074;0.004333333333333333134418374755;0.000000000000000000000000000000;0.021999999999999998723243521681;0.004666666666666667052931760651;0.012000000000000000249800180541;0.037666666666666667739882257138;0.024000000000000000499600361081;0.019666666666666665630458510350;0.015333333333333332496040135595
-0.040178571428571431545240244532;0.005654761904761904621474766230;0.061309523809523806814336666093;0.000000000000000000000000000000;0.000595238095238095291789059971;0.032738095238095239747355691406;0.002976190476190476025264430859;0.013392857142857142113689938867;0.015476190476190476719153821250;0.020833333333333332176851016015;0.018154761904761906182725894610;0.017559523809523809589894227656;0.035714285714285712303173170312;0.041369047619047617792009674531;0.003571428571428571317053490830;0.024107142857142858233254756328;0.027083333333333334258519187188;0.028273809523809523974735569141;0.012500000000000000693889390391;0.014880952380952380126322154297;0.008630952380952381514100935078;0.017261904761904763028201870156;0.019642857142857142460634634062;0.024702380952380951356639471328;0.044642857142857143848413414844;0.033630952380952379432432763906;0.022619047619047618485899064922;0.016964285714285712997062560703;0.001488095238095238012632215430;0.022619047619047618485899064922;0.012202380952380952397473556914;0.014583333333333333564629796797;0.008630952380952381514100935078;0.010714285714285714384841341484;0.046726190476190476719153821250;0.043452380952380950662750080937;0.011011904761904762681257174961;0.012202380952380952397473556914;0.003869047619047619179788455313;0.031547619047619046561692357500;0.003571428571428571317053490830;0.011309523809523809242949532461;0.000000000000000000000000000000;0.018154761904761906182725894610;0.002678571428571428596210335371;0.017559523809523809589894227656;0.030654761904761903407168333047;0.036607142857142858927144146719;0.035119047619047619179788455313;0.020833333333333332176851016015
-0.028148148148148147834612942120;0.006666666666666667094565124074;0.087777777777777774015355305437;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006666666666666667094565124074;0.000740740740740740703958178148;0.014074074074074073917306471060;0.024074074074074074125473288177;0.031481481481481478346129421197;0.013703703703703704053218359604;0.004074074074074073709139653943;0.015185185185185185244294281404;0.062592592592592588562894206916;0.003703703703703703845051542487;0.013333333333333334189130248149;0.035185185185185187395351391615;0.046666666666666668794594130532;0.007777777777777777554191196430;0.022592592592592591199673890401;0.009259259259259258745267118229;0.021111111111111111743321444578;0.020000000000000000416333634234;0.043703703703703702942995334979;0.025925925925925925180637321432;0.044814814814814814269983145323;0.020000000000000000416333634234;0.011481481481481481399242738917;0.000370370370370370351979089074;0.002222222222222222220294751693;0.004074074074074073709139653943;0.027777777777777776235801354687;0.008148148148148147418279307885;0.009259259259259258745267118229;0.042592592592592591616007524635;0.050370370370370370904922197042;0.011851851851851851263330850372;0.008518518518518519017090895318;0.001111111111111111110147375847;0.034444444444444444197728216750;0.004074074074074073709139653943;0.003333333333333333547282562037;0.000000000000000000000000000000;0.015555555555555555108382392859;0.001851851851851851922525771243;0.012222222222222222862142437805;0.051851851851851850361274642864;0.035555555555555555524716027094;0.037407407407407410049327012302;0.016666666666666666435370203203
-0.022083333333333333287074040641;0.002500000000000000052041704279;0.109583333333333338144299773376;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005000000000000000104083408559;0.000833333333333333386820640509;0.014999999999999999444888487687;0.016250000000000000555111512313;0.035416666666666665741480812812;0.017083333333333332315628894094;0.000833333333333333386820640509;0.017083333333333332315628894094;0.071666666666666670182372911313;0.001250000000000000026020852140;0.007499999999999999722444243844;0.029999999999999998889776975375;0.026249999999999999028554853453;0.003333333333333333547282562037;0.021250000000000001526556658860;0.004166666666666666608842550801;0.017500000000000001665334536938;0.022083333333333333287074040641;0.042500000000000003053113317719;0.030416666666666668239482618219;0.037499999999999998612221219219;0.019166666666666665186369300500;0.019166666666666665186369300500;0.000000000000000000000000000000;0.001250000000000000026020852140;0.001250000000000000026020852140;0.018333333333333333425851918719;0.005416666666666666851703837438;0.016250000000000000555111512313;0.040833333333333332593184650250;0.050833333333333334536074943344;0.020000000000000000416333634234;0.004166666666666666608842550801;0.000000000000000000000000000000;0.033333333333333332870740406406;0.002083333333333333304421275400;0.004166666666666666608842550801;0.000000000000000000000000000000;0.014999999999999999444888487687;0.000833333333333333386820640509;0.010000000000000000208166817117;0.066666666666666665741480812812;0.048750000000000001665334536938;0.045833333333333330095182844843;0.019583333333333334536074943344
-0.027243589743589743945584302764;0.006410256410256410034009810772;0.082692307692307689959143601754;0.000000000000000000000000000000;0.000000000000000000000000000000;0.015064102564102564360548619504;0.000641025641025641025085024527;0.016666666666666666435370203203;0.031089743589743590312934884423;0.030128205128205128721097239008;0.017628205128205128027207848618;0.005448717948717948442172165358;0.012820512820512820068019621544;0.051923076923076925959232852392;0.004807692307692307959188227073;0.018910256410256408993175725186;0.032371794871794874748349712945;0.049679487179487176462533426502;0.006730769230769231142863517903;0.015064102564102564360548619504;0.010576923076923077510214099561;0.024038461538461539795941135367;0.022435897435897435986396075691;0.038461538461538463673505816587;0.030769230769230770938804653269;0.042307692307692310040856398246;0.026923076923076924571454071611;0.015064102564102564360548619504;0.000320512820512820512542512263;0.002884615384615384775512936244;0.004807692307692307959188227073;0.018910256410256408993175725186;0.006089743589743589792517841630;0.008974358974358973700669039886;0.034935897435897436680285466082;0.049038461538461537714272964195;0.014423076923076923877564681220;0.006089743589743589792517841630;0.000961538461538461591837645415;0.033974358974358971619000868714;0.004487179487179486850334519943;0.006410256410256410034009810772;0.000000000000000000000000000000;0.016666666666666666435370203203;0.001923076923076923183675290829;0.010576923076923077510214099561;0.053205128205128203455753777007;0.030769230769230770938804653269;0.037499999999999998612221219219;0.021153846153846155020428199123
-0.036249999999999997501998194593;0.003749999999999999861222121922;0.040416666666666663243479007406;0.000000000000000000000000000000;0.000000000000000000000000000000;0.010416666666666666088425508008;0.001250000000000000026020852140;0.029166666666666667129259593594;0.004583333333333333356462979680;0.084583333333333329817627088687;0.014166666666666665949647629930;0.020833333333333332176851016015;0.004583333333333333356462979680;0.055000000000000000277555756156;0.005833333333333333599324266316;0.033333333333333332870740406406;0.016666666666666666435370203203;0.021666666666666667406815349750;0.005000000000000000104083408559;0.005833333333333333599324266316;0.012083333333333333078907223523;0.006250000000000000346944695195;0.003749999999999999861222121922;0.102499999999999993893773364562;0.027500000000000000138777878078;0.068750000000000005551115123126;0.017916666666666667545593227828;0.000000000000000000000000000000;0.001666666666666666773641281019;0.002916666666666666799662133158;0.012500000000000000693889390391;0.040416666666666663243479007406;0.002083333333333333304421275400;0.002500000000000000052041704279;0.005000000000000000104083408559;0.068333333333333329262515576374;0.010000000000000000208166817117;0.009583333333333332593184650250;0.000000000000000000000000000000;0.002916666666666666799662133158;0.005833333333333333599324266316;0.004166666666666666608842550801;0.000000000000000000000000000000;0.058333333333333334258519187188;0.001250000000000000026020852140;0.031666666666666669349705642844;0.054583333333333330927850113312;0.031666666666666669349705642844;0.010000000000000000208166817117;0.012500000000000000693889390391
-0.016287878787878788677812025298;0.000378787878787878787550241766;0.059469696969696971000640672855;0.000000000000000000000000000000;0.000000000000000000000000000000;0.003409090909090908925321850020;0.000378787878787878787550241766;0.022727272727272727903535809446;0.007575757575757575967845269815;0.109469696969696966837304330511;0.004545454545454545233762466694;0.001515151515151515150200967064;0.002272727272727272616881233347;0.064772727272727273484242971335;0.001136363636363636308440616673;0.010606060606060606701928072937;0.013257575757575757943729222177;0.017803030303030303177491688871;0.000757575757575757575100483532;0.009090909090909090467524933388;0.008333333333333333217685101602;0.008712121212121212709966755483;0.001893939393939393991961317454;0.138636363636363640905457828012;0.011742424242424241709326082628;0.071590909090909093936971885341;0.019696969696969695434729530348;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.001893939393939393991961317454;0.047348484848484848064309460369;0.000000000000000000000000000000;0.003030303030303030300401934127;0.004545454545454545233762466694;0.093181818181818185098386209120;0.007575757575757575967845269815;0.005681818181818181975883952362;0.000757575757575757575100483532;0.006060606060606060600803868255;0.005303030303030303350964036468;0.001515151515151515150200967064;0.000000000000000000000000000000;0.069696969696969701679734043864;0.000378787878787878787550241766;0.025757575757575756902895136591;0.068560606060606057998718654289;0.024242424242424242403215473018;0.013636363636363635701287400082;0.014772727272727272443408885749
-0.020940170940170938634894426400;0.001709401709401709400226732072;0.098717948717948714176806390697;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008974358974358973700669039886;0.000000000000000000000000000000;0.021367521367521367936515019892;0.016239316239316240603196561665;0.050000000000000002775557561563;0.014102564102564102768710974090;0.005128205128205128200680196215;0.004273504273504273934247699174;0.082905982905982902875230422524;0.002564102564102564100340098108;0.029487179487179486503389824748;0.031623931623931622603151936346;0.026923076923076924571454071611;0.004700854700854700633783078700;0.012393162393162392501122504029;0.008547008547008547868495398347;0.017521367521367521569164438233;0.002564102564102564100340098108;0.055128205128205126639429067836;0.031623931623931622603151936346;0.060683760683760683274368119555;0.030769230769230770938804653269;0.000000000000000000000000000000;0.000000000000000000000000000000;0.001709401709401709400226732072;0.005982905982905983334474431246;0.020940170940170938634894426400;0.000427350427350427350056683018;0.009829059829059828834463274916;0.011538461538461539102051744976;0.055555555555555552471602709375;0.014102564102564102768710974090;0.005128205128205128200680196215;0.000854700854700854700113366036;0.012393162393162392501122504029;0.000854700854700854700113366036;0.004700854700854700633783078700;0.000000000000000000000000000000;0.016666666666666666435370203203;0.001282051282051282050170049054;0.010256410256410256401360392431;0.090598290598290595609931585841;0.043589743589743587537377322860;0.022649572649572648902482896460;0.032051282051282048435325577884
-0.045934959349593497413000164897;0.006504065040650406498423663493;0.078455284552845533374565434315;0.000000000000000000000000000000;0.000813008130081300812302957937;0.028455284552845527129560920798;0.001219512195121951218454436905;0.022357723577235772555171777753;0.029674796747967479432217530189;0.021544715447154472176549688811;0.017886178861788618738026812593;0.009756097560975609747635495239;0.013414634146341463186158371457;0.045121951219512193564931124001;0.002032520325203252247597829339;0.016666666666666666435370203203;0.030894308943089431734874139579;0.041463414634146343595855199737;0.017073170731707318359404723651;0.018699186991869919116648901536;0.016666666666666666435370203203;0.030081300813008131356252050637;0.017479674796747966813992292145;0.035772357723577237476053625187;0.032113821138211380568083797016;0.040243902439024391293198590347;0.033739837398373981325327974901;0.000813008130081300812302957937;0.000813008130081300812302957937;0.010569105691056910126257584182;0.005284552845528455063128792091;0.022764227642276424479206298201;0.011788617886178862428914193572;0.008943089430894309369013406297;0.024390243902439025236450476086;0.049593495934959347382076089161;0.017073170731707318359404723651;0.010162601626016259936946539710;0.003658536585365853872203745212;0.028861788617886179053595441246;0.003658536585365853872203745212;0.007723577235772357933718534895;0.000000000000000000000000000000;0.017073170731707318359404723651;0.004471544715447154684506703148;0.009756097560975609747635495239;0.033333333333333332870740406406;0.019105691056910567571236470030;0.041869918699186992050442768232;0.014227642276422763564780460399
-0.018103448275862070449004903594;0.005747126436781609115644897656;0.116954022988505740299203239374;0.063218390804597707210987778126;0.000574712643678160911564489766;0.012931034482758620510201019727;0.002011494252873563190475714180;0.015229885057471264156458978789;0.030172413793103449591859188672;0.037356321839080462721138786719;0.010919540229885057319725305547;0.003448275862068965469386938594;0.011494252873563218231289795312;0.050000000000000002775557561563;0.008620689655172413673467346484;0.010344827586206896408160815781;0.040804597701149428190525725313;0.043103448275862071836783684375;0.004885057471264367748298163008;0.021839080459770114639450611094;0.006321839080459770027209387422;0.027586206896551723755095508750;0.009770114942528735496596326016;0.040804597701149428190525725313;0.019252873563218392272133883125;0.029597701149425288680294698906;0.023275862068965518653085311485;0.001724137931034482734693469297;0.000000000000000000000000000000;0.004022988505747126380951428359;0.003735632183908045925169183477;0.025287356321839080108837549687;0.003735632183908045925169183477;0.010919540229885057319725305547;0.024425287356321840476214291016;0.062356321839080457170023663593;0.012643678160919540054418774844;0.004885057471264367748298163008;0.002011494252873563190475714180;0.025287356321839080108837549687;0.004885057471264367748298163008;0.014080459770114942333329999258;0.000000000000000000000000000000;0.015229885057471264156458978789;0.001724137931034482734693469297;0.008045977011494252761902856719;0.043390804597701150557842453281;0.026149425287356323210907760313;0.027011494252873562843531018984;0.014080459770114942333329999258
-0.025757575757575756902895136591;0.006060606060606060600803868255;0.069318181818181820452728914006;0.193939393939393939225723784148;0.009090909090909090467524933388;0.006439393939393939225723784148;0.001136363636363636308440616673;0.016666666666666666435370203203;0.010227272727272727209646419055;0.043560606060606063549833777415;0.007196969696969697342925353922;0.009848484848484847717364765174;0.004545454545454545233762466694;0.045454545454545455807071618892;0.006818181818181817850643700041;0.013257575757575757943729222177;0.021212121212121213403856145874;0.025000000000000001387778780781;0.004924242424242423858682382587;0.007954545454545453725403447720;0.013636363636363635701287400082;0.012121212121212121201607736509;0.003409090909090908925321850020;0.062878787878787881227005129858;0.019318181818181817677171352443;0.045833333333333330095182844843;0.015909090909090907450806895440;0.003409090909090908925321850020;0.000757575757575757575100483532;0.002272727272727272616881233347;0.003409090909090908925321850020;0.029924242424242422644375949403;0.000378787878787878787550241766;0.001893939393939393991961317454;0.009848484848484847717364765174;0.059848484848484845288751898806;0.011363636363636363951767904723;0.010227272727272727209646419055;0.000378787878787878787550241766;0.007954545454545453725403447720;0.006818181818181817850643700041;0.007196969696969697342925353922;0.000000000000000000000000000000;0.030681818181818181628939257166;0.002651515151515151675482018234;0.017803030303030303177491688871;0.047348484848484848064309460369;0.020454545454545454419292838111;0.011742424242424241709326082628;0.012121212121212121201607736509
-0.046124031007751940813843560818;0.004263565891472868157885400819;0.036434108527131782440111607002;0.000000000000000000000000000000;0.007364341085271317727256601415;0.020155038759689922200912803874;0.000387596899224806196171400074;0.011240310077519379688970602160;0.026744186046511627535826605140;0.046511627906976743540568008939;0.015116279069767441650684602905;0.022868217054263565574112604395;0.008914728682170542511942201713;0.047286821705426355932910809088;0.002325581395348837177028400447;0.034496124031007754928701558583;0.023643410852713177966455404544;0.019379844961240309808570003725;0.006201550387596899138742401192;0.006976744186046511531085201341;0.015503875968992247846856002980;0.017829457364341085023884403427;0.008914728682170542511942201713;0.072480620155038755214604861976;0.038372093023255816890415559328;0.055038759689922479856338810578;0.017054263565891472631541603278;0.000000000000000000000000000000;0.001937984496124030980857000372;0.008914728682170542511942201713;0.018992248062015503612398603650;0.027131782945736433731998005214;0.005426356589147286746399601043;0.003488372093023255765542600670;0.018604651162790697416227203576;0.046511627906976743540568008939;0.012790697674418604473656202458;0.017829457364341085023884403427;0.004651162790697674354056800894;0.015503875968992247846856002980;0.003875968992248061961714000745;0.011240310077519379688970602160;0.000000000000000000000000000000;0.037984496124031007224797207300;0.000387596899224806196171400074;0.024031007751937984162626804618;0.042635658914728681578854008194;0.043410852713178293971196808343;0.020542635658914728397084203948;0.022480620155038759377941204320
-0.045175438596491229725771177073;0.008333333333333333217685101602;0.059649122807017541936236426636;0.000000000000000000000000000000;0.001315789473684210496642887911;0.024561403508771929848908399663;0.001315789473684210496642887911;0.015350877192982455288206011801;0.028070175438596491751530592751;0.022807017543859650632320779096;0.017982456140350877582534394605;0.016666666666666666435370203203;0.014035087719298245875765296375;0.041666666666666664353702032031;0.006578947368421052266374005058;0.026315789473684209065496020230;0.025000000000000001387778780781;0.040789473684210528214855173701;0.009210526315789472825978911885;0.011842105263157895120307294690;0.013596491228070176071618391234;0.023684210526315790240614589379;0.018859649122807017190828204889;0.036842105263157891303915647541;0.057894736842105262719648806069;0.045614035087719301264641558191;0.027192982456140352143236782467;0.001315789473684210496642887911;0.002192982456140350755458001686;0.010087719298245614168996198146;0.010526315789473683973143103287;0.016228070175438594896499822084;0.008333333333333333217685101602;0.009210526315789472825978911885;0.025000000000000001387778780781;0.037719298245614034381656409778;0.008771929824561403021832006743;0.014912280701754385484059106659;0.004385964912280701510916003372;0.028070175438596491751530592751;0.006578947368421052266374005058;0.012280701754385964924454199831;0.000000000000000000000000000000;0.021491228070175439485156587693;0.002192982456140350755458001686;0.017543859649122806043664013487;0.038596491228070177459397172015;0.034649122807017540548457645855;0.029385964912280702898694784153;0.020175438596491228337992396291
-0.014473684210526315679912201517;0.004385964912280701510916003372;0.112719298245614038544992752122;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005263157894736841986571551644;0.000000000000000000000000000000;0.016228070175438594896499822084;0.020175438596491228337992396291;0.058333333333333334258519187188;0.007017543859649122937882648188;0.002631578947368420993285775822;0.002631578947368420993285775822;0.043859649122807015109160033717;0.002192982456140350755458001686;0.008771929824561403021832006743;0.064035087719298250386046333915;0.051754385964912281992145182130;0.000877192982456140367235331023;0.014035087719298245875765296375;0.004824561403508772182424646502;0.014912280701754385484059106659;0.003947368421052631706769098230;0.086403508771929829479496731892;0.010526315789473683973143103287;0.024122807017543858310038018544;0.022368421052631579093450397977;0.000438596491228070183617665512;0.001754385964912280734470662047;0.000877192982456140367235331023;0.005263157894736841986571551644;0.067105263157894737280351193931;0.000877192982456140367235331023;0.001754385964912280734470662047;0.006578947368421052266374005058;0.129824561403508759171998576676;0.014473684210526315679912201517;0.003947368421052631706769098230;0.000000000000000000000000000000;0.015350877192982455288206011801;0.011403508771929825316160389548;0.009210526315789472825978911885;0.000000000000000000000000000000;0.023684210526315790240614589379;0.000877192982456140367235331023;0.009649122807017544364849293004;0.064035087719298250386046333915;0.014035087719298245875765296375;0.013596491228070176071618391234;0.008771929824561403021832006743
-0.015238095238095238082021154469;0.008571428571428571854817768383;0.104761904761904764415980650938;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008095238095238094580552434820;0.001904761904761904760252644309;0.020000000000000000416333634234;0.035714285714285712303173170312;0.046190476190476191520328796969;0.011428571428571428561515865852;0.000952380952380952380126322154;0.008095238095238094580552434820;0.047619047619047616404230893750;0.005714285714285714280757932926;0.008571428571428571854817768383;0.051428571428571427659459658344;0.060476190476190475053819284312;0.007142857142857142634106981660;0.017142857142857143709635536766;0.009523809523809524668624959531;0.027619047619047619457344211469;0.009523809523809524668624959531;0.052380952380952382207990325469;0.019047619047619049337249919063;0.038571428571428569009871267781;0.027142857142857142183078877906;0.000476190476190476190063161077;0.000476190476190476190063161077;0.000952380952380952380126322154;0.001428571428571428570189483231;0.037142857142857144125969171000;0.002380952380952381167156239883;0.008095238095238094580552434820;0.011904761904761904101057723437;0.088095238095238101450057399688;0.017142857142857143709635536766;0.004285714285714285927408884191;0.002380952380952381167156239883;0.023333333333333334397297065266;0.007619047619047619041010577234;0.013809523809523809728672105734;0.000000000000000000000000000000;0.020000000000000000416333634234;0.001428571428571428570189483231;0.009523809523809524668624959531;0.052857142857142859482255659032;0.016190476190476189161104869640;0.023333333333333334397297065266;0.014285714285714285268213963320
-0.018518518518518517490534236458;0.020370370370370372015145221667;0.075555555555555556357383295563;0.046296296296296293726335591145;0.006666666666666667094565124074;0.011851851851851851263330850372;0.001851851851851851922525771243;0.023333333333333334397297065266;0.022962962962962962798485477833;0.027037037037037036507625131776;0.014814814814814815380206169948;0.004074074074074073709139653943;0.010000000000000000208166817117;0.052592592592592593558897817729;0.022592592592592591199673890401;0.015925925925925926707193980292;0.030370370370370370488588562807;0.046666666666666668794594130532;0.012592592592592592726230549260;0.012592592592592592726230549260;0.016296296296296294836558615771;0.020370370370370372015145221667;0.010000000000000000208166817117;0.033703703703703701000105041885;0.023703703703703702526661700745;0.027407407407407408106436719208;0.029259259259259259161600752464;0.010000000000000000208166817117;0.000740740740740740703958178148;0.007037037037037036958653235530;0.005185185185185185036127464286;0.019629629629629628817522046802;0.007777777777777777554191196430;0.005555555555555555767577313730;0.020370370370370372015145221667;0.051111111111111114102545371907;0.012222222222222222862142437805;0.011851851851851851263330850372;0.001111111111111111110147375847;0.019629629629629628817522046802;0.008888888888888888881179006773;0.015185185185185185244294281404;0.000000000000000000000000000000;0.022222222222222223070309254922;0.012592592592592592726230549260;0.015925925925925926707193980292;0.045555555555555557467606320188;0.030740740740740742087400150240;0.022222222222222223070309254922;0.017037037037037038034181790636
-0.053333333333333336756520992594;0.005185185185185185036127464286;0.054444444444444441144614899031;0.000000000000000000000000000000;0.000370370370370370351979089074;0.016296296296296294836558615771;0.001481481481481481407916356297;0.015925925925925926707193980292;0.014074074074074073917306471060;0.043333333333333334813630699500;0.020740740740740740144509857146;0.011481481481481481399242738917;0.011481481481481481399242738917;0.057407407407407406996213694583;0.003703703703703703845051542487;0.029259259259259259161600752464;0.021111111111111111743321444578;0.026666666666666668378260496297;0.006296296296296296363115274630;0.010000000000000000208166817117;0.016666666666666666435370203203;0.015925925925925926707193980292;0.010370370370370370072254928573;0.048518518518518516380311211833;0.048148148148148148250946576354;0.056296296296296295669225884239;0.031481481481481478346129421197;0.021481481481481479872686080057;0.001481481481481481407916356297;0.005555555555555555767577313730;0.010000000000000000208166817117;0.026296296296296296779448908865;0.001481481481481481407916356297;0.007407407407407407690103084974;0.015925925925925926707193980292;0.057037037037037038866849059104;0.009259259259259258745267118229;0.011481481481481481399242738917;0.000370370370370370351979089074;0.013703703703703704053218359604;0.003703703703703703845051542487;0.001851851851851851922525771243;0.000000000000000000000000000000;0.024444444444444445724284875610;0.001851851851851851922525771243;0.019259259259259260688157411323;0.056296296296296295669225884239;0.038518518518518521376314822646;0.020740740740740740144509857146;0.021851851851851851471497667490
-0.034583333333333333980963431031;0.002500000000000000052041704279;0.097500000000000003330669073875;0.000000000000000000000000000000;0.000000000000000000000000000000;0.011666666666666667198648532633;0.000416666666666666693410320255;0.014583333333333333564629796797;0.013750000000000000069388939039;0.034166666666666664631257788187;0.018749999999999999306110609609;0.006666666666666667094565124074;0.013750000000000000069388939039;0.067083333333333328152292551749;0.003333333333333333547282562037;0.017500000000000001665334536938;0.023333333333333334397297065266;0.029583333333333333009518284484;0.004166666666666666608842550801;0.020416666666666666296592325125;0.010000000000000000208166817117;0.019166666666666665186369300500;0.009583333333333332593184650250;0.051666666666666666296592325125;0.031250000000000000000000000000;0.039166666666666669072149886688;0.032500000000000001110223024625;0.001250000000000000026020852140;0.000000000000000000000000000000;0.002916666666666666799662133158;0.005833333333333333599324266316;0.027500000000000000138777878078;0.006250000000000000346944695195;0.009166666666666666712925959359;0.033333333333333332870740406406;0.052083333333333335646297967969;0.015833333333333334674852821422;0.007916666666666667337426410711;0.000416666666666666693410320255;0.025000000000000001387778780781;0.002916666666666666799662133158;0.000833333333333333386820640509;0.000000000000000000000000000000;0.017083333333333332315628894094;0.000833333333333333386820640509;0.010833333333333333703407674875;0.068333333333333329262515576374;0.040000000000000000832667268469;0.039166666666666669072149886688;0.025416666666666667268037471672
-0.027777777777777776235801354687;0.002314814814814814686316779557;0.054629629629629632148191120677;0.000000000000000000000000000000;0.000000000000000000000000000000;0.004166666666666666608842550801;0.000000000000000000000000000000;0.025000000000000001387778780781;0.009722222222222222376419864531;0.112037037037037032205510911353;0.007870370370370369586532355299;0.002777777777777777883788656865;0.001388888888888888941894328433;0.054166666666666668517038374375;0.001388888888888888941894328433;0.018518518518518517490534236458;0.015740740740740739173064710599;0.017592592592592593697675695807;0.004629629629629629372633559115;0.003703703703703703845051542487;0.015277777777777777276635440273;0.005092592592592593003786305417;0.000925925925925925961262885622;0.140740740740740749581405566460;0.018518518518518517490534236458;0.074999999999999997224442438437;0.018518518518518517490534236458;0.000000000000000000000000000000;0.001851851851851851922525771243;0.000000000000000000000000000000;0.002314814814814814686316779557;0.046296296296296293726335591145;0.000462962962962962980631442811;0.001851851851851851922525771243;0.001851851851851851922525771243;0.079166666666666662965923251249;0.010185185185185186007572610833;0.005555555555555555767577313730;0.000462962962962962980631442811;0.003240740740740740647579665179;0.008796296296296296848837847904;0.001851851851851851922525771243;0.000000000000000000000000000000;0.051388888888888886730121896562;0.000000000000000000000000000000;0.025462962962962961549484575130;0.066666666666666665741480812812;0.031481481481481478346129421197;0.010185185185185186007572610833;0.013425925925925926221471407018
-0.036036036036036035723473247572;0.002702702702702702852732841166;0.048198198198198198560771032817;0.001801801801801801829541749278;0.003603603603603603659083498556;0.009009009009009008930868311893;0.001351351351351351426366420583;0.026126126126126126419935147283;0.003603603603603603659083498556;0.089639639639639639989709962720;0.010810810810810811410931364662;0.000900900900900900914770874639;0.004954954954954954651769050145;0.059909909909909908609648709898;0.004954954954954954651769050145;0.015765765765765764327976938830;0.016216216216216217116397046993;0.010810810810810811410931364662;0.010810810810810811410931364662;0.007657657657657657504501891310;0.010810810810810811410931364662;0.005405405405405405705465682331;0.003153153153153153039067735364;0.124324324324324331225710693616;0.024324324324324325674595570490;0.071171171171171165870106278817;0.024324324324324325674595570490;0.000900900900900900914770874639;0.000900900900900900914770874639;0.002702702702702702852732841166;0.001351351351351351426366420583;0.040540540540540542790992617483;0.005405405405405405705465682331;0.003153153153153153039067735364;0.008108108108108108558198523497;0.068468468468468463017373437651;0.010360360360360360357234732476;0.006756756756756757131832102914;0.000450450450450450457385437320;0.004954954954954954651769050145;0.009459459459459459984564944079;0.001351351351351351426366420583;0.000000000000000000000000000000;0.058558558558558557183282289316;0.000900900900900900914770874639;0.022522522522522521459809041744;0.070720720720720720020580074561;0.029279279279279278591641144658;0.013063063063063063209967573641;0.011711711711711711783601153058
-0.020192307692307693428590553708;0.002243589743589743425167259971;0.114102564102564099646208717331;0.000961538461538461591837645415;0.002564102564102564100340098108;0.005448717948717948442172165358;0.000320512820512820512542512263;0.013782051282051281659857266959;0.027564102564102563319714533918;0.053846153846153849142908143222;0.010897435897435896884344330715;0.000320512820512820512542512263;0.008333333333333333217685101602;0.052564102564102564707493314700;0.001602564102564102508502452693;0.009615384615384615918376454147;0.058974358974358973006779649495;0.047435897435897433904727904519;0.001923076923076923183675290829;0.021794871794871793768688661430;0.006730769230769231142863517903;0.021794871794871793768688661430;0.004487179487179486850334519943;0.069551282051282053986440701010;0.022115384615384616612265844537;0.029487179487179486503389824748;0.021794871794871793768688661430;0.018269230769230770244915262879;0.001282051282051282050170049054;0.000961538461538461591837645415;0.001602564102564102508502452693;0.043910256410256406911507554014;0.003205128205128205017004905386;0.002243589743589743425167259971;0.018589743589743589619045494032;0.084935897435897439455843027645;0.013782051282051281659857266959;0.004487179487179486850334519943;0.000641025641025641025085024527;0.014743589743589743251694912374;0.004166666666666666608842550801;0.003205128205128205017004905386;0.000000000000000000000000000000;0.023397435897435897578233721106;0.000641025641025641025085024527;0.011538461538461539102051744976;0.056089743589743591700713665205;0.031089743589743590312934884423;0.014423076923076923877564681220;0.016346153846153847061239972049
-0.037499999999999998612221219219;0.002916666666666666799662133158;0.067083333333333328152292551749;0.013750000000000000069388939039;0.002500000000000000052041704279;0.006666666666666667094565124074;0.002500000000000000052041704279;0.018333333333333333425851918719;0.010833333333333333703407674875;0.060833333333333336478965236438;0.012500000000000000693889390391;0.002083333333333333304421275400;0.005833333333333333599324266316;0.053333333333333336756520992594;0.005833333333333333599324266316;0.021250000000000001526556658860;0.027083333333333334258519187188;0.019583333333333334536074943344;0.007083333333333332974823814965;0.012500000000000000693889390391;0.011249999999999999583666365766;0.011666666666666667198648532633;0.011249999999999999583666365766;0.082500000000000003885780586188;0.022916666666666665047591422422;0.055833333333333332038073137937;0.027083333333333334258519187188;0.002500000000000000052041704279;0.000833333333333333386820640509;0.003333333333333333547282562037;0.001666666666666666773641281019;0.035000000000000003330669073875;0.003333333333333333547282562037;0.007083333333333332974823814965;0.020416666666666666296592325125;0.067916666666666666851703837438;0.019166666666666665186369300500;0.009583333333333332593184650250;0.000416666666666666693410320255;0.016666666666666666435370203203;0.005833333333333333599324266316;0.004166666666666666608842550801;0.000000000000000000000000000000;0.043333333333333334813630699500;0.001666666666666666773641281019;0.020000000000000000416333634234;0.064166666666666663521034763562;0.027083333333333334258519187188;0.017500000000000001665334536938;0.015833333333333334674852821422
-0.034146341463414636718809447302;0.010162601626016259936946539710;0.031707317073170732113496228521;0.252439024390243904605313218781;0.017479674796747966813992292145;0.017073170731707318359404723651;0.007317073170731707744407490424;0.019512195121951219495270990478;0.006504065040650406498423663493;0.015853658536585366056748114261;0.013414634146341463186158371457;0.014634146341463415488814980847;0.016260162601626017980782634709;0.028455284552845527129560920798;0.014634146341463415488814980847;0.022764227642276424479206298201;0.010162601626016259936946539710;0.024390243902439025236450476086;0.019918699186991871419305510926;0.006504065040650406498423663493;0.016666666666666666435370203203;0.004065040650406504495195658677;0.007317073170731707744407490424;0.023577235772357724857828387144;0.028455284552845527129560920798;0.027642276422764226750938831856;0.028048780487804878674973352304;0.009756097560975609747635495239;0.001626016260162601624605915873;0.021138211382113820252515168363;0.017886178861788618738026812593;0.009756097560975609747635495239;0.010162601626016259936946539710;0.008130081300813008990391317354;0.017479674796747966813992292145;0.020325203252032519873893079421;0.008943089430894309369013406297;0.013008130081300812996847326986;0.000000000000000000000000000000;0.013008130081300812996847326986;0.007723577235772357933718534895;0.003658536585365853872203745212;0.000000000000000000000000000000;0.011788617886178862428914193572;0.010569105691056910126257584182;0.017073170731707318359404723651;0.019512195121951219495270990478;0.022357723577235772555171777753;0.021951219512195120631137257305;0.015040650406504065678126025318
-0.028205128205128205537421948179;0.016666666666666666435370203203;0.051282051282051280272078486178;0.036324786324786327573743704988;0.038888888888888889505679458125;0.026068376068376069437659836581;0.002991452991452991667237215623;0.022649572649572648902482896460;0.023931623931623933337897724982;0.015384615384615385469402326635;0.014957264957264957902505209120;0.008547008547008547868495398347;0.012820512820512820068019621544;0.023504273504273504036277131490;0.024786324786324785002245008059;0.014529914529914530335608091605;0.018803418803418802535132314802;0.048290598290598292507969091503;0.032478632478632481206393123330;0.008119658119658120301598280832;0.017521367521367521569164438233;0.024786324786324785002245008059;0.022649572649572648902482896460;0.021367521367521367936515019892;0.024358974358974359170071366520;0.024786324786324785002245008059;0.031196581196581196770978294808;0.036324786324786327573743704988;0.000854700854700854700113366036;0.032478632478632481206393123330;0.007264957264957265167804045802;0.015384615384615385469402326635;0.018376068376068376702958673263;0.009829059829059828834463274916;0.019230769230769231836752908293;0.030769230769230770938804653269;0.015384615384615385469402326635;0.007264957264957265167804045802;0.001282051282051282050170049054;0.015811965811965811301575968173;0.009401709401709401267566157401;0.011111111111111111535154627461;0.000000000000000000000000000000;0.006837606837606837600906928287;0.019230769230769231836752908293;0.006837606837606837600906928287;0.028632478632478631369595589717;0.016666666666666666435370203203;0.043162393162393161705203681322;0.011965811965811966668948862491
-0.023703703703703702526661700745;0.008518518518518519017090895318;0.115925925925925932258309103418;0.001481481481481481407916356297;0.005555555555555555767577313730;0.016666666666666666435370203203;0.000370370370370370351979089074;0.013703703703703704053218359604;0.030370370370370370488588562807;0.028888888888888887562789165031;0.015185185185185185244294281404;0.003703703703703703845051542487;0.012962962962962962590318660716;0.052222222222222225429533182250;0.004444444444444444440589503387;0.018148148148148149361169600979;0.055185185185185184342238073896;0.041851851851851848418384349770;0.007037037037037036958653235530;0.012222222222222222862142437805;0.006666666666666667094565124074;0.027037037037037036507625131776;0.006296296296296296363115274630;0.048148148148148148250946576354;0.023333333333333334397297065266;0.027037037037037036507625131776;0.023703703703703702526661700745;0.005555555555555555767577313730;0.000370370370370370351979089074;0.010370370370370370072254928573;0.001111111111111111110147375847;0.030740740740740742087400150240;0.008148148148148147418279307885;0.008518518518518519017090895318;0.018888888888888889089345823891;0.078888888888888883399452822687;0.016666666666666666435370203203;0.004814814814814815172039352831;0.000370370370370370351979089074;0.018148148148148149361169600979;0.006296296296296296363115274630;0.012222222222222222862142437805;0.000000000000000000000000000000;0.013333333333333334189130248149;0.004444444444444444440589503387;0.008518518518518519017090895318;0.050370370370370370904922197042;0.029629629629629630760412339896;0.023703703703703702526661700745;0.018518518518518517490534236458
-0.017479674796747966813992292145;0.005691056910569106119801574550;0.129268292682926833059298132866;0.000000000000000000000000000000;0.000406504065040650406151478968;0.005691056910569106119801574550;0.000813008130081300812302957937;0.008130081300813008990391317354;0.053658536585365852744633485827;0.034552845528455285173397015797;0.004878048780487804873817747620;0.001219512195121951218454436905;0.004471544715447154684506703148;0.048780487804878050472900952172;0.002032520325203252247597829339;0.008943089430894309369013406297;0.072764227642276427254763859764;0.058536585365853661955259923388;0.002845528455284553059900787275;0.022357723577235772555171777753;0.007317073170731707744407490424;0.044308943089430896655755987013;0.003252032520325203249211831746;0.059349593495934958864435060377;0.019512195121951219495270990478;0.028048780487804878674973352304;0.017479674796747966813992292145;0.000813008130081300812302957937;0.003658536585365853872203745212;0.000406504065040650406151478968;0.000813008130081300812302957937;0.045934959349593497413000164897;0.002439024390243902436908873810;0.008130081300813008990391317354;0.011788617886178862428914193572;0.080487804878048782586397180694;0.011788617886178862428914193572;0.004878048780487804873817747620;0.001626016260162601624605915873;0.013821138211382113375469415928;0.003252032520325203249211831746;0.014227642276422763564780460399;0.000000000000000000000000000000;0.018699186991869919116648901536;0.000000000000000000000000000000;0.009349593495934959558324450768;0.056910569105691054259121841596;0.026016260162601625993694653971;0.013008130081300812996847326986;0.010162601626016259936946539710
-0.034567901234567897927885127274;0.016049382716049383906797842769;0.063888888888888883954564334999;0.001851851851851851922525771243;0.002160493827160493620492820455;0.016666666666666666435370203203;0.002777777777777777883788656865;0.025925925925925925180637321432;0.025925925925925925180637321432;0.030864197530864195817557060764;0.020370370370370372015145221667;0.010493827160493827271858791050;0.013888888888888888117900677344;0.035802469135802469923923752049;0.011111111111111111535154627461;0.027469135802469134971515174470;0.028703703703703703498106847292;0.050308641975308640570396789826;0.016975308641975307699656383420;0.011419753086419752799440807678;0.020370370370370372015145221667;0.020679012345679013279431401884;0.013888888888888888117900677344;0.037037037037037034981068472916;0.030864197530864195817557060764;0.039814814814814816767984950729;0.031172839506172840551290192934;0.008333333333333333217685101602;0.001234567901234567876070369330;0.007716049382716048954389265191;0.013271604938271605589328316910;0.022839506172839505598881615356;0.010185185185185186007572610833;0.005246913580246913635929395525;0.020370370370370372015145221667;0.045987654320987655931496362882;0.016049382716049383906797842769;0.012345679012345678327022824305;0.001851851851851851922525771243;0.017901234567901234961961876024;0.008333333333333333217685101602;0.011419753086419752799440807678;0.000000000000000000000000000000;0.017901234567901234961961876024;0.005864197530864197899225231936;0.016975308641975307699656383420;0.038271604938271606977107097691;0.025925925925925925180637321432;0.030864197530864195817557060764;0.020061728395061727281412089496
-0.033333333333333332870740406406;0.006730769230769231142863517903;0.066346153846153846367350581659;0.001282051282051282050170049054;0.006730769230769231142863517903;0.019551282051282051210883139447;0.000320512820512820512542512263;0.020512820512820512802720784862;0.012179487179487179585035683260;0.034294871794871797932025003774;0.018589743589743589619045494032;0.005769230769230769551025872488;0.014102564102564102768710974090;0.060897435897435896190454940324;0.006730769230769231142863517903;0.020192307692307693428590553708;0.016987179487179485809500434357;0.021794871794871793768688661430;0.016025641025641024217662788942;0.017307692307692308653077617464;0.016025641025641024217662788942;0.011217948717948717993198037846;0.010576923076923077510214099561;0.048397435897435898966012501887;0.039743589743589741170026741202;0.043269230769230768163247091707;0.032051282051282048435325577884;0.010576923076923077510214099561;0.000320512820512820512542512263;0.009935897435897435292506685300;0.008012820512820512108831394471;0.023717948717948716952363952259;0.010256410256410256401360392431;0.009615384615384615918376454147;0.025320512820512820761909011935;0.050641025641025641523818023870;0.018589743589743589619045494032;0.007692307692307692734701163317;0.000641025641025641025085024527;0.017307692307692308653077617464;0.002884615384615384775512936244;0.004487179487179486850334519943;0.000000000000000000000000000000;0.022435897435897435986396075691;0.006730769230769231142863517903;0.015064102564102564360548619504;0.062179487179487180625869768846;0.041025641025641025605441569724;0.032371794871794874748349712945;0.019230769230769231836752908293
-0.028301886792452830843291877727;0.008176100628930817529327335080;0.105974842767295601708710250932;0.000000000000000000000000000000;0.000000000000000000000000000000;0.011635220125786162673198198547;0.000628930817610062861851283333;0.016666666666666666435370203203;0.038993710691823897651620001170;0.033962264150943395624171472491;0.008490566037735848906042868123;0.002515723270440251447405133334;0.008805031446540880282758401165;0.065408805031446540234618680643;0.002201257861635220070689600291;0.011635220125786162673198198547;0.040251572327044023158482133340;0.039308176100628929028335534213;0.004402515723270440141379200583;0.021069182389937105709387665797;0.008490566037735848906042868123;0.033647798742138364247455939449;0.011006289308176099919767132462;0.047169811320754720385117764181;0.032075471698113207363878274236;0.035534591194968552507749137703;0.018867924528301886072378934500;0.007232704402515723399180735953;0.000943396226415094346987033624;0.002201257861635220070689600291;0.004088050314465408764663667540;0.027044025157232705336429745557;0.003773584905660377387948134498;0.009433962264150943036189467250;0.026415094339622642582998679472;0.064465408805031446104472081515;0.013207547169811321291499339736;0.009119496855345911659473934208;0.003144654088050314634517068413;0.022012578616352199839534264925;0.002830188679245282824120666376;0.014150943396226415421645938864;0.000000000000000000000000000000;0.016352201257861635058654670161;0.000628930817610062861851283333;0.011320754716981131296482665505;0.050628930817610065528988627648;0.030503144654088050480300609024;0.028301886792452830843291877727;0.016981132075471697812085736246
-0.028125000000000000693889390391;0.007638888888888888638317720137;0.052777777777777777623580135469;0.000694444444444444470947164216;0.004513888888888888464845372539;0.040972222222222222376419864531;0.001736111111111111014737584668;0.015625000000000000000000000000;0.036111111111111107718762980312;0.021527777777777777623580135469;0.021180555555555556634939051719;0.028125000000000000693889390391;0.014583333333333333564629796797;0.036458333333333335646297967969;0.007638888888888888638317720137;0.029861111111111112575988713047;0.034722222222222223764198645313;0.035069444444444444752839729063;0.014583333333333333564629796797;0.007986111111111110494320541875;0.013888888888888888117900677344;0.030902777777777779011358916250;0.009027777777777776929690745078;0.034375000000000002775557561563;0.047222222222222220988641083750;0.033333333333333332870740406406;0.021874999999999998612221219219;0.002430555555555555594104966133;0.000347222222222222235473582108;0.025347222222222222376419864531;0.025347222222222222376419864531;0.026388888888888888811790067734;0.010416666666666666088425508008;0.009374999999999999653055304805;0.018749999999999999306110609609;0.037847222222222219600862302968;0.008680555555555555941049661328;0.012152777777777777970524830664;0.003472222222222222029475169336;0.020138888888888890199568848516;0.004513888888888888464845372539;0.018402777777777778317469525859;0.000000000000000000000000000000;0.016319444444444445446729119453;0.005555555555555555767577313730;0.015277777777777777276635440273;0.039583333333333331482961625625;0.027430555555555555247160270937;0.022569444444444444058950338672;0.019097222222222223764198645313
-0.031638418079096043700193519044;0.009322033898305085233837452563;0.058192090395480226827640279907;0.001412429378531073441427334814;0.005084745762711864042193710134;0.023446327683615819648110800699;0.003389830508474576172689429754;0.018926553672316385329432719686;0.031920903954802258561951333604;0.031073446327683617446124841877;0.018644067796610170467674905126;0.013559322033898304690757719015;0.012429378531073446978449936751;0.048305084745762713605010674200;0.006214689265536723489224968375;0.028248587570621468828546696272;0.030790960451977402584367027316;0.035028248587570622041287293769;0.017796610169491525882401461445;0.009039548022598870372079638003;0.015819209039548021850096759522;0.022881355932203389924595171578;0.008474576271186440648564008882;0.039548022598870059829412326735;0.039548022598870059829412326735;0.042090395480225986646338753872;0.029096045197740113413820139954;0.001412429378531073441427334814;0.001412429378531073441427334814;0.023728813559322034509868615260;0.011581920903954802393176493069;0.023446327683615819648110800699;0.008474576271186440648564008882;0.006779661016949152345378859508;0.024293785310734464233384244380;0.041807909604519771784580939311;0.011299435028248587531418678509;0.009887005649717514957353081684;0.001694915254237288086344714877;0.018644067796610170467674905126;0.005367231638418078903951524694;0.015536723163841808723062420938;0.000000000000000000000000000000;0.024011299435028249371626429820;0.005932203389830508627467153815;0.020056497175141241307017025974;0.043785310734463275816885641234;0.026553672316384179657999808910;0.030790960451977402584367027316;0.011581920903954802393176493069
-0.021388888888888887840344921187;0.008888888888888888881179006773;0.058611111111111113824989615750;0.115555555555555550251156660124;0.005833333333333333599324266316;0.008888888888888888881179006773;0.005833333333333333599324266316;0.021111111111111111743321444578;0.019722222222222220849863205672;0.028888888888888887562789165031;0.012777777777777778525636342977;0.004166666666666666608842550801;0.008611111111111111049432054187;0.047500000000000000555111512313;0.023333333333333334397297065266;0.010277777777777778039913769703;0.027777777777777776235801354687;0.033055555555555553304269977843;0.012500000000000000693889390391;0.013611111111111110286153724758;0.015833333333333334674852821422;0.021111111111111111743321444578;0.010555555555555555871660722289;0.034444444444444444197728216750;0.021388888888888887840344921187;0.033333333333333332870740406406;0.029999999999999998889776975375;0.004444444444444444440589503387;0.007222222222222221890697291258;0.005555555555555555767577313730;0.011666666666666667198648532633;0.019722222222222220849863205672;0.008611111111111111049432054187;0.012500000000000000693889390391;0.025000000000000001387778780781;0.038611111111111109939209029562;0.009722222222222222376419864531;0.007222222222222221890697291258;0.008333333333333333217685101602;0.023333333333333334397297065266;0.006944444444444444058950338672;0.009444444444444444544672911945;0.000000000000000000000000000000;0.019722222222222220849863205672;0.007777777777777777554191196430;0.012500000000000000693889390391;0.040000000000000000832667268469;0.027777777777777776235801354687;0.026666666666666668378260496297;0.012222222222222222862142437805
-0.014912280701754385484059106659;0.013450292397660818313753772202;0.030409356725146198530129737492;0.412573099415204702644643930398;0.007017543859649122937882648188;0.006725146198830409156876886101;0.004093567251461988597271979273;0.025146198830409357410919923836;0.014035087719298245875765296375;0.021929824561403507554580016858;0.011988304093567251143448437745;0.004385964912280701510916003372;0.002339181286549707645960882729;0.022222222222222223070309254922;0.023684210526315790240614589379;0.015789473684210526827076392919;0.010233918128654970192137341201;0.016081871345029238873358679029;0.012573099415204678705459961918;0.001461988304093567170305334457;0.012573099415204678705459961918;0.014035087719298245875765296375;0.001461988304093567170305334457;0.026023391812865497019213734120;0.014912280701754385484059106659;0.023684210526315790240614589379;0.028947368421052631359824403035;0.006432748538011696243232862003;0.002046783625730994298635989637;0.006140350877192982462227099916;0.002631578947368420993285775822;0.015789473684210526827076392919;0.002923976608187134340610668914;0.007602339181286549632532434373;0.005555555555555555767577313730;0.021637426900584795508297730748;0.008187134502923977194543958547;0.005555555555555555767577313730;0.002631578947368420993285775822;0.001169590643274853822980441365;0.011111111111111111535154627461;0.008187134502923977194543958547;0.000000000000000000000000000000;0.014619883040935671703053344572;0.010818713450292397754148865374;0.015497076023391813046070630833;0.033333333333333332870740406406;0.007602339181286549632532434373;0.008187134502923977194543958547;0.009649122807017544364849293004
-0.012222222222222222862142437805;0.009629629629629630344078705662;0.023703703703703702526661700745;0.530000000000000026645352591004;0.008148148148148147418279307885;0.004444444444444444440589503387;0.003703703703703703845051542487;0.014444444444444443781394582516;0.013703703703703704053218359604;0.015555555555555555108382392859;0.008888888888888888881179006773;0.009259259259259258745267118229;0.001851851851851851922525771243;0.014814814814814815380206169948;0.017407407407407406163546426114;0.016296296296296294836558615771;0.008888888888888888881179006773;0.010370370370370370072254928573;0.010000000000000000208166817117;0.001481481481481481407916356297;0.008888888888888888881179006773;0.014814814814814815380206169948;0.000000000000000000000000000000;0.022592592592592591199673890401;0.011481481481481481399242738917;0.022222222222222223070309254922;0.024444444444444445724284875610;0.007777777777777777554191196430;0.002222222222222222220294751693;0.010740740740740739936343040029;0.004444444444444444440589503387;0.014074074074074073917306471060;0.002222222222222222220294751693;0.008148148148148147418279307885;0.002962962962962962815832712593;0.017777777777777777762358013547;0.002592592592592592518063732143;0.004444444444444444440589503387;0.001481481481481481407916356297;0.000370370370370370351979089074;0.010740740740740739936343040029;0.004074074074074073709139653943;0.000000000000000000000000000000;0.015185185185185185244294281404;0.008148148148148147418279307885;0.008518518518518519017090895318;0.021111111111111111743321444578;0.003703703703703703845051542487;0.001481481481481481407916356297;0.008518518518518519017090895318
-0.012711864406779661840207751311;0.030508474576271187722609212756;0.068644067796610169773785514735;0.148305084745762705278337989512;0.009604519774011300095595267123;0.007909604519774010925048379761;0.007344632768361582068894488629;0.031638418079096043700193519044;0.034180790960451977456013850087;0.021468926553672315615806098776;0.009887005649717514957353081684;0.005932203389830508627467153815;0.004519774011299435186039819001;0.028813559322033898552062325393;0.040112994350282482614034051949;0.009887005649717514957353081684;0.026836158192090394519757623470;0.042090395480225986646338753872;0.011581920903954802393176493069;0.010169491525423728084387420267;0.015254237288135593861304606378;0.027118644067796609381515438031;0.008192090395480225786806194321;0.029661016949152543137335769075;0.010169491525423728084387420267;0.027966101694915253966788881712;0.028531073446327683690304510833;0.030790960451977402584367027316;0.001977401129943502731262094940;0.006497175141242937483621044947;0.002824858757062146882854669627;0.020903954802259885892290469656;0.007062146892655367207136674068;0.012146892655367232116692122190;0.010169491525423728084387420267;0.038418079096045200382381068493;0.009887005649717514957353081684;0.002824858757062146882854669627;0.000847457627118644043172357438;0.019209039548022600191190534247;0.013559322033898304690757719015;0.013559322033898304690757719015;0.000000000000000000000000000000;0.014971751412429378999546791817;0.013841807909604519552515533576;0.011864406779661017254934307630;0.026836158192090394519757623470;0.009604519774011300095595267123;0.012711864406779661840207751311;0.010451977401129942946145234828
-0.013636363636363635701287400082;0.028787878787878789371701415689;0.087121212121212127099667554830;0.032575757575757577355624050597;0.006060606060606060600803868255;0.002651515151515151675482018234;0.002272727272727272616881233347;0.028409090909090908144696285831;0.026515151515151515887458444354;0.037499999999999998612221219219;0.009469696969696969959806587269;0.000757575757575757575100483532;0.005303030303030303350964036468;0.039772727272727272096464190554;0.032954545454545451643735276548;0.004924242424242423858682382587;0.050378787878787877063668787514;0.046590909090909092549193104560;0.011742424242424241709326082628;0.013257575757575757943729222177;0.009090909090909090467524933388;0.019318181818181817677171352443;0.008333333333333333217685101602;0.050378787878787877063668787514;0.009848484848484847717364765174;0.025757575757575756902895136591;0.028409090909090908144696285831;0.032196969696969696128618920739;0.001893939393939393991961317454;0.004924242424242423858682382587;0.000378787878787878787550241766;0.033333333333333332870740406406;0.008333333333333333217685101602;0.004924242424242423858682382587;0.011363636363636363951767904723;0.084848484848484853615424583495;0.013257575757575757943729222177;0.002651515151515151675482018234;0.001893939393939393991961317454;0.014393939393939394685850707845;0.009848484848484847717364765174;0.006818181818181817850643700041;0.000000000000000000000000000000;0.025378787878787879145336958686;0.015530303030303029693248717535;0.010984848484848484459486250842;0.044696969696969700291955263083;0.013257575757575757943729222177;0.017803030303030303177491688871;0.009469696969696969959806587269
-0.012777777777777778525636342977;0.012500000000000000693889390391;0.073333333333333333703407674875;0.072777777777777774570466817750;0.004444444444444444440589503387;0.006944444444444444058950338672;0.002777777777777777883788656865;0.015555555555555555108382392859;0.022499999999999999167332731531;0.050555555555555554969604514781;0.007777777777777777554191196430;0.002500000000000000052041704279;0.004166666666666666608842550801;0.038333333333333330372738601000;0.012222222222222222862142437805;0.008055555555555555385938149016;0.056111111111111111604543566500;0.037499999999999998612221219219;0.007222222222222221890697291258;0.010555555555555555871660722289;0.008611111111111111049432054187;0.018611111111111109522875395328;0.005000000000000000104083408559;0.075277777777777776790912867000;0.016666666666666666435370203203;0.025555555555555557051272685953;0.021944444444444443503838826359;0.009722222222222222376419864531;0.003611111111111110945348645629;0.006111111111111111431071218902;0.004444444444444444440589503387;0.052499999999999998057109706906;0.001111111111111111110147375847;0.006388888888888889262818171488;0.010555555555555555871660722289;0.084444444444444446973285778313;0.007499999999999999722444243844;0.008611111111111111049432054187;0.001111111111111111110147375847;0.014166666666666665949647629930;0.006944444444444444058950338672;0.015277777777777777276635440273;0.000000000000000000000000000000;0.029999999999999998889776975375;0.004722222222222222272336455973;0.017222222222222222098864108375;0.042222222222222223486642889156;0.016944444444444446001840631766;0.012500000000000000693889390391;0.013611111111111110286153724758
-0.021428571428571428769682682969;0.016666666666666666435370203203;0.040773809523809524668624959531;0.099404761904761898549942600312;0.006547619047619047775998790684;0.018749999999999999306110609609;0.010714285714285714384841341484;0.023214285714285715078730731875;0.030059523809523810283783618047;0.019047619047619049337249919063;0.010119047619047619526733150508;0.010714285714285714384841341484;0.020535714285714285615158658516;0.023214285714285715078730731875;0.025297619047619047949471138281;0.008035714285714284921269268125;0.026488095238095237665687520234;0.041369047619047617792009674531;0.013988095238095238706521605820;0.006547619047619047775998790684;0.013392857142857142113689938867;0.024107142857142858233254756328;0.016369047619047619873677845703;0.034523809523809526056403740313;0.022023809523809525362514349922;0.022916666666666665047591422422;0.024404761904761904794947113828;0.012202380952380952397473556914;0.002976190476190476025264430859;0.017857142857142856151586585156;0.011904761904761904101057723437;0.027976190476190477413043211641;0.009523809523809524668624959531;0.013095238095238095551997581367;0.031845238095238093123384715000;0.033333333333333332870740406406;0.009226190476190476372209126055;0.010714285714285714384841341484;0.011904761904761904101057723437;0.035714285714285712303173170312;0.008035714285714284921269268125;0.024107142857142858233254756328;0.000000000000000000000000000000;0.017261904761904763028201870156;0.013690476190476190410105772344;0.016964285714285712997062560703;0.016666666666666666435370203203;0.009523809523809524668624959531;0.027380952380952380820211544687;0.007440476190476190063161077148
-0.039080459770114941986385304062;0.008620689655172413673467346484;0.050574712643678160217675099375;0.038218390804597698884315093437;0.003160919540229885013604693711;0.033620689655172411591799175312;0.003160919540229885013604693711;0.017241379310344827346934692969;0.046264367816091951646217950156;0.022988505747126436462579590625;0.016954022988505748625875924063;0.026149425287356323210907760313;0.020977011494252875006827352422;0.031321839080459767945541216250;0.007471264367816091850338366953;0.019827586206896553183698372891;0.032183908045977011047611426875;0.038218390804597698884315093437;0.011206896551724137775507550430;0.010632183908045976863943060664;0.010344827586206896408160815781;0.028735632183908045578224488281;0.014080459770114942333329999258;0.025287356321839080108837549687;0.039080459770114941986385304062;0.026724137931034484122472250078;0.024137931034482758285708570156;0.003160919540229885013604693711;0.002298850574712643646257959062;0.018965517241379310081628162266;0.020402298850574714095262862656;0.021264367816091953727886121328;0.010919540229885057319725305547;0.007183908045977011394556122070;0.023563218390804597374144080391;0.040804597701149428190525725313;0.008045977011494252761902856719;0.010919540229885057319725305547;0.010057471264367815952378570898;0.025000000000000001387778780781;0.004022988505747126380951428359;0.025287356321839080108837549687;0.000000000000000000000000000000;0.013793103448275861877547754375;0.004597701149425287292515918125;0.015517241379310344612241223672;0.024137931034482758285708570156;0.022701149425287357741520821719;0.025862068965517241020402039453;0.015229885057471264156458978789
-0.024545454545454543915372624951;0.030909090909090910365142335081;0.038484848484848482863540652943;0.051212121212121208824186169295;0.040606060606060603856981572335;0.025757575757575756902895136591;0.003333333333333333547282562037;0.032121212121212119883217894767;0.024848484848484848896976728838;0.013030303030303030942249620239;0.013939393939393938948168027991;0.026363636363636363396656392410;0.018484848484848485916653970662;0.024242424242424242403215473018;0.039090909090909092826748860716;0.024848484848484848896976728838;0.014848484848484848688809911721;0.042424242424242426807712291748;0.031212121212121211877299487014;0.003030303030303030300401934127;0.016666666666666666435370203203;0.020000000000000000416333634234;0.010606060606060606701928072937;0.013939393939393938948168027991;0.035757575757575758845785429685;0.017272727272727272929131459023;0.029393939393939392396015719555;0.032424242424242424864821998653;0.000909090909090909090120580238;0.027272727272727271402574800163;0.018484848484848485916653970662;0.012727272727272727695368992329;0.012424242424242424448488364419;0.007878787878787879214725897725;0.016363636363636364923213051270;0.018787878787878787428811122595;0.011515151515151514707846480690;0.007272727272727272720964641906;0.007272727272727272720964641906;0.017575757575757574441288610956;0.008787878787878787220644305478;0.016060606060606059941608947383;0.000000000000000000000000000000;0.010909090909090909948808700847;0.022424242424242422921931705559;0.013030303030303030942249620239;0.016363636363636364923213051270;0.014545454545454545441929283811;0.029090909090909090883858567622;0.010909090909090909948808700847
-0.035220125786163521131033604661;0.018553459119496854695663401458;0.047798742138364783138548830266;0.033962264150943395624171472491;0.024213836477987422945989948175;0.021383647798742137086103198840;0.005345911949685534271525799710;0.019182389937106917449094467543;0.016981132075471697812085736246;0.023899371069182391569274415133;0.017610062893081760565516802330;0.012264150943396227161352740609;0.014150943396226415421645938864;0.034905660377358489754318071618;0.016666666666666666435370203203;0.032704402515723270117309340321;0.018867924528301886072378934500;0.022641509433962262592965331010;0.018238993710691823318947868415;0.011949685534591195784637207566;0.017924528301886791942232335373;0.021698113207547168462818731882;0.009748427672955974412905000293;0.029245283018867924973438476854;0.038679245283018866274904468128;0.033962264150943395624171472491;0.021698113207547168462818731882;0.030188679245283019103585075982;0.000943396226415094346987033624;0.018238993710691823318947868415;0.014150943396226415421645938864;0.017295597484276729188801269288;0.012578616352201258538068273651;0.011320754716981131296482665505;0.027358490566037736713145278600;0.036792452830188678014611269873;0.011635220125786162673198198547;0.013207547169811321291499339736;0.002830188679245282824120666376;0.020440251572327042955956599712;0.009119496855345911659473934208;0.005660377358490565648241332752;0.000000000000000000000000000000;0.014779874213836478175077004948;0.012264150943396227161352740609;0.014465408805031446798361471906;0.031132075471698113233731675109;0.034905660377358489754318071618;0.022955974842767293969680864052;0.018238993710691823318947868415
-0.031034482758620689224482447344;0.010632183908045976863943060664;0.064655172413793107755175526563;0.073563218390804596680254690000;0.008620689655172413673467346484;0.014367816091954022789112244141;0.002298850574712643646257959062;0.025862068965517241020402039453;0.017816091954022988258499182734;0.036781609195402298340127345000;0.016091954022988505523805713437;0.006896551724137930938773877187;0.008333333333333333217685101602;0.037643678160919541442197555625;0.017816091954022988258499182734;0.031609195402298853605493889063;0.029310344827586206489788978047;0.027011494252873562843531018984;0.012356321839080459598636529961;0.005459770114942528659862652773;0.013793103448275861877547754375;0.019827586206896553183698372891;0.005172413793103448204080407891;0.047988505747126437850358371406;0.031321839080459767945541216250;0.041666666666666664353702032031;0.025000000000000001387778780781;0.011206896551724137775507550430;0.001149425287356321823128979531;0.005459770114942528659862652773;0.006896551724137930938773877187;0.025862068965517241020402039453;0.008908045977011494129249591367;0.014655172413793103244894489023;0.013505747126436781421765509492;0.043678160919540229278901222187;0.011494252873563218231289795312;0.009770114942528735496596326016;0.002011494252873563190475714180;0.009770114942528735496596326016;0.008045977011494252761902856719;0.009195402298850574585031836250;0.000000000000000000000000000000;0.020689655172413792816321631562;0.007183908045977011394556122070;0.013793103448275861877547754375;0.045114942528735629823088970625;0.031609195402298853605493889063;0.014367816091954022789112244141;0.022701149425287357741520821719
-0.025362318840579711753946412500;0.029347826086956522312343409453;0.040579710144927533255199136875;0.130072463768115931248559036248;0.009057971014492753950020365039;0.021014492753623187359934831875;0.004347826086956521791926366660;0.024275362318840580655443517344;0.031159420289855074143181568047;0.018478260869565218266208361797;0.014855072463768116339255520586;0.023550724637681159923108253906;0.010144927536231883313799784219;0.026086956521739129016834723984;0.021014492753623187359934831875;0.022101449275362318458437727031;0.024275362318840580655443517344;0.043115942028985505818372558906;0.011956521739130435144637942813;0.007971014492753622851517469883;0.018115942028985507900040730078;0.023188405797101449556940622188;0.014855072463768116339255520586;0.019202898550724638998543625235;0.028623188405797101580008146016;0.026086956521739129016834723984;0.019927536231884056261431936719;0.026449275362318839383002355703;0.002536231884057970828449946055;0.019927536231884056261431936719;0.014855072463768116339255520586;0.016666666666666666435370203203;0.006521739130434782254208680996;0.006521739130434782254208680996;0.014130434782608695606920257148;0.025724637681159418650667092265;0.010869565217391304046135047656;0.009782608695652174682355628477;0.008695652173913043583852733320;0.016304347826086956069202571484;0.011594202898550724778470311094;0.023550724637681159923108253906;0.000000000000000000000000000000;0.010507246376811593679967415937;0.011231884057971014412302679375;0.009782608695652174682355628477;0.017391304347826087167705466641;0.017028985507246376801537834922;0.017028985507246376801537834922;0.014130434782608695606920257148
-0.026587301587301586519584972734;0.032936507936507937455150596406;0.029365079365079364837054498594;0.215079365079365092405794257502;0.016666666666666666435370203203;0.022222222222222223070309254922;0.002777777777777777883788656865;0.018253968253968255036623347110;0.037698412698412696320016124218;0.011904761904761904101057723437;0.013095238095238095551997581367;0.011507936507936508685467913438;0.007142857142857142634106981660;0.016269841269841271019780393203;0.023412698412698412786525636875;0.015873015873015872134743631250;0.021428571428571428769682682969;0.043650793650793648370544985937;0.018253968253968255036623347110;0.005158730158730158617264027754;0.013888888888888888117900677344;0.020238095238095239053466301016;0.006746031746031746351155433672;0.017857142857142856151586585156;0.022619047619047618485899064922;0.017857142857142856151586585156;0.019047619047619049337249919063;0.034523809523809526056403740313;0.003571428571428571317053490830;0.017460317460317460735996775156;0.011507936507936508685467913438;0.011507936507936508685467913438;0.009920634920634920084214769531;0.007539682539682539784420267637;0.008333333333333333217685101602;0.019444444444444444752839729063;0.006349206349206349200842147695;0.010714285714285714384841341484;0.010317460317460317234528055508;0.011507936507936508685467913438;0.007539682539682539784420267637;0.033333333333333332870740406406;0.000000000000000000000000000000;0.015079365079365079568840535273;0.011904761904761904101057723437;0.011111111111111111535154627461;0.010714285714285714384841341484;0.013492063492063492702310867344;0.013888888888888888117900677344;0.012698412698412698401684295391
-0.012056737588652482323636760952;0.024113475177304964647273521905;0.035460992907801421047953027710;0.310283687943262387332055141087;0.009574468085106382919668988052;0.010283687943262410577349719176;0.007092198581560283515701215151;0.019148936170212765839337976104;0.030141843971631204074368426404;0.013120567375886524677519595627;0.010283687943262410577349719176;0.006382978723404254990658746038;0.009929078014184397615871091602;0.013829787234042552335200326752;0.029078014184397163455209067706;0.011347517730496454665956029828;0.020921985815602835850901541903;0.031560283687943259389729888653;0.015602836879432624081487368528;0.005319148936170212636775911363;0.013475177304964539373721699178;0.021276595744680850547103645454;0.008156028368794325869584049826;0.020212765957446809927944286756;0.014184397163120567031402430302;0.014893617021276596423806637404;0.023758865248226949951071418354;0.018439716312056736446933769002;0.006382978723404254990658746038;0.010992907801418439969753926277;0.006028368794326241161818380476;0.019148936170212765839337976104;0.010638297872340425273551822727;0.009219858156028368223466884501;0.010992907801418439969753926277;0.021631205673758865243305749004;0.006028368794326241161818380476;0.009574468085106382919668988052;0.004255319148936170282893076688;0.017021276595744681131572306754;0.007446808510638298211903318702;0.010638297872340425273551822727;0.000000000000000000000000000000;0.014893617021276596423806637404;0.021276595744680850547103645454;0.013475177304964539373721699178;0.013475177304964539373721699178;0.009574468085106382919668988052;0.012411347517730497019838864503;0.004964539007092198807935545801
-0.032986111111111111882099322656;0.003472222222222222029475169336;0.080902777777777781786916477813;0.000000000000000000000000000000;0.000347222222222222235473582108;0.018402777777777778317469525859;0.002430555555555555594104966133;0.013888888888888888117900677344;0.041319444444444443365060948281;0.041666666666666664353702032031;0.015277777777777777276635440273;0.015972222222222220988641083750;0.013541666666666667129259593594;0.037499999999999998612221219219;0.002083333333333333304421275400;0.025000000000000001387778780781;0.044097222222222225151977426094;0.041319444444444443365060948281;0.006944444444444444058950338672;0.016319444444444445446729119453;0.015277777777777777276635440273;0.027777777777777776235801354687;0.014930555555555556287994356524;0.043402777777777776235801354687;0.033680555555555553859381490156;0.032986111111111111882099322656;0.020138888888888890199568848516;0.001041666666666666652210637700;0.000000000000000000000000000000;0.008680555555555555941049661328;0.015625000000000000000000000000;0.026041666666666667823148983985;0.005555555555555555767577313730;0.009027777777777776929690745078;0.024305555555555555941049661328;0.057291666666666664353702032031;0.012500000000000000693889390391;0.013194444444444444405895033867;0.002430555555555555594104966133;0.026388888888888888811790067734;0.003125000000000000173472347598;0.005902777777777777623580135469;0.000000000000000000000000000000;0.023263888888888889505679458125;0.000347222222222222235473582108;0.014583333333333333564629796797;0.046875000000000000000000000000;0.027777777777777776235801354687;0.020833333333333332176851016015;0.013541666666666667129259593594
-0.038768115942028988363254882188;0.014130434782608695606920257148;0.045652173913043478381545980938;0.000000000000000000000000000000;0.028260869565217391213840514297;0.021376811594202897726102463594;0.006884057971014492620376312715;0.022463768115942028824605358750;0.017753623188405797533873098359;0.031521739130434781039902247812;0.014492753623188405973087888867;0.011956521739130435144637942813;0.025724637681159418650667092265;0.036231884057971015800081460156;0.009420289855072464316187996758;0.017753623188405797533873098359;0.028623188405797101580008146016;0.042391304347826085086037295468;0.019565217391304349364711256953;0.008695652173913043583852733320;0.015217391304347826705423152305;0.018115942028985507900040730078;0.028623188405797101580008146016;0.032971014492753622504572774687;0.023188405797101449556940622188;0.026086956521739129016834723984;0.026449275362318839383002355703;0.002173913043478260895963183330;0.003623188405797101493271972217;0.026811594202898549749169987422;0.006521739130434782254208680996;0.021739130434782608092270095312;0.019202898550724638998543625235;0.005797101449275362389235155547;0.027536231884057970481505250859;0.054347826086956520230675238281;0.015942028985507245703034939766;0.009782608695652174682355628477;0.002898550724637681194617577773;0.025724637681159418650667092265;0.011231884057971014412302679375;0.017391304347826087167705466641;0.000000000000000000000000000000;0.019927536231884056261431936719;0.008695652173913043583852733320;0.018478260869565218266208361797;0.025362318840579711753946412500;0.022826086956521739190772990469;0.028260869565217391213840514297;0.013405797101449274874584993711
-0.024691358024691356654045648611;0.009876543209876543008562954640;0.076234567901234562281587159305;0.000000000000000000000000000000;0.020370370370370372015145221667;0.014506172839506172381196513754;0.004012345679012345976699460692;0.024382716049382715389759468394;0.025617283950617283916351141215;0.027469135802469134971515174470;0.013580246913580246853614497127;0.004938271604938271504281477320;0.016049382716049383906797842769;0.044135802469135801406885377673;0.006172839506172839163511412153;0.012654320987654321326032480499;0.036111111111111107718762980312;0.049074074074074075513252068959;0.008641975308641974481971281818;0.017901234567901234961961876024;0.008950617283950617480980938012;0.024074074074074074125473288177;0.020987654320987654543717582101;0.033024691358024688137007274236;0.019753086419753086017125909279;0.033950617283950615399312766840;0.033641975308641977604473538577;0.011728395061728395798450463872;0.002160493827160493620492820455;0.004629629629629629372633559115;0.004012345679012345976699460692;0.029320987654320986026679207725;0.011419753086419752799440807678;0.008333333333333333217685101602;0.027469135802469134971515174470;0.055864197530864197205335841545;0.016975308641975307699656383420;0.009567901234567901744276774423;0.001543209876543209790877853038;0.025000000000000001387778780781;0.004629629629629629372633559115;0.011111111111111111535154627461;0.000000000000000000000000000000;0.021296296296296295808003762318;0.004938271604938271504281477320;0.016666666666666666435370203203;0.037037037037037034981068472916;0.025925925925925925180637321432;0.040432098765432099296557311163;0.019135802469135803488553548846
-0.032222222222222221543752596062;0.003703703703703703845051542487;0.077777777777777779011358916250;0.000000000000000000000000000000;0.001481481481481481407916356297;0.014444444444444443781394582516;0.002592592592592592518063732143;0.012962962962962962590318660716;0.050000000000000002775557561563;0.029999999999999998889776975375;0.014444444444444443781394582516;0.013333333333333334189130248149;0.020740740740740740144509857146;0.037407407407407410049327012302;0.005555555555555555767577313730;0.016666666666666666435370203203;0.044074074074074071072359970458;0.041111111111111112159655078813;0.009259259259259258745267118229;0.013333333333333334189130248149;0.010740740740740739936343040029;0.031111111111111110216764785719;0.015555555555555555108382392859;0.035555555555555555524716027094;0.032592592592592589673117231541;0.032592592592592589673117231541;0.022962962962962962798485477833;0.013703703703703704053218359604;0.004814814814814815172039352831;0.011481481481481481399242738917;0.008888888888888888881179006773;0.027777777777777776235801354687;0.009259259259259258745267118229;0.008518518518518519017090895318;0.028888888888888887562789165031;0.053333333333333336756520992594;0.013703703703703704053218359604;0.009629629629629630344078705662;0.003703703703703703845051542487;0.029259259259259259161600752464;0.003333333333333333547282562037;0.021481481481481479872686080057;0.000000000000000000000000000000;0.017037037037037038034181790636;0.002222222222222222220294751693;0.012592592592592592726230549260;0.033703703703703701000105041885;0.020740740740740740144509857146;0.029999999999999998889776975375;0.013703703703703704053218359604
-0.023170731707317072933793866696;0.010569105691056910126257584182;0.065040650406504071923130538835;0.000813008130081300812302957937;0.004878048780487804873817747620;0.023983739837398373312415955638;0.002032520325203252247597829339;0.029268292682926830977629961694;0.045934959349593497413000164897;0.028048780487804878674973352304;0.014634146341463415488814980847;0.011382113821138212239603149101;0.010975609756097560315568628653;0.034552845528455285173397015797;0.011382113821138212239603149101;0.009756097560975609747635495239;0.050406504065040651230145130057;0.052032520325203251987389307942;0.015853658536585366056748114261;0.011788617886178862428914193572;0.012195121951219512618225238043;0.029268292682926830977629961694;0.013821138211382113375469415928;0.042276422764227640505030336726;0.018292682926829267192614381088;0.029268292682926830977629961694;0.035772357723577237476053625187;0.006504065040650406498423663493;0.001626016260162601624605915873;0.012601626016260162807536282514;0.009756097560975609747635495239;0.036585365853658534385228762176;0.007723577235772357933718534895;0.010162601626016259936946539710;0.018292682926829267192614381088;0.049593495934959347382076089161;0.015447154471544715867437069790;0.005284552845528455063128792091;0.001626016260162601624605915873;0.019918699186991871419305510926;0.005691056910569106119801574550;0.023983739837398373312415955638;0.000000000000000000000000000000;0.018292682926829267192614381088;0.005691056910569106119801574550;0.015447154471544715867437069790;0.036178861788617885930641193681;0.017479674796747966813992292145;0.032926829268292684416152837912;0.011788617886178862428914193572
-0.023404255319148935254869314804;0.009929078014184397615871091602;0.068794326241134753918693434116;0.113475177304964536251219442420;0.000354609929078014208311125932;0.015602836879432624081487368528;0.001773049645390070878925303788;0.026241134751773049355039191255;0.020921985815602835850901541903;0.035815602836879435744155131260;0.016312056737588651739168099652;0.005673758865248227332978014914;0.007092198581560283515701215151;0.034751773049645391655548820609;0.011347517730496454665956029828;0.013829787234042552335200326752;0.031205673758865248162974737056;0.036524822695035458197665434454;0.017730496453900710523976513855;0.009929078014184397615871091602;0.015957446808510637042965996102;0.012765957446808509981317492077;0.004255319148936170282893076688;0.052482269503546098710078382510;0.026595744680851064051241294806;0.030851063829787233466772633506;0.036524822695035458197665434454;0.008865248226950355261988256927;0.001773049645390070878925303788;0.009574468085106382919668988052;0.003191489361702127495329373019;0.035460992907801421047953027710;0.009219858156028368223466884501;0.002127659574468085141446538344;0.006028368794326241161818380476;0.057092198581560282821811824761;0.019148936170212765839337976104;0.004609929078014184111733442251;0.001063829787234042570723269172;0.004609929078014184111733442251;0.008156028368794325869584049826;0.007801418439716312040743684264;0.000000000000000000000000000000;0.025886524822695034658837087704;0.007446808510638298211903318702;0.015957446808510637042965996102;0.033333333333333332870740406406;0.021985815602836879939507852555;0.023049645390070920558667211253;0.013475177304964539373721699178
-0.019540229885057470993192652031;0.004597701149425287292515918125;0.038505747126436784544267766250;0.322126436781609182258279133748;0.001436781609195402278911224414;0.005747126436781609115644897656;0.002011494252873563190475714180;0.015804597701149426802746944531;0.006321839080459770027209387422;0.043103448275862071836783684375;0.007183908045977011394556122070;0.001724137931034482734693469297;0.005747126436781609115644897656;0.033045977011494254149681637500;0.010057471264367815952378570898;0.010057471264367815952378570898;0.012931034482758620510201019727;0.012356321839080459598636529961;0.004310344827586206836733673242;0.007183908045977011394556122070;0.009482758620689655040814081133;0.006896551724137930938773877187;0.004310344827586206836733673242;0.066954022988505751401433485626;0.016666666666666666435370203203;0.033620689655172411591799175312;0.018103448275862070449004903594;0.003160919540229885013604693711;0.000862068965517241367346734648;0.001436781609195402278911224414;0.002298850574712643646257959062;0.034195402298850575972810617031;0.002873563218390804557822448828;0.003160919540229885013604693711;0.013505747126436781421765509492;0.050000000000000002775557561563;0.008333333333333333217685101602;0.005172413793103448204080407891;0.000287356321839080455782244883;0.007183908045977011394556122070;0.007758620689655172306120611836;0.002011494252873563190475714180;0.000000000000000000000000000000;0.031896551724137932326552657969;0.004885057471264367748298163008;0.016091954022988505523805713437;0.037068965517241377061186113906;0.023850574712643679564649801250;0.012356321839080459598636529961;0.011781609195402298687072040195
-0.045833333333333330095182844843;0.001388888888888888941894328433;0.063888888888888883954564334999;0.000000000000000000000000000000;0.000694444444444444470947164216;0.013194444444444444405895033867;0.000347222222222222235473582108;0.020486111111111111188209932266;0.008680555555555555941049661328;0.042013888888888892281237019688;0.017708333333333332870740406406;0.006597222222222222202947516934;0.014236111111111110841265237070;0.053472222222222219600862302968;0.003125000000000000173472347598;0.027083333333333334258519187188;0.026388888888888888811790067734;0.027083333333333334258519187188;0.009027777777777776929690745078;0.012500000000000000693889390391;0.018749999999999999306110609609;0.007638888888888888638317720137;0.009027777777777776929690745078;0.044444444444444446140618509844;0.043402777777777776235801354687;0.062847222222222220988641083750;0.027430555555555555247160270937;0.000000000000000000000000000000;0.001736111111111111014737584668;0.001736111111111111014737584668;0.004166666666666666608842550801;0.027777777777777776235801354687;0.005208333333333333044212754004;0.010763888888888888811790067734;0.034375000000000002775557561563;0.052430555555555556634939051719;0.014583333333333333564629796797;0.007291666666666666782314898398;0.000000000000000000000000000000;0.013888888888888888117900677344;0.004513888888888888464845372539;0.002777777777777777883788656865;0.000000000000000000000000000000;0.022569444444444444058950338672;0.001388888888888888941894328433;0.013541666666666667129259593594;0.063541666666666662965923251249;0.053472222222222219600862302968;0.032291666666666669904817155157;0.024652777777777776929690745078
-0.015555555555555555108382392859;0.012222222222222222862142437805;0.051111111111111114102545371907;0.356388888888888866190995940997;0.001666666666666666773641281019;0.008611111111111111049432054187;0.001666666666666666773641281019;0.013888888888888888117900677344;0.020000000000000000416333634234;0.021944444444444443503838826359;0.009722222222222222376419864531;0.004444444444444444440589503387;0.005555555555555555767577313730;0.029999999999999998889776975375;0.016388888888888890338346726594;0.012777777777777778525636342977;0.021111111111111111743321444578;0.028611111111111111465765688422;0.006111111111111111431071218902;0.005833333333333333599324266316;0.008333333333333333217685101602;0.018611111111111109522875395328;0.006666666666666667094565124074;0.021388888888888887840344921187;0.017777777777777777762358013547;0.024722222222222221821308352219;0.025555555555555557051272685953;0.006111111111111111431071218902;0.001388888888888888941894328433;0.005555555555555555767577313730;0.001944444444444444388547799107;0.018611111111111109522875395328;0.001666666666666666773641281019;0.009444444444444444544672911945;0.008611111111111111049432054187;0.035000000000000003330669073875;0.008888888888888888881179006773;0.000833333333333333386820640509;0.002222222222222222220294751693;0.011944444444444445030395485219;0.007222222222222221890697291258;0.008611111111111111049432054187;0.000000000000000000000000000000;0.011944444444444445030395485219;0.007222222222222221890697291258;0.008055555555555555385938149016;0.033611111111111112437210834969;0.014722222222222221613141535101;0.017777777777777777762358013547;0.011944444444444445030395485219
-0.015705128205128204843532557788;0.016987179487179485809500434357;0.045512820512820510721052613690;0.236538461538461530775379060287;0.004807692307692307959188227073;0.014743589743589743251694912374;0.003846153846153846367350581659;0.033333333333333332870740406406;0.033012820512820513496610175252;0.026282051282051282353746657350;0.017307692307692308653077617464;0.016666666666666666435370203203;0.002884615384615384775512936244;0.024038461538461539795941135367;0.038782051282051283047636047741;0.013782051282051281659857266959;0.019871794871794870585013370601;0.024679487179487178544201597674;0.011858974358974358476181976130;0.002884615384615384775512936244;0.020833333333333332176851016015;0.020192307692307693428590553708;0.001923076923076923183675290829;0.032051282051282048435325577884;0.023076923076923078204103489952;0.030128205128205128721097239008;0.036217948717948721115700294604;0.009615384615384615918376454147;0.002564102564102564100340098108;0.007692307692307692734701163317;0.005769230769230769551025872488;0.022115384615384616612265844537;0.002884615384615384775512936244;0.015705128205128204843532557788;0.002564102564102564100340098108;0.022435897435897435986396075691;0.004807692307692307959188227073;0.002243589743589743425167259971;0.001602564102564102508502452693;0.000961538461538461591837645415;0.018589743589743589619045494032;0.007371794871794871625847456187;0.000000000000000000000000000000;0.020192307692307693428590553708;0.015064102564102564360548619504;0.025320512820512820761909011935;0.025320512820512820761909011935;0.003205128205128205017004905386;0.003846153846153846367350581659;0.012179487179487179585035683260
-0.008865248226950355261988256927;0.010992907801418439969753926277;0.030496453900709218770570529955;0.558156028368794299154842519783;0.009929078014184397615871091602;0.005673758865248227332978014914;0.003900709219858156020371842132;0.015248226950354609385285264977;0.030141843971631204074368426404;0.011347517730496454665956029828;0.009219858156028368223466884501;0.006028368794326241161818380476;0.002127659574468085141446538344;0.013475177304964539373721699178;0.015957446808510637042965996102;0.007801418439716312040743684264;0.013829787234042552335200326752;0.012765957446808509981317492077;0.006737588652482269686860849589;0.001063829787234042570723269172;0.008510638297872340565786153377;0.018085106382978721750731665452;0.000354609929078014208311125932;0.016312056737588651739168099652;0.012411347517730497019838864503;0.013829787234042552335200326752;0.014539007092198581727604533853;0.009574468085106382919668988052;0.000709219858156028416622251864;0.006737588652482269686860849589;0.007092198581560283515701215151;0.013475177304964539373721699178;0.001063829787234042570723269172;0.006737588652482269686860849589;0.001063829787234042570723269172;0.012765957446808509981317492077;0.002836879432624113666489007457;0.004964539007092198807935545801;0.004964539007092198807935545801;0.004964539007092198807935545801;0.007092198581560283515701215151;0.007801418439716312040743684264;0.000000000000000000000000000000;0.007092198581560283515701215151;0.008510638297872340565786153377;0.011702127659574467627434657402;0.012765957446808509981317492077;0.002482269503546099403967772901;0.002482269503546099403967772901;0.005319148936170212636775911363
-0.007575757575757575967845269815;0.013636363636363635701287400082;0.036363636363636361870099733551;0.496969696969696950183958961134;0.021590909090909091161414323778;0.007954545454545453725403447720;0.004166666666666666608842550801;0.015151515151515151935690539631;0.013636363636363635701287400082;0.021212121212121213403856145874;0.006818181818181817850643700041;0.001136363636363636308440616673;0.001893939393939393991961317454;0.017424242424242425419933510966;0.021212121212121213403856145874;0.004924242424242423858682382587;0.014772727272727272443408885749;0.017424242424242425419933510966;0.011742424242424241709326082628;0.003409090909090908925321850020;0.005303030303030303350964036468;0.011363636363636363951767904723;0.001893939393939393991961317454;0.024621212121212120160773650923;0.009090909090909090467524933388;0.015909090909090907450806895440;0.020833333333333332176851016015;0.014393939393939394685850707845;0.002272727272727272616881233347;0.007196969696969697342925353922;0.000757575757575757575100483532;0.015909090909090907450806895440;0.004924242424242423858682382587;0.004924242424242423858682382587;0.003409090909090908925321850020;0.035606060606060606354983377742;0.003030303030303030300401934127;0.001893939393939393991961317454;0.002272727272727272616881233347;0.003030303030303030300401934127;0.008712121212121212709966755483;0.003409090909090908925321850020;0.000000000000000000000000000000;0.008712121212121212709966755483;0.009469696969696969959806587269;0.009090909090909090467524933388;0.015909090909090907450806895440;0.003030303030303030300401934127;0.006818181818181817850643700041;0.007196969696969697342925353922
-0.008843537414965987192294605279;0.003741496598639455686136079393;0.046938775510204082397347491451;0.457823129251700655650836324639;0.002721088435374149471640548015;0.005442176870748298943281096030;0.003741496598639455686136079393;0.012925170068027210315553254816;0.006122448979591836419611450282;0.037755102040816328201611185023;0.003401360544217686947970902267;0.001360544217687074735820274007;0.001700680272108843473985451134;0.034013605442176873816517712612;0.017006802721088436908258856306;0.006122448979591836419611450282;0.017687074829931974384589210558;0.012925170068027210315553254816;0.002380952380952381167156239883;0.004081632653061224857982125513;0.005782312925170067681446273156;0.007142857142857142634106981660;0.001020408163265306214495531378;0.045578231292517007444686782947;0.004421768707482993596147302640;0.023809523809523808202115446875;0.012925170068027210315553254816;0.001020408163265306214495531378;0.002721088435374149471640548015;0.004761904761904762334312479766;0.004081632653061224857982125513;0.024149659863945578675004099978;0.001360544217687074735820274007;0.005102040816326530205115918903;0.004761904761904762334312479766;0.043877551020408162019137421339;0.006462585034013605157776627408;0.003401360544217686947970902267;0.000000000000000000000000000000;0.003741496598639455686136079393;0.007142857142857142634106981660;0.000680272108843537367910137004;0.000000000000000000000000000000;0.022448979591836733249454738370;0.008503401360544218454129428153;0.008503401360544218454129428153;0.035374149659863948769178421117;0.012244897959183672839222900564;0.004421768707482993596147302640;0.007823129251700680977799073901
-0.014423076923076923877564681220;0.008333333333333333217685101602;0.035897435897435894802676159543;0.372435897435897445006958150771;0.011538461538461539102051744976;0.013461538461538462285727035805;0.005448717948717948442172165358;0.018910256410256408993175725186;0.012500000000000000693889390391;0.021794871794871793768688661430;0.007051282051282051384355487045;0.010256410256410256401360392431;0.005448717948717948442172165358;0.021794871794871793768688661430;0.016666666666666666435370203203;0.008653846153846154326538808732;0.017307692307692308653077617464;0.017307692307692308653077617464;0.019871794871794870585013370601;0.004807692307692307959188227073;0.009615384615384615918376454147;0.010576923076923077510214099561;0.003525641025641025692177743522;0.040384615384615386857181107416;0.013461538461538462285727035805;0.025320512820512820761909011935;0.016025641025641024217662788942;0.013461538461538462285727035805;0.002564102564102564100340098108;0.013782051282051281659857266959;0.004166666666666666608842550801;0.016666666666666666435370203203;0.005769230769230769551025872488;0.005448717948717948442172165358;0.005128205128205128200680196215;0.037179487179487179238090988065;0.005769230769230769551025872488;0.003525641025641025692177743522;0.001282051282051282050170049054;0.004807692307692307959188227073;0.007692307692307692734701163317;0.004166666666666666608842550801;0.000000000000000000000000000000;0.018589743589743589619045494032;0.012179487179487179585035683260;0.012820512820512820068019621544;0.020192307692307693428590553708;0.013141025641025641176873328675;0.015384615384615385469402326635;0.013461538461538462285727035805
-0.020987654320987654543717582101;0.019444444444444444752839729063;0.052777777777777777623580135469;0.048765432098765430779518936788;0.023148148148148146863167795573;0.017592592592592593697675695807;0.005246913580246913635929395525;0.022222222222222223070309254922;0.017901234567901234961961876024;0.025308641975308642652064960998;0.010493827160493827271858791050;0.014197530864197531116910333537;0.017592592592592593697675695807;0.040432098765432099296557311163;0.029320987654320986026679207725;0.014506172839506172381196513754;0.023765432098765432861187107960;0.037037037037037034981068472916;0.016049382716049383906797842769;0.009259259259259258745267118229;0.016358024691358025171084022986;0.015740740740740739173064710599;0.012037037037037037062736644089;0.030864197530864195817557060764;0.020679012345679013279431401884;0.031790123456790123079862553368;0.025617283950617283916351141215;0.030555555555555554553270880547;0.002777777777777777883788656865;0.020370370370370372015145221667;0.007407407407407407690103084974;0.016358024691358025171084022986;0.011419753086419752799440807678;0.009259259259259258745267118229;0.021604938271604937072289942535;0.041975308641975309087435164201;0.013580246913580246853614497127;0.008024691358024691953398921385;0.003703703703703703845051542487;0.029629629629629630760412339896;0.010185185185185186007572610833;0.011728395061728395798450463872;0.000000000000000000000000000000;0.018827160493827162224267368629;0.013888888888888888117900677344;0.016975308641975307699656383420;0.027469135802469134971515174470;0.022839506172839505598881615356;0.027160493827160493707228994253;0.015123456790123456644492350165
-0.028294573643410852320512205438;0.031395348837209305359330357987;0.034496124031007754928701558583;0.068217054263565890526166413110;0.026356589147286821339655205065;0.017054263565891472631541603278;0.005426356589147286746399601043;0.033333333333333332870740406406;0.013565891472868216865999002607;0.015116279069767441650684602905;0.017829457364341085023884403427;0.006976744186046511531085201341;0.011240310077519379688970602160;0.024418604651162790358798204693;0.040310077519379844401825607747;0.009302325581395348708113601788;0.019767441860465116004741403799;0.047286821705426355932910809088;0.043798449612403103636815160371;0.007364341085271317727256601415;0.025193798449612402751141004842;0.009302325581395348708113601788;0.015891472868217054043027403054;0.028294573643410852320512205438;0.021317829457364340789427004097;0.026356589147286821339655205065;0.031007751937984495693712005959;0.043798449612403103636815160371;0.003100775193798449569371200596;0.028294573643410852320512205438;0.006201550387596899138742401192;0.012403100775193798277484802384;0.017441860465116278827713003352;0.006201550387596899138742401192;0.013565891472868216865999002607;0.037209302325581394832454407151;0.012403100775193798277484802384;0.002325581395348837177028400447;0.001937984496124030980857000372;0.010077519379844961100456401937;0.013565891472868216865999002607;0.013565891472868216865999002607;0.000000000000000000000000000000;0.012790697674418604473656202458;0.022093023255813953181769804246;0.011627906976744185885142002235;0.017829457364341085023884403427;0.014341085271317829258341802756;0.026744186046511627535826605140;0.013565891472868216865999002607
-0.025141242937853108818657688062;0.005932203389830508627467153815;0.092090395480225989421896315434;0.000000000000000000000000000000;0.000564971751412429398254977375;0.017231638418079096158885832324;0.000847457627118644043172357438;0.014124293785310734414273348136;0.057062146892655367380609021666;0.029096045197740113413820139954;0.012711864406779661840207751311;0.014971751412429378999546791817;0.009039548022598870372079638003;0.044632768361581920402159084915;0.005649717514124293765709339254;0.020056497175141241307017025974;0.041525423728813556922823124751;0.046045197740112994710948157717;0.007344632768361582068894488629;0.017796610169491525882401461445;0.010169491525423728084387420267;0.034463276836158192317771664648;0.010169491525423728084387420267;0.038700564971751415244138883054;0.031355932203389828838435704483;0.034463276836158192317771664648;0.018644067796610170467674905126;0.010734463276836157807903049388;0.001412429378531073441427334814;0.005367231638418078903951524694;0.013559322033898304690757719015;0.028248587570621468828546696272;0.006214689265536723489224968375;0.010169491525423728084387420267;0.016101694915254236711854574082;0.054237288135593218763030876062;0.013841807909604519552515533576;0.011016949152542372669660863949;0.002259887005649717593019909501;0.020903954802259885892290469656;0.003389830508474576172689429754;0.017796610169491525882401461445;0.000000000000000000000000000000;0.015536723163841808723062420938;0.001129943502824858796509954750;0.013276836158192089828999904455;0.045480225988700564987432528596;0.029096045197740113413820139954;0.023446327683615819648110800699;0.016949152542372881297128017763
-0.035380116959064324133610313083;0.009064327485380116802837768830;0.067543859649122808819221575050;0.035087719298245612087328026973;0.006725146198830409156876886101;0.010818713450292397754148865374;0.003216374269005848121616431001;0.024561403508771929848908399663;0.016666666666666666435370203203;0.041228070175438599753725554820;0.017543859649122806043664013487;0.007309941520467835851526672286;0.009649122807017544364849293004;0.035087719298245612087328026973;0.010818713450292397754148865374;0.028070175438596491751530592751;0.043567251461988303062877747607;0.039766081871345032583420220362;0.014035087719298245875765296375;0.008771929824561403021832006743;0.016959064327485378481652489313;0.020175438596491228337992396291;0.004385964912280701510916003372;0.048830409356725147651534513216;0.030409356725146198530129737492;0.042690058479532166924030889277;0.027485380116959064189519068577;0.012280701754385964924454199831;0.000877192982456140367235331023;0.010233918128654970192137341201;0.008479532163742689240826244657;0.028947368421052631359824403035;0.007894736842105263413538196460;0.010526315789473683973143103287;0.010233918128654970192137341201;0.050292397660818714821839847673;0.008771929824561403021832006743;0.014619883040935671703053344572;0.000877192982456140367235331023;0.009941520467836258145855055091;0.003508771929824561468941324094;0.007309941520467835851526672286;0.000000000000000000000000000000;0.028654970760233919313542116925;0.011695906432748537362442675658;0.022222222222222223070309254922;0.038888888888888889505679458125;0.024561403508771929848908399663;0.013450292397660818313753772202;0.019883040935672516291710110181
-0.013690476190476190410105772344;0.013690476190476190410105772344;0.022916666666666665047591422422;0.362499999999999988897769753748;0.089880952380952380820211544687;0.005059523809523809763366575254;0.003571428571428571317053490830;0.009821428571428571230317317031;0.008928571428571428075793292578;0.013690476190476190410105772344;0.006547619047619047775998790684;0.003869047619047619179788455313;0.003571428571428571317053490830;0.014880952380952380126322154297;0.014583333333333333564629796797;0.011011904761904762681257174961;0.013392857142857142113689938867;0.016964285714285712997062560703;0.025297619047619047949471138281;0.004464285714285714037896646289;0.013095238095238095551997581367;0.008630952380952381514100935078;0.005952380952380952050528861719;0.022321428571428571924206707422;0.011904761904761904101057723437;0.011309523809523809242949532461;0.014285714285714285268213963320;0.069642857142857145236192195625;0.002678571428571428596210335371;0.031250000000000000000000000000;0.003571428571428571317053490830;0.015773809523809523280846178750;0.005059523809523809763366575254;0.004761904761904762334312479766;0.005059523809523809763366575254;0.016369047619047619873677845703;0.005059523809523809763366575254;0.004166666666666666608842550801;0.000297619047619047645894529985;0.008333333333333333217685101602;0.007142857142857142634106981660;0.005654761904761904621474766230;0.000000000000000000000000000000;0.010416666666666666088425508008;0.013392857142857142113689938867;0.010119047619047619526733150508;0.014583333333333333564629796797;0.008035714285714284921269268125;0.005059523809523809763366575254;0.007738095238095238359576910625
-0.018079096045197740744159276005;0.025423728813559323680415502622;0.027401129943502824243273252591;0.124858757062146899508014996627;0.050000000000000002775557561563;0.021186440677966100754048284216;0.007062146892655367207136674068;0.029943502824858757999093583635;0.020621468926553671030532655095;0.012429378531073446978449936751;0.012711864406779661840207751311;0.011016949152542372669660863949;0.016949152542372881297128017763;0.014689265536723164137788977257;0.027683615819209039105031067152;0.011016949152542372669660863949;0.016666666666666666435370203203;0.042937853107344631231612197553;0.035028248587570622041287293769;0.003107344632768361744612484188;0.021468926553672315615806098776;0.020056497175141241307017025974;0.015819209039548021850096759522;0.016101694915254236711854574082;0.017231638418079096158885832324;0.016666666666666666435370203203;0.022881355932203389924595171578;0.070903954802259888667848031218;0.000282485875706214699127488688;0.037853107344632770658865439373;0.008474576271186440648564008882;0.013559322033898304690757719015;0.020903954802259885892290469656;0.005649717514124293765709339254;0.009322033898305085233837452563;0.025423728813559323680415502622;0.009887005649717514957353081684;0.008192090395480225786806194321;0.007344632768361582068894488629;0.014124293785310734414273348136;0.011016949152542372669660863949;0.018361581920903955605917090566;0.000000000000000000000000000000;0.011581920903954802393176493069;0.015536723163841808723062420938;0.012429378531073446978449936751;0.010169491525423728084387420267;0.007627118644067796930652303189;0.012429378531073446978449936751;0.009887005649717514957353081684
-0.037755102040816328201611185023;0.016666666666666666435370203203;0.047278911564625852870236144554;0.001020408163265306214495531378;0.004761904761904762334312479766;0.021088435374149658296794029866;0.005442176870748298943281096030;0.029591836734693878485646933996;0.013265306122448979053718431942;0.030952380952380953438307642500;0.021428571428571428769682682969;0.003401360544217686947970902267;0.014625850340136054006379140446;0.041836734693877553059593310536;0.014965986394557822744544317572;0.023129251700680270725785092623;0.025170068027210883154776155379;0.037074829931972787255833878817;0.023129251700680270725785092623;0.009863945578231291672066660681;0.023129251700680270725785092623;0.013265306122448979053718431942;0.019047619047619049337249919063;0.036054421768707482776061823415;0.036734693877551023721839129621;0.044217687074829932492026074442;0.039115646258503403154271893527;0.008503401360544218454129428153;0.000680272108843537367910137004;0.006122448979591836419611450282;0.005442176870748298943281096030;0.019047619047619049337249919063;0.013265306122448979053718431942;0.006122448979591836419611450282;0.026190476190476191103995162734;0.047619047619047616404230893750;0.018027210884353741388030911708;0.007482993197278911372272158786;0.002040816326530612428991062757;0.012244897959183672839222900564;0.009523809523809524668624959531;0.009183673469387755930459782405;0.000000000000000000000000000000;0.025170068027210883154776155379;0.008163265306122449715964251027;0.018367346938775511860919564811;0.040136054421768707634043948929;0.031972789115646257918079697902;0.033333333333333332870740406406;0.017346938775510203911700557455
-0.056666666666666663798590519718;0.001818181818181818180241160476;0.053939393939393939780835296460;0.000000000000000000000000000000;0.018484848484848485916653970662;0.018484848484848485916653970662;0.001818181818181818180241160476;0.013636363636363635701287400082;0.014242424242424242195048655901;0.033636363636363637852344510293;0.014848484848484848688809911721;0.011515151515151514707846480690;0.008484848484848485708487153545;0.066969696969696970723084916699;0.003333333333333333547282562037;0.040909090909090908838585676222;0.025757575757575756902895136591;0.023636363636363635909454217199;0.007878787878787879214725897725;0.012121212121212121201607736509;0.012727272727272727695368992329;0.012424242424242424448488364419;0.005151515151515151727523722514;0.047575757575757576800512538284;0.055757575757575755792672111966;0.053636363636363634799231192574;0.020606060606060606910094890054;0.010909090909090909948808700847;0.000909090909090909090120580238;0.004242424242424242854243576772;0.009696969696969696961286189207;0.017878787878787879422892714842;0.003939393939393939607362948863;0.005757575757575757353923240345;0.017272727272727272929131459023;0.040909090909090908838585676222;0.013333333333333334189130248149;0.017575757575757574441288610956;0.000303030303030303030040193413;0.010000000000000000208166817117;0.000909090909090909090120580238;0.003636363636363636360482320953;0.000000000000000000000000000000;0.026666666666666668378260496297;0.001515151515151515150200967064;0.021515151515151514916013297807;0.061818181818181820730284670162;0.048787878787878789788035049924;0.018787878787878787428811122595;0.027575757575757576384178904050
-0.033908045977011497251751848125;0.014367816091954022789112244141;0.058333333333333334258519187188;0.094827586206896546938693859374;0.006034482758620689571427142539;0.009195402298850574585031836250;0.002011494252873563190475714180;0.020689655172413792816321631562;0.018103448275862070449004903594;0.028735632183908045578224488281;0.014942528735632183700676733906;0.004022988505747126380951428359;0.009195402298850574585031836250;0.041954022988505750013654704844;0.018965517241379310081628162266;0.028735632183908045578224488281;0.024425287356321840476214291016;0.026724137931034484122472250078;0.009195402298850574585031836250;0.008045977011494252761902856719;0.014655172413793103244894489023;0.019252873563218392272133883125;0.008045977011494252761902856719;0.035919540229885055238057134375;0.035057471264367819074880827657;0.046264367816091951646217950156;0.021264367816091953727886121328;0.020689655172413792816321631562;0.002873563218390804557822448828;0.006034482758620689571427142539;0.007758620689655172306120611836;0.024425287356321840476214291016;0.004885057471264367748298163008;0.007758620689655172306120611836;0.015517241379310344612241223672;0.039655172413793106367396745782;0.008908045977011494129249591367;0.014080459770114942333329999258;0.001724137931034482734693469297;0.017241379310344827346934692969;0.005172413793103448204080407891;0.007183908045977011394556122070;0.000000000000000000000000000000;0.020977011494252875006827352422;0.007183908045977011394556122070;0.018965517241379310081628162266;0.044252873563218393659912663907;0.034195402298850575972810617031;0.020114942528735631904757141797;0.017528735632183909537440413828
-0.037202380952380952050528861719;0.013095238095238095551997581367;0.056845238095238094511163495781;0.100892857142857145236192195625;0.005952380952380952050528861719;0.012202380952380952397473556914;0.003273809523809523887999395342;0.015773809523809523280846178750;0.027976190476190477413043211641;0.037202380952380952050528861719;0.009226190476190476372209126055;0.005654761904761904621474766230;0.007440476190476190063161077148;0.042261904761904764415980650938;0.014285714285714285268213963320;0.013690476190476190410105772344;0.034821428571428572618096097813;0.028273809523809523974735569141;0.007738095238095238359576910625;0.008928571428571428075793292578;0.010416666666666666088425508008;0.020535714285714285615158658516;0.007738095238095238359576910625;0.048214285714285716466509512657;0.030952380952380953438307642500;0.030357142857142856845475975547;0.021428571428571428769682682969;0.020535714285714285615158658516;0.003273809523809523887999395342;0.003869047619047619179788455313;0.004166666666666666608842550801;0.036904761904761905488836504219;0.003273809523809523887999395342;0.007738095238095238359576910625;0.011904761904761904101057723437;0.049107142857142856151586585156;0.011607142857142857539365365938;0.010714285714285714384841341484;0.001190476190476190583578119941;0.018749999999999999306110609609;0.007142857142857142634106981660;0.008333333333333333217685101602;0.000000000000000000000000000000;0.032440476190476193185663333907;0.003571428571428571317053490830;0.017559523809523809589894227656;0.037797619047619045173913576718;0.023511904761904761640423089375;0.018749999999999999306110609609;0.015476190476190476719153821250
-0.031372549019607842701873323676;0.016013071895424835222598858309;0.057516339869281042640469792104;0.000980392156862745084433541365;0.002287581699346405341571886183;0.020915032679738560644766565133;0.006209150326797385245625182648;0.030718954248366011489101978782;0.023202614379084968154742796287;0.033986928104575160614064799347;0.015032679738562091872888792921;0.005228758169934640161191641283;0.016339869281045752563708006733;0.040849673202614379674546540855;0.014379084967320260660117448026;0.017973856209150325391465941038;0.031045751633986928830211127206;0.050326797385620916647219758033;0.026143790849673203408043420382;0.012418300653594770491250365296;0.024183006535947713239176337652;0.016339869281045752563708006733;0.016993464052287580307032399674;0.039869281045751631120666047536;0.026143790849673203408043420382;0.033660130718954246742402602877;0.031699346405228756573535520147;0.012091503267973856619588168826;0.001633986928104575213002713774;0.011764705882352941013202496379;0.002941176470588235253300624095;0.022549019607843136941971451392;0.015686274509803921350936661838;0.006209150326797385245625182648;0.018300653594771242732575089462;0.050326797385620916647219758033;0.020261437908496732901442172192;0.009803921568627450844335413649;0.003267973856209150426005427548;0.011437908496732025406816823931;0.007843137254901960675468330919;0.009150326797385621366287544731;0.000000000000000000000000000000;0.020261437908496732901442172192;0.008169934640522876281854003366;0.023856209150326795898067189228;0.032679738562091505127416013465;0.024509803921568627110838534122;0.036274509803921571593487982454;0.009150326797385621366287544731
-0.019298245614035088729698586008;0.028362573099415203797812878861;0.026608187134502924581225258294;0.003508771929824561468941324094;0.013157894736842104532748010115;0.016959064327485378481652489313;0.014035087719298245875765296375;0.037134502923976610289091837558;0.014912280701754385484059106659;0.026900584795321636627507544404;0.011988304093567251143448437745;0.004093567251461988597271979273;0.016081871345029238873358679029;0.019005847953216373213969347944;0.027777777777777776235801354687;0.011988304093567251143448437745;0.030701754385964910576412023602;0.042690058479532166924030889277;0.030116959064327486483847451382;0.006725146198830409156876886101;0.027192982456140352143236782467;0.012280701754385964924454199831;0.032748538011695908778175834186;0.047076023391812868434946892648;0.014912280701754385484059106659;0.022514619883040935116591541032;0.028947368421052631359824403035;0.036842105263157891303915647541;0.005263157894736841986571551644;0.020760233918128655900003920465;0.003508771929824561468941324094;0.026315789473684209065496020230;0.024853801169590641895190685773;0.007602339181286549632532434373;0.017251461988304093997381727377;0.044444444444444446140618509844;0.013742690058479532094759534289;0.009941520467836258145855055091;0.002923976608187134340610668914;0.014619883040935671703053344572;0.021345029239766083462015444638;0.018713450292397661167687061834;0.000000000000000000000000000000;0.030409356725146198530129737492;0.018421052631578945651957823770;0.034795321637426900041045740863;0.017543859649122806043664013487;0.014035087719298245875765296375;0.021345029239766083462015444638;0.007602339181286549632532434373
-0.017777777777777777762358013547;0.017222222222222222098864108375;0.020000000000000000416333634234;0.313888888888888883954564334999;0.028055555555555555802271783250;0.018888888888888889089345823891;0.003055555555555555715535609451;0.019444444444444444752839729063;0.010555555555555555871660722289;0.011388888888888889366901580047;0.006944444444444444058950338672;0.012777777777777778525636342977;0.015555555555555555108382392859;0.012500000000000000693889390391;0.023055555555555554830826636703;0.017222222222222222098864108375;0.013888888888888888117900677344;0.027500000000000000138777878078;0.018888888888888889089345823891;0.003611111111111110945348645629;0.010555555555555555871660722289;0.010000000000000000208166817117;0.027777777777777776235801354687;0.016944444444444446001840631766;0.018888888888888889089345823891;0.016944444444444446001840631766;0.015833333333333334674852821422;0.012777777777777778525636342977;0.000833333333333333386820640509;0.038888888888888889505679458125;0.012500000000000000693889390391;0.013055555555555556357383295563;0.016111111111111110771876298031;0.005833333333333333599324266316;0.020000000000000000416333634234;0.021666666666666667406815349750;0.005833333333333333599324266316;0.009166666666666666712925959359;0.002500000000000000052041704279;0.016388888888888890338346726594;0.005000000000000000104083408559;0.014166666666666665949647629930;0.000000000000000000000000000000;0.009444444444444444544672911945;0.014166666666666665949647629930;0.010833333333333333703407674875;0.013055555555555556357383295563;0.009166666666666666712925959359;0.012222222222222222862142437805;0.007222222222222221890697291258
-0.037345679012345679714801605087;0.006790123456790123426807248563;0.062345679012345681102580385868;0.086111111111111110494320541875;0.000925925925925925961262885622;0.011419753086419752799440807678;0.002777777777777777883788656865;0.025000000000000001387778780781;0.013271604938271605589328316910;0.033950617283950615399312766840;0.016049382716049383906797842769;0.005555555555555555767577313730;0.010802469135802468536144971267;0.042283950617283953821168296372;0.008333333333333333217685101602;0.018209876543209876226248056241;0.028086419753086420969534486858;0.040123456790123454562824178993;0.012037037037037037062736644089;0.008950617283950617480980938012;0.016975308641975307699656383420;0.011728395061728395798450463872;0.012962962962962962590318660716;0.045987654320987655931496362882;0.029629629629629630760412339896;0.041358024691358026558862803768;0.034567901234567897927885127274;0.002777777777777777883788656865;0.001234567901234567876070369330;0.005864197530864197899225231936;0.006172839506172839163511412153;0.023148148148148146863167795573;0.010493827160493827271858791050;0.004320987654320987240985640909;0.012654320987654321326032480499;0.058333333333333334258519187188;0.016975308641975307699656383420;0.012345679012345678327022824305;0.002160493827160493620492820455;0.011728395061728395798450463872;0.009876543209876543008562954640;0.004320987654320987240985640909;0.000000000000000000000000000000;0.029938271604938272024698520113;0.004012345679012345976699460692;0.018518518518518517490534236458;0.033333333333333332870740406406;0.022222222222222223070309254922;0.033950617283950615399312766840;0.012037037037037037062736644089
-0.018827160493827162224267368629;0.011111111111111111535154627461;0.051234567901234567832702282431;0.295679012345679004258869326804;0.006790123456790123426807248563;0.011111111111111111535154627461;0.001543209876543209790877853038;0.028395061728395062233820667075;0.013271604938271605589328316910;0.025925925925925925180637321432;0.012037037037037037062736644089;0.004629629629629629372633559115;0.008333333333333333217685101602;0.031481481481481478346129421197;0.020987654320987654543717582101;0.013888888888888888117900677344;0.014814814814814815380206169948;0.029012345679012344762393027509;0.013580246913580246853614497127;0.004629629629629629372633559115;0.012962962962962962590318660716;0.012962962962962962590318660716;0.008024691358024691953398921385;0.024074074074074074125473288177;0.016666666666666666435370203203;0.032407407407407405608434913802;0.034876543209876542661618259444;0.015123456790123456644492350165;0.001234567901234567876070369330;0.007407407407407407690103084974;0.002160493827160493620492820455;0.014506172839506172381196513754;0.006790123456790123426807248563;0.008641975308641974481971281818;0.006481481481481481295159330358;0.034259259259259260133045899011;0.010185185185185186007572610833;0.004012345679012345976699460692;0.002469135802469135752140738660;0.007098765432098765558455166769;0.005246913580246913635929395525;0.006790123456790123426807248563;0.000000000000000000000000000000;0.015740740740740739173064710599;0.009259259259259258745267118229;0.008950617283950617480980938012;0.029012345679012344762393027509;0.014506172839506172381196513754;0.021296296296296295808003762318;0.009567901234567901744276774423
-0.014285714285714285268213963320;0.012585034013605441577388077690;0.050680272108843536782440963862;0.394217687074829958859822909290;0.003401360544217686947970902267;0.005102040816326530205115918903;0.000680272108843537367910137004;0.017687074829931974384589210558;0.016326530612244899431928502054;0.025850340136054420631106509632;0.009863945578231291672066660681;0.007823129251700680977799073901;0.001360544217687074735820274007;0.022789115646258503722343391473;0.017006802721088436908258856306;0.010884353741496597886562192059;0.019047619047619049337249919063;0.015986394557823128959039848951;0.009523809523809524668624959531;0.005102040816326530205115918903;0.009183673469387755930459782405;0.020068027210884353817021974464;0.001020408163265306214495531378;0.034353741496598637350512461808;0.013605442176870747791883609068;0.028911564625850341009316579743;0.019387755102040816340691620212;0.008163265306122449715964251027;0.000340136054421768683955068502;0.005442176870748298943281096030;0.006122448979591836419611450282;0.017687074829931974384589210558;0.001360544217687074735820274007;0.007823129251700680977799073901;0.003401360544217686947970902267;0.032653061224489798863857004108;0.004421768707482993596147302640;0.004761904761904762334312479766;0.001700680272108843473985451134;0.006462585034013605157776627408;0.007482993197278911372272158786;0.005442176870748298943281096030;0.000000000000000000000000000000;0.016666666666666666435370203203;0.010204081632653060410231837807;0.011224489795918366624727369185;0.027551020408163266056655871239;0.012925170068027210315553254816;0.008843537414965987192294605279;0.012585034013605441577388077690
-0.019444444444444444752839729063;0.012500000000000000693889390391;0.054166666666666668517038374375;0.347685185185185208212033103337;0.006481481481481481295159330358;0.008796296296296296848837847904;0.009722222222222222376419864531;0.020370370370370372015145221667;0.019444444444444444752839729063;0.017592592592592593697675695807;0.012962962962962962590318660716;0.004166666666666666608842550801;0.004166666666666666608842550801;0.016203703703703702804217456901;0.017129629629629630066522949505;0.009722222222222222376419864531;0.013888888888888888117900677344;0.021296296296296295808003762318;0.007407407407407407690103084974;0.002314814814814814686316779557;0.015277777777777777276635440273;0.016666666666666666435370203203;0.004166666666666666608842550801;0.031944444444444441977282167500;0.018518518518518517490534236458;0.027314814814814816074095560339;0.024537037037037037756626034479;0.011111111111111111535154627461;0.003240740740740740647579665179;0.005555555555555555767577313730;0.005092592592592593003786305417;0.022222222222222223070309254922;0.003703703703703703845051542487;0.008796296296296296848837847904;0.006944444444444444058950338672;0.026851851851851852442942814037;0.007407407407407407690103084974;0.006481481481481481295159330358;0.002314814814814814686316779557;0.007407407407407407690103084974;0.014814814814814815380206169948;0.009259259259259258745267118229;0.000000000000000000000000000000;0.019444444444444444752839729063;0.009722222222222222376419864531;0.010648148148148147904001881159;0.028703703703703703498106847292;0.005555555555555555767577313730;0.006481481481481481295159330358;0.014351851851851851749053423646
-0.017295597484276729188801269288;0.005031446540880502894810266667;0.058490566037735849946876953709;0.303459119496855334041640617215;0.001886792452830188693974067249;0.006289308176100629269034136826;0.003144654088050314634517068413;0.016037735849056603681939137118;0.017924528301886791942232335373;0.031761006289308175987162741194;0.009119496855345911659473934208;0.002830188679245282824120666376;0.002515723270440251447405133334;0.035849056603773583884464670746;0.012264150943396227161352740609;0.015723270440251572305223604076;0.023899371069182391569274415133;0.027044025157232705336429745557;0.004088050314465408764663667540;0.006289308176100629269034136826;0.010691823899371068543051599420;0.015094339622641509551792537991;0.004088050314465408764663667540;0.040566037735849054535197666382;0.013522012578616352668214872779;0.032389937106918238740593807279;0.020754716981132074332672132755;0.004088050314465408764663667540;0.004402515723270440141379200583;0.000628930817610062861851283333;0.004402515723270440141379200583;0.026729559748427673959714212515;0.004716981132075471518094733625;0.005345911949685534271525799710;0.010377358490566037166336066377;0.049371069182389940022126495478;0.011949685534591195784637207566;0.005660377358490565648241332752;0.000628930817610062861851283333;0.011320754716981131296482665505;0.005974842767295597892318603783;0.006603773584905660645749669868;0.000000000000000000000000000000;0.018867924528301886072378934500;0.005660377358490565648241332752;0.007232704402515723399180735953;0.035534591194968552507749137703;0.013836477987421384044930405821;0.016037735849056603681939137118;0.012578616352201258538068273651
-0.021376811594202897726102463594;0.001811594202898550746635986108;0.061231884057971017187860240938;0.146014492753623187359934831875;0.021739130434782608092270095312;0.003623188405797101493271972217;0.000724637681159420298654394443;0.010144927536231883313799784219;0.021739130434782608092270095312;0.047826086956521740578551771250;0.005434782608695652023067523828;0.006521739130434782254208680996;0.003985507246376811425758734941;0.050362318840579713141725193282;0.001086956521739130447981591665;0.011956521739130435144637942813;0.036956521739130436532416723594;0.028260869565217391213840514297;0.003623188405797101493271972217;0.016304347826086956069202571484;0.011594202898550724778470311094;0.018840579710144928632375993516;0.003260869565217391127104340498;0.068115942028985507206151339687;0.017753623188405797533873098359;0.034420289855072463969243301563;0.013405797101449274874584993711;0.000000000000000000000000000000;0.000724637681159420298654394443;0.002536231884057970828449946055;0.004347826086956521791926366660;0.040579710144927533255199136875;0.000724637681159420298654394443;0.005797101449275362389235155547;0.012681159420289855876973206250;0.071376811594202893562766121249;0.012318840579710145510805574531;0.003623188405797101493271972217;0.000724637681159420298654394443;0.010507246376811593679967415937;0.002536231884057970828449946055;0.008695652173913043583852733320;0.000000000000000000000000000000;0.027173913043478260115337619141;0.000362318840579710149327197222;0.014492753623188405973087888867;0.050000000000000002775557561563;0.035869565217391305433913828438;0.015579710144927537071590784024;0.011231884057971014412302679375
-0.013636363636363635701287400082;0.015909090909090907450806895440;0.040530303030303027611580546363;0.348106060606060585538301666020;0.001515151515151515150200967064;0.005681818181818181975883952362;0.001893939393939393991961317454;0.017045454545454544192928381108;0.017045454545454544192928381108;0.020833333333333332176851016015;0.010606060606060606701928072937;0.001893939393939393991961317454;0.006439393939393939225723784148;0.030681818181818181628939257166;0.020075757575757576661734660206;0.007575757575757575967845269815;0.017424242424242425419933510966;0.027272727272727271402574800163;0.005303030303030303350964036468;0.004924242424242423858682382587;0.007954545454545453725403447720;0.019318181818181817677171352443;0.005303030303030303350964036468;0.027272727272727271402574800163;0.009848484848484847717364765174;0.031060606060606059386497435071;0.024242424242424242403215473018;0.021590909090909091161414323778;0.000378787878787878787550241766;0.003787878787878787983922634908;0.001515151515151515150200967064;0.016666666666666666435370203203;0.004924242424242423858682382587;0.006439393939393939225723784148;0.012500000000000000693889390391;0.036363636363636361870099733551;0.010984848484848484459486250842;0.003030303030303030300401934127;0.014393939393939394685850707845;0.007196969696969697342925353922;0.007954545454545453725403447720;0.011742424242424241709326082628;0.000000000000000000000000000000;0.011363636363636363951767904723;0.007954545454545453725403447720;0.007575757575757575967845269815;0.032575757575757577355624050597;0.017045454545454544192928381108;0.014015151515151515193569053963;0.010606060606060606701928072937
-0.022222222222222223070309254922;0.006018518518518518531368322044;0.065277777777777781786916477813;0.006481481481481481295159330358;0.003703703703703703845051542487;0.002777777777777777883788656865;0.000925925925925925961262885622;0.031018518518518518184423626849;0.012500000000000000693889390391;0.046296296296296293726335591145;0.014351851851851851749053423646;0.001851851851851851922525771243;0.002314814814814814686316779557;0.066203703703703709049221970417;0.012500000000000000693889390391;0.012500000000000000693889390391;0.024537037037037037756626034479;0.028703703703703703498106847292;0.006944444444444444058950338672;0.014351851851851851749053423646;0.011574074074074073431583897786;0.011111111111111111535154627461;0.007407407407407407690103084974;0.062500000000000000000000000000;0.019444444444444444752839729063;0.050000000000000002775557561563;0.042592592592592591616007524635;0.020833333333333332176851016015;0.001851851851851851922525771243;0.001851851851851851922525771243;0.000000000000000000000000000000;0.029166666666666667129259593594;0.005092592592592593003786305417;0.013888888888888888117900677344;0.023148148148148146863167795573;0.070370370370370374790702783230;0.018518518518518517490534236458;0.003703703703703703845051542487;0.000462962962962962980631442811;0.008333333333333333217685101602;0.005555555555555555767577313730;0.005555555555555555767577313730;0.000000000000000000000000000000;0.032870370370370369239587660104;0.004166666666666666608842550801;0.009722222222222222376419864531;0.074999999999999997224442438437;0.037499999999999998612221219219;0.026851851851851852442942814037;0.019444444444444444752839729063
-0.029012345679012344762393027509;0.011111111111111111535154627461;0.046296296296296293726335591145;0.000617283950617283938035184665;0.001851851851851851922525771243;0.019135802469135803488553548846;0.005555555555555555767577313730;0.021604938271604937072289942535;0.046913580246913583193801855487;0.013580246913580246853614497127;0.012345679012345678327022824305;0.006172839506172839163511412153;0.027160493827160493707228994253;0.027777777777777776235801354687;0.011728395061728395798450463872;0.016049382716049383906797842769;0.035802469135802469923923752049;0.064814814814814811216869827604;0.016049382716049383906797842769;0.013580246913580246853614497127;0.012345679012345678327022824305;0.032098765432098767813595685539;0.035802469135802469923923752049;0.019753086419753086017125909279;0.023456790123456791596900927743;0.029012345679012344762393027509;0.021604938271604937072289942535;0.009876543209876543008562954640;0.001851851851851851922525771243;0.017901234567901234961961876024;0.008024691358024691953398921385;0.022839506172839505598881615356;0.019135802469135803488553548846;0.008641975308641974481971281818;0.022839506172839505598881615356;0.039506172839506172034251818559;0.019135802469135803488553548846;0.008641975308641974481971281818;0.008024691358024691953398921385;0.046296296296296293726335591145;0.008024691358024691953398921385;0.031481481481481478346129421197;0.000000000000000000000000000000;0.011728395061728395798450463872;0.006172839506172839163511412153;0.014814814814814815380206169948;0.025925925925925925180637321432;0.014197530864197531116910333537;0.041358024691358026558862803768;0.012345679012345678327022824305
-0.014074074074074073917306471060;0.009259259259259258745267118229;0.068148148148148152136727162542;0.173333333333333339254522798001;0.002592592592592592518063732143;0.012962962962962962590318660716;0.001481481481481481407916356297;0.011851851851851851263330850372;0.035925925925925923654080662573;0.019259259259259260688157411323;0.009629629629629630344078705662;0.002962962962962962815832712593;0.026666666666666668378260496297;0.028148148148148147834612942120;0.004814814814814815172039352831;0.005555555555555555767577313730;0.045185185185185182399347780802;0.040740740740740744030290443334;0.008148148148148147418279307885;0.012962962962962962590318660716;0.008518518518518519017090895318;0.037037037037037034981068472916;0.014814814814814815380206169948;0.029999999999999998889776975375;0.021851851851851851471497667490;0.022592592592592591199673890401;0.017037037037037038034181790636;0.001851851851851851922525771243;0.002592592592592592518063732143;0.008888888888888888881179006773;0.002962962962962962815832712593;0.027037037037037036507625131776;0.007037037037037036958653235530;0.007407407407407407690103084974;0.027037037037037036507625131776;0.043703703703703702942995334979;0.011111111111111111535154627461;0.005925925925925925631665425186;0.002962962962962962815832712593;0.024444444444444445724284875610;0.004074074074074073709139653943;0.023333333333333334397297065266;0.000000000000000000000000000000;0.012222222222222222862142437805;0.007037037037037036958653235530;0.006296296296296296363115274630;0.028888888888888887562789165031;0.025185185185185185452461098521;0.024074074074074074125473288177;0.010370370370370370072254928573
-0.022012578616352199839534264925;0.006289308176100629269034136826;0.037735849056603772144757869000;0.354716981132075448446272503134;0.000628930817610062861851283333;0.021069182389937105709387665797;0.000943396226415094346987033624;0.026100628930817611206283146430;0.018553459119496854695663401458;0.013207547169811321291499339736;0.016037735849056603681939137118;0.006289308176100629269034136826;0.011949685534591195784637207566;0.023584905660377360192558882090;0.004402515723270440141379200583;0.008176100628930817529327335080;0.018238993710691823318947868415;0.038679245283018866274904468128;0.013522012578616352668214872779;0.006289308176100629269034136826;0.012264150943396227161352740609;0.009433962264150943036189467250;0.008176100628930817529327335080;0.019182389937106917449094467543;0.021383647798742137086103198840;0.023270440251572325346396397094;0.033333333333333332870740406406;0.001886792452830188693974067249;0.000314465408805031430925641667;0.005345911949685534271525799710;0.002201257861635220070689600291;0.010377358490566037166336066377;0.011320754716981131296482665505;0.005660377358490565648241332752;0.016666666666666666435370203203;0.030188679245283019103585075982;0.016037735849056603681939137118;0.003459119496855346011232601455;0.000628930817610062861851283333;0.004716981132075471518094733625;0.006603773584905660645749669868;0.011320754716981131296482665505;0.000000000000000000000000000000;0.007547169811320754775896268995;0.005974842767295597892318603783;0.008805031446540880282758401165;0.015094339622641509551792537991;0.014150943396226415421645938864;0.037106918238993709391326802916;0.009119496855345911659473934208
-0.025925925925925925180637321432;0.006172839506172839163511412153;0.074999999999999997224442438437;0.000000000000000000000000000000;0.001543209876543209790877853038;0.017592592592592593697675695807;0.002469135802469135752140738660;0.017592592592592593697675695807;0.022530864197530864334595435139;0.037962962962962962243373965521;0.021604938271604937072289942535;0.005246913580246913635929395525;0.018518518518518517490534236458;0.050000000000000002775557561563;0.006790123456790123426807248563;0.013271604938271605589328316910;0.028086419753086420969534486858;0.031790123456790123079862553368;0.009567901234567901744276774423;0.014814814814814815380206169948;0.014197530864197531116910333537;0.021296296296296295808003762318;0.012037037037037037062736644089;0.044135802469135801406885377673;0.029938271604938272024698520113;0.039814814814814816767984950729;0.032407407407407405608434913802;0.010802469135802468536144971267;0.001234567901234567876070369330;0.013580246913580246853614497127;0.005555555555555555767577313730;0.024382716049382715389759468394;0.010185185185185186007572610833;0.013580246913580246853614497127;0.027160493827160493707228994253;0.050308641975308640570396789826;0.017901234567901234961961876024;0.005864197530864197899225231936;0.004320987654320987240985640909;0.021296296296296295808003762318;0.006172839506172839163511412153;0.010493827160493827271858791050;0.000000000000000000000000000000;0.022839506172839505598881615356;0.006790123456790123426807248563;0.012654320987654321326032480499;0.045370370370370373402924002448;0.033333333333333332870740406406;0.032407407407407405608434913802;0.023456790123456791596900927743
-0.020175438596491228337992396291;0.008771929824561403021832006743;0.028947368421052631359824403035;0.312280701754385991986140425070;0.014473684210526315679912201517;0.014912280701754385484059106659;0.001315789473684210496642887911;0.026754385964912280604366401349;0.005263157894736841986571551644;0.018859649122807017190828204889;0.017982456140350877582534394605;0.007017543859649122937882648188;0.024122807017543858310038018544;0.019736842105263156799122015173;0.014473684210526315679912201517;0.011842105263157895120307294690;0.013596491228070176071618391234;0.025877192982456140996072591065;0.015789473684210526827076392919;0.008771929824561403021832006743;0.014473684210526315679912201517;0.004385964912280701510916003372;0.013157894736842104532748010115;0.024122807017543858310038018544;0.015789473684210526827076392919;0.017543859649122806043664013487;0.024561403508771929848908399663;0.019298245614035088729698586008;0.001754385964912280734470662047;0.010526315789473683973143103287;0.003508771929824561468941324094;0.020614035087719299876862777410;0.010087719298245614168996198146;0.003508771929824561468941324094;0.028070175438596491751530592751;0.035526315789473683626198408092;0.007456140350877192742029553330;0.005263157894736841986571551644;0.000438596491228070183617665512;0.006578947368421052266374005058;0.008333333333333333217685101602;0.006578947368421052266374005058;0.000000000000000000000000000000;0.014912280701754385484059106659;0.005701754385964912658080194774;0.012719298245614034728601104973;0.025000000000000001387778780781;0.012280701754385964924454199831;0.026754385964912280604366401349;0.010087719298245614168996198146
-0.007692307692307692734701163317;0.013461538461538462285727035805;0.030128205128205128721097239008;0.496153846153846167510437226156;0.017948717948717947401338079771;0.004166666666666666608842550801;0.002884615384615384775512936244;0.020833333333333332176851016015;0.017307692307692308653077617464;0.019230769230769231836752908293;0.007692307692307692734701163317;0.006410256410256410034009810772;0.001923076923076923183675290829;0.016025641025641024217662788942;0.024358974358974359170071366520;0.005448717948717948442172165358;0.016346153846153847061239972049;0.017948717948717947401338079771;0.007051282051282051384355487045;0.002243589743589743425167259971;0.014423076923076923877564681220;0.009615384615384615918376454147;0.000641025641025641025085024527;0.030128205128205128721097239008;0.011538461538461539102051744976;0.017948717948717947401338079771;0.011858974358974358476181976130;0.016666666666666666435370203203;0.000961538461538461591837645415;0.008012820512820512108831394471;0.002884615384615384775512936244;0.014423076923076923877564681220;0.002243589743589743425167259971;0.007371794871794871625847456187;0.000961538461538461591837645415;0.025961538461538462979616426196;0.002564102564102564100340098108;0.001923076923076923183675290829;0.000320512820512820512542512263;0.001282051282051282050170049054;0.011217948717948717993198037846;0.006410256410256410034009810772;0.000000000000000000000000000000;0.015064102564102564360548619504;0.011538461538461539102051744976;0.010256410256410256401360392431;0.015384615384615385469402326635;0.006410256410256410034009810772;0.001923076923076923183675290829;0.004807692307692307959188227073
-0.009722222222222222376419864531;0.017013888888888887424011286953;0.045486111111111109106541761093;0.332291666666666651863693004998;0.025347222222222222376419864531;0.010069444444444445099784424258;0.006250000000000000346944695195;0.014236111111111110841265237070;0.031944444444444441977282167500;0.013541666666666667129259593594;0.007986111111111110494320541875;0.011111111111111111535154627461;0.004166666666666666608842550801;0.022916666666666665047591422422;0.025000000000000001387778780781;0.007986111111111110494320541875;0.021874999999999998612221219219;0.024305555555555555941049661328;0.007986111111111110494320541875;0.005902777777777777623580135469;0.013541666666666667129259593594;0.019097222222222223764198645313;0.007638888888888888638317720137;0.017361111111111111882099322656;0.016319444444444445446729119453;0.022569444444444444058950338672;0.021180555555555556634939051719;0.023958333333333334952408577578;0.002083333333333333304421275400;0.020138888888888890199568848516;0.004861111111111111188209932266;0.012847222222222221682530474141;0.003125000000000000173472347598;0.006250000000000000346944695195;0.012500000000000000693889390391;0.019444444444444444752839729063;0.003472222222222222029475169336;0.004513888888888888464845372539;0.003819444444444444319158860068;0.013194444444444444405895033867;0.005555555555555555767577313730;0.015972222222222220988641083750;0.000000000000000000000000000000;0.008333333333333333217685101602;0.012500000000000000693889390391;0.007638888888888888638317720137;0.025347222222222222376419864531;0.009027777777777776929690745078;0.011805555555555555247160270937;0.010763888888888888811790067734
-0.023214285714285715078730731875;0.016071428571428569842538536250;0.052976190476190475331375040469;0.220535714285714279370154144999;0.003571428571428571317053490830;0.010714285714285714384841341484;0.003273809523809523887999395342;0.020833333333333332176851016015;0.036011904761904758864865527812;0.022321428571428571924206707422;0.009226190476190476372209126055;0.002678571428571428596210335371;0.007440476190476190063161077148;0.030654761904761903407168333047;0.017261904761904763028201870156;0.014285714285714285268213963320;0.036607142857142858927144146719;0.031250000000000000000000000000;0.011011904761904762681257174961;0.008333333333333333217685101602;0.012500000000000000693889390391;0.023809523809523808202115446875;0.004761904761904762334312479766;0.024404761904761904794947113828;0.019345238095238095898942276563;0.023809523809523808202115446875;0.016666666666666666435370203203;0.016666666666666666435370203203;0.001488095238095238012632215430;0.006845238095238095205052886172;0.008035714285714284921269268125;0.020535714285714285615158658516;0.004166666666666666608842550801;0.006250000000000000346944695195;0.009821428571428571230317317031;0.030059523809523810283783618047;0.006250000000000000346944695195;0.011904761904761904101057723437;0.003273809523809523887999395342;0.026785714285714284227379877734;0.006547619047619047775998790684;0.020833333333333332176851016015;0.000000000000000000000000000000;0.018452380952380952744418252109;0.009821428571428571230317317031;0.017261904761904763028201870156;0.027976190476190477413043211641;0.014583333333333333564629796797;0.015773809523809523280846178750;0.013095238095238095551997581367
-0.012903225806451612892034042090;0.018279569892473118697395761956;0.059139784946236562124255442541;0.224731182795698924969940435403;0.005913978494623655692008501461;0.005913978494623655692008501461;0.004838709677419355051353200281;0.016666666666666666435370203203;0.068817204301075268757514891149;0.017741935483870967943387242372;0.008064516129032257840680841809;0.003763440860215053977017030107;0.012365591397849462138025522506;0.013978494623655914400051081259;0.018279569892473118697395761956;0.007526881720430107954034060214;0.030107526881720431816136240855;0.040322580645161289203404209047;0.006989247311827957200025540629;0.005913978494623655692008501461;0.006989247311827957200025540629;0.046236559139784944028050972520;0.013978494623655914400051081259;0.018817204301075269451404281540;0.011290322580645160630008483338;0.018817204301075269451404281540;0.016129032258064515681361683619;0.023655913978494622768034005844;0.001075268817204301074336170174;0.005913978494623655692008501461;0.003763440860215053977017030107;0.011827956989247311384017002922;0.009139784946236559348697880978;0.006989247311827957200025540629;0.017204301075268817189378722787;0.032795698924731185586178838776;0.008602150537634408594689361394;0.008602150537634408594689361394;0.008602150537634408594689361394;0.026344086021505376538076603765;0.005913978494623655692008501461;0.037634408602150538902808563080;0.000000000000000000000000000000;0.009677419354838710102706400562;0.008064516129032257840680841809;0.010752688172043011610723439730;0.016666666666666666435370203203;0.010215053763440860856714920146;0.016129032258064515681361683619;0.005913978494623655692008501461
-0.034313725490196081424620899725;0.010294117647058823386552184331;0.065196078431372553319000928695;0.012745098039215686097636037744;0.002450980392156862711083853412;0.013725490196078431182069579108;0.005392156862745097964384477507;0.015196078431372548808719891156;0.029411764705882352533006240947;0.024509803921568627110838534122;0.023039215686274511218911698052;0.002941176470588235253300624095;0.023529411764705882026404992757;0.040686274509803922738715442620;0.008823529411764705759901872284;0.017156862745098040712310449862;0.022058823529411766134478156687;0.049019607843137254221677068244;0.011274509803921568470985725696;0.010784313725490195928768955014;0.015196078431372548808719891156;0.026960784313725491556645863511;0.025490196078431372195272075487;0.030882352941176471894380028971;0.027941176470588236641079404876;0.037745098039215684015967866571;0.039705882352941174184834949301;0.006372549019607843048818018872;0.000980392156862745084433541365;0.005882352941176470506601248189;0.004901960784313725422167706824;0.015686274509803921350936661838;0.013235294117647058639852808426;0.009803921568627450844335413649;0.052450980392156863751917938998;0.036764705882352942400981277160;0.013235294117647058639852808426;0.017156862745098040712310449862;0.001470588235294117626650312047;0.039215686274509803377341654596;0.006372549019607843048818018872;0.004901960784313725422167706824;0.000000000000000000000000000000;0.014705882352941176266503120473;0.007352941176470588133251560237;0.018627450980392156604237285933;0.025490196078431372195272075487;0.024019607843137256303345239417;0.039215686274509803377341654596;0.015686274509803921350936661838
-0.023333333333333334397297065266;0.017407407407407406163546426114;0.048518518518518516380311211833;0.003333333333333333547282562037;0.002962962962962962815832712593;0.020370370370370372015145221667;0.005185185185185185036127464286;0.041481481481481480289019714291;0.012962962962962962590318660716;0.038148148148148146308056283260;0.017407407407407406163546426114;0.003703703703703703845051542487;0.014444444444444443781394582516;0.034074074074074076068363581271;0.010370370370370370072254928573;0.010740740740740739936343040029;0.025185185185185185452461098521;0.054074074074074073015250263552;0.019259259259259260688157411323;0.007777777777777777554191196430;0.021851851851851851471497667490;0.009629629629629630344078705662;0.012592592592592592726230549260;0.050370370370370370904922197042;0.020740740740740740144509857146;0.040370370370370368962031903948;0.043703703703703702942995334979;0.017037037037037038034181790636;0.003333333333333333547282562037;0.013333333333333334189130248149;0.003703703703703703845051542487;0.032592592592592589673117231541;0.012592592592592592726230549260;0.004444444444444444440589503387;0.018148148148148149361169600979;0.084074074074074078843921142834;0.020740740740740740144509857146;0.011111111111111111535154627461;0.000740740740740740703958178148;0.006296296296296296363115274630;0.011481481481481481399242738917;0.005555555555555555767577313730;0.000000000000000000000000000000;0.022962962962962962798485477833;0.007777777777777777554191196430;0.022592592592592591199673890401;0.031111111111111110216764785719;0.016666666666666666435370203203;0.030740740740740742087400150240;0.012962962962962962590318660716
-0.018376068376068376702958673263;0.011111111111111111535154627461;0.060683760683760683274368119555;0.004700854700854700633783078700;0.001282051282051282050170049054;0.023504273504273504036277131490;0.003418803418803418800453464144;0.035470085470085468970502518005;0.013675213675213675201813856575;0.024786324786324785002245008059;0.017521367521367521569164438233;0.005982905982905983334474431246;0.020512820512820512802720784862;0.040170940170940173941094286647;0.015811965811965811301575968173;0.008547008547008547868495398347;0.024358974358974359170071366520;0.047863247863247866675795449964;0.018376068376068376702958673263;0.014102564102564102768710974090;0.019658119658119657668926549832;0.014529914529914530335608091605;0.022649572649572648902482896460;0.038461538461538463673505816587;0.024358974358974359170071366520;0.030769230769230770938804653269;0.047435897435897433904727904519;0.010683760683760683968257509946;0.001282051282051282050170049054;0.010256410256410256401360392431;0.005555555555555555767577313730;0.025213675213675214303865601551;0.018376068376068376702958673263;0.013247863247863247634916739059;0.032905982905982907038566764868;0.056837606837606836907017537897;0.012820512820512820068019621544;0.008119658119658120301598280832;0.001709401709401709400226732072;0.018803418803418802535132314802;0.010256410256410256401360392431;0.004700854700854700633783078700;0.000000000000000000000000000000;0.014957264957264957902505209120;0.008974358974358973700669039886;0.012393162393162392501122504029;0.027777777777777776235801354687;0.026923076923076924571454071611;0.057692307692307695510258724880;0.012393162393162392501122504029
-0.007407407407407407690103084974;0.020370370370370372015145221667;0.038518518518518521376314822646;0.424444444444444457520404512252;0.002592592592592592518063732143;0.008518518518518519017090895318;0.004814814814814815172039352831;0.020370370370370372015145221667;0.038518518518518521376314822646;0.009629629629629630344078705662;0.008148148148148147418279307885;0.003333333333333333547282562037;0.006666666666666667094565124074;0.014814814814814815380206169948;0.022222222222222223070309254922;0.004444444444444444440589503387;0.023333333333333334397297065266;0.020370370370370372015145221667;0.012222222222222222862142437805;0.003703703703703703845051542487;0.008148148148148147418279307885;0.023703703703703702526661700745;0.004814814814814815172039352831;0.016666666666666666435370203203;0.013333333333333334189130248149;0.012592592592592592726230549260;0.013703703703703704053218359604;0.029629629629629630760412339896;0.002222222222222222220294751693;0.005555555555555555767577313730;0.004074074074074073709139653943;0.016666666666666666435370203203;0.004814814814814815172039352831;0.010370370370370370072254928573;0.014074074074074073917306471060;0.020740740740740740144509857146;0.004444444444444444440589503387;0.000740740740740740703958178148;0.003333333333333333547282562037;0.005185185185185185036127464286;0.008888888888888888881179006773;0.012592592592592592726230549260;0.000000000000000000000000000000;0.009629629629629630344078705662;0.011111111111111111535154627461;0.008148148148148147418279307885;0.012962962962962962590318660716;0.005925925925925925631665425186;0.011851851851851851263330850372;0.009629629629629630344078705662
-0.004166666666666666608842550801;0.064880952380952386371326667813;0.026785714285714284227379877734;0.083333333333333328707404064062;0.074404761904761904101057723437;0.006547619047619047775998790684;0.016071428571428569842538536250;0.042857142857142857539365365938;0.020238095238095239053466301016;0.005357142857142857192420670742;0.011309523809523809242949532461;0.000595238095238095291789059971;0.007142857142857142634106981660;0.015476190476190476719153821250;0.095833333333333339809634310313;0.001785714285714285658526745415;0.014285714285714285268213963320;0.033928571428571425994125121406;0.033333333333333332870740406406;0.007142857142857142634106981660;0.022023809523809525362514349922;0.016071428571428569842538536250;0.007738095238095238359576910625;0.004166666666666666608842550801;0.008333333333333333217685101602;0.011904761904761904101057723437;0.027380952380952380820211544687;0.108333333333333337034076748751;0.000595238095238095291789059971;0.021428571428571428769682682969;0.003571428571428571317053490830;0.003571428571428571317053490830;0.015476190476190476719153821250;0.003571428571428571317053490830;0.008928571428571428075793292578;0.011309523809523809242949532461;0.008928571428571428075793292578;0.002976190476190476025264430859;0.003571428571428571317053490830;0.015476190476190476719153821250;0.023214285714285715078730731875;0.015476190476190476719153821250;0.000000000000000000000000000000;0.003571428571428571317053490830;0.047619047619047616404230893750;0.005357142857142857192420670742;0.010714285714285714384841341484;0.008333333333333333217685101602;0.009523809523809524668624959531;0.005357142857142857192420670742
-0.018888888888888889089345823891;0.026296296296296296779448908865;0.045555555555555557467606320188;0.027037037037037036507625131776;0.025185185185185185452461098521;0.015925925925925926707193980292;0.011481481481481481399242738917;0.027777777777777776235801354687;0.032962962962962964741375770927;0.021481481481481479872686080057;0.011111111111111111535154627461;0.002962962962962962815832712593;0.022592592592592591199673890401;0.028518518518518519433424529552;0.035555555555555555524716027094;0.010000000000000000208166817117;0.031481481481481478346129421197;0.033333333333333332870740406406;0.028518518518518519433424529552;0.002592592592592592518063732143;0.017777777777777777762358013547;0.010740740740740739936343040029;0.008148148148148147418279307885;0.032222222222222221543752596062;0.020370370370370372015145221667;0.021481481481481479872686080057;0.028148148148148147834612942120;0.054074074074074073015250263552;0.002222222222222222220294751693;0.020000000000000000416333634234;0.009629629629629630344078705662;0.020740740740740740144509857146;0.012222222222222222862142437805;0.009629629629629630344078705662;0.025555555555555557051272685953;0.033703703703703701000105041885;0.008518518518518519017090895318;0.008148148148148147418279307885;0.002962962962962962815832712593;0.008518518518518519017090895318;0.008888888888888888881179006773;0.017777777777777777762358013547;0.000000000000000000000000000000;0.024074074074074074125473288177;0.025925925925925925180637321432;0.019259259259259260688157411323;0.028888888888888887562789165031;0.023703703703703702526661700745;0.022222222222222223070309254922;0.015185185185185185244294281404
-0.010000000000000000208166817117;0.035714285714285712303173170312;0.038095238095238098674499838125;0.004761904761904762334312479766;0.022380952380952379848766398140;0.013809523809523809728672105734;0.009047619047619047394359625969;0.057142857142857141072855853281;0.012380952380952381375323057000;0.023333333333333334397297065266;0.015714285714285715356286488031;0.003809523809523809520505288617;0.011428571428571428561515865852;0.032380952380952378322209739281;0.051428571428571427659459658344;0.005238095238095237873854337352;0.018095238095238094788719251937;0.044761904761904759697532796281;0.045238095238095236971798129844;0.005714285714285714280757932926;0.024761904761904762750646114000;0.009523809523809524668624959531;0.019047619047619049337249919063;0.031428571428571430712572976063;0.015714285714285715356286488031;0.027619047619047619457344211469;0.059047619047619050169917187532;0.018571428571428572062984585500;0.002380952380952381167156239883;0.020000000000000000416333634234;0.001428571428571428570189483231;0.020000000000000000416333634234;0.018095238095238094788719251937;0.006666666666666667094565124074;0.011904761904761904101057723437;0.045714285714285714246063463406;0.013809523809523809728672105734;0.001428571428571428570189483231;0.000000000000000000000000000000;0.008571428571428571854817768383;0.021428571428571428769682682969;0.015714285714285715356286488031;0.000000000000000000000000000000;0.025238095238095236555464495609;0.020476190476190477690598967797;0.017619047619047617514453918375;0.030952380952380953438307642500;0.010952380952380953021974008266;0.029047619047619047810693260203;0.012380952380952381375323057000
-0.014062500000000000346944695195;0.029166666666666667129259593594;0.059374999999999997224442438437;0.013541666666666667129259593594;0.025000000000000001387778780781;0.008333333333333333217685101602;0.005729166666666666261897855605;0.041145833333333332870740406406;0.078645833333333331482961625625;0.018229166666666667823148983985;0.016666666666666666435370203203;0.004166666666666666608842550801;0.003125000000000000173472347598;0.025000000000000001387778780781;0.030208333333333333564629796797;0.002604166666666666522106377002;0.032812500000000001387778780781;0.066666666666666665741480812812;0.028645833333333332176851016015;0.005729166666666666261897855605;0.015625000000000000000000000000;0.043749999999999997224442438437;0.016145833333333334952408577578;0.022395833333333333564629796797;0.009895833333333332870740406406;0.015104166666666666782314898398;0.036979166666666667129259593594;0.014583333333333333564629796797;0.000000000000000000000000000000;0.017187500000000001387778780781;0.003125000000000000173472347598;0.016145833333333334952408577578;0.015104166666666666782314898398;0.003125000000000000173472347598;0.010937499999999999306110609609;0.037499999999999998612221219219;0.016145833333333334952408577578;0.003645833333333333391157449199;0.007291666666666666782314898398;0.025520833333333332870740406406;0.010937499999999999306110609609;0.043229166666666665741480812812;0.000000000000000000000000000000;0.008854166666666666435370203203;0.022395833333333333564629796797;0.010937499999999999306110609609;0.019270833333333334258519187188;0.011458333333333332523795711211;0.025000000000000001387778780781;0.008854166666666666435370203203
-0.004687499999999999826527652402;0.031770833333333331482961625625;0.047916666666666669904817155157;0.184375000000000011102230246252;0.031770833333333331482961625625;0.004687499999999999826527652402;0.006770833333333333564629796797;0.019791666666666665741480812812;0.055208333333333331482961625625;0.009374999999999999653055304805;0.005729166666666666261897855605;0.005208333333333333044212754004;0.007291666666666666782314898398;0.013020833333333333911574491992;0.046354166666666668517038374375;0.003125000000000000173472347598;0.039062500000000000000000000000;0.040625000000000001387778780781;0.015104166666666666782314898398;0.008854166666666666435370203203;0.006250000000000000346944695195;0.040625000000000001387778780781;0.008854166666666666435370203203;0.012500000000000000693889390391;0.008333333333333333217685101602;0.013541666666666667129259593594;0.014583333333333333564629796797;0.061979166666666668517038374375;0.004687499999999999826527652402;0.013020833333333333911574491992;0.000520833333333333326105318850;0.023437500000000000000000000000;0.005729166666666666261897855605;0.004687499999999999826527652402;0.014583333333333333564629796797;0.028645833333333332176851016015;0.007291666666666666782314898398;0.001562500000000000086736173799;0.014583333333333333564629796797;0.024479166666666666435370203203;0.012500000000000000693889390391;0.030208333333333333564629796797;0.000000000000000000000000000000;0.004687499999999999826527652402;0.019791666666666665741480812812;0.002604166666666666522106377002;0.014062500000000000346944695195;0.003645833333333333391157449199;0.016145833333333334952408577578;0.005729166666666666261897855605
-0.003645833333333333391157449199;0.025000000000000001387778780781;0.028125000000000000693889390391;0.362499999999999988897769753748;0.017708333333333332870740406406;0.002604166666666666522106377002;0.005208333333333333044212754004;0.019270833333333334258519187188;0.023958333333333334952408577578;0.014062500000000000346944695195;0.008333333333333333217685101602;0.000520833333333333326105318850;0.008333333333333333217685101602;0.021354166666666667129259593594;0.032812500000000001387778780781;0.001562500000000000086736173799;0.041145833333333332870740406406;0.030729166666666665047591422422;0.017187500000000001387778780781;0.005729166666666666261897855605;0.011458333333333332523795711211;0.006770833333333333564629796797;0.002083333333333333304421275400;0.025000000000000001387778780781;0.007291666666666666782314898398;0.006770833333333333564629796797;0.018229166666666667823148983985;0.040625000000000001387778780781;0.008854166666666666435370203203;0.007812500000000000000000000000;0.001041666666666666652210637700;0.022916666666666665047591422422;0.005208333333333333044212754004;0.004166666666666666608842550801;0.009374999999999999653055304805;0.033333333333333332870740406406;0.005729166666666666261897855605;0.002083333333333333304421275400;0.000520833333333333326105318850;0.003125000000000000173472347598;0.011458333333333332523795711211;0.026562499999999999306110609609;0.000000000000000000000000000000;0.008333333333333333217685101602;0.022395833333333333564629796797;0.004166666666666666608842550801;0.018229166666666667823148983985;0.006770833333333333564629796797;0.005208333333333333044212754004;0.004687499999999999826527652402
-0.003488372093023255765542600670;0.010465116279069767296627802011;0.026356589147286821339655205065;0.666666666666666629659232512495;0.002325581395348837177028400447;0.005038759689922480550228200968;0.003100775193798449569371200596;0.011240310077519379688970602160;0.023643410852713177966455404544;0.003488372093023255765542600670;0.004651162790697674354056800894;0.001162790697674418588514200223;0.002713178294573643373199800521;0.009689922480620154904285001862;0.020930232558139534593255604022;0.003100775193798449569371200596;0.013565891472868216865999002607;0.016666666666666666435370203203;0.004651162790697674354056800894;0.001937984496124030980857000372;0.005038759689922480550228200968;0.016279069767441860239198803129;0.002325581395348837177028400447;0.006589147286821705334913801266;0.010077519379844961100456401937;0.006589147286821705334913801266;0.010077519379844961100456401937;0.015503875968992247846856002980;0.001162790697674418588514200223;0.003875968992248061961714000745;0.000387596899224806196171400074;0.004651162790697674354056800894;0.001937984496124030980857000372;0.007751937984496123923428001490;0.003488372093023255765542600670;0.006589147286821705334913801266;0.002325581395348837177028400447;0.003488372093023255765542600670;0.001162790697674418588514200223;0.003488372093023255765542600670;0.003100775193798449569371200596;0.013178294573643410669827602533;0.000000000000000000000000000000;0.001550387596899224784685600298;0.012015503875968992081313402309;0.003488372093023255765542600670;0.004651162790697674354056800894;0.003875968992248061961714000745;0.004651162790697674354056800894;0.005813953488372092942571001117
-0.005555555555555555767577313730;0.024444444444444445724284875610;0.052592592592592593558897817729;0.417777777777777803436265458004;0.003703703703703703845051542487;0.005555555555555555767577313730;0.004814814814814815172039352831;0.013333333333333334189130248149;0.042592592592592591616007524635;0.013333333333333334189130248149;0.005925925925925925631665425186;0.001851851851851851922525771243;0.004814814814814815172039352831;0.022592592592592591199673890401;0.026296296296296296779448908865;0.010740740740740739936343040029;0.015925925925925926707193980292;0.027777777777777776235801354687;0.008148148148148147418279307885;0.003703703703703703845051542487;0.007777777777777777554191196430;0.024074074074074074125473288177;0.000740740740740740703958178148;0.010370370370370370072254928573;0.013333333333333334189130248149;0.016666666666666666435370203203;0.018148148148148149361169600979;0.029999999999999998889776975375;0.001111111111111111110147375847;0.003333333333333333547282562037;0.002962962962962962815832712593;0.009259259259259258745267118229;0.002962962962962962815832712593;0.009259259259259258745267118229;0.002962962962962962815832712593;0.020370370370370372015145221667;0.003333333333333333547282562037;0.002962962962962962815832712593;0.003703703703703703845051542487;0.007407407407407407690103084974;0.008148148148148147418279307885;0.021851851851851851471497667490;0.000000000000000000000000000000;0.005185185185185185036127464286;0.008888888888888888881179006773;0.003333333333333333547282562037;0.017777777777777777762358013547;0.011111111111111111535154627461;0.008888888888888888881179006773;0.012592592592592592726230549260
-0.012797619047619047255581747891;0.017559523809523809589894227656;0.033928571428571425994125121406;0.411011904761904744987077719998;0.005654761904761904621474766230;0.018749999999999999306110609609;0.003571428571428571317053490830;0.017261904761904763028201870156;0.013988095238095238706521605820;0.011607142857142857539365365938;0.011011904761904762681257174961;0.005952380952380952050528861719;0.018452380952380952744418252109;0.018452380952380952744418252109;0.023511904761904761640423089375;0.011011904761904762681257174961;0.016666666666666666435370203203;0.022916666666666665047591422422;0.011904761904761904101057723437;0.004464285714285714037896646289;0.009523809523809524668624959531;0.010119047619047619526733150508;0.006250000000000000346944695195;0.015178571428571428422737987773;0.020833333333333332176851016015;0.017559523809523809589894227656;0.016071428571428569842538536250;0.014880952380952380126322154297;0.001785714285714285658526745415;0.014583333333333333564629796797;0.008333333333333333217685101602;0.016369047619047619873677845703;0.009821428571428571230317317031;0.006547619047619047775998790684;0.014880952380952380126322154297;0.019345238095238095898942276563;0.004761904761904762334312479766;0.005952380952380952050528861719;0.000892857142857142829263372708;0.005952380952380952050528861719;0.006250000000000000346944695195;0.008035714285714284921269268125;0.000000000000000000000000000000;0.005952380952380952050528861719;0.011904761904761904101057723437;0.008035714285714284921269268125;0.015773809523809523280846178750;0.010416666666666666088425508008;0.011607142857142857539365365938;0.011904761904761904101057723437
-0.020202020202020203737403036826;0.025252525252525252069668582067;0.056060606060606060774276215852;0.003030303030303030300401934127;0.033333333333333332870740406406;0.011616161616161616368381181985;0.005050505050505050934350759206;0.035858585858585860506320130980;0.023232323232323232736762363970;0.023737373737373737569988918494;0.014141414141414142269237430583;0.002525252525252525467175379603;0.012626262626262626034834291033;0.040404040404040407474806073651;0.024242424242424242403215473018;0.013131313131313130868060845557;0.029797979797979799038154524737;0.061111111111111109106541761093;0.016666666666666666435370203203;0.008585858585858585634298378864;0.018181818181818180935049866775;0.020202020202020203737403036826;0.021212121212121213403856145874;0.029797979797979799038154524737;0.023737373737373737569988918494;0.030808080808080808704607633786;0.036868686868686870172773240029;0.008585858585858585634298378864;0.000505050505050505050066989021;0.008080808080808080801071824339;0.002525252525252525467175379603;0.026767676767676766569348245639;0.011616161616161616368381181985;0.007575757575757575967845269815;0.032323232323232323204287297358;0.051515151515151513805790273182;0.020707070707070708570629591350;0.007575757575757575967845269815;0.006060606060606060600803868255;0.016666666666666666435370203203;0.012121212121212121201607736509;0.008080808080808080801071824339;0.000000000000000000000000000000;0.016666666666666666435370203203;0.009595959595959595300751487912;0.016161616161616161602143648679;0.026767676767676766569348245639;0.019191919191919190601502975824;0.036868686868686870172773240029;0.012626262626262626034834291033
-0.021345029239766083462015444638;0.014619883040935671703053344572;0.040058479532163744629702506472;0.244152046783625731318778662171;0.004385964912280701510916003372;0.013742690058479532094759534289;0.005847953216374268681221337829;0.035380116959064324133610313083;0.017251461988304093997381727377;0.018421052631578945651957823770;0.013742690058479532094759534289;0.003508771929824561468941324094;0.016666666666666666435370203203;0.022514619883040935116591541032;0.028070175438596491751530592751;0.007602339181286549632532434373;0.017543859649122806043664013487;0.036842105263157891303915647541;0.020175438596491228337992396291;0.007017543859649122937882648188;0.021345029239766083462015444638;0.009941520467836258145855055091;0.017543859649122806043664013487;0.030701754385964910576412023602;0.017836257309941521559393251550;0.021929824561403507554580016858;0.036549707602339179257633361431;0.010526315789473683973143103287;0.000584795321637426911490220682;0.012573099415204678705459961918;0.001169590643274853822980441365;0.014912280701754385484059106659;0.014035087719298245875765296375;0.005555555555555555767577313730;0.014327485380116959656771058462;0.031578947368421053654152785839;0.007894736842105263413538196460;0.004970760233918129072927527545;0.002046783625730994298635989637;0.010526315789473683973143103287;0.009941520467836258145855055091;0.007602339181286549632532434373;0.000000000000000000000000000000;0.016666666666666666435370203203;0.015497076023391813046070630833;0.014619883040935671703053344572;0.017836257309941521559393251550;0.009064327485380116802837768830;0.026315789473684209065496020230;0.007017543859649122937882648188
-0.007608695652173913352711576152;0.011956521739130435144637942813;0.035507246376811595067746196719;0.599637681159420288246053587500;0.005434782608695652023067523828;0.003623188405797101493271972217;0.004347826086956521791926366660;0.014855072463768116339255520586;0.021014492753623187359934831875;0.009420289855072464316187996758;0.003623188405797101493271972217;0.001449275362318840597308788887;0.002536231884057970828449946055;0.014855072463768116339255520586;0.017391304347826087167705466641;0.004347826086956521791926366660;0.011956521739130435144637942813;0.018840579710144928632375993516;0.006521739130434782254208680996;0.004347826086956521791926366660;0.005797101449275362389235155547;0.016666666666666666435370203203;0.001811594202898550746635986108;0.012681159420289855876973206250;0.008695652173913043583852733320;0.010144927536231883313799784219;0.017391304347826087167705466641;0.007608695652173913352711576152;0.001086956521739130447981591665;0.005072463768115941656899892109;0.000362318840579710149327197222;0.005797101449275362389235155547;0.002536231884057970828449946055;0.005797101449275362389235155547;0.003985507246376811425758734941;0.009420289855072464316187996758;0.002898550724637681194617577773;0.003985507246376811425758734941;0.004710144927536232158093998379;0.006159420289855072755402787266;0.007608695652173913352711576152;0.006521739130434782254208680996;0.000000000000000000000000000000;0.006159420289855072755402787266;0.007608695652173913352711576152;0.007971014492753622851517469883;0.016304347826086956069202571484;0.004710144927536232158093998379;0.005434782608695652023067523828;0.005797101449275362389235155547
-0.009259259259259258745267118229;0.015740740740740739173064710599;0.074382716049382721634763981911;0.198765432098765432167297717569;0.002469135802469135752140738660;0.006172839506172839163511412153;0.002777777777777777883788656865;0.016049382716049383906797842769;0.034567901234567897927885127274;0.025925925925925925180637321432;0.011419753086419752799440807678;0.002160493827160493620492820455;0.010185185185185186007572610833;0.033024691358024688137007274236;0.020061728395061727281412089496;0.012962962962962962590318660716;0.021913580246913581806023074705;0.036419753086419752452496112483;0.007407407407407407690103084974;0.006481481481481481295159330358;0.009567901234567901744276774423;0.022530864197530864334595435139;0.008333333333333333217685101602;0.030864197530864195817557060764;0.018827160493827162224267368629;0.030864197530864195817557060764;0.031790123456790123079862553368;0.011111111111111111535154627461;0.000925925925925925961262885622;0.005246913580246913635929395525;0.001851851851851851922525771243;0.020987654320987654543717582101;0.005246913580246913635929395525;0.013580246913580246853614497127;0.017283950617283948963942563637;0.036111111111111107718762980312;0.009567901234567901744276774423;0.004320987654320987240985640909;0.004012345679012345976699460692;0.016049382716049383906797842769;0.008024691358024691953398921385;0.014506172839506172381196513754;0.000000000000000000000000000000;0.011728395061728395798450463872;0.010493827160493827271858791050;0.011419753086419752799440807678;0.036419753086419752452496112483;0.021913580246913581806023074705;0.019444444444444444752839729063;0.018827160493827162224267368629
-0.015811965811965811301575968173;0.017094017094017095736990796695;0.080341880341880347882188573294;0.049145299145299144172316374579;0.005128205128205128200680196215;0.014102564102564102768710974090;0.003846153846153846367350581659;0.021794871794871793768688661430;0.017094017094017095736990796695;0.023076923076923078204103489952;0.013247863247863247634916739059;0.007264957264957265167804045802;0.015811965811965811301575968173;0.039743589743589741170026741202;0.020940170940170938634894426400;0.016666666666666666435370203203;0.026923076923076924571454071611;0.050427350427350428607731203101;0.016666666666666666435370203203;0.012393162393162392501122504029;0.016239316239316240603196561665;0.019658119658119657668926549832;0.017094017094017095736990796695;0.029487179487179486503389824748;0.027350427350427350403627713149;0.024786324786324785002245008059;0.039316239316239315337853099663;0.011111111111111111535154627461;0.000427350427350427350056683018;0.014102564102564102768710974090;0.012393162393162392501122504029;0.020512820512820512802720784862;0.011965811965811966668948862491;0.014102564102564102768710974090;0.032905982905982907038566764868;0.043162393162393161705203681322;0.011965811965811966668948862491;0.008974358974358973700669039886;0.002564102564102564100340098108;0.025213675213675214303865601551;0.005555555555555555767577313730;0.011111111111111111535154627461;0.000000000000000000000000000000;0.011111111111111111535154627461;0.011965811965811966668948862491;0.015811965811965811301575968173;0.032905982905982907038566764868;0.022222222222222223070309254922;0.028205128205128205537421948179;0.010256410256410256401360392431
-0.017261904761904763028201870156;0.020833333333333332176851016015;0.043154761904761904101057723437;0.241369047619047621955346016875;0.009523809523809524668624959531;0.015773809523809523280846178750;0.004464285714285714037896646289;0.032142857142857139685077072500;0.015178571428571428422737987773;0.010714285714285714384841341484;0.014285714285714285268213963320;0.003571428571428571317053490830;0.008630952380952381514100935078;0.020238095238095239053466301016;0.025595238095238094511163495781;0.007738095238095238359576910625;0.024404761904761904794947113828;0.041369047619047617792009674531;0.020238095238095239053466301016;0.007738095238095238359576910625;0.013690476190476190410105772344;0.028869047619047620567567236094;0.009821428571428571230317317031;0.016666666666666666435370203203;0.013095238095238095551997581367;0.017261904761904763028201870156;0.029464285714285713690951951094;0.016071428571428569842538536250;0.000892857142857142829263372708;0.016964285714285712997062560703;0.004166666666666666608842550801;0.015476190476190476719153821250;0.014880952380952380126322154297;0.008333333333333333217685101602;0.010119047619047619526733150508;0.032142857142857139685077072500;0.006250000000000000346944695195;0.006547619047619047775998790684;0.007142857142857142634106981660;0.030654761904761903407168333047;0.009523809523809524668624959531;0.013095238095238095551997581367;0.000000000000000000000000000000;0.011309523809523809242949532461;0.011607142857142857539365365938;0.010714285714285714384841341484;0.019047619047619049337249919063;0.011011904761904762681257174961;0.022321428571428571924206707422;0.008630952380952381514100935078
-0.016013071895424835222598858309;0.019281045751633987817008630827;0.047385620915032677924472181985;0.134313725490196073097948215036;0.040849673202614379674546540855;0.010784313725490195928768955014;0.009150326797385621366287544731;0.024509803921568627110838534122;0.018300653594771242732575089462;0.023202614379084968154742796287;0.009803921568627450844335413649;0.001960784313725490168867082730;0.012745098039215686097636037744;0.021241830065359477985875713557;0.029738562091503266404668437417;0.006209150326797385245625182648;0.030392156862745097617439782312;0.031372549019607842701873323676;0.023529411764705882026404992757;0.005555555555555555767577313730;0.018627450980392156604237285933;0.019607843137254901688670827298;0.010457516339869280322383282567;0.032679738562091505127416013465;0.014379084967320260660117448026;0.022549019607843136941971451392;0.022875816993464050813633647863;0.040849673202614379674546540855;0.001633986928104575213002713774;0.012745098039215686097636037744;0.005882352941176470506601248189;0.021895424836601305729200106498;0.008823529411764705759901872284;0.006862745098039215591034789554;0.019607843137254901688670827298;0.034967320261437909167945292666;0.014379084967320260660117448026;0.005882352941176470506601248189;0.000980392156862745084433541365;0.019607843137254901688670827298;0.013398692810457515575683906661;0.014052287581699346788455251556;0.000000000000000000000000000000;0.015032679738562091872888792921;0.016339869281045752563708006733;0.017647058823529411519803744568;0.026797385620915031151367813322;0.013725490196078431182069579108;0.024509803921568627110838534122;0.006862745098039215591034789554
-0.022530864197530864334595435139;0.013888888888888888117900677344;0.068827160493827158060931026284;0.078395061728395068478825180591;0.007716049382716048954389265191;0.023456790123456791596900927743;0.002469135802469135752140738660;0.022839506172839505598881615356;0.034259259259259260133045899011;0.020987654320987654543717582101;0.016975308641975307699656383420;0.003395061728395061713403624282;0.024691358024691356654045648611;0.028395061728395062233820667075;0.014814814814814815380206169948;0.011111111111111111535154627461;0.026543209876543211178656633820;0.042901234567901236349740656806;0.015123456790123456644492350165;0.009259259259259258745267118229;0.010493827160493827271858791050;0.021913580246913581806023074705;0.019135802469135803488553548846;0.024691358024691356654045648611;0.025308641975308642652064960998;0.028703703703703703498106847292;0.033333333333333332870740406406;0.012345679012345678327022824305;0.000617283950617283938035184665;0.012962962962962962590318660716;0.002469135802469135752140738660;0.022222222222222223070309254922;0.013271604938271605589328316910;0.009876543209876543008562954640;0.022839506172839505598881615356;0.035802469135802469923923752049;0.011111111111111111535154627461;0.006790123456790123426807248563;0.005555555555555555767577313730;0.025925925925925925180637321432;0.005555555555555555767577313730;0.016975308641975307699656383420;0.000000000000000000000000000000;0.011111111111111111535154627461;0.016358024691358025171084022986;0.013271604938271605589328316910;0.033024691358024688137007274236;0.019753086419753086017125909279;0.031790123456790123079862553368;0.018209876543209876226248056241
-0.022222222222222223070309254922;0.014074074074074073917306471060;0.038518518518518521376314822646;0.201851851851851865626841231460;0.007037037037037036958653235530;0.025555555555555557051272685953;0.004814814814814815172039352831;0.024814814814814813853649511088;0.012592592592592592726230549260;0.017037037037037038034181790636;0.016296296296296294836558615771;0.009629629629629630344078705662;0.020370370370370372015145221667;0.031481481481481478346129421197;0.015555555555555555108382392859;0.015925925925925926707193980292;0.019629629629629628817522046802;0.026666666666666668378260496297;0.013703703703703704053218359604;0.005925925925925925631665425186;0.012222222222222222862142437805;0.012962962962962962590318660716;0.014444444444444443781394582516;0.024814814814814813853649511088;0.029259259259259259161600752464;0.027037037037037036507625131776;0.027777777777777776235801354687;0.007407407407407407690103084974;0.002222222222222222220294751693;0.015185185185185185244294281404;0.008148148148148147418279307885;0.016666666666666666435370203203;0.009259259259259258745267118229;0.012962962962962962590318660716;0.025925925925925925180637321432;0.037407407407407410049327012302;0.014074074074074073917306471060;0.009259259259259258745267118229;0.000740740740740740703958178148;0.017037037037037038034181790636;0.004444444444444444440589503387;0.009629629629629630344078705662;0.000000000000000000000000000000;0.015925925925925926707193980292;0.007037037037037036958653235530;0.015555555555555555108382392859;0.023333333333333334397297065266;0.017407407407407406163546426114;0.028148148148148147834612942120;0.010000000000000000208166817117
-0.024576271186440679095142058941;0.024011299435028249371626429820;0.056497175141242937657093392545;0.002542372881355932021096855067;0.007062146892655367207136674068;0.025423728813559323680415502622;0.002824858757062146882854669627;0.041807909604519771784580939311;0.019209039548022600191190534247;0.011016949152542372669660863949;0.024576271186440679095142058941;0.009887005649717514957353081684;0.023728813559322034509868615260;0.030790960451977402584367027316;0.026271186440677964796241994350;0.017796610169491525882401461445;0.014971751412429378999546791817;0.046892655367231639296221601398;0.029096045197740113413820139954;0.007627118644067796930652303189;0.021186440677966100754048284216;0.013841807909604519552515533576;0.022881355932203389924595171578;0.014406779661016949276031162697;0.036158192090395481488318552010;0.029096045197740113413820139954;0.047457627118644069019737230519;0.015819209039548021850096759522;0.001977401129943502731262094940;0.014971751412429378999546791817;0.004237288135593220324282004441;0.008474576271186440648564008882;0.024576271186440679095142058941;0.013841807909604519552515533576;0.035310734463276836903045108329;0.033615819209039547732498220967;0.016101694915254236711854574082;0.004802259887005650047797633562;0.002259887005649717593019909501;0.018079096045197740744159276005;0.009604519774011300095595267123;0.012711864406779661840207751311;0.000000000000000000000000000000;0.008192090395480225786806194321;0.013276836158192089828999904455;0.009039548022598870372079638003;0.024011299435028249371626429820;0.020621468926553671030532655095;0.052824858757062144454241803260;0.024011299435028249371626429820
-0.026016260162601625993694653971;0.023983739837398373312415955638;0.059756097560975607319022628872;0.006910569105691056687734707964;0.019105691056910567571236470030;0.026016260162601625993694653971;0.002439024390243902436908873810;0.028455284552845527129560920798;0.040243902439024391293198590347;0.018699186991869919116648901536;0.015447154471544715867437069790;0.011382113821138212239603149101;0.013821138211382113375469415928;0.029674796747967479432217530189;0.019512195121951219495270990478;0.018292682926829267192614381088;0.015447154471544715867437069790;0.063821138211382119620473929444;0.030081300813008131356252050637;0.005284552845528455063128792091;0.015447154471544715867437069790;0.036991869918699189778710234577;0.024796747967479673691038044581;0.026016260162601625993694653971;0.029674796747967479432217530189;0.029268292682926830977629961694;0.038617886178861790535954412462;0.005284552845528455063128792091;0.000406504065040650406151478968;0.022357723577235772555171777753;0.006097560975609756309112619022;0.013821138211382113375469415928;0.013414634146341463186158371457;0.010975609756097560315568628653;0.017479674796747966813992292145;0.033333333333333332870740406406;0.008536585365853659179702361826;0.006910569105691056687734707964;0.011382113821138212239603149101;0.019918699186991871419305510926;0.006504065040650406498423663493;0.019918699186991871419305510926;0.000000000000000000000000000000;0.015447154471544715867437069790;0.008130081300813008990391317354;0.011788617886178862428914193572;0.023170731707317072933793866696;0.021138211382113820252515168363;0.034146341463414636718809447302;0.014634146341463415488814980847
-0.025925925925925925180637321432;0.010493827160493827271858791050;0.050925925925925923098969150260;0.208950617283950618174870328403;0.009876543209876543008562954640;0.019444444444444444752839729063;0.002160493827160493620492820455;0.018518518518518517490534236458;0.021913580246913581806023074705;0.018518518518518517490534236458;0.015123456790123456644492350165;0.016358024691358025171084022986;0.007098765432098765558455166769;0.035185185185185187395351391615;0.018209876543209876226248056241;0.021604938271604937072289942535;0.014197530864197531116910333537;0.027469135802469134971515174470;0.015432098765432097908778530382;0.003703703703703703845051542487;0.015740740740740739173064710599;0.022222222222222223070309254922;0.004629629629629629372633559115;0.030555555555555554553270880547;0.033641975308641977604473538577;0.033024691358024688137007274236;0.027469135802469134971515174470;0.008641975308641974481971281818;0.001234567901234567876070369330;0.015740740740740739173064710599;0.013580246913580246853614497127;0.011728395061728395798450463872;0.006790123456790123426807248563;0.008950617283950617480980938012;0.008333333333333333217685101602;0.025925925925925925180637321432;0.005555555555555555767577313730;0.011111111111111111535154627461;0.002160493827160493620492820455;0.003703703703703703845051542487;0.008950617283950617480980938012;0.011111111111111111535154627461;0.000000000000000000000000000000;0.013271604938271605589328316910;0.010493827160493827271858791050;0.009259259259259258745267118229;0.041358024691358026558862803768;0.021296296296296295808003762318;0.014814814814814815380206169948;0.017592592592592593697675695807
-0.016666666666666666435370203203;0.029268292682926830977629961694;0.025203252032520325615072565029;0.286178861788617899808429001496;0.021138211382113820252515168363;0.018699186991869919116648901536;0.006504065040650406498423663493;0.026422764227642277917729174419;0.019918699186991871419305510926;0.010162601626016259936946539710;0.010162601626016259936946539710;0.005691056910569106119801574550;0.011382113821138212239603149101;0.013414634146341463186158371457;0.032926829268292684416152837912;0.010569105691056910126257584182;0.017886178861788618738026812593;0.021951219512195120631137257305;0.013821138211382113375469415928;0.005284552845528455063128792091;0.013821138211382113375469415928;0.008943089430894309369013406297;0.009756097560975609747635495239;0.012195121951219512618225238043;0.018699186991869919116648901536;0.024796747967479673691038044581;0.028455284552845527129560920798;0.036585365853658534385228762176;0.001626016260162601624605915873;0.020731707317073171797927599869;0.002439024390243902436908873810;0.007723577235772357933718534895;0.012601626016260162807536282514;0.008130081300813008990391317354;0.026422764227642277917729174419;0.017886178861788618738026812593;0.007723577235772357933718534895;0.005691056910569106119801574550;0.002032520325203252247597829339;0.007317073170731707744407490424;0.008943089430894309369013406297;0.018699186991869919116648901536;0.000000000000000000000000000000;0.008536585365853659179702361826;0.026422764227642277917729174419;0.009349593495934959558324450768;0.011382113821138212239603149101;0.009756097560975609747635495239;0.018292682926829267192614381088;0.011788617886178862428914193572
-0.034496124031007754928701558583;0.006589147286821705334913801266;0.058527131782945739091328363202;0.000000000000000000000000000000;0.003488372093023255765542600670;0.029069767441860464712855005587;0.000387596899224806196171400074;0.020155038759689922200912803874;0.033720930232558142536358758434;0.023643410852713177966455404544;0.017054263565891472631541603278;0.004651162790697674354056800894;0.033333333333333332870740406406;0.041085271317829456794168407896;0.006201550387596899138742401192;0.011240310077519379688970602160;0.031782945736434108086054806108;0.050775193798449615167900361712;0.017054263565891472631541603278;0.009689922480620154904285001862;0.012790697674418604473656202458;0.021705426356589146985598404171;0.022868217054263565574112604395;0.026356589147286821339655205065;0.030620155038759689497540605885;0.027519379844961239928169405289;0.035658914728682170047768806853;0.003488372093023255765542600670;0.002713178294573643373199800521;0.020155038759689922200912803874;0.002713178294573643373199800521;0.019767441860465116004741403799;0.022093023255813953181769804246;0.010077519379844961100456401937;0.038372093023255816890415559328;0.036434108527131782440111607002;0.022480620155038759377941204320;0.005426356589147286746399601043;0.003100775193798449569371200596;0.029844961240310077105197805736;0.004263565891472868157885400819;0.018604651162790697416227203576;0.000000000000000000000000000000;0.017054263565891472631541603278;0.004651162790697674354056800894;0.010852713178294573492799202086;0.028682170542635658516683605512;0.021317829457364340789427004097;0.051550387596899227560243161861;0.015891472868217054043027403054
-0.023333333333333334397297065266;0.011666666666666667198648532633;0.088999999999999995781152506424;0.011666666666666667198648532633;0.012666666666666666352103476356;0.017000000000000001221245327088;0.002333333333333333526465880325;0.017666666666666667323548622903;0.063333333333333338699411285688;0.017000000000000001221245327088;0.011333333333333334147496884725;0.007333333333333333196868419890;0.014999999999999999444888487687;0.034000000000000002442490654175;0.008666666666666666268836749509;0.014000000000000000291433543964;0.034333333333333333758918826106;0.043333333333333334813630699500;0.010999999999999999361621760841;0.024666666666666666601903656897;0.010999999999999999361621760841;0.046666666666666668794594130532;0.024666666666666666601903656897;0.029333333333333332787473679559;0.018333333333333333425851918719;0.017000000000000001221245327088;0.021999999999999998723243521681;0.014000000000000000291433543964;0.002000000000000000041633363423;0.017333333333333332537673499019;0.014333333333333333342585191872;0.017333333333333332537673499019;0.010333333333333333259318465025;0.013333333333333334189130248149;0.024000000000000000499600361081;0.036333333333333335535275665507;0.011333333333333334147496884725;0.010000000000000000208166817117;0.008333333333333333217685101602;0.041000000000000001720845688169;0.005000000000000000104083408559;0.018666666666666668211727042603;0.000000000000000000000000000000;0.005666666666666667073748442363;0.006666666666666667094565124074;0.008666666666666666268836749509;0.040666666666666663465523612331;0.020000000000000000416333634234;0.026333333333333333592385372413;0.010333333333333333259318465025
-0.016666666666666666435370203203;0.013333333333333334189130248149;0.074074074074074069962136945833;0.073333333333333333703407674875;0.014444444444444443781394582516;0.012222222222222222862142437805;0.003703703703703703845051542487;0.024814814814814813853649511088;0.040370370370370368962031903948;0.018518518518518517490534236458;0.007407407407407407690103084974;0.007037037037037036958653235530;0.010370370370370370072254928573;0.027407407407407408106436719208;0.026666666666666668378260496297;0.011851851851851851263330850372;0.031851851851851853414387960584;0.045185185185185182399347780802;0.012592592592592592726230549260;0.013333333333333334189130248149;0.008888888888888888881179006773;0.042962962962962959745372160114;0.019629629629629628817522046802;0.024814814814814813853649511088;0.011851851851851851263330850372;0.022222222222222223070309254922;0.030370370370370370488588562807;0.018518518518518517490534236458;0.001851851851851851922525771243;0.007407407407407407690103084974;0.005925925925925925631665425186;0.021111111111111111743321444578;0.005925925925925925631665425186;0.014814814814814815380206169948;0.017037037037037038034181790636;0.040370370370370368962031903948;0.010740740740740739936343040029;0.009259259259259258745267118229;0.008888888888888888881179006773;0.041851851851851848418384349770;0.008518518518518519017090895318;0.015555555555555555108382392859;0.000000000000000000000000000000;0.015185185185185185244294281404;0.014444444444444443781394582516;0.012592592592592592726230549260;0.035185185185185187395351391615;0.012592592592592592726230549260;0.026666666666666668378260496297;0.009629629629629630344078705662
-0.026515151515151515887458444354;0.009848484848484847717364765174;0.060606060606060607742762158523;0.159090909090909088385856762216;0.007575757575757575967845269815;0.013257575757575757943729222177;0.003787878787878787983922634908;0.024242424242424242403215473018;0.042424242424242426807712291748;0.030681818181818181628939257166;0.011742424242424241709326082628;0.016287878787878788677812025298;0.002651515151515151675482018234;0.023106060606060605661093987351;0.025378787878787879145336958686;0.015151515151515151935690539631;0.029545454545454544886817771498;0.045454545454545455807071618892;0.012121212121212121201607736509;0.006439393939393939225723784148;0.015909090909090907450806895440;0.016666666666666666435370203203;0.001515151515151515150200967064;0.039015151515151516581347834745;0.020454545454545454419292838111;0.020075757575757576661734660206;0.030681818181818181628939257166;0.025378787878787879145336958686;0.003409090909090908925321850020;0.009848484848484847717364765174;0.013636363636363635701287400082;0.027272727272727271402574800163;0.002651515151515151675482018234;0.004924242424242423858682382587;0.004924242424242423858682382587;0.044696969696969700291955263083;0.006818181818181817850643700041;0.007954545454545453725403447720;0.003787878787878787983922634908;0.004924242424242423858682382587;0.007575757575757575967845269815;0.014393939393939394685850707845;0.000000000000000000000000000000;0.014015151515151515193569053963;0.011363636363636363951767904723;0.017803030303030303177491688871;0.028030303030303030387138107926;0.015530303030303029693248717535;0.009848484848484847717364765174;0.010984848484848484459486250842
-0.025793650793650792218958400781;0.003571428571428571317053490830;0.083730158730158724122993874062;0.001190476190476190583578119941;0.003968253968253968033685907812;0.026587301587301586519584972734;0.000396825396825396825052634231;0.013095238095238095551997581367;0.061507936507936504522131571093;0.028174603174603175120838116641;0.009523809523809524668624959531;0.033333333333333332870740406406;0.009523809523809524668624959531;0.038492063492063494090089648125;0.006349206349206349200842147695;0.024603174603174602502742018828;0.056746031746031745657266043281;0.053174603174603173039169945469;0.005555555555555555767577313730;0.014682539682539682418527249297;0.007936507936507936067371815625;0.035714285714285712303173170312;0.005952380952380952050528861719;0.034523809523809526056403740313;0.034920634920634921471993550313;0.030952380952380953438307642500;0.016666666666666666435370203203;0.020238095238095239053466301016;0.001190476190476190583578119941;0.011904761904761904101057723437;0.020634920634920634469056111016;0.027777777777777776235801354687;0.002777777777777777883788656865;0.005952380952380952050528861719;0.009523809523809524668624959531;0.062698412698412697707794905000;0.016269841269841271019780393203;0.009126984126984127518311673555;0.008333333333333333217685101602;0.012698412698412698401684295391;0.001190476190476190583578119941;0.020634920634920634469056111016;0.000000000000000000000000000000;0.015873015873015872134743631250;0.001190476190476190583578119941;0.003174603174603174600421073848;0.033730158730158728286330216406;0.021428571428571428769682682969;0.016269841269841271019780393203;0.010714285714285714384841341484
-0.061206896551724135346894684062;0.011781609195402298687072040195;0.018390804597701149170063672500;0.026724137931034484122472250078;0.014942528735632183700676733906;0.075862068965517240326512649062;0.002298850574712643646257959062;0.012931034482758620510201019727;0.014080459770114942333329999258;0.009770114942528735496596326016;0.022701149425287357741520821719;0.037068965517241377061186113906;0.045402298850574715483041643438;0.019827586206896553183698372891;0.015229885057471264156458978789;0.062643678160919535891082432499;0.015804597701149426802746944531;0.011494252873563218231289795312;0.017241379310344827346934692969;0.001724137931034482734693469297;0.008620689655172413673467346484;0.008333333333333333217685101602;0.002298850574712643646257959062;0.013218390804597700965983264609;0.110344827586206895020382035000;0.026436781609195401931966529219;0.016666666666666666435370203203;0.043965517241379307999959991093;0.000287356321839080455782244883;0.019540229885057470993192652031;0.025287356321839080108837549687;0.005459770114942528659862652773;0.011781609195402298687072040195;0.004597701149425287292515918125;0.022701149425287357741520821719;0.016954022988505748625875924063;0.006321839080459770027209387422;0.017241379310344827346934692969;0.003448275862068965469386938594;0.002298850574712643646257959062;0.004885057471264367748298163008;0.008333333333333333217685101602;0.000000000000000000000000000000;0.009482758620689655040814081133;0.012068965517241379142854285078;0.006321839080459770027209387422;0.017241379310344827346934692969;0.038218390804597698884315093437;0.012068965517241379142854285078;0.028448275862068966857165719375
-0.025968992248062015143483804991;0.023255813953488371770284004469;0.058139534883720929425710011174;0.020155038759689922200912803874;0.019767441860465116004741403799;0.018604651162790697416227203576;0.004263565891472868157885400819;0.025193798449612402751141004842;0.043023255813953491244472360222;0.022093023255813953181769804246;0.012015503875968992081313402309;0.028294573643410852320512205438;0.011627906976744185885142002235;0.025193798449612402751141004842;0.029457364341085270909026405661;0.018604651162790697416227203576;0.020930232558139534593255604022;0.049612403100775193109939209535;0.027131782945736433731998005214;0.007364341085271317727256601415;0.018604651162790697416227203576;0.028682170542635658516683605512;0.015503875968992247846856002980;0.020542635658914728397084203948;0.032558139534883720478397606257;0.024031007751937984162626804618;0.034496124031007754928701558583;0.039147286821705429282758359477;0.000775193798449612392342800149;0.019767441860465116004741403799;0.013178294573643410669827602533;0.012015503875968992081313402309;0.008914728682170542511942201713;0.005813953488372092942571001117;0.015116279069767441650684602905;0.034108527131782945263083206555;0.008139534883720930119599401564;0.006589147286821705334913801266;0.005038759689922480550228200968;0.019379844961240309808570003725;0.009302325581395348708113601788;0.017054263565891472631541603278;0.000000000000000000000000000000;0.013178294573643410669827602533;0.016666666666666666435370203203;0.012015503875968992081313402309;0.022868217054263565574112604395;0.019767441860465116004741403799;0.024031007751937984162626804618;0.012015503875968992081313402309
-0.027884615384615386163291717025;0.020192307692307693428590553708;0.032371794871794874748349712945;0.008653846153846154326538808732;0.053205128205128203455753777007;0.042307692307692310040856398246;0.003846153846153846367350581659;0.020512820512820512802720784862;0.016987179487179485809500434357;0.009615384615384615918376454147;0.020833333333333332176851016015;0.026602564102564101727876888503;0.020192307692307693428590553708;0.021794871794871793768688661430;0.026923076923076924571454071611;0.023397435897435897578233721106;0.014423076923076923877564681220;0.027884615384615386163291717025;0.051602564102564099646208717331;0.003846153846153846367350581659;0.018910256410256408993175725186;0.011538461538461539102051744976;0.014743589743589743251694912374;0.014102564102564102768710974090;0.036217948717948721115700294604;0.018589743589743589619045494032;0.028846153846153847755129362440;0.021153846153846155020428199123;0.000000000000000000000000000000;0.055769230769230772326583434051;0.022115384615384616612265844537;0.009615384615384615918376454147;0.025641025641025640136039243089;0.011217948717948717993198037846;0.025320512820512820761909011935;0.020833333333333332176851016015;0.012500000000000000693889390391;0.010897435897435896884344330715;0.001923076923076923183675290829;0.014102564102564102768710974090;0.004807692307692307959188227073;0.017628205128205128027207848618;0.000000000000000000000000000000;0.008012820512820512108831394471;0.030448717948717948095227470162;0.008653846153846154326538808732;0.020192307692307693428590553708;0.017948717948717947401338079771;0.028525641025641024911552179333;0.016666666666666666435370203203
-0.032269503546099288782134095754;0.017021276595744681131572306754;0.039007092198581561071080159309;0.010283687943262410577349719176;0.040780141843971634552090677062;0.038297872340425531678675952207;0.002482269503546099403967772901;0.021276595744680850547103645454;0.028014184397163119366602757054;0.013475177304964539373721699178;0.020921985815602835850901541903;0.024113475177304964647273521905;0.021631205673758865243305749004;0.029787234042553192847613274807;0.026241134751773049355039191255;0.026241134751773049355039191255;0.017375886524822695827774410304;0.031914893617021274085931992204;0.042553191489361701094207290907;0.004609929078014184111733442251;0.018085106382978721750731665452;0.019503546099290780535540079654;0.011702127659574467627434657402;0.023758865248226949951071418354;0.046099290780141841117334422506;0.027659574468085104670400653504;0.027304964539007093443645501907;0.015602836879432624081487368528;0.000354609929078014208311125932;0.042198581560283686398005187357;0.017375886524822695827774410304;0.009219858156028368223466884501;0.022695035460992909331912059656;0.004964539007092198807935545801;0.020212765957446809927944286756;0.021276595744680850547103645454;0.009929078014184397615871091602;0.009929078014184397615871091602;0.002836879432624113666489007457;0.012765957446808509981317492077;0.003546099290780141757850607576;0.021276595744680850547103645454;0.000000000000000000000000000000;0.008865248226950355261988256927;0.025886524822695034658837087704;0.008510638297872340565786153377;0.025531914893617019962634984154;0.020567375886524821154699438353;0.021276595744680850547103645454;0.012765957446808509981317492077
-0.042559523809523810977673008438;0.020535714285714285615158658516;0.046130952380952383595769106250;0.018154761904761906182725894610;0.047916666666666669904817155157;0.028571428571428570536427926640;0.006845238095238095205052886172;0.023511904761904761640423089375;0.029166666666666667129259593594;0.021726190476190475331375040469;0.016071428571428569842538536250;0.013392857142857142113689938867;0.012797619047619047255581747891;0.032440476190476193185663333907;0.023214285714285715078730731875;0.029761904761904760252644308594;0.033035714285714286309048048906;0.033928571428571425994125121406;0.030059523809523810283783618047;0.005952380952380952050528861719;0.017261904761904763028201870156;0.013095238095238095551997581367;0.005654761904761904621474766230;0.026785714285714284227379877734;0.046130952380952383595769106250;0.036904761904761905488836504219;0.021428571428571428769682682969;0.026785714285714284227379877734;0.000595238095238095291789059971;0.021428571428571428769682682969;0.011011904761904762681257174961;0.014583333333333333564629796797;0.009523809523809524668624959531;0.003571428571428571317053490830;0.011011904761904762681257174961;0.036011904761904758864865527812;0.010714285714285714384841341484;0.007440476190476190063161077148;0.000297619047619047645894529985;0.004761904761904762334312479766;0.008035714285714284921269268125;0.022619047619047618485899064922;0.000000000000000000000000000000;0.017857142857142856151586585156;0.015178571428571428422737987773;0.010119047619047619526733150508;0.027678571428571427381903902187;0.027083333333333334258519187188;0.014583333333333333564629796797;0.016071428571428569842538536250
-0.028571428571428570536427926640;0.019047619047619049337249919063;0.031349206349206348853897452500;0.006746031746031746351155433672;0.038095238095238098674499838125;0.026190476190476191103995162734;0.006746031746031746351155433672;0.037698412698412696320016124218;0.019047619047619049337249919063;0.017857142857142856151586585156;0.016666666666666666435370203203;0.021031746031746033354092872969;0.015079365079365079568840535273;0.018253968253968255036623347110;0.046031746031746034741871653750;0.021428571428571428769682682969;0.017460317460317460735996775156;0.047222222222222220988641083750;0.037301587301587300904426314219;0.008730158730158730367998387578;0.018650793650793650452213157109;0.018650793650793650452213157109;0.013888888888888888117900677344;0.025396825396825396803368590781;0.035317460317460316887583360312;0.022222222222222223070309254922;0.040476190476190478106932602032;0.017460317460317460735996775156;0.003174603174603174600421073848;0.040476190476190478106932602032;0.013492063492063492702310867344;0.018253968253968255036623347110;0.023015873015873017370935826875;0.001984126984126984016842953906;0.006746031746031746351155433672;0.036111111111111107718762980312;0.013888888888888888117900677344;0.008730158730158730367998387578;0.003571428571428571317053490830;0.011111111111111111535154627461;0.011507936507936508685467913438;0.009920634920634920084214769531;0.000000000000000000000000000000;0.016666666666666666435370203203;0.026587301587301586519584972734;0.018253968253968255036623347110;0.018253968253968255036623347110;0.012301587301587301251371009414;0.026190476190476191103995162734;0.007142857142857142634106981660
-0.035984848484848487581988507600;0.017045454545454544192928381108;0.039393939393939390869459060696;0.000757575757575757575100483532;0.010984848484848484459486250842;0.037121212121212124324109993267;0.004166666666666666608842550801;0.027651515151515152629579930021;0.034469696969696969612861892074;0.017045454545454544192928381108;0.017424242424242425419933510966;0.021969696969696968918972501683;0.018939393939393939919613174538;0.025378787878787879145336958686;0.015530303030303029693248717535;0.023863636363636364645657295114;0.027651515151515152629579930021;0.050757575757575758290673917372;0.040151515151515153323469320412;0.006818181818181817850643700041;0.025378787878787879145336958686;0.029924242424242422644375949403;0.014393939393939394685850707845;0.020075757575757576661734660206;0.035227272727272725127978247883;0.022727272727272727903535809446;0.028030303030303030387138107926;0.006060606060606060600803868255;0.003409090909090908925321850020;0.029166666666666667129259593594;0.021212121212121213403856145874;0.019318181818181817677171352443;0.020454545454545454419292838111;0.003409090909090908925321850020;0.017803030303030303177491688871;0.033712121212121214097745536264;0.015530303030303029693248717535;0.009469696969696969959806587269;0.003787878787878787983922634908;0.012878787878787878451447568295;0.007954545454545453725403447720;0.030681818181818181628939257166;0.000000000000000000000000000000;0.007575757575757575967845269815;0.015530303030303029693248717535;0.008333333333333333217685101602;0.018939393939393939919613174538;0.013636363636363635701287400082;0.034848484848484850839867021932;0.017424242424242425419933510966
-0.033333333333333332870740406406;0.004651162790697674354056800894;0.073255813953488374545841566032;0.001162790697674418588514200223;0.004263565891472868157885400819;0.037984496124031007224797207300;0.000775193798449612392342800149;0.019767441860465116004741403799;0.043410852713178293971196808343;0.016279069767441860239198803129;0.015891472868217054043027403054;0.034496124031007754928701558583;0.015116279069767441650684602905;0.037209302325581394832454407151;0.006589147286821705334913801266;0.027519379844961239928169405289;0.024806201550387596554969604767;0.051162790697674417894624809833;0.024418604651162790358798204693;0.013565891472868216865999002607;0.018217054263565891220055803501;0.031782945736434108086054806108;0.015891472868217054043027403054;0.023643410852713177966455404544;0.040697674418604654067443959775;0.024418604651162790358798204693;0.031782945736434108086054806108;0.006589147286821705334913801266;0.000387596899224806196171400074;0.018992248062015503612398603650;0.024418604651162790358798204693;0.009302325581395348708113601788;0.008527131782945736315770801639;0.003875968992248061961714000745;0.018217054263565891220055803501;0.034108527131782945263083206555;0.014728682170542635454513202831;0.013953488372093023062170402682;0.007751937984496123923428001490;0.018604651162790697416227203576;0.002713178294573643373199800521;0.022480620155038759377941204320;0.000000000000000000000000000000;0.010077519379844961100456401937;0.004263565891472868157885400819;0.006201550387596899138742401192;0.029844961240310077105197805736;0.018604651162790697416227203576;0.035271317829457367321044358732;0.018992248062015503612398603650
-0.034166666666666664631257788187;0.016944444444444446001840631766;0.038888888888888889505679458125;0.018333333333333333425851918719;0.021388888888888887840344921187;0.027500000000000000138777878078;0.003333333333333333547282562037;0.029999999999999998889776975375;0.032500000000000001110223024625;0.022222222222222223070309254922;0.015277777777777777276635440273;0.035833333333333335091186455656;0.011388888888888889366901580047;0.025555555555555557051272685953;0.025555555555555557051272685953;0.025833333333333333148296162562;0.013888888888888888117900677344;0.033333333333333332870740406406;0.032777777777777780676693453188;0.007499999999999999722444243844;0.024722222222222221821308352219;0.017222222222222222098864108375;0.010833333333333333703407674875;0.027500000000000000138777878078;0.038055555555555557745162076344;0.029444444444444443226283070203;0.032500000000000001110223024625;0.025555555555555557051272685953;0.001111111111111111110147375847;0.034444444444444444197728216750;0.025833333333333333148296162562;0.018055555555555553859381490156;0.016666666666666666435370203203;0.005555555555555555767577313730;0.009166666666666666712925959359;0.026944444444444444475283972906;0.015277777777777777276635440273;0.007499999999999999722444243844;0.006944444444444444058950338672;0.006944444444444444058950338672;0.005833333333333333599324266316;0.016111111111111110771876298031;0.000000000000000000000000000000;0.018888888888888889089345823891;0.021111111111111111743321444578;0.012500000000000000693889390391;0.023333333333333334397297065266;0.021111111111111111743321444578;0.015833333333333334674852821422;0.012777777777777778525636342977
-0.031481481481481478346129421197;0.015277777777777777276635440273;0.042129629629629627984854778333;0.102777777777777773460243793124;0.031944444444444441977282167500;0.034722222222222223764198645313;0.002314814814814814686316779557;0.012037037037037037062736644089;0.042592592592592591616007524635;0.010648148148148147904001881159;0.017592592592592593697675695807;0.036111111111111107718762980312;0.017592592592592593697675695807;0.021296296296296295808003762318;0.012037037037037037062736644089;0.023148148148148146863167795573;0.016203703703703702804217456901;0.041666666666666664353702032031;0.012037037037037037062736644089;0.006944444444444444058950338672;0.012500000000000000693889390391;0.024537037037037037756626034479;0.007870370370370369586532355299;0.016203703703703702804217456901;0.031944444444444441977282167500;0.019444444444444444752839729063;0.024537037037037037756626034479;0.050462962962962966406710307865;0.000462962962962962980631442811;0.023611111111111110494320541875;0.033796296296296296501893152708;0.012500000000000000693889390391;0.008333333333333333217685101602;0.004629629629629629372633559115;0.012037037037037037062736644089;0.020833333333333332176851016015;0.010185185185185186007572610833;0.008333333333333333217685101602;0.007870370370370369586532355299;0.012037037037037037062736644089;0.004629629629629629372633559115;0.032870370370370369239587660104;0.000000000000000000000000000000;0.006944444444444444058950338672;0.006944444444444444058950338672;0.011111111111111111535154627461;0.015740740740740739173064710599;0.022222222222222223070309254922;0.010648148148148147904001881159;0.016203703703703702804217456901
-0.057638888888888892281237019688;0.008680555555555555941049661328;0.028472222222222221682530474141;0.000000000000000000000000000000;0.007986111111111110494320541875;0.077430555555555558022717832500;0.002430555555555555594104966133;0.016666666666666666435370203203;0.023263888888888889505679458125;0.011458333333333332523795711211;0.018402777777777778317469525859;0.080208333333333339809634310313;0.025347222222222222376419864531;0.022222222222222223070309254922;0.008333333333333333217685101602;0.040277777777777780399137697032;0.015625000000000000000000000000;0.029861111111111112575988713047;0.026388888888888888811790067734;0.004513888888888888464845372539;0.015972222222222220988641083750;0.007638888888888888638317720137;0.009374999999999999653055304805;0.012847222222222221682530474141;0.058333333333333334258519187188;0.019791666666666665741480812812;0.021527777777777777623580135469;0.007291666666666666782314898398;0.001388888888888888941894328433;0.057638888888888892281237019688;0.049305555555555553859381490156;0.009374999999999999653055304805;0.014930555555555556287994356524;0.004166666666666666608842550801;0.014930555555555556287994356524;0.024652777777777776929690745078;0.008333333333333333217685101602;0.011458333333333332523795711211;0.000347222222222222235473582108;0.009027777777777776929690745078;0.002777777777777777883788656865;0.027083333333333334258519187188;0.000000000000000000000000000000;0.010763888888888888811790067734;0.009722222222222222376419864531;0.013194444444444444405895033867;0.018749999999999999306110609609;0.015625000000000000000000000000;0.023958333333333334952408577578;0.014583333333333333564629796797
-0.041333333333333333037273860100;0.006000000000000000124900090270;0.045999999999999999222843882762;0.001333333333333333288808764117;0.003333333333333333547282562037;0.061999999999999999555910790150;0.001333333333333333288808764117;0.012666666666666666352103476356;0.054666666666666668961127584225;0.010000000000000000208166817117;0.019333333333333334314030338419;0.062666666666666662188767134012;0.017333333333333332537673499019;0.026666666666666668378260496297;0.009333333333333334105863521302;0.042666666666666665241880451731;0.023333333333333334397297065266;0.021999999999999998723243521681;0.015333333333333332496040135595;0.004000000000000000083266726847;0.012666666666666666352103476356;0.035999999999999997279953589668;0.012666666666666666352103476356;0.015333333333333332496040135595;0.070000000000000006661338147751;0.027333333333333334480563792113;0.017333333333333332537673499019;0.004666666666666667052931760651;0.000000000000000000000000000000;0.034666666666666665075346998037;0.046666666666666668794594130532;0.010000000000000000208166817117;0.015333333333333332496040135595;0.003333333333333333547282562037;0.014666666666666666393736839780;0.022666666666666668294993769450;0.010000000000000000208166817117;0.012000000000000000249800180541;0.004666666666666667052931760651;0.011333333333333334147496884725;0.001333333333333333288808764117;0.026666666666666668378260496297;0.000000000000000000000000000000;0.008000000000000000166533453694;0.006000000000000000124900090270;0.008000000000000000166533453694;0.029333333333333332787473679559;0.016666666666666666435370203203;0.024666666666666666601903656897;0.016666666666666666435370203203
-0.030065359477124183745777585841;0.013398692810457515575683906661;0.023529411764705882026404992757;0.168627450980392168400356922575;0.041830065359477121289533130266;0.044444444444444446140618509844;0.006535947712418300852010855095;0.020588235294117646773104368663;0.013398692810457515575683906661;0.013071895424836601704021710191;0.018954248366013070475899482403;0.053594771241830062302735626645;0.010130718954248366450721086096;0.018954248366013070475899482403;0.028104575163398693576910503111;0.027124183006535948492476961746;0.013725490196078431182069579108;0.014705882352941176266503120473;0.022875816993464050813633647863;0.000980392156862745084433541365;0.016993464052287580307032399674;0.014052287581699346788455251556;0.006209150326797385245625182648;0.018300653594771242732575089462;0.036601307189542485465150178925;0.019934640522875815560333023768;0.022549019607843136941971451392;0.015032679738562091872888792921;0.002287581699346405341571886183;0.045751633986928101627267295726;0.020588235294117646773104368663;0.020915032679738560644766565133;0.007516339869281045936444396460;0.008823529411764705759901872284;0.006209150326797385245625182648;0.016666666666666666435370203203;0.003267973856209150426005427548;0.010130718954248366450721086096;0.003594771241830065165029362007;0.003267973856209150426005427548;0.012091503267973856619588168826;0.009477124183006535237949741202;0.000000000000000000000000000000;0.013398692810457515575683906661;0.019934640522875815560333023768;0.012418300653594770491250365296;0.018627450980392156604237285933;0.008496732026143790153516199837;0.012418300653594770491250365296;0.009803921568627450844335413649
-0.023214285714285715078730731875;0.019345238095238095898942276563;0.042261904761904764415980650938;0.069345238095238098674499838125;0.038095238095238098674499838125;0.028571428571428570536427926640;0.002976190476190476025264430859;0.034226190476190479494711382813;0.039583333333333331482961625625;0.017261904761904763028201870156;0.016071428571428569842538536250;0.010714285714285714384841341484;0.011011904761904762681257174961;0.020833333333333332176851016015;0.037797619047619045173913576718;0.017857142857142856151586585156;0.022916666666666665047591422422;0.047321428571428569842538536250;0.039285714285714284921269268125;0.006547619047619047775998790684;0.015773809523809523280846178750;0.025595238095238094511163495781;0.015773809523809523280846178750;0.017261904761904763028201870156;0.023214285714285715078730731875;0.018154761904761906182725894610;0.034226190476190479494711382813;0.011011904761904762681257174961;0.000892857142857142829263372708;0.019642857142857142460634634062;0.010714285714285714384841341484;0.014880952380952380126322154297;0.016964285714285712997062560703;0.006250000000000000346944695195;0.014880952380952380126322154297;0.026785714285714284227379877734;0.012500000000000000693889390391;0.005059523809523809763366575254;0.003869047619047619179788455313;0.012797619047619047255581747891;0.009226190476190476372209126055;0.021428571428571428769682682969;0.000000000000000000000000000000;0.008928571428571428075793292578;0.030059523809523810283783618047;0.007440476190476190063161077148;0.017559523809523809589894227656;0.016666666666666666435370203203;0.025297619047619047949471138281;0.011904761904761904101057723437
-0.032500000000000001110223024625;0.007916666666666667337426410711;0.090416666666666672957930472876;0.001666666666666666773641281019;0.003749999999999999861222121922;0.017500000000000001665334536938;0.001250000000000000026020852140;0.022083333333333333287074040641;0.042083333333333333703407674875;0.029999999999999998889776975375;0.014583333333333333564629796797;0.015833333333333334674852821422;0.010000000000000000208166817117;0.040416666666666663243479007406;0.012083333333333333078907223523;0.020000000000000000416333634234;0.042083333333333333703407674875;0.065000000000000002220446049250;0.017916666666666667545593227828;0.011666666666666667198648532633;0.010833333333333333703407674875;0.025416666666666667268037471672;0.006250000000000000346944695195;0.035833333333333335091186455656;0.035416666666666665741480812812;0.038749999999999999722444243844;0.033333333333333332870740406406;0.002916666666666666799662133158;0.000000000000000000000000000000;0.007916666666666667337426410711;0.013750000000000000069388939039;0.023333333333333334397297065266;0.007916666666666667337426410711;0.005833333333333333599324266316;0.011249999999999999583666365766;0.058749999999999996669330926125;0.014583333333333333564629796797;0.007499999999999999722444243844;0.000833333333333333386820640509;0.010000000000000000208166817117;0.004583333333333333356462979680;0.009583333333333332593184650250;0.000000000000000000000000000000;0.017916666666666667545593227828;0.004583333333333333356462979680;0.014166666666666665949647629930;0.043333333333333334813630699500;0.022083333333333333287074040641;0.018749999999999999306110609609;0.015833333333333334674852821422
-0.014341085271317829258341802756;0.013565891472868216865999002607;0.115116279069767443732352774077;0.036434108527131782440111607002;0.019379844961240309808570003725;0.011240310077519379688970602160;0.001162790697674418588514200223;0.016666666666666666435370203203;0.069379844961240305645233661380;0.019767441860465116004741403799;0.007364341085271317727256601415;0.009689922480620154904285001862;0.005038759689922480550228200968;0.038759689922480619617140007449;0.016279069767441860239198803129;0.015116279069767441650684602905;0.053488372093023255071653210280;0.070542635658914734642088717465;0.015891472868217054043027403054;0.017054263565891472631541603278;0.007364341085271317727256601415;0.040310077519379844401825607747;0.006976744186046511531085201341;0.032170542635658917751673158136;0.020155038759689922200912803874;0.016279069767441860239198803129;0.017829457364341085023884403427;0.011627906976744185885142002235;0.000387596899224806196171400074;0.005426356589147286746399601043;0.009689922480620154904285001862;0.022093023255813953181769804246;0.005426356589147286746399601043;0.002713178294573643373199800521;0.015503875968992247846856002980;0.058527131782945739091328363202;0.009689922480620154904285001862;0.002713178294573643373199800521;0.003875968992248061961714000745;0.014728682170542635454513202831;0.005038759689922480550228200968;0.019379844961240309808570003725;0.000000000000000000000000000000;0.007751937984496123923428001490;0.008527131782945736315770801639;0.005426356589147286746399601043;0.037596899224806204498072759179;0.017054263565891472631541603278;0.021317829457364340789427004097;0.008139534883720930119599401564
-0.024712643678160919197273059922;0.020977011494252875006827352422;0.043965517241379307999959991093;0.105459770114942522067913444062;0.044252873563218393659912663907;0.022701149425287357741520821719;0.004597701149425287292515918125;0.024425287356321840476214291016;0.035919540229885055238057134375;0.013505747126436781421765509492;0.013505747126436781421765509492;0.019540229885057470993192652031;0.009195402298850574585031836250;0.025862068965517241020402039453;0.026436781609195401931966529219;0.026724137931034484122472250078;0.016666666666666666435370203203;0.041379310344827585632643263125;0.025000000000000001387778780781;0.004885057471264367748298163008;0.010632183908045976863943060664;0.027298850574712645034036739844;0.005747126436781609115644897656;0.024425287356321840476214291016;0.033620689655172411591799175312;0.016379310344827587714311434297;0.020402298850574714095262862656;0.018678160919540231360569393360;0.000862068965517241367346734648;0.020689655172413792816321631562;0.023275862068965518653085311485;0.014080459770114942333329999258;0.008045977011494252761902856719;0.004597701149425287292515918125;0.010344827586206896408160815781;0.028735632183908045578224488281;0.007471264367816091850338366953;0.008333333333333333217685101602;0.013793103448275861877547754375;0.018103448275862070449004903594;0.007758620689655172306120611836;0.018965517241379310081628162266;0.000000000000000000000000000000;0.008908045977011494129249591367;0.017528735632183909537440413828;0.007758620689655172306120611836;0.021264367816091953727886121328;0.020689655172413792816321631562;0.018678160919540231360569393360;0.013218390804597700965983264609
-0.030459770114942528312917957578;0.009770114942528735496596326016;0.043965517241379307999959991093;0.183045977011494248598566514374;0.021551724137931035918391842188;0.024137931034482758285708570156;0.000862068965517241367346734648;0.019540229885057470993192652031;0.030459770114942528312917957578;0.031609195402298853605493889063;0.014942528735632183700676733906;0.017528735632183909537440413828;0.007471264367816091850338366953;0.026149425287356323210907760313;0.015804597701149426802746944531;0.020977011494252875006827352422;0.020114942528735631904757141797;0.039080459770114941986385304062;0.017241379310344827346934692969;0.006896551724137930938773877187;0.013505747126436781421765509492;0.015804597701149426802746944531;0.002298850574712643646257959062;0.035057471264367819074880827657;0.030747126436781610503423678438;0.028448275862068966857165719375;0.021839080459770114639450611094;0.011206896551724137775507550430;0.001149425287356321823128979531;0.022988505747126436462579590625;0.014942528735632183700676733906;0.019827586206896553183698372891;0.003735632183908045925169183477;0.003448275862068965469386938594;0.006321839080459770027209387422;0.039655172413793106367396745782;0.008908045977011494129249591367;0.008620689655172413673467346484;0.003448275862068965469386938594;0.002298850574712643646257959062;0.004310344827586206836733673242;0.011781609195402298687072040195;0.000000000000000000000000000000;0.018390804597701149170063672500;0.010919540229885057319725305547;0.010344827586206896408160815781;0.034482758620689654693869385937;0.013218390804597700965983264609;0.010919540229885057319725305547;0.009770114942528735496596326016
-0.029268292682926830977629961694;0.010162601626016259936946539710;0.048373983739837395079419479771;0.173577235772357729715054119879;0.016260162601626017980782634709;0.023170731707317072933793866696;0.000406504065040650406151478968;0.025609756097560974069660133523;0.050406504065040651230145130057;0.017073170731707318359404723651;0.014634146341463415488814980847;0.019512195121951219495270990478;0.010162601626016259936946539710;0.029674796747967479432217530189;0.022357723577235772555171777753;0.025609756097560974069660133523;0.027235772357723578296351263361;0.045528455284552848958412596403;0.016666666666666666435370203203;0.007723577235772357933718534895;0.013821138211382113375469415928;0.021544715447154472176549688811;0.006097560975609756309112619022;0.014227642276422763564780460399;0.035772357723577237476053625187;0.029674796747967479432217530189;0.025203252032520325615072565029;0.006504065040650406498423663493;0.001219512195121951218454436905;0.016666666666666666435370203203;0.016666666666666666435370203203;0.011382113821138212239603149101;0.008943089430894309369013406297;0.005284552845528455063128792091;0.007723577235772357933718534895;0.024390243902439025236450476086;0.012601626016260162807536282514;0.008943089430894309369013406297;0.003658536585365853872203745212;0.005691056910569106119801574550;0.008130081300813008990391317354;0.013821138211382113375469415928;0.000000000000000000000000000000;0.007317073170731707744407490424;0.009756097560975609747635495239;0.008536585365853659179702361826;0.022357723577235772555171777753;0.014227642276422763564780460399;0.015853658536585366056748114261;0.010569105691056910126257584182
-0.031372549019607842701873323676;0.029411764705882352533006240947;0.076470588235294123524710130368;0.026960784313725491556645863511;0.006862745098039215591034789554;0.021568627450980391857537910028;0.001960784313725490168867082730;0.032352941176470591255753816995;0.051470588235294115198037445680;0.014705882352941176266503120473;0.015686274509803921350936661838;0.014705882352941176266503120473;0.005882352941176470506601248189;0.028921568627450981725512946241;0.032352941176470591255753816995;0.023039215686274511218911698052;0.021078431372549021050044615322;0.054901960784313724728278316434;0.021078431372549021050044615322;0.009313725490196078302118642966;0.015686274509803921350936661838;0.037745098039215684015967866571;0.010294117647058823386552184331;0.018137254901960785796743991227;0.032843137254901962063247111701;0.028921568627450981725512946241;0.038235294117647061762355065184;0.012254901960784313555419267061;0.000490196078431372542216770682;0.023039215686274511218911698052;0.013235294117647058639852808426;0.009803921568627450844335413649;0.009313725490196078302118642966;0.005882352941176470506601248189;0.005392156862745097964384477507;0.039215686274509803377341654596;0.015196078431372548808719891156;0.008823529411764705759901872284;0.003921568627450980337734165460;0.018137254901960785796743991227;0.011274509803921568470985725696;0.018137254901960785796743991227;0.000000000000000000000000000000;0.011274509803921568470985725696;0.017647058823529411519803744568;0.008333333333333333217685101602;0.020098039215686275965611073957;0.016176470588235295627876908497;0.020098039215686275965611073957;0.010294117647058823386552184331
-0.042222222222222223486642889156;0.012962962962962962590318660716;0.053333333333333336756520992594;0.002222222222222222220294751693;0.010740740740740739936343040029;0.027777777777777776235801354687;0.001481481481481481407916356297;0.026666666666666668378260496297;0.028518518518518519433424529552;0.020370370370370372015145221667;0.015185185185185185244294281404;0.018148148148148149361169600979;0.020740740740740740144509857146;0.042222222222222223486642889156;0.019259259259259260688157411323;0.025555555555555557051272685953;0.019629629629629628817522046802;0.038148148148148146308056283260;0.026666666666666668378260496297;0.007777777777777777554191196430;0.024444444444444445724284875610;0.019259259259259260688157411323;0.014444444444444443781394582516;0.020370370370370372015145221667;0.049629629629629627707299022177;0.033703703703703701000105041885;0.033333333333333332870740406406;0.001481481481481481407916356297;0.000000000000000000000000000000;0.015925925925925926707193980292;0.016296296296296294836558615771;0.014444444444444443781394582516;0.017777777777777777762358013547;0.009629629629629630344078705662;0.021851851851851851471497667490;0.029999999999999998889776975375;0.015185185185185185244294281404;0.013333333333333334189130248149;0.002222222222222222220294751693;0.021111111111111111743321444578;0.007407407407407407690103084974;0.013703703703703704053218359604;0.000000000000000000000000000000;0.013703703703703704053218359604;0.011481481481481481399242738917;0.012592592592592592726230549260;0.029259259259259259161600752464;0.022962962962962962798485477833;0.034444444444444444197728216750;0.020370370370370372015145221667
-0.025000000000000001387778780781;0.021825396825396824185272492969;0.059523809523809520505288617187;0.010714285714285714384841341484;0.032142857142857139685077072500;0.016269841269841271019780393203;0.001587301587301587300210536924;0.024603174603174602502742018828;0.045634920634920632387387939843;0.016666666666666666435370203203;0.016269841269841271019780393203;0.026190476190476191103995162734;0.008730158730158730367998387578;0.024603174603174602502742018828;0.021825396825396824185272492969;0.015079365079365079568840535273;0.025396825396825396803368590781;0.048809523809523809589894227656;0.022619047619047618485899064922;0.012698412698412698401684295391;0.016269841269841271019780393203;0.030952380952380953438307642500;0.017063492063492061850960013203;0.021428571428571428769682682969;0.025793650793650792218958400781;0.021825396825396824185272492969;0.031349206349206348853897452500;0.024206349206349207087152208828;0.000793650793650793650105268462;0.028174603174603175120838116641;0.021825396825396824185272492969;0.014285714285714285268213963320;0.009523809523809524668624959531;0.004365079365079365183999193789;0.016666666666666666435370203203;0.044047619047619050725028699844;0.011111111111111111535154627461;0.005158730158730158617264027754;0.009126984126984127518311673555;0.019444444444444444752839729063;0.005158730158730158617264027754;0.027380952380952380820211544687;0.000000000000000000000000000000;0.009126984126984127518311673555;0.017460317460317460735996775156;0.007539682539682539784420267637;0.021428571428571428769682682969;0.022222222222222223070309254922;0.027777777777777776235801354687;0.012301587301587301251371009414
-0.030620155038759689497540605885;0.017054263565891472631541603278;0.043798449612403103636815160371;0.030232558139534883301369205810;0.028294573643410852320512205438;0.024806201550387596554969604767;0.003875968992248061961714000745;0.032170542635658917751673158136;0.032170542635658917751673158136;0.018217054263565891220055803501;0.020542635658914728397084203948;0.020930232558139534593255604022;0.012403100775193798277484802384;0.024806201550387596554969604767;0.032558139534883720478397606257;0.021705426356589146985598404171;0.013178294573643410669827602533;0.041085271317829456794168407896;0.024418604651162790358798204693;0.005813953488372092942571001117;0.015116279069767441650684602905;0.011240310077519379688970602160;0.010077519379844961100456401937;0.029069767441860464712855005587;0.042248062015503878852129560073;0.034496124031007754928701558583;0.033333333333333332870740406406;0.024806201550387596554969604767;0.001550387596899224784685600298;0.024806201550387596554969604767;0.016666666666666666435370203203;0.014341085271317829258341802756;0.010465116279069767296627802011;0.006589147286821705334913801266;0.017441860465116278827713003352;0.028682170542635658516683605512;0.012790697674418604473656202458;0.009302325581395348708113601788;0.006201550387596899138742401192;0.009689922480620154904285001862;0.006589147286821705334913801266;0.018217054263565891220055803501;0.000000000000000000000000000000;0.012790697674418604473656202458;0.020155038759689922200912803874;0.012790697674418604473656202458;0.031007751937984495693712005959;0.020930232558139534593255604022;0.023255813953488371770284004469;0.016666666666666666435370203203
-0.043859649122807015109160033717;0.009649122807017544364849293004;0.041666666666666664353702032031;0.001754385964912280734470662047;0.014912280701754385484059106659;0.032894736842105261331870025288;0.001315789473684210496642887911;0.040350877192982456675984792582;0.031578947368421053654152785839;0.017982456140350877582534394605;0.025000000000000001387778780781;0.026754385964912280604366401349;0.010087719298245614168996198146;0.024561403508771929848908399663;0.017982456140350877582534394605;0.038596491228070177459397172015;0.032456140350877189792999644169;0.036403508771929826703939170329;0.043859649122807015109160033717;0.004824561403508772182424646502;0.020175438596491228337992396291;0.020614035087719299876862777410;0.006578947368421052266374005058;0.024122807017543858310038018544;0.047368421052631580481229178758;0.036403508771929826703939170329;0.034649122807017540548457645855;0.003947368421052631706769098230;0.002631578947368420993285775822;0.031140350877192982115282404720;0.023245614035087718701744208261;0.017543859649122806043664013487;0.020614035087719299876862777410;0.002631578947368420993285775822;0.009210526315789472825978911885;0.034210526315789475948481168643;0.010964912280701753777290008429;0.010964912280701753777290008429;0.002631578947368420993285775822;0.003508771929824561468941324094;0.006578947368421052266374005058;0.014473684210526315679912201517;0.000000000000000000000000000000;0.012719298245614034728601104973;0.015789473684210526827076392919;0.013596491228070176071618391234;0.019298245614035088729698586008;0.021052631578947367946286206575;0.023684210526315790240614589379;0.013157894736842104532748010115
-0.025277777777777777484802257391;0.008333333333333333217685101602;0.020000000000000000416333634234;0.346111111111111091620529123247;0.035833333333333335091186455656;0.014999999999999999444888487687;0.011666666666666667198648532633;0.014722222222222221613141535101;0.013055555555555556357383295563;0.017777777777777777762358013547;0.012222222222222222862142437805;0.011666666666666667198648532633;0.009166666666666666712925959359;0.018888888888888889089345823891;0.015555555555555555108382392859;0.016944444444444446001840631766;0.014166666666666665949647629930;0.016111111111111110771876298031;0.013333333333333334189130248149;0.003611111111111110945348645629;0.010277777777777778039913769703;0.007222222222222221890697291258;0.003611111111111110945348645629;0.035555555555555555524716027094;0.027500000000000000138777878078;0.021111111111111111743321444578;0.017500000000000001665334536938;0.010555555555555555871660722289;0.004166666666666666608842550801;0.016666666666666666435370203203;0.010000000000000000208166817117;0.016388888888888890338346726594;0.006666666666666667094565124074;0.005555555555555555767577313730;0.004722222222222222272336455973;0.024444444444444445724284875610;0.006111111111111111431071218902;0.004722222222222222272336455973;0.001666666666666666773641281019;0.005277777777777777935830361145;0.004444444444444444440589503387;0.009444444444444444544672911945;0.000000000000000000000000000000;0.023888888888888890060790970438;0.011944444444444445030395485219;0.016388888888888890338346726594;0.020000000000000000416333634234;0.014722222222222221613141535101;0.007499999999999999722444243844;0.012500000000000000693889390391
-0.021637426900584795508297730748;0.016666666666666666435370203203;0.036257309941520467211351075321;0.037134502923976610289091837558;0.054093567251461985301297374917;0.036257309941520467211351075321;0.009356725146198830583843530917;0.019005847953216373213969347944;0.022222222222222223070309254922;0.013742690058479532094759534289;0.016959064327485378481652489313;0.022514619883040935116591541032;0.014619883040935671703053344572;0.019005847953216373213969347944;0.027777777777777776235801354687;0.023099415204678362678603065206;0.014327485380116959656771058462;0.032163742690058477746717358059;0.038304093567251465413114885905;0.006140350877192982462227099916;0.021929824561403507554580016858;0.025438596491228069457202209946;0.012865497076023392486465724005;0.012573099415204678705459961918;0.031871345029239765700435071949;0.017836257309941521559393251550;0.026900584795321636627507544404;0.034795321637426900041045740863;0.000584795321637426911490220682;0.050584795321637426868122133783;0.027192982456140352143236782467;0.009356725146198830583843530917;0.017543859649122806043664013487;0.008479532163742689240826244657;0.021929824561403507554580016858;0.021345029239766083462015444638;0.009064327485380116802837768830;0.014619883040935671703053344572;0.011111111111111111535154627461;0.015204678362573099265064868746;0.007017543859649122937882648188;0.013157894736842104532748010115;0.000000000000000000000000000000;0.008771929824561403021832006743;0.026023391812865497019213734120;0.011111111111111111535154627461;0.016666666666666666435370203203;0.013450292397660818313753772202;0.016666666666666666435370203203;0.014619883040935671703053344572
-0.021111111111111111743321444578;0.025833333333333333148296162562;0.024444444444444445724284875610;0.019722222222222220849863205672;0.054444444444444441144614899031;0.028333333333333331899295259859;0.007499999999999999722444243844;0.044999999999999998334665463062;0.022222222222222223070309254922;0.008333333333333333217685101602;0.017222222222222222098864108375;0.014444444444444443781394582516;0.016944444444444446001840631766;0.020833333333333332176851016015;0.042500000000000003053113317719;0.009722222222222222376419864531;0.013333333333333334189130248149;0.046666666666666668794594130532;0.054166666666666668517038374375;0.006666666666666667094565124074;0.028611111111111111465765688422;0.010833333333333333703407674875;0.021944444444444443503838826359;0.017222222222222222098864108375;0.025555555555555557051272685953;0.015833333333333334674852821422;0.036666666666666666851703837438;0.029444444444444443226283070203;0.001388888888888888941894328433;0.035000000000000003330669073875;0.011111111111111111535154627461;0.005555555555555555767577313730;0.031111111111111110216764785719;0.002777777777777777883788656865;0.015277777777777777276635440273;0.021388888888888887840344921187;0.015277777777777777276635440273;0.006666666666666667094565124074;0.008333333333333333217685101602;0.014722222222222221613141535101;0.013055555555555556357383295563;0.014444444444444443781394582516;0.000000000000000000000000000000;0.008611111111111111049432054187;0.042777777777777775680689842375;0.007222222222222221890697291258;0.010000000000000000208166817117;0.009166666666666666712925959359;0.033333333333333332870740406406;0.007222222222222221890697291258
-0.041091954022988506911584494219;0.019540229885057470993192652031;0.021264367816091953727886121328;0.013505747126436781421765509492;0.073275862068965511020302017187;0.040804597701149428190525725313;0.005172413793103448204080407891;0.046551724137931037306170622969;0.007471264367816091850338366953;0.006034482758620689571427142539;0.019827586206896553183698372891;0.025574712643678162299343270547;0.016666666666666666435370203203;0.017241379310344827346934692969;0.042528735632183907455772242656;0.016954022988505748625875924063;0.004885057471264367748298163008;0.026436781609195401931966529219;0.069827586206896552489808982500;0.005747126436781609115644897656;0.030459770114942528312917957578;0.006321839080459770027209387422;0.008045977011494252761902856719;0.011206896551724137775507550430;0.045402298850574715483041643438;0.021839080459770114639450611094;0.039080459770114941986385304062;0.017241379310344827346934692969;0.000000000000000000000000000000;0.054310344827586204408120806875;0.017528735632183909537440413828;0.002298850574712643646257959062;0.027873563218390805945601229610;0.002873563218390804557822448828;0.013793103448275861877547754375;0.018390804597701149170063672500;0.014655172413793103244894489023;0.005459770114942528659862652773;0.001149425287356321823128979531;0.004022988505747126380951428359;0.012068965517241379142854285078;0.002873563218390804557822448828;0.000000000000000000000000000000;0.007183908045977011394556122070;0.041379310344827585632643263125;0.007183908045977011394556122070;0.016954022988505748625875924063;0.012931034482758620510201019727;0.023850574712643679564649801250;0.013218390804597700965983264609
-0.027298850574712645034036739844;0.012931034482758620510201019727;0.042816091954022986176831011562;0.012356321839080459598636529961;0.031609195402298853605493889063;0.052586206896551725142874289531;0.002298850574712643646257959062;0.023563218390804597374144080391;0.013505747126436781421765509492;0.013218390804597700965983264609;0.016954022988505748625875924063;0.055747126436781611891202459219;0.016379310344827587714311434297;0.028160919540229884666659998516;0.019540229885057470993192652031;0.023275862068965518653085311485;0.013505747126436781421765509492;0.032183908045977011047611426875;0.037931034482758620163256324531;0.010632183908045976863943060664;0.016666666666666666435370203203;0.023850574712643679564649801250;0.017816091954022988258499182734;0.016954022988505748625875924063;0.046839080459770116027229391875;0.025287356321839080108837549687;0.031034482758620689224482447344;0.008333333333333333217685101602;0.000574712643678160911564489766;0.055459770114942526231249786406;0.027586206896551723755095508750;0.007183908045977011394556122070;0.018965517241379310081628162266;0.008908045977011494129249591367;0.016379310344827587714311434297;0.021551724137931035918391842188;0.010919540229885057319725305547;0.004885057471264367748298163008;0.001436781609195402278911224414;0.029022988505747127768730209141;0.006896551724137930938773877187;0.002873563218390804557822448828;0.000000000000000000000000000000;0.007183908045977011394556122070;0.020114942528735631904757141797;0.006321839080459770027209387422;0.020689655172413792816321631562;0.018103448275862070449004903594;0.029597701149425288680294698906;0.012068965517241379142854285078
-0.028048780487804878674973352304;0.009756097560975609747635495239;0.021544715447154472176549688811;0.103658536585365848581297143483;0.084146341463414639494367008865;0.047967479674796746624831911276;0.002032520325203252247597829339;0.021544715447154472176549688811;0.011382113821138212239603149101;0.006910569105691056687734707964;0.018699186991869919116648901536;0.043495934959349592807686946117;0.013821138211382113375469415928;0.019105691056910567571236470030;0.021544715447154472176549688811;0.030487804878048779810839619131;0.008130081300813008990391317354;0.021544715447154472176549688811;0.035772357723577237476053625187;0.003252032520325203249211831746;0.015040650406504065678126025318;0.007317073170731707744407490424;0.005284552845528455063128792091;0.019512195121951219495270990478;0.040650406504065039747786158841;0.023170731707317072933793866696;0.021138211382113820252515168363;0.003658536585365853872203745212;0.000000000000000000000000000000;0.091869918699186994826000329795;0.031300813008130083658908660027;0.004065040650406504495195658677;0.019512195121951219495270990478;0.004065040650406504495195658677;0.014227642276422763564780460399;0.014227642276422763564780460399;0.009756097560975609747635495239;0.006097560975609756309112619022;0.000813008130081300812302957937;0.003658536585365853872203745212;0.005691056910569106119801574550;0.005284552845528455063128792091;0.000000000000000000000000000000;0.006504065040650406498423663493;0.025609756097560974069660133523;0.004471544715447154684506703148;0.018699186991869919116648901536;0.016666666666666666435370203203;0.015040650406504065678126025318;0.013821138211382113375469415928
-0.031205673758865248162974737056;0.012411347517730497019838864503;0.029432624113475178151411171257;0.045035460992907803967622015762;0.084397163120567372796010374714;0.051773049645390069317674175409;0.003546099290780141757850607576;0.021985815602836879939507852555;0.011347517730496454665956029828;0.010283687943262410577349719176;0.024468085106382979343475625456;0.038652482269503546374878055758;0.016666666666666666435370203203;0.025531914893617019962634984154;0.029787234042553192847613274807;0.023758865248226949951071418354;0.010283687943262410577349719176;0.028014184397163119366602757054;0.039716312056737590463484366410;0.005673758865248227332978014914;0.023049645390070920558667211253;0.007801418439716312040743684264;0.007801418439716312040743684264;0.012765957446808509981317492077;0.041134751773049642309398876705;0.020567375886524821154699438353;0.021985815602836879939507852555;0.009929078014184397615871091602;0.000000000000000000000000000000;0.065957446808510636349076605711;0.022340425531914894635709956106;0.007092198581560283515701215151;0.017730496453900710523976513855;0.003900709219858156020371842132;0.012411347517730497019838864503;0.019858156028368795231742183205;0.010992907801418439969753926277;0.009219858156028368223466884501;0.000354609929078014208311125932;0.009929078014184397615871091602;0.006028368794326241161818380476;0.006028368794326241161818380476;0.000000000000000000000000000000;0.006028368794326241161818380476;0.026595744680851064051241294806;0.007446808510638298211903318702;0.020567375886524821154699438353;0.020567375886524821154699438353;0.025177304964539008735879832557;0.012765957446808509981317492077
-0.056730769230769230448974127512;0.004807692307692307959188227073;0.047435897435897433904727904519;0.000000000000000000000000000000;0.027243589743589743945584302764;0.038141025641025644299375585433;0.001282051282051282050170049054;0.020833333333333332176851016015;0.026923076923076924571454071611;0.018910256410256408993175725186;0.023717948717948716952363952259;0.024358974358974359170071366520;0.019871794871794870585013370601;0.041025641025641025605441569724;0.007051282051282051384355487045;0.026923076923076924571454071611;0.012820512820512820068019621544;0.029166666666666667129259593594;0.026602564102564101727876888503;0.012500000000000000693889390391;0.015705128205128204843532557788;0.017628205128205128027207848618;0.013461538461538462285727035805;0.017307692307692308653077617464;0.060256410256410257442194478017;0.042948717948717948789116860553;0.031089743589743590312934884423;0.001282051282051282050170049054;0.000320512820512820512542512263;0.017628205128205128027207848618;0.018589743589743589619045494032;0.009615384615384615918376454147;0.014743589743589743251694912374;0.003525641025641025692177743522;0.023717948717948716952363952259;0.034935897435897436680285466082;0.018589743589743589619045494032;0.008653846153846154326538808732;0.002564102564102564100340098108;0.011858974358974358476181976130;0.005128205128205128200680196215;0.010256410256410256401360392431;0.000000000000000000000000000000;0.010897435897435896884344330715;0.007051282051282051384355487045;0.010576923076923077510214099561;0.027884615384615386163291717025;0.033012820512820513496610175252;0.042307692307692310040856398246;0.022115384615384616612265844537
-0.046511627906976743540568008939;0.008527131782945736315770801639;0.016666666666666666435370203203;0.189922480620155043062879940408;0.025193798449612402751141004842;0.040310077519379844401825607747;0.005813953488372092942571001117;0.012403100775193798277484802384;0.011627906976744185885142002235;0.015116279069767441650684602905;0.020930232558139534593255604022;0.025581395348837208947312404916;0.022093023255813953181769804246;0.012790697674418604473656202458;0.010852713178294573492799202086;0.030620155038759689497540605885;0.023643410852713177966455404544;0.024031007751937984162626804618;0.021705426356589146985598404171;0.005038759689922480550228200968;0.013953488372093023062170402682;0.007364341085271317727256601415;0.011627906976744185885142002235;0.018604651162790697416227203576;0.050000000000000002775557561563;0.024031007751937984162626804618;0.025581395348837208947312404916;0.005426356589147286746399601043;0.001162790697674418588514200223;0.038372093023255816890415559328;0.013565891472868216865999002607;0.009302325581395348708113601788;0.012403100775193798277484802384;0.006201550387596899138742401192;0.015891472868217054043027403054;0.014728682170542635454513202831;0.012790697674418604473656202458;0.012015503875968992081313402309;0.001550387596899224784685600298;0.010852713178294573492799202086;0.007364341085271317727256601415;0.013178294573643410669827602533;0.000000000000000000000000000000;0.010077519379844961100456401937;0.013178294573643410669827602533;0.012790697674418604473656202458;0.015891472868217054043027403054;0.017054263565891472631541603278;0.021705426356589146985598404171;0.013953488372093023062170402682
-0.017999999999999998639976794834;0.017999999999999998639976794834;0.017999999999999998639976794834;0.303999999999999992450483432549;0.037333333333333336423454085207;0.025666666666666667490082076597;0.008999999999999999319988397417;0.020000000000000000416333634234;0.012999999999999999403255124264;0.012666666666666666352103476356;0.011666666666666667198648532633;0.037999999999999999056310429069;0.010666666666666666310470112933;0.017000000000000001221245327088;0.026999999999999999694688668228;0.017333333333333332537673499019;0.007666666666666666248020067798;0.020333333333333331732761806165;0.030666666666666664992080271190;0.002000000000000000041633363423;0.013333333333333334189130248149;0.007000000000000000145716771982;0.001666666666666666773641281019;0.011666666666666667198648532633;0.026999999999999999694688668228;0.008000000000000000166533453694;0.021333333333333332620940225866;0.018333333333333333425851918719;0.001333333333333333288808764117;0.033333333333333332870740406406;0.032000000000000000666133814775;0.008333333333333333217685101602;0.010999999999999999361621760841;0.003666666666666666598434209945;0.006666666666666667094565124074;0.016333333333333331649495079319;0.004666666666666667052931760651;0.005333333333333333155235056466;0.022666666666666668294993769450;0.002000000000000000041633363423;0.010999999999999999361621760841;0.010000000000000000208166817117;0.000000000000000000000000000000;0.011333333333333334147496884725;0.017333333333333332537673499019;0.005333333333333333155235056466;0.010666666666666666310470112933;0.007666666666666666248020067798;0.006000000000000000124900090270;0.007000000000000000145716771982
-0.034722222222222223764198645313;0.010763888888888888811790067734;0.037847222222222219600862302968;0.079513888888888883954564334999;0.050347222222222223764198645313;0.053472222222222219600862302968;0.001388888888888888941894328433;0.011111111111111111535154627461;0.033680555555555553859381490156;0.009027777777777776929690745078;0.016666666666666666435370203203;0.048611111111111111882099322656;0.016319444444444445446729119453;0.024305555555555555941049661328;0.013888888888888888117900677344;0.038888888888888889505679458125;0.028472222222222221682530474141;0.028819444444444446140618509844;0.028125000000000000693889390391;0.004513888888888888464845372539;0.008333333333333333217685101602;0.020486111111111111188209932266;0.003819444444444444319158860068;0.014930555555555556287994356524;0.053124999999999998612221219219;0.020138888888888890199568848516;0.020486111111111111188209932266;0.008680555555555555941049661328;0.001041666666666666652210637700;0.054166666666666668517038374375;0.037499999999999998612221219219;0.008333333333333333217685101602;0.007638888888888888638317720137;0.006597222222222222202947516934;0.007291666666666666782314898398;0.019097222222222223764198645313;0.003125000000000000173472347598;0.008333333333333333217685101602;0.008680555555555555941049661328;0.005555555555555555767577313730;0.005902777777777777623580135469;0.012500000000000000693889390391;0.000000000000000000000000000000;0.010416666666666666088425508008;0.015625000000000000000000000000;0.006250000000000000346944695195;0.021180555555555556634939051719;0.017708333333333332870740406406;0.009374999999999999653055304805;0.013194444444444444405895033867
-0.022321428571428571924206707422;0.011607142857142857539365365938;0.044642857142857143848413414844;0.298511904761904756089307966249;0.014880952380952380126322154297;0.026785714285714284227379877734;0.003571428571428571317053490830;0.017857142857142856151586585156;0.038690476190476191797884553125;0.016369047619047619873677845703;0.010416666666666666088425508008;0.025297619047619047949471138281;0.006547619047619047775998790684;0.018452380952380952744418252109;0.019940476190476189022326991562;0.018154761904761906182725894610;0.024107142857142858233254756328;0.019642857142857142460634634062;0.016369047619047619873677845703;0.003869047619047619179788455313;0.015178571428571428422737987773;0.019047619047619049337249919063;0.001488095238095238012632215430;0.025892857142857144542302805235;0.025000000000000001387778780781;0.019940476190476189022326991562;0.016369047619047619873677845703;0.010416666666666666088425508008;0.001785714285714285658526745415;0.021726190476190475331375040469;0.016964285714285712997062560703;0.015178571428571428422737987773;0.004761904761904762334312479766;0.002380952380952381167156239883;0.002678571428571428596210335371;0.025595238095238094511163495781;0.003869047619047619179788455313;0.006845238095238095205052886172;0.003273809523809523887999395342;0.004464285714285714037896646289;0.003869047619047619179788455313;0.014880952380952380126322154297;0.000000000000000000000000000000;0.014583333333333333564629796797;0.013095238095238095551997581367;0.006547619047619047775998790684;0.022619047619047618485899064922;0.009523809523809524668624959531;0.006250000000000000346944695195;0.007738095238095238359576910625
-0.023015873015873017370935826875;0.030952380952380953438307642500;0.036111111111111107718762980312;0.091269841269841264774775879687;0.027380952380952380820211544687;0.033333333333333332870740406406;0.004365079365079365183999193789;0.034523809523809526056403740313;0.026190476190476191103995162734;0.016666666666666666435370203203;0.014285714285714285268213963320;0.024603174603174602502742018828;0.009126984126984127518311673555;0.015079365079365079568840535273;0.044444444444444446140618509844;0.019841269841269840168429539062;0.022222222222222223070309254922;0.043650793650793648370544985937;0.032539682539682542039560786407;0.003968253968253968033685907812;0.010714285714285714384841341484;0.012301587301587301251371009414;0.009920634920634920084214769531;0.017857142857142856151586585156;0.030952380952380953438307642500;0.017460317460317460735996775156;0.028174603174603175120838116641;0.039682539682539680336859078125;0.001190476190476190583578119941;0.032142857142857139685077072500;0.019047619047619049337249919063;0.017460317460317460735996775156;0.012698412698412698401684295391;0.005158730158730158617264027754;0.009920634920634920084214769531;0.032936507936507937455150596406;0.009920634920634920084214769531;0.005555555555555555767577313730;0.003174603174603174600421073848;0.007142857142857142634106981660;0.013095238095238095551997581367;0.021428571428571428769682682969;0.000000000000000000000000000000;0.007539682539682539784420267637;0.025793650793650792218958400781;0.007936507936507936067371815625;0.013095238095238095551997581367;0.009920634920634920084214769531;0.016269841269841271019780393203;0.007936507936507936067371815625
-0.025000000000000001387778780781;0.035802469135802469923923752049;0.036728395061728397186229244653;0.003086419753086419581755706076;0.016049382716049383906797842769;0.016049382716049383906797842769;0.006172839506172839163511412153;0.034259259259259260133045899011;0.034567901234567897927885127274;0.013888888888888888117900677344;0.015432098765432097908778530382;0.030555555555555554553270880547;0.012345679012345678327022824305;0.012962962962962962590318660716;0.034876543209876542661618259444;0.017283950617283948963942563637;0.033950617283950615399312766840;0.045987654320987655931496362882;0.033024691358024688137007274236;0.008950617283950617480980938012;0.021913580246913581806023074705;0.023765432098765432861187107960;0.008641975308641974481971281818;0.024691358024691356654045648611;0.025000000000000001387778780781;0.019753086419753086017125909279;0.027777777777777776235801354687;0.031481481481481478346129421197;0.003395061728395061713403624282;0.032098765432098767813595685539;0.028086419753086420969534486858;0.020061728395061727281412089496;0.016358024691358025171084022986;0.004012345679012345976699460692;0.012654320987654321326032480499;0.042592592592592591616007524635;0.011728395061728395798450463872;0.010802469135802468536144971267;0.005555555555555555767577313730;0.005864197530864197899225231936;0.020370370370370372015145221667;0.018518518518518517490534236458;0.000000000000000000000000000000;0.012654320987654321326032480499;0.023765432098765432861187107960;0.015740740740740739173064710599;0.018209876543209876226248056241;0.011419753086419752799440807678;0.023765432098765432861187107960;0.012345679012345678327022824305
-0.046428571428571430157461463750;0.013095238095238095551997581367;0.050396825396825398191147371563;0.000396825396825396825052634231;0.006349206349206349200842147695;0.047222222222222220988641083750;0.005158730158730158617264027754;0.027777777777777776235801354687;0.031746031746031744269487262500;0.018253968253968255036623347110;0.020634920634920634469056111016;0.033333333333333332870740406406;0.015476190476190476719153821250;0.017063492063492061850960013203;0.015476190476190476719153821250;0.030555555555555554553270880547;0.023412698412698412786525636875;0.042857142857142857539365365938;0.030158730158730159137681070547;0.006746031746031746351155433672;0.020238095238095239053466301016;0.021825396825396824185272492969;0.014682539682539682418527249297;0.018253968253968255036623347110;0.044444444444444446140618509844;0.025793650793650792218958400781;0.028571428571428570536427926640;0.002380952380952381167156239883;0.001190476190476190583578119941;0.032936507936507937455150596406;0.028174603174603175120838116641;0.015476190476190476719153821250;0.021428571428571428769682682969;0.006349206349206349200842147695;0.014285714285714285268213963320;0.028968253968253969421464688594;0.018253968253968255036623347110;0.015079365079365079568840535273;0.003174603174603174600421073848;0.013492063492063492702310867344;0.005158730158730158617264027754;0.020238095238095239053466301016;0.000000000000000000000000000000;0.009523809523809524668624959531;0.007539682539682539784420267637;0.012301587301587301251371009414;0.024603174603174602502742018828;0.020634920634920634469056111016;0.023809523809523808202115446875;0.018650793650793650452213157109
-0.034294871794871797932025003774;0.009615384615384615918376454147;0.051602564102564099646208717331;0.006089743589743589792517841630;0.009294871794871794809522747016;0.036858974358974359863960756911;0.005128205128205128200680196215;0.021153846153846155020428199123;0.040705128205128206231311338570;0.018269230769230770244915262879;0.025320512820512820761909011935;0.023717948717948716952363952259;0.015705128205128204843532557788;0.027243589743589743945584302764;0.014743589743589743251694912374;0.026602564102564101727876888503;0.020833333333333332176851016015;0.040384615384615386857181107416;0.027243589743589743945584302764;0.007692307692307692734701163317;0.014743589743589743251694912374;0.025641025641025640136039243089;0.014743589743589743251694912374;0.031730769230769229061195346731;0.043910256410256406911507554014;0.031410256410256409687065115577;0.028525641025641024911552179333;0.004487179487179486850334519943;0.000641025641025641025085024527;0.023397435897435897578233721106;0.020192307692307693428590553708;0.015064102564102564360548619504;0.015705128205128204843532557788;0.008012820512820512108831394471;0.020192307692307693428590553708;0.030128205128205128721097239008;0.012500000000000000693889390391;0.010256410256410256401360392431;0.006089743589743589792517841630;0.016346153846153847061239972049;0.007692307692307692734701163317;0.017307692307692308653077617464;0.000000000000000000000000000000;0.012820512820512820068019621544;0.013141025641025641176873328675;0.016666666666666666435370203203;0.022756410256410255360526306845;0.024038461538461539795941135367;0.032371794871794874748349712945;0.016987179487179485809500434357
-0.031313131313131313537834188310;0.021212121212121213403856145874;0.027272727272727271402574800163;0.024242424242424242403215473018;0.090404040404040403311469731307;0.018181818181818180935049866775;0.007070707070707071134618715291;0.038383838383838381203005951647;0.029292929292929294204927970213;0.014141414141414142269237430583;0.020202020202020203737403036826;0.020707070707070708570629591350;0.010101010101010101868701518413;0.021212121212121213403856145874;0.058080808080808080107182433949;0.022222222222222223070309254922;0.007575757575757575967845269815;0.026767676767676766569348245639;0.047979797979797976503757439559;0.004040404040404040400535912170;0.019696969696969695434729530348;0.009090909090909090467524933388;0.010606060606060606701928072937;0.019191919191919190601502975824;0.035353535353535352203646624503;0.019191919191919190601502975824;0.033333333333333332870740406406;0.011616161616161616368381181985;0.001010101010101010100133978042;0.033333333333333332870740406406;0.011111111111111111535154627461;0.005050505050505050934350759206;0.022222222222222223070309254922;0.006565656565656565434030422779;0.009090909090909090467524933388;0.020707070707070708570629591350;0.008585858585858585634298378864;0.009595959595959595300751487912;0.003535353535353535567309357646;0.007070707070707071134618715291;0.012121212121212121201607736509;0.013636363636363635701287400082;0.000000000000000000000000000000;0.006565656565656565434030422779;0.050000000000000002775557561563;0.012121212121212121201607736509;0.020202020202020203737403036826;0.013636363636363635701287400082;0.018686868686868685768276421300;0.016666666666666666435370203203
-0.023809523809523808202115446875;0.033630952380952379432432763906;0.030952380952380953438307642500;0.015178571428571428422737987773;0.048809523809523809589894227656;0.028571428571428570536427926640;0.005654761904761904621474766230;0.038095238095238098674499838125;0.019940476190476189022326991562;0.021726190476190475331375040469;0.015476190476190476719153821250;0.022619047619047618485899064922;0.013690476190476190410105772344;0.013690476190476190410105772344;0.052083333333333335646297967969;0.021428571428571428769682682969;0.014285714285714285268213963320;0.038392857142857145236192195625;0.041071428571428571230317317031;0.003273809523809523887999395342;0.018749999999999999306110609609;0.009523809523809524668624959531;0.005952380952380952050528861719;0.024702380952380951356639471328;0.026785714285714284227379877734;0.025000000000000001387778780781;0.037797619047619045173913576718;0.044642857142857143848413414844;0.000595238095238095291789059971;0.043452380952380950662750080937;0.016071428571428569842538536250;0.018452380952380952744418252109;0.012797619047619047255581747891;0.005654761904761904621474766230;0.006845238095238095205052886172;0.032440476190476193185663333907;0.006250000000000000346944695195;0.007440476190476190063161077148;0.003571428571428571317053490830;0.003273809523809523887999395342;0.013988095238095238706521605820;0.018452380952380952744418252109;0.000000000000000000000000000000;0.017261904761904763028201870156;0.033333333333333332870740406406;0.013690476190476190410105772344;0.017857142857142856151586585156;0.009523809523809524668624959531;0.012797619047619047255581747891;0.010714285714285714384841341484
-0.033986928104575160614064799347;0.028758169934640521320234896052;0.029084967320261438661344044476;0.035620915032679736911269685606;0.102941176470588230396074891360;0.032026143790849670445197716617;0.002941176470588235253300624095;0.026797385620915031151367813322;0.028758169934640521320234896052;0.013398692810457515575683906661;0.019281045751633987817008630827;0.022222222222222223070309254922;0.014052287581699346788455251556;0.018627450980392156604237285933;0.033333333333333332870740406406;0.029411764705882352533006240947;0.017973856209150325391465941038;0.041176470588235293546208737325;0.023529411764705882026404992757;0.005555555555555555767577313730;0.012418300653594770491250365296;0.013725490196078431182069579108;0.011437908496732025406816823931;0.014052287581699346788455251556;0.038235294117647061762355065184;0.017320261437908497648141548098;0.021568627450980391857537910028;0.043137254901960783715075820055;0.000326797385620915010074477580;0.032679738562091505127416013465;0.012745098039215686097636037744;0.003921568627450980337734165460;0.011111111111111111535154627461;0.004901960784313725422167706824;0.008169934640522876281854003366;0.027777777777777776235801354687;0.009150326797385621366287544731;0.005555555555555555767577313730;0.005882352941176470506601248189;0.015032679738562091872888792921;0.013398692810457515575683906661;0.023856209150326795898067189228;0.000000000000000000000000000000;0.009477124183006535237949741202;0.019281045751633987817008630827;0.004575163398692810683143772366;0.015686274509803921350936661838;0.016013071895424835222598858309;0.019934640522875815560333023768;0.009150326797385621366287544731
-0.032978723404255318174538302856;0.025886524822695034658837087704;0.053191489361702128102482589611;0.045035460992907803967622015762;0.026595744680851064051241294806;0.020567375886524821154699438353;0.003191489361702127495329373019;0.036524822695035458197665434454;0.046808510638297870509738629607;0.020567375886524821154699438353;0.012765957446808509981317492077;0.014184397163120567031402430302;0.007092198581560283515701215151;0.021276595744680850547103645454;0.026241134751773049355039191255;0.018085106382978721750731665452;0.028723404255319148759006964156;0.067730496453900709830087123464;0.018439716312056736446933769002;0.010638297872340425273551822727;0.015957446808510637042965996102;0.034751773049645391655548820609;0.009929078014184397615871091602;0.018794326241134751143135872553;0.035815602836879435744155131260;0.019858156028368795231742183205;0.027304964539007093443645501907;0.011702127659574467627434657402;0.000709219858156028416622251864;0.020567375886524821154699438353;0.012411347517730497019838864503;0.014184397163120567031402430302;0.012411347517730497019838864503;0.002836879432624113666489007457;0.007092198581560283515701215151;0.036170212765957443501463330904;0.014893617021276596423806637404;0.008156028368794325869584049826;0.010638297872340425273551822727;0.012411347517730497019838864503;0.011702127659574467627434657402;0.024822695035460994039677729006;0.000000000000000000000000000000;0.009574468085106382919668988052;0.012411347517730497019838864503;0.009929078014184397615871091602;0.023049645390070920558667211253;0.014539007092198581727604533853;0.018794326241134751143135872553;0.012056737588652482323636760952
-0.035714285714285712303173170312;0.018707482993197278864361265960;0.040476190476190478106932602032;0.077210884353741501828771731653;0.026870748299319728580325516987;0.036054421768707482776061823415;0.003061224489795918209805725141;0.028911564625850341009316579743;0.027891156462585033060097572388;0.016666666666666666435370203203;0.015986394557823128959039848951;0.023469387755102041198673745726;0.011904761904761904101057723437;0.017687074829931974384589210558;0.026530612244897958107436863884;0.023469387755102041198673745726;0.014285714285714285268213963320;0.040816326530612241640927351227;0.033673469387755103343629059509;0.007142857142857142634106981660;0.017006802721088436908258856306;0.020068027210884353817021974464;0.011904761904761904101057723437;0.019387755102040816340691620212;0.046258503401360541451570185245;0.019387755102040816340691620212;0.031292517006802723911196295603;0.014625850340136054006379140446;0.001020408163265306214495531378;0.033333333333333332870740406406;0.019047619047619049337249919063;0.014285714285714285268213963320;0.013265306122448979053718431942;0.005442176870748298943281096030;0.008163265306122449715964251027;0.028571428571428570536427926640;0.010204081632653060410231837807;0.009183673469387755930459782405;0.008163265306122449715964251027;0.015986394557823128959039848951;0.008503401360544218454129428153;0.013605442176870747791883609068;0.000000000000000000000000000000;0.012244897959183672839222900564;0.021768707482993195773124384118;0.008163265306122449715964251027;0.015306122448979591482709494699;0.015986394557823128959039848951;0.018707482993197278864361265960;0.012585034013605441577388077690
-0.046726190476190476719153821250;0.007142857142857142634106981660;0.032440476190476193185663333907;0.000297619047619047645894529985;0.025000000000000001387778780781;0.052976190476190475331375040469;0.002083333333333333304421275400;0.017261904761904763028201870156;0.037202380952380952050528861719;0.018452380952380952744418252109;0.021130952380952382207990325469;0.036011904761904758864865527812;0.019940476190476189022326991562;0.019940476190476189022326991562;0.006547619047619047775998790684;0.031547619047619046561692357500;0.024702380952380951356639471328;0.025297619047619047949471138281;0.044642857142857143848413414844;0.005357142857142857192420670742;0.016071428571428569842538536250;0.018154761904761906182725894610;0.007142857142857142634106981660;0.025297619047619047949471138281;0.054761904761904761640423089375;0.033333333333333332870740406406;0.028273809523809523974735569141;0.008630952380952381514100935078;0.000297619047619047645894529985;0.062797619047619046561692357500;0.022023809523809525362514349922;0.015476190476190476719153821250;0.021428571428571428769682682969;0.001488095238095238012632215430;0.008928571428571428075793292578;0.025297619047619047949471138281;0.007142857142857142634106981660;0.012202380952380952397473556914;0.005357142857142857192420670742;0.008035714285714284921269268125;0.002380952380952381167156239883;0.022321428571428571924206707422;0.000000000000000000000000000000;0.013690476190476190410105772344;0.016369047619047619873677845703;0.011904761904761904101057723437;0.020535714285714285615158658516;0.020238095238095239053466301016;0.022321428571428571924206707422;0.013392857142857142113689938867
-0.048299319727891157350008199955;0.006122448979591836419611450282;0.059863945578231290978177270290;0.000000000000000000000000000000;0.007142857142857142634106981660;0.046598639455782311924458838348;0.002380952380952381167156239883;0.026190476190476191103995162734;0.042857142857142857539365365938;0.022448979591836733249454738370;0.015306122448979591482709494699;0.039795918367346937161155295826;0.013605442176870747791883609068;0.021768707482993195773124384118;0.007823129251700680977799073901;0.038095238095238098674499838125;0.030272108843537415961977288248;0.036054421768707482776061823415;0.022108843537414966246013037221;0.009523809523809524668624959531;0.015306122448979591482709494699;0.023809523809523808202115446875;0.007482993197278911372272158786;0.025850340136054420631106509632;0.054761904761904761640423089375;0.029931972789115645489088635145;0.028231292517006803532986225491;0.009863945578231291672066660681;0.000340136054421768683955068502;0.029931972789115645489088635145;0.035374149659863948769178421117;0.012925170068027210315553254816;0.009863945578231291672066660681;0.004761904761904762334312479766;0.011564625850340135362892546311;0.031972789115646257918079697902;0.010204081632653060410231837807;0.012244897959183672839222900564;0.005782312925170067681446273156;0.007482993197278911372272158786;0.004081632653061224857982125513;0.026190476190476191103995162734;0.000000000000000000000000000000;0.015306122448979591482709494699;0.005442176870748298943281096030;0.009523809523809524668624959531;0.026530612244897958107436863884;0.014965986394557822744544317572;0.021088435374149658296794029866;0.012925170068027210315553254816
-0.041000000000000001720845688169;0.011333333333333334147496884725;0.049666666666666664520235485725;0.000333333333333333322202191029;0.005000000000000000104083408559;0.050999999999999996724842077356;0.001000000000000000020816681712;0.020666666666666666518636930050;0.045999999999999999222843882762;0.014999999999999999444888487687;0.017666666666666667323548622903;0.047666666666666669682772550232;0.013333333333333334189130248149;0.029333333333333332787473679559;0.008666666666666666268836749509;0.034666666666666665075346998037;0.016666666666666666435370203203;0.050000000000000002775557561563;0.018333333333333333425851918719;0.009666666666666667157015169209;0.013333333333333334189130248149;0.017000000000000001221245327088;0.017000000000000001221245327088;0.022999999999999999611421941381;0.047333333333333331427450474393;0.025666666666666667490082076597;0.027333333333333334480563792113;0.013666666666666667240281896056;0.000000000000000000000000000000;0.028666666666666666685170383744;0.032333333333333331982561986706;0.012666666666666666352103476356;0.011666666666666667198648532633;0.006666666666666667094565124074;0.014333333333333333342585191872;0.029666666666666667573348803444;0.013333333333333334189130248149;0.016333333333333331649495079319;0.007666666666666666248020067798;0.017999999999999998639976794834;0.006333333333333333176051738178;0.033666666666666664187168578337;0.000000000000000000000000000000;0.008666666666666666268836749509;0.004666666666666667052931760651;0.009333333333333334105863521302;0.018666666666666668211727042603;0.018333333333333333425851918719;0.025000000000000001387778780781;0.012666666666666666352103476356
-0.030496453900709218770570529955;0.016666666666666666435370203203;0.034042553191489362263144613507;0.005319148936170212636775911363;0.018794326241134751143135872553;0.060638297872340422844938956359;0.001418439716312056833244503729;0.015602836879432624081487368528;0.032978723404255318174538302856;0.009219858156028368223466884501;0.016312056737588651739168099652;0.077304964539007092749756111516;0.022340425531914894635709956106;0.017021276595744681131572306754;0.007092198581560283515701215151;0.034042553191489362263144613507;0.013120567375886524677519595627;0.043617021276595745182813601559;0.015602836879432624081487368528;0.004255319148936170282893076688;0.014893617021276596423806637404;0.017375886524822695827774410304;0.017375886524822695827774410304;0.010992907801418439969753926277;0.042553191489361701094207290907;0.016666666666666666435370203203;0.023049645390070920558667211253;0.011702127659574467627434657402;0.001773049645390070878925303788;0.065957446808510636349076605711;0.066666666666666665741480812812;0.009574468085106382919668988052;0.010638297872340425273551822727;0.004964539007092198807935545801;0.015248226950354609385285264977;0.022695035460992909331912059656;0.010283687943262410577349719176;0.012765957446808509981317492077;0.006382978723404254990658746038;0.015957446808510637042965996102;0.005673758865248227332978014914;0.034751773049645391655548820609;0.000000000000000000000000000000;0.007092198581560283515701215151;0.010638297872340425273551822727;0.008510638297872340565786153377;0.012056737588652482323636760952;0.017021276595744681131572306754;0.023758865248226949951071418354;0.007092198581560283515701215151
-0.030555555555555554553270880547;0.026851851851851852442942814037;0.019753086419753086017125909279;0.014814814814814815380206169948;0.034259259259259260133045899011;0.058333333333333334258519187188;0.006172839506172839163511412153;0.027777777777777776235801354687;0.024691358024691356654045648611;0.004938271604938271504281477320;0.016049382716049383906797842769;0.055246913580246914676763481111;0.017592592592592593697675695807;0.013580246913580246853614497127;0.027777777777777776235801354687;0.041049382716049381825129671597;0.012654320987654321326032480499;0.032098765432098767813595685539;0.027777777777777776235801354687;0.002469135802469135752140738660;0.017283950617283948963942563637;0.019135802469135803488553548846;0.009567901234567901744276774423;0.011728395061728395798450463872;0.049382716049382713308091297222;0.015432098765432097908778530382;0.029320987654320986026679207725;0.018518518518518517490534236458;0.000000000000000000000000000000;0.059567901234567899315663908055;0.054938271604938269943030348941;0.004320987654320987240985640909;0.008950617283950617480980938012;0.007098765432098765558455166769;0.014197530864197531116910333537;0.012345679012345678327022824305;0.007407407407407407690103084974;0.014814814814814815380206169948;0.015740740740740739173064710599;0.009876543209876543008562954640;0.014197530864197531116910333537;0.025617283950617283916351141215;0.000000000000000000000000000000;0.004629629629629629372633559115;0.019135802469135803488553548846;0.007407407407407407690103084974;0.012037037037037037062736644089;0.011419753086419752799440807678;0.018518518518518517490534236458;0.012962962962962962590318660716
-0.022807017543859650632320779096;0.032163742690058477746717358059;0.046198830409356725357206130411;0.046198830409356725357206130411;0.032748538011695908778175834186;0.029532163742690058921835927208;0.003508771929824561468941324094;0.027192982456140352143236782467;0.027485380116959064189519068577;0.010233918128654970192137341201;0.013157894736842104532748010115;0.019590643274853800775980872118;0.013742690058479532094759534289;0.020175438596491228337992396291;0.036257309941520467211351075321;0.019005847953216373213969347944;0.020760233918128655900003920465;0.050877192982456138914404419893;0.030409356725146198530129737492;0.006725146198830409156876886101;0.015204678362573099265064868746;0.031578947368421053654152785839;0.014327485380116959656771058462;0.019883040935672516291710110181;0.026315789473684209065496020230;0.017836257309941521559393251550;0.033040935672514620824458120296;0.024853801169590641895190685773;0.000584795321637426911490220682;0.028362573099415203797812878861;0.019883040935672516291710110181;0.011403508771929825316160389548;0.011695906432748537362442675658;0.005847953216374268681221337829;0.010526315789473683973143103287;0.025730994152046784972931448010;0.009356725146198830583843530917;0.005263157894736841986571551644;0.011988304093567251143448437745;0.038304093567251465413114885905;0.013157894736842104532748010115;0.016959064327485378481652489313;0.000000000000000000000000000000;0.007309941520467835851526672286;0.023684210526315790240614589379;0.006140350877192982462227099916;0.015204678362573099265064868746;0.014327485380116959656771058462;0.020467836257309940384274682401;0.011988304093567251143448437745
-0.012698412698412698401684295391;0.034523809523809526056403740313;0.028174603174603175120838116641;0.169444444444444453079512413751;0.050000000000000002775557561563;0.015873015873015872134743631250;0.003968253968253968033685907812;0.026190476190476191103995162734;0.009920634920634920084214769531;0.013888888888888888117900677344;0.007539682539682539784420267637;0.020634920634920634469056111016;0.009126984126984127518311673555;0.017460317460317460735996775156;0.063888888888888883954564334999;0.014682539682539682418527249297;0.018650793650793650452213157109;0.030158730158730159137681070547;0.017857142857142856151586585156;0.003571428571428571317053490830;0.011111111111111111535154627461;0.008333333333333333217685101602;0.011507936507936508685467913438;0.015476190476190476719153821250;0.017857142857142856151586585156;0.014285714285714285268213963320;0.028174603174603175120838116641;0.085714285714285715078730731875;0.001984126984126984016842953906;0.025396825396825396803368590781;0.007936507936507936067371815625;0.020634920634920634469056111016;0.007142857142857142634106981660;0.003174603174603174600421073848;0.009523809523809524668624959531;0.025793650793650792218958400781;0.009523809523809524668624959531;0.005555555555555555767577313730;0.000396825396825396825052634231;0.007142857142857142634106981660;0.014285714285714285268213963320;0.007936507936507936067371815625;0.000000000000000000000000000000;0.005555555555555555767577313730;0.035317460317460316887583360312;0.005952380952380952050528861719;0.014285714285714285268213963320;0.009920634920634920084214769531;0.011507936507936508685467913438;0.010317460317460317234528055508
-0.014184397163120567031402430302;0.024822695035460994039677729006;0.038652482269503546374878055758;0.217021276595744688764355601052;0.026950354609929078747443398356;0.012411347517730497019838864503;0.004609929078014184111733442251;0.021631205673758865243305749004;0.039361702127659575767282262859;0.010992907801418439969753926277;0.009219858156028368223466884501;0.016666666666666666435370203203;0.009929078014184397615871091602;0.017730496453900710523976513855;0.026241134751773049355039191255;0.006382978723404254990658746038;0.026595744680851064051241294806;0.037943262411347516982473848657;0.008510638297872340565786153377;0.009574468085106382919668988052;0.010283687943262410577349719176;0.035460992907801421047953027710;0.014539007092198581727604533853;0.017730496453900710523976513855;0.016666666666666666435370203203;0.014184397163120567031402430302;0.022695035460992909331912059656;0.027659574468085104670400653504;0.002127659574468085141446538344;0.021276595744680850547103645454;0.015602836879432624081487368528;0.015248226950354609385285264977;0.004255319148936170282893076688;0.006028368794326241161818380476;0.016666666666666666435370203203;0.021985815602836879939507852555;0.004609929078014184111733442251;0.006737588652482269686860849589;0.009929078014184397615871091602;0.024822695035460994039677729006;0.007801418439716312040743684264;0.023404255319148935254869314804;0.000000000000000000000000000000;0.009219858156028368223466884501;0.014184397163120567031402430302;0.011347517730496454665956029828;0.015957446808510637042965996102;0.008156028368794325869584049826;0.012411347517730497019838864503;0.009574468085106382919668988052
-0.025666666666666667490082076597;0.014999999999999999444888487687;0.028000000000000000582867087928;0.104999999999999996114219413812;0.020333333333333331732761806165;0.032666666666666663298990158637;0.005666666666666667073748442363;0.018999999999999999528155214534;0.020000000000000000416333634234;0.014999999999999999444888487687;0.015333333333333332496040135595;0.040000000000000000832667268469;0.017333333333333332537673499019;0.017666666666666667323548622903;0.017666666666666667323548622903;0.022999999999999999611421941381;0.012000000000000000249800180541;0.030999999999999999777955395075;0.020666666666666666518636930050;0.005333333333333333155235056466;0.013666666666666667240281896056;0.021333333333333332620940225866;0.017999999999999998639976794834;0.015666666666666665547191783503;0.030666666666666664992080271190;0.019666666666666665630458510350;0.024333333333333331816028533012;0.012000000000000000249800180541;0.002000000000000000041633363423;0.036999999999999998168132009368;0.036999999999999998168132009368;0.007000000000000000145716771982;0.018999999999999999528155214534;0.006000000000000000124900090270;0.023333333333333334397297065266;0.021999999999999998723243521681;0.007666666666666666248020067798;0.018333333333333333425851918719;0.016333333333333331649495079319;0.028333333333333331899295259859;0.007666666666666666248020067798;0.020000000000000000416333634234;0.000000000000000000000000000000;0.012333333333333333300951828448;0.011666666666666667198648532633;0.017666666666666667323548622903;0.013666666666666667240281896056;0.017666666666666667323548622903;0.021666666666666667406815349750;0.012000000000000000249800180541
-0.025961538461538462979616426196;0.019230769230769231836752908293;0.041346153846153844979571800877;0.042948717948717948789116860553;0.015384615384615385469402326635;0.030128205128205128721097239008;0.003846153846153846367350581659;0.022756410256410255360526306845;0.041987179487179483727832263185;0.014743589743589743251694912374;0.012820512820512820068019621544;0.036858974358974359863960756911;0.015384615384615385469402326635;0.025641025641025640136039243089;0.012500000000000000693889390391;0.022756410256410255360526306845;0.025320512820512820761909011935;0.048076923076923079591882270734;0.021794871794871793768688661430;0.006410256410256410034009810772;0.016025641025641024217662788942;0.025641025641025640136039243089;0.012500000000000000693889390391;0.024038461538461539795941135367;0.029487179487179486503389824748;0.020512820512820512802720784862;0.024679487179487178544201597674;0.011217948717948717993198037846;0.001282051282051282050170049054;0.037820512820512817986351450372;0.035256410256410256054415697236;0.015705128205128204843532557788;0.016666666666666666435370203203;0.004487179487179486850334519943;0.012500000000000000693889390391;0.032692307692307694122479944099;0.016346153846153847061239972049;0.008653846153846154326538808732;0.026282051282051282353746657350;0.008974358974358973700669039886;0.008012820512820512108831394471;0.029807692307692309346967007855;0.000000000000000000000000000000;0.012179487179487179585035683260;0.007371794871794871625847456187;0.012179487179487179585035683260;0.017628205128205128027207848618;0.015064102564102564360548619504;0.019230769230769231836752908293;0.011858974358974358476181976130
-0.048299319727891157350008199955;0.009863945578231291672066660681;0.028911564625850341009316579743;0.051700680272108841262213019263;0.015986394557823128959039848951;0.064285714285714279370154144999;0.003061224489795918209805725141;0.014965986394557822744544317572;0.027551020408163266056655871239;0.004761904761904762334312479766;0.018027210884353741388030911708;0.060544217687074831923954576496;0.023809523809523808202115446875;0.020068027210884353817021974464;0.009183673469387755930459782405;0.039115646258503403154271893527;0.019727891156462583344133321361;0.026530612244897958107436863884;0.023129251700680270725785092623;0.007482993197278911372272158786;0.013945578231292516530048786194;0.019047619047619049337249919063;0.010544217687074829148397014933;0.010884353741496597886562192059;0.048639455782312927822896853058;0.020408163265306120820463675614;0.016666666666666666435370203203;0.008163265306122449715964251027;0.000680272108843537367910137004;0.042517006802721087066476712835;0.065986394557823124795703506607;0.005782312925170067681446273156;0.013945578231292516530048786194;0.003741496598639455686136079393;0.017006802721088436908258856306;0.017346938775510203911700557455;0.009863945578231291672066660681;0.018367346938775511860919564811;0.008843537414965987192294605279;0.012585034013605441577388077690;0.005782312925170067681446273156;0.016326530612244899431928502054;0.000000000000000000000000000000;0.006462585034013605157776627408;0.011904761904761904101057723437;0.010204081632653060410231837807;0.015306122448979591482709494699;0.014965986394557822744544317572;0.023469387755102041198673745726;0.013605442176870747791883609068
-0.053749999999999999167332731531;0.014999999999999999444888487687;0.020416666666666666296592325125;0.003333333333333333547282562037;0.042500000000000003053113317719;0.050833333333333334536074943344;0.007499999999999999722444243844;0.020000000000000000416333634234;0.007083333333333332974823814965;0.013750000000000000069388939039;0.025000000000000001387778780781;0.046666666666666668794594130532;0.020833333333333332176851016015;0.028750000000000001249000902703;0.018333333333333333425851918719;0.054583333333333330927850113312;0.005833333333333333599324266316;0.020416666666666666296592325125;0.038333333333333330372738601000;0.005833333333333333599324266316;0.024166666666666666157814447047;0.006250000000000000346944695195;0.017916666666666667545593227828;0.010000000000000000208166817117;0.073333333333333333703407674875;0.026666666666666668378260496297;0.024583333333333332038073137937;0.012083333333333333078907223523;0.000000000000000000000000000000;0.044166666666666666574148081281;0.038333333333333330372738601000;0.003749999999999999861222121922;0.010833333333333333703407674875;0.005833333333333333599324266316;0.025000000000000001387778780781;0.014166666666666665949647629930;0.007499999999999999722444243844;0.013750000000000000069388939039;0.003749999999999999861222121922;0.013750000000000000069388939039;0.007916666666666667337426410711;0.001666666666666666773641281019;0.000000000000000000000000000000;0.003333333333333333547282562037;0.018333333333333333425851918719;0.010416666666666666088425508008;0.017500000000000001665334536938;0.024166666666666666157814447047;0.023333333333333334397297065266;0.018749999999999999306110609609
-0.023550724637681159923108253906;0.029710144927536232678511041172;0.038405797101449277997087250469;0.010507246376811593679967415937;0.049637681159420292409389929844;0.020652173913043476993767200156;0.004710144927536232158093998379;0.028623188405797101580008146016;0.030797101449275363777013936328;0.026811594202898549749169987422;0.018115942028985507900040730078;0.011231884057971014412302679375;0.008333333333333333217685101602;0.025362318840579711753946412500;0.043478260869565216184540190625;0.018478260869565218266208361797;0.028623188405797101580008146016;0.048550724637681161310887034688;0.027173913043478260115337619141;0.008333333333333333217685101602;0.014855072463768116339255520586;0.014855072463768116339255520586;0.008333333333333333217685101602;0.030072463768115943044678672891;0.027173913043478260115337619141;0.034057971014492753603075669844;0.034782608695652174335410933281;0.026449275362318839383002355703;0.001086956521739130447981591665;0.027173913043478260115337619141;0.005797101449275362389235155547;0.018478260869565218266208361797;0.016304347826086956069202571484;0.002898550724637681194617577773;0.005072463768115941656899892109;0.042391304347826085086037295468;0.010144927536231883313799784219;0.003985507246376811425758734941;0.002536231884057970828449946055;0.009057971014492753950020365039;0.009420289855072464316187996758;0.025362318840579711753946412500;0.000000000000000000000000000000;0.013768115942028985240752625430;0.025362318840579711753946412500;0.010869565217391304046135047656;0.023188405797101449556940622188;0.015579710144927537071590784024;0.021739130434782608092270095312;0.018115942028985507900040730078
-0.032471264367816089768670195781;0.021551724137931035918391842188;0.045114942528735629823088970625;0.016954022988505748625875924063;0.015517241379310344612241223672;0.028160919540229884666659998516;0.002298850574712643646257959062;0.028735632183908045578224488281;0.027298850574712645034036739844;0.016379310344827587714311434297;0.020114942528735631904757141797;0.037068965517241377061186113906;0.016091954022988505523805713437;0.026149425287356323210907760313;0.026436781609195401931966529219;0.018390804597701149170063672500;0.024137931034482758285708570156;0.060057471264367813523765704531;0.021551724137931035918391842188;0.008908045977011494129249591367;0.016954022988505748625875924063;0.013218390804597700965983264609;0.018390804597701149170063672500;0.015517241379310344612241223672;0.031896551724137932326552657969;0.022701149425287357741520821719;0.036206896551724140898009807188;0.018103448275862070449004903594;0.000862068965517241367346734648;0.028160919540229884666659998516;0.016091954022988505523805713437;0.011206896551724137775507550430;0.012643678160919540054418774844;0.006609195402298850482991632305;0.027011494252873562843531018984;0.041954022988505750013654704844;0.018678160919540231360569393360;0.007183908045977011394556122070;0.002011494252873563190475714180;0.022126436781609196829956331953;0.007471264367816091850338366953;0.021839080459770114639450611094;0.000000000000000000000000000000;0.005459770114942528659862652773;0.012643678160919540054418774844;0.005459770114942528659862652773;0.020977011494252875006827352422;0.017816091954022988258499182734;0.031609195402298853605493889063;0.015804597701149426802746944531
-0.015277777777777777276635440273;0.027777777777777776235801354687;0.044444444444444446140618509844;0.003472222222222222029475169336;0.013888888888888888117900677344;0.015972222222222220988641083750;0.007638888888888888638317720137;0.031944444444444441977282167500;0.067361111111111107718762980312;0.020833333333333332176851016015;0.013194444444444444405895033867;0.012500000000000000693889390391;0.004166666666666666608842550801;0.020833333333333332176851016015;0.040277777777777780399137697032;0.013888888888888888117900677344;0.045138888888888888117900677344;0.054166666666666668517038374375;0.037499999999999998612221219219;0.011805555555555555247160270937;0.022916666666666665047591422422;0.037499999999999998612221219219;0.009722222222222222376419864531;0.022222222222222223070309254922;0.022916666666666665047591422422;0.019444444444444444752839729063;0.028472222222222221682530474141;0.018055555555555553859381490156;0.000000000000000000000000000000;0.025000000000000001387778780781;0.014583333333333333564629796797;0.015972222222222220988641083750;0.018749999999999999306110609609;0.002777777777777777883788656865;0.004861111111111111188209932266;0.046527777777777779011358916250;0.011111111111111111535154627461;0.011805555555555555247160270937;0.004166666666666666608842550801;0.006250000000000000346944695195;0.010416666666666666088425508008;0.030555555555555554553270880547;0.000000000000000000000000000000;0.009027777777777776929690745078;0.028472222222222221682530474141;0.009722222222222222376419864531;0.023611111111111110494320541875;0.014583333333333333564629796797;0.019444444444444444752839729063;0.009027777777777776929690745078
-0.023015873015873017370935826875;0.016666666666666666435370203203;0.073809523809523810977673008438;0.002380952380952381167156239883;0.013492063492063492702310867344;0.011904761904761904101057723437;0.005555555555555555767577313730;0.026190476190476191103995162734;0.061111111111111109106541761093;0.011904761904761904101057723437;0.004761904761904762334312479766;0.018253968253968255036623347110;0.007936507936507936067371815625;0.034126984126984123701920026406;0.034126984126984123701920026406;0.020634920634920634469056111016;0.033333333333333332870740406406;0.069047619047619052112807480626;0.027777777777777776235801354687;0.015079365079365079568840535273;0.018253968253968255036623347110;0.061111111111111109106541761093;0.019841269841269840168429539062;0.019047619047619049337249919063;0.026190476190476191103995162734;0.018253968253968255036623347110;0.021428571428571428769682682969;0.019841269841269840168429539062;0.000000000000000000000000000000;0.012698412698412698401684295391;0.011111111111111111535154627461;0.007936507936507936067371815625;0.004761904761904762334312479766;0.006349206349206349200842147695;0.007936507936507936067371815625;0.038095238095238098674499838125;0.012698412698412698401684295391;0.006349206349206349200842147695;0.007142857142857142634106981660;0.034126984126984123701920026406;0.007936507936507936067371815625;0.026984126984126985404621734688;0.000000000000000000000000000000;0.005555555555555555767577313730;0.014285714285714285268213963320;0.007142857142857142634106981660;0.032539682539682542039560786407;0.014285714285714285268213963320;0.016666666666666666435370203203;0.010317460317460317234528055508
-0.016666666666666666435370203203;0.027956989247311828800102162518;0.030645161290322579100697808485;0.193010752688172054769566443611;0.095161290322580638356697591007;0.008064516129032257840680841809;0.009139784946236559348697880978;0.039784946236559141918842641417;0.002688172043010752902680859933;0.008602150537634408594689361394;0.011827956989247311384017002922;0.009139784946236559348697880978;0.005376344086021505805361719865;0.015591397849462364927353164035;0.073118279569892474789583047823;0.012903225806451612892034042090;0.004301075268817204297344680697;0.020967741935483872467438359877;0.038709677419354840410825602248;0.001075268817204301074336170174;0.022043010752688170506008447092;0.007526881720430107954034060214;0.007526881720430107954034060214;0.014516129032258065154059600843;0.019354838709677420205412801124;0.009139784946236559348697880978;0.024731182795698924276051045013;0.037096774193548384679353091542;0.000000000000000000000000000000;0.027419354838709678046093642934;0.011827956989247311384017002922;0.008602150537634408594689361394;0.014516129032258065154059600843;0.001612903225806451611504255261;0.008064516129032257840680841809;0.017741935483870967943387242372;0.005913978494623655692008501461;0.004301075268817204297344680697;0.000000000000000000000000000000;0.012903225806451612892034042090;0.018817204301075269451404281540;0.001612903225806451611504255261;0.000000000000000000000000000000;0.006451612903225806446017021045;0.043548387096774193727455326552;0.006451612903225806446017021045;0.014516129032258065154059600843;0.011827956989247311384017002922;0.010752688172043011610723439730;0.006451612903225806446017021045
-0.003888888888888888777095598215;0.022222222222222223070309254922;0.006666666666666667094565124074;0.608888888888888923922593221505;0.010555555555555555871660722289;0.003333333333333333547282562037;0.003333333333333333547282562037;0.013888888888888888117900677344;0.036111111111111107718762980312;0.003888888888888888777095598215;0.003333333333333333547282562037;0.001111111111111111110147375847;0.000000000000000000000000000000;0.003333333333333333547282562037;0.029999999999999998889776975375;0.002777777777777777883788656865;0.010000000000000000208166817117;0.016111111111111110771876298031;0.013333333333333334189130248149;0.003333333333333333547282562037;0.007222222222222221890697291258;0.012777777777777778525636342977;0.002777777777777777883788656865;0.004444444444444444440589503387;0.005555555555555555767577313730;0.007777777777777777554191196430;0.012222222222222222862142437805;0.031666666666666669349705642844;0.002777777777777777883788656865;0.007222222222222221890697291258;0.004444444444444444440589503387;0.006111111111111111431071218902;0.006666666666666667094565124074;0.003888888888888888777095598215;0.002222222222222222220294751693;0.009444444444444444544672911945;0.000000000000000000000000000000;0.003333333333333333547282562037;0.006666666666666667094565124074;0.006111111111111111431071218902;0.008888888888888888881179006773;0.010555555555555555871660722289;0.000000000000000000000000000000;0.004444444444444444440589503387;0.021666666666666667406815349750;0.004444444444444444440589503387;0.001111111111111111110147375847;0.003333333333333333547282562037;0.003888888888888888777095598215;0.002222222222222222220294751693
-0.000000000000000000000000000000;0.007971014492753622851517469883;0.000724637681159420298654394443;0.897101449275362283763968207495;0.007971014492753622851517469883;0.000000000000000000000000000000;0.002898550724637681194617577773;0.004347826086956521791926366660;0.004347826086956521791926366660;0.001449275362318840597308788887;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.001449275362318840597308788887;0.013043478260869564508417361992;0.000000000000000000000000000000;0.002898550724637681194617577773;0.002173913043478260895963183330;0.001449275362318840597308788887;0.000724637681159420298654394443;0.002173913043478260895963183330;0.002173913043478260895963183330;0.000000000000000000000000000000;0.001449275362318840597308788887;0.000000000000000000000000000000;0.001449275362318840597308788887;0.001449275362318840597308788887;0.021014492753623187359934831875;0.000724637681159420298654394443;0.000000000000000000000000000000;0.000000000000000000000000000000;0.002173913043478260895963183330;0.000000000000000000000000000000;0.000724637681159420298654394443;0.000000000000000000000000000000;0.001449275362318840597308788887;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000724637681159420298654394443;0.002173913043478260895963183330;0.003623188405797101493271972217;0.002173913043478260895963183330;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006521739130434782254208680996;0.001449275362318840597308788887;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000
-0.006565656565656565434030422779;0.044444444444444446140618509844;0.027272727272727271402574800163;0.266161616161616154663249744772;0.025757575757575756902895136591;0.003030303030303030300401934127;0.006060606060606060600803868255;0.023232323232323232736762363970;0.066666666666666665741480812812;0.009090909090909090467524933388;0.005050505050505050934350759206;0.004040404040404040400535912170;0.000505050505050505050066989021;0.008585858585858585634298378864;0.050000000000000002775557561563;0.005050505050505050934350759206;0.032323232323232323204287297358;0.036363636363636361870099733551;0.009090909090909090467524933388;0.002525252525252525467175379603;0.008585858585858585634298378864;0.033333333333333332870740406406;0.002020202020202020200267956085;0.013636363636363635701287400082;0.004545454545454545233762466694;0.005555555555555555767577313730;0.019696969696969695434729530348;0.082828282828282834282518365399;0.007575757575757575967845269815;0.003535353535353535567309357646;0.002525252525252525467175379603;0.021212121212121213403856145874;0.002020202020202020200267956085;0.002525252525252525467175379603;0.002020202020202020200267956085;0.021717171717171718237082700398;0.003535353535353535567309357646;0.003030303030303030300401934127;0.018686868686868685768276421300;0.002525252525252525467175379603;0.012121212121212121201607736509;0.041414141414141417141259182699;0.000000000000000000000000000000;0.010101010101010101868701518413;0.015151515151515151935690539631;0.011111111111111111535154627461;0.007575757575757575967845269815;0.002525252525252525467175379603;0.006060606060606060600803868255;0.001010101010101010100133978042
-0.010000000000000000208166817117;0.045833333333333330095182844843;0.038333333333333330372738601000;0.070000000000000006661338147751;0.054444444444444441144614899031;0.009444444444444444544672911945;0.011666666666666667198648532633;0.026666666666666668378260496297;0.037499999999999998612221219219;0.020000000000000000416333634234;0.011388888888888889366901580047;0.006944444444444444058950338672;0.004722222222222222272336455973;0.014166666666666665949647629930;0.065000000000000002220446049250;0.002500000000000000052041704279;0.031388888888888889783235214281;0.047777777777777780121581940875;0.033333333333333332870740406406;0.005277777777777777935830361145;0.015555555555555555108382392859;0.030833333333333334119741309109;0.018055555555555553859381490156;0.023055555555555554830826636703;0.008888888888888888881179006773;0.011944444444444445030395485219;0.020277777777777776513357110844;0.056666666666666663798590519718;0.003055555555555555715535609451;0.029166666666666667129259593594;0.004166666666666666608842550801;0.019444444444444444752839729063;0.013611111111111110286153724758;0.005000000000000000104083408559;0.007222222222222221890697291258;0.028611111111111111465765688422;0.007222222222222221890697291258;0.005000000000000000104083408559;0.008611111111111111049432054187;0.010555555555555555871660722289;0.019166666666666665186369300500;0.027777777777777776235801354687;0.000000000000000000000000000000;0.010000000000000000208166817117;0.026388888888888888811790067734;0.010555555555555555871660722289;0.013333333333333334189130248149;0.003888888888888888777095598215;0.012777777777777778525636342977;0.002777777777777777883788656865
-0.007777777777777777554191196430;0.037777777777777778178691647781;0.035555555555555555524716027094;0.126666666666666677398822571377;0.014074074074074073917306471060;0.011481481481481481399242738917;0.005555555555555555767577313730;0.033703703703703701000105041885;0.033333333333333332870740406406;0.008888888888888888881179006773;0.010000000000000000208166817117;0.004074074074074073709139653943;0.014074074074074073917306471060;0.015555555555555555108382392859;0.057407407407407406996213694583;0.003703703703703703845051542487;0.025185185185185185452461098521;0.049259259259259259577934386698;0.016666666666666666435370203203;0.004814814814814815172039352831;0.014444444444444443781394582516;0.019259259259259260688157411323;0.024444444444444445724284875610;0.015925925925925926707193980292;0.008148148148148147418279307885;0.014814814814814815380206169948;0.041481481481481480289019714291;0.052962962962962961688262453208;0.003703703703703703845051542487;0.017037037037037038034181790636;0.004074074074074073709139653943;0.007407407407407407690103084974;0.014444444444444443781394582516;0.010370370370370370072254928573;0.010740740740740739936343040029;0.031111111111111110216764785719;0.008888888888888888881179006773;0.006666666666666667094565124074;0.011111111111111111535154627461;0.017777777777777777762358013547;0.011851851851851851263330850372;0.034444444444444444197728216750;0.000000000000000000000000000000;0.013333333333333334189130248149;0.038148148148148146308056283260;0.007777777777777777554191196430;0.014074074074074073917306471060;0.007407407407407407690103084974;0.018888888888888889089345823891;0.003703703703703703845051542487
-0.017204301075268817189378722787;0.032795698924731185586178838776;0.044086021505376341012016894183;0.004301075268817204297344680697;0.040322580645161289203404209047;0.008064516129032257840680841809;0.006451612903225806446017021045;0.057526881720430106392782931835;0.037096774193548384679353091542;0.020430107526881721713429840293;0.016129032258064515681361683619;0.000537634408602150537168085087;0.012903225806451612892034042090;0.022580645161290321260016966676;0.041397849462365590711421248216;0.005376344086021505805361719865;0.013978494623655914400051081259;0.060752688172043010916834049340;0.034408602150537634378757445575;0.014516129032258065154059600843;0.019892473118279570959421320708;0.019354838709677420205412801124;0.026344086021505376538076603765;0.018817204301075269451404281540;0.013440860215053763646042561675;0.022580645161290321260016966676;0.054301075268817201868731814329;0.016129032258064515681361683619;0.000000000000000000000000000000;0.011290322580645160630008483338;0.001612903225806451611504255261;0.012903225806451612892034042090;0.022043010752688170506008447092;0.010215053763440860856714920146;0.017204301075268817189378722787;0.036021505376344083171336052374;0.018817204301075269451404281540;0.006451612903225806446017021045;0.007526881720430107954034060214;0.020967741935483872467438359877;0.015591397849462364927353164035;0.024731182795698924276051045013;0.000000000000000000000000000000;0.010215053763440860856714920146;0.020430107526881721713429840293;0.009139784946236559348697880978;0.019354838709677420205412801124;0.010752688172043011610723439730;0.035483870967741935886774484743;0.007526881720430107954034060214
-0.006837606837606837600906928287;0.050854700854700854439904844639;0.015811965811965811301575968173;0.018803418803418802535132314802;0.032905982905982907038566764868;0.004700854700854700633783078700;0.010683760683760683968257509946;0.073076923076923080979661051515;0.015811965811965811301575968173;0.006837606837606837600906928287;0.015384615384615385469402326635;0.000854700854700854700113366036;0.006410256410256410034009810772;0.005982905982905983334474431246;0.109401709401709401614510852596;0.001282051282051282050170049054;0.009401709401709401267566157401;0.051709401709401706104252127716;0.052991452991452990539666956238;0.005555555555555555767577313730;0.029059829059829060671216183209;0.013247863247863247634916739059;0.018376068376068376702958673263;0.011111111111111111535154627461;0.003846153846153846367350581659;0.011965811965811966668948862491;0.065384615384615388244959888198;0.035042735042735043138328876466;0.004273504273504273934247699174;0.023076923076923078204103489952;0.002564102564102564100340098108;0.007264957264957265167804045802;0.044871794871794871972792151382;0.002136752136752136967123849587;0.009401709401709401267566157401;0.020512820512820512802720784862;0.011538461538461539102051744976;0.002136752136752136967123849587;0.018803418803418802535132314802;0.007692307692307692734701163317;0.023931623931623933337897724982;0.017094017094017095736990796695;0.000000000000000000000000000000;0.004700854700854700633783078700;0.057264957264957262739191179435;0.011111111111111111535154627461;0.006837606837606837600906928287;0.002564102564102564100340098108;0.029914529914529915805010418239;0.008974358974358973700669039886
-0.006818181818181817850643700041;0.032196969696969696128618920739;0.015909090909090907450806895440;0.413636363636363635354342704886;0.010984848484848484459486250842;0.010606060606060606701928072937;0.006818181818181817850643700041;0.038636363636363635354342704886;0.023106060606060605661093987351;0.003787878787878787983922634908;0.009469696969696969959806587269;0.002272727272727272616881233347;0.003409090909090908925321850020;0.006439393939393939225723784148;0.046212121212121211322187974702;0.002272727272727272616881233347;0.010984848484848484459486250842;0.033333333333333332870740406406;0.027272727272727271402574800163;0.001893939393939393991961317454;0.012121212121212121201607736509;0.015151515151515151935690539631;0.008333333333333333217685101602;0.007954545454545453725403447720;0.003030303030303030300401934127;0.007575757575757575967845269815;0.028030303030303030387138107926;0.031060606060606059386497435071;0.003409090909090908925321850020;0.017803030303030303177491688871;0.001893939393939393991961317454;0.006818181818181817850643700041;0.009090909090909090467524933388;0.004166666666666666608842550801;0.004924242424242423858682382587;0.015530303030303029693248717535;0.007954545454545453725403447720;0.002272727272727272616881233347;0.006439393939393939225723784148;0.006060606060606060600803868255;0.013636363636363635701287400082;0.012878787878787878451447568295;0.000000000000000000000000000000;0.006060606060606060600803868255;0.027272727272727271402574800163;0.006439393939393939225723784148;0.003409090909090908925321850020;0.002272727272727272616881233347;0.017803030303030303177491688871;0.004545454545454545233762466694
-0.001709401709401709400226732072;0.032478632478632481206393123330;0.031196581196581196770978294808;0.412393162393162371337496097112;0.014102564102564102768710974090;0.002991452991452991667237215623;0.002991452991452991667237215623;0.018803418803418802535132314802;0.032905982905982907038566764868;0.005555555555555555767577313730;0.005128205128205128200680196215;0.001709401709401709400226732072;0.003418803418803418800453464144;0.008119658119658120301598280832;0.035042735042735043138328876466;0.004273504273504273934247699174;0.016239316239316240603196561665;0.042307692307692310040856398246;0.016239316239316240603196561665;0.003418803418803418800453464144;0.010683760683760683968257509946;0.041880341880341877269788852800;0.008119658119658120301598280832;0.008547008547008547868495398347;0.004273504273504273934247699174;0.004700854700854700633783078700;0.014102564102564102768710974090;0.034615384615384617306155234928;0.000854700854700854700113366036;0.007692307692307692734701163317;0.002991452991452991667237215623;0.006837606837606837600906928287;0.008547008547008547868495398347;0.004273504273504273934247699174;0.007692307692307692734701163317;0.011965811965811966668948862491;0.003846153846153846367350581659;0.002564102564102564100340098108;0.022222222222222223070309254922;0.016239316239316240603196561665;0.010683760683760683968257509946;0.026495726495726495269833478119;0.000000000000000000000000000000;0.003418803418803418800453464144;0.017094017094017095736990796695;0.004273504273504273934247699174;0.008119658119658120301598280832;0.002564102564102564100340098108;0.010256410256410256401360392431;0.003418803418803418800453464144
-0.020000000000000000416333634234;0.019259259259259260688157411323;0.082222222222222224319310157625;0.012962962962962962590318660716;0.004444444444444444440589503387;0.007037037037037036958653235530;0.002592592592592592518063732143;0.023333333333333334397297065266;0.019259259259259260688157411323;0.035555555555555555524716027094;0.006296296296296296363115274630;0.001481481481481481407916356297;0.003333333333333333547282562037;0.068148148148148152136727162542;0.021111111111111111743321444578;0.012962962962962962590318660716;0.020370370370370372015145221667;0.033703703703703701000105041885;0.011111111111111111535154627461;0.019629629629629628817522046802;0.009629629629629630344078705662;0.025185185185185185452461098521;0.015185185185185185244294281404;0.044444444444444446140618509844;0.018888888888888889089345823891;0.053703703703703704885885628073;0.028148148148148147834612942120;0.017407407407407406163546426114;0.002592592592592592518063732143;0.004444444444444444440589503387;0.002592592592592592518063732143;0.013333333333333334189130248149;0.005925925925925925631665425186;0.010000000000000000208166817117;0.018148148148148149361169600979;0.037777777777777778178691647781;0.012962962962962962590318660716;0.006296296296296296363115274630;0.007777777777777777554191196430;0.030740740740740742087400150240;0.007407407407407407690103084974;0.008518518518518519017090895318;0.000000000000000000000000000000;0.023703703703703702526661700745;0.012222222222222222862142437805;0.011481481481481481399242738917;0.073333333333333333703407674875;0.036296296296296298722339201959;0.019259259259259260688157411323;0.017777777777777777762358013547
-0.006250000000000000346944695195;0.005833333333333333599324266316;0.014999999999999999444888487687;0.612916666666666665186369300500;0.000833333333333333386820640509;0.004583333333333333356462979680;0.007499999999999999722444243844;0.017500000000000001665334536938;0.024166666666666666157814447047;0.009166666666666666712925959359;0.009166666666666666712925959359;0.002916666666666666799662133158;0.001666666666666666773641281019;0.007083333333333332974823814965;0.025416666666666667268037471672;0.005416666666666666851703837438;0.025000000000000001387778780781;0.012916666666666666574148081281;0.008750000000000000832667268469;0.001666666666666666773641281019;0.012500000000000000693889390391;0.012500000000000000693889390391;0.000833333333333333386820640509;0.018333333333333333425851918719;0.007083333333333332974823814965;0.008750000000000000832667268469;0.021250000000000001526556658860;0.001250000000000000026020852140;0.002916666666666666799662133158;0.000833333333333333386820640509;0.000000000000000000000000000000;0.008750000000000000832667268469;0.004583333333333333356462979680;0.008750000000000000832667268469;0.001666666666666666773641281019;0.010416666666666666088425508008;0.003333333333333333547282562037;0.002083333333333333304421275400;0.001250000000000000026020852140;0.001666666666666666773641281019;0.005416666666666666851703837438;0.007083333333333332974823814965;0.000000000000000000000000000000;0.011249999999999999583666365766;0.009583333333333332593184650250;0.010000000000000000208166817117;0.009166666666666666712925959359;0.003333333333333333547282562037;0.006666666666666667094565124074;0.005000000000000000104083408559
-0.002150537634408602148672340348;0.015053763440860215908068120427;0.008602150537634408594689361394;0.697311827956989205290483369026;0.002688172043010752902680859933;0.003763440860215053977017030107;0.004838709677419355051353200281;0.009677419354838710102706400562;0.019892473118279570959421320708;0.002688172043010752902680859933;0.003225806451612903223008510523;0.001612903225806451611504255261;0.002688172043010752902680859933;0.002150537634408602148672340348;0.018279569892473118697395761956;0.000537634408602150537168085087;0.008064516129032257840680841809;0.017741935483870967943387242372;0.004301075268817204297344680697;0.002150537634408602148672340348;0.004838709677419355051353200281;0.012903225806451612892034042090;0.005376344086021505805361719865;0.011827956989247311384017002922;0.002688172043010752902680859933;0.003225806451612903223008510523;0.009139784946236559348697880978;0.018279569892473118697395761956;0.001612903225806451611504255261;0.002150537634408602148672340348;0.002150537634408602148672340348;0.009139784946236559348697880978;0.000000000000000000000000000000;0.001075268817204301074336170174;0.004838709677419355051353200281;0.006989247311827957200025540629;0.002688172043010752902680859933;0.000537634408602150537168085087;0.016129032258064515681361683619;0.005376344086021505805361719865;0.005913978494623655692008501461;0.018817204301075269451404281540;0.000000000000000000000000000000;0.003763440860215053977017030107;0.007526881720430107954034060214;0.006989247311827957200025540629;0.003763440860215053977017030107;0.000537634408602150537168085087;0.003225806451612903223008510523;0.001075268817204301074336170174
-0.003488372093023255765542600670;0.051550387596899227560243161861;0.012790697674418604473656202458;0.341860465116279044206493153979;0.019767441860465116004741403799;0.003488372093023255765542600670;0.006976744186046511531085201341;0.048837209302325580717596409386;0.019379844961240309808570003725;0.003488372093023255765542600670;0.006976744186046511531085201341;0.000000000000000000000000000000;0.004651162790697674354056800894;0.003875968992248061961714000745;0.079069767441860464018965615196;0.001162790697674418588514200223;0.017829457364341085023884403427;0.043798449612403103636815160371;0.028682170542635658516683605512;0.002325581395348837177028400447;0.020155038759689922200912803874;0.010077519379844961100456401937;0.006201550387596899138742401192;0.004651162790697674354056800894;0.003488372093023255765542600670;0.006201550387596899138742401192;0.026356589147286821339655205065;0.052713178294573642679310410131;0.001937984496124030980857000372;0.011627906976744185885142002235;0.000000000000000000000000000000;0.005813953488372092942571001117;0.010852713178294573492799202086;0.002713178294573643373199800521;0.002713178294573643373199800521;0.011627906976744185885142002235;0.003488372093023255765542600670;0.000775193798449612392342800149;0.005426356589147286746399601043;0.000775193798449612392342800149;0.022868217054263565574112604395;0.028294573643410852320512205438;0.000000000000000000000000000000;0.003100775193798449569371200596;0.031782945736434108086054806108;0.007751937984496123923428001490;0.003488372093023255765542600670;0.001162790697674418588514200223;0.009689922480620154904285001862;0.004263565891472868157885400819
-0.018939393939393939919613174538;0.031439393939393940613502564929;0.045454545454545455807071618892;0.025378787878787879145336958686;0.018181818181818180935049866775;0.014015151515151515193569053963;0.006818181818181817850643700041;0.052272727272727269320906628991;0.021590909090909091161414323778;0.025378787878787879145336958686;0.014393939393939394685850707845;0.002651515151515151675482018234;0.008712121212121212709966755483;0.035227272727272725127978247883;0.039393939393939390869459060696;0.006439393939393939225723784148;0.019696969696969695434729530348;0.050757575757575758290673917372;0.037121212121212124324109993267;0.011363636363636363951767904723;0.021590909090909091161414323778;0.010606060606060606701928072937;0.007954545454545453725403447720;0.033333333333333332870740406406;0.018560606060606062162054996634;0.034090909090909088385856762216;0.040909090909090908838585676222;0.031439393939393940613502564929;0.001893939393939393991961317454;0.012121212121212121201607736509;0.001515151515151515150200967064;0.013257575757575757943729222177;0.014015151515151515193569053963;0.003030303030303030300401934127;0.007954545454545453725403447720;0.047727272727272729291314590228;0.016666666666666666435370203203;0.004545454545454545233762466694;0.003409090909090908925321850020;0.006439393939393939225723784148;0.014393939393939394685850707845;0.028030303030303030387138107926;0.000000000000000000000000000000;0.016666666666666666435370203203;0.031439393939393940613502564929;0.010227272727272727209646419055;0.023863636363636364645657295114;0.018181818181818180935049866775;0.031818181818181814901613790880;0.009090909090909090467524933388
-0.027898550724637680847672882578;0.018478260869565218266208361797;0.042028985507246374719869663750;0.074275362318840576492107175000;0.004347826086956521791926366660;0.030434782608695653410846304610;0.002536231884057970828449946055;0.028260869565217391213840514297;0.036231884057971015800081460156;0.016666666666666666435370203203;0.024275362318840580655443517344;0.012681159420289855876973206250;0.022826086956521739190772990469;0.023550724637681159923108253906;0.014130434782608695606920257148;0.009420289855072464316187996758;0.015942028985507245703034939766;0.047826086956521740578551771250;0.033333333333333332870740406406;0.009057971014492753950020365039;0.021739130434782608092270095312;0.023913043478260870289275885625;0.022826086956521739190772990469;0.022101449275362318458437727031;0.027173913043478260115337619141;0.028985507246376811946175777734;0.031521739130434781039902247812;0.004710144927536232158093998379;0.002536231884057970828449946055;0.026811594202898549749169987422;0.002536231884057970828449946055;0.011231884057971014412302679375;0.022101449275362318458437727031;0.003623188405797101493271972217;0.023188405797101449556940622188;0.032971014492753622504572774687;0.023550724637681159923108253906;0.007608695652173913352711576152;0.011231884057971014412302679375;0.018478260869565218266208361797;0.004347826086956521791926366660;0.023550724637681159923108253906;0.000000000000000000000000000000;0.011956521739130435144637942813;0.009782608695652174682355628477;0.010869565217391304046135047656;0.015579710144927537071590784024;0.011594202898550724778470311094;0.038768115942028988363254882188;0.010507246376811593679967415937
-0.005208333333333333044212754004;0.017708333333333332870740406406;0.021874999999999998612221219219;0.570312500000000000000000000000;0.001562500000000000086736173799;0.002083333333333333304421275400;0.005208333333333333044212754004;0.011979166666666667476204288789;0.026041666666666667823148983985;0.006770833333333333564629796797;0.003125000000000000173472347598;0.000520833333333333326105318850;0.002083333333333333304421275400;0.008854166666666666435370203203;0.031770833333333331482961625625;0.001041666666666666652210637700;0.010416666666666666088425508008;0.019270833333333334258519187188;0.006770833333333333564629796797;0.002083333333333333304421275400;0.007291666666666666782314898398;0.014583333333333333564629796797;0.005729166666666666261897855605;0.011979166666666667476204288789;0.007291666666666666782314898398;0.006250000000000000346944695195;0.012500000000000000693889390391;0.019270833333333334258519187188;0.005208333333333333044212754004;0.004166666666666666608842550801;0.003125000000000000173472347598;0.006250000000000000346944695195;0.004687499999999999826527652402;0.007812500000000000000000000000;0.004687499999999999826527652402;0.008333333333333333217685101602;0.001562500000000000086736173799;0.002604166666666666522106377002;0.018229166666666667823148983985;0.017708333333333332870740406406;0.006250000000000000346944695195;0.020833333333333332176851016015;0.000000000000000000000000000000;0.011458333333333332523795711211;0.008854166666666666435370203203;0.006250000000000000346944695195;0.009895833333333332870740406406;0.001041666666666666652210637700;0.009895833333333332870740406406;0.001562500000000000086736173799
-0.025438596491228069457202209946;0.007456140350877192742029553330;0.064035087719298250386046333915;0.231578947368421050878595224276;0.004824561403508772182424646502;0.011403508771929825316160389548;0.005263157894736841986571551644;0.012719298245614034728601104973;0.025000000000000001387778780781;0.021491228070175439485156587693;0.013157894736842104532748010115;0.001315789473684210496642887911;0.012280701754385964924454199831;0.039912280701754385137114411464;0.008771929824561403021832006743;0.012280701754385964924454199831;0.027192982456140352143236782467;0.034210526315789475948481168643;0.011403508771929825316160389548;0.013157894736842104532748010115;0.010964912280701753777290008429;0.018421052631578945651957823770;0.010526315789473683973143103287;0.024561403508771929848908399663;0.022807017543859650632320779096;0.026315789473684209065496020230;0.026754385964912280604366401349;0.003070175438596491231113549958;0.001754385964912280734470662047;0.008333333333333333217685101602;0.001754385964912280734470662047;0.014912280701754385484059106659;0.003947368421052631706769098230;0.009210526315789472825978911885;0.021052631578947367946286206575;0.039473684210526313598244030345;0.014473684210526315679912201517;0.005701754385964912658080194774;0.001315789473684210496642887911;0.013596491228070176071618391234;0.008771929824561403021832006743;0.010087719298245614168996198146;0.000000000000000000000000000000;0.010964912280701753777290008429;0.010087719298245614168996198146;0.008771929824561403021832006743;0.032456140350877189792999644169;0.019736842105263156799122015173;0.026754385964912280604366401349;0.010526315789473683973143103287
-0.004901960784313725422167706824;0.062091503267973857660422254412;0.013398692810457515575683906661;0.282352941176470584316859913088;0.029084967320261438661344044476;0.007516339869281045936444396460;0.005555555555555555767577313730;0.031699346405228756573535520147;0.025163398692810458323609879017;0.004248366013071895076758099918;0.005228758169934640161191641283;0.008169934640522876281854003366;0.005228758169934640161191641283;0.003921568627450980337734165460;0.071241830065359473822539371213;0.001960784313725490168867082730;0.013071895424836601704021710191;0.032352941176470591255753816995;0.019607843137254901688670827298;0.002614379084967320080595820642;0.009150326797385621366287544731;0.017647058823529411519803744568;0.004248366013071895076758099918;0.006862745098039215591034789554;0.002287581699346405341571886183;0.005228758169934640161191641283;0.016993464052287580307032399674;0.107843137254901966226583454045;0.001307189542483660040297910321;0.021568627450980391857537910028;0.010457516339869280322383282567;0.008823529411764705759901872284;0.007843137254901960675468330919;0.001633986928104575213002713774;0.007189542483660130330058724013;0.008496732026143790153516199837;0.005882352941176470506601248189;0.004575163398692810683143772366;0.013398692810457515575683906661;0.011764705882352941013202496379;0.012745098039215686097636037744;0.029411764705882352533006240947;0.000000000000000000000000000000;0.006862745098039215591034789554;0.025163398692810458323609879017;0.006535947712418300852010855095;0.005228758169934640161191641283;0.002941176470588235253300624095;0.007516339869281045936444396460;0.000980392156862745084433541365
-0.011403508771929825316160389548;0.032456140350877189792999644169;0.046052631578947365864618035403;0.042982456140350878970313175387;0.010087719298245614168996198146;0.005701754385964912658080194774;0.009210526315789472825978911885;0.056578947368421055041931566620;0.007894736842105263413538196460;0.028070175438596491751530592751;0.013596491228070176071618391234;0.001315789473684210496642887911;0.005701754385964912658080194774;0.036842105263157891303915647541;0.051315789473684210453274801012;0.004385964912280701510916003372;0.014912280701754385484059106659;0.048245614035087716620076037088;0.018421052631578945651957823770;0.006140350877192982462227099916;0.024561403508771929848908399663;0.005263157894736841986571551644;0.013596491228070176071618391234;0.039473684210526313598244030345;0.011403508771929825316160389548;0.034649122807017540548457645855;0.053947368421052632747603183816;0.038596491228070177459397172015;0.002192982456140350755458001686;0.006140350877192982462227099916;0.000438596491228070183617665512;0.024561403508771929848908399663;0.020175438596491228337992396291;0.008771929824561403021832006743;0.011842105263157895120307294690;0.041228070175438599753725554820;0.017543859649122806043664013487;0.002192982456140350755458001686;0.001754385964912280734470662047;0.009649122807017544364849293004;0.017982456140350877582534394605;0.007894736842105263413538196460;0.000000000000000000000000000000;0.020614035087719299876862777410;0.029385964912280702898694784153;0.021929824561403507554580016858;0.032894736842105261331870025288;0.014912280701754385484059106659;0.027192982456140352143236782467;0.007894736842105263413538196460
-0.015740740740740739173064710599;0.014814814814814815380206169948;0.026234567901234566444923501649;0.410185185185185208212033103337;0.008950617283950617480980938012;0.010493827160493827271858791050;0.003086419753086419581755706076;0.019135802469135803488553548846;0.029012345679012344762393027509;0.011111111111111111535154627461;0.007716049382716048954389265191;0.011111111111111111535154627461;0.004629629629629629372633559115;0.023765432098765432861187107960;0.019135802469135803488553548846;0.009876543209876543008562954640;0.013888888888888888117900677344;0.019135802469135803488553548846;0.011728395061728395798450463872;0.005555555555555555767577313730;0.013271604938271605589328316910;0.010185185185185186007572610833;0.002469135802469135752140738660;0.015740740740740739173064710599;0.017901234567901234961961876024;0.014814814814814815380206169948;0.015123456790123456644492350165;0.033024691358024688137007274236;0.001851851851851851922525771243;0.019753086419753086017125909279;0.003703703703703703845051542487;0.012962962962962962590318660716;0.004320987654320987240985640909;0.006790123456790123426807248563;0.006481481481481481295159330358;0.016975308641975307699656383420;0.006790123456790123426807248563;0.004629629629629629372633559115;0.005246913580246913635929395525;0.007098765432098765558455166769;0.004629629629629629372633559115;0.013888888888888888117900677344;0.000000000000000000000000000000;0.015432098765432097908778530382;0.012962962962962962590318660716;0.005246913580246913635929395525;0.016049382716049383906797842769;0.013888888888888888117900677344;0.014506172839506172381196513754;0.008950617283950617480980938012
-0.057894736842105262719648806069;0.001754385964912280734470662047;0.049122807017543859697816799326;0.008333333333333333217685101602;0.005263157894736841986571551644;0.024561403508771929848908399663;0.001754385964912280734470662047;0.014035087719298245875765296375;0.034210526315789475948481168643;0.027631578947368420212660211632;0.019298245614035088729698586008;0.021929824561403507554580016858;0.020175438596491228337992396291;0.050877192982456138914404419893;0.000877192982456140367235331023;0.027192982456140352143236782467;0.011403508771929825316160389548;0.015350877192982455288206011801;0.010964912280701753777290008429;0.010087719298245614168996198146;0.019298245614035088729698586008;0.042543859649122807431442794268;0.009210526315789472825978911885;0.032456140350877189792999644169;0.050000000000000002775557561563;0.039912280701754385137114411464;0.020175438596491228337992396291;0.002192982456140350755458001686;0.001315789473684210496642887911;0.011842105263157895120307294690;0.013596491228070176071618391234;0.009649122807017544364849293004;0.004824561403508772182424646502;0.007894736842105263413538196460;0.029824561403508770968118213318;0.025000000000000001387778780781;0.012719298245614034728601104973;0.013157894736842104532748010115;0.016228070175438594896499822084;0.035526315789473683626198408092;0.003070175438596491231113549958;0.015350877192982455288206011801;0.000000000000000000000000000000;0.017543859649122806043664013487;0.000877192982456140367235331023;0.014035087719298245875765296375;0.042982456140350878970313175387;0.040350877192982456675984792582;0.031140350877192982115282404720;0.024561403508771929848908399663
-0.008108108108108108558198523497;0.022072072072072072140835885534;0.045495495495495495708038191651;0.338288288288288274685555734322;0.001801801801801801829541749278;0.001801801801801801829541749278;0.008558558558558557877171679706;0.026576576576576575738908303492;0.037837837837837839938259776318;0.019819819819819818607076200578;0.005855855855855855891800576529;0.003153153153153153039067735364;0.003603603603603603659083498556;0.022072072072072072140835885534;0.025675675675675677100961991073;0.004954954954954954651769050145;0.015315315315315315009003782620;0.036486486486486488511893355735;0.010810810810810811410931364662;0.003603603603603603659083498556;0.011711711711711711783601153058;0.029279279279279278591641144658;0.000900900900900900914770874639;0.026126126126126126419935147283;0.005405405405405405705465682331;0.014864864864864865690030626411;0.022522522522522521459809041744;0.029279279279279278591641144658;0.002252252252252252232717077973;0.003603603603603603659083498556;0.001351351351351351426366420583;0.018018018018018017861736623786;0.002252252252252252232717077973;0.011261261261261260729904520872;0.002252252252252252232717077973;0.023873873873873872886175462327;0.005405405405405405705465682331;0.002702702702702702852732841166;0.017117117117117115754343359413;0.005855855855855855891800576529;0.011711711711711711783601153058;0.031981981981981981444373985823;0.000000000000000000000000000000;0.010360360360360360357234732476;0.016216216216216217116397046993;0.010360360360360360357234732476;0.018468468468468467180709779996;0.008558558558558557877171679706;0.006306306306306306078135470727;0.008108108108108108558198523497
-0.001190476190476190583578119941;0.008928571428571428075793292578;0.005059523809523809763366575254;0.802083333333333370340767487505;0.002380952380952381167156239883;0.002976190476190476025264430859;0.002976190476190476025264430859;0.008630952380952381514100935078;0.017559523809523809589894227656;0.002083333333333333304421275400;0.002678571428571428596210335371;0.002380952380952381167156239883;0.002976190476190476025264430859;0.002083333333333333304421275400;0.009821428571428571230317317031;0.001190476190476190583578119941;0.005654761904761904621474766230;0.012797619047619047255581747891;0.003571428571428571317053490830;0.001190476190476190583578119941;0.003571428571428571317053490830;0.010714285714285714384841341484;0.001488095238095238012632215430;0.002380952380952381167156239883;0.000892857142857142829263372708;0.002083333333333333304421275400;0.002678571428571428596210335371;0.008333333333333333217685101602;0.001190476190476190583578119941;0.003571428571428571317053490830;0.001785714285714285658526745415;0.001488095238095238012632215430;0.002083333333333333304421275400;0.002380952380952381167156239883;0.003571428571428571317053490830;0.004166666666666666608842550801;0.001190476190476190583578119941;0.000892857142857142829263372708;0.011011904761904762681257174961;0.004166666666666666608842550801;0.008035714285714284921269268125;0.011607142857142857539365365938;0.000000000000000000000000000000;0.001190476190476190583578119941;0.003869047619047619179788455313;0.003273809523809523887999395342;0.002083333333333333304421275400;0.000000000000000000000000000000;0.002083333333333333304421275400;0.000000000000000000000000000000
-0.005813953488372092942571001117;0.036046511627906979713387158881;0.015503875968992247846856002980;0.429069767441860483447868546136;0.025968992248062015143483804991;0.001162790697674418588514200223;0.004263565891472868157885400819;0.019767441860465116004741403799;0.017441860465116278827713003352;0.011627906976744185885142002235;0.003488372093023255765542600670;0.001550387596899224784685600298;0.004651162790697674354056800894;0.006589147286821705334913801266;0.048062015503875968325253609237;0.007751937984496123923428001490;0.032170542635658917751673158136;0.024806201550387596554969604767;0.011240310077519379688970602160;0.000775193798449612392342800149;0.008527131782945736315770801639;0.006201550387596899138742401192;0.003488372093023255765542600670;0.012790697674418604473656202458;0.004651162790697674354056800894;0.010852713178294573492799202086;0.016666666666666666435370203203;0.063565891472868216172109612216;0.003488372093023255765542600670;0.006201550387596899138742401192;0.005038759689922480550228200968;0.014341085271317829258341802756;0.002713178294573643373199800521;0.003488372093023255765542600670;0.002325581395348837177028400447;0.013178294573643410669827602533;0.001937984496124030980857000372;0.006976744186046511531085201341;0.001937984496124030980857000372;0.003488372093023255765542600670;0.015503875968992247846856002980;0.028294573643410852320512205438;0.000000000000000000000000000000;0.006201550387596899138742401192;0.014728682170542635454513202831;0.006976744186046511531085201341;0.010465116279069767296627802011;0.006976744186046511531085201341;0.007751937984496123923428001490;0.003488372093023255765542600670
-0.002941176470588235253300624095;0.016666666666666666435370203203;0.023856209150326795898067189228;0.437908496732026142339577745588;0.005228758169934640161191641283;0.001633986928104575213002713774;0.006209150326797385245625182648;0.014379084967320260660117448026;0.029084967320261438661344044476;0.033006535947712418999078209936;0.002614379084967320080595820642;0.000653594771241830020148955160;0.000653594771241830020148955160;0.013071895424836601704021710191;0.025816993464052286066934271958;0.002287581699346405341571886183;0.021568627450980391857537910028;0.017320261437908497648141548098;0.003267973856209150426005427548;0.001633986928104575213002713774;0.006862745098039215591034789554;0.016666666666666666435370203203;0.001633986928104575213002713774;0.044771241830065360012280706314;0.004575163398692810683143772366;0.015032679738562091872888792921;0.014705882352941176266503120473;0.029411764705882352533006240947;0.007189542483660130330058724013;0.001960784313725490168867082730;0.000653594771241830020148955160;0.032352941176470591255753816995;0.002614379084967320080595820642;0.002614379084967320080595820642;0.000326797385620915010074477580;0.033006535947712418999078209936;0.004248366013071895076758099918;0.001960784313725490168867082730;0.016339869281045752563708006733;0.002614379084967320080595820642;0.009803921568627450844335413649;0.016013071895424835222598858309;0.000000000000000000000000000000;0.023856209150326795898067189228;0.011437908496732025406816823931;0.011437908496732025406816823931;0.016666666666666666435370203203;0.004901960784313725422167706824;0.003921568627450980337734165460;0.002614379084967320080595820642
-0.003636363636363636360482320953;0.031515151515151516858903590901;0.014545454545454545441929283811;0.563939393939393962540407301276;0.006666666666666667094565124074;0.002727272727272727487202175212;0.010000000000000000208166817117;0.010303030303030303455047445027;0.017575757575757574441288610956;0.005151515151515151727523722514;0.000606060606060606060080386825;0.002121212121212121427121788386;0.005454545454545454974404350423;0.003939393939393939607362948863;0.026969696969696969890417648230;0.003030303030303030300401934127;0.016969696969696971416974307090;0.021212121212121213403856145874;0.007878787878787879214725897725;0.003333333333333333547282562037;0.007878787878787879214725897725;0.018484848484848485916653970662;0.005757575757575757353923240345;0.007575757575757575967845269815;0.004242424242424242854243576772;0.003333333333333333547282562037;0.011818181818181817954727108599;0.035757575757575758845785429685;0.003939393939393939607362948863;0.006363636363636363847684496164;0.002424242424242424240321547302;0.011818181818181817954727108599;0.003636363636363636360482320953;0.003030303030303030300401934127;0.005757575757575757353923240345;0.015757575757575758429451795450;0.003333333333333333547282562037;0.003333333333333333547282562037;0.006969696969696969474084013996;0.010000000000000000208166817117;0.010909090909090909948808700847;0.016969696969696971416974307090;0.000000000000000000000000000000;0.006666666666666667094565124074;0.013636363636363635701287400082;0.006363636363636363847684496164;0.004848484848484848480643094604;0.002121212121212121427121788386;0.005454545454545454974404350423;0.004242424242424242854243576772
-0.002430555555555555594104966133;0.023958333333333334952408577578;0.012500000000000000693889390391;0.586458333333333303727386009996;0.011458333333333332523795711211;0.005555555555555555767577313730;0.007638888888888888638317720137;0.013194444444444444405895033867;0.011111111111111111535154627461;0.003472222222222222029475169336;0.002430555555555555594104966133;0.002430555555555555594104966133;0.001388888888888888941894328433;0.003819444444444444319158860068;0.023958333333333334952408577578;0.003125000000000000173472347598;0.008680555555555555941049661328;0.021180555555555556634939051719;0.013194444444444444405895033867;0.001388888888888888941894328433;0.006250000000000000346944695195;0.025694444444444443365060948281;0.006250000000000000346944695195;0.011111111111111111535154627461;0.002777777777777777883788656865;0.009027777777777776929690745078;0.010763888888888888811790067734;0.021180555555555556634939051719;0.003125000000000000173472347598;0.007291666666666666782314898398;0.001736111111111111014737584668;0.007291666666666666782314898398;0.003819444444444444319158860068;0.005902777777777777623580135469;0.007638888888888888638317720137;0.015972222222222220988641083750;0.001736111111111111014737584668;0.001736111111111111014737584668;0.015277777777777777276635440273;0.016319444444444445446729119453;0.007986111111111110494320541875;0.006597222222222222202947516934;0.000000000000000000000000000000;0.004861111111111111188209932266;0.015972222222222220988641083750;0.006250000000000000346944695195;0.004513888888888888464845372539;0.003819444444444444319158860068;0.006250000000000000346944695195;0.003472222222222222029475169336
-0.013836477987421384044930405821;0.012578616352201258538068273651;0.046226415094339619316077261146;0.385534591194968578875545972551;0.003459119496855346011232601455;0.006289308176100629269034136826;0.002201257861635220070689600291;0.013522012578616352668214872779;0.037421383647798740768042335958;0.025157232704402517076136547303;0.005660377358490565648241332752;0.005974842767295597892318603783;0.005031446540880502894810266667;0.029874213836477987726869542939;0.008805031446540880282758401165;0.010062893081761005789620533335;0.018238993710691823318947868415;0.024842767295597485699421014260;0.006289308176100629269034136826;0.007861635220125786152611802038;0.004402515723270440141379200583;0.016352201257861635058654670161;0.003773584905660377387948134498;0.039937106918238991781766600297;0.011949685534591195784637207566;0.021698113207547168462818731882;0.012893081761006289914783806694;0.011320754716981131296482665505;0.001572327044025157317258534206;0.003459119496855346011232601455;0.003144654088050314634517068413;0.014150943396226415421645938864;0.002201257861635220070689600291;0.002515723270440251447405133334;0.005660377358490565648241332752;0.044339622641509431055784062892;0.008176100628930817529327335080;0.004088050314465408764663667540;0.011320754716981131296482665505;0.006918238993710692022465202911;0.005345911949685534271525799710;0.012893081761006289914783806694;0.000000000000000000000000000000;0.013522012578616352668214872779;0.004716981132075471518094733625;0.008805031446540880282758401165;0.027358490566037736713145278600;0.011949685534591195784637207566;0.010377358490566037166336066377;0.006289308176100629269034136826
-0.013063063063063063209967573641;0.009459459459459459984564944079;0.076126126126126125726045756892;0.163063063063063062863022878446;0.000000000000000000000000000000;0.008108108108108108558198523497;0.001351351351351351426366420583;0.017117117117117115754343359413;0.076576576576576571575571961148;0.045495495495495495708038191651;0.006306306306306306078135470727;0.002702702702702702852732841166;0.002252252252252252232717077973;0.038738738738738738576206088737;0.005855855855855855891800576529;0.009459459459459459984564944079;0.027027027027027028527328411656;0.039189189189189191364626196901;0.003603603603603603659083498556;0.011711711711711711783601153058;0.004054054054054054279099261748;0.027477477477477477846301567865;0.002702702702702702852732841166;0.055405405405405408481023243894;0.015315315315315315009003782620;0.032432432432432434232794093987;0.018018018018018017861736623786;0.008108108108108108558198523497;0.000450450450450450457385437320;0.000900900900900900914770874639;0.002252252252252252232717077973;0.027927927927927927165274724075;0.002252252252252252232717077973;0.004054054054054054279099261748;0.007657657657657657504501891310;0.053603603603603604266236715148;0.011261261261261260729904520872;0.003603603603603603659083498556;0.010360360360360360357234732476;0.001351351351351351426366420583;0.009009009009009008930868311893;0.020270270270270271395496308742;0.000000000000000000000000000000;0.022072072072072072140835885534;0.002252252252252252232717077973;0.012612612612612612156270941455;0.042792792792792792855305350486;0.016666666666666666435370203203;0.014414414414414414636333994224;0.013513513513513514263664205828
-0.002450980392156862711083853412;0.031372549019607842701873323676;0.015196078431372548808719891156;0.537745098039215663199286154850;0.001470588235294117626650312047;0.002450980392156862711083853412;0.002450980392156862711083853412;0.014215686274509803724286349791;0.083823529411764699514897358767;0.003431372549019607795517394777;0.004411764705882352879950936142;0.000490196078431372542216770682;0.001960784313725490168867082730;0.002941176470588235253300624095;0.011274509803921568470985725696;0.001960784313725490168867082730;0.009803921568627450844335413649;0.021568627450980391857537910028;0.001960784313725490168867082730;0.001960784313725490168867082730;0.002941176470588235253300624095;0.028431372549019607448572699582;0.000490196078431372542216770682;0.006372549019607843048818018872;0.001960784313725490168867082730;0.006862745098039215591034789554;0.008333333333333333217685101602;0.035294117647058823039607489136;0.000000000000000000000000000000;0.001960784313725490168867082730;0.002941176470588235253300624095;0.005392156862745097964384477507;0.000490196078431372542216770682;0.003921568627450980337734165460;0.000980392156862745084433541365;0.009313725490196078302118642966;0.004411764705882352879950936142;0.002450980392156862711083853412;0.025490196078431372195272075487;0.000490196078431372542216770682;0.004901960784313725422167706824;0.071568627450980387694201567683;0.000000000000000000000000000000;0.004411764705882352879950936142;0.001470588235294117626650312047;0.006372549019607843048818018872;0.004901960784313725422167706824;0.001960784313725490168867082730;0.001960784313725490168867082730;0.000980392156862745084433541365
-0.003252032520325203249211831746;0.017886178861788618738026812593;0.009349593495934959558324450768;0.665447154471544677356575903104;0.002845528455284553059900787275;0.003658536585365853872203745212;0.002845528455284553059900787275;0.010569105691056910126257584182;0.034146341463414636718809447302;0.003658536585365853872203745212;0.004065040650406504495195658677;0.005691056910569106119801574550;0.003252032520325203249211831746;0.004471544715447154684506703148;0.015447154471544715867437069790;0.002439024390243902436908873810;0.010975609756097560315568628653;0.019512195121951219495270990478;0.006910569105691056687734707964;0.002032520325203252247597829339;0.005691056910569106119801574550;0.021138211382113820252515168363;0.000813008130081300812302957937;0.004065040650406504495195658677;0.002032520325203252247597829339;0.004471544715447154684506703148;0.007317073170731707744407490424;0.019512195121951219495270990478;0.000813008130081300812302957937;0.003252032520325203249211831746;0.001219512195121951218454436905;0.008130081300813008990391317354;0.002439024390243902436908873810;0.000000000000000000000000000000;0.001219512195121951218454436905;0.007723577235772357933718534895;0.000406504065040650406151478968;0.001219512195121951218454436905;0.010162601626016259936946539710;0.002439024390243902436908873810;0.007317073170731707744407490424;0.032113821138211380568083797016;0.000000000000000000000000000000;0.004471544715447154684506703148;0.006504065040650406498423663493;0.004878048780487804873817747620;0.006504065040650406498423663493;0.001219512195121951218454436905;0.003658536585365853872203745212;0.000813008130081300812302957937
-0.007333333333333333196868419890;0.040666666666666663465523612331;0.017999999999999998639976794834;0.307333333333333347248128575302;0.001333333333333333288808764117;0.006000000000000000124900090270;0.006666666666666667094565124074;0.034666666666666665075346998037;0.059333333333333335146697606888;0.009333333333333334105863521302;0.008000000000000000166533453694;0.005333333333333333155235056466;0.004666666666666667052931760651;0.007333333333333333196868419890;0.045999999999999999222843882762;0.003333333333333333547282562037;0.014666666666666666393736839780;0.042000000000000002609024107869;0.017999999999999998639976794834;0.004000000000000000083266726847;0.016000000000000000333066907388;0.034000000000000002442490654175;0.006666666666666667094565124074;0.007333333333333333196868419890;0.005333333333333333155235056466;0.008666666666666666268836749509;0.027333333333333334480563792113;0.040000000000000000832667268469;0.003333333333333333547282562037;0.003333333333333333547282562037;0.003333333333333333547282562037;0.011333333333333334147496884725;0.012000000000000000249800180541;0.003333333333333333547282562037;0.004000000000000000083266726847;0.014000000000000000291433543964;0.008000000000000000166533453694;0.001333333333333333288808764117;0.028000000000000000582867087928;0.004000000000000000083266726847;0.015333333333333332496040135595;0.045999999999999999222843882762;0.000000000000000000000000000000;0.004000000000000000083266726847;0.014000000000000000291433543964;0.010000000000000000208166817117;0.005333333333333333155235056466;0.002666666666666666577617528233;0.014000000000000000291433543964;0.003333333333333333547282562037
-0.011711711711711711783601153058;0.056306306306306307118969556313;0.023873873873873872886175462327;0.027927927927927927165274724075;0.016216216216216217116397046993;0.007207207207207207318166997112;0.009909909909909909303538100289;0.057207207207207205756915868733;0.025675675675675677100961991073;0.007207207207207207318166997112;0.012612612612612612156270941455;0.003603603603603603659083498556;0.011711711711711711783601153058;0.007207207207207207318166997112;0.065765765765765760164640596486;0.003153153153153153039067735364;0.015315315315315315009003782620;0.074774774774774774299679336309;0.046846846846846847134404612234;0.004954954954954954651769050145;0.027027027027027028527328411656;0.018018018018018017861736623786;0.018018018018018017861736623786;0.014414414414414414636333994224;0.013063063063063063209967573641;0.009009009009009008930868311893;0.050000000000000002775557561563;0.048198198198198198560771032817;0.001351351351351351426366420583;0.025225225225225224312541882909;0.004054054054054054279099261748;0.007657657657657657504501891310;0.026126126126126126419935147283;0.003603603603603603659083498556;0.012162162162162162837297785245;0.032882882882882880082320298243;0.018468468468468467180709779996;0.004504504504504504465434155946;0.018918918918918919969129888159;0.008558558558558557877171679706;0.021621621621621622821862729324;0.031531531531531528655953877660;0.000000000000000000000000000000;0.007657657657657657504501891310;0.024774774774774774993568726700;0.009009009009009008930868311893;0.009009009009009008930868311893;0.007657657657657657504501891310;0.032432432432432434232794093987;0.005855855855855855891800576529
-0.016190476190476189161104869640;0.026666666666666668378260496297;0.047142857142857146068859464094;0.029523809523809525084958593766;0.029999999999999998889776975375;0.007142857142857142634106981660;0.007142857142857142634106981660;0.036666666666666666851703837438;0.039047619047619046284136601344;0.016666666666666666435370203203;0.009047619047619047394359625969;0.004285714285714285927408884191;0.006190476190476190687661528500;0.011428571428571428561515865852;0.026666666666666668378260496297;0.009047619047619047394359625969;0.030476190476190476164042308937;0.059523809523809520505288617187;0.020476190476190477690598967797;0.008095238095238094580552434820;0.018095238095238094788719251937;0.042380952380952380265100032375;0.040952380952380955381197935594;0.028571428571428570536427926640;0.014285714285714285268213963320;0.022380952380952379848766398140;0.029047619047619047810693260203;0.019523809523809523142068300672;0.003333333333333333547282562037;0.014761904761904762542479296883;0.005238095238095237873854337352;0.019047619047619049337249919063;0.015238095238095238082021154469;0.008571428571428571854817768383;0.020952380952380951495417349406;0.028571428571428570536427926640;0.014761904761904762542479296883;0.006666666666666667094565124074;0.023809523809523808202115446875;0.048095238095238093678496227312;0.014761904761904762542479296883;0.029523809523809525084958593766;0.000000000000000000000000000000;0.011428571428571428561515865852;0.012857142857142856914864914586;0.015714285714285715356286488031;0.015714285714285715356286488031;0.006190476190476190687661528500;0.025238095238095236555464495609;0.002857142857142857140378966463
-0.024774774774774774993568726700;0.033783783783783785659160514570;0.061711711711711712824435238645;0.027027027027027028527328411656;0.034234234234234231508686718826;0.011711711711711711783601153058;0.004954954954954954651769050145;0.038288288288288285787785980574;0.040540540540540542790992617483;0.026126126126126126419935147283;0.010810810810810811410931364662;0.010360360360360360357234732476;0.002702702702702702852732841166;0.021171171171171170033442621161;0.032432432432432434232794093987;0.018918918918918919969129888159;0.020720720720720720714469464951;0.040990990990990988640518821740;0.027477477477477477846301567865;0.007657657657657657504501891310;0.018018018018018017861736623786;0.022972972972972974248229149907;0.005405405405405405705465682331;0.045945945945945948496458299815;0.019369369369369369288103044369;0.035585585585585582935053139408;0.028828828828828829272667988448;0.028378378378378379953694832238;0.000450450450450450457385437320;0.013513513513513514263664205828;0.006306306306306306078135470727;0.021171171171171170033442621161;0.012162162162162162837297785245;0.002702702702702702852732841166;0.003153153153153153039067735364;0.041441441441441441428938929903;0.011711711711711711783601153058;0.008558558558558557877171679706;0.008558558558558557877171679706;0.003603603603603603659083498556;0.016216216216216217116397046993;0.025675675675675677100961991073;0.000000000000000000000000000000;0.020720720720720720714469464951;0.016216216216216217116397046993;0.017117117117117115754343359413;0.027027027027027028527328411656;0.015765765765765764327976938830;0.016666666666666666435370203203;0.010360360360360360357234732476
-0.010919540229885057319725305547;0.008620689655172413673467346484;0.031609195402298853605493889063;0.429022988505747104870380326247;0.003448275862068965469386938594;0.005459770114942528659862652773;0.003735632183908045925169183477;0.020689655172413792816321631562;0.028160919540229884666659998516;0.020402298850574714095262862656;0.007758620689655172306120611836;0.003735632183908045925169183477;0.002873563218390804557822448828;0.021551724137931035918391842188;0.019827586206896553183698372891;0.007183908045977011394556122070;0.013793103448275861877547754375;0.025862068965517241020402039453;0.008620689655172413673467346484;0.005459770114942528659862652773;0.008620689655172413673467346484;0.020689655172413792816321631562;0.003160919540229885013604693711;0.029022988505747127768730209141;0.010919540229885057319725305547;0.021551724137931035918391842188;0.016954022988505748625875924063;0.009482758620689655040814081133;0.000862068965517241367346734648;0.004022988505747126380951428359;0.000862068965517241367346734648;0.014367816091954022789112244141;0.004022988505747126380951428359;0.007183908045977011394556122070;0.005172413793103448204080407891;0.031609195402298853605493889063;0.006034482758620689571427142539;0.002011494252873563190475714180;0.007758620689655172306120611836;0.006034482758620689571427142539;0.006609195402298850482991632305;0.020402298850574714095262862656;0.000000000000000000000000000000;0.014655172413793103244894489023;0.012068965517241379142854285078;0.011206896551724137775507550430;0.022126436781609196829956331953;0.007183908045977011394556122070;0.010632183908045976863943060664;0.006034482758620689571427142539
-0.014327485380116959656771058462;0.035087719298245612087328026973;0.043859649122807015109160033717;0.155847953216374263130106214703;0.022222222222222223070309254922;0.003801169590643274816266217186;0.002046783625730994298635989637;0.026900584795321636627507544404;0.036549707602339179257633361431;0.027485380116959064189519068577;0.005847953216374268681221337829;0.004385964912280701510916003372;0.002631578947368420993285775822;0.025438596491228069457202209946;0.043274853801169591016595461497;0.008771929824561403021832006743;0.021929824561403507554580016858;0.035672514619883043118786503101;0.016959064327485378481652489313;0.005555555555555555767577313730;0.009064327485380116802837768830;0.026900584795321636627507544404;0.003216374269005848121616431001;0.033040935672514620824458120296;0.008479532163742689240826244657;0.019883040935672516291710110181;0.020175438596491228337992396291;0.046198830409356725357206130411;0.001169590643274853822980441365;0.008479532163742689240826244657;0.004678362573099415291921765458;0.024853801169590641895190685773;0.004678362573099415291921765458;0.003216374269005848121616431001;0.004970760233918129072927527545;0.038596491228070177459397172015;0.009356725146198830583843530917;0.004678362573099415291921765458;0.027192982456140352143236782467;0.008187134502923977194543958547;0.009941520467836258145855055091;0.039181286549707601551961744235;0.000000000000000000000000000000;0.015497076023391813046070630833;0.024853801169590641895190685773;0.011988304093567251143448437745;0.026023391812865497019213734120;0.010526315789473683973143103287;0.010526315789473683973143103287;0.005847953216374268681221337829
-0.015536723163841808723062420938;0.005649717514124293765709339254;0.044350282485875705540401270355;0.297175141242937868035767223773;0.010451977401129942946145234828;0.008474576271186440648564008882;0.001412429378531073441427334814;0.020621468926553671030532655095;0.010451977401129942946145234828;0.043502824858757060955127826674;0.010169491525423728084387420267;0.002259887005649717593019909501;0.002259887005649717593019909501;0.030225988700564972860851398195;0.016101694915254236711854574082;0.008474576271186440648564008882;0.015819209039548021850096759522;0.018361581920903955605917090566;0.014124293785310734414273348136;0.003954802259887005462524189880;0.011581920903954802393176493069;0.009604519774011300095595267123;0.000847457627118644043172357438;0.064689265536723161709176110890;0.013841807909604519552515533576;0.039830508474576267752276237388;0.017514124293785311020643646884;0.006214689265536723489224968375;0.000282485875706214699127488688;0.013276836158192089828999904455;0.002259887005649717593019909501;0.023728813559322034509868615260;0.002542372881355932021096855067;0.004802259887005650047797633562;0.003672316384180791034447244314;0.049152542372881358190284117882;0.009887005649717514957353081684;0.005084745762711864042193710134;0.001129943502824858796509954750;0.003107344632768361744612484188;0.007062146892655367207136674068;0.003107344632768361744612484188;0.000000000000000000000000000000;0.029378531073446328275577954514;0.016384180790960451573612388643;0.018079096045197740744159276005;0.037005649717514126073591995691;0.013559322033898304690757719015;0.004802259887005650047797633562;0.008192090395480225786806194321
-0.018439716312056736446933769002;0.018085106382978721750731665452;0.034397163120567376959346717058;0.185460992907801408557944000677;0.004964539007092198807935545801;0.014893617021276596423806637404;0.007801418439716312040743684264;0.026241134751773049355039191255;0.020212765957446809927944286756;0.030496453900709218770570529955;0.013120567375886524677519595627;0.005673758865248227332978014914;0.014184397163120567031402430302;0.021276595744680850547103645454;0.020212765957446809927944286756;0.009219858156028368223466884501;0.019858156028368795231742183205;0.035106382978723406351750924159;0.020921985815602835850901541903;0.005673758865248227332978014914;0.017021276595744681131572306754;0.018439716312056736446933769002;0.015957446808510637042965996102;0.033333333333333332870740406406;0.019148936170212765839337976104;0.026595744680851064051241294806;0.024113475177304964647273521905;0.019148936170212765839337976104;0.004255319148936170282893076688;0.013120567375886524677519595627;0.008865248226950355261988256927;0.016666666666666666435370203203;0.009574468085106382919668988052;0.010638297872340425273551822727;0.017730496453900710523976513855;0.033687943262411347566942509957;0.010638297872340425273551822727;0.009574468085106382919668988052;0.008510638297872340565786153377;0.017730496453900710523976513855;0.008865248226950355261988256927;0.013120567375886524677519595627;0.000000000000000000000000000000;0.020921985815602835850901541903;0.009929078014184397615871091602;0.020921985815602835850901541903;0.019858156028368795231742183205;0.010992907801418439969753926277;0.027659574468085104670400653504;0.006737588652482269686860849589
-0.008333333333333333217685101602;0.013492063492063492702310867344;0.015873015873015872134743631250;0.492063492063492036177052568746;0.002777777777777777883788656865;0.010714285714285714384841341484;0.006349206349206349200842147695;0.016269841269841271019780393203;0.015873015873015872134743631250;0.010714285714285714384841341484;0.004365079365079365183999193789;0.002380952380952381167156239883;0.007142857142857142634106981660;0.009126984126984127518311673555;0.016269841269841271019780393203;0.003174603174603174600421073848;0.017460317460317460735996775156;0.030158730158730159137681070547;0.008333333333333333217685101602;0.003571428571428571317053490830;0.014285714285714285268213963320;0.011111111111111111535154627461;0.011904761904761904101057723437;0.007539682539682539784420267637;0.009126984126984127518311673555;0.013888888888888888117900677344;0.019841269841269840168429539062;0.017063492063492061850960013203;0.004365079365079365183999193789;0.007142857142857142634106981660;0.003174603174603174600421073848;0.012698412698412698401684295391;0.006349206349206349200842147695;0.004365079365079365183999193789;0.012301587301587301251371009414;0.018650793650793650452213157109;0.006349206349206349200842147695;0.009523809523809524668624959531;0.009920634920634920084214769531;0.014285714285714285268213963320;0.005952380952380952050528861719;0.017857142857142856151586585156;0.000000000000000000000000000000;0.012698412698412698401684295391;0.008333333333333333217685101602;0.017063492063492061850960013203;0.006349206349206349200842147695;0.005555555555555555767577313730;0.013095238095238095551997581367;0.004761904761904762334312479766
-0.016250000000000000555111512313;0.016666666666666666435370203203;0.023333333333333334397297065266;0.374166666666666647422800906497;0.003333333333333333547282562037;0.012500000000000000693889390391;0.008333333333333333217685101602;0.018749999999999999306110609609;0.013333333333333334189130248149;0.014166666666666665949647629930;0.005416666666666666851703837438;0.010000000000000000208166817117;0.011666666666666667198648532633;0.012500000000000000693889390391;0.023333333333333334397297065266;0.015833333333333334674852821422;0.022083333333333333287074040641;0.026666666666666668378260496297;0.011249999999999999583666365766;0.005833333333333333599324266316;0.012500000000000000693889390391;0.014166666666666665949647629930;0.010000000000000000208166817117;0.020000000000000000416333634234;0.021250000000000001526556658860;0.014583333333333333564629796797;0.022083333333333333287074040641;0.012083333333333333078907223523;0.004166666666666666608842550801;0.009166666666666666712925959359;0.012500000000000000693889390391;0.017916666666666667545593227828;0.005416666666666666851703837438;0.005833333333333333599324266316;0.022499999999999999167332731531;0.017916666666666667545593227828;0.004166666666666666608842550801;0.010416666666666666088425508008;0.001666666666666666773641281019;0.020000000000000000416333634234;0.006250000000000000346944695195;0.009583333333333332593184650250;0.000000000000000000000000000000;0.012500000000000000693889390391;0.013750000000000000069388939039;0.015416666666666667059870654555;0.009166666666666666712925959359;0.010833333333333333703407674875;0.013750000000000000069388939039;0.005000000000000000104083408559
-0.017083333333333332315628894094;0.002083333333333333304421275400;0.063333333333333338699411285688;0.022499999999999999167332731531;0.000000000000000000000000000000;0.006250000000000000346944695195;0.002916666666666666799662133158;0.022916666666666665047591422422;0.005833333333333333599324266316;0.081250000000000002775557561563;0.009166666666666666712925959359;0.002083333333333333304421275400;0.004166666666666666608842550801;0.050416666666666665186369300500;0.005000000000000000104083408559;0.009166666666666666712925959359;0.022916666666666665047591422422;0.020000000000000000416333634234;0.002083333333333333304421275400;0.007499999999999999722444243844;0.009583333333333332593184650250;0.015833333333333334674852821422;0.002916666666666666799662133158;0.118749999999999994448884876874;0.014999999999999999444888487687;0.056250000000000001387778780781;0.025000000000000001387778780781;0.021250000000000001526556658860;0.002916666666666666799662133158;0.000833333333333333386820640509;0.001250000000000000026020852140;0.043333333333333334813630699500;0.000833333333333333386820640509;0.005000000000000000104083408559;0.008333333333333333217685101602;0.085833333333333330927850113312;0.013750000000000000069388939039;0.008750000000000000832667268469;0.002500000000000000052041704279;0.004583333333333333356462979680;0.005416666666666666851703837438;0.004166666666666666608842550801;0.000000000000000000000000000000;0.051249999999999996946886682281;0.000416666666666666693410320255;0.025416666666666667268037471672;0.059583333333333335368742211813;0.027500000000000000138777878078;0.012500000000000000693889390391;0.014583333333333333564629796797
-0.021904761904761906043948016531;0.009047619047619047394359625969;0.028095238095238096731609545031;0.353809523809523795989662175998;0.025238095238095236555464495609;0.015238095238095238082021154469;0.002857142857142857140378966463;0.011904761904761904101057723437;0.002857142857142857140378966463;0.020000000000000000416333634234;0.009047619047619047394359625969;0.012857142857142856914864914586;0.009523809523809524668624959531;0.022857142857142857123031731703;0.013809523809523809728672105734;0.014285714285714285268213963320;0.005714285714285714280757932926;0.014761904761904762542479296883;0.017142857142857143709635536766;0.001428571428571428570189483231;0.010476190476190475747708674703;0.008095238095238094580552434820;0.002857142857142857140378966463;0.040952380952380955381197935594;0.022857142857142857123031731703;0.030476190476190476164042308937;0.017142857142857143709635536766;0.020000000000000000416333634234;0.002857142857142857140378966463;0.014761904761904762542479296883;0.012380952380952381375323057000;0.012857142857142856914864914586;0.006190476190476190687661528500;0.003809523809523809520505288617;0.010952380952380953021974008266;0.031904761904761907986838309625;0.006666666666666667094565124074;0.009523809523809524668624959531;0.000952380952380952380126322154;0.009523809523809524668624959531;0.003809523809523809520505288617;0.002857142857142857140378966463;0.000000000000000000000000000000;0.016666666666666666435370203203;0.014285714285714285268213963320;0.011428571428571428561515865852;0.026190476190476191103995162734;0.013809523809523809728672105734;0.012380952380952381375323057000;0.010952380952380953021974008266
-0.030107526881720431816136240855;0.014516129032258065154059600843;0.038709677419354840410825602248;0.190860215053763437875744557459;0.018817204301075269451404281540;0.016129032258064515681361683619;0.005376344086021505805361719865;0.018279569892473118697395761956;0.006451612903225806446017021045;0.032258064516129031362723367238;0.007526881720430107954034060214;0.009677419354838710102706400562;0.012903225806451612892034042090;0.044086021505376341012016894183;0.016129032258064515681361683619;0.025806451612903225784068084181;0.013440860215053763646042561675;0.017741935483870967943387242372;0.013978494623655914400051081259;0.003225806451612903223008510523;0.012903225806451612892034042090;0.008602150537634408594689361394;0.003225806451612903223008510523;0.045161290322580642520033933351;0.032258064516129031362723367238;0.035483870967741935886774484743;0.020967741935483872467438359877;0.019354838709677420205412801124;0.001075268817204301074336170174;0.015591397849462364927353164035;0.008064516129032257840680841809;0.015591397849462364927353164035;0.004838709677419355051353200281;0.005913978494623655692008501461;0.017204301075268817189378722787;0.029032258064516130308119201686;0.006451612903225806446017021045;0.011290322580645160630008483338;0.000000000000000000000000000000;0.008602150537634408594689361394;0.004301075268817204297344680697;0.015053763440860215908068120427;0.000000000000000000000000000000;0.029032258064516130308119201686;0.003763440860215053977017030107;0.015053763440860215908068120427;0.037634408602150538902808563080;0.028494623655913979554110682102;0.015591397849462364927353164035;0.013440860215053763646042561675
-0.041269841269841268938112222031;0.003571428571428571317053490830;0.051587301587301584437916801562;0.059126984126984125089698807187;0.010714285714285714384841341484;0.018253968253968255036623347110;0.002380952380952381167156239883;0.017063492063492061850960013203;0.006746031746031746351155433672;0.043650793650793648370544985937;0.017857142857142856151586585156;0.006746031746031746351155433672;0.009523809523809524668624959531;0.057539682539682536488445663281;0.006349206349206349200842147695;0.027380952380952380820211544687;0.013492063492063492702310867344;0.013492063492063492702310867344;0.009126984126984127518311673555;0.008333333333333333217685101602;0.014682539682539682418527249297;0.009523809523809524668624959531;0.007142857142857142634106981660;0.054365079365079366224833279375;0.032142857142857139685077072500;0.054761904761904761640423089375;0.025396825396825396803368590781;0.001190476190476190583578119941;0.000793650793650793650105268462;0.008333333333333333217685101602;0.007539682539682539784420267637;0.024206349206349207087152208828;0.005158730158730158617264027754;0.009523809523809524668624959531;0.023809523809523808202115446875;0.049206349206349205005484037656;0.015873015873015872134743631250;0.009126984126984127518311673555;0.000000000000000000000000000000;0.012301587301587301251371009414;0.004365079365079365183999193789;0.001190476190476190583578119941;0.000000000000000000000000000000;0.025793650793650792218958400781;0.001984126984126984016842953906;0.019047619047619049337249919063;0.060714285714285713690951951094;0.047222222222222220988641083750;0.026984126984126985404621734688;0.023412698412698412786525636875
-0.035606060606060606354983377742;0.007575757575757575967845269815;0.053787878787878787290033244517;0.050000000000000002775557561563;0.020075757575757576661734660206;0.014772727272727272443408885749;0.005681818181818181975883952362;0.020833333333333332176851016015;0.004545454545454545233762466694;0.042803030303030301095823517699;0.017045454545454544192928381108;0.010227272727272727209646419055;0.014015151515151515193569053963;0.046969696969696966837304330511;0.014015151515151515193569053963;0.017045454545454544192928381108;0.012121212121212121201607736509;0.021212121212121213403856145874;0.010984848484848484459486250842;0.010227272727272727209646419055;0.019696969696969695434729530348;0.006818181818181817850643700041;0.006439393939393939225723784148;0.062878787878787881227005129858;0.034090909090909088385856762216;0.049242424242424240321547301846;0.031439393939393940613502564929;0.006060606060606060600803868255;0.003409090909090908925321850020;0.012121212121212121201607736509;0.009469696969696969959806587269;0.025000000000000001387778780781;0.005303030303030303350964036468;0.006060606060606060600803868255;0.018939393939393939919613174538;0.057575757575757578743402831378;0.015530303030303029693248717535;0.014015151515151515193569053963;0.000378787878787878787550241766;0.007954545454545453725403447720;0.006818181818181817850643700041;0.001893939393939393991961317454;0.000000000000000000000000000000;0.032575757575757577355624050597;0.004924242424242423858682382587;0.020454545454545454419292838111;0.055681818181818179547271085994;0.023484848484848483418652165255;0.015530303030303029693248717535;0.016666666666666666435370203203
-0.038518518518518521376314822646;0.005925925925925925631665425186;0.020740740740740740144509857146;0.293333333333333334813630699500;0.009629629629629630344078705662;0.028148148148148147834612942120;0.008888888888888888881179006773;0.019629629629629628817522046802;0.004074074074074073709139653943;0.019259259259259260688157411323;0.012592592592592592726230549260;0.017777777777777777762358013547;0.019629629629629628817522046802;0.015925925925925926707193980292;0.016666666666666666435370203203;0.028148148148148147834612942120;0.008518518518518519017090895318;0.012962962962962962590318660716;0.021111111111111111743321444578;0.003333333333333333547282562037;0.016666666666666666435370203203;0.009259259259259258745267118229;0.004444444444444444440589503387;0.022592592592592591199673890401;0.031481481481481478346129421197;0.026296296296296296779448908865;0.018148148148148149361169600979;0.001851851851851851922525771243;0.000370370370370370351979089074;0.027407407407407408106436719208;0.022962962962962962798485477833;0.014814814814814815380206169948;0.004444444444444444440589503387;0.005925925925925925631665425186;0.008518518518518519017090895318;0.011481481481481481399242738917;0.006296296296296296363115274630;0.027037037037037036507625131776;0.000000000000000000000000000000;0.005555555555555555767577313730;0.005185185185185185036127464286;0.002962962962962962815832712593;0.000000000000000000000000000000;0.026296296296296296779448908865;0.014074074074074073917306471060;0.022962962962962962798485477833;0.021481481481481479872686080057;0.015555555555555555108382392859;0.011481481481481481399242738917;0.009629629629629630344078705662
-0.044715447154471545110343555507;0.002439024390243902436908873810;0.058943089430894310409847491883;0.006504065040650406498423663493;0.002439024390243902436908873810;0.010569105691056910126257584182;0.001626016260162601624605915873;0.016666666666666666435370203203;0.008130081300813008990391317354;0.037398373983739838233297803072;0.017073170731707318359404723651;0.005284552845528455063128792091;0.009349593495934959558324450768;0.074390243902439021073114133742;0.002845528455284553059900787275;0.026422764227642277917729174419;0.016666666666666666435370203203;0.019105691056910567571236470030;0.010569105691056910126257584182;0.010569105691056910126257584182;0.015853658536585366056748114261;0.012195121951219512618225238043;0.004065040650406504495195658677;0.069512195121951225740275503995;0.031707317073170732113496228521;0.048780487804878050472900952172;0.022357723577235772555171777753;0.000406504065040650406151478968;0.000406504065040650406151478968;0.002845528455284553059900787275;0.001219512195121951218454436905;0.025203252032520325615072565029;0.004878048780487804873817747620;0.009756097560975609747635495239;0.023983739837398373312415955638;0.058536585365853661955259923388;0.010975609756097560315568628653;0.011788617886178862428914193572;0.000000000000000000000000000000;0.010162601626016259936946539710;0.003252032520325203249211831746;0.003252032520325203249211831746;0.000000000000000000000000000000;0.038211382113821135142472940061;0.002439024390243902436908873810;0.026016260162601625993694653971;0.070731707317073164165144305571;0.056504065040650405804534273102;0.025609756097560974069660133523;0.027642276422764226750938831856
-0.027243589743589743945584302764;0.002564102564102564100340098108;0.064423076923076916244781386922;0.146153846153846161959322103030;0.000000000000000000000000000000;0.016666666666666666435370203203;0.002243589743589743425167259971;0.009294871794871794809522747016;0.010897435897435896884344330715;0.035897435897435894802676159543;0.012179487179487179585035683260;0.008333333333333333217685101602;0.016346153846153847061239972049;0.045192307692307691346922382536;0.001602564102564102508502452693;0.022435897435897435986396075691;0.020192307692307693428590553708;0.018269230769230770244915262879;0.003846153846153846367350581659;0.010576923076923077510214099561;0.010256410256410256401360392431;0.022115384615384616612265844537;0.010897435897435896884344330715;0.036217948717948721115700294604;0.032051282051282048435325577884;0.038461538461538463673505816587;0.016666666666666666435370203203;0.019551282051282051210883139447;0.001602564102564102508502452693;0.003525641025641025692177743522;0.008012820512820512108831394471;0.021153846153846155020428199123;0.004487179487179486850334519943;0.011217948717948717993198037846;0.033333333333333332870740406406;0.034294871794871797932025003774;0.008974358974358973700669039886;0.012179487179487179585035683260;0.001923076923076923183675290829;0.028525641025641024911552179333;0.001602564102564102508502452693;0.002564102564102564100340098108;0.000000000000000000000000000000;0.027564102564102563319714533918;0.001282051282051282050170049054;0.018589743589743589619045494032;0.042628205128205129414986629399;0.036217948717948721115700294604;0.022756410256410255360526306845;0.016987179487179485809500434357
-0.008750000000000000832667268469;0.007083333333333332974823814965;0.022083333333333333287074040641;0.607083333333333308168278108496;0.000000000000000000000000000000;0.004583333333333333356462979680;0.006250000000000000346944695195;0.013750000000000000069388939039;0.016250000000000000555111512313;0.011249999999999999583666365766;0.005416666666666666851703837438;0.003333333333333333547282562037;0.001250000000000000026020852140;0.012916666666666666574148081281;0.020416666666666666296592325125;0.009583333333333332593184650250;0.007083333333333332974823814965;0.006250000000000000346944695195;0.007916666666666667337426410711;0.002916666666666666799662133158;0.010833333333333333703407674875;0.010416666666666666088425508008;0.001250000000000000026020852140;0.014999999999999999444888487687;0.011666666666666667198648532633;0.017500000000000001665334536938;0.013750000000000000069388939039;0.003749999999999999861222121922;0.005416666666666666851703837438;0.002916666666666666799662133158;0.001250000000000000026020852140;0.010416666666666666088425508008;0.000833333333333333386820640509;0.007916666666666667337426410711;0.003333333333333333547282562037;0.011666666666666667198648532633;0.002916666666666666799662133158;0.005833333333333333599324266316;0.002083333333333333304421275400;0.004166666666666666608842550801;0.010000000000000000208166817117;0.006666666666666667094565124074;0.000000000000000000000000000000;0.012083333333333333078907223523;0.007499999999999999722444243844;0.010000000000000000208166817117;0.013750000000000000069388939039;0.010416666666666666088425508008;0.004583333333333333356462979680;0.007916666666666667337426410711
-0.054964539007092201583493107364;0.004255319148936170282893076688;0.042907801418439715790409394458;0.000000000000000000000000000000;0.000709219858156028416622251864;0.018085106382978721750731665452;0.001773049645390070878925303788;0.008510638297872340565786153377;0.003191489361702127495329373019;0.035815602836879435744155131260;0.017021276595744681131572306754;0.045744680851063826421132318956;0.009574468085106382919668988052;0.072695035460992901699128765358;0.000000000000000000000000000000;0.042553191489361701094207290907;0.009574468085106382919668988052;0.007801418439716312040743684264;0.005673758865248227332978014914;0.005673758865248227332978014914;0.009219858156028368223466884501;0.002482269503546099403967772901;0.002482269503546099403967772901;0.044326241134751774575217808660;0.050709219858156025229067864757;0.063120567375886518779459777306;0.019858156028368795231742183205;0.006028368794326241161818380476;0.000000000000000000000000000000;0.006382978723404254990658746038;0.039361702127659575767282262859;0.015602836879432624081487368528;0.002127659574468085141446538344;0.007801418439716312040743684264;0.023758865248226949951071418354;0.041489361702127657005600980256;0.011702127659574467627434657402;0.030851063829787233466772633506;0.000000000000000000000000000000;0.003191489361702127495329373019;0.001773049645390070878925303788;0.009929078014184397615871091602;0.000000000000000000000000000000;0.024468085106382979343475625456;0.000709219858156028416622251864;0.017730496453900710523976513855;0.073404255319148931091532972459;0.057092198581560282821811824761;0.019858156028368795231742183205;0.028014184397163119366602757054
-0.073703703703703701832772310354;0.001481481481481481407916356297;0.025555555555555557051272685953;0.015555555555555555108382392859;0.001111111111111111110147375847;0.040370370370370368962031903948;0.001851851851851851922525771243;0.009629629629629630344078705662;0.002962962962962962815832712593;0.018518518518518517490534236458;0.012592592592592592726230549260;0.121851851851851850083718886708;0.007777777777777777554191196430;0.020740740740740740144509857146;0.001481481481481481407916356297;0.077407407407407410881994280771;0.006666666666666667094565124074;0.005555555555555555767577313730;0.011851851851851851263330850372;0.004444444444444444440589503387;0.012222222222222222862142437805;0.004814814814814815172039352831;0.001851851851851851922525771243;0.022222222222222223070309254922;0.062592592592592588562894206916;0.030740740740740742087400150240;0.009259259259259258745267118229;0.000000000000000000000000000000;0.000740740740740740703958178148;0.019259259259259260688157411323;0.188518518518518529702987507335;0.004814814814814815172039352831;0.001481481481481481407916356297;0.001851851851851851922525771243;0.007037037037037036958653235530;0.012962962962962962590318660716;0.005185185185185185036127464286;0.057037037037037038866849059104;0.000370370370370370351979089074;0.004814814814814815172039352831;0.001111111111111111110147375847;0.000370370370370370351979089074;0.000000000000000000000000000000;0.011111111111111111535154627461;0.000370370370370370351979089074;0.013703703703703704053218359604;0.017407407407407406163546426114;0.017407407407407406163546426114;0.011481481481481481399242738917;0.018148148148148149361169600979
-0.033888888888888892003681263532;0.027222222222222220572307449515;0.030277777777777778456247403938;0.069722222222222227094867719188;0.008055555555555555385938149016;0.018888888888888889089345823891;0.018333333333333333425851918719;0.041111111111111112159655078813;0.009166666666666666712925959359;0.018611111111111109522875395328;0.019166666666666665186369300500;0.009444444444444444544672911945;0.016944444444444446001840631766;0.021944444444444443503838826359;0.035555555555555555524716027094;0.020000000000000000416333634234;0.009166666666666666712925959359;0.040277777777777780399137697032;0.031666666666666669349705642844;0.004722222222222222272336455973;0.032222222222222221543752596062;0.005000000000000000104083408559;0.014166666666666665949647629930;0.026944444444444444475283972906;0.030555555555555554553270880547;0.029722222222222222792753498766;0.040555555555555553026714221687;0.019722222222222220849863205672;0.001666666666666666773641281019;0.015277777777777777276635440273;0.006666666666666667094565124074;0.013611111111111110286153724758;0.017500000000000001665334536938;0.007499999999999999722444243844;0.020000000000000000416333634234;0.026666666666666668378260496297;0.014166666666666665949647629930;0.014722222222222221613141535101;0.000277777777777777777536843962;0.014444444444444443781394582516;0.011944444444444445030395485219;0.004722222222222222272336455973;0.000000000000000000000000000000;0.021666666666666667406815349750;0.016388888888888890338346726594;0.023055555555555554830826636703;0.021111111111111111743321444578;0.019722222222222220849863205672;0.032500000000000001110223024625;0.013333333333333334189130248149
-0.029333333333333332787473679559;0.032000000000000000666133814775;0.024333333333333331816028533012;0.007333333333333333196868419890;0.022999999999999999611421941381;0.022333333333333333509118645566;0.008000000000000000166533453694;0.055666666666666669849306003925;0.007000000000000000145716771982;0.016666666666666666435370203203;0.022999999999999999611421941381;0.011333333333333334147496884725;0.021000000000000001304512053935;0.014333333333333333342585191872;0.047333333333333331427450474393;0.012999999999999999403255124264;0.017000000000000001221245327088;0.041666666666666664353702032031;0.057000000000000002053912595557;0.003000000000000000062450045135;0.035333333333333334647097245806;0.003000000000000000062450045135;0.012666666666666666352103476356;0.024666666666666666601903656897;0.021666666666666667406815349750;0.022666666666666668294993769450;0.049000000000000001887379141863;0.017666666666666667323548622903;0.001000000000000000020816681712;0.035999999999999997279953589668;0.012333333333333333300951828448;0.012666666666666666352103476356;0.031333333333333331094383567006;0.004666666666666667052931760651;0.017999999999999998639976794834;0.026666666666666668378260496297;0.021333333333333332620940225866;0.007333333333333333196868419890;0.000333333333333333322202191029;0.005666666666666667073748442363;0.016666666666666666435370203203;0.005000000000000000104083408559;0.000000000000000000000000000000;0.015333333333333332496040135595;0.027333333333333334480563792113;0.016000000000000000333066907388;0.014666666666666666393736839780;0.016000000000000000333066907388;0.035333333333333334647097245806;0.015333333333333332496040135595
-0.022530864197530864334595435139;0.012654320987654321326032480499;0.023456790123456791596900927743;0.304938271604938249126348637219;0.017901234567901234961961876024;0.019444444444444444752839729063;0.007716049382716048954389265191;0.036419753086419752452496112483;0.011728395061728395798450463872;0.019135802469135803488553548846;0.013888888888888888117900677344;0.011419753086419752799440807678;0.007716049382716048954389265191;0.018518518518518517490534236458;0.024074074074074074125473288177;0.010802469135802468536144971267;0.012654320987654321326032480499;0.021296296296296295808003762318;0.031481481481481478346129421197;0.005246913580246913635929395525;0.018827160493827162224267368629;0.008333333333333333217685101602;0.004012345679012345976699460692;0.022839506172839505598881615356;0.014814814814814815380206169948;0.016666666666666666435370203203;0.028086419753086420969534486858;0.006481481481481481295159330358;0.003703703703703703845051542487;0.024382716049382715389759468394;0.006172839506172839163511412153;0.013271604938271605589328316910;0.012654320987654321326032480499;0.004012345679012345976699460692;0.009567901234567901744276774423;0.019753086419753086017125909279;0.007407407407407407690103084974;0.008641975308641974481971281818;0.002160493827160493620492820455;0.003703703703703703845051542487;0.010493827160493827271858791050;0.005555555555555555767577313730;0.000000000000000000000000000000;0.018209876543209876226248056241;0.017901234567901234961961876024;0.018518518518518517490534236458;0.019753086419753086017125909279;0.010802469135802468536144971267;0.020679012345679013279431401884;0.009567901234567901744276774423
-0.015646258503401361955598147802;0.013265306122448979053718431942;0.019727891156462583344133321361;0.542517006802721080127582808927;0.005102040816326530205115918903;0.008503401360544218454129428153;0.007482993197278911372272158786;0.019727891156462583344133321361;0.011904761904761904101057723437;0.007482993197278911372272158786;0.009863945578231291672066660681;0.008163265306122449715964251027;0.003061224489795918209805725141;0.014285714285714285268213963320;0.021428571428571428769682682969;0.009523809523809524668624959531;0.012925170068027210315553254816;0.011564625850340135362892546311;0.009863945578231291672066660681;0.002721088435374149471640548015;0.013605442176870747791883609068;0.009863945578231291672066660681;0.002380952380952381167156239883;0.014625850340136054006379140446;0.009863945578231291672066660681;0.011904761904761904101057723437;0.013945578231292516530048786194;0.005442176870748298943281096030;0.004081632653061224857982125513;0.007142857142857142634106981660;0.005442176870748298943281096030;0.012244897959183672839222900564;0.003061224489795918209805725141;0.009183673469387755930459782405;0.003401360544217686947970902267;0.017006802721088436908258856306;0.004761904761904762334312479766;0.006802721088435373895941804534;0.002380952380952381167156239883;0.004761904761904762334312479766;0.008503401360544218454129428153;0.005102040816326530205115918903;0.000000000000000000000000000000;0.012585034013605441577388077690;0.010204081632653060410231837807;0.009863945578231291672066660681;0.011904761904761904101057723437;0.007482993197278911372272158786;0.007142857142857142634106981660;0.010544217687074829148397014933
-0.018154761904761906182725894610;0.030952380952380953438307642500;0.024702380952380951356639471328;0.198809523809523797099885200623;0.019940476190476189022326991562;0.015178571428571428422737987773;0.008630952380952381514100935078;0.046428571428571430157461463750;0.009821428571428571230317317031;0.009226190476190476372209126055;0.014880952380952380126322154297;0.005952380952380952050528861719;0.014285714285714285268213963320;0.017261904761904763028201870156;0.049702380952380949274971300156;0.009821428571428571230317317031;0.014285714285714285268213963320;0.033928571428571425994125121406;0.034523809523809526056403740313;0.004464285714285714037896646289;0.020238095238095239053466301016;0.011904761904761904101057723437;0.007738095238095238359576910625;0.018154761904761906182725894610;0.016369047619047619873677845703;0.016964285714285712997062560703;0.035416666666666665741480812812;0.031547619047619046561692357500;0.004166666666666666608842550801;0.020833333333333332176851016015;0.006845238095238095205052886172;0.012797619047619047255581747891;0.015773809523809523280846178750;0.009821428571428571230317317031;0.014880952380952380126322154297;0.024107142857142858233254756328;0.009821428571428571230317317031;0.006845238095238095205052886172;0.002380952380952381167156239883;0.012797619047619047255581747891;0.010714285714285714384841341484;0.011309523809523809242949532461;0.000000000000000000000000000000;0.010416666666666666088425508008;0.023809523809523808202115446875;0.011011904761904762681257174961;0.011904761904761904101057723437;0.011904761904761904101057723437;0.021130952380952382207990325469;0.007440476190476190063161077148
-0.017916666666666667545593227828;0.022499999999999999167332731531;0.059583333333333335368742211813;0.014999999999999999444888487687;0.017083333333333332315628894094;0.014583333333333333564629796797;0.005833333333333333599324266316;0.049166666666666664076146275875;0.010833333333333333703407674875;0.020833333333333332176851016015;0.021666666666666667406815349750;0.002500000000000000052041704279;0.012916666666666666574148081281;0.040833333333333332593184650250;0.036249999999999997501998194593;0.011249999999999999583666365766;0.023750000000000000277555756156;0.042500000000000003053113317719;0.039583333333333331482961625625;0.007083333333333332974823814965;0.020833333333333332176851016015;0.012500000000000000693889390391;0.009166666666666666712925959359;0.030416666666666668239482618219;0.019166666666666665186369300500;0.029166666666666667129259593594;0.053333333333333336756520992594;0.029166666666666667129259593594;0.002083333333333333304421275400;0.022499999999999999167332731531;0.002916666666666666799662133158;0.010416666666666666088425508008;0.018749999999999999306110609609;0.006666666666666667094565124074;0.014583333333333333564629796797;0.042500000000000003053113317719;0.016250000000000000555111512313;0.006250000000000000346944695195;0.000416666666666666693410320255;0.017916666666666667545593227828;0.007499999999999999722444243844;0.007083333333333332974823814965;0.000000000000000000000000000000;0.017500000000000001665334536938;0.026666666666666668378260496297;0.010833333333333333703407674875;0.027500000000000000138777878078;0.022499999999999999167332731531;0.029166666666666667129259593594;0.014583333333333333564629796797
-0.023809523809523808202115446875;0.003061224489795918209805725141;0.096598639455782314700016399911;0.000000000000000000000000000000;0.000000000000000000000000000000;0.007482993197278911372272158786;0.001020408163265306214495531378;0.017687074829931974384589210558;0.026530612244897958107436863884;0.037074829931972787255833878817;0.009863945578231291672066660681;0.002040816326530612428991062757;0.010544217687074829148397014933;0.069047619047619052112807480626;0.002040816326530612428991062757;0.014625850340136054006379140446;0.037755102040816328201611185023;0.031972789115646257918079697902;0.002040816326530612428991062757;0.019387755102040816340691620212;0.008503401360544218454129428153;0.023469387755102041198673745726;0.016326530612244899431928502054;0.046598639455782311924458838348;0.028911564625850341009316579743;0.042176870748299316593588059732;0.020748299319727891293352328717;0.000340136054421768683955068502;0.001360544217687074735820274007;0.001360544217687074735820274007;0.001360544217687074735820274007;0.030272108843537415961977288248;0.004761904761904762334312479766;0.011564625850340135362892546311;0.027210884353741495583767218136;0.058843537414965986498405214888;0.022448979591836733249454738370;0.007482993197278911372272158786;0.002040816326530612428991062757;0.028571428571428570536427926640;0.003401360544217686947970902267;0.009523809523809524668624959531;0.000000000000000000000000000000;0.025170068027210883154776155379;0.000680272108843537367910137004;0.014285714285714285268213963320;0.058163265306122445552627908683;0.033673469387755103343629059509;0.038095238095238098674499838125;0.020068027210884353817021974464
-0.039166666666666669072149886688;0.002083333333333333304421275400;0.080000000000000001665334536938;0.000000000000000000000000000000;0.000000000000000000000000000000;0.010000000000000000208166817117;0.000833333333333333386820640509;0.017083333333333332315628894094;0.023750000000000000277555756156;0.047916666666666669904817155157;0.010000000000000000208166817117;0.006250000000000000346944695195;0.010000000000000000208166817117;0.067083333333333328152292551749;0.004166666666666666608842550801;0.018333333333333333425851918719;0.023333333333333334397297065266;0.030833333333333334119741309109;0.006666666666666667094565124074;0.019583333333333334536074943344;0.014999999999999999444888487687;0.011249999999999999583666365766;0.006666666666666667094565124074;0.065833333333333327042069527124;0.037499999999999998612221219219;0.063333333333333338699411285688;0.031250000000000000000000000000;0.000416666666666666693410320255;0.000000000000000000000000000000;0.001250000000000000026020852140;0.005000000000000000104083408559;0.029999999999999998889776975375;0.003749999999999999861222121922;0.003333333333333333547282562037;0.013333333333333334189130248149;0.062083333333333330650294357156;0.020000000000000000416333634234;0.006666666666666667094565124074;0.000833333333333333386820640509;0.010416666666666666088425508008;0.001666666666666666773641281019;0.002500000000000000052041704279;0.000000000000000000000000000000;0.023750000000000000277555756156;0.001666666666666666773641281019;0.015416666666666667059870654555;0.058749999999999996669330926125;0.040416666666666663243479007406;0.028750000000000001249000902703;0.022083333333333333287074040641
-0.030790960451977402584367027316;0.022881355932203389924595171578;0.050847457627118647360831005244;0.032203389830508473423709148165;0.016666666666666666435370203203;0.019209039548022600191190534247;0.003107344632768361744612484188;0.031638418079096043700193519044;0.014124293785310734414273348136;0.027118644067796609381515438031;0.019491525423728815052948348807;0.007627118644067796930652303189;0.018079096045197740744159276005;0.038135593220338985520623253933;0.025141242937853108818657688062;0.019774011299435029914706163368;0.011864406779661017254934307630;0.026553672316384179657999808910;0.019491525423728815052948348807;0.007062146892655367207136674068;0.013276836158192089828999904455;0.014689265536723164137788977257;0.009887005649717514957353081684;0.030225988700564972860851398195;0.035310734463276836903045108329;0.038983050847457630105896697614;0.033050847457627118008982591846;0.030225988700564972860851398195;0.001129943502824858796509954750;0.011581920903954802393176493069;0.008192090395480225786806194321;0.010734463276836157807903049388;0.012429378531073446978449936751;0.010734463276836157807903049388;0.030225988700564972860851398195;0.034463276836158192317771664648;0.013841807909604519552515533576;0.016384180790960451573612388643;0.001129943502824858796509954750;0.025141242937853108818657688062;0.006497175141242937483621044947;0.012429378531073446978449936751;0.000000000000000000000000000000;0.017514124293785311020643646884;0.019491525423728815052948348807;0.012711864406779661840207751311;0.031920903954802258561951333604;0.022033898305084745339321727897;0.036158192090395481488318552010;0.017796610169491525882401461445
-0.014166666666666665949647629930;0.024166666666666666157814447047;0.066944444444444445307951241375;0.046388888888888889228123701969;0.020000000000000000416333634234;0.009166666666666666712925959359;0.004166666666666666608842550801;0.030555555555555554553270880547;0.014722222222222221613141535101;0.036111111111111107718762980312;0.011666666666666667198648532633;0.001944444444444444388547799107;0.008333333333333333217685101602;0.038333333333333330372738601000;0.037222222222222219045750790656;0.008611111111111111049432054187;0.028333333333333331899295259859;0.041111111111111112159655078813;0.024722222222222221821308352219;0.012777777777777778525636342977;0.013055555555555556357383295563;0.018055555555555553859381490156;0.011388888888888889366901580047;0.038888888888888889505679458125;0.011666666666666667198648532633;0.028333333333333331899295259859;0.025277777777777777484802257391;0.039722222222222221266196839906;0.001944444444444444388547799107;0.013333333333333334189130248149;0.002222222222222222220294751693;0.028055555555555555802271783250;0.008611111111111111049432054187;0.008888888888888888881179006773;0.017222222222222222098864108375;0.051666666666666666296592325125;0.012500000000000000693889390391;0.004444444444444444440589503387;0.001111111111111111110147375847;0.023333333333333334397297065266;0.008888888888888888881179006773;0.010000000000000000208166817117;0.000000000000000000000000000000;0.019166666666666665186369300500;0.018611111111111109522875395328;0.010277777777777778039913769703;0.035833333333333335091186455656;0.023333333333333334397297065266;0.024166666666666666157814447047;0.010555555555555555871660722289
-0.030555555555555554553270880547;0.007291666666666666782314898398;0.061111111111111109106541761093;0.000694444444444444470947164216;0.000347222222222222235473582108;0.015972222222222220988641083750;0.004861111111111111188209932266;0.050347222222222223764198645313;0.009027777777777776929690745078;0.039236111111111110494320541875;0.021180555555555556634939051719;0.003819444444444444319158860068;0.012500000000000000693889390391;0.038541666666666668517038374375;0.005902777777777777623580135469;0.010416666666666666088425508008;0.023263888888888889505679458125;0.040972222222222222376419864531;0.014236111111111110841265237070;0.010069444444444445099784424258;0.026388888888888888811790067734;0.010416666666666666088425508008;0.020486111111111111188209932266;0.040625000000000001387778780781;0.025347222222222222376419864531;0.054861111111111110494320541875;0.051041666666666665741480812812;0.013888888888888888117900677344;0.001388888888888888941894328433;0.006944444444444444058950338672;0.003472222222222222029475169336;0.013888888888888888117900677344;0.015625000000000000000000000000;0.005555555555555555767577313730;0.022569444444444444058950338672;0.065625000000000002775557561563;0.021874999999999998612221219219;0.007291666666666666782314898398;0.000000000000000000000000000000;0.018055555555555553859381490156;0.015277777777777777276635440273;0.005902777777777777623580135469;0.000000000000000000000000000000;0.022569444444444444058950338672;0.001736111111111111014737584668;0.032638888888888890893458238907;0.025000000000000001387778780781;0.017708333333333332870740406406;0.043055555555555555247160270937;0.010416666666666666088425508008
-0.020679012345679013279431401884;0.010493827160493827271858791050;0.031790123456790123079862553368;0.255864197530864201368672183889;0.014506172839506172381196513754;0.013580246913580246853614497127;0.005246913580246913635929395525;0.023148148148148146863167795573;0.005864197530864197899225231936;0.025000000000000001387778780781;0.013271604938271605589328316910;0.004629629629629629372633559115;0.010185185185185186007572610833;0.026851851851851852442942814037;0.019753086419753086017125909279;0.010493827160493827271858791050;0.011728395061728395798450463872;0.019753086419753086017125909279;0.014197530864197531116910333537;0.005864197530864197899225231936;0.021604938271604937072289942535;0.009259259259259258745267118229;0.013580246913580246853614497127;0.035802469135802469923923752049;0.019444444444444444752839729063;0.030246913580246913288984700330;0.029629629629629630760412339896;0.026851851851851852442942814037;0.001234567901234567876070369330;0.011728395061728395798450463872;0.004012345679012345976699460692;0.014814814814814815380206169948;0.009259259259259258745267118229;0.005864197530864197899225231936;0.014814814814814815380206169948;0.034567901234567897927885127274;0.016975308641975307699656383420;0.010185185185185186007572610833;0.000925925925925925961262885622;0.012962962962962962590318660716;0.010493827160493827271858791050;0.004629629629629629372633559115;0.000000000000000000000000000000;0.019444444444444444752839729063;0.009259259259259258745267118229;0.019135802469135803488553548846;0.018827160493827162224267368629;0.011728395061728395798450463872;0.029938271604938272024698520113;0.009876543209876543008562954640
-0.017037037037037038034181790636;0.024814814814814813853649511088;0.025555555555555557051272685953;0.212962962962962965018931527084;0.046296296296296293726335591145;0.014814814814814815380206169948;0.010370370370370370072254928573;0.033333333333333332870740406406;0.003333333333333333547282562037;0.018148148148148149361169600979;0.012222222222222222862142437805;0.004074074074074073709139653943;0.014444444444444443781394582516;0.017037037037037038034181790636;0.033333333333333332870740406406;0.010000000000000000208166817117;0.010000000000000000208166817117;0.037777777777777778178691647781;0.032222222222222221543752596062;0.005555555555555555767577313730;0.016666666666666666435370203203;0.005555555555555555767577313730;0.010370370370370370072254928573;0.025925925925925925180637321432;0.014814814814814815380206169948;0.019629629629629628817522046802;0.028888888888888887562789165031;0.015185185185185185244294281404;0.002592592592592592518063732143;0.028888888888888887562789165031;0.005555555555555555767577313730;0.007777777777777777554191196430;0.013333333333333334189130248149;0.008148148148148147418279307885;0.015185185185185185244294281404;0.029629629629629630760412339896;0.015555555555555555108382392859;0.007777777777777777554191196430;0.000740740740740740703958178148;0.009259259259259258745267118229;0.011111111111111111535154627461;0.007407407407407407690103084974;0.000000000000000000000000000000;0.014074074074074073917306471060;0.020740740740740740144509857146;0.013333333333333334189130248149;0.020740740740740740144509857146;0.012962962962962962590318660716;0.027777777777777776235801354687;0.007037037037037036958653235530
-0.018604651162790697416227203576;0.054651162790697677129614362457;0.034108527131782945263083206555;0.006589147286821705334913801266;0.005426356589147286746399601043;0.009302325581395348708113601788;0.005813953488372092942571001117;0.040310077519379844401825607747;0.017829457364341085023884403427;0.020155038759689922200912803874;0.012015503875968992081313402309;0.003100775193798449569371200596;0.009689922480620154904285001862;0.026744186046511627535826605140;0.041085271317829456794168407896;0.007364341085271317727256601415;0.020542635658914728397084203948;0.068604651162790700191784765138;0.023643410852713177966455404544;0.008527131782945736315770801639;0.022868217054263565574112604395;0.013565891472868216865999002607;0.029457364341085270909026405661;0.031007751937984495693712005959;0.016279069767441860239198803129;0.030232558139534883301369205810;0.044573643410852716029157960520;0.048062015503875968325253609237;0.003100775193798449569371200596;0.011627906976744185885142002235;0.004263565891472868157885400819;0.013953488372093023062170402682;0.018604651162790697416227203576;0.005038759689922480550228200968;0.020542635658914728397084203948;0.041472868217054266459786759924;0.017829457364341085023884403427;0.004651162790697674354056800894;0.002325581395348837177028400447;0.017829457364341085023884403427;0.018604651162790697416227203576;0.018217054263565891220055803501;0.000000000000000000000000000000;0.024031007751937984162626804618;0.015891472868217054043027403054;0.014728682170542635454513202831;0.020155038759689922200912803874;0.013178294573643410669827602533;0.031007751937984495693712005959;0.012790697674418604473656202458
-0.034469696969696969612861892074;0.003030303030303030300401934127;0.068560606060606057998718654289;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006818181818181817850643700041;0.001136363636363636308440616673;0.020454545454545454419292838111;0.005303030303030303350964036468;0.057575757575757578743402831378;0.015530303030303029693248717535;0.001893939393939393991961317454;0.009848484848484847717364765174;0.080681818181818187873943770683;0.001515151515151515150200967064;0.016666666666666666435370203203;0.016666666666666666435370203203;0.019318181818181817677171352443;0.004545454545454545233762466694;0.016666666666666666435370203203;0.016287878787878788677812025298;0.007954545454545453725403447720;0.002272727272727272616881233347;0.076893939393939389481680279914;0.025378787878787879145336958686;0.070454545454545450255956495766;0.028787878787878789371701415689;0.008712121212121212709966755483;0.001136363636363636308440616673;0.001136363636363636308440616673;0.002651515151515151675482018234;0.026515151515151515887458444354;0.001893939393939393991961317454;0.008333333333333333217685101602;0.013257575757575757943729222177;0.062500000000000000000000000000;0.016666666666666666435370203203;0.009848484848484847717364765174;0.000757575757575757575100483532;0.011363636363636363951767904723;0.003787878787878787983922634908;0.007575757575757575967845269815;0.000000000000000000000000000000;0.035606060606060606354983377742;0.001515151515151515150200967064;0.015909090909090907450806895440;0.076136363636363640905457828012;0.040530303030303027611580546363;0.025000000000000001387778780781;0.020454545454545454419292838111
-0.023255813953488371770284004469;0.000000000000000000000000000000;0.060852713178294576268356763649;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006201550387596899138742401192;0.000387596899224806196171400074;0.018604651162790697416227203576;0.001937984496124030980857000372;0.097674418604651161435192818772;0.012403100775193798277484802384;0.001550387596899224784685600298;0.002713178294573643373199800521;0.071705426356589149761155965734;0.000000000000000000000000000000;0.017829457364341085023884403427;0.004651162790697674354056800894;0.010465116279069767296627802011;0.002713178294573643373199800521;0.008914728682170542511942201713;0.013178294573643410669827602533;0.002713178294573643373199800521;0.001162790697674418588514200223;0.132170542635658916363894377355;0.015503875968992247846856002980;0.079844961240310083350202319252;0.020930232558139534593255604022;0.000000000000000000000000000000;0.000775193798449612392342800149;0.000000000000000000000000000000;0.001162790697674418588514200223;0.037596899224806204498072759179;0.000775193798449612392342800149;0.004263565891472868157885400819;0.008914728682170542511942201713;0.065503875968992250622413564543;0.015503875968992247846856002980;0.009689922480620154904285001862;0.000000000000000000000000000000;0.003875968992248061961714000745;0.005426356589147286746399601043;0.000000000000000000000000000000;0.000000000000000000000000000000;0.053488372093023255071653210280;0.000000000000000000000000000000;0.024806201550387596554969604767;0.091860465116279071962068769608;0.043023255813953491244472360222;0.011240310077519379688970602160;0.014728682170542635454513202831
-0.027083333333333334258519187188;0.004166666666666666608842550801;0.107638888888888895056794581251;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006250000000000000346944695195;0.001388888888888888941894328433;0.021527777777777777623580135469;0.011111111111111111535154627461;0.045833333333333330095182844843;0.013888888888888888117900677344;0.001388888888888888941894328433;0.009722222222222222376419864531;0.071874999999999994448884876874;0.002430555555555555594104966133;0.010416666666666666088425508008;0.023611111111111110494320541875;0.027777777777777776235801354687;0.001388888888888888941894328433;0.021874999999999998612221219219;0.007986111111111110494320541875;0.015972222222222220988641083750;0.009722222222222222376419864531;0.060069444444444446140618509844;0.025000000000000001387778780781;0.045138888888888888117900677344;0.030902777777777779011358916250;0.000347222222222222235473582108;0.000347222222222222235473582108;0.000694444444444444470947164216;0.001736111111111111014737584668;0.032986111111111111882099322656;0.003472222222222222029475169336;0.015277777777777777276635440273;0.022222222222222223070309254922;0.073263888888888892281237019688;0.020486111111111111188209932266;0.005208333333333333044212754004;0.000000000000000000000000000000;0.028125000000000000693889390391;0.002430555555555555594104966133;0.003819444444444444319158860068;0.000000000000000000000000000000;0.025694444444444443365060948281;0.000000000000000000000000000000;0.010069444444444445099784424258;0.062500000000000000000000000000;0.039930555555555552471602709375;0.028819444444444446140618509844;0.018402777777777778317469525859
-0.024774774774774774993568726700;0.013513513513513514263664205828;0.081081081081081085581985234967;0.000000000000000000000000000000;0.000450450450450450457385437320;0.009909909909909909303538100289;0.003153153153153153039067735364;0.022522522522522521459809041744;0.024324324324324325674595570490;0.026126126126126126419935147283;0.013513513513513514263664205828;0.004054054054054054279099261748;0.015765765765765764327976938830;0.041891891891891894217359038066;0.004504504504504504465434155946;0.011261261261261260729904520872;0.029279279279279278591641144658;0.050450450450450448625083765819;0.006756756756756757131832102914;0.020270270270270271395496308742;0.014414414414414414636333994224;0.027477477477477477846301567865;0.029729729729729731380061252821;0.031531531531531528655953877660;0.023873873873873872886175462327;0.034684684684684684297106826989;0.027927927927927927165274724075;0.006306306306306306078135470727;0.003153153153153153039067735364;0.003603603603603603659083498556;0.006756756756756757131832102914;0.023423423423423423567202306117;0.008558558558558557877171679706;0.008558558558558557877171679706;0.039639639639639637214152401157;0.046846846846846847134404612234;0.018018018018018017861736623786;0.009009009009009008930868311893;0.006306306306306306078135470727;0.049549549549549549987137453400;0.003603603603603603659083498556;0.015765765765765764327976938830;0.000000000000000000000000000000;0.017567567567567568542763467576;0.001351351351351351426366420583;0.019819819819819818607076200578;0.038738738738738738576206088737;0.022972972972972974248229149907;0.042342342342342340066885242322;0.014864864864864865690030626411
-0.039047619047619046284136601344;0.012380952380952381375323057000;0.055238095238095238914688422938;0.000476190476190476190063161077;0.004285714285714285927408884191;0.021428571428571428769682682969;0.007142857142857142634106981660;0.038571428571428569009871267781;0.015714285714285715356286488031;0.025714285714285713829729829172;0.020952380952380951495417349406;0.009047619047619047394359625969;0.019047619047619049337249919063;0.027142857142857142183078877906;0.023333333333333334397297065266;0.019047619047619049337249919063;0.013809523809523809728672105734;0.059523809523809520505288617187;0.025714285714285713829729829172;0.012857142857142856914864914586;0.026190476190476191103995162734;0.013809523809523809728672105734;0.018571428571428572062984585500;0.038095238095238098674499838125;0.020000000000000000416333634234;0.034285714285714287419271073531;0.037619047619047621400234504563;0.005238095238095237873854337352;0.000476190476190476190063161077;0.012380952380952381375323057000;0.011904761904761904101057723437;0.010952380952380953021974008266;0.014285714285714285268213963320;0.008095238095238094580552434820;0.029999999999999998889776975375;0.034761904761904764693536407094;0.022857142857142857123031731703;0.015238095238095238082021154469;0.002857142857142857140378966463;0.017142857142857143709635536766;0.010952380952380953021974008266;0.007619047619047619041010577234;0.000000000000000000000000000000;0.017142857142857143709635536766;0.010476190476190475747708674703;0.027142857142857142183078877906;0.026666666666666668378260496297;0.018095238095238094788719251937;0.038095238095238098674499838125;0.018571428571428572062984585500
-0.018666666666666668211727042603;0.007000000000000000145716771982;0.072999999999999995448085599037;0.000333333333333333322202191029;0.003333333333333333547282562037;0.008666666666666666268836749509;0.001333333333333333288808764117;0.029000000000000001471045507628;0.006333333333333333176051738178;0.050999999999999996724842077356;0.012999999999999999403255124264;0.002000000000000000041633363423;0.003333333333333333547282562037;0.077333333333333337256121353676;0.006333333333333333176051738178;0.009333333333333334105863521302;0.019666666666666665630458510350;0.027333333333333334480563792113;0.012666666666666666352103476356;0.016666666666666666435370203203;0.015333333333333332496040135595;0.005666666666666667073748442363;0.006333333333333333176051738178;0.075666666666666659857298782299;0.011666666666666667198648532633;0.062333333333333330872338962081;0.027333333333333334480563792113;0.020666666666666666518636930050;0.000666666666666666644404382058;0.005000000000000000104083408559;0.002000000000000000041633363423;0.035999999999999997279953589668;0.009333333333333334105863521302;0.007666666666666666248020067798;0.011666666666666667198648532633;0.073999999999999996336264018737;0.025333333333333332704206952712;0.003666666666666666598434209945;0.000333333333333333322202191029;0.010999999999999999361621760841;0.005333333333333333155235056466;0.003000000000000000062450045135;0.000000000000000000000000000000;0.027666666666666665796991964044;0.004666666666666667052931760651;0.016333333333333331649495079319;0.070999999999999993671728759637;0.036999999999999998168132009368;0.022999999999999999611421941381;0.014000000000000000291433543964
-0.018627450980392156604237285933;0.002941176470588235253300624095;0.072222222222222215437525960624;0.000980392156862745084433541365;0.002941176470588235253300624095;0.015032679738562091872888792921;0.003267973856209150426005427548;0.019607843137254901688670827298;0.006535947712418300852010855095;0.039869281045751631120666047536;0.013725490196078431182069579108;0.003267973856209150426005427548;0.017973856209150325391465941038;0.062418300653594771532084450882;0.012745098039215686097636037744;0.023529411764705882026404992757;0.016993464052287580307032399674;0.022549019607843136941971451392;0.013398692810457515575683906661;0.012091503267973856619588168826;0.012091503267973856619588168826;0.008823529411764705759901872284;0.014705882352941176266503120473;0.050980392156862744390544150974;0.028758169934640521320234896052;0.046732026143790850181147789044;0.028431372549019607448572699582;0.005555555555555555767577313730;0.001307189542483660040297910321;0.009803921568627450844335413649;0.004248366013071895076758099918;0.022875816993464050813633647863;0.009150326797385621366287544731;0.016339869281045752563708006733;0.040522875816993465802884344384;0.052287581699346406816086840763;0.013398692810457515575683906661;0.009477124183006535237949741202;0.000000000000000000000000000000;0.034313725490196081424620899725;0.004248366013071895076758099918;0.001633986928104575213002713774;0.000000000000000000000000000000;0.021895424836601305729200106498;0.002614379084967320080595820642;0.021241830065359477985875713557;0.055882352941176473282158809752;0.043137254901960783715075820055;0.033660130718954246742402602877;0.025163398692810458323609879017
-0.026470588235294117279705616852;0.020261437908496732901442172192;0.042156862745098042100089230644;0.002614379084967320080595820642;0.011111111111111111535154627461;0.029738562091503266404668437417;0.004575163398692810683143772366;0.041503267973856207417870933796;0.008496732026143790153516199837;0.014705882352941176266503120473;0.022549019607843136941971451392;0.011437908496732025406816823931;0.015359477124183005744550989391;0.034967320261437909167945292666;0.028431372549019607448572699582;0.016013071895424835222598858309;0.014052287581699346788455251556;0.030718954248366011489101978782;0.038562091503267975634017261655;0.012091503267973856619588168826;0.020588235294117646773104368663;0.011437908496732025406816823931;0.016339869281045752563708006733;0.021895424836601305729200106498;0.031045751633986928830211127206;0.028104575163398693576910503111;0.046732026143790850181147789044;0.010457516339869280322383282567;0.002287581699346405341571886183;0.023202614379084968154742796287;0.009150326797385621366287544731;0.016666666666666666435370203203;0.016013071895424835222598858309;0.016993464052287580307032399674;0.034967320261437909167945292666;0.032679738562091505127416013465;0.014379084967320260660117448026;0.010457516339869280322383282567;0.000653594771241830020148955160;0.023529411764705882026404992757;0.009477124183006535237949741202;0.008169934640522876281854003366;0.000000000000000000000000000000;0.016666666666666666435370203203;0.020588235294117646773104368663;0.017320261437908497648141548098;0.031372549019607842701873323676;0.025490196078431372195272075487;0.036274509803921571593487982454;0.021241830065359477985875713557
-0.013392857142857142113689938867;0.009821428571428571230317317031;0.058035714285714287696826829688;0.335119047619047594199770401246;0.003273809523809523887999395342;0.004166666666666666608842550801;0.004464285714285714037896646289;0.015178571428571428422737987773;0.007142857142857142634106981660;0.018749999999999999306110609609;0.008630952380952381514100935078;0.002678571428571428596210335371;0.006547619047619047775998790684;0.040178571428571431545240244532;0.016369047619047619873677845703;0.011904761904761904101057723437;0.018452380952380952744418252109;0.023511904761904761640423089375;0.006250000000000000346944695195;0.012500000000000000693889390391;0.006845238095238095205052886172;0.016666666666666666435370203203;0.008333333333333333217685101602;0.031547619047619046561692357500;0.016071428571428569842538536250;0.021428571428571428769682682969;0.015178571428571428422737987773;0.008333333333333333217685101602;0.002678571428571428596210335371;0.006250000000000000346944695195;0.002976190476190476025264430859;0.018154761904761906182725894610;0.002678571428571428596210335371;0.009226190476190476372209126055;0.019642857142857142460634634062;0.036011904761904758864865527812;0.011309523809523809242949532461;0.007440476190476190063161077148;0.003273809523809523887999395342;0.016964285714285712997062560703;0.004761904761904762334312479766;0.007142857142857142634106981660;0.000000000000000000000000000000;0.017857142857142856151586585156;0.006250000000000000346944695195;0.010714285714285714384841341484;0.030357142857142856845475975547;0.014583333333333333564629796797;0.020833333333333332176851016015;0.010119047619047619526733150508
-0.017948717948717947401338079771;0.013782051282051281659857266959;0.020833333333333332176851016015;0.468910256410256409687065115577;0.008012820512820512108831394471;0.006089743589743589792517841630;0.009615384615384615918376454147;0.023717948717948716952363952259;0.004166666666666666608842550801;0.022756410256410255360526306845;0.008333333333333333217685101602;0.002884615384615384775512936244;0.005448717948717948442172165358;0.017628205128205128027207848618;0.029166666666666667129259593594;0.009294871794871794809522747016;0.009294871794871794809522747016;0.017307692307692308653077617464;0.012820512820512820068019621544;0.003205128205128205017004905386;0.013141025641025641176873328675;0.004166666666666666608842550801;0.001602564102564102508502452693;0.021474358974358974394558430276;0.009615384615384615918376454147;0.016666666666666666435370203203;0.019230769230769231836752908293;0.016666666666666666435370203203;0.005128205128205128200680196215;0.011217948717948717993198037846;0.003205128205128205017004905386;0.015384615384615385469402326635;0.004487179487179486850334519943;0.007051282051282051384355487045;0.002243589743589743425167259971;0.024038461538461539795941135367;0.004807692307692307959188227073;0.006410256410256410034009810772;0.002243589743589743425167259971;0.001923076923076923183675290829;0.007692307692307692734701163317;0.007371794871794871625847456187;0.000000000000000000000000000000;0.014743589743589743251694912374;0.014423076923076923877564681220;0.013782051282051281659857266959;0.019230769230769231836752908293;0.007692307692307692734701163317;0.005769230769230769551025872488;0.007371794871794871625847456187
-0.014379084967320260660117448026;0.009150326797385621366287544731;0.023202614379084968154742796287;0.509150326797385588406541501172;0.007516339869281045936444396460;0.008169934640522876281854003366;0.005555555555555555767577313730;0.014052287581699346788455251556;0.008169934640522876281854003366;0.022222222222222223070309254922;0.009150326797385621366287544731;0.007843137254901960675468330919;0.002287581699346405341571886183;0.018954248366013070475899482403;0.025490196078431372195272075487;0.011764705882352941013202496379;0.009477124183006535237949741202;0.015359477124183005744550989391;0.013071895424836601704021710191;0.002287581699346405341571886183;0.014379084967320260660117448026;0.004575163398692810683143772366;0.001307189542483660040297910321;0.024836601307189540982500730593;0.013071895424836601704021710191;0.022549019607843136941971451392;0.013071895424836601704021710191;0.003921568627450980337734165460;0.002287581699346405341571886183;0.008823529411764705759901872284;0.001960784313725490168867082730;0.014705882352941176266503120473;0.002614379084967320080595820642;0.004901960784313725422167706824;0.001960784313725490168867082730;0.023856209150326795898067189228;0.005882352941176470506601248189;0.006862745098039215591034789554;0.000000000000000000000000000000;0.002614379084967320080595820642;0.007516339869281045936444396460;0.002287581699346405341571886183;0.000000000000000000000000000000;0.018300653594771242732575089462;0.009803921568627450844335413649;0.012745098039215686097636037744;0.020261437908496732901442172192;0.006862745098039215591034789554;0.002287581699346405341571886183;0.008496732026143790153516199837
-0.028787878787878789371701415689;0.004924242424242423858682382587;0.060606060606060607742762158523;0.204545454545454558070716188922;0.004166666666666666608842550801;0.014772727272727272443408885749;0.007196969696969697342925353922;0.022727272727272727903535809446;0.006439393939393939225723784148;0.031818181818181814901613790880;0.017424242424242425419933510966;0.005303030303030303350964036468;0.007196969696969697342925353922;0.043560606060606063549833777415;0.009848484848484847717364765174;0.017803030303030303177491688871;0.011363636363636363951767904723;0.019318181818181817677171352443;0.010227272727272727209646419055;0.004924242424242423858682382587;0.014015151515151515193569053963;0.008333333333333333217685101602;0.003409090909090908925321850020;0.051515151515151513805790273182;0.021590909090909091161414323778;0.045454545454545455807071618892;0.028409090909090908144696285831;0.008333333333333333217685101602;0.002651515151515151675482018234;0.005681818181818181975883952362;0.002272727272727272616881233347;0.024242424242424242403215473018;0.004924242424242423858682382587;0.002651515151515151675482018234;0.006818181818181817850643700041;0.044318181818181819064950133225;0.008333333333333333217685101602;0.010227272727272727209646419055;0.000000000000000000000000000000;0.004924242424242423858682382587;0.005681818181818181975883952362;0.003030303030303030300401934127;0.000000000000000000000000000000;0.026893939393939393645016622258;0.006439393939393939225723784148;0.022727272727272727903535809446;0.050378787878787877063668787514;0.024621212121212120160773650923;0.012121212121212121201607736509;0.017045454545454544192928381108
-0.030263157894736842506988594437;0.003947368421052631706769098230;0.081578947368421056429710347402;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008333333333333333217685101602;0.001315789473684210496642887911;0.022368421052631579093450397977;0.018859649122807017190828204889;0.058771929824561405797389568306;0.019736842105263156799122015173;0.001315789473684210496642887911;0.006578947368421052266374005058;0.060964912280701756552847569992;0.005701754385964912658080194774;0.023245614035087718701744208261;0.021052631578947367946286206575;0.018421052631578945651957823770;0.005701754385964912658080194774;0.009649122807017544364849293004;0.011403508771929825316160389548;0.015350877192982455288206011801;0.001315789473684210496642887911;0.071052631578947367252396816184;0.025438596491228069457202209946;0.059649122807017541936236426636;0.030263157894736842506988594437;0.036842105263157891303915647541;0.002192982456140350755458001686;0.002192982456140350755458001686;0.002192982456140350755458001686;0.030701754385964910576412023602;0.003070175438596491231113549958;0.003947368421052631706769098230;0.008333333333333333217685101602;0.053508771929824561208732802697;0.014912280701754385484059106659;0.007017543859649122937882648188;0.001315789473684210496642887911;0.009210526315789472825978911885;0.003070175438596491231113549958;0.028947368421052631359824403035;0.000000000000000000000000000000;0.023684210526315790240614589379;0.002192982456140350755458001686;0.016666666666666666435370203203;0.075877192982456140302183200674;0.025000000000000001387778780781;0.021491228070175439485156587693;0.015350877192982455288206011801
-0.015151515151515151935690539631;0.019318181818181817677171352443;0.010227272727272727209646419055;0.190151515151515154711248101194;0.070075757575757569028951365908;0.026136363636363634660453314495;0.004924242424242423858682382587;0.019318181818181817677171352443;0.018560606060606062162054996634;0.006439393939393939225723784148;0.011363636363636363951767904723;0.045833333333333330095182844843;0.017045454545454544192928381108;0.007575757575757575967845269815;0.020833333333333332176851016015;0.005681818181818181975883952362;0.012500000000000000693889390391;0.023863636363636364645657295114;0.025000000000000001387778780781;0.004545454545454545233762466694;0.015909090909090907450806895440;0.010606060606060606701928072937;0.013636363636363635701287400082;0.010227272727272727209646419055;0.009848484848484847717364765174;0.010984848484848484459486250842;0.017424242424242425419933510966;0.052651515151515150547911758849;0.000757575757575757575100483532;0.082575757575757580131181612160;0.023106060606060605661093987351;0.005681818181818181975883952362;0.013257575757575757943729222177;0.006818181818181817850643700041;0.018181818181818180935049866775;0.011742424242424241709326082628;0.003787878787878787983922634908;0.009090909090909090467524933388;0.006439393939393939225723784148;0.018181818181818180935049866775;0.007954545454545453725403447720;0.030681818181818181628939257166;0.000000000000000000000000000000;0.007575757575757575967845269815;0.018181818181818180935049866775;0.008712121212121212709966755483;0.004924242424242423858682382587;0.004545454545454545233762466694;0.015530303030303029693248717535;0.006439393939393939225723784148
-0.027651515151515152629579930021;0.009848484848484847717364765174;0.063636363636363629803227581760;0.002272727272727272616881233347;0.000757575757575757575100483532;0.010227272727272727209646419055;0.001893939393939393991961317454;0.012878787878787878451447568295;0.022727272727272727903535809446;0.034848484848484850839867021932;0.020075757575757576661734660206;0.003030303030303030300401934127;0.016287878787878788677812025298;0.053787878787878787290033244517;0.002651515151515151675482018234;0.030681818181818181628939257166;0.025757575757575756902895136591;0.021969696969696968918972501683;0.003030303030303030300401934127;0.010227272727272727209646419055;0.008333333333333333217685101602;0.020075757575757576661734660206;0.012878787878787878451447568295;0.054166666666666668517038374375;0.028030303030303030387138107926;0.045454545454545455807071618892;0.019696969696969695434729530348;0.036363636363636361870099733551;0.000757575757575757575100483532;0.005681818181818181975883952362;0.003409090909090908925321850020;0.023863636363636364645657295114;0.005681818181818181975883952362;0.010606060606060606701928072937;0.036742424242424243097104863409;0.053787878787878787290033244517;0.010606060606060606701928072937;0.012500000000000000693889390391;0.005303030303030303350964036468;0.028030303030303030387138107926;0.002651515151515151675482018234;0.026515151515151515887458444354;0.000000000000000000000000000000;0.018560606060606062162054996634;0.000378787878787878787550241766;0.015530303030303029693248717535;0.050378787878787877063668787514;0.042045454545454545580707161889;0.027651515151515152629579930021;0.020075757575757576661734660206
-0.025000000000000001387778780781;0.031818181818181814901613790880;0.031818181818181814901613790880;0.052272727272727269320906628991;0.029924242424242422644375949403;0.014393939393939394685850707845;0.007196969696969697342925353922;0.041287878787878790065590806080;0.007196969696969697342925353922;0.014015151515151515193569053963;0.018181818181818180935049866775;0.006818181818181817850643700041;0.014393939393939394685850707845;0.021969696969696968918972501683;0.053030303030303031774916888708;0.012121212121212121201607736509;0.011363636363636363951767904723;0.037878787878787879839226349077;0.041287878787878790065590806080;0.007196969696969697342925353922;0.026893939393939393645016622258;0.010227272727272727209646419055;0.020075757575757576661734660206;0.021590909090909091161414323778;0.022348484848484850145977631541;0.023484848484848483418652165255;0.043939393939393937837945003366;0.040909090909090908838585676222;0.003787878787878787983922634908;0.021969696969696968918972501683;0.005681818181818181975883952362;0.008712121212121212709966755483;0.020075757575757576661734660206;0.009469696969696969959806587269;0.026136363636363634660453314495;0.028787878787878789371701415689;0.013257575757575757943729222177;0.008333333333333333217685101602;0.001136363636363636308440616673;0.013636363636363635701287400082;0.015530303030303029693248717535;0.006818181818181817850643700041;0.000000000000000000000000000000;0.010606060606060606701928072937;0.028030303030303030387138107926;0.011742424242424241709326082628;0.019696969696969695434729530348;0.015530303030303029693248717535;0.029166666666666667129259593594;0.013257575757575757943729222177
-0.035714285714285712303173170312;0.032142857142857139685077072500;0.013988095238095238706521605820;0.020238095238095239053466301016;0.022619047619047618485899064922;0.041071428571428571230317317031;0.004761904761904762334312479766;0.036309523809523812365451789219;0.002976190476190476025264430859;0.011607142857142857539365365938;0.033333333333333332870740406406;0.013392857142857142113689938867;0.038988095238095238359576910625;0.020535714285714285615158658516;0.036607142857142858927144146719;0.015773809523809523280846178750;0.012202380952380952397473556914;0.028273809523809523974735569141;0.042559523809523810977673008438;0.002678571428571428596210335371;0.027083333333333334258519187188;0.001785714285714285658526745415;0.014583333333333333564629796797;0.013988095238095238706521605820;0.048214285714285716466509512657;0.030357142857142856845475975547;0.040773809523809524668624959531;0.034821428571428572618096097813;0.000595238095238095291789059971;0.038095238095238098674499838125;0.009821428571428571230317317031;0.006547619047619047775998790684;0.033928571428571425994125121406;0.004761904761904762334312479766;0.027678571428571427381903902187;0.021428571428571428769682682969;0.015773809523809523280846178750;0.009226190476190476372209126055;0.000000000000000000000000000000;0.004464285714285714037896646289;0.011011904761904762681257174961;0.004761904761904762334312479766;0.000000000000000000000000000000;0.009523809523809524668624959531;0.029166666666666667129259593594;0.016071428571428569842538536250;0.012797619047619047255581747891;0.015476190476190476719153821250;0.037202380952380952050528861719;0.014285714285714285268213963320
-0.017479674796747966813992292145;0.032926829268292684416152837912;0.009349593495934959558324450768;0.270325203252032519873893079421;0.065447154471544713438824203422;0.020325203252032519873893079421;0.010162601626016259936946539710;0.032113821138211380568083797016;0.009349593495934959558324450768;0.003252032520325203249211831746;0.012195121951219512618225238043;0.008943089430894309369013406297;0.007723577235772357933718534895;0.010162601626016259936946539710;0.043495934959349592807686946117;0.013008130081300812996847326986;0.004878048780487804873817747620;0.023170731707317072933793866696;0.034552845528455285173397015797;0.001626016260162601624605915873;0.023577235772357724857828387144;0.004878048780487804873817747620;0.012195121951219512618225238043;0.010569105691056910126257584182;0.014634146341463415488814980847;0.009349593495934959558324450768;0.023577235772357724857828387144;0.040650406504065039747786158841;0.001219512195121951218454436905;0.035772357723577237476053625187;0.011788617886178862428914193572;0.008943089430894309369013406297;0.015040650406504065678126025318;0.002439024390243902436908873810;0.011788617886178862428914193572;0.013414634146341463186158371457;0.005284552845528455063128792091;0.010569105691056910126257584182;0.000813008130081300812302957937;0.012601626016260162807536282514;0.010975609756097560315568628653;0.006097560975609756309112619022;0.000000000000000000000000000000;0.010162601626016259936946539710;0.033333333333333332870740406406;0.012601626016260162807536282514;0.005284552845528455063128792091;0.004471544715447154684506703148;0.012195121951219512618225238043;0.005284552845528455063128792091
-0.017753623188405797533873098359;0.031884057971014491406069879531;0.010507246376811593679967415937;0.336231884057970997758957309998;0.022826086956521739190772990469;0.019565217391304349364711256953;0.009057971014492753950020365039;0.030072463768115943044678672891;0.005434782608695652023067523828;0.010144927536231883313799784219;0.013043478260869564508417361992;0.009057971014492753950020365039;0.012318840579710145510805574531;0.006159420289855072755402787266;0.030072463768115943044678672891;0.008333333333333333217685101602;0.013768115942028985240752625430;0.028623188405797101580008146016;0.031521739130434781039902247812;0.002536231884057970828449946055;0.023188405797101449556940622188;0.003623188405797101493271972217;0.004710144927536232158093998379;0.012681159420289855876973206250;0.015579710144927537071590784024;0.015942028985507245703034939766;0.026449275362318839383002355703;0.030072463768115943044678672891;0.004347826086956521791926366660;0.028985507246376811946175777734;0.007608695652173913352711576152;0.009782608695652174682355628477;0.020652173913043476993767200156;0.003985507246376811425758734941;0.009057971014492753950020365039;0.015579710144927537071590784024;0.004347826086956521791926366660;0.009420289855072464316187996758;0.002173913043478260895963183330;0.004347826086956521791926366660;0.009420289855072464316187996758;0.007608695652173913352711576152;0.000000000000000000000000000000;0.009420289855072464316187996758;0.025724637681159418650667092265;0.012681159420289855876973206250;0.009420289855072464316187996758;0.004710144927536232158093998379;0.014130434782608695606920257148;0.005434782608695652023067523828
-0.020056497175141241307017025974;0.048587570621468928466768488761;0.018644067796610170467674905126;0.027401129943502824243273252591;0.030225988700564972860851398195;0.031073446327683617446124841877;0.007909604519774010925048379761;0.035875706214689266626560737450;0.012711864406779661840207751311;0.010734463276836157807903049388;0.014406779661016949276031162697;0.021186440677966100754048284216;0.025141242937853108818657688062;0.014689265536723164137788977257;0.046610169491525424434463786838;0.018644067796610170467674905126;0.012146892655367232116692122190;0.034745762711864407179529479208;0.034463276836158192317771664648;0.003389830508474576172689429754;0.017796610169491525882401461445;0.012994350282485874967242089895;0.021186440677966100754048284216;0.013841807909604519552515533576;0.027683615819209039105031067152;0.021751412429378530477563913337;0.033050847457627118008982591846;0.046892655367231639296221601398;0.000564971751412429398254977375;0.044632768361581920402159084915;0.016949152542372881297128017763;0.007344632768361582068894488629;0.022033898305084745339321727897;0.004802259887005650047797633562;0.027401129943502824243273252591;0.020903954802259885892290469656;0.009322033898305085233837452563;0.015536723163841808723062420938;0.003389830508474576172689429754;0.025141242937853108818657688062;0.015819209039548021850096759522;0.012711864406779661840207751311;0.000000000000000000000000000000;0.012146892655367232116692122190;0.029378531073446328275577954514;0.013841807909604519552515533576;0.014689265536723164137788977257;0.012711864406779661840207751311;0.018926553672316385329432719686;0.007909604519774010925048379761
-0.038888888888888889505679458125;0.016666666666666666435370203203;0.026666666666666668378260496297;0.008333333333333333217685101602;0.016111111111111110771876298031;0.047777777777777780121581940875;0.004444444444444444440589503387;0.018888888888888889089345823891;0.027222222222222220572307449515;0.011666666666666667198648532633;0.015277777777777777276635440273;0.080833333333333326486958014812;0.021111111111111111743321444578;0.019722222222222220849863205672;0.009722222222222222376419864531;0.032777777777777780676693453188;0.010833333333333333703407674875;0.022222222222222223070309254922;0.025000000000000001387778780781;0.003333333333333333547282562037;0.018888888888888889089345823891;0.015833333333333334674852821422;0.013888888888888888117900677344;0.020000000000000000416333634234;0.046388888888888889228123701969;0.024166666666666666157814447047;0.026111111111111112714766591125;0.018888888888888889089345823891;0.000555555555555555555073687923;0.053333333333333336756520992594;0.044166666666666666574148081281;0.010833333333333333703407674875;0.014166666666666665949647629930;0.009444444444444444544672911945;0.023055555555555554830826636703;0.021944444444444443503838826359;0.008055555555555555385938149016;0.013611111111111110286153724758;0.003611111111111110945348645629;0.009722222222222222376419864531;0.004444444444444444440589503387;0.031944444444444441977282167500;0.000000000000000000000000000000;0.014444444444444443781394582516;0.008611111111111111049432054187;0.016388888888888890338346726594;0.017222222222222222098864108375;0.023611111111111110494320541875;0.018055555555555553859381490156;0.011111111111111111535154627461
-0.009629629629629630344078705662;0.016296296296296294836558615771;0.013333333333333334189130248149;0.540000000000000035527136788005;0.005925925925925925631665425186;0.008518518518518519017090895318;0.005555555555555555767577313730;0.016666666666666666435370203203;0.023703703703703702526661700745;0.007407407407407407690103084974;0.004814814814814815172039352831;0.022222222222222223070309254922;0.002592592592592592518063732143;0.004814814814814815172039352831;0.019629629629629628817522046802;0.006296296296296296363115274630;0.009629629629629630344078705662;0.018518518518518517490534236458;0.011481481481481481399242738917;0.003333333333333333547282562037;0.006666666666666667094565124074;0.010370370370370370072254928573;0.004074074074074073709139653943;0.010740740740740739936343040029;0.008148148148148147418279307885;0.010370370370370370072254928573;0.013703703703703704053218359604;0.019259259259259260688157411323;0.001851851851851851922525771243;0.013703703703703704053218359604;0.010740740740740739936343040029;0.007037037037037036958653235530;0.003333333333333333547282562037;0.003703703703703703845051542487;0.004074074074074073709139653943;0.012222222222222222862142437805;0.004074074074074073709139653943;0.005555555555555555767577313730;0.008148148148148147418279307885;0.003703703703703703845051542487;0.007037037037037036958653235530;0.033333333333333332870740406406;0.000000000000000000000000000000;0.007037037037037036958653235530;0.006296296296296296363115274630;0.010000000000000000208166817117;0.007407407407407407690103084974;0.004814814814814815172039352831;0.008148148148148147418279307885;0.004074074074074073709139653943
-0.015925925925925926707193980292;0.004814814814814815172039352831;0.069629629629629624654185704458;0.330370370370370369794699172417;0.000740740740740740703958178148;0.002592592592592592518063732143;0.006296296296296296363115274630;0.017037037037037038034181790636;0.010740740740740739936343040029;0.023333333333333334397297065266;0.011111111111111111535154627461;0.000370370370370370351979089074;0.002962962962962962815832712593;0.046296296296296293726335591145;0.012592592592592592726230549260;0.011481481481481481399242738917;0.021111111111111111743321444578;0.018148148148148149361169600979;0.006666666666666667094565124074;0.008888888888888888881179006773;0.012222222222222222862142437805;0.009629629629629630344078705662;0.002962962962962962815832712593;0.032592592592592589673117231541;0.015925925925925926707193980292;0.035185185185185187395351391615;0.018888888888888889089345823891;0.002592592592592592518063732143;0.000740740740740740703958178148;0.001851851851851851922525771243;0.001111111111111111110147375847;0.017037037037037038034181790636;0.001851851851851851922525771243;0.005555555555555555767577313730;0.010000000000000000208166817117;0.044444444444444446140618509844;0.008148148148148147418279307885;0.001851851851851851922525771243;0.000740740740740740703958178148;0.005555555555555555767577313730;0.008518518518518519017090895318;0.003333333333333333547282562037;0.000000000000000000000000000000;0.015185185185185185244294281404;0.004444444444444444440589503387;0.011851851851851851263330850372;0.048888888888888891448569751219;0.025185185185185185452461098521;0.011851851851851851263330850372;0.020740740740740740144509857146
-0.012820512820512820068019621544;0.002136752136752136967123849587;0.152991452991453003029675983271;0.000000000000000000000000000000;0.000000000000000000000000000000;0.004273504273504273934247699174;0.000000000000000000000000000000;0.013247863247863247634916739059;0.011965811965811966668948862491;0.037179487179487179238090988065;0.014102564102564102768710974090;0.000854700854700854700113366036;0.004273504273504273934247699174;0.097863247863247862512459107620;0.003418803418803418800453464144;0.017094017094017095736990796695;0.024358974358974359170071366520;0.029059829059829060671216183209;0.003418803418803418800453464144;0.015384615384615385469402326635;0.005128205128205128200680196215;0.022649572649572648902482896460;0.004273504273504273934247699174;0.039316239316239315337853099663;0.025213675213675214303865601551;0.059829059829059831610020836479;0.035470085470085468970502518005;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000427350427350427350056683018;0.000427350427350427350056683018;0.019658119658119657668926549832;0.000427350427350427350056683018;0.011111111111111111535154627461;0.015811965811965811301575968173;0.061111111111111109106541761093;0.013675213675213675201813856575;0.002991452991452991667237215623;0.000427350427350427350056683018;0.012393162393162392501122504029;0.001282051282051282050170049054;0.001709401709401709400226732072;0.000000000000000000000000000000;0.013247863247863247634916739059;0.000427350427350427350056683018;0.006410256410256410034009810772;0.103846153846153851918465704784;0.044871794871794871972792151382;0.020940170940170938634894426400;0.032478632478632481206393123330
-0.049259259259259259577934386698;0.000370370370370370351979089074;0.060370370370370372847812490136;0.000000000000000000000000000000;0.000370370370370370351979089074;0.014444444444444443781394582516;0.001481481481481481407916356297;0.015555555555555555108382392859;0.004814814814814815172039352831;0.049629629629629627707299022177;0.014444444444444443781394582516;0.007037037037037036958653235530;0.011851851851851851263330850372;0.065925925925925929482751541855;0.001111111111111111110147375847;0.032592592592592589673117231541;0.014444444444444443781394582516;0.013703703703703704053218359604;0.005925925925925925631665425186;0.011111111111111111535154627461;0.020740740740740740144509857146;0.010000000000000000208166817117;0.005925925925925925631665425186;0.055555555555555552471602709375;0.054074074074074073015250263552;0.071481481481481479178796689666;0.024074074074074074125473288177;0.000000000000000000000000000000;0.001481481481481481407916356297;0.003703703703703703845051542487;0.009259259259259258745267118229;0.019259259259259260688157411323;0.003333333333333333547282562037;0.005185185185185185036127464286;0.024814814814814813853649511088;0.040000000000000000832667268469;0.017037037037037038034181790636;0.011851851851851851263330850372;0.000370370370370370351979089074;0.011111111111111111535154627461;0.002962962962962962815832712593;0.000000000000000000000000000000;0.000000000000000000000000000000;0.034814814814814812327092852229;0.001111111111111111110147375847;0.023703703703703702526661700745;0.067777777777777784007362527063;0.050370370370370370904922197042;0.026666666666666668378260496297;0.028888888888888887562789165031
-0.029674796747967479432217530189;0.002439024390243902436908873810;0.069512195121951225740275503995;0.000000000000000000000000000000;0.000000000000000000000000000000;0.004471544715447154684506703148;0.000813008130081300812302957937;0.019105691056910567571236470030;0.006504065040650406498423663493;0.052032520325203251987389307942;0.012195121951219512618225238043;0.000813008130081300812302957937;0.003252032520325203249211831746;0.081300813008130079495572317683;0.001219512195121951218454436905;0.017073170731707318359404723651;0.025203252032520325615072565029;0.023577235772357724857828387144;0.002032520325203252247597829339;0.012601626016260162807536282514;0.009349593495934959558324450768;0.015040650406504065678126025318;0.007723577235772357933718534895;0.075609756097560973375770743132;0.024390243902439025236450476086;0.055691056910569108895359136113;0.020731707317073171797927599869;0.021138211382113820252515168363;0.000813008130081300812302957937;0.000406504065040650406151478968;0.001626016260162601624605915873;0.035365853658536582082572152785;0.001626016260162601624605915873;0.008536585365853659179702361826;0.017073170731707318359404723651;0.073577235772357724163938996753;0.015853658536585366056748114261;0.005284552845528455063128792091;0.000000000000000000000000000000;0.010569105691056910126257584182;0.007317073170731707744407490424;0.002845528455284553059900787275;0.000000000000000000000000000000;0.030894308943089431734874139579;0.000000000000000000000000000000;0.015853658536585366056748114261;0.086585365853658530221892419831;0.052845528455284555835458348838;0.020325203252032519873893079421;0.019105691056910567571236470030
-0.045614035087719301264641558191;0.003508771929824561468941324094;0.051754385964912281992145182130;0.000877192982456140367235331023;0.012719298245614034728601104973;0.015789473684210526827076392919;0.007017543859649122937882648188;0.017105263157894737974240584322;0.017543859649122806043664013487;0.039473684210526313598244030345;0.009210526315789472825978911885;0.023245614035087718701744208261;0.005701754385964912658080194774;0.047807017543859652020099559877;0.005701754385964912658080194774;0.032017543859649125193023166958;0.019736842105263156799122015173;0.015350877192982455288206011801;0.005263157894736841986571551644;0.007017543859649122937882648188;0.015789473684210526827076392919;0.009649122807017544364849293004;0.010087719298245614168996198146;0.068421052631578951896962337287;0.026754385964912280604366401349;0.054824561403508768886450042146;0.018859649122807017190828204889;0.014473684210526315679912201517;0.000877192982456140367235331023;0.018859649122807017190828204889;0.020175438596491228337992396291;0.032456140350877189792999644169;0.002631578947368420993285775822;0.005701754385964912658080194774;0.016666666666666666435370203203;0.051754385964912281992145182130;0.011842105263157895120307294690;0.025877192982456140996072591065;0.003947368421052631706769098230;0.008771929824561403021832006743;0.003947368421052631706769098230;0.011842105263157895120307294690;0.000000000000000000000000000000;0.033333333333333332870740406406;0.001315789473684210496642887911;0.028508771929824559820954021916;0.052631578947368418130992040460;0.027192982456140352143236782467;0.019298245614035088729698586008;0.021052631578947367946286206575
-0.020940170940170938634894426400;0.017521367521367521569164438233;0.030769230769230770938804653269;0.075641025641025635972702900744;0.029059829059829060671216183209;0.010683760683760683968257509946;0.006837606837606837600906928287;0.034188034188034191473981593390;0.011111111111111111535154627461;0.028632478632478631369595589717;0.015811965811965811301575968173;0.008119658119658120301598280832;0.009401709401709401267566157401;0.032905982905982907038566764868;0.038888888888888889505679458125;0.014957264957264957902505209120;0.020512820512820512802720784862;0.027350427350427350403627713149;0.021367521367521367936515019892;0.008547008547008547868495398347;0.016666666666666666435370203203;0.011111111111111111535154627461;0.010683760683760683968257509946;0.047008547008547008072554262981;0.016666666666666666435370203203;0.036324786324786327573743704988;0.030769230769230770938804653269;0.029487179487179486503389824748;0.004273504273504273934247699174;0.017094017094017095736990796695;0.007692307692307692734701163317;0.021794871794871793768688661430;0.018376068376068376702958673263;0.008119658119658120301598280832;0.010256410256410256401360392431;0.034188034188034191473981593390;0.008974358974358973700669039886;0.009401709401709401267566157401;0.005128205128205128200680196215;0.010683760683760683968257509946;0.012820512820512820068019621544;0.009401709401709401267566157401;0.000000000000000000000000000000;0.023504273504273504036277131490;0.026495726495726495269833478119;0.023504273504273504036277131490;0.038034188034188030902438271141;0.017094017094017095736990796695;0.016239316239316240603196561665;0.014957264957264957902505209120
-0.034814814814814812327092852229;0.014814814814814815380206169948;0.043333333333333334813630699500;0.061111111111111109106541761093;0.027037037037037036507625131776;0.008518518518518519017090895318;0.004074074074074073709139653943;0.021851851851851851471497667490;0.004814814814814815172039352831;0.038888888888888889505679458125;0.015555555555555555108382392859;0.003703703703703703845051542487;0.013333333333333334189130248149;0.047407407407407405053323401489;0.022592592592592591199673890401;0.017037037037037038034181790636;0.010000000000000000208166817117;0.019629629629629628817522046802;0.018518518518518517490534236458;0.008148148148148147418279307885;0.015185185185185185244294281404;0.009259259259259258745267118229;0.008888888888888888881179006773;0.051851851851851850361274642864;0.028148148148148147834612942120;0.054074074074074073015250263552;0.025925925925925925180637321432;0.008888888888888888881179006773;0.003703703703703703845051542487;0.007777777777777777554191196430;0.002592592592592592518063732143;0.022962962962962962798485477833;0.007777777777777777554191196430;0.011111111111111111535154627461;0.016666666666666666435370203203;0.038518518518518521376314822646;0.008518518518518519017090895318;0.009629629629629630344078705662;0.000740740740740740703958178148;0.010740740740740739936343040029;0.010740740740740739936343040029;0.010000000000000000208166817117;0.000000000000000000000000000000;0.027777777777777776235801354687;0.016666666666666666435370203203;0.018888888888888889089345823891;0.057407407407407406996213694583;0.034444444444444444197728216750;0.022222222222222223070309254922;0.023703703703703702526661700745
-0.018803418803418802535132314802;0.012393162393162392501122504029;0.026068376068376069437659836581;0.417094017094017111002557385291;0.002564102564102564100340098108;0.009401709401709401267566157401;0.016666666666666666435370203203;0.023504273504273504036277131490;0.003418803418803418800453464144;0.014957264957264957902505209120;0.009401709401709401267566157401;0.002136752136752136967123849587;0.005982905982905983334474431246;0.022649572649572648902482896460;0.027777777777777776235801354687;0.011965811965811966668948862491;0.012820512820512820068019621544;0.010683760683760683968257509946;0.010256410256410256401360392431;0.005128205128205128200680196215;0.017094017094017095736990796695;0.007692307692307692734701163317;0.008547008547008547868495398347;0.024786324786324785002245008059;0.011111111111111111535154627461;0.022222222222222223070309254922;0.017094017094017095736990796695;0.005128205128205128200680196215;0.004273504273504273934247699174;0.005555555555555555767577313730;0.003418803418803418800453464144;0.015384615384615385469402326635;0.004273504273504273934247699174;0.007692307692307692734701163317;0.019658119658119657668926549832;0.018803418803418802535132314802;0.008119658119658120301598280832;0.009829059829059828834463274916;0.000854700854700854700113366036;0.011965811965811966668948862491;0.006410256410256410034009810772;0.009829059829059828834463274916;0.000000000000000000000000000000;0.010256410256410256401360392431;0.009829059829059828834463274916;0.017948717948717947401338079771;0.015811965811965811301575968173;0.020512820512820512802720784862;0.009829059829059828834463274916;0.012393162393162392501122504029
-0.069841269841269842943987100625;0.014682539682539682418527249297;0.023809523809523808202115446875;0.107539682539682546202897128751;0.000396825396825396825052634231;0.011111111111111111535154627461;0.003968253968253968033685907812;0.017063492063492061850960013203;0.007142857142857142634106981660;0.050793650793650793606737181562;0.019841269841269840168429539062;0.006349206349206349200842147695;0.003571428571428571317053490830;0.037698412698412696320016124218;0.008333333333333333217685101602;0.044841269841269841556208319844;0.008730158730158730367998387578;0.015079365079365079568840535273;0.005158730158730158617264027754;0.003571428571428571317053490830;0.017857142857142856151586585156;0.006349206349206349200842147695;0.002380952380952381167156239883;0.069841269841269842943987100625;0.038492063492063494090089648125;0.077380952380952383595769106250;0.011904761904761904101057723437;0.003174603174603174600421073848;0.001984126984126984016842953906;0.000793650793650793650105268462;0.008730158730158730367998387578;0.023809523809523808202115446875;0.000396825396825396825052634231;0.004365079365079365183999193789;0.007539682539682539784420267637;0.031349206349206348853897452500;0.008333333333333333217685101602;0.026587301587301586519584972734;0.000793650793650793650105268462;0.000396825396825396825052634231;0.007936507936507936067371815625;0.005555555555555555767577313730;0.000000000000000000000000000000;0.043650793650793648370544985937;0.001984126984126984016842953906;0.024206349206349207087152208828;0.047222222222222220988641083750;0.041666666666666664353702032031;0.005158730158730158617264027754;0.020634920634920634469056111016
-0.015925925925925926707193980292;0.002962962962962962815832712593;0.085185185185185183232015049271;0.003333333333333333547282562037;0.000370370370370370351979089074;0.004814814814814815172039352831;0.001481481481481481407916356297;0.021111111111111111743321444578;0.009259259259259258745267118229;0.078888888888888883399452822687;0.006666666666666667094565124074;0.001851851851851851922525771243;0.004814814814814815172039352831;0.069259259259259256524821068979;0.002592592592592592518063732143;0.014074074074074073917306471060;0.020740740740740740144509857146;0.017777777777777777762358013547;0.002962962962962962815832712593;0.010000000000000000208166817117;0.007037037037037036958653235530;0.010740740740740739936343040029;0.001111111111111111110147375847;0.122592592592592586342448157666;0.016666666666666666435370203203;0.049629629629629627707299022177;0.027407407407407408106436719208;0.000370370370370370351979089074;0.001851851851851851922525771243;0.000740740740740740703958178148;0.001111111111111111110147375847;0.055185185185185184342238073896;0.000370370370370370351979089074;0.006666666666666667094565124074;0.006666666666666667094565124074;0.093703703703703705718552896542;0.015185185185185185244294281404;0.005185185185185185036127464286;0.000370370370370370351979089074;0.004814814814814815172039352831;0.006666666666666667094565124074;0.001481481481481481407916356297;0.000000000000000000000000000000;0.042222222222222223486642889156;0.000370370370370370351979089074;0.020740740740740740144509857146;0.074074074074074069962136945833;0.031111111111111110216764785719;0.010000000000000000208166817117;0.011851851851851851263330850372
-0.024814814814814813853649511088;0.004074074074074073709139653943;0.081481481481481488060580886668;0.000000000000000000000000000000;0.000370370370370370351979089074;0.015925925925925926707193980292;0.000000000000000000000000000000;0.016666666666666666435370203203;0.014074074074074073917306471060;0.045555555555555557467606320188;0.011111111111111111535154627461;0.007407407407407407690103084974;0.010740740740740739936343040029;0.063333333333333338699411285688;0.002962962962962962815832712593;0.020740740740740740144509857146;0.032962962962962964741375770927;0.026296296296296296779448908865;0.002962962962962962815832712593;0.011481481481481481399242738917;0.007777777777777777554191196430;0.016296296296296294836558615771;0.005555555555555555767577313730;0.057037037037037038866849059104;0.028888888888888887562789165031;0.047777777777777780121581940875;0.026296296296296296779448908865;0.022592592592592591199673890401;0.001481481481481481407916356297;0.004444444444444444440589503387;0.004814814814814815172039352831;0.030370370370370370488588562807;0.002962962962962962815832712593;0.011111111111111111535154627461;0.031111111111111110216764785719;0.071481481481481479178796689666;0.014814814814814815380206169948;0.010370370370370370072254928573;0.000000000000000000000000000000;0.028148148148148147834612942120;0.002592592592592592518063732143;0.008148148148148147418279307885;0.000000000000000000000000000000;0.023333333333333334397297065266;0.001111111111111111110147375847;0.011851851851851851263330850372;0.062592592592592588562894206916;0.034814814814814812327092852229;0.025185185185185185452461098521;0.014074074074074073917306471060
-0.079666666666666663410012461100;0.002000000000000000041633363423;0.017000000000000001221245327088;0.154666666666666674512242707351;0.000333333333333333322202191029;0.044666666666666667018237291131;0.003666666666666666598434209945;0.012000000000000000249800180541;0.006666666666666667094565124074;0.017999999999999998639976794834;0.025333333333333332704206952712;0.031666666666666669349705642844;0.012999999999999999403255124264;0.029000000000000001471045507628;0.006666666666666667094565124074;0.058999999999999996891375531050;0.008333333333333333217685101602;0.011333333333333334147496884725;0.014000000000000000291433543964;0.002333333333333333526465880325;0.018999999999999999528155214534;0.007000000000000000145716771982;0.002000000000000000041633363423;0.025333333333333332704206952712;0.085333333333333330483760903462;0.044999999999999998334665463062;0.018333333333333333425851918719;0.001000000000000000020816681712;0.000666666666666666644404382058;0.010000000000000000208166817117;0.025333333333333332704206952712;0.008333333333333333217685101602;0.005333333333333333155235056466;0.004333333333333333134418374755;0.017666666666666667323548622903;0.020333333333333331732761806165;0.005666666666666667073748442363;0.023333333333333334397297065266;0.000666666666666666644404382058;0.008000000000000000166533453694;0.001666666666666666773641281019;0.002333333333333333526465880325;0.000000000000000000000000000000;0.015666666666666665547191783503;0.002333333333333333526465880325;0.014999999999999999444888487687;0.027666666666666665796991964044;0.029333333333333332787473679559;0.015333333333333332496040135595;0.018666666666666668211727042603
-0.023550724637681159923108253906;0.009057971014492753950020365039;0.025000000000000001387778780781;0.402173913043478270523678475001;0.005072463768115941656899892109;0.010869565217391304046135047656;0.010507246376811593679967415937;0.018478260869565218266208361797;0.001449275362318840597308788887;0.020289855072463766627599568437;0.010869565217391304046135047656;0.001811594202898550746635986108;0.005072463768115941656899892109;0.035869565217391305433913828438;0.018840579710144928632375993516;0.008333333333333333217685101602;0.010144927536231883313799784219;0.013043478260869564508417361992;0.007608695652173913352711576152;0.003260869565217391127104340498;0.015942028985507245703034939766;0.005072463768115941656899892109;0.002536231884057970828449946055;0.033695652173913043236908038125;0.016666666666666666435370203203;0.027173913043478260115337619141;0.018478260869565218266208361797;0.002898550724637681194617577773;0.004710144927536232158093998379;0.004347826086956521791926366660;0.005797101449275362389235155547;0.018115942028985507900040730078;0.004347826086956521791926366660;0.012681159420289855876973206250;0.010869565217391304046135047656;0.026811594202898549749169987422;0.004710144927536232158093998379;0.008333333333333333217685101602;0.001449275362318840597308788887;0.008333333333333333217685101602;0.006521739130434782254208680996;0.006884057971014492620376312715;0.000000000000000000000000000000;0.023913043478260870289275885625;0.010144927536231883313799784219;0.015942028985507245703034939766;0.021014492753623187359934831875;0.016304347826086956069202571484;0.013043478260869564508417361992;0.011956521739130435144637942813
-0.030808080808080808704607633786;0.012626262626262626034834291033;0.071212121212121212709966755483;0.000000000000000000000000000000;0.000000000000000000000000000000;0.007575757575757575967845269815;0.002020202020202020200267956085;0.014646464646464647102463985107;0.008080808080808080801071824339;0.058080808080808080107182433949;0.014646464646464647102463985107;0.001010101010101010100133978042;0.009595959595959595300751487912;0.080303030303030306646938640824;0.001010101010101010100133978042;0.013636363636363635701287400082;0.012121212121212121201607736509;0.015151515151515151935690539631;0.003535353535353535567309357646;0.018181818181818180935049866775;0.010101010101010101868701518413;0.011111111111111111535154627461;0.010101010101010101868701518413;0.065151515151515154711248101194;0.023737373737373737569988918494;0.056060606060606060774276215852;0.029292929292929294204927970213;0.001515151515151515150200967064;0.001010101010101010100133978042;0.001515151515151515150200967064;0.003030303030303030300401934127;0.027777777777777776235801354687;0.004040404040404040400535912170;0.011616161616161616368381181985;0.028787878787878789371701415689;0.054545454545454542805149600326;0.012121212121212121201607736509;0.009090909090909090467524933388;0.000505050505050505050066989021;0.014646464646464647102463985107;0.004545454545454545233762466694;0.009090909090909090467524933388;0.000000000000000000000000000000;0.031313131313131313537834188310;0.000000000000000000000000000000;0.016666666666666666435370203203;0.077272727272727270708685409772;0.050505050505050504139337164133;0.036868686868686870172773240029;0.023737373737373737569988918494
-0.017777777777777777762358013547;0.002222222222222222220294751693;0.096296296296296296501893152708;0.000000000000000000000000000000;0.000000000000000000000000000000;0.007777777777777777554191196430;0.002222222222222222220294751693;0.014074074074074073917306471060;0.026666666666666668378260496297;0.027777777777777776235801354687;0.010000000000000000208166817117;0.003333333333333333547282562037;0.015555555555555555108382392859;0.066296296296296297612116177334;0.001111111111111111110147375847;0.012222222222222222862142437805;0.031851851851851853414387960584;0.037407407407407410049327012302;0.001851851851851851922525771243;0.031851851851851853414387960584;0.008148148148148147418279307885;0.032592592592592589673117231541;0.020370370370370372015145221667;0.037407407407407410049327012302;0.018148148148148149361169600979;0.029999999999999998889776975375;0.027777777777777776235801354687;0.000370370370370370351979089074;0.000740740740740740703958178148;0.001481481481481481407916356297;0.002222222222222222220294751693;0.026296296296296296779448908865;0.003333333333333333547282562037;0.013703703703703704053218359604;0.046296296296296293726335591145;0.050740740740740739034286832521;0.016296296296296294836558615771;0.005555555555555555767577313730;0.001111111111111111110147375847;0.056296296296296295669225884239;0.002222222222222222220294751693;0.008518518518518519017090895318;0.000000000000000000000000000000;0.016296296296296294836558615771;0.000740740740740740703958178148;0.010740740740740739936343040029;0.050370370370370370904922197042;0.035925925925925923654080662573;0.047037037037037036923958766010;0.022962962962962962798485477833
-0.013178294573643410669827602533;0.007751937984496123923428001490;0.087984496124031003061460864956;0.001937984496124030980857000372;0.002325581395348837177028400447;0.008527131782945736315770801639;0.002713178294573643373199800521;0.010465116279069767296627802011;0.016666666666666666435370203203;0.027906976744186046124340805363;0.009302325581395348708113601788;0.001162790697674418588514200223;0.013953488372093023062170402682;0.070542635658914734642088717465;0.007364341085271317727256601415;0.009689922480620154904285001862;0.032170542635658917751673158136;0.040697674418604654067443959775;0.004651162790697674354056800894;0.022868217054263565574112604395;0.007751937984496123923428001490;0.031395348837209305359330357987;0.029844961240310077105197805736;0.031395348837209305359330357987;0.017441860465116278827713003352;0.027906976744186046124340805363;0.025193798449612402751141004842;0.010077519379844961100456401937;0.001550387596899224784685600298;0.003100775193798449569371200596;0.000775193798449612392342800149;0.019379844961240309808570003725;0.004651162790697674354056800894;0.013953488372093023062170402682;0.053488372093023255071653210280;0.050000000000000002775557561563;0.010852713178294573492799202086;0.005426356589147286746399601043;0.001162790697674418588514200223;0.071705426356589149761155965734;0.004651162790697674354056800894;0.010077519379844961100456401937;0.000000000000000000000000000000;0.014728682170542635454513202831;0.003875968992248061961714000745;0.010077519379844961100456401937;0.047674418604651165598529161116;0.034496124031007754928701558583;0.047286821705426355932910809088;0.018217054263565891220055803501
-0.017567567567567568542763467576;0.011261261261261260729904520872;0.050000000000000002775557561563;0.283783783783783771781372706755;0.013513513513513514263664205828;0.011261261261261260729904520872;0.006756756756756757131832102914;0.017117117117117115754343359413;0.006756756756756757131832102914;0.030630630630630630018007565241;0.008558558558558557877171679706;0.005855855855855855891800576529;0.007207207207207207318166997112;0.036036036036036035723473247572;0.020720720720720720714469464951;0.008108108108108108558198523497;0.014414414414414414636333994224;0.021171171171171170033442621161;0.009009009009009008930868311893;0.013963963963963963582637362038;0.013513513513513514263664205828;0.004504504504504504465434155946;0.008108108108108108558198523497;0.035585585585585582935053139408;0.008108108108108108558198523497;0.027477477477477477846301567865;0.024774774774774774993568726700;0.007207207207207207318166997112;0.002252252252252252232717077973;0.013063063063063063209967573641;0.005405405405405405705465682331;0.020720720720720720714469464951;0.003153153153153153039067735364;0.008108108108108108558198523497;0.017567567567567568542763467576;0.036036036036036035723473247572;0.011261261261261260729904520872;0.007657657657657657504501891310;0.000900900900900900914770874639;0.010810810810810811410931364662;0.006756756756756757131832102914;0.006306306306306306078135470727;0.000000000000000000000000000000;0.020720720720720720714469464951;0.009459459459459459984564944079;0.011711711711711711783601153058;0.036936936936936934361419559991;0.018918918918918919969129888159;0.018918918918918919969129888159;0.010360360360360360357234732476
-0.015925925925925926707193980292;0.002222222222222222220294751693;0.052222222222222225429533182250;0.106666666666666673513041985188;0.001481481481481481407916356297;0.007037037037037036958653235530;0.003703703703703703845051542487;0.027777777777777776235801354687;0.003703703703703703845051542487;0.072222222222222215437525960624;0.007037037037037036958653235530;0.003333333333333333547282562037;0.012962962962962962590318660716;0.048888888888888891448569751219;0.003703703703703703845051542487;0.011481481481481481399242738917;0.012222222222222222862142437805;0.018518518518518517490534236458;0.004074074074074073709139653943;0.003333333333333333547282562037;0.011851851851851851263330850372;0.005185185185185185036127464286;0.005555555555555555767577313730;0.104814814814814818988430999980;0.017037037037037038034181790636;0.039259259259259257635044093604;0.025555555555555557051272685953;0.000740740740740740703958178148;0.001111111111111111110147375847;0.009629629629629630344078705662;0.007037037037037036958653235530;0.046666666666666668794594130532;0.005925925925925925631665425186;0.007407407407407407690103084974;0.013333333333333334189130248149;0.062962962962962956692258842395;0.010000000000000000208166817117;0.007407407407407407690103084974;0.000740740740740740703958178148;0.008888888888888888881179006773;0.007407407407407407690103084974;0.002592592592592592518063732143;0.000000000000000000000000000000;0.050370370370370370904922197042;0.001851851851851851922525771243;0.028148148148148147834612942120;0.052592592592592593558897817729;0.023703703703703702526661700745;0.015185185185185185244294281404;0.008518518518518519017090895318
-0.034583333333333333980963431031;0.000000000000000000000000000000;0.049583333333333333425851918719;0.000000000000000000000000000000;0.009583333333333332593184650250;0.011666666666666667198648532633;0.000833333333333333386820640509;0.019166666666666665186369300500;0.012500000000000000693889390391;0.044999999999999998334665463062;0.016250000000000000555111512313;0.014999999999999999444888487687;0.013750000000000000069388939039;0.063333333333333338699411285688;0.002500000000000000052041704279;0.023333333333333334397297065266;0.012916666666666666574148081281;0.010000000000000000208166817117;0.005416666666666666851703837438;0.007083333333333332974823814965;0.017083333333333332315628894094;0.005416666666666666851703837438;0.010833333333333333703407674875;0.065000000000000002220446049250;0.034166666666666664631257788187;0.062083333333333330650294357156;0.029166666666666667129259593594;0.001250000000000000026020852140;0.000833333333333333386820640509;0.011666666666666667198648532633;0.011249999999999999583666365766;0.026249999999999999028554853453;0.007083333333333332974823814965;0.014166666666666665949647629930;0.034583333333333333980963431031;0.051249999999999996946886682281;0.012500000000000000693889390391;0.010000000000000000208166817117;0.001666666666666666773641281019;0.015833333333333334674852821422;0.005000000000000000104083408559;0.004583333333333333356462979680;0.000000000000000000000000000000;0.040000000000000000832667268469;0.002083333333333333304421275400;0.026666666666666668378260496297;0.060416666666666667129259593594;0.037083333333333336201409480282;0.029166666666666667129259593594;0.020416666666666666296592325125
-0.034027777777777774848022573906;0.002083333333333333304421275400;0.073263888888888892281237019688;0.000000000000000000000000000000;0.000694444444444444470947164216;0.010069444444444445099784424258;0.001736111111111111014737584668;0.023263888888888889505679458125;0.009722222222222222376419864531;0.057638888888888892281237019688;0.012847222222222221682530474141;0.005208333333333333044212754004;0.007291666666666666782314898398;0.069791666666666668517038374375;0.003472222222222222029475169336;0.019791666666666665741480812812;0.017013888888888887424011286953;0.021874999999999998612221219219;0.005208333333333333044212754004;0.012152777777777777970524830664;0.014583333333333333564629796797;0.009027777777777776929690745078;0.004861111111111111188209932266;0.074652777777777776235801354687;0.027083333333333334258519187188;0.053819444444444447528397290625;0.030555555555555554553270880547;0.022222222222222223070309254922;0.000347222222222222235473582108;0.001388888888888888941894328433;0.006250000000000000346944695195;0.028125000000000000693889390391;0.001736111111111111014737584668;0.005902777777777777623580135469;0.016666666666666666435370203203;0.059027777777777776235801354687;0.017013888888888887424011286953;0.010763888888888888811790067734;0.001736111111111111014737584668;0.008680555555555555941049661328;0.004513888888888888464845372539;0.004166666666666666608842550801;0.000000000000000000000000000000;0.033333333333333332870740406406;0.000694444444444444470947164216;0.015972222222222220988641083750;0.068055555555555549696045147812;0.043402777777777776235801354687;0.024652777777777776929690745078;0.023611111111111110494320541875
-0.035714285714285712303173170312;0.007936507936507936067371815625;0.074999999999999997224442438437;0.000000000000000000000000000000;0.000396825396825396825052634231;0.012301587301587301251371009414;0.000396825396825396825052634231;0.011904761904761904101057723437;0.016269841269841271019780393203;0.033333333333333332870740406406;0.019444444444444444752839729063;0.005555555555555555767577313730;0.012698412698412698401684295391;0.076190476190476197348999676251;0.003571428571428571317053490830;0.020634920634920634469056111016;0.025000000000000001387778780781;0.025000000000000001387778780781;0.003968253968253968033685907812;0.018650793650793650452213157109;0.013095238095238095551997581367;0.016269841269841271019780393203;0.008333333333333333217685101602;0.044047619047619050725028699844;0.044047619047619050725028699844;0.057936507936507938842929377188;0.023412698412698412786525636875;0.003174603174603174600421073848;0.000396825396825396825052634231;0.001984126984126984016842953906;0.003571428571428571317053490830;0.018253968253968255036623347110;0.006746031746031746351155433672;0.008333333333333333217685101602;0.027380952380952380820211544687;0.047619047619047616404230893750;0.015079365079365079568840535273;0.004761904761904762334312479766;0.001190476190476190583578119941;0.021031746031746033354092872969;0.002777777777777777883788656865;0.010317460317460317234528055508;0.000000000000000000000000000000;0.018253968253968255036623347110;0.000000000000000000000000000000;0.016269841269841271019780393203;0.061904761904761906876615285000;0.054761904761904761640423089375;0.037698412698412696320016124218;0.027380952380952380820211544687
-0.052482269503546098710078382510;0.000709219858156028416622251864;0.043617021276595745182813601559;0.000000000000000000000000000000;0.000709219858156028416622251864;0.014184397163120567031402430302;0.002127659574468085141446538344;0.014539007092198581727604533853;0.004255319148936170282893076688;0.053900709219858157494886796712;0.014893617021276596423806637404;0.009574468085106382919668988052;0.017375886524822695827774410304;0.065248226950354606956672398610;0.000709219858156028416622251864;0.036170212765957443501463330904;0.009219858156028368223466884501;0.008156028368794325869584049826;0.004964539007092198807935545801;0.008510638297872340565786153377;0.011347517730496454665956029828;0.006028368794326241161818380476;0.007801418439716312040743684264;0.075531914893617019268745593763;0.050709219858156025229067864757;0.067021276595744680437682916363;0.020921985815602835850901541903;0.000000000000000000000000000000;0.000000000000000000000000000000;0.001063829787234042570723269172;0.007446808510638298211903318702;0.026241134751773049355039191255;0.006737588652482269686860849589;0.011347517730496454665956029828;0.023049645390070920558667211253;0.041843971631205671701803083806;0.009219858156028368223466884501;0.011347517730496454665956029828;0.000000000000000000000000000000;0.008156028368794325869584049826;0.003546099290780141757850607576;0.001773049645390070878925303788;0.000000000000000000000000000000;0.036524822695035458197665434454;0.000709219858156028416622251864;0.021631205673758865243305749004;0.074113475177304960483937179561;0.062411347517730496325949474112;0.029432624113475178151411171257;0.022695035460992909331912059656
-0.044814814814814814269983145323;0.003703703703703703845051542487;0.060370370370370372847812490136;0.038518518518518521376314822646;0.002962962962962962815832712593;0.016296296296296294836558615771;0.001481481481481481407916356297;0.015555555555555555108382392859;0.006296296296296296363115274630;0.028888888888888887562789165031;0.022962962962962962798485477833;0.009629629629629630344078705662;0.020000000000000000416333634234;0.066296296296296297612116177334;0.006296296296296296363115274630;0.025925925925925925180637321432;0.010740740740740739936343040029;0.016296296296296294836558615771;0.009259259259259258745267118229;0.015555555555555555108382392859;0.014074074074074073917306471060;0.008518518518518519017090895318;0.007037037037037036958653235530;0.039629629629629632703302632990;0.045185185185185182399347780802;0.058518518518518518323201504927;0.028888888888888887562789165031;0.002962962962962962815832712593;0.001111111111111111110147375847;0.004074074074074073709139653943;0.005925925925925925631665425186;0.013703703703703704053218359604;0.006296296296296296363115274630;0.009629629629629630344078705662;0.036296296296296298722339201959;0.043703703703703702942995334979;0.014444444444444443781394582516;0.007777777777777777554191196430;0.001851851851851851922525771243;0.014814814814814815380206169948;0.002962962962962962815832712593;0.004814814814814815172039352831;0.000000000000000000000000000000;0.021851851851851851471497667490;0.002962962962962962815832712593;0.014444444444444443781394582516;0.055185185185185184342238073896;0.057037037037037038866849059104;0.027037037037037036507625131776;0.027407407407407408106436719208
-0.017687074829931974384589210558;0.009863945578231291672066660681;0.034013605442176873816517712612;0.393537414965986376280682179640;0.016666666666666666435370203203;0.009863945578231291672066660681;0.005102040816326530205115918903;0.015306122448979591482709494699;0.012244897959183672839222900564;0.013605442176870747791883609068;0.006462585034013605157776627408;0.006122448979591836419611450282;0.006462585034013605157776627408;0.021428571428571428769682682969;0.020068027210884353817021974464;0.009863945578231291672066660681;0.018707482993197278864361265960;0.018707482993197278864361265960;0.010544217687074829148397014933;0.009863945578231291672066660681;0.011904761904761904101057723437;0.010204081632653060410231837807;0.006122448979591836419611450282;0.019047619047619049337249919063;0.015306122448979591482709494699;0.016326530612244899431928502054;0.019047619047619049337249919063;0.021768707482993195773124384118;0.002721088435374149471640548015;0.008163265306122449715964251027;0.006802721088435373895941804534;0.015306122448979591482709494699;0.003061224489795918209805725141;0.005442176870748298943281096030;0.017006802721088436908258856306;0.019387755102040816340691620212;0.007823129251700680977799073901;0.012925170068027210315553254816;0.001360544217687074735820274007;0.014965986394557822744544317572;0.006122448979591836419611450282;0.007142857142857142634106981660;0.000000000000000000000000000000;0.009863945578231291672066660681;0.017346938775510203911700557455;0.009523809523809524668624959531;0.019387755102040816340691620212;0.013605442176870747791883609068;0.013945578231292516530048786194;0.012244897959183672839222900564
-0.032916666666666663521034763562;0.001666666666666666773641281019;0.078750000000000000555111512313;0.000000000000000000000000000000;0.000000000000000000000000000000;0.011249999999999999583666365766;0.001666666666666666773641281019;0.021666666666666667406815349750;0.005416666666666666851703837438;0.045416666666666667684371105906;0.016250000000000000555111512313;0.003749999999999999861222121922;0.016250000000000000555111512313;0.069166666666666667961926862063;0.002500000000000000052041704279;0.016250000000000000555111512313;0.011666666666666667198648532633;0.021250000000000001526556658860;0.004583333333333333356462979680;0.019166666666666665186369300500;0.014583333333333333564629796797;0.010000000000000000208166817117;0.015416666666666667059870654555;0.063333333333333338699411285688;0.029166666666666667129259593594;0.055416666666666669627261399000;0.030833333333333334119741309109;0.000000000000000000000000000000;0.000000000000000000000000000000;0.002500000000000000052041704279;0.005416666666666666851703837438;0.024166666666666666157814447047;0.006250000000000000346944695195;0.007916666666666667337426410711;0.031666666666666669349705642844;0.062083333333333330650294357156;0.017916666666666667545593227828;0.007083333333333332974823814965;0.000000000000000000000000000000;0.017083333333333332315628894094;0.005416666666666666851703837438;0.000416666666666666693410320255;0.000000000000000000000000000000;0.028333333333333331899295259859;0.000416666666666666693410320255;0.022499999999999999167332731531;0.065000000000000002220446049250;0.040000000000000000832667268469;0.035833333333333335091186455656;0.021666666666666667406815349750
-0.050370370370370370904922197042;0.002592592592592592518063732143;0.042962962962962959745372160114;0.000370370370370370351979089074;0.000740740740740740703958178148;0.029629629629629630760412339896;0.003703703703703703845051542487;0.014814814814814815380206169948;0.006666666666666667094565124074;0.031111111111111110216764785719;0.017407407407407406163546426114;0.017037037037037038034181790636;0.025555555555555557051272685953;0.058148148148148150193836869448;0.001851851851851851922525771243;0.041481481481481480289019714291;0.015555555555555555108382392859;0.012222222222222222862142437805;0.007407407407407407690103084974;0.010370370370370370072254928573;0.014814814814814815380206169948;0.011851851851851851263330850372;0.014444444444444443781394582516;0.048518518518518516380311211833;0.055925925925925927539861248761;0.044074074074074071072359970458;0.018148148148148149361169600979;0.000740740740740740703958178148;0.000370370370370370351979089074;0.008518518518518519017090895318;0.020370370370370372015145221667;0.015925925925925926707193980292;0.007037037037037036958653235530;0.009259259259259258745267118229;0.048518518518518516380311211833;0.032592592592592589673117231541;0.017037037037037038034181790636;0.018148148148148149361169600979;0.000370370370370370351979089074;0.021111111111111111743321444578;0.001851851851851851922525771243;0.002962962962962962815832712593;0.000000000000000000000000000000;0.027407407407407408106436719208;0.001851851851851851922525771243;0.018888888888888889089345823891;0.043703703703703702942995334979;0.047407407407407405053323401489;0.029629629629629630760412339896;0.028518518518518519433424529552
-0.027430555555555555247160270937;0.010416666666666666088425508008;0.036111111111111107718762980312;0.000000000000000000000000000000;0.004166666666666666608842550801;0.046527777777777779011358916250;0.003819444444444444319158860068;0.026041666666666667823148983985;0.017708333333333332870740406406;0.015972222222222220988641083750;0.021874999999999998612221219219;0.012847222222222221682530474141;0.046527777777777779011358916250;0.021874999999999998612221219219;0.011111111111111111535154627461;0.014236111111111110841265237070;0.016666666666666666435370203203;0.039236111111111110494320541875;0.023958333333333334952408577578;0.007986111111111110494320541875;0.019097222222222223764198645313;0.010763888888888888811790067734;0.037499999999999998612221219219;0.025694444444444443365060948281;0.031944444444444441977282167500;0.027083333333333334258519187188;0.034722222222222223764198645313;0.021527777777777777623580135469;0.001041666666666666652210637700;0.036805555555555556634939051719;0.004861111111111111188209932266;0.010069444444444445099784424258;0.032291666666666669904817155157;0.011805555555555555247160270937;0.045833333333333330095182844843;0.025694444444444443365060948281;0.018055555555555553859381490156;0.010763888888888888811790067734;0.002777777777777777883788656865;0.030902777777777779011358916250;0.005555555555555555767577313730;0.007638888888888888638317720137;0.000000000000000000000000000000;0.015972222222222220988641083750;0.009374999999999999653055304805;0.013888888888888888117900677344;0.017361111111111111882099322656;0.020138888888888890199568848516;0.053124999999999998612221219219;0.013194444444444444405895033867
-0.046296296296296293726335591145;0.000462962962962962980631442811;0.057870370370370370627366440885;0.000000000000000000000000000000;0.005555555555555555767577313730;0.015740740740740739173064710599;0.001388888888888888941894328433;0.011111111111111111535154627461;0.006944444444444444058950338672;0.036111111111111107718762980312;0.012500000000000000693889390391;0.035185185185185187395351391615;0.016203703703703702804217456901;0.065277777777777781786916477813;0.002314814814814814686316779557;0.044444444444444446140618509844;0.011111111111111111535154627461;0.013888888888888888117900677344;0.002777777777777777883788656865;0.007870370370370369586532355299;0.010648148148148147904001881159;0.005555555555555555767577313730;0.005092592592592593003786305417;0.056481481481481479733908201979;0.061111111111111109106541761093;0.063888888888888883954564334999;0.016203703703703702804217456901;0.000000000000000000000000000000;0.000000000000000000000000000000;0.010648148148148147904001881159;0.017129629629629630066522949505;0.019907407407407408383992475365;0.006481481481481481295159330358;0.005092592592592593003786305417;0.028703703703703703498106847292;0.040277777777777780399137697032;0.015277777777777777276635440273;0.017129629629629630066522949505;0.000462962962962962980631442811;0.010185185185185186007572610833;0.003240740740740740647579665179;0.000462962962962962980631442811;0.000000000000000000000000000000;0.023611111111111110494320541875;0.000462962962962962980631442811;0.012500000000000000693889390391;0.067592592592592593003786305417;0.057407407407407406996213694583;0.021296296296296295808003762318;0.030092592592592590922118134245
-0.027916666666666666019036568969;0.007083333333333332974823814965;0.091666666666666660190365689687;0.000000000000000000000000000000;0.000833333333333333386820640509;0.015833333333333334674852821422;0.007083333333333332974823814965;0.024583333333333332038073137937;0.020416666666666666296592325125;0.031250000000000000000000000000;0.014999999999999999444888487687;0.007499999999999999722444243844;0.012500000000000000693889390391;0.045833333333333330095182844843;0.005833333333333333599324266316;0.017083333333333332315628894094;0.037083333333333336201409480282;0.060833333333333336478965236438;0.005416666666666666851703837438;0.017500000000000001665334536938;0.017916666666666667545593227828;0.008333333333333333217685101602;0.016666666666666666435370203203;0.041666666666666664353702032031;0.025833333333333333148296162562;0.029583333333333333009518284484;0.032916666666666663521034763562;0.000000000000000000000000000000;0.001666666666666666773641281019;0.005833333333333333599324266316;0.008750000000000000832667268469;0.023333333333333334397297065266;0.008750000000000000832667268469;0.006666666666666667094565124074;0.025000000000000001387778780781;0.064583333333333339809634310313;0.021666666666666667406815349750;0.011666666666666667198648532633;0.000000000000000000000000000000;0.020416666666666666296592325125;0.007499999999999999722444243844;0.006250000000000000346944695195;0.000000000000000000000000000000;0.022499999999999999167332731531;0.003749999999999999861222121922;0.021250000000000001526556658860;0.047500000000000000555111512313;0.022083333333333333287074040641;0.029583333333333333009518284484;0.017083333333333332315628894094
-0.027777777777777776235801354687;0.030370370370370370488588562807;0.030370370370370370488588562807;0.029259259259259259161600752464;0.067407407407407402000210083770;0.013703703703703704053218359604;0.004444444444444444440589503387;0.046296296296296293726335591145;0.004814814814814815172039352831;0.020740740740740740144509857146;0.017037037037037038034181790636;0.010740740740740739936343040029;0.010000000000000000208166817117;0.027037037037037036507625131776;0.057407407407407406996213694583;0.017777777777777777762358013547;0.008148148148148147418279307885;0.033703703703703701000105041885;0.043703703703703702942995334979;0.004814814814814815172039352831;0.019629629629629628817522046802;0.003703703703703703845051542487;0.008888888888888888881179006773;0.027777777777777776235801354687;0.025555555555555557051272685953;0.029999999999999998889776975375;0.044444444444444446140618509844;0.027777777777777776235801354687;0.001481481481481481407916356297;0.030370370370370370488588562807;0.006666666666666667094565124074;0.011111111111111111535154627461;0.020370370370370372015145221667;0.005185185185185185036127464286;0.010000000000000000208166817117;0.027777777777777776235801354687;0.008148148148148147418279307885;0.005555555555555555767577313730;0.000370370370370370351979089074;0.005185185185185185036127464286;0.013703703703703704053218359604;0.003703703703703703845051542487;0.000000000000000000000000000000;0.014074074074074073917306471060;0.057777777777777775125578330062;0.008518518518518519017090895318;0.024074074074074074125473288177;0.020740740740740740144509857146;0.016666666666666666435370203203;0.015185185185185185244294281404
-0.028888888888888887562789165031;0.008518518518518519017090895318;0.054074074074074073015250263552;0.006666666666666667094565124074;0.021851851851851851471497667490;0.008518518518518519017090895318;0.002592592592592592518063732143;0.018888888888888889089345823891;0.016666666666666666435370203203;0.037037037037037034981068472916;0.015555555555555555108382392859;0.015925925925925926707193980292;0.009629629629629630344078705662;0.041111111111111112159655078813;0.018888888888888889089345823891;0.029259259259259259161600752464;0.022592592592592591199673890401;0.024444444444444445724284875610;0.010370370370370370072254928573;0.007407407407407407690103084974;0.010740740740740739936343040029;0.016666666666666666435370203203;0.011481481481481481399242738917;0.040370370370370368962031903948;0.036296296296296298722339201959;0.041111111111111112159655078813;0.023703703703703702526661700745;0.025925925925925925180637321432;0.001851851851851851922525771243;0.024444444444444445724284875610;0.011111111111111111535154627461;0.025925925925925925180637321432;0.009629629629629630344078705662;0.008518518518518519017090895318;0.026296296296296296779448908865;0.044444444444444446140618509844;0.010370370370370370072254928573;0.012962962962962962590318660716;0.001481481481481481407916356297;0.025185185185185185452461098521;0.004814814814814815172039352831;0.007777777777777777554191196430;0.000000000000000000000000000000;0.025925925925925925180637321432;0.018148148148148149361169600979;0.015555555555555555108382392859;0.042222222222222223486642889156;0.038888888888888889505679458125;0.017407407407407406163546426114;0.021851851851851851471497667490
-0.033673469387755103343629059509;0.011224489795918366624727369185;0.048639455782312927822896853058;0.000000000000000000000000000000;0.000340136054421768683955068502;0.004081632653061224857982125513;0.002040816326530612428991062757;0.017006802721088436908258856306;0.007823129251700680977799073901;0.085714285714285715078730731875;0.014285714285714285268213963320;0.002721088435374149471640548015;0.005782312925170067681446273156;0.058163265306122445552627908683;0.004081632653061224857982125513;0.026870748299319728580325516987;0.011224489795918366624727369185;0.018367346938775511860919564811;0.002380952380952381167156239883;0.007482993197278911372272158786;0.016326530612244899431928502054;0.005782312925170067681446273156;0.007142857142857142634106981660;0.108843537414965982335068872544;0.026530612244897958107436863884;0.062585034013605447822392591206;0.025850340136054420631106509632;0.003401360544217686947970902267;0.000680272108843537367910137004;0.001020408163265306214495531378;0.003401360544217686947970902267;0.031972789115646257918079697902;0.003061224489795918209805725141;0.007482993197278911372272158786;0.014965986394557822744544317572;0.058503401360544216025516561785;0.009863945578231291672066660681;0.008843537414965987192294605279;0.001360544217687074735820274007;0.007482993197278911372272158786;0.004761904761904762334312479766;0.006122448979591836419611450282;0.000000000000000000000000000000;0.052721088435374152680878978572;0.001360544217687074735820274007;0.024489795918367345678445801127;0.073469387755102047443678259242;0.039115646258503403154271893527;0.014625850340136054006379140446;0.016326530612244899431928502054
-0.024583333333333332038073137937;0.000000000000000000000000000000;0.046249999999999999444888487687;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005416666666666666851703837438;0.000833333333333333386820640509;0.026666666666666668378260496297;0.001250000000000000026020852140;0.114166666666666666296592325125;0.009166666666666666712925959359;0.001666666666666666773641281019;0.001250000000000000026020852140;0.045416666666666667684371105906;0.000833333333333333386820640509;0.014583333333333333564629796797;0.010000000000000000208166817117;0.012500000000000000693889390391;0.002083333333333333304421275400;0.007083333333333332974823814965;0.010833333333333333703407674875;0.002083333333333333304421275400;0.001666666666666666773641281019;0.160000000000000003330669073875;0.020000000000000000416333634234;0.073749999999999996114219413812;0.016250000000000000555111512313;0.000000000000000000000000000000;0.000416666666666666693410320255;0.000000000000000000000000000000;0.000833333333333333386820640509;0.051666666666666666296592325125;0.000416666666666666693410320255;0.001250000000000000026020852140;0.001666666666666666773641281019;0.093333333333333337589188261063;0.011249999999999999583666365766;0.009166666666666666712925959359;0.000000000000000000000000000000;0.001250000000000000026020852140;0.005833333333333333599324266316;0.000000000000000000000000000000;0.000000000000000000000000000000;0.071249999999999993893773364562;0.000000000000000000000000000000;0.040000000000000000832667268469;0.060833333333333336478965236438;0.022083333333333333287074040641;0.010416666666666666088425508008;0.010000000000000000208166817117
-0.060465116279069766602738411621;0.002325581395348837177028400447;0.044573643410852716029157960520;0.004263565891472868157885400819;0.001550387596899224784685600298;0.019379844961240309808570003725;0.006201550387596899138742401192;0.022093023255813953181769804246;0.011240310077519379688970602160;0.041085271317829456794168407896;0.026356589147286821339655205065;0.010852713178294573492799202086;0.011240310077519379688970602160;0.036434108527131782440111607002;0.005038759689922480550228200968;0.033333333333333332870740406406;0.018992248062015503612398603650;0.011240310077519379688970602160;0.012015503875968992081313402309;0.006976744186046511531085201341;0.025193798449612402751141004842;0.005038759689922480550228200968;0.005038759689922480550228200968;0.054651162790697677129614362457;0.049612403100775193109939209535;0.072480620155038755214604861976;0.031782945736434108086054806108;0.000775193798449612392342800149;0.003488372093023255765542600670;0.004651162790697674354056800894;0.006201550387596899138742401192;0.029457364341085270909026405661;0.008527131782945736315770801639;0.006589147286821705334913801266;0.019379844961240309808570003725;0.040697674418604654067443959775;0.011627906976744185885142002235;0.012015503875968992081313402309;0.000387596899224806196171400074;0.010077519379844961100456401937;0.006976744186046511531085201341;0.001162790697674418588514200223;0.000000000000000000000000000000;0.038759689922480619617140007449;0.004651162790697674354056800894;0.038759689922480619617140007449;0.053100775193798452344928762159;0.027131782945736433731998005214;0.028294573643410852320512205438;0.017829457364341085023884403427
-0.023255813953488371770284004469;0.009302325581395348708113601788;0.079069767441860464018965615196;0.065503875968992250622413564543;0.002713178294573643373199800521;0.006201550387596899138742401192;0.001550387596899224784685600298;0.031782945736434108086054806108;0.016279069767441860239198803129;0.040310077519379844401825607747;0.014728682170542635454513202831;0.001162790697674418588514200223;0.005038759689922480550228200968;0.051937984496124030286967609982;0.013565891472868216865999002607;0.007364341085271317727256601415;0.038372093023255816890415559328;0.050775193798449615167900361712;0.009689922480620154904285001862;0.017054263565891472631541603278;0.012015503875968992081313402309;0.011627906976744185885142002235;0.012403100775193798277484802384;0.055813953488372092248681610727;0.016666666666666666435370203203;0.042248062015503878852129560073;0.036434108527131782440111607002;0.010465116279069767296627802011;0.001162790697674418588514200223;0.002325581395348837177028400447;0.000000000000000000000000000000;0.025193798449612402751141004842;0.002325581395348837177028400447;0.004651162790697674354056800894;0.015891472868217054043027403054;0.079844961240310083350202319252;0.019767441860465116004741403799;0.001937984496124030980857000372;0.000000000000000000000000000000;0.011240310077519379688970602160;0.006589147286821705334913801266;0.006976744186046511531085201341;0.000000000000000000000000000000;0.020930232558139534593255604022;0.006201550387596899138742401192;0.007751937984496123923428001490;0.044573643410852716029157960520;0.016666666666666666435370203203;0.030620155038759689497540605885;0.012015503875968992081313402309
-0.013888888888888888117900677344;0.026984126984126985404621734688;0.053174603174603173039169945469;0.073015873015873020146493388438;0.021825396825396824185272492969;0.004365079365079365183999193789;0.013492063492063492702310867344;0.038095238095238098674499838125;0.012301587301587301251371009414;0.026190476190476191103995162734;0.013888888888888888117900677344;0.001984126984126984016842953906;0.009920634920634920084214769531;0.035317460317460316887583360312;0.037301587301587300904426314219;0.005952380952380952050528861719;0.018650793650793650452213157109;0.043650793650793648370544985937;0.036111111111111107718762980312;0.011507936507936508685467913438;0.033333333333333332870740406406;0.010714285714285714384841341484;0.018650793650793650452213157109;0.027777777777777776235801354687;0.013095238095238095551997581367;0.029365079365079364837054498594;0.032142857142857139685077072500;0.011111111111111111535154627461;0.002777777777777777883788656865;0.017460317460317460735996775156;0.001190476190476190583578119941;0.023015873015873017370935826875;0.010714285714285714384841341484;0.003571428571428571317053490830;0.019444444444444444752839729063;0.041269841269841268938112222031;0.014285714285714285268213963320;0.004761904761904762334312479766;0.002777777777777777883788656865;0.025793650793650792218958400781;0.019841269841269840168429539062;0.009920634920634920084214769531;0.000000000000000000000000000000;0.009920634920634920084214769531;0.022222222222222223070309254922;0.012301587301587301251371009414;0.031349206349206348853897452500;0.014682539682539682418527249297;0.025396825396825396803368590781;0.013492063492063492702310867344
-0.020535714285714285615158658516;0.014880952380952380126322154297;0.073809523809523810977673008438;0.010714285714285714384841341484;0.018749999999999999306110609609;0.013988095238095238706521605820;0.000595238095238095291789059971;0.023809523809523808202115446875;0.050595238095238095898942276563;0.026488095238095237665687520234;0.012797619047619047255581747891;0.003869047619047619179788455313;0.011011904761904762681257174961;0.041369047619047617792009674531;0.017559523809523809589894227656;0.013095238095238095551997581367;0.034821428571428572618096097813;0.050595238095238095898942276563;0.011904761904761904101057723437;0.011904761904761904101057723437;0.010119047619047619526733150508;0.039583333333333331482961625625;0.017559523809523809589894227656;0.022916666666666665047591422422;0.024107142857142858233254756328;0.025595238095238094511163495781;0.026488095238095237665687520234;0.012797619047619047255581747891;0.001190476190476190583578119941;0.010714285714285714384841341484;0.004464285714285714037896646289;0.019940476190476189022326991562;0.009226190476190476372209126055;0.009226190476190476372209126055;0.022023809523809525362514349922;0.044047619047619050725028699844;0.012500000000000000693889390391;0.007738095238095238359576910625;0.012500000000000000693889390391;0.038988095238095238359576910625;0.008035714285714284921269268125;0.035119047619047619179788455313;0.000000000000000000000000000000;0.008035714285714284921269268125;0.011607142857142857539365365938;0.009226190476190476372209126055;0.026488095238095237665687520234;0.021130952380952382207990325469;0.033035714285714286309048048906;0.012500000000000000693889390391
-0.018292682926829267192614381088;0.015040650406504065678126025318;0.050813008130081299684732698552;0.133333333333333331482961625625;0.012195121951219512618225238043;0.013821138211382113375469415928;0.003658536585365853872203745212;0.026016260162601625993694653971;0.012601626016260162807536282514;0.044308943089430896655755987013;0.015447154471544715867437069790;0.004471544715447154684506703148;0.010975609756097560315568628653;0.040243902439024391293198590347;0.027235772357723578296351263361;0.013414634146341463186158371457;0.020731707317073171797927599869;0.030894308943089431734874139579;0.012601626016260162807536282514;0.006910569105691056687734707964;0.015040650406504065678126025318;0.008943089430894309369013406297;0.007317073170731707744407490424;0.050406504065040651230145130057;0.022764227642276424479206298201;0.021951219512195120631137257305;0.022764227642276424479206298201;0.013821138211382113375469415928;0.000813008130081300812302957937;0.011382113821138212239603149101;0.003658536585365853872203745212;0.028048780487804878674973352304;0.008130081300813008990391317354;0.009349593495934959558324450768;0.017886178861788618738026812593;0.062195121951219511924335847652;0.015853658536585366056748114261;0.004878048780487804873817747620;0.000813008130081300812302957937;0.006097560975609756309112619022;0.009349593495934959558324450768;0.005284552845528455063128792091;0.000000000000000000000000000000;0.022764227642276424479206298201;0.017073170731707318359404723651;0.013008130081300812996847326986;0.041463414634146343595855199737;0.020731707317073171797927599869;0.017073170731707318359404723651;0.008130081300813008990391317354
-0.034108527131782945263083206555;0.009302325581395348708113601788;0.037209302325581394832454407151;0.010465116279069767296627802011;0.007751937984496123923428001490;0.043410852713178293971196808343;0.001162790697674418588514200223;0.025193798449612402751141004842;0.013953488372093023062170402682;0.022868217054263565574112604395;0.023643410852713177966455404544;0.012015503875968992081313402309;0.029069767441860464712855005587;0.040310077519379844401825607747;0.009689922480620154904285001862;0.024031007751937984162626804618;0.019379844961240309808570003725;0.029457364341085270909026405661;0.020155038759689922200912803874;0.010852713178294573492799202086;0.020542635658914728397084203948;0.012403100775193798277484802384;0.024031007751937984162626804618;0.027131782945736433731998005214;0.039147286821705429282758359477;0.032558139534883720478397606257;0.034883720930232557655426006704;0.012015503875968992081313402309;0.000000000000000000000000000000;0.028294573643410852320512205438;0.006976744186046511531085201341;0.008527131782945736315770801639;0.020542635658914728397084203948;0.008527131782945736315770801639;0.044186046511627906363539608492;0.033333333333333332870740406406;0.015503875968992247846856002980;0.010852713178294573492799202086;0.000387596899224806196171400074;0.028682170542635658516683605512;0.005813953488372092942571001117;0.002325581395348837177028400447;0.000000000000000000000000000000;0.010852713178294573492799202086;0.013178294573643410669827602533;0.012403100775193798277484802384;0.028682170542635658516683605512;0.026744186046511627535826605140;0.047286821705426355932910809088;0.020155038759689922200912803874
-0.031944444444444441977282167500;0.015555555555555555108382392859;0.042222222222222223486642889156;0.003333333333333333547282562037;0.005555555555555555767577313730;0.027500000000000000138777878078;0.004444444444444444440589503387;0.043055555555555555247160270937;0.020555555555555556079827539406;0.017222222222222222098864108375;0.018611111111111109522875395328;0.010000000000000000208166817117;0.020555555555555556079827539406;0.024722222222222221821308352219;0.014722222222222221613141535101;0.015833333333333334674852821422;0.019722222222222220849863205672;0.047777777777777780121581940875;0.035555555555555555524716027094;0.009722222222222222376419864531;0.029444444444444443226283070203;0.014166666666666665949647629930;0.024444444444444445724284875610;0.023888888888888890060790970438;0.026388888888888888811790067734;0.032500000000000001110223024625;0.043888888888888887007677652718;0.022222222222222223070309254922;0.001111111111111111110147375847;0.027777777777777776235801354687;0.004444444444444444440589503387;0.014166666666666665949647629930;0.026388888888888888811790067734;0.011111111111111111535154627461;0.027500000000000000138777878078;0.029166666666666667129259593594;0.020000000000000000416333634234;0.006111111111111111431071218902;0.003055555555555555715535609451;0.023888888888888890060790970438;0.010833333333333333703407674875;0.016388888888888890338346726594;0.000000000000000000000000000000;0.013888888888888888117900677344;0.012222222222222222862142437805;0.012777777777777778525636342977;0.021944444444444443503838826359;0.013888888888888888117900677344;0.043888888888888887007677652718;0.013888888888888888117900677344
-0.023577235772357724857828387144;0.008943089430894309369013406297;0.091056910569105697916825192806;0.015853658536585366056748114261;0.002439024390243902436908873810;0.014227642276422763564780460399;0.002032520325203252247597829339;0.025203252032520325615072565029;0.021138211382113820252515168363;0.024390243902439025236450476086;0.017073170731707318359404723651;0.006097560975609756309112619022;0.013008130081300812996847326986;0.050406504065040651230145130057;0.015853658536585366056748114261;0.015447154471544715867437069790;0.025609756097560974069660133523;0.043902439024390241262274514611;0.012195121951219512618225238043;0.013414634146341463186158371457;0.013008130081300812996847326986;0.029674796747967479432217530189;0.017479674796747966813992292145;0.036585365853658534385228762176;0.022764227642276424479206298201;0.030894308943089431734874139579;0.032520325203252035961565269417;0.002845528455284553059900787275;0.000406504065040650406151478968;0.005691056910569106119801574550;0.002439024390243902436908873810;0.024390243902439025236450476086;0.008130081300813008990391317354;0.011788617886178862428914193572;0.031707317073170732113496228521;0.051626016260162603532801739448;0.012601626016260162807536282514;0.004471544715447154684506703148;0.000406504065040650406151478968;0.040243902439024391293198590347;0.008130081300813008990391317354;0.005691056910569106119801574550;0.000000000000000000000000000000;0.017073170731707318359404723651;0.006097560975609756309112619022;0.007723577235772357933718534895;0.042682926829268295898511809128;0.030894308943089431734874139579;0.039024390243902438990541980957;0.021138211382113820252515168363
-0.013414634146341463186158371457;0.015040650406504065678126025318;0.101626016260162599369465397103;0.015040650406504065678126025318;0.006910569105691056687734707964;0.006504065040650406498423663493;0.002032520325203252247597829339;0.024390243902439025236450476086;0.015447154471544715867437069790;0.039024390243902438990541980957;0.005691056910569106119801574550;0.004471544715447154684506703148;0.004471544715447154684506703148;0.065040650406504071923130538835;0.015853658536585366056748114261;0.004065040650406504495195658677;0.027235772357723578296351263361;0.042276422764227640505030336726;0.010975609756097560315568628653;0.016260162601626017980782634709;0.007317073170731707744407490424;0.018292682926829267192614381088;0.011788617886178862428914193572;0.049593495934959347382076089161;0.018699186991869919116648901536;0.029674796747967479432217530189;0.030487804878048779810839619131;0.027642276422764226750938831856;0.000406504065040650406151478968;0.023170731707317072933793866696;0.001626016260162601624605915873;0.027235772357723578296351263361;0.003658536585365853872203745212;0.012601626016260162807536282514;0.013414634146341463186158371457;0.067479674796747962650655949801;0.011382113821138212239603149101;0.005691056910569106119801574550;0.001219512195121951218454436905;0.029268292682926830977629961694;0.006504065040650406498423663493;0.006097560975609756309112619022;0.000000000000000000000000000000;0.020731707317073171797927599869;0.008943089430894309369013406297;0.006097560975609756309112619022;0.052032520325203251987389307942;0.027642276422764226750938831856;0.032520325203252035961565269417;0.013008130081300812996847326986
-0.015151515151515151935690539631;0.036363636363636361870099733551;0.039393939393939390869459060696;0.036060606060606063827389533571;0.022424242424242422921931705559;0.016060606060606059941608947383;0.003636363636363636360482320953;0.032424242424242424864821998653;0.035454545454545453864181325798;0.010909090909090909948808700847;0.014242424242424242195048655901;0.005151515151515151727523722514;0.010909090909090909948808700847;0.022424242424242422921931705559;0.046969696969696966837304330511;0.013939393939393938948168027991;0.029696969696969697377619823442;0.047878787878787881782116642171;0.031515151515151516858903590901;0.009393939393939393714405561298;0.019090909090909092410415226482;0.027575757575757576384178904050;0.016060606060606059941608947383;0.021212121212121213403856145874;0.020606060606060606910094890054;0.016666666666666666435370203203;0.028787878787878789371701415689;0.068787878787878786734921732204;0.001515151515151515150200967064;0.015151515151515151935690539631;0.006060606060606060600803868255;0.015454545454545455182571167541;0.010000000000000000208166817117;0.009393939393939393714405561298;0.018787878787878787428811122595;0.029393939393939392396015719555;0.009696969696969696961286189207;0.004848484848484848480643094604;0.008181818181818182461606525635;0.024545454545454543915372624951;0.012424242424242424448488364419;0.027878787878787877896336055983;0.000000000000000000000000000000;0.006969696969696969474084013996;0.028181818181818182877940159869;0.014545454545454545441929283811;0.013939393939393938948168027991;0.007878787878787879214725897725;0.023939393939393940891058321085;0.012424242424242424448488364419
-0.020000000000000000416333634234;0.020370370370370372015145221667;0.039629629629629632703302632990;0.162962962962962976121161773335;0.017407407407407406163546426114;0.013703703703703704053218359604;0.002222222222222222220294751693;0.021481481481481479872686080057;0.027777777777777776235801354687;0.015925925925925926707193980292;0.015555555555555555108382392859;0.009259259259259258745267118229;0.012222222222222222862142437805;0.030370370370370370488588562807;0.030740740740740742087400150240;0.013333333333333334189130248149;0.018518518518518517490534236458;0.031851851851851853414387960584;0.012592592592592592726230549260;0.008888888888888888881179006773;0.008518518518518519017090895318;0.021481481481481479872686080057;0.031481481481481478346129421197;0.019629629629629628817522046802;0.022222222222222223070309254922;0.018148148148148149361169600979;0.024444444444444445724284875610;0.032222222222222221543752596062;0.001481481481481481407916356297;0.008148148148148147418279307885;0.007037037037037036958653235530;0.015925925925925926707193980292;0.008888888888888888881179006773;0.009259259259259258745267118229;0.016296296296296294836558615771;0.025185185185185185452461098521;0.011111111111111111535154627461;0.008518518518518519017090895318;0.009629629629629630344078705662;0.030370370370370370488588562807;0.010370370370370370072254928573;0.021851851851851851471497667490;0.000000000000000000000000000000;0.012962962962962962590318660716;0.017407407407407406163546426114;0.011111111111111111535154627461;0.022962962962962962798485477833;0.014444444444444443781394582516;0.023703703703703702526661700745;0.010370370370370370072254928573
-0.024074074074074074125473288177;0.018827160493827162224267368629;0.045679012345679011197763230712;0.018827160493827162224267368629;0.054320987654320987414457988507;0.023148148148148146863167795573;0.007716049382716048954389265191;0.028395061728395062233820667075;0.019135802469135803488553548846;0.020061728395061727281412089496;0.016666666666666666435370203203;0.010493827160493827271858791050;0.017592592592592593697675695807;0.023148148148148146863167795573;0.026234567901234566444923501649;0.010493827160493827271858791050;0.020061728395061727281412089496;0.030555555555555554553270880547;0.043827160493827163612046149410;0.009567901234567901744276774423;0.026851851851851852442942814037;0.018518518518518517490534236458;0.016358024691358025171084022986;0.019444444444444444752839729063;0.021604938271604937072289942535;0.023148148148148146863167795573;0.037654320987654324448534737257;0.029629629629629630760412339896;0.000925925925925925961262885622;0.039506172839506172034251818559;0.010185185185185186007572610833;0.015432098765432097908778530382;0.025308641975308642652064960998;0.007716049382716048954389265191;0.027469135802469134971515174470;0.029320987654320986026679207725;0.007716049382716048954389265191;0.005864197530864197899225231936;0.002160493827160493620492820455;0.029012345679012344762393027509;0.010185185185185186007572610833;0.012345679012345678327022824305;0.000000000000000000000000000000;0.010493827160493827271858791050;0.020370370370370372015145221667;0.016049382716049383906797842769;0.023148148148148146863167795573;0.012654320987654321326032480499;0.021913580246913581806023074705;0.010185185185185186007572610833
-0.025833333333333333148296162562;0.027083333333333334258519187188;0.048333333333333332315628894094;0.034166666666666664631257788187;0.028750000000000001249000902703;0.013333333333333334189130248149;0.007083333333333332974823814965;0.029999999999999998889776975375;0.010000000000000000208166817117;0.020833333333333332176851016015;0.013333333333333334189130248149;0.004166666666666666608842550801;0.010833333333333333703407674875;0.037916666666666667961926862063;0.040416666666666663243479007406;0.022083333333333333287074040641;0.013333333333333334189130248149;0.031666666666666669349705642844;0.020416666666666666296592325125;0.006250000000000000346944695195;0.021250000000000001526556658860;0.014166666666666665949647629930;0.010416666666666666088425508008;0.039166666666666669072149886688;0.025833333333333333148296162562;0.030833333333333334119741309109;0.031666666666666669349705642844;0.030833333333333334119741309109;0.001250000000000000026020852140;0.012083333333333333078907223523;0.007083333333333332974823814965;0.012083333333333333078907223523;0.010000000000000000208166817117;0.011249999999999999583666365766;0.030416666666666668239482618219;0.028750000000000001249000902703;0.015833333333333334674852821422;0.016250000000000000555111512313;0.002083333333333333304421275400;0.017916666666666667545593227828;0.007916666666666667337426410711;0.003333333333333333547282562037;0.000000000000000000000000000000;0.017083333333333332315628894094;0.029999999999999998889776975375;0.018333333333333333425851918719;0.034583333333333333980963431031;0.027500000000000000138777878078;0.032916666666666663521034763562;0.013333333333333334189130248149
-0.029487179487179486503389824748;0.003846153846153846367350581659;0.065384615384615388244959888198;0.094444444444444441977282167500;0.005982905982905983334474431246;0.008547008547008547868495398347;0.003846153846153846367350581659;0.021367521367521367936515019892;0.012820512820512820068019621544;0.039743589743589741170026741202;0.011538461538461539102051744976;0.002991452991452991667237215623;0.011538461538461539102051744976;0.052136752136752138875319673161;0.005128205128205128200680196215;0.012393162393162392501122504029;0.023504273504273504036277131490;0.020940170940170938634894426400;0.007692307692307692734701163317;0.014529914529914530335608091605;0.014529914529914530335608091605;0.014957264957264957902505209120;0.013247863247863247634916739059;0.035470085470085468970502518005;0.026495726495726495269833478119;0.039316239316239315337853099663;0.032478632478632481206393123330;0.002136752136752136967123849587;0.002564102564102564100340098108;0.008547008547008547868495398347;0.004700854700854700633783078700;0.015384615384615385469402326635;0.007692307692307692734701163317;0.012393162393162392501122504029;0.029487179487179486503389824748;0.048717948717948718340142733041;0.015811965811965811301575968173;0.008974358974358973700669039886;0.000854700854700854700113366036;0.028632478632478631369595589717;0.003846153846153846367350581659;0.006837606837606837600906928287;0.000000000000000000000000000000;0.020512820512820512802720784862;0.001709401709401709400226732072;0.018376068376068376702958673263;0.052136752136752138875319673161;0.027350427350427350403627713149;0.041025641025641025605441569724;0.017948717948717947401338079771
-0.033333333333333332870740406406;0.000406504065040650406151478968;0.089024390243902434827205638612;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008130081300813008990391317354;0.000813008130081300812302957937;0.010162601626016259936946539710;0.006504065040650406498423663493;0.042276422764227640505030336726;0.015853658536585366056748114261;0.002439024390243902436908873810;0.011788617886178862428914193572;0.073170731707317068770457524352;0.000000000000000000000000000000;0.021544715447154472176549688811;0.024390243902439025236450476086;0.021951219512195120631137257305;0.005284552845528455063128792091;0.016666666666666666435370203203;0.011788617886178862428914193572;0.011382113821138212239603149101;0.013414634146341463186158371457;0.052439024390243900441976876436;0.036585365853658534385228762176;0.048373983739837395079419479771;0.020325203252032519873893079421;0.000406504065040650406151478968;0.000406504065040650406151478968;0.001219512195121951218454436905;0.001626016260162601624605915873;0.030894308943089431734874139579;0.003658536585365853872203745212;0.008130081300813008990391317354;0.031707317073170732113496228521;0.051626016260162603532801739448;0.012195121951219512618225238043;0.006097560975609756309112619022;0.001626016260162601624605915873;0.034959349593495933627984584291;0.001626016260162601624605915873;0.000000000000000000000000000000;0.000000000000000000000000000000;0.023983739837398373312415955638;0.000406504065040650406151478968;0.016666666666666666435370203203;0.076422764227642270284945880121;0.059756097560975607319022628872;0.031300813008130083658908660027;0.027235772357723578296351263361
-0.026495726495726495269833478119;0.001282051282051282050170049054;0.038461538461538463673505816587;0.287606837606837584253582917881;0.027777777777777776235801354687;0.014957264957264957902505209120;0.001709401709401709400226732072;0.008547008547008547868495398347;0.005555555555555555767577313730;0.032905982905982907038566764868;0.011965811965811966668948862491;0.003846153846153846367350581659;0.010256410256410256401360392431;0.034615384615384617306155234928;0.009401709401709401267566157401;0.014957264957264957902505209120;0.012820512820512820068019621544;0.009401709401709401267566157401;0.005128205128205128200680196215;0.005555555555555555767577313730;0.011538461538461539102051744976;0.007264957264957265167804045802;0.006410256410256410034009810772;0.050854700854700854439904844639;0.018376068376068376702958673263;0.026068376068376069437659836581;0.015811965811965811301575968173;0.047008547008547008072554262981;0.003846153846153846367350581659;0.012820512820512820068019621544;0.002564102564102564100340098108;0.017948717948717947401338079771;0.004700854700854700633783078700;0.010683760683760683968257509946;0.018803418803418802535132314802;0.034188034188034191473981593390;0.009401709401709401267566157401;0.004700854700854700633783078700;0.000427350427350427350056683018;0.008547008547008547868495398347;0.002991452991452991667237215623;0.000854700854700854700113366036;0.000000000000000000000000000000;0.023076923076923078204103489952;0.004273504273504273934247699174;0.011538461538461539102051744976;0.031623931623931622603151936346;0.023076923076923078204103489952;0.014957264957264957902505209120;0.012393162393162392501122504029
-0.007083333333333332974823814965;0.011666666666666667198648532633;0.014583333333333333564629796797;0.595416666666666705154398187005;0.019166666666666665186369300500;0.003333333333333333547282562037;0.002500000000000000052041704279;0.013333333333333334189130248149;0.004166666666666666608842550801;0.010416666666666666088425508008;0.005416666666666666851703837438;0.002083333333333333304421275400;0.004166666666666666608842550801;0.012083333333333333078907223523;0.012916666666666666574148081281;0.004583333333333333356462979680;0.008750000000000000832667268469;0.008333333333333333217685101602;0.008750000000000000832667268469;0.002916666666666666799662133158;0.006666666666666667094565124074;0.006666666666666667094565124074;0.005416666666666666851703837438;0.017916666666666667545593227828;0.008750000000000000832667268469;0.009583333333333332593184650250;0.010000000000000000208166817117;0.058333333333333334258519187188;0.002916666666666666799662133158;0.002916666666666666799662133158;0.001250000000000000026020852140;0.013333333333333334189130248149;0.003333333333333333547282562037;0.005416666666666666851703837438;0.006666666666666667094565124074;0.009166666666666666712925959359;0.003333333333333333547282562037;0.003749999999999999861222121922;0.000833333333333333386820640509;0.006666666666666667094565124074;0.006666666666666667094565124074;0.005000000000000000104083408559;0.000000000000000000000000000000;0.009166666666666666712925959359;0.009583333333333332593184650250;0.007916666666666667337426410711;0.014583333333333333564629796797;0.005833333333333333599324266316;0.002916666666666666799662133158;0.003749999999999999861222121922
-0.010283687943262410577349719176;0.017730496453900710523976513855;0.021985815602836879939507852555;0.444326241134751775962996589442;0.021631205673758865243305749004;0.004609929078014184111733442251;0.006737588652482269686860849589;0.013475177304964539373721699178;0.005673758865248227332978014914;0.013475177304964539373721699178;0.009929078014184397615871091602;0.003900709219858156020371842132;0.005319148936170212636775911363;0.017375886524822695827774410304;0.028368794326241134062804860605;0.006028368794326241161818380476;0.013120567375886524677519595627;0.021985815602836879939507852555;0.005319148936170212636775911363;0.006737588652482269686860849589;0.009219858156028368223466884501;0.011702127659574467627434657402;0.007801418439716312040743684264;0.023758865248226949951071418354;0.008156028368794325869584049826;0.013829787234042552335200326752;0.017730496453900710523976513855;0.048936170212765958686951250911;0.003900709219858156020371842132;0.010638297872340425273551822727;0.002836879432624113666489007457;0.017375886524822695827774410304;0.004255319148936170282893076688;0.004255319148936170282893076688;0.007446808510638298211903318702;0.016666666666666666435370203203;0.003900709219858156020371842132;0.004964539007092198807935545801;0.001063829787234042570723269172;0.012056737588652482323636760952;0.008510638297872340565786153377;0.008156028368794325869584049826;0.000000000000000000000000000000;0.011347517730496454665956029828;0.016312056737588651739168099652;0.008865248226950355261988256927;0.011702127659574467627434657402;0.006382978723404254990658746038;0.013829787234042552335200326752;0.006382978723404254990658746038
-0.032083333333333331760517381781;0.010000000000000000208166817117;0.072083333333333332593184650250;0.063750000000000001110223024625;0.005000000000000000104083408559;0.011249999999999999583666365766;0.001666666666666666773641281019;0.014583333333333333564629796797;0.010416666666666666088425508008;0.040416666666666663243479007406;0.015833333333333334674852821422;0.001666666666666666773641281019;0.010416666666666666088425508008;0.049583333333333333425851918719;0.013750000000000000069388939039;0.015833333333333334674852821422;0.022499999999999999167332731531;0.027500000000000000138777878078;0.007499999999999999722444243844;0.016250000000000000555111512313;0.010833333333333333703407674875;0.015833333333333334674852821422;0.014166666666666665949647629930;0.052916666666666667406815349750;0.023333333333333334397297065266;0.038749999999999999722444243844;0.024583333333333332038073137937;0.029166666666666667129259593594;0.001250000000000000026020852140;0.005416666666666666851703837438;0.003749999999999999861222121922;0.027083333333333334258519187188;0.002500000000000000052041704279;0.011249999999999999583666365766;0.016250000000000000555111512313;0.056250000000000001387778780781;0.011249999999999999583666365766;0.005000000000000000104083408559;0.001250000000000000026020852140;0.021250000000000001526556658860;0.005833333333333333599324266316;0.006250000000000000346944695195;0.000000000000000000000000000000;0.025000000000000001387778780781;0.012083333333333333078907223523;0.014999999999999999444888487687;0.048333333333333332315628894094;0.034166666666666664631257788187;0.027916666666666666019036568969;0.011249999999999999583666365766
-0.025555555555555557051272685953;0.005185185185185185036127464286;0.061851851851851852304164935958;0.001111111111111111110147375847;0.002962962962962962815832712593;0.014074074074074073917306471060;0.003333333333333333547282562037;0.024074074074074074125473288177;0.007407407407407407690103084974;0.061851851851851852304164935958;0.011851851851851851263330850372;0.000370370370370370351979089074;0.018888888888888889089345823891;0.050740740740740739034286832521;0.007777777777777777554191196430;0.011851851851851851263330850372;0.015185185185185185244294281404;0.024814814814814813853649511088;0.009259259259259258745267118229;0.015185185185185185244294281404;0.010740740740740739936343040029;0.014074074074074073917306471060;0.020000000000000000416333634234;0.080370370370370369794699172417;0.025925925925925925180637321432;0.040000000000000000832667268469;0.031111111111111110216764785719;0.002222222222222222220294751693;0.000740740740740740703958178148;0.018888888888888889089345823891;0.001481481481481481407916356297;0.028888888888888887562789165031;0.007407407407407407690103084974;0.007407407407407407690103084974;0.041481481481481480289019714291;0.054074074074074073015250263552;0.015925925925925926707193980292;0.006296296296296296363115274630;0.001481481481481481407916356297;0.032592592592592589673117231541;0.005555555555555555767577313730;0.001481481481481481407916356297;0.000000000000000000000000000000;0.035185185185185187395351391615;0.006296296296296296363115274630;0.019259259259259260688157411323;0.049259259259259259577934386698;0.022962962962962962798485477833;0.031851851851851853414387960584;0.013703703703703704053218359604
-0.026829268292682926372316742913;0.007723577235772357933718534895;0.064634146341463416529649066433;0.000000000000000000000000000000;0.001219512195121951218454436905;0.010162601626016259936946539710;0.002845528455284553059900787275;0.024796747967479673691038044581;0.011382113821138212239603149101;0.041463414634146343595855199737;0.018292682926829267192614381088;0.004471544715447154684506703148;0.015040650406504065678126025318;0.049186991869918698927488520667;0.011788617886178862428914193572;0.015447154471544715867437069790;0.024390243902439025236450476086;0.047154471544715449715656774288;0.010975609756097560315568628653;0.017073170731707318359404723651;0.017073170731707318359404723651;0.014227642276422763564780460399;0.019918699186991871419305510926;0.036991869918699189778710234577;0.039430894308943087445129549451;0.034552845528455285173397015797;0.038617886178861790535954412462;0.000406504065040650406151478968;0.002439024390243902436908873810;0.002845528455284553059900787275;0.001626016260162601624605915873;0.023983739837398373312415955638;0.011382113821138212239603149101;0.014634146341463415488814980847;0.033333333333333332870740406406;0.056097560975609757349946704608;0.015040650406504065678126025318;0.010162601626016259936946539710;0.001219512195121951218454436905;0.031300813008130083658908660027;0.005284552845528455063128792091;0.006504065040650406498423663493;0.000000000000000000000000000000;0.017073170731707318359404723651;0.005284552845528455063128792091;0.016666666666666666435370203203;0.045934959349593497413000164897;0.031707317073170732113496228521;0.040650406504065039747786158841;0.020731707317073171797927599869
-0.015972222222222220988641083750;0.019791666666666665741480812812;0.062847222222222220988641083750;0.051041666666666665741480812812;0.010069444444444445099784424258;0.008680555555555555941049661328;0.003472222222222222029475169336;0.030208333333333333564629796797;0.014236111111111110841265237070;0.026041666666666667823148983985;0.019097222222222223764198645313;0.003472222222222222029475169336;0.014930555555555556287994356524;0.051388888888888886730121896562;0.031944444444444441977282167500;0.011805555555555555247160270937;0.024652777777777776929690745078;0.041319444444444443365060948281;0.016319444444444445446729119453;0.012847222222222221682530474141;0.013888888888888888117900677344;0.010416666666666666088425508008;0.014236111111111110841265237070;0.040277777777777780399137697032;0.018749999999999999306110609609;0.028472222222222221682530474141;0.040625000000000001387778780781;0.022222222222222223070309254922;0.003125000000000000173472347598;0.003819444444444444319158860068;0.003125000000000000173472347598;0.021874999999999998612221219219;0.009722222222222222376419864531;0.012847222222222221682530474141;0.022916666666666665047591422422;0.051041666666666665741480812812;0.012847222222222221682530474141;0.006250000000000000346944695195;0.002430555555555555594104966133;0.015625000000000000000000000000;0.004513888888888888464845372539;0.010416666666666666088425508008;0.000000000000000000000000000000;0.010069444444444445099784424258;0.021874999999999998612221219219;0.015625000000000000000000000000;0.036805555555555556634939051719;0.024652777777777776929690745078;0.036458333333333335646297967969;0.014930555555555556287994356524
-0.024691358024691356654045648611;0.004938271604938271504281477320;0.082098765432098763650259343194;0.029012345679012344762393027509;0.005246913580246913635929395525;0.006481481481481481295159330358;0.001543209876543209790877853038;0.016975308641975307699656383420;0.009567901234567901744276774423;0.040432098765432099296557311163;0.013271604938271605589328316910;0.002469135802469135752140738660;0.011111111111111111535154627461;0.062037037037037036368847253698;0.008641975308641974481971281818;0.012654320987654321326032480499;0.020061728395061727281412089496;0.027469135802469134971515174470;0.006481481481481481295159330358;0.017592592592592593697675695807;0.008024691358024691953398921385;0.011111111111111111535154627461;0.014197530864197531116910333537;0.051543209876543212566435414601;0.020370370370370372015145221667;0.043827160493827163612046149410;0.037037037037037034981068472916;0.011111111111111111535154627461;0.000617283950617283938035184665;0.002160493827160493620492820455;0.001851851851851851922525771243;0.028703703703703703498106847292;0.004938271604938271504281477320;0.015432098765432097908778530382;0.028086419753086420969534486858;0.070061728395061723118075747152;0.015740740740740739173064710599;0.007407407407407407690103084974;0.000000000000000000000000000000;0.022222222222222223070309254922;0.004629629629629629372633559115;0.002469135802469135752140738660;0.000000000000000000000000000000;0.020061728395061727281412089496;0.005246913580246913635929395525;0.011111111111111111535154627461;0.056790123456790124467641334149;0.040432098765432099296557311163;0.037962962962962962243373965521;0.024074074074074074125473288177
-0.021138211382113820252515168363;0.023577235772357724857828387144;0.045528455284552848958412596403;0.019105691056910567571236470030;0.008943089430894309369013406297;0.016260162601626017980782634709;0.006504065040650406498423663493;0.021951219512195120631137257305;0.021544715447154472176549688811;0.029268292682926830977629961694;0.013821138211382113375469415928;0.003252032520325203249211831746;0.019512195121951219495270990478;0.035365853658536582082572152785;0.026829268292682926372316742913;0.013821138211382113375469415928;0.029674796747967479432217530189;0.046747967479674794322175301886;0.012195121951219512618225238043;0.010975609756097560315568628653;0.013821138211382113375469415928;0.022357723577235772555171777753;0.021138211382113820252515168363;0.041869918699186992050442768232;0.022764227642276424479206298201;0.019918699186991871419305510926;0.033333333333333332870740406406;0.037804878048780486687885371566;0.003252032520325203249211831746;0.010975609756097560315568628653;0.003252032520325203249211831746;0.026422764227642277917729174419;0.010569105691056910126257584182;0.012195121951219512618225238043;0.034959349593495933627984584291;0.038211382113821135142472940061;0.014634146341463415488814980847;0.007317073170731707744407490424;0.001626016260162601624605915873;0.036178861788617885930641193681;0.005284552845528455063128792091;0.019512195121951219495270990478;0.000000000000000000000000000000;0.016666666666666666435370203203;0.010162601626016259936946539710;0.011788617886178862428914193572;0.032520325203252035961565269417;0.021544715447154472176549688811;0.027642276422764226750938831856;0.016260162601626017980782634709
-0.019540229885057470993192652031;0.018965517241379310081628162266;0.030459770114942528312917957578;0.293678160919540243156689030002;0.002298850574712643646257959062;0.015804597701149426802746944531;0.002873563218390804557822448828;0.017528735632183909537440413828;0.022413793103448275551015100859;0.012643678160919540054418774844;0.010344827586206896408160815781;0.005459770114942528659862652773;0.018103448275862070449004903594;0.018103448275862070449004903594;0.012931034482758620510201019727;0.009482758620689655040814081133;0.021839080459770114639450611094;0.038218390804597698884315093437;0.010344827586206896408160815781;0.008620689655172413673467346484;0.009195402298850574585031836250;0.027873563218390805945601229610;0.025574712643678162299343270547;0.016091954022988505523805713437;0.020689655172413792816321631562;0.015804597701149426802746944531;0.017528735632183909537440413828;0.006896551724137930938773877187;0.002298850574712643646257959062;0.008908045977011494129249591367;0.007758620689655172306120611836;0.013505747126436781421765509492;0.008045977011494252761902856719;0.006896551724137930938773877187;0.030172413793103449591859188672;0.026436781609195401931966529219;0.009195402298850574585031836250;0.009770114942528735496596326016;0.009195402298850574585031836250;0.033333333333333332870740406406;0.004597701149425287292515918125;0.021551724137931035918391842188;0.000000000000000000000000000000;0.008045977011494252761902856719;0.004885057471264367748298163008;0.012068965517241379142854285078;0.009482758620689655040814081133;0.014367816091954022789112244141;0.023275862068965518653085311485;0.006896551724137930938773877187
-0.019629629629629628817522046802;0.022592592592592591199673890401;0.029259259259259259161600752464;0.337037037037037023878838226665;0.007407407407407407690103084974;0.012222222222222222862142437805;0.004074074074074073709139653943;0.026296296296296296779448908865;0.015185185185185185244294281404;0.012592592592592592726230549260;0.012962962962962962590318660716;0.003703703703703703845051542487;0.008148148148148147418279307885;0.015185185185185185244294281404;0.018888888888888889089345823891;0.010000000000000000208166817117;0.015925925925925926707193980292;0.045925925925925925596970955667;0.018148148148148149361169600979;0.007037037037037036958653235530;0.014814814814814815380206169948;0.012962962962962962590318660716;0.011481481481481481399242738917;0.012962962962962962590318660716;0.014814814814814815380206169948;0.016666666666666666435370203203;0.026296296296296296779448908865;0.017777777777777777762358013547;0.001111111111111111110147375847;0.015185185185185185244294281404;0.011111111111111111535154627461;0.011481481481481481399242738917;0.010740740740740739936343040029;0.006296296296296296363115274630;0.016296296296296294836558615771;0.018888888888888889089345823891;0.012592592592592592726230549260;0.007037037037037036958653235530;0.002592592592592592518063732143;0.013333333333333334189130248149;0.007777777777777777554191196430;0.010370370370370370072254928573;0.000000000000000000000000000000;0.012962962962962962590318660716;0.012222222222222222862142437805;0.010740740740740739936343040029;0.010000000000000000208166817117;0.011851851851851851263330850372;0.018888888888888889089345823891;0.008518518518518519017090895318
-0.027777777777777776235801354687;0.035317460317460316887583360312;0.033333333333333332870740406406;0.038492063492063494090089648125;0.034920634920634921471993550313;0.016269841269841271019780393203;0.011111111111111111535154627461;0.035317460317460316887583360312;0.014285714285714285268213963320;0.021825396825396824185272492969;0.015079365079365079568840535273;0.009523809523809524668624959531;0.011904761904761904101057723437;0.020634920634920634469056111016;0.039285714285714284921269268125;0.015476190476190476719153821250;0.020634920634920634469056111016;0.040079365079365082691342792032;0.021031746031746033354092872969;0.005555555555555555767577313730;0.020634920634920634469056111016;0.011507936507936508685467913438;0.012698412698412698401684295391;0.024603174603174602502742018828;0.024206349206349207087152208828;0.030158730158730159137681070547;0.030952380952380953438307642500;0.038888888888888889505679458125;0.003174603174603174600421073848;0.014682539682539682418527249297;0.011111111111111111535154627461;0.022222222222222223070309254922;0.013492063492063492702310867344;0.010714285714285714384841341484;0.019047619047619049337249919063;0.034523809523809526056403740313;0.011904761904761904101057723437;0.012301587301587301251371009414;0.003174603174603174600421073848;0.018650793650793650452213157109;0.012698412698412698401684295391;0.010317460317460317234528055508;0.000000000000000000000000000000;0.018253968253968255036623347110;0.020634920634920634469056111016;0.020238095238095239053466301016;0.026587301587301586519584972734;0.015873015873015872134743631250;0.028571428571428570536427926640;0.010317460317460317234528055508
-0.015416666666666667059870654555;0.061666666666666668239482618219;0.035000000000000003330669073875;0.028750000000000001249000902703;0.019583333333333334536074943344;0.014583333333333333564629796797;0.010416666666666666088425508008;0.042500000000000003053113317719;0.007499999999999999722444243844;0.012500000000000000693889390391;0.017083333333333332315628894094;0.005416666666666666851703837438;0.015416666666666667059870654555;0.019583333333333334536074943344;0.057916666666666664908813544344;0.008750000000000000832667268469;0.011249999999999999583666365766;0.058749999999999996669330926125;0.031666666666666669349705642844;0.005833333333333333599324266316;0.022499999999999999167332731531;0.010416666666666666088425508008;0.015833333333333334674852821422;0.016666666666666666435370203203;0.022916666666666665047591422422;0.015416666666666667059870654555;0.038333333333333330372738601000;0.052083333333333335646297967969;0.000833333333333333386820640509;0.018749999999999999306110609609;0.007083333333333332974823814965;0.012083333333333333078907223523;0.021250000000000001526556658860;0.005000000000000000104083408559;0.027083333333333334258519187188;0.026666666666666668378260496297;0.019583333333333334536074943344;0.001666666666666666773641281019;0.004166666666666666608842550801;0.017500000000000001665334536938;0.020833333333333332176851016015;0.008333333333333333217685101602;0.000000000000000000000000000000;0.014166666666666665949647629930;0.035000000000000003330669073875;0.009583333333333332593184650250;0.014999999999999999444888487687;0.014999999999999999444888487687;0.035833333333333335091186455656;0.010833333333333333703407674875
-0.032000000000000000666133814775;0.007666666666666666248020067798;0.056000000000000001165734175856;0.001333333333333333288808764117;0.001666666666666666773641281019;0.013333333333333334189130248149;0.002333333333333333526465880325;0.016666666666666666435370203203;0.012666666666666666352103476356;0.025333333333333332704206952712;0.020000000000000000416333634234;0.002666666666666666577617528233;0.025000000000000001387778780781;0.060666666666666667351304198519;0.009333333333333334105863521302;0.018666666666666668211727042603;0.019333333333333334314030338419;0.032000000000000000666133814775;0.008999999999999999319988397417;0.018999999999999999528155214534;0.017000000000000001221245327088;0.014999999999999999444888487687;0.023666666666666665713725237197;0.038333333333333330372738601000;0.035333333333333334647097245806;0.037333333333333336423454085207;0.030999999999999999777955395075;0.002333333333333333526465880325;0.001666666666666666773641281019;0.005000000000000000104083408559;0.002666666666666666577617528233;0.016333333333333331649495079319;0.011666666666666667198648532633;0.018666666666666668211727042603;0.053666666666666668072949164525;0.038999999999999999944488848769;0.015666666666666665547191783503;0.009666666666666667157015169209;0.000666666666666666644404382058;0.036999999999999998168132009368;0.003333333333333333547282562037;0.004333333333333333134418374755;0.000000000000000000000000000000;0.020000000000000000416333634234;0.007000000000000000145716771982;0.015666666666666665547191783503;0.047000000000000000111022302463;0.039333333333333331260917020700;0.041666666666666664353702032031;0.025333333333333332704206952712
-0.020940170940170938634894426400;0.007692307692307692734701163317;0.058119658119658121342432366419;0.000000000000000000000000000000;0.001282051282051282050170049054;0.015811965811965811301575968173;0.003846153846153846367350581659;0.019658119658119657668926549832;0.017521367521367521569164438233;0.035470085470085468970502518005;0.013247863247863247634916739059;0.005982905982905983334474431246;0.013675213675213675201813856575;0.047863247863247866675795449964;0.008974358974358973700669039886;0.014102564102564102768710974090;0.030769230769230770938804653269;0.033333333333333332870740406406;0.010683760683760683968257509946;0.007692307692307692734701163317;0.015811965811965811301575968173;0.021367521367521367936515019892;0.031196581196581196770978294808;0.047008547008547008072554262981;0.026068376068376069437659836581;0.038461538461538463673505816587;0.027777777777777776235801354687;0.003846153846153846367350581659;0.000854700854700854700113366036;0.008974358974358973700669039886;0.006837606837606837600906928287;0.029487179487179486503389824748;0.011965811965811966668948862491;0.013675213675213675201813856575;0.031623931623931622603151936346;0.051282051282051280272078486178;0.011538461538461539102051744976;0.014957264957264957902505209120;0.001282051282051282050170049054;0.030769230769230770938804653269;0.008119658119658120301598280832;0.010683760683760683968257509946;0.000000000000000000000000000000;0.028632478632478631369595589717;0.003418803418803418800453464144;0.021367521367521367936515019892;0.050854700854700854439904844639;0.026495726495726495269833478119;0.041452991452991451437615211262;0.017521367521367521569164438233
-0.028623188405797101580008146016;0.010144927536231883313799784219;0.035507246376811595067746196719;0.025362318840579711753946412500;0.015579710144927537071590784024;0.018840579710144928632375993516;0.003623188405797101493271972217;0.033333333333333332870740406406;0.007246376811594202986543944434;0.026449275362318839383002355703;0.021376811594202897726102463594;0.006521739130434782254208680996;0.022826086956521739190772990469;0.034057971014492753603075669844;0.023550724637681159923108253906;0.019927536231884056261431936719;0.016304347826086956069202571484;0.028260869565217391213840514297;0.029347826086956522312343409453;0.009420289855072464316187996758;0.022463768115942028824605358750;0.014130434782608695606920257148;0.018115942028985507900040730078;0.037318840579710146898584355313;0.024637681159420291021611149063;0.038043478260869567630919618750;0.038405797101449277997087250469;0.005072463768115941656899892109;0.002898550724637681194617577773;0.034057971014492753603075669844;0.005072463768115941656899892109;0.018478260869565218266208361797;0.026811594202898549749169987422;0.010869565217391304046135047656;0.030797101449275363777013936328;0.036594202898550726166249091875;0.016304347826086956069202571484;0.009782608695652174682355628477;0.002536231884057970828449946055;0.013405797101449274874584993711;0.007971014492753622851517469883;0.006159420289855072755402787266;0.000000000000000000000000000000;0.024275362318840580655443517344;0.020289855072463766627599568437;0.015217391304347826705423152305;0.036956521739130436532416723594;0.022463768115942028824605358750;0.026811594202898549749169987422;0.017753623188405797533873098359
-0.031481481481481478346129421197;0.007037037037037036958653235530;0.071481481481481479178796689666;0.000370370370370370351979089074;0.001111111111111111110147375847;0.011481481481481481399242738917;0.006666666666666667094565124074;0.021111111111111111743321444578;0.017037037037037038034181790636;0.027777777777777776235801354687;0.020740740740740740144509857146;0.004074074074074073709139653943;0.017037037037037038034181790636;0.054444444444444441144614899031;0.013333333333333334189130248149;0.019629629629629628817522046802;0.025185185185185185452461098521;0.030370370370370370488588562807;0.011481481481481481399242738917;0.014074074074074073917306471060;0.012592592592592592726230549260;0.026296296296296296779448908865;0.017777777777777777762358013547;0.032962962962962964741375770927;0.027777777777777776235801354687;0.041481481481481480289019714291;0.029999999999999998889776975375;0.001851851851851851922525771243;0.004444444444444444440589503387;0.003333333333333333547282562037;0.003703703703703703845051542487;0.022222222222222223070309254922;0.007037037037037036958653235530;0.021481481481481479872686080057;0.033333333333333332870740406406;0.049259259259259259577934386698;0.011481481481481481399242738917;0.004814814814814815172039352831;0.002592592592592592518063732143;0.040740740740740744030290443334;0.008148148148148147418279307885;0.006296296296296296363115274630;0.000000000000000000000000000000;0.016666666666666666435370203203;0.004074074074074073709139653943;0.015925925925925926707193980292;0.057407407407407406996213694583;0.033333333333333332870740406406;0.034814814814814812327092852229;0.022222222222222223070309254922
-0.022592592592592591199673890401;0.015185185185185185244294281404;0.067777777777777784007362527063;0.092592592592592587452671182291;0.007037037037037036958653235530;0.004074074074074073709139653943;0.001481481481481481407916356297;0.015925925925925926707193980292;0.010740740740740739936343040029;0.034074074074074076068363581271;0.011111111111111111535154627461;0.003703703703703703845051542487;0.006296296296296296363115274630;0.060370370370370372847812490136;0.014074074074074073917306471060;0.015185185185185185244294281404;0.021851851851851851471497667490;0.028888888888888887562789165031;0.006666666666666667094565124074;0.014444444444444443781394582516;0.012962962962962962590318660716;0.012222222222222222862142437805;0.012962962962962962590318660716;0.042222222222222223486642889156;0.019629629629629628817522046802;0.036666666666666666851703837438;0.025555555555555557051272685953;0.034444444444444444197728216750;0.001111111111111111110147375847;0.006296296296296296363115274630;0.001851851851851851922525771243;0.025925925925925925180637321432;0.004814814814814815172039352831;0.007777777777777777554191196430;0.025185185185185185452461098521;0.050000000000000002775557561563;0.017037037037037038034181790636;0.006296296296296296363115274630;0.000370370370370370351979089074;0.021111111111111111743321444578;0.004074074074074073709139653943;0.005555555555555555767577313730;0.000000000000000000000000000000;0.017777777777777777762358013547;0.004444444444444444440589503387;0.011111111111111111535154627461;0.054814814814814816212873438417;0.033333333333333332870740406406;0.031111111111111110216764785719;0.019259259259259260688157411323
-0.024031007751937984162626804618;0.020542635658914728397084203948;0.038759689922480619617140007449;0.140310077519379849952940730873;0.050775193798449615167900361712;0.024806201550387596554969604767;0.003100775193798449569371200596;0.014341085271317829258341802756;0.012015503875968992081313402309;0.015116279069767441650684602905;0.014728682170542635454513202831;0.026744186046511627535826605140;0.021317829457364340789427004097;0.028682170542635658516683605512;0.011240310077519379688970602160;0.013953488372093023062170402682;0.024031007751937984162626804618;0.022480620155038759377941204320;0.018217054263565891220055803501;0.005426356589147286746399601043;0.011627906976744185885142002235;0.017829457364341085023884403427;0.010077519379844961100456401937;0.015891472868217054043027403054;0.034883720930232557655426006704;0.020155038759689922200912803874;0.019767441860465116004741403799;0.040697674418604654067443959775;0.000775193798449612392342800149;0.041860465116279069186511208045;0.021705426356589146985598404171;0.010077519379844961100456401937;0.009302325581395348708113601788;0.006589147286821705334913801266;0.018217054263565891220055803501;0.019767441860465116004741403799;0.007364341085271317727256601415;0.010465116279069767296627802011;0.002713178294573643373199800521;0.022480620155038759377941204320;0.006589147286821705334913801266;0.013565891472868216865999002607;0.000000000000000000000000000000;0.014341085271317829258341802756;0.010852713178294573492799202086;0.011627906976744185885142002235;0.021317829457364340789427004097;0.015891472868217054043027403054;0.022480620155038759377941204320;0.010465116279069767296627802011
-0.025462962962962961549484575130;0.014351851851851851749053423646;0.048611111111111111882099322656;0.098148148148148151026504137917;0.003703703703703703845051542487;0.017592592592592593697675695807;0.004166666666666666608842550801;0.014814814814814815380206169948;0.018518518518518517490534236458;0.027314814814814816074095560339;0.017129629629629630066522949505;0.007407407407407407690103084974;0.016203703703703702804217456901;0.043981481481481482509465763542;0.017129629629629630066522949505;0.015740740740740739173064710599;0.021759259259259259439156508620;0.027777777777777776235801354687;0.010648148148148147904001881159;0.012037037037037037062736644089;0.012037037037037037062736644089;0.022222222222222223070309254922;0.016666666666666666435370203203;0.036111111111111107718762980312;0.033333333333333332870740406406;0.030555555555555554553270880547;0.023148148148148146863167795573;0.018518518518518517490534236458;0.000925925925925925961262885622;0.009722222222222222376419864531;0.006944444444444444058950338672;0.023611111111111110494320541875;0.006481481481481481295159330358;0.008333333333333333217685101602;0.031018518518518518184423626849;0.036111111111111107718762980312;0.010648148148148147904001881159;0.012500000000000000693889390391;0.002314814814814814686316779557;0.022685185185185186701462001224;0.005555555555555555767577313730;0.014814814814814815380206169948;0.000000000000000000000000000000;0.026851851851851852442942814037;0.005092592592592593003786305417;0.020370370370370372015145221667;0.038425925925925925874526711823;0.020833333333333332176851016015;0.023611111111111110494320541875;0.018055555555555553859381490156
-0.016161616161616161602143648679;0.033333333333333332870740406406;0.011616161616161616368381181985;0.280808080808080784418478970110;0.051515151515151513805790273182;0.013636363636363635701287400082;0.003030303030303030300401934127;0.015656565656565656768917094155;0.013131313131313130868060845557;0.007575757575757575967845269815;0.010101010101010101868701518413;0.005050505050505050934350759206;0.010101010101010101868701518413;0.006060606060606060600803868255;0.079292929292929290041591627869;0.009090909090909090467524933388;0.010606060606060606701928072937;0.024242424242424242403215473018;0.009595959595959595300751487912;0.002020202020202020200267956085;0.007575757575757575967845269815;0.006565656565656565434030422779;0.006565656565656565434030422779;0.016161616161616161602143648679;0.012121212121212121201607736509;0.011111111111111111535154627461;0.012626262626262626034834291033;0.113131313131313138153899444660;0.002525252525252525467175379603;0.011111111111111111535154627461;0.004040404040404040400535912170;0.009090909090909090467524933388;0.008080808080808080801071824339;0.004545454545454545233762466694;0.014141414141414142269237430583;0.014646464646464647102463985107;0.006060606060606060600803868255;0.008585858585858585634298378864;0.007070707070707071134618715291;0.007575757575757575967845269815;0.008080808080808080801071824339;0.010606060606060606701928072937;0.000000000000000000000000000000;0.011111111111111111535154627461;0.032323232323232323204287297358;0.008585858585858585634298378864;0.011111111111111111535154627461;0.008080808080808080801071824339;0.008080808080808080801071824339;0.006060606060606060600803868255
-0.022222222222222223070309254922;0.012847222222222221682530474141;0.048263888888888890893458238907;0.141319444444444441977282167500;0.013194444444444444405895033867;0.014583333333333333564629796797;0.004166666666666666608842550801;0.021874999999999998612221219219;0.017013888888888887424011286953;0.029166666666666667129259593594;0.010763888888888888811790067734;0.003819444444444444319158860068;0.018055555555555553859381490156;0.028472222222222221682530474141;0.026041666666666667823148983985;0.013194444444444444405895033867;0.021527777777777777623580135469;0.027083333333333334258519187188;0.013194444444444444405895033867;0.012500000000000000693889390391;0.018055555555555553859381490156;0.019791666666666665741480812812;0.016666666666666666435370203203;0.035763888888888886730121896562;0.022222222222222223070309254922;0.021180555555555556634939051719;0.033333333333333332870740406406;0.022569444444444444058950338672;0.001736111111111111014737584668;0.009722222222222222376419864531;0.002083333333333333304421275400;0.015277777777777777276635440273;0.010763888888888888811790067734;0.010416666666666666088425508008;0.023263888888888889505679458125;0.035069444444444444752839729063;0.013194444444444444405895033867;0.007638888888888888638317720137;0.002777777777777777883788656865;0.023263888888888889505679458125;0.004513888888888888464845372539;0.006944444444444444058950338672;0.000000000000000000000000000000;0.018749999999999999306110609609;0.016666666666666666435370203203;0.014583333333333333564629796797;0.029513888888888888117900677344;0.020486111111111111188209932266;0.029166666666666667129259593594;0.015277777777777777276635440273
-0.025555555555555557051272685953;0.017037037037037038034181790636;0.055925925925925927539861248761;0.021851851851851851471497667490;0.010370370370370370072254928573;0.011851851851851851263330850372;0.003703703703703703845051542487;0.028888888888888887562789165031;0.011481481481481481399242738917;0.031111111111111110216764785719;0.014814814814814815380206169948;0.002592592592592592518063732143;0.011111111111111111535154627461;0.043333333333333334813630699500;0.035555555555555555524716027094;0.010000000000000000208166817117;0.015555555555555555108382392859;0.029629629629629630760412339896;0.022962962962962962798485477833;0.009629629629629630344078705662;0.018148148148148149361169600979;0.011481481481481481399242738917;0.008888888888888888881179006773;0.050740740740740739034286832521;0.023333333333333334397297065266;0.037037037037037034981068472916;0.035555555555555555524716027094;0.045555555555555557467606320188;0.001481481481481481407916356297;0.011851851851851851263330850372;0.000370370370370370351979089074;0.021481481481481479872686080057;0.011481481481481481399242738917;0.015185185185185185244294281404;0.016666666666666666435370203203;0.041111111111111112159655078813;0.022592592592592591199673890401;0.005185185185185185036127464286;0.001481481481481481407916356297;0.016666666666666666435370203203;0.007777777777777777554191196430;0.003703703703703703845051542487;0.000000000000000000000000000000;0.023333333333333334397297065266;0.019629629629629628817522046802;0.017777777777777777762358013547;0.045925925925925925596970955667;0.024814814814814813853649511088;0.031481481481481478346129421197;0.016296296296296294836558615771
-0.009259259259259258745267118229;0.011851851851851851263330850372;0.017407407407407406163546426114;0.458888888888888901718132729002;0.004814814814814815172039352831;0.008148148148148147418279307885;0.005555555555555555767577313730;0.020740740740740740144509857146;0.006666666666666667094565124074;0.021111111111111111743321444578;0.007037037037037036958653235530;0.002962962962962962815832712593;0.003703703703703703845051542487;0.018148148148148149361169600979;0.031111111111111110216764785719;0.003703703703703703845051542487;0.010370370370370370072254928573;0.025185185185185185452461098521;0.016666666666666666435370203203;0.004444444444444444440589503387;0.013703703703703704053218359604;0.007777777777777777554191196430;0.011111111111111111535154627461;0.027407407407407408106436719208;0.007407407407407407690103084974;0.015925925925925926707193980292;0.022962962962962962798485477833;0.015925925925925926707193980292;0.000740740740740740703958178148;0.008888888888888888881179006773;0.002222222222222222220294751693;0.015925925925925926707193980292;0.008518518518518519017090895318;0.002592592592592592518063732143;0.007407407407407407690103084974;0.025925925925925925180637321432;0.007777777777777777554191196430;0.004444444444444444440589503387;0.002592592592592592518063732143;0.007777777777777777554191196430;0.008518518518518519017090895318;0.008518518518518519017090895318;0.000000000000000000000000000000;0.014814814814814815380206169948;0.013703703703703704053218359604;0.009259259259259258745267118229;0.015925925925925926707193980292;0.008148148148148147418279307885;0.011111111111111111535154627461;0.005185185185185185036127464286
-0.036296296296296298722339201959;0.015925925925925926707193980292;0.029999999999999998889776975375;0.007037037037037036958653235530;0.010000000000000000208166817117;0.037777777777777778178691647781;0.003333333333333333547282562037;0.023333333333333334397297065266;0.012962962962962962590318660716;0.015555555555555555108382392859;0.021111111111111111743321444578;0.011851851851851851263330850372;0.027777777777777776235801354687;0.028148148148148147834612942120;0.018148148148148149361169600979;0.022222222222222223070309254922;0.018518518518518517490534236458;0.032962962962962964741375770927;0.031481481481481478346129421197;0.003333333333333333547282562037;0.022592592592592591199673890401;0.020370370370370372015145221667;0.028888888888888887562789165031;0.020370370370370372015145221667;0.042222222222222223486642889156;0.026666666666666668378260496297;0.032222222222222221543752596062;0.010740740740740739936343040029;0.001111111111111111110147375847;0.036666666666666666851703837438;0.018518518518518517490534236458;0.008888888888888888881179006773;0.027777777777777776235801354687;0.010370370370370370072254928573;0.036666666666666666851703837438;0.025555555555555557051272685953;0.015925925925925926707193980292;0.019629629629629628817522046802;0.003333333333333333547282562037;0.026666666666666668378260496297;0.008888888888888888881179006773;0.010740740740740739936343040029;0.000000000000000000000000000000;0.012962962962962962590318660716;0.011481481481481481399242738917;0.015555555555555555108382392859;0.021481481481481479872686080057;0.022592592592592591199673890401;0.040740740740740744030290443334;0.012592592592592592726230549260
-0.010000000000000000208166817117;0.031818181818181814901613790880;0.059999999999999997779553950750;0.048484848484848484806430946037;0.027575757575757576384178904050;0.007272727272727272720964641906;0.003939393939393939607362948863;0.023030303030303029415692961379;0.062424242424242423754598974028;0.023636363636363635909454217199;0.006666666666666667094565124074;0.002424242424242424240321547302;0.006666666666666667094565124074;0.026363636363636363396656392410;0.033939393939393942833948614179;0.004545454545454545233762466694;0.036363636363636361870099733551;0.047878787878787881782116642171;0.012424242424242424448488364419;0.008181818181818182461606525635;0.006363636363636363847684496164;0.039090909090909092826748860716;0.013333333333333334189130248149;0.030606060606060605383538231195;0.005757575757575757353923240345;0.015757575757575758429451795450;0.023030303030303029415692961379;0.042424242424242426807712291748;0.005151515151515151727523722514;0.007272727272727272720964641906;0.004545454545454545233762466694;0.030909090909090910365142335081;0.003939393939393939607362948863;0.007272727272727272720964641906;0.011818181818181817954727108599;0.043333333333333334813630699500;0.008787878787878787220644305478;0.004848484848484848480643094604;0.017878787878787879422892714842;0.031212121212121211877299487014;0.011515151515151514707846480690;0.044242424242424242819549107253;0.000000000000000000000000000000;0.019696969696969695434729530348;0.020000000000000000416333634234;0.008484848484848485708487153545;0.024848484848484848896976728838;0.013939393939393938948168027991;0.012424242424242424448488364419;0.007878787878787879214725897725
-0.020652173913043476993767200156;0.006521739130434782254208680996;0.092753623188405798227762488750;0.010869565217391304046135047656;0.002898550724637681194617577773;0.010507246376811593679967415937;0.000724637681159420298654394443;0.017028985507246376801537834922;0.028260869565217391213840514297;0.041304347826086953987534400312;0.007971014492753622851517469883;0.002898550724637681194617577773;0.013405797101449274874584993711;0.056159420289855072061513396875;0.007971014492753622851517469883;0.008333333333333333217685101602;0.044927536231884057649210717500;0.039492753623188409095590145625;0.008695652173913043583852733320;0.023913043478260870289275885625;0.011231884057971014412302679375;0.027898550724637680847672882578;0.025000000000000001387778780781;0.051449275362318837301334184531;0.014492753623188405973087888867;0.032608695652173912138405142969;0.022463768115942028824605358750;0.002536231884057970828449946055;0.002536231884057970828449946055;0.005072463768115941656899892109;0.001086956521739130447981591665;0.030797101449275363777013936328;0.007246376811594202986543944434;0.011231884057971014412302679375;0.022101449275362318458437727031;0.065942028985507245009145549375;0.015942028985507245703034939766;0.007971014492753622851517469883;0.004347826086956521791926366660;0.032971014492753622504572774687;0.007971014492753622851517469883;0.008695652173913043583852733320;0.000000000000000000000000000000;0.016666666666666666435370203203;0.002898550724637681194617577773;0.015217391304347826705423152305;0.042391304347826085086037295468;0.026811594202898549749169987422;0.027173913043478260115337619141;0.011956521739130435144637942813
-0.032083333333333331760517381781;0.011249999999999999583666365766;0.051249999999999996946886682281;0.013333333333333334189130248149;0.002916666666666666799662133158;0.010000000000000000208166817117;0.008750000000000000832667268469;0.024166666666666666157814447047;0.026666666666666668378260496297;0.029166666666666667129259593594;0.011666666666666667198648532633;0.005416666666666666851703837438;0.019166666666666665186369300500;0.036666666666666666851703837438;0.013750000000000000069388939039;0.012916666666666666574148081281;0.019583333333333334536074943344;0.037916666666666667961926862063;0.016666666666666666435370203203;0.013333333333333334189130248149;0.014166666666666665949647629930;0.032916666666666663521034763562;0.038749999999999999722444243844;0.035833333333333335091186455656;0.025000000000000001387778780781;0.029166666666666667129259593594;0.030416666666666668239482618219;0.010833333333333333703407674875;0.004166666666666666608842550801;0.009166666666666666712925959359;0.006250000000000000346944695195;0.018333333333333333425851918719;0.008333333333333333217685101602;0.014999999999999999444888487687;0.035000000000000003330669073875;0.039583333333333331482961625625;0.010833333333333333703407674875;0.013333333333333334189130248149;0.009583333333333332593184650250;0.048750000000000001665334536938;0.007083333333333332974823814965;0.013333333333333334189130248149;0.000000000000000000000000000000;0.019583333333333334536074943344;0.008333333333333333217685101602;0.020000000000000000416333634234;0.033750000000000002220446049250;0.021666666666666667406815349750;0.028750000000000001249000902703;0.015416666666666667059870654555
-0.012962962962962962590318660716;0.012592592592592592726230549260;0.063333333333333338699411285688;0.005185185185185185036127464286;0.000740740740740740703958178148;0.006296296296296296363115274630;0.001481481481481481407916356297;0.010000000000000000208166817117;0.045555555555555557467606320188;0.020370370370370372015145221667;0.012222222222222222862142437805;0.005555555555555555767577313730;0.011481481481481481399242738917;0.037037037037037034981068472916;0.016666666666666666435370203203;0.010370370370370370072254928573;0.024814814814814813853649511088;0.058888888888888886452566140406;0.004074074074074073709139653943;0.017777777777777777762358013547;0.005925925925925925631665425186;0.052592592592592593558897817729;0.067407407407407402000210083770;0.027037037037037036507625131776;0.016666666666666666435370203203;0.016296296296296294836558615771;0.019259259259259260688157411323;0.010740740740740739936343040029;0.001851851851851851922525771243;0.002592592592592592518063732143;0.003333333333333333547282562037;0.016296296296296294836558615771;0.007037037037037036958653235530;0.015555555555555555108382392859;0.040000000000000000832667268469;0.035925925925925923654080662573;0.014074074074074073917306471060;0.007777777777777777554191196430;0.015555555555555555108382392859;0.095925925925925928372528517230;0.004814814814814815172039352831;0.024444444444444445724284875610;0.000000000000000000000000000000;0.014444444444444443781394582516;0.005185185185185185036127464286;0.009259259259259258745267118229;0.032222222222222221543752596062;0.016666666666666666435370203203;0.029259259259259259161600752464;0.014444444444444443781394582516
-0.020370370370370372015145221667;0.012592592592592592726230549260;0.082592592592592592448674793104;0.001481481481481481407916356297;0.004444444444444444440589503387;0.011111111111111111535154627461;0.003703703703703703845051542487;0.018888888888888889089345823891;0.019259259259259260688157411323;0.025185185185185185452461098521;0.012962962962962962590318660716;0.006666666666666667094565124074;0.023333333333333334397297065266;0.050740740740740739034286832521;0.011851851851851851263330850372;0.019259259259259260688157411323;0.025925925925925925180637321432;0.034444444444444444197728216750;0.008148148148148147418279307885;0.016666666666666666435370203203;0.011481481481481481399242738917;0.030370370370370370488588562807;0.020740740740740740144509857146;0.038148148148148146308056283260;0.030370370370370370488588562807;0.030370370370370370488588562807;0.033333333333333332870740406406;0.007777777777777777554191196430;0.001481481481481481407916356297;0.005555555555555555767577313730;0.005185185185185185036127464286;0.022222222222222223070309254922;0.010000000000000000208166817117;0.020740740740740740144509857146;0.039629629629629632703302632990;0.048888888888888891448569751219;0.011851851851851851263330850372;0.008148148148148147418279307885;0.001111111111111111110147375847;0.041481481481481480289019714291;0.007777777777777777554191196430;0.006666666666666667094565124074;0.000000000000000000000000000000;0.013703703703703704053218359604;0.007037037037037036958653235530;0.013333333333333334189130248149;0.043703703703703702942995334979;0.029259259259259259161600752464;0.032222222222222221543752596062;0.017777777777777777762358013547
-0.022368421052631579093450397977;0.016228070175438594896499822084;0.054385964912280704286473564935;0.005263157894736841986571551644;0.003947368421052631706769098230;0.008333333333333333217685101602;0.012280701754385964924454199831;0.025438596491228069457202209946;0.031140350877192982115282404720;0.037719298245614034381656409778;0.013157894736842104532748010115;0.005701754385964912658080194774;0.009210526315789472825978911885;0.025877192982456140996072591065;0.014035087719298245875765296375;0.013157894736842104532748010115;0.045175438596491229725771177073;0.037280701754385962842786028659;0.010087719298245614168996198146;0.010964912280701753777290008429;0.021491228070175439485156587693;0.014473684210526315679912201517;0.011842105263157895120307294690;0.061403508771929821152824047203;0.018859649122807017190828204889;0.031578947368421053654152785839;0.021929824561403507554580016858;0.017982456140350877582534394605;0.007894736842105263413538196460;0.008333333333333333217685101602;0.008771929824561403021832006743;0.043421052631578950509183556505;0.008771929824561403021832006743;0.009210526315789472825978911885;0.011403508771929825316160389548;0.053070175438596489669862421579;0.009210526315789472825978911885;0.019298245614035088729698586008;0.007894736842105263413538196460;0.021491228070175439485156587693;0.007894736842105263413538196460;0.025000000000000001387778780781;0.000000000000000000000000000000;0.040350877192982456675984792582;0.003508771929824561468941324094;0.035964912280701755165068789211;0.036403508771929826703939170329;0.015350877192982455288206011801;0.015789473684210526827076392919;0.009649122807017544364849293004
-0.041091954022988506911584494219;0.019540229885057470993192652031;0.029022988505747127768730209141;0.001436781609195402278911224414;0.016666666666666666435370203203;0.039942528735632185088455514688;0.009195402298850574585031836250;0.018103448275862070449004903594;0.020977011494252875006827352422;0.018390804597701149170063672500;0.014942528735632183700676733906;0.023275862068965518653085311485;0.028160919540229884666659998516;0.027873563218390805945601229610;0.008908045977011494129249591367;0.022701149425287357741520821719;0.017241379310344827346934692969;0.039080459770114941986385304062;0.023850574712643679564649801250;0.009770114942528735496596326016;0.016091954022988505523805713437;0.015804597701149426802746944531;0.026149425287356323210907760313;0.022701149425287357741520821719;0.041954022988505750013654704844;0.031609195402298853605493889063;0.025862068965517241020402039453;0.006034482758620689571427142539;0.001436781609195402278911224414;0.034195402298850575972810617031;0.021264367816091953727886121328;0.016379310344827587714311434297;0.014942528735632183700676733906;0.006321839080459770027209387422;0.032183908045977011047611426875;0.022126436781609196829956331953;0.014080459770114942333329999258;0.022988505747126436462579590625;0.008333333333333333217685101602;0.029310344827586206489788978047;0.008045977011494252761902856719;0.018103448275862070449004903594;0.000000000000000000000000000000;0.017528735632183909537440413828;0.008620689655172413673467346484;0.024712643678160919197273059922;0.017528735632183909537440413828;0.018678160919540231360569393360;0.031034482758620689224482447344;0.015804597701149426802746944531
-0.022522522522522521459809041744;0.019369369369369369288103044369;0.050900900900900901413503873982;0.003603603603603603659083498556;0.005405405405405405705465682331;0.009459459459459459984564944079;0.004954954954954954651769050145;0.030630630630630630018007565241;0.019819819819819818607076200578;0.027927927927927927165274724075;0.013063063063063063209967573641;0.004054054054054054279099261748;0.011711711711711711783601153058;0.029279279279279278591641144658;0.022522522522522521459809041744;0.013963963963963963582637362038;0.030630630630630630018007565241;0.055405405405405408481023243894;0.020270270270270271395496308742;0.010810810810810811410931364662;0.020720720720720720714469464951;0.020270270270270271395496308742;0.025225225225225224312541882909;0.036486486486486488511893355735;0.017567567567567568542763467576;0.033783783783783785659160514570;0.036036036036036035723473247572;0.013513513513513514263664205828;0.004954954954954954651769050145;0.009009009009009008930868311893;0.001801801801801801829541749278;0.027477477477477477846301567865;0.011711711711711711783601153058;0.011711711711711711783601153058;0.026576576576576575738908303492;0.055405405405405408481023243894;0.017117117117117115754343359413;0.004954954954954954651769050145;0.004504504504504504465434155946;0.024324324324324325674595570490;0.010810810810810811410931364662;0.024774774774774774993568726700;0.000000000000000000000000000000;0.025225225225225224312541882909;0.012612612612612612156270941455;0.024774774774774774993568726700;0.030180180180180180699034409031;0.017567567567567568542763467576;0.029729729729729731380061252821;0.014864864864864865690030626411
-0.044540229885057472380971432813;0.002873563218390804557822448828;0.053735632183908046966003269063;0.000000000000000000000000000000;0.002586206896551724102040203945;0.012068965517241379142854285078;0.000287356321839080455782244883;0.018390804597701149170063672500;0.006034482758620689571427142539;0.045402298850574715483041643438;0.020689655172413792816321631562;0.007471264367816091850338366953;0.013505747126436781421765509492;0.065229885057471265197293064375;0.003448275862068965469386938594;0.028160919540229884666659998516;0.010919540229885057319725305547;0.011494252873563218231289795312;0.007471264367816091850338366953;0.009195402298850574585031836250;0.016954022988505748625875924063;0.004597701149425287292515918125;0.007471264367816091850338366953;0.063793103448275864653105315938;0.041091954022988506911584494219;0.063793103448275864653105315938;0.029022988505747127768730209141;0.000000000000000000000000000000;0.000574712643678160911564489766;0.011494252873563218231289795312;0.005172413793103448204080407891;0.020689655172413792816321631562;0.005747126436781609115644897656;0.010057471264367815952378570898;0.027586206896551723755095508750;0.050862068965517238938733868281;0.012356321839080459598636529961;0.011781609195402298687072040195;0.000000000000000000000000000000;0.012643678160919540054418774844;0.002873563218390804557822448828;0.001149425287356321823128979531;0.000000000000000000000000000000;0.032758620689655175428622868594;0.001436781609195402278911224414;0.016091954022988505523805713437;0.075862068965517240326512649062;0.057183908045977012435390207656;0.026149425287356323210907760313;0.027298850574712645034036739844
-0.026923076923076924571454071611;0.014529914529914530335608091605;0.083333333333333328707404064062;0.003418803418803418800453464144;0.000000000000000000000000000000;0.014102564102564102768710974090;0.002136752136752136967123849587;0.015811965811965811301575968173;0.020512820512820512802720784862;0.041452991452991451437615211262;0.013675213675213675201813856575;0.004700854700854700633783078700;0.013675213675213675201813856575;0.060256410256410257442194478017;0.006410256410256410034009810772;0.020512820512820512802720784862;0.032905982905982907038566764868;0.047863247863247866675795449964;0.006837606837606837600906928287;0.017521367521367521569164438233;0.011538461538461539102051744976;0.019230769230769231836752908293;0.006410256410256410034009810772;0.045299145299145297804965792920;0.029914529914529915805010418239;0.041880341880341877269788852800;0.025641025641025640136039243089;0.001709401709401709400226732072;0.000000000000000000000000000000;0.001709401709401709400226732072;0.002564102564102564100340098108;0.022649572649572648902482896460;0.003418803418803418800453464144;0.011538461538461539102051744976;0.032478632478632481206393123330;0.059401709401709398838953291033;0.014957264957264957902505209120;0.007264957264957265167804045802;0.000000000000000000000000000000;0.024358974358974359170071366520;0.005555555555555555767577313730;0.013247863247863247634916739059;0.000000000000000000000000000000;0.019658119658119657668926549832;0.001282051282051282050170049054;0.014957264957264957902505209120;0.055555555555555552471602709375;0.032051282051282048435325577884;0.027350427350427350403627713149;0.021794871794871793768688661430
-0.035858585858585860506320130980;0.004040404040404040400535912170;0.078787878787878781738918121391;0.014646464646464647102463985107;0.000000000000000000000000000000;0.011616161616161616368381181985;0.002020202020202020200267956085;0.018686868686868685768276421300;0.017171717171717171268596757727;0.038383838383838381203005951647;0.012626262626262626034834291033;0.005555555555555555767577313730;0.021717171717171718237082700398;0.057575757575757578743402831378;0.005555555555555555767577313730;0.018181818181818180935049866775;0.032828282828282831506960803836;0.031818181818181814901613790880;0.003535353535353535567309357646;0.009595959595959595300751487912;0.014141414141414142269237430583;0.017171717171717171268596757727;0.016666666666666666435370203203;0.041919191919191918505038785270;0.028787878787878789371701415689;0.049494949494949494472884055085;0.029292929292929294204927970213;0.000505050505050505050066989021;0.002020202020202020200267956085;0.002525252525252525467175379603;0.001515151515151515150200967064;0.017676767676767676101823312251;0.007070707070707071134618715291;0.008080808080808080801071824339;0.025757575757575756902895136591;0.057070707070707070440729324901;0.015656565656565656768917094155;0.010101010101010101868701518413;0.000505050505050505050066989021;0.029292929292929294204927970213;0.005050505050505050934350759206;0.006060606060606060600803868255;0.000000000000000000000000000000;0.022222222222222223070309254922;0.001515151515151515150200967064;0.018686868686868685768276421300;0.060606060606060607742762158523;0.038888888888888889505679458125;0.030303030303030303871381079261;0.021212121212121213403856145874
-0.023809523809523808202115446875;0.027210884353741495583767218136;0.040136054421768707634043948929;0.054081632653061227633539687076;0.032312925170068028390968351005;0.012585034013605441577388077690;0.006802721088435373895941804534;0.040816326530612241640927351227;0.013605442176870747791883609068;0.018367346938775511860919564811;0.016326530612244899431928502054;0.004761904761904762334312479766;0.019727891156462583344133321361;0.027210884353741495583767218136;0.047959183673469386877119546853;0.011224489795918366624727369185;0.020748299319727891293352328717;0.036054421768707482776061823415;0.031632653061224487445191044799;0.009523809523809524668624959531;0.028911564625850341009316579743;0.015646258503401361955598147802;0.018367346938775511860919564811;0.022448979591836733249454738370;0.019727891156462583344133321361;0.020068027210884353817021974464;0.034693877551020407823401114911;0.029931972789115645489088635145;0.003401360544217686947970902267;0.017346938775510203911700557455;0.006122448979591836419611450282;0.014625850340136054006379140446;0.016326530612244899431928502054;0.011904761904761904101057723437;0.024829931972789116151334454230;0.025510204081632653627664808482;0.012585034013605441577388077690;0.010544217687074829148397014933;0.001700680272108843473985451134;0.024489795918367345678445801127;0.009523809523809524668624959531;0.007142857142857142634106981660;0.000000000000000000000000000000;0.015306122448979591482709494699;0.022108843537414966246013037221;0.013945578231292516530048786194;0.018367346938775511860919564811;0.014285714285714285268213963320;0.031972789115646257918079697902;0.013265306122448979053718431942
-0.033673469387755103343629059509;0.006122448979591836419611450282;0.070408163265306120126574285223;0.000340136054421768683955068502;0.002040816326530612428991062757;0.020068027210884353817021974464;0.004761904761904762334312479766;0.017687074829931974384589210558;0.038775510204081632681383240424;0.034013605442176873816517712612;0.014285714285714285268213963320;0.018707482993197278864361265960;0.014625850340136054006379140446;0.036054421768707482776061823415;0.006462585034013605157776627408;0.026190476190476191103995162734;0.036394557823129253248950476518;0.028231292517006803532986225491;0.008503401360544218454129428153;0.007142857142857142634106981660;0.014965986394557822744544317572;0.034013605442176873816517712612;0.009863945578231291672066660681;0.044557823129251702964914727545;0.032993197278911562397851753303;0.039115646258503403154271893527;0.021088435374149658296794029866;0.006462585034013605157776627408;0.002721088435374149471640548015;0.011564625850340135362892546311;0.019727891156462583344133321361;0.024489795918367345678445801127;0.007823129251700680977799073901;0.007823129251700680977799073901;0.018027210884353741388030911708;0.043197278911564628012254019040;0.010884353741496597886562192059;0.024829931972789116151334454230;0.004421768707482993596147302640;0.018707482993197278864361265960;0.006462585034013605157776627408;0.012585034013605441577388077690;0.000000000000000000000000000000;0.023469387755102041198673745726;0.003741496598639455686136079393;0.022108843537414966246013037221;0.043877551020408162019137421339;0.027891156462585033060097572388;0.020408163265306120820463675614;0.017687074829931974384589210558
-0.006666666666666667094565124074;0.012962962962962962590318660716;0.087777777777777774015355305437;0.188148148148148147695835064042;0.024074074074074074125473288177;0.002222222222222222220294751693;0.001851851851851851922525771243;0.022222222222222223070309254922;0.018148148148148149361169600979;0.035925925925925923654080662573;0.008888888888888888881179006773;0.001481481481481481407916356297;0.002222222222222222220294751693;0.041481481481481480289019714291;0.014814814814814815380206169948;0.003703703703703703845051542487;0.021111111111111111743321444578;0.035555555555555555524716027094;0.005925925925925925631665425186;0.010740740740740739936343040029;0.008518518518518519017090895318;0.020000000000000000416333634234;0.005925925925925925631665425186;0.043703703703703702942995334979;0.008148148148148147418279307885;0.016666666666666666435370203203;0.020370370370370372015145221667;0.044074074074074071072359970458;0.000740740740740740703958178148;0.002962962962962962815832712593;0.000370370370370370351979089074;0.030370370370370370488588562807;0.001481481481481481407916356297;0.007037037037037036958653235530;0.008148148148148147418279307885;0.059259259259259261520824679792;0.013703703703703704053218359604;0.002592592592592592518063732143;0.003333333333333333547282562037;0.015185185185185185244294281404;0.008148148148148147418279307885;0.008888888888888888881179006773;0.000000000000000000000000000000;0.019629629629629628817522046802;0.007407407407407407690103084974;0.007037037037037036958653235530;0.050370370370370370904922197042;0.013703703703703704053218359604;0.017407407407407406163546426114;0.008888888888888888881179006773
-0.009523809523809524668624959531;0.006746031746031746351155433672;0.021428571428571428769682682969;0.502777777777777767909128669999;0.085317460317460319663140921875;0.000396825396825396825052634231;0.001984126984126984016842953906;0.011507936507936508685467913438;0.003174603174603174600421073848;0.011904761904761904101057723437;0.005555555555555555767577313730;0.001587301587301587300210536924;0.003571428571428571317053490830;0.018253968253968255036623347110;0.010317460317460317234528055508;0.005952380952380952050528861719;0.008730158730158730367998387578;0.012301587301587301251371009414;0.003968253968253968033685907812;0.004365079365079365183999193789;0.010714285714285714384841341484;0.006349206349206349200842147695;0.003174603174603174600421073848;0.019841269841269840168429539062;0.004761904761904762334312479766;0.013095238095238095551997581367;0.013095238095238095551997581367;0.067460317460317456572660432812;0.001587301587301587300210536924;0.004365079365079365183999193789;0.000793650793650793650105268462;0.012301587301587301251371009414;0.001984126984126984016842953906;0.007936507936507936067371815625;0.002380952380952381167156239883;0.017063492063492061850960013203;0.001984126984126984016842953906;0.002777777777777777883788656865;0.000793650793650793650105268462;0.003174603174603174600421073848;0.005952380952380952050528861719;0.005158730158730158617264027754;0.000000000000000000000000000000;0.009126984126984127518311673555;0.004365079365079365183999193789;0.007936507936507936067371815625;0.020238095238095239053466301016;0.009126984126984127518311673555;0.008333333333333333217685101602;0.004761904761904762334312479766
-0.024206349206349207087152208828;0.001190476190476190583578119941;0.089682539682539683112416639688;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005158730158730158617264027754;0.000396825396825396825052634231;0.015873015873015872134743631250;0.013888888888888888117900677344;0.054761904761904761640423089375;0.010714285714285714384841341484;0.000793650793650793650105268462;0.007539682539682539784420267637;0.077380952380952383595769106250;0.002777777777777777883788656865;0.015873015873015872134743631250;0.030158730158730159137681070547;0.027777777777777776235801354687;0.003571428571428571317053490830;0.017460317460317460735996775156;0.007936507936507936067371815625;0.015873015873015872134743631250;0.008333333333333333217685101602;0.072222222222222215437525960624;0.023412698412698412786525636875;0.049206349206349205005484037656;0.028571428571428570536427926640;0.000000000000000000000000000000;0.001190476190476190583578119941;0.000000000000000000000000000000;0.001587301587301587300210536924;0.035317460317460316887583360312;0.002380952380952381167156239883;0.008730158730158730367998387578;0.019841269841269840168429539062;0.074999999999999997224442438437;0.009523809523809524668624959531;0.006349206349206349200842147695;0.000000000000000000000000000000;0.016666666666666666435370203203;0.003174603174603174600421073848;0.000793650793650793650105268462;0.000000000000000000000000000000;0.031746031746031744269487262500;0.000793650793650793650105268462;0.013095238095238095551997581367;0.082936507936507933291814254062;0.037301587301587300904426314219;0.022222222222222223070309254922;0.026587301587301586519584972734
-0.044968553459119493809215128977;0.001257861635220125723702566667;0.040880503144654085911913199425;0.003144654088050314634517068413;0.006289308176100629269034136826;0.011635220125786162673198198547;0.003459119496855346011232601455;0.015408805031446540928508071033;0.006289308176100629269034136826;0.060377358490566038207170151964;0.019811320754716980202525533628;0.001572327044025157317258534206;0.010691823899371068543051599420;0.059119496855345912700308019794;0.002201257861635220070689600291;0.026415094339622642582998679472;0.010691823899371068543051599420;0.010062893081761005789620533335;0.007232704402515723399180735953;0.008490566037735848906042868123;0.015408805031446540928508071033;0.010062893081761005789620533335;0.007232704402515723399180735953;0.083647798742138360084119597104;0.033018867924528301494024873364;0.063522012578616351974325482388;0.027358490566037736713145278600;0.000314465408805031430925641667;0.002201257861635220070689600291;0.017295597484276729188801269288;0.005345911949685534271525799710;0.027987421383647799466576344685;0.005345911949685534271525799710;0.009119496855345911659473934208;0.032389937106918238740593807279;0.046226415094339619316077261146;0.012264150943396227161352740609;0.017610062893081760565516802330;0.000943396226415094346987033624;0.013207547169811321291499339736;0.004716981132075471518094733625;0.000628930817610062861851283333;0.000000000000000000000000000000;0.038993710691823897651620001170;0.001886792452830188693974067249;0.027044025157232705336429745557;0.059433962264150944077023552836;0.049056603773584908645410962436;0.018553459119496854695663401458;0.019182389937106917449094467543
-0.027037037037037036507625131776;0.008148148148148147418279307885;0.065185185185185179346234463083;0.001851851851851851922525771243;0.014444444444444443781394582516;0.007407407407407407690103084974;0.001851851851851851922525771243;0.016666666666666666435370203203;0.010370370370370370072254928573;0.044074074074074071072359970458;0.012962962962962962590318660716;0.006296296296296296363115274630;0.006296296296296296363115274630;0.052962962962962961688262453208;0.010740740740740739936343040029;0.017777777777777777762358013547;0.021111111111111111743321444578;0.023703703703703702526661700745;0.005185185185185185036127464286;0.011481481481481481399242738917;0.011851851851851851263330850372;0.012592592592592592726230549260;0.010740740740740739936343040029;0.062592592592592588562894206916;0.025185185185185185452461098521;0.047407407407407405053323401489;0.031481481481481478346129421197;0.046666666666666668794594130532;0.002222222222222222220294751693;0.010000000000000000208166817117;0.001851851851851851922525771243;0.027407407407407408106436719208;0.003703703703703703845051542487;0.014814814814814815380206169948;0.014814814814814815380206169948;0.057777777777777775125578330062;0.015555555555555555108382392859;0.012592592592592592726230549260;0.000370370370370370351979089074;0.015185185185185185244294281404;0.007407407407407407690103084974;0.009259259259259258745267118229;0.000000000000000000000000000000;0.028518518518518519433424529552;0.002962962962962962815832712593;0.020000000000000000416333634234;0.058888888888888886452566140406;0.034444444444444444197728216750;0.024814814814814813853649511088;0.023333333333333334397297065266
-0.038562091503267975634017261655;0.003267973856209150426005427548;0.037254901960784313208474571866;0.239215686274509814479571900847;0.001960784313725490168867082730;0.016339869281045752563708006733;0.005882352941176470506601248189;0.024183006535947713239176337652;0.011764705882352941013202496379;0.027124183006535948492476961746;0.016993464052287580307032399674;0.013071895424836601704021710191;0.006535947712418300852010855095;0.027777777777777776235801354687;0.019281045751633987817008630827;0.024836601307189540982500730593;0.012091503267973856619588168826;0.019281045751633987817008630827;0.015032679738562091872888792921;0.002941176470588235253300624095;0.022549019607843136941971451392;0.009477124183006535237949741202;0.004575163398692810683143772366;0.036928104575163399336812375395;0.037581699346405227080136768336;0.038562091503267975634017261655;0.025816993464052286066934271958;0.001633986928104575213002713774;0.002287581699346405341571886183;0.004575163398692810683143772366;0.016339869281045752563708006733;0.012745098039215686097636037744;0.004901960784313725422167706824;0.010457516339869280322383282567;0.008823529411764705759901872284;0.029084967320261438661344044476;0.006862745098039215591034789554;0.017647058823529411519803744568;0.000326797385620915010074477580;0.006862745098039215591034789554;0.010130718954248366450721086096;0.003921568627450980337734165460;0.000000000000000000000000000000;0.022875816993464050813633647863;0.009803921568627450844335413649;0.019607843137254901688670827298;0.028104575163398693576910503111;0.019607843137254901688670827298;0.010784313725490195928768955014;0.013725490196078431182069579108
-0.016666666666666666435370203203;0.014689265536723164137788977257;0.018361581920903955605917090566;0.401129943502824881651491750745;0.003672316384180791034447244314;0.014406779661016949276031162697;0.014689265536723164137788977257;0.030225988700564972860851398195;0.023728813559322034509868615260;0.011864406779661017254934307630;0.009322033898305085233837452563;0.009322033898305085233837452563;0.004519774011299435186039819001;0.012429378531073446978449936751;0.041807909604519771784580939311;0.008474576271186440648564008882;0.015254237288135593861304606378;0.018361581920903955605917090566;0.013841807909604519552515533576;0.001977401129943502731262094940;0.018079096045197740744159276005;0.014406779661016949276031162697;0.002824858757062146882854669627;0.015254237288135593861304606378;0.010169491525423728084387420267;0.016949152542372881297128017763;0.022033898305084745339321727897;0.011299435028248587531418678509;0.006779661016949152345378859508;0.008192090395480225786806194321;0.003672316384180791034447244314;0.014406779661016949276031162697;0.004802259887005650047797633562;0.014406779661016949276031162697;0.002824858757062146882854669627;0.016666666666666666435370203203;0.003672316384180791034447244314;0.005649717514124293765709339254;0.004519774011299435186039819001;0.004802259887005650047797633562;0.017796610169491525882401461445;0.015536723163841808723062420938;0.000000000000000000000000000000;0.011864406779661017254934307630;0.018361581920903955605917090566;0.019491525423728815052948348807;0.010169491525423728084387420267;0.002259887005649717593019909501;0.006497175141242937483621044947;0.011864406779661017254934307630
-0.010119047619047619526733150508;0.027083333333333334258519187188;0.026488095238095237665687520234;0.226785714285714284921269268125;0.058035714285714287696826829688;0.009226190476190476372209126055;0.010416666666666666088425508008;0.030654761904761903407168333047;0.015178571428571428422737987773;0.009821428571428571230317317031;0.012202380952380952397473556914;0.008630952380952381514100935078;0.007142857142857142634106981660;0.013095238095238095551997581367;0.054761904761904761640423089375;0.006547619047619047775998790684;0.011607142857142857539365365938;0.024702380952380951356639471328;0.027976190476190477413043211641;0.002380952380952381167156239883;0.019940476190476189022326991562;0.018452380952380952744418252109;0.005357142857142857192420670742;0.021726190476190475331375040469;0.010416666666666666088425508008;0.014285714285714285268213963320;0.025297619047619047949471138281;0.036309523809523812365451789219;0.005059523809523809763366575254;0.022321428571428571924206707422;0.006250000000000000346944695195;0.016964285714285712997062560703;0.007440476190476190063161077148;0.011011904761904762681257174961;0.003571428571428571317053490830;0.020535714285714285615158658516;0.007738095238095238359576910625;0.010714285714285714384841341484;0.004166666666666666608842550801;0.012797619047619047255581747891;0.012500000000000000693889390391;0.011607142857142857539365365938;0.000000000000000000000000000000;0.012500000000000000693889390391;0.036309523809523812365451789219;0.011607142857142857539365365938;0.013690476190476190410105772344;0.008035714285714284921269268125;0.011607142857142857539365365938;0.008928571428571428075793292578
-0.015804597701149426802746944531;0.014080459770114942333329999258;0.033620689655172411591799175312;0.238505747126436767890922396873;0.035057471264367819074880827657;0.013793103448275861877547754375;0.013793103448275861877547754375;0.027586206896551723755095508750;0.025574712643678162299343270547;0.014942528735632183700676733906;0.010344827586206896408160815781;0.011494252873563218231289795312;0.005172413793103448204080407891;0.016379310344827587714311434297;0.038218390804597698884315093437;0.008045977011494252761902856719;0.040229885057471263809514283594;0.020689655172413792816321631562;0.018965517241379310081628162266;0.003735632183908045925169183477;0.017816091954022988258499182734;0.029885057471264367401353467812;0.002298850574712643646257959062;0.018103448275862070449004903594;0.013793103448275861877547754375;0.013793103448275861877547754375;0.026436781609195401931966529219;0.018103448275862070449004903594;0.007758620689655172306120611836;0.017528735632183909537440413828;0.010344827586206896408160815781;0.027586206896551723755095508750;0.007471264367816091850338366953;0.018103448275862070449004903594;0.004310344827586206836733673242;0.020977011494252875006827352422;0.004022988505747126380951428359;0.006896551724137930938773877187;0.005172413793103448204080407891;0.010632183908045976863943060664;0.010057471264367815952378570898;0.012356321839080459598636529961;0.000000000000000000000000000000;0.015517241379310344612241223672;0.025000000000000001387778780781;0.014655172413793103244894489023;0.012356321839080459598636529961;0.006034482758620689571427142539;0.006321839080459770027209387422;0.010632183908045976863943060664
-0.012318840579710145510805574531;0.007246376811594202986543944434;0.019927536231884056261431936719;0.503623188405797117539464125002;0.001449275362318840597308788887;0.007971014492753622851517469883;0.005434782608695652023067523828;0.026086956521739129016834723984;0.012318840579710145510805574531;0.010869565217391304046135047656;0.012318840579710145510805574531;0.009057971014492753950020365039;0.004710144927536232158093998379;0.013043478260869564508417361992;0.023913043478260870289275885625;0.008333333333333333217685101602;0.010869565217391304046135047656;0.015942028985507245703034939766;0.014855072463768116339255520586;0.001811594202898550746635986108;0.015579710144927537071590784024;0.011594202898550724778470311094;0.001449275362318840597308788887;0.017753623188405797533873098359;0.016304347826086956069202571484;0.017028985507246376801537834922;0.022101449275362318458437727031;0.006159420289855072755402787266;0.004710144927536232158093998379;0.007971014492753622851517469883;0.006521739130434782254208680996;0.014130434782608695606920257148;0.004710144927536232158093998379;0.009057971014492753950020365039;0.003623188405797101493271972217;0.013043478260869564508417361992;0.005434782608695652023067523828;0.004347826086956521791926366660;0.004347826086956521791926366660;0.005434782608695652023067523828;0.010869565217391304046135047656;0.006884057971014492620376312715;0.000000000000000000000000000000;0.014130434782608695606920257148;0.010144927536231883313799784219;0.009420289855072464316187996758;0.014492753623188405973087888867;0.004347826086956521791926366660;0.005797101449275362389235155547;0.010507246376811593679967415937
-0.022619047619047618485899064922;0.008333333333333333217685101602;0.032738095238095239747355691406;0.319642857142857117480616579996;0.011011904761904762681257174961;0.016369047619047619873677845703;0.007142857142857142634106981660;0.021428571428571428769682682969;0.020238095238095239053466301016;0.019047619047619049337249919063;0.009821428571428571230317317031;0.013690476190476190410105772344;0.007440476190476190063161077148;0.022023809523809525362514349922;0.023809523809523808202115446875;0.013690476190476190410105772344;0.017857142857142856151586585156;0.014583333333333333564629796797;0.017857142857142856151586585156;0.003273809523809523887999395342;0.016071428571428569842538536250;0.008928571428571428075793292578;0.002976190476190476025264430859;0.029166666666666667129259593594;0.026785714285714284227379877734;0.033035714285714286309048048906;0.027380952380952380820211544687;0.004464285714285714037896646289;0.004166666666666666608842550801;0.007738095238095238359576910625;0.010416666666666666088425508008;0.013690476190476190410105772344;0.003571428571428571317053490830;0.009523809523809524668624959531;0.005952380952380952050528861719;0.019642857142857142460634634062;0.006547619047619047775998790684;0.011904761904761904101057723437;0.006547619047619047775998790684;0.004464285714285714037896646289;0.007142857142857142634106981660;0.016964285714285712997062560703;0.000000000000000000000000000000;0.019940476190476189022326991562;0.009523809523809524668624959531;0.015476190476190476719153821250;0.020535714285714285615158658516;0.011607142857142857539365365938;0.012202380952380952397473556914;0.011011904761904762681257174961
-0.012356321839080459598636529961;0.021264367816091953727886121328;0.020977011494252875006827352422;0.385057471264367789931526431246;0.033908045977011497251751848125;0.017241379310344827346934692969;0.008908045977011494129249591367;0.018390804597701149170063672500;0.008908045977011494129249591367;0.008333333333333333217685101602;0.006034482758620689571427142539;0.015804597701149426802746944531;0.007471264367816091850338366953;0.011781609195402298687072040195;0.031321839080459767945541216250;0.013218390804597700965983264609;0.013218390804597700965983264609;0.018678160919540231360569393360;0.019540229885057470993192652031;0.003160919540229885013604693711;0.014367816091954022789112244141;0.008333333333333333217685101602;0.003160919540229885013604693711;0.017528735632183909537440413828;0.016379310344827587714311434297;0.012643678160919540054418774844;0.019540229885057470993192652031;0.034195402298850575972810617031;0.005172413793103448204080407891;0.018678160919540231360569393360;0.016379310344827587714311434297;0.010344827586206896408160815781;0.006321839080459770027209387422;0.008333333333333333217685101602;0.003735632183908045925169183477;0.011781609195402298687072040195;0.004310344827586206836733673242;0.009482758620689655040814081133;0.002298850574712643646257959062;0.007183908045977011394556122070;0.008620689655172413673467346484;0.015517241379310344612241223672;0.000000000000000000000000000000;0.008908045977011494129249591367;0.018103448275862070449004903594;0.011494252873563218231289795312;0.010919540229885057319725305547;0.005747126436781609115644897656;0.007183908045977011394556122070;0.007758620689655172306120611836
-0.009482758620689655040814081133;0.014080459770114942333329999258;0.023563218390804597374144080391;0.454310344827586198857005683749;0.013505747126436781421765509492;0.014655172413793103244894489023;0.004022988505747126380951428359;0.018390804597701149170063672500;0.014080459770114942333329999258;0.011781609195402298687072040195;0.006321839080459770027209387422;0.011494252873563218231289795312;0.005172413793103448204080407891;0.013505747126436781421765509492;0.027011494252873562843531018984;0.011494252873563218231289795312;0.014655172413793103244894489023;0.020977011494252875006827352422;0.013218390804597700965983264609;0.002873563218390804557822448828;0.008908045977011494129249591367;0.014367816091954022789112244141;0.002011494252873563190475714180;0.014942528735632183700676733906;0.011206896551724137775507550430;0.018390804597701149170063672500;0.018678160919540231360569393360;0.020977011494252875006827352422;0.002586206896551724102040203945;0.012931034482758620510201019727;0.013218390804597700965983264609;0.011206896551724137775507550430;0.003448275862068965469386938594;0.008045977011494252761902856719;0.004310344827586206836733673242;0.016091954022988505523805713437;0.005459770114942528659862652773;0.008045977011494252761902856719;0.002298850574712643646257959062;0.007183908045977011394556122070;0.010057471264367815952378570898;0.007758620689655172306120611836;0.000000000000000000000000000000;0.012068965517241379142854285078;0.011781609195402298687072040195;0.008333333333333333217685101602;0.014655172413793103244894489023;0.008908045977011494129249591367;0.007183908045977011394556122070;0.010344827586206896408160815781
-0.019252873563218392272133883125;0.004597701149425287292515918125;0.049425287356321838394546119844;0.275574712643678165768790222501;0.002586206896551724102040203945;0.015517241379310344612241223672;0.003160919540229885013604693711;0.019252873563218392272133883125;0.022126436781609196829956331953;0.022701149425287357741520821719;0.014942528735632183700676733906;0.016666666666666666435370203203;0.003735632183908045925169183477;0.022413793103448275551015100859;0.018965517241379310081628162266;0.027873563218390805945601229610;0.019252873563218392272133883125;0.021551724137931035918391842188;0.010057471264367815952378570898;0.002298850574712643646257959062;0.011781609195402298687072040195;0.020114942528735631904757141797;0.002011494252873563190475714180;0.029885057471264367401353467812;0.027298850574712645034036739844;0.031896551724137932326552657969;0.027586206896551723755095508750;0.010344827586206896408160815781;0.003735632183908045925169183477;0.006609195402298850482991632305;0.012931034482758620510201019727;0.024137931034482758285708570156;0.003735632183908045925169183477;0.018390804597701149170063672500;0.002298850574712643646257959062;0.025000000000000001387778780781;0.006034482758620689571427142539;0.006321839080459770027209387422;0.001724137931034482734693469297;0.010057471264367815952378570898;0.009770114942528735496596326016;0.008333333333333333217685101602;0.000000000000000000000000000000;0.014655172413793103244894489023;0.008045977011494252761902856719;0.015804597701149426802746944531;0.025574712643678162299343270547;0.015229885057471264156458978789;0.007758620689655172306120611836;0.020977011494252875006827352422
-0.012643678160919540054418774844;0.003735632183908045925169183477;0.039080459770114941986385304062;0.447701149425287381333760095004;0.000862068965517241367346734648;0.013218390804597700965983264609;0.004310344827586206836733673242;0.016954022988505748625875924063;0.009770114942528735496596326016;0.017241379310344827346934692969;0.009195402298850574585031836250;0.013505747126436781421765509492;0.002873563218390804557822448828;0.019827586206896553183698372891;0.020114942528735631904757141797;0.021264367816091953727886121328;0.009482758620689655040814081133;0.011781609195402298687072040195;0.007183908045977011394556122070;0.002873563218390804557822448828;0.010057471264367815952378570898;0.013793103448275861877547754375;0.000287356321839080455782244883;0.021839080459770114639450611094;0.019827586206896553183698372891;0.030172413793103449591859188672;0.026149425287356323210907760313;0.003735632183908045925169183477;0.002586206896551724102040203945;0.005459770114942528659862652773;0.010344827586206896408160815781;0.013218390804597700965983264609;0.002298850574712643646257959062;0.009482758620689655040814081133;0.003160919540229885013604693711;0.022988505747126436462579590625;0.006034482758620689571427142539;0.007758620689655172306120611836;0.001436781609195402278911224414;0.002298850574712643646257959062;0.006321839080459770027209387422;0.003160919540229885013604693711;0.000000000000000000000000000000;0.012356321839080459598636529961;0.010057471264367815952378570898;0.010344827586206896408160815781;0.022126436781609196829956331953;0.011494252873563218231289795312;0.008045977011494252761902856719;0.019540229885057470993192652031
-0.014367816091954022789112244141;0.003160919540229885013604693711;0.037356321839080462721138786719;0.468965517241379303836623648749;0.001149425287356321823128979531;0.010919540229885057319725305547;0.003448275862068965469386938594;0.017528735632183909537440413828;0.018103448275862070449004903594;0.020402298850574714095262862656;0.013218390804597700965983264609;0.010632183908045976863943060664;0.002873563218390804557822448828;0.017816091954022988258499182734;0.019827586206896553183698372891;0.016091954022988505523805713437;0.007758620689655172306120611836;0.011494252873563218231289795312;0.007183908045977011394556122070;0.002298850574712643646257959062;0.005747126436781609115644897656;0.014655172413793103244894489023;0.002298850574712643646257959062;0.018678160919540231360569393360;0.020977011494252875006827352422;0.022988505747126436462579590625;0.021839080459770114639450611094;0.004310344827586206836733673242;0.004310344827586206836733673242;0.006609195402298850482991632305;0.010344827586206896408160815781;0.010057471264367815952378570898;0.003448275862068965469386938594;0.014942528735632183700676733906;0.001724137931034482734693469297;0.016954022988505748625875924063;0.004022988505747126380951428359;0.008045977011494252761902856719;0.001724137931034482734693469297;0.002011494252873563190475714180;0.005459770114942528659862652773;0.004597701149425287292515918125;0.000000000000000000000000000000;0.012643678160919540054418774844;0.010919540229885057319725305547;0.008620689655172413673467346484;0.025574712643678162299343270547;0.008333333333333333217685101602;0.009195402298850574585031836250;0.014367816091954022789112244141
-0.019202898550724638998543625235;0.004710144927536232158093998379;0.031884057971014491406069879531;0.467753623188405798227762488750;0.002173913043478260895963183330;0.014492753623188405973087888867;0.004710144927536232158093998379;0.012318840579710145510805574531;0.009420289855072464316187996758;0.012318840579710145510805574531;0.013405797101449274874584993711;0.016666666666666666435370203203;0.004347826086956521791926366660;0.019927536231884056261431936719;0.022826086956521739190772990469;0.018115942028985507900040730078;0.011956521739130435144637942813;0.012681159420289855876973206250;0.006159420289855072755402787266;0.001811594202898550746635986108;0.010144927536231883313799784219;0.011956521739130435144637942813;0.001086956521739130447981591665;0.018478260869565218266208361797;0.026449275362318839383002355703;0.023188405797101449556940622188;0.023550724637681159923108253906;0.004710144927536232158093998379;0.001811594202898550746635986108;0.005434782608695652023067523828;0.010144927536231883313799784219;0.008695652173913043583852733320;0.003260869565217391127104340498;0.006521739130434782254208680996;0.002536231884057970828449946055;0.015579710144927537071590784024;0.005797101449275362389235155547;0.007608695652173913352711576152;0.001086956521739130447981591665;0.003985507246376811425758734941;0.007608695652173913352711576152;0.006521739130434782254208680996;0.000000000000000000000000000000;0.012318840579710145510805574531;0.011956521739130435144637942813;0.007608695652173913352711576152;0.022826086956521739190772990469;0.010869565217391304046135047656;0.006884057971014492620376312715;0.014492753623188405973087888867
-0.014930555555555556287994356524;0.004166666666666666608842550801;0.032986111111111111882099322656;0.506597222222222254295331822505;0.000694444444444444470947164216;0.008680555555555555941049661328;0.003125000000000000173472347598;0.012500000000000000693889390391;0.010069444444444445099784424258;0.015625000000000000000000000000;0.011805555555555555247160270937;0.007291666666666666782314898398;0.002777777777777777883788656865;0.017708333333333332870740406406;0.016666666666666666435370203203;0.019444444444444444752839729063;0.012152777777777777970524830664;0.014583333333333333564629796797;0.006250000000000000346944695195;0.001388888888888888941894328433;0.006250000000000000346944695195;0.010763888888888888811790067734;0.002083333333333333304421275400;0.020138888888888890199568848516;0.019097222222222223764198645313;0.026041666666666667823148983985;0.022916666666666665047591422422;0.003819444444444444319158860068;0.001041666666666666652210637700;0.004166666666666666608842550801;0.010763888888888888811790067734;0.014583333333333333564629796797;0.003125000000000000173472347598;0.012847222222222221682530474141;0.003125000000000000173472347598;0.014583333333333333564629796797;0.003472222222222222029475169336;0.005208333333333333044212754004;0.001388888888888888941894328433;0.003125000000000000173472347598;0.005555555555555555767577313730;0.004166666666666666608842550801;0.000000000000000000000000000000;0.009374999999999999653055304805;0.012152777777777777970524830664;0.007291666666666666782314898398;0.022222222222222223070309254922;0.011805555555555555247160270937;0.006250000000000000346944695195;0.013194444444444444405895033867
-0.009848484848484847717364765174;0.008712121212121212709966755483;0.033712121212121214097745536264;0.457575757575757580131181612160;0.003409090909090908925321850020;0.007575757575757575967845269815;0.006060606060606060600803868255;0.015530303030303029693248717535;0.015909090909090907450806895440;0.013636363636363635701287400082;0.009090909090909090467524933388;0.009090909090909090467524933388;0.001136363636363636308440616673;0.018181818181818180935049866775;0.020454545454545454419292838111;0.018181818181818180935049866775;0.010606060606060606701928072937;0.010227272727272727209646419055;0.007954545454545453725403447720;0.000757575757575757575100483532;0.011742424242424241709326082628;0.007196969696969697342925353922;0.000757575757575757575100483532;0.019318181818181817677171352443;0.012878787878787878451447568295;0.021590909090909091161414323778;0.023484848484848483418652165255;0.054166666666666668517038374375;0.003030303030303030300401934127;0.003787878787878787983922634908;0.004545454545454545233762466694;0.012500000000000000693889390391;0.003787878787878787983922634908;0.009469696969696969959806587269;0.003787878787878787983922634908;0.017803030303030303177491688871;0.002651515151515151675482018234;0.004924242424242423858682382587;0.002272727272727272616881233347;0.001893939393939393991961317454;0.007575757575757575967845269815;0.011363636363636363951767904723;0.000000000000000000000000000000;0.012121212121212121201607736509;0.013257575757575757943729222177;0.012121212121212121201607736509;0.014393939393939394685850707845;0.010606060606060606701928072937;0.006818181818181817850643700041;0.012500000000000000693889390391
-0.013888888888888888117900677344;0.015740740740740739173064710599;0.018209876543209876226248056241;0.310802469135802450495020821108;0.047839506172839503517213444184;0.016975308641975307699656383420;0.009876543209876543008562954640;0.024691358024691356654045648611;0.016358024691358025171084022986;0.011419753086419752799440807678;0.007716049382716048954389265191;0.018518518518518517490534236458;0.004938271604938271504281477320;0.006481481481481481295159330358;0.038580246913580244771946325955;0.011728395061728395798450463872;0.015740740740740739173064710599;0.014506172839506172381196513754;0.022222222222222223070309254922;0.001543209876543209790877853038;0.018518518518518517490534236458;0.012037037037037037062736644089;0.001851851851851851922525771243;0.016049382716049383906797842769;0.013888888888888888117900677344;0.014506172839506172381196513754;0.025308641975308642652064960998;0.043209876543209874144579885069;0.006172839506172839163511412153;0.018827160493827162224267368629;0.015123456790123456644492350165;0.016666666666666666435370203203;0.010185185185185186007572610833;0.011419753086419752799440807678;0.002777777777777777883788656865;0.016358024691358025171084022986;0.004938271604938271504281477320;0.010185185185185186007572610833;0.002777777777777777883788656865;0.006790123456790123426807248563;0.011111111111111111535154627461;0.012654320987654321326032480499;0.000000000000000000000000000000;0.013580246913580246853614497127;0.022839506172839505598881615356;0.012654320987654321326032480499;0.009876543209876543008562954640;0.005246913580246913635929395525;0.007407407407407407690103084974;0.009259259259259258745267118229
-0.009583333333333332593184650250;0.019166666666666665186369300500;0.025416666666666667268037471672;0.369999999999999995559107901499;0.008333333333333333217685101602;0.017083333333333332315628894094;0.012500000000000000693889390391;0.028750000000000001249000902703;0.024166666666666666157814447047;0.009583333333333332593184650250;0.006250000000000000346944695195;0.012916666666666666574148081281;0.004166666666666666608842550801;0.010416666666666666088425508008;0.045833333333333330095182844843;0.010416666666666666088425508008;0.018333333333333333425851918719;0.021250000000000001526556658860;0.023333333333333334397297065266;0.001250000000000000026020852140;0.021250000000000001526556658860;0.008333333333333333217685101602;0.002083333333333333304421275400;0.015416666666666667059870654555;0.012083333333333333078907223523;0.014583333333333333564629796797;0.028750000000000001249000902703;0.008750000000000000832667268469;0.003333333333333333547282562037;0.011666666666666667198648532633;0.010416666666666666088425508008;0.013750000000000000069388939039;0.006250000000000000346944695195;0.013333333333333334189130248149;0.006250000000000000346944695195;0.015833333333333334674852821422;0.005000000000000000104083408559;0.010833333333333333703407674875;0.001250000000000000026020852140;0.006666666666666667094565124074;0.009583333333333332593184650250;0.018333333333333333425851918719;0.000000000000000000000000000000;0.013750000000000000069388939039;0.019166666666666665186369300500;0.010416666666666666088425508008;0.011666666666666667198648532633;0.005000000000000000104083408559;0.005833333333333333599324266316;0.011666666666666667198648532633
-0.018148148148148149361169600979;0.017037037037037038034181790636;0.037777777777777778178691647781;0.151111111111111112714766591125;0.012222222222222222862142437805;0.016666666666666666435370203203;0.007407407407407407690103084974;0.038148148148148146308056283260;0.023703703703703702526661700745;0.015925925925925926707193980292;0.011111111111111111535154627461;0.015185185185185185244294281404;0.008518518518518519017090895318;0.024444444444444445724284875610;0.042962962962962959745372160114;0.017037037037037038034181790636;0.015555555555555555108382392859;0.037407407407407410049327012302;0.016296296296296294836558615771;0.003333333333333333547282562037;0.014814814814814815380206169948;0.014444444444444443781394582516;0.004814814814814815172039352831;0.019259259259259260688157411323;0.020740740740740740144509857146;0.024444444444444445724284875610;0.032592592592592589673117231541;0.050370370370370370904922197042;0.003333333333333333547282562037;0.016296296296296294836558615771;0.017407407407407406163546426114;0.020740740740740740144509857146;0.010740740740740739936343040029;0.014074074074074073917306471060;0.003703703703703703845051542487;0.024814814814814813853649511088;0.007407407407407407690103084974;0.011481481481481481399242738917;0.002222222222222222220294751693;0.007777777777777777554191196430;0.010000000000000000208166817117;0.020370370370370372015145221667;0.000000000000000000000000000000;0.021111111111111111743321444578;0.020740740740740740144509857146;0.013703703703703704053218359604;0.015925925925925926707193980292;0.012592592592592592726230549260;0.016296296296296294836558615771;0.017777777777777777762358013547
-0.014444444444444443781394582516;0.014444444444444443781394582516;0.030740740740740742087400150240;0.301851851851851871177956354586;0.018888888888888889089345823891;0.006666666666666667094565124074;0.011111111111111111535154627461;0.033703703703703701000105041885;0.015185185185185185244294281404;0.025925925925925925180637321432;0.011111111111111111535154627461;0.010740740740740739936343040029;0.002962962962962962815832712593;0.017777777777777777762358013547;0.045925925925925925596970955667;0.016666666666666666435370203203;0.011851851851851851263330850372;0.014444444444444443781394582516;0.024444444444444445724284875610;0.000370370370370370351979089074;0.022592592592592591199673890401;0.010000000000000000208166817117;0.001111111111111111110147375847;0.023333333333333334397297065266;0.013703703703703704053218359604;0.022592592592592591199673890401;0.026666666666666668378260496297;0.017407407407407406163546426114;0.003703703703703703845051542487;0.015185185185185185244294281404;0.012222222222222222862142437805;0.020370370370370372015145221667;0.002962962962962962815832712593;0.007407407407407407690103084974;0.001481481481481481407916356297;0.022962962962962962798485477833;0.004444444444444444440589503387;0.008148148148148147418279307885;0.000740740740740740703958178148;0.000740740740740740703958178148;0.016296296296296294836558615771;0.003333333333333333547282562037;0.000000000000000000000000000000;0.021851851851851851471497667490;0.028888888888888887562789165031;0.018888888888888889089345823891;0.014444444444444443781394582516;0.005555555555555555767577313730;0.002962962962962962815832712593;0.020740740740740740144509857146
-0.025968992248062015143483804991;0.012403100775193798277484802384;0.064728682170542631291176860486;0.059302325581395351483671163351;0.001937984496124030980857000372;0.014341085271317829258341802756;0.003488372093023255765542600670;0.019767441860465116004741403799;0.024418604651162790358798204693;0.041472868217054266459786759924;0.016666666666666666435370203203;0.007364341085271317727256601415;0.007751937984496123923428001490;0.048449612403100777990871961265;0.022093023255813953181769804246;0.019767441860465116004741403799;0.025193798449612402751141004842;0.025581395348837208947312404916;0.006589147286821705334913801266;0.009689922480620154904285001862;0.007751937984496123923428001490;0.013953488372093023062170402682;0.004651162790697674354056800894;0.062403100775193801053042363947;0.034883720930232557655426006704;0.042635658914728681578854008194;0.024031007751937984162626804618;0.019767441860465116004741403799;0.002325581395348837177028400447;0.002325581395348837177028400447;0.006976744186046511531085201341;0.027131782945736433731998005214;0.003488372093023255765542600670;0.009302325581395348708113601788;0.010077519379844961100456401937;0.050000000000000002775557561563;0.012015503875968992081313402309;0.010077519379844961100456401937;0.003875968992248061961714000745;0.007751937984496123923428001490;0.005426356589147286746399601043;0.017054263565891472631541603278;0.000000000000000000000000000000;0.026356589147286821339655205065;0.008527131782945736315770801639;0.016666666666666666435370203203;0.048449612403100777990871961265;0.027906976744186046124340805363;0.019767441860465116004741403799;0.017441860465116278827713003352
-0.011666666666666667198648532633;0.020666666666666666518636930050;0.012999999999999999403255124264;0.179333333333333344583593316202;0.092333333333333336701009841363;0.021999999999999998723243521681;0.010333333333333333259318465025;0.026333333333333333592385372413;0.021000000000000001304512053935;0.010666666666666666310470112933;0.015666666666666665547191783503;0.018999999999999999528155214534;0.010333333333333333259318465025;0.005666666666666667073748442363;0.035999999999999997279953589668;0.010333333333333333259318465025;0.011666666666666667198648532633;0.019666666666666665630458510350;0.035333333333333334647097245806;0.003333333333333333547282562037;0.017666666666666667323548622903;0.009666666666666667157015169209;0.013666666666666667240281896056;0.022333333333333333509118645566;0.012999999999999999403255124264;0.014000000000000000291433543964;0.019333333333333334314030338419;0.027666666666666665796991964044;0.004666666666666667052931760651;0.063000000000000000444089209850;0.020000000000000000416333634234;0.012666666666666666352103476356;0.010666666666666666310470112933;0.004666666666666667052931760651;0.008333333333333333217685101602;0.014333333333333333342585191872;0.005333333333333333155235056466;0.010000000000000000208166817117;0.007666666666666666248020067798;0.007333333333333333196868419890;0.010999999999999999361621760841;0.027333333333333334480563792113;0.000000000000000000000000000000;0.012333333333333333300951828448;0.035999999999999997279953589668;0.012000000000000000249800180541;0.008999999999999999319988397417;0.003000000000000000062450045135;0.005333333333333333155235056466;0.003666666666666666598434209945
-0.011904761904761904101057723437;0.011111111111111111535154627461;0.010317460317460317234528055508;0.557539682539682557305127375002;0.003174603174603174600421073848;0.009920634920634920084214769531;0.009126984126984127518311673555;0.023412698412698412786525636875;0.011111111111111111535154627461;0.009126984126984127518311673555;0.008730158730158730367998387578;0.008333333333333333217685101602;0.003571428571428571317053490830;0.008730158730158730367998387578;0.033333333333333332870740406406;0.010317460317460317234528055508;0.013492063492063492702310867344;0.007936507936507936067371815625;0.011507936507936508685467913438;0.000396825396825396825052634231;0.013888888888888888117900677344;0.008730158730158730367998387578;0.000396825396825396825052634231;0.020238095238095239053466301016;0.008333333333333333217685101602;0.012301587301587301251371009414;0.020238095238095239053466301016;0.004761904761904762334312479766;0.003571428571428571317053490830;0.010317460317460317234528055508;0.005158730158730158617264027754;0.010714285714285714384841341484;0.002777777777777777883788656865;0.006746031746031746351155433672;0.001984126984126984016842953906;0.012301587301587301251371009414;0.002380952380952381167156239883;0.005555555555555555767577313730;0.001984126984126984016842953906;0.001984126984126984016842953906;0.007936507936507936067371815625;0.010317460317460317234528055508;0.000000000000000000000000000000;0.014285714285714285268213963320;0.016666666666666666435370203203;0.011904761904761904101057723437;0.009920634920634920084214769531;0.003174603174603174600421073848;0.004365079365079365183999193789;0.003968253968253968033685907812
-0.081349206349206351629455014063;0.003174603174603174600421073848;0.030952380952380953438307642500;0.065873015873015874910301192813;0.003571428571428571317053490830;0.021031746031746033354092872969;0.005158730158730158617264027754;0.013492063492063492702310867344;0.017460317460317460735996775156;0.025396825396825396803368590781;0.021825396825396824185272492969;0.018253968253968255036623347110;0.009523809523809524668624959531;0.040476190476190478106932602032;0.007936507936507936067371815625;0.048412698412698414174304417656;0.006349206349206349200842147695;0.007142857142857142634106981660;0.014682539682539682418527249297;0.005158730158730158617264027754;0.022619047619047618485899064922;0.009523809523809524668624959531;0.001587301587301587300210536924;0.044047619047619050725028699844;0.065873015873015874910301192813;0.062698412698412697707794905000;0.017063492063492061850960013203;0.008730158730158730367998387578;0.000793650793650793650105268462;0.010317460317460317234528055508;0.015873015873015872134743631250;0.015476190476190476719153821250;0.001587301587301587300210536924;0.006746031746031746351155433672;0.013095238095238095551997581367;0.020634920634920634469056111016;0.008333333333333333217685101602;0.024603174603174602502742018828;0.003571428571428571317053490830;0.001984126984126984016842953906;0.005952380952380952050528861719;0.008333333333333333217685101602;0.000000000000000000000000000000;0.025000000000000001387778780781;0.008333333333333333217685101602;0.019047619047619049337249919063;0.046428571428571430157461463750;0.049206349206349205005484037656;0.014682539682539682418527249297;0.020634920634920634469056111016
-0.005691056910569106119801574550;0.013414634146341463186158371457;0.005284552845528455063128792091;0.571951219512195074834437491518;0.008130081300813008990391317354;0.008130081300813008990391317354;0.013414634146341463186158371457;0.022764227642276424479206298201;0.020325203252032519873893079421;0.005691056910569106119801574550;0.004878048780487804873817747620;0.016666666666666666435370203203;0.000406504065040650406151478968;0.004471544715447154684506703148;0.045121951219512193564931124001;0.003252032520325203249211831746;0.004065040650406504495195658677;0.010569105691056910126257584182;0.010569105691056910126257584182;0.000406504065040650406151478968;0.019105691056910567571236470030;0.008130081300813008990391317354;0.000000000000000000000000000000;0.009756097560975609747635495239;0.002845528455284553059900787275;0.006097560975609756309112619022;0.016666666666666666435370203203;0.032520325203252035961565269417;0.004065040650406504495195658677;0.010975609756097560315568628653;0.006097560975609756309112619022;0.007317073170731707744407490424;0.002439024390243902436908873810;0.006910569105691056687734707964;0.000406504065040650406151478968;0.006910569105691056687734707964;0.002032520325203252247597829339;0.002845528455284553059900787275;0.003252032520325203249211831746;0.000406504065040650406151478968;0.014227642276422763564780460399;0.017886178861788618738026812593;0.000000000000000000000000000000;0.006504065040650406498423663493;0.014634146341463415488814980847;0.014227642276422763564780460399;0.003658536585365853872203745212;0.000813008130081300812302957937;0.001626016260162601624605915873;0.002439024390243902436908873810
-0.009935897435897435292506685300;0.010897435897435896884344330715;0.028846153846153847755129362440;0.425320512820512808271899984902;0.003525641025641025692177743522;0.008012820512820512108831394471;0.010576923076923077510214099561;0.028525641025641024911552179333;0.013461538461538462285727035805;0.018269230769230770244915262879;0.008012820512820512108831394471;0.009935897435897435292506685300;0.001602564102564102508502452693;0.014423076923076923877564681220;0.041987179487179483727832263185;0.012179487179487179585035683260;0.010897435897435896884344330715;0.012179487179487179585035683260;0.014743589743589743251694912374;0.001282051282051282050170049054;0.019551282051282051210883139447;0.010576923076923077510214099561;0.001602564102564102508502452693;0.025320512820512820761909011935;0.014423076923076923877564681220;0.014423076923076923877564681220;0.029487179487179486503389824748;0.007371794871794871625847456187;0.003205128205128205017004905386;0.006410256410256410034009810772;0.002884615384615384775512936244;0.016666666666666666435370203203;0.003525641025641025692177743522;0.011858974358974358476181976130;0.001602564102564102508502452693;0.020192307692307693428590553708;0.003205128205128205017004905386;0.009615384615384615918376454147;0.001282051282051282050170049054;0.000961538461538461591837645415;0.017628205128205128027207848618;0.004807692307692307959188227073;0.000000000000000000000000000000;0.018910256410256408993175725186;0.017628205128205128027207848618;0.022435897435897435986396075691;0.011858974358974358476181976130;0.004807692307692307959188227073;0.005128205128205128200680196215;0.008012820512820512108831394471
-0.010000000000000000208166817117;0.013030303030303030942249620239;0.024242424242424242403215473018;0.418181818181818154567253031928;0.012727272727272727695368992329;0.006666666666666667094565124074;0.011818181818181817954727108599;0.018181818181818180935049866775;0.024242424242424242403215473018;0.015757575757575758429451795450;0.007878787878787879214725897725;0.008484848484848485708487153545;0.006363636363636363847684496164;0.012121212121212121201607736509;0.031818181818181814901613790880;0.008484848484848485708487153545;0.020000000000000000416333634234;0.016060606060606059941608947383;0.012121212121212121201607736509;0.003333333333333333547282562037;0.013333333333333334189130248149;0.013939393939393938948168027991;0.003333333333333333547282562037;0.024545454545454543915372624951;0.012424242424242424448488364419;0.018181818181818180935049866775;0.016969696969696971416974307090;0.008484848484848485708487153545;0.003333333333333333547282562037;0.012121212121212121201607736509;0.007272727272727272720964641906;0.020303030303030301928490786167;0.003030303030303030300401934127;0.009393939393939393714405561298;0.001818181818181818180241160476;0.015151515151515151935690539631;0.004848484848484848480643094604;0.008484848484848485708487153545;0.006363636363636363847684496164;0.006969696969696969474084013996;0.009696969696969696961286189207;0.014242424242424242195048655901;0.000000000000000000000000000000;0.016363636363636364923213051270;0.018484848484848485916653970662;0.012424242424242424448488364419;0.012727272727272727695368992329;0.008787878787878787220644305478;0.006060606060606060600803868255;0.009393939393939393714405561298
-0.014705882352941176266503120473;0.014379084967320260660117448026;0.018627450980392156604237285933;0.272549019607843112655842787717;0.024509803921568627110838534122;0.022549019607843136941971451392;0.009803921568627450844335413649;0.025163398692810458323609879017;0.019934640522875815560333023768;0.011437908496732025406816823931;0.011437908496732025406816823931;0.020261437908496732901442172192;0.012418300653594770491250365296;0.012418300653594770491250365296;0.044117647058823532268956313374;0.011437908496732025406816823931;0.018954248366013070475899482403;0.024183006535947713239176337652;0.016339869281045752563708006733;0.003594771241830065165029362007;0.015686274509803921350936661838;0.020588235294117646773104368663;0.004901960784313725422167706824;0.015686274509803921350936661838;0.011764705882352941013202496379;0.012745098039215686097636037744;0.026797385620915031151367813322;0.020588235294117646773104368663;0.010784313725490195928768955014;0.021241830065359477985875713557;0.017647058823529411519803744568;0.014705882352941176266503120473;0.010784313725490195928768955014;0.014052287581699346788455251556;0.008169934640522876281854003366;0.016339869281045752563708006733;0.006209150326797385245625182648;0.013398692810457515575683906661;0.006535947712418300852010855095;0.010130718954248366450721086096;0.011111111111111111535154627461;0.014379084967320260660117448026;0.000000000000000000000000000000;0.011437908496732025406816823931;0.027450980392156862364139158217;0.014379084967320260660117448026;0.010130718954248366450721086096;0.004901960784313725422167706824;0.008169934640522876281854003366;0.010457516339869280322383282567
-0.016071428571428569842538536250;0.020535714285714285615158658516;0.021130952380952382207990325469;0.196726190476190471168038698124;0.016666666666666666435370203203;0.019940476190476189022326991562;0.014583333333333333564629796797;0.039285714285714284921269268125;0.022619047619047618485899064922;0.015476190476190476719153821250;0.011309523809523809242949532461;0.015773809523809523280846178750;0.009821428571428571230317317031;0.012500000000000000693889390391;0.049702380952380949274971300156;0.011607142857142857539365365938;0.017559523809523809589894227656;0.022619047619047618485899064922;0.013095238095238095551997581367;0.001785714285714285658526745415;0.025297619047619047949471138281;0.022321428571428571924206707422;0.008630952380952381514100935078;0.022321428571428571924206707422;0.012500000000000000693889390391;0.015773809523809523280846178750;0.033630952380952379432432763906;0.010119047619047619526733150508;0.006547619047619047775998790684;0.025595238095238094511163495781;0.014285714285714285268213963320;0.016666666666666666435370203203;0.008333333333333333217685101602;0.018452380952380952744418252109;0.008630952380952381514100935078;0.020833333333333332176851016015;0.005654761904761904621474766230;0.013690476190476190410105772344;0.008035714285714284921269268125;0.014583333333333333564629796797;0.016666666666666666435370203203;0.012797619047619047255581747891;0.000000000000000000000000000000;0.021428571428571428769682682969;0.030952380952380953438307642500;0.019940476190476189022326991562;0.009523809523809524668624959531;0.007738095238095238359576910625;0.008035714285714284921269268125;0.012202380952380952397473556914
-0.010303030303030303455047445027;0.028787878787878789371701415689;0.015757575757575758429451795450;0.356666666666666687390829793003;0.010606060606060606701928072937;0.018787878787878787428811122595;0.009696969696969696961286189207;0.023939393939393940891058321085;0.027575757575757576384178904050;0.013030303030303030942249620239;0.010606060606060606701928072937;0.019696969696969695434729530348;0.006666666666666667094565124074;0.006666666666666667094565124074;0.036969696969696971833307941324;0.012727272727272727695368992329;0.016363636363636364923213051270;0.018484848484848485916653970662;0.016363636363636364923213051270;0.001212121212121212120160773651;0.016969696969696971416974307090;0.011515151515151514707846480690;0.002424242424242424240321547302;0.012424242424242424448488364419;0.012424242424242424448488364419;0.011515151515151514707846480690;0.025151515151515150409133880771;0.021515151515151514916013297807;0.003939393939393939607362948863;0.021212121212121213403856145874;0.016666666666666666435370203203;0.009696969696969696961286189207;0.006969696969696969474084013996;0.019090909090909092410415226482;0.000909090909090909090120580238;0.012727272727272727695368992329;0.004545454545454545233762466694;0.009393939393939393714405561298;0.012727272727272727695368992329;0.003333333333333333547282562037;0.014848484848484848688809911721;0.021515151515151514916013297807;0.000000000000000000000000000000;0.006666666666666667094565124074;0.020909090909090908422252041987;0.015757575757575758429451795450;0.003939393939393939607362948863;0.004242424242424242854243576772;0.003939393939393939607362948863;0.012121212121212121201607736509
-0.012264150943396227161352740609;0.004088050314465408764663667540;0.034591194968553458377602538576;0.274213836477987416007096044268;0.002201257861635220070689600291;0.008490566037735848906042868123;0.006289308176100629269034136826;0.024842767295597485699421014260;0.009119496855345911659473934208;0.054402515723270442049575024157;0.011006289308176099919767132462;0.005660377358490565648241332752;0.007547169811320754775896268995;0.020125786163522011579241066670;0.013522012578616352668214872779;0.007861635220125786152611802038;0.009748427672955974412905000293;0.017610062893081760565516802330;0.012264150943396227161352740609;0.002201257861635220070689600291;0.012893081761006289914783806694;0.007547169811320754775896268995;0.005031446540880502894810266667;0.078301886792452826679955535383;0.012893081761006289914783806694;0.026729559748427673959714212515;0.022641509433962262592965331010;0.004088050314465408764663667540;0.003459119496855346011232601455;0.005974842767295597892318603783;0.007547169811320754775896268995;0.034276729559748427000887005534;0.006603773584905660645749669868;0.007547169811320754775896268995;0.005660377358490565648241332752;0.046855345911949682069508327231;0.008805031446540880282758401165;0.009119496855345911659473934208;0.000943396226415094346987033624;0.006289308176100629269034136826;0.010377358490566037166336066377;0.004402515723270440141379200583;0.000000000000000000000000000000;0.034591194968553458377602538576;0.010377358490566037166336066377;0.017924528301886791942232335373;0.038993710691823897651620001170;0.010377358490566037166336066377;0.013522012578616352668214872779;0.008176100628930817529327335080
-0.015454545454545455182571167541;0.014848484848484848688809911721;0.032121212121212119883217894767;0.110606060606060610518319720086;0.027878787878787877896336055983;0.007575757575757575967845269815;0.002121212121212121427121788386;0.026363636363636363396656392410;0.010909090909090909948808700847;0.056969696969696968780194623605;0.007575757575757575967845269815;0.005151515151515151727523722514;0.004242424242424242854243576772;0.029090909090909090883858567622;0.024242424242424242403215473018;0.009090909090909090467524933388;0.009393939393939393714405561298;0.016363636363636364923213051270;0.015757575757575758429451795450;0.003939393939393939607362948863;0.011515151515151514707846480690;0.012727272727272727695368992329;0.004545454545454545233762466694;0.074848484848484844733640386494;0.012121212121212121201607736509;0.026060606060606061884499240477;0.021212121212121213403856145874;0.117575757575757569584062878221;0.001818181818181818180241160476;0.020303030303030301928490786167;0.004848484848484848480643094604;0.031818181818181814901613790880;0.004848484848484848480643094604;0.005757575757575757353923240345;0.003333333333333333547282562037;0.045454545454545455807071618892;0.010303030303030303455047445027;0.003636363636363636360482320953;0.000909090909090909090120580238;0.005757575757575757353923240345;0.008181818181818182461606525635;0.005454545454545454974404350423;0.000000000000000000000000000000;0.037878787878787879839226349077;0.013939393939393938948168027991;0.015151515151515151935690539631;0.041818181818181816844504083974;0.011515151515151514707846480690;0.008787878787878787220644305478;0.008181818181818182461606525635
-0.013333333333333334189130248149;0.054444444444444441144614899031;0.017407407407407406163546426114;0.224814814814814828425326709294;0.054444444444444441144614899031;0.013703703703703704053218359604;0.004814814814814815172039352831;0.021481481481481479872686080057;0.021481481481481479872686080057;0.008888888888888888881179006773;0.007777777777777777554191196430;0.013703703703703704053218359604;0.002592592592592592518063732143;0.008148148148148147418279307885;0.050000000000000002775557561563;0.011111111111111111535154627461;0.008888888888888888881179006773;0.023333333333333334397297065266;0.026296296296296296779448908865;0.002962962962962962815832712593;0.009629629629629630344078705662;0.008148148148148147418279307885;0.003333333333333333547282562037;0.010370370370370370072254928573;0.012592592592592592726230549260;0.010740740740740739936343040029;0.012222222222222222862142437805;0.136296296296296304273454325084;0.000370370370370370351979089074;0.018518518518518517490534236458;0.013703703703703704053218359604;0.006296296296296296363115274630;0.004444444444444444440589503387;0.002962962962962962815832712593;0.001851851851851851922525771243;0.018518518518518517490534236458;0.003703703703703703845051542487;0.006666666666666667094565124074;0.009259259259259258745267118229;0.003703703703703703845051542487;0.011481481481481481399242738917;0.040370370370370368962031903948;0.000000000000000000000000000000;0.005185185185185185036127464286;0.027407407407407408106436719208;0.005185185185185185036127464286;0.008148148148148147418279307885;0.008888888888888888881179006773;0.005555555555555555767577313730;0.004814814814814815172039352831
-0.011666666666666667198648532633;0.047083333333333331205405869468;0.012916666666666666574148081281;0.259166666666666656304585103499;0.058333333333333334258519187188;0.017500000000000001665334536938;0.004583333333333333356462979680;0.029999999999999998889776975375;0.016250000000000000555111512313;0.005833333333333333599324266316;0.007499999999999999722444243844;0.013750000000000000069388939039;0.004166666666666666608842550801;0.005833333333333333599324266316;0.055416666666666669627261399000;0.007083333333333332974823814965;0.012083333333333333078907223523;0.025000000000000001387778780781;0.027500000000000000138777878078;0.000833333333333333386820640509;0.014999999999999999444888487687;0.009166666666666666712925959359;0.004583333333333333356462979680;0.009583333333333332593184650250;0.011249999999999999583666365766;0.007916666666666667337426410711;0.020416666666666666296592325125;0.081250000000000002775557561563;0.005000000000000000104083408559;0.025833333333333333148296162562;0.011249999999999999583666365766;0.005416666666666666851703837438;0.011249999999999999583666365766;0.004583333333333333356462979680;0.007083333333333332974823814965;0.009166666666666666712925959359;0.006666666666666667094565124074;0.009166666666666666712925959359;0.011249999999999999583666365766;0.005000000000000000104083408559;0.012916666666666666574148081281;0.017083333333333332315628894094;0.000000000000000000000000000000;0.009583333333333332593184650250;0.033750000000000002220446049250;0.007916666666666667337426410711;0.008333333333333333217685101602;0.005833333333333333599324266316;0.005416666666666666851703837438;0.005833333333333333599324266316
-0.018148148148148149361169600979;0.035185185185185187395351391615;0.005555555555555555767577313730;0.177407407407407402555321596083;0.062962962962962956692258842395;0.022222222222222223070309254922;0.010000000000000000208166817117;0.011481481481481481399242738917;0.014444444444444443781394582516;0.009259259259259258745267118229;0.009629629629629630344078705662;0.018518518518518517490534236458;0.018518518518518517490534236458;0.007037037037037036958653235530;0.029999999999999998889776975375;0.017777777777777777762358013547;0.014444444444444443781394582516;0.023703703703703702526661700745;0.031481481481481478346129421197;0.001111111111111111110147375847;0.015555555555555555108382392859;0.013703703703703704053218359604;0.016296296296296294836558615771;0.010370370370370370072254928573;0.017037037037037038034181790636;0.012222222222222222862142437805;0.011851851851851851263330850372;0.044074074074074071072359970458;0.001111111111111111110147375847;0.068888888888888888395456433500;0.021481481481481479872686080057;0.007777777777777777554191196430;0.020740740740740740144509857146;0.002592592592592592518063732143;0.015185185185185185244294281404;0.016296296296296294836558615771;0.004444444444444444440589503387;0.019629629629629628817522046802;0.007407407407407407690103084974;0.015925925925925926707193980292;0.010370370370370370072254928573;0.022592592592592591199673890401;0.000000000000000000000000000000;0.007777777777777777554191196430;0.032592592592592589673117231541;0.012962962962962962590318660716;0.007777777777777777554191196430;0.004814814814814815172039352831;0.012962962962962962590318660716;0.006666666666666667094565124074
-0.018055555555555553859381490156;0.051666666666666666296592325125;0.024722222222222221821308352219;0.083333333333333328707404064062;0.028055555555555555802271783250;0.018333333333333333425851918719;0.006666666666666667094565124074;0.046666666666666668794594130532;0.008055555555555555385938149016;0.014444444444444443781394582516;0.016944444444444446001840631766;0.019166666666666665186369300500;0.006388888888888889262818171488;0.018333333333333333425851918719;0.067777777777777784007362527063;0.011666666666666667198648532633;0.011944444444444445030395485219;0.042777777777777775680689842375;0.037499999999999998612221219219;0.003333333333333333547282562037;0.017222222222222222098864108375;0.009444444444444444544672911945;0.003611111111111110945348645629;0.020555555555555556079827539406;0.023611111111111110494320541875;0.019166666666666665186369300500;0.040555555555555553026714221687;0.060555555555555556912494807875;0.003055555555555555715535609451;0.041388888888888891726125507375;0.015277777777777777276635440273;0.011944444444444445030395485219;0.017222222222222222098864108375;0.007499999999999999722444243844;0.003333333333333333547282562037;0.021388888888888887840344921187;0.009166666666666666712925959359;0.008888888888888888881179006773;0.002222222222222222220294751693;0.001944444444444444388547799107;0.015833333333333334674852821422;0.010000000000000000208166817117;0.000000000000000000000000000000;0.013333333333333334189130248149;0.031944444444444441977282167500;0.012777777777777778525636342977;0.014166666666666665949647629930;0.006111111111111111431071218902;0.011944444444444445030395485219;0.010000000000000000208166817117
-0.023333333333333334397297065266;0.031944444444444441977282167500;0.049722222222222223209087133000;0.043333333333333334813630699500;0.032222222222222221543752596062;0.036388888888888887285233408875;0.006388888888888889262818171488;0.029999999999999998889776975375;0.013611111111111110286153724758;0.029166666666666667129259593594;0.013333333333333334189130248149;0.024444444444444445724284875610;0.010000000000000000208166817117;0.026666666666666668378260496297;0.028888888888888887562789165031;0.013333333333333334189130248149;0.019722222222222220849863205672;0.033333333333333332870740406406;0.028055555555555555802271783250;0.004722222222222222272336455973;0.018888888888888889089345823891;0.013888888888888888117900677344;0.006666666666666667094565124074;0.039166666666666669072149886688;0.029444444444444443226283070203;0.023333333333333334397297065266;0.033055555555555553304269977843;0.031111111111111110216764785719;0.003055555555555555715535609451;0.040833333333333332593184650250;0.028055555555555555802271783250;0.021388888888888887840344921187;0.010000000000000000208166817117;0.007777777777777777554191196430;0.009166666666666666712925959359;0.039166666666666669072149886688;0.011666666666666667198648532633;0.007222222222222221890697291258;0.001666666666666666773641281019;0.006388888888888889262818171488;0.008055555555555555385938149016;0.006944444444444444058950338672;0.000000000000000000000000000000;0.015833333333333334674852821422;0.019444444444444444752839729063;0.011111111111111111535154627461;0.020277777777777776513357110844;0.013055555555555556357383295563;0.014444444444444443781394582516;0.010277777777777778039913769703
-0.015185185185185185244294281404;0.015555555555555555108382392859;0.022222222222222223070309254922;0.300740740740740752912074640335;0.030370370370370370488588562807;0.015925925925925926707193980292;0.020740740740740740144509857146;0.024814814814814813853649511088;0.014074074074074073917306471060;0.020740740740740740144509857146;0.006666666666666667094565124074;0.010740740740740739936343040029;0.004814814814814815172039352831;0.008518518518518519017090895318;0.026296296296296296779448908865;0.010740740740740739936343040029;0.019629629629629628817522046802;0.017777777777777777762358013547;0.032222222222222221543752596062;0.001851851851851851922525771243;0.025925925925925925180637321432;0.017407407407407406163546426114;0.002222222222222222220294751693;0.031851851851851853414387960584;0.012962962962962962590318660716;0.010740740740740739936343040029;0.022592592592592591199673890401;0.011851851851851851263330850372;0.004814814814814815172039352831;0.025925925925925925180637321432;0.009629629629629630344078705662;0.029259259259259259161600752464;0.006666666666666667094565124074;0.009259259259259258745267118229;0.006296296296296296363115274630;0.028888888888888887562789165031;0.005185185185185185036127464286;0.006296296296296296363115274630;0.002592592592592592518063732143;0.007407407407407407690103084974;0.012592592592592592726230549260;0.009629629629629630344078705662;0.000000000000000000000000000000;0.019259259259259260688157411323;0.012592592592592592726230549260;0.022222222222222223070309254922;0.011111111111111111535154627461;0.004444444444444444440589503387;0.005555555555555555767577313730;0.005185185185185185036127464286
-0.018604651162790697416227203576;0.012790697674418604473656202458;0.031007751937984495693712005959;0.322480620155038755214604861976;0.004651162790697674354056800894;0.008914728682170542511942201713;0.009302325581395348708113601788;0.022868217054263565574112604395;0.013953488372093023062170402682;0.015116279069767441650684602905;0.015116279069767441650684602905;0.004263565891472868157885400819;0.012403100775193798277484802384;0.027519379844961239928169405289;0.020930232558139534593255604022;0.003100775193798449569371200596;0.018217054263565891220055803501;0.037209302325581394832454407151;0.013178294573643410669827602533;0.006201550387596899138742401192;0.012015503875968992081313402309;0.003488372093023255765542600670;0.011627906976744185885142002235;0.022868217054263565574112604395;0.012790697674418604473656202458;0.020155038759689922200912803874;0.031007751937984495693712005959;0.010465116279069767296627802011;0.004651162790697674354056800894;0.006201550387596899138742401192;0.004263565891472868157885400819;0.012790697674418604473656202458;0.010077519379844961100456401937;0.006589147286821705334913801266;0.019767441860465116004741403799;0.024031007751937984162626804618;0.013178294573643410669827602533;0.008139534883720930119599401564;0.001162790697674418588514200223;0.011240310077519379688970602160;0.010465116279069767296627802011;0.008527131782945736315770801639;0.000000000000000000000000000000;0.016666666666666666435370203203;0.011240310077519379688970602160;0.017054263565891472631541603278;0.017441860465116278827713003352;0.010852713178294573492799202086;0.033333333333333332870740406406;0.010077519379844961100456401937
-0.034195402298850575972810617031;0.008620689655172413673467346484;0.044540229885057472380971432813;0.158908045977011497251751848125;0.003448275862068965469386938594;0.017528735632183909537440413828;0.002873563218390804557822448828;0.022701149425287357741520821719;0.012643678160919540054418774844;0.023563218390804597374144080391;0.013793103448275861877547754375;0.006609195402298850482991632305;0.022413793103448275551015100859;0.028735632183908045578224488281;0.010632183908045976863943060664;0.012356321839080459598636529961;0.016379310344827587714311434297;0.039655172413793106367396745782;0.016666666666666666435370203203;0.009195402298850574585031836250;0.016666666666666666435370203203;0.012931034482758620510201019727;0.025574712643678162299343270547;0.025574712643678162299343270547;0.020977011494252875006827352422;0.026436781609195401931966529219;0.036781609195402298340127345000;0.003448275862068965469386938594;0.000574712643678160911564489766;0.015517241379310344612241223672;0.003735632183908045925169183477;0.013505747126436781421765509492;0.012356321839080459598636529961;0.007183908045977011394556122070;0.028160919540229884666659998516;0.038218390804597698884315093437;0.016379310344827587714311434297;0.010919540229885057319725305547;0.002011494252873563190475714180;0.023850574712643679564649801250;0.008620689655172413673467346484;0.008045977011494252761902856719;0.000000000000000000000000000000;0.015517241379310344612241223672;0.005747126436781609115644897656;0.015517241379310344612241223672;0.024712643678160919197273059922;0.018390804597701149170063672500;0.042241379310344828734713473750;0.014942528735632183700676733906
-0.034444444444444444197728216750;0.011388888888888889366901580047;0.025277777777777777484802257391;0.211111111111111110494320541875;0.009444444444444444544672911945;0.024444444444444445724284875610;0.016111111111111110771876298031;0.025277777777777777484802257391;0.016111111111111110771876298031;0.018611111111111109522875395328;0.019166666666666665186369300500;0.020833333333333332176851016015;0.011944444444444445030395485219;0.019444444444444444752839729063;0.023055555555555554830826636703;0.016111111111111110771876298031;0.014444444444444443781394582516;0.022777777777777778733803160094;0.022222222222222223070309254922;0.003333333333333333547282562037;0.026666666666666668378260496297;0.015833333333333334674852821422;0.006666666666666667094565124074;0.027500000000000000138777878078;0.033055555555555553304269977843;0.023611111111111110494320541875;0.021388888888888887840344921187;0.011666666666666667198648532633;0.002500000000000000052041704279;0.019722222222222220849863205672;0.013611111111111110286153724758;0.015555555555555555108382392859;0.010277777777777778039913769703;0.008055555555555555385938149016;0.008888888888888888881179006773;0.027222222222222220572307449515;0.007222222222222221890697291258;0.019166666666666665186369300500;0.002500000000000000052041704279;0.006111111111111111431071218902;0.011111111111111111535154627461;0.011388888888888889366901580047;0.000000000000000000000000000000;0.016111111111111110771876298031;0.009722222222222222376419864531;0.021944444444444443503838826359;0.019722222222222220849863205672;0.011944444444444445030395485219;0.013055555555555556357383295563;0.012222222222222222862142437805
-0.023717948717948716952363952259;0.013461538461538462285727035805;0.030128205128205128721097239008;0.231410256410256420789295361828;0.016346153846153847061239972049;0.021153846153846155020428199123;0.006089743589743589792517841630;0.025320512820512820761909011935;0.014743589743589743251694912374;0.016025641025641024217662788942;0.013461538461538462285727035805;0.011217948717948717993198037846;0.014423076923076923877564681220;0.022756410256410255360526306845;0.037499999999999998612221219219;0.014423076923076923877564681220;0.012500000000000000693889390391;0.033653846153846152244870637560;0.018589743589743589619045494032;0.006410256410256410034009810772;0.016025641025641024217662788942;0.007051282051282051384355487045;0.006410256410256410034009810772;0.022756410256410255360526306845;0.023076923076923078204103489952;0.021153846153846155020428199123;0.034935897435897436680285466082;0.014743589743589743251694912374;0.002243589743589743425167259971;0.021153846153846155020428199123;0.010256410256410256401360392431;0.012179487179487179585035683260;0.009615384615384615918376454147;0.007371794871794871625847456187;0.014102564102564102768710974090;0.027564102564102563319714533918;0.011217948717948717993198037846;0.012179487179487179585035683260;0.001923076923076923183675290829;0.010256410256410256401360392431;0.008974358974358973700669039886;0.009294871794871794809522747016;0.000000000000000000000000000000;0.011217948717948717993198037846;0.024679487179487178544201597674;0.009615384615384615918376454147;0.018269230769230770244915262879;0.013461538461538462285727035805;0.019871794871794870585013370601;0.015064102564102564360548619504
-0.006018518518518518531368322044;0.017129629629629630066522949505;0.023148148148148146863167795573;0.457870370370370372015145221667;0.012962962962962962590318660716;0.006018518518518518531368322044;0.012962962962962962590318660716;0.022222222222222223070309254922;0.017129629629629630066522949505;0.010185185185185186007572610833;0.007407407407407407690103084974;0.002777777777777777883788656865;0.003703703703703703845051542487;0.008796296296296296848837847904;0.031944444444444441977282167500;0.005555555555555555767577313730;0.013425925925925926221471407018;0.020370370370370372015145221667;0.013888888888888888117900677344;0.002777777777777777883788656865;0.019907407407407408383992475365;0.014351851851851851749053423646;0.003240740740740740647579665179;0.012962962962962962590318660716;0.006944444444444444058950338672;0.015740740740740739173064710599;0.025000000000000001387778780781;0.012500000000000000693889390391;0.005092592592592593003786305417;0.009259259259259258745267118229;0.001851851851851851922525771243;0.020370370370370372015145221667;0.003703703703703703845051542487;0.012962962962962962590318660716;0.005555555555555555767577313730;0.017592592592592593697675695807;0.002777777777777777883788656865;0.003703703703703703845051542487;0.006018518518518518531368322044;0.009722222222222222376419864531;0.008333333333333333217685101602;0.014814814814814815380206169948;0.000000000000000000000000000000;0.015277777777777777276635440273;0.015740740740740739173064710599;0.015740740740740739173064710599;0.009722222222222222376419864531;0.003703703703703703845051542487;0.006018518518518518531368322044;0.005092592592592593003786305417
-0.005864197530864197899225231936;0.010802469135802468536144971267;0.008641975308641974481971281818;0.599691358024691312245124663605;0.003086419753086419581755706076;0.005555555555555555767577313730;0.016049382716049383906797842769;0.022222222222222223070309254922;0.008333333333333333217685101602;0.008024691358024691953398921385;0.003703703703703703845051542487;0.005555555555555555767577313730;0.004629629629629629372633559115;0.006481481481481481295159330358;0.037345679012345679714801605087;0.007716049382716048954389265191;0.005864197530864197899225231936;0.012654320987654321326032480499;0.011728395061728395798450463872;0.000000000000000000000000000000;0.014506172839506172381196513754;0.004629629629629629372633559115;0.000000000000000000000000000000;0.009567901234567901744276774423;0.004629629629629629372633559115;0.009259259259259258745267118229;0.022839506172839505598881615356;0.011728395061728395798450463872;0.005864197530864197899225231936;0.004320987654320987240985640909;0.005864197530864197899225231936;0.006481481481481481295159330358;0.006790123456790123426807248563;0.010185185185185186007572610833;0.002777777777777777883788656865;0.010185185185185186007572610833;0.003395061728395061713403624282;0.006481481481481481295159330358;0.000308641975308641969017592332;0.002160493827160493620492820455;0.012654320987654321326032480499;0.005864197530864197899225231936;0.000000000000000000000000000000;0.009259259259259258745267118229;0.013271604938271605589328316910;0.013580246913580246853614497127;0.004629629629629629372633559115;0.001543209876543209790877853038;0.006172839506172839163511412153;0.007098765432098765558455166769
-0.016949152542372881297128017763;0.015536723163841808723062420938;0.024576271186440679095142058941;0.359887005649717539590426440554;0.008757062146892655510321823442;0.014124293785310734414273348136;0.009887005649717514957353081684;0.013559322033898304690757719015;0.012429378531073446978449936751;0.012146892655367232116692122190;0.008192090395480225786806194321;0.010734463276836157807903049388;0.015819209039548021850096759522;0.013276836158192089828999904455;0.015536723163841808723062420938;0.008757062146892655510321823442;0.018361581920903955605917090566;0.024011299435028249371626429820;0.018079096045197740744159276005;0.002542372881355932021096855067;0.013559322033898304690757719015;0.009604519774011300095595267123;0.029378531073446328275577954514;0.020056497175141241307017025974;0.013276836158192089828999904455;0.014689265536723164137788977257;0.018361581920903955605917090566;0.008192090395480225786806194321;0.003672316384180791034447244314;0.018644067796610170467674905126;0.008192090395480225786806194321;0.017514124293785311020643646884;0.014971751412429378999546791817;0.006779661016949152345378859508;0.017231638418079096158885832324;0.018361581920903955605917090566;0.005367231638418078903951524694;0.011016949152542372669660863949;0.004237288135593220324282004441;0.015254237288135593861304606378;0.009039548022598870372079638003;0.009887005649717514957353081684;0.000000000000000000000000000000;0.012711864406779661840207751311;0.009887005649717514957353081684;0.019774011299435029914706163368;0.012146892655367232116692122190;0.010451977401129942946145234828;0.017514124293785311020643646884;0.007062146892655367207136674068
-0.027037037037037036507625131776;0.019259259259259260688157411323;0.028148148148148147834612942120;0.114444444444444445863062753688;0.036296296296296298722339201959;0.031851851851851853414387960584;0.008518518518518519017090895318;0.025185185185185185452461098521;0.013703703703703704053218359604;0.017037037037037038034181790636;0.015185185185185185244294281404;0.025185185185185185452461098521;0.015925925925925926707193980292;0.023333333333333334397297065266;0.034814814814814812327092852229;0.015555555555555555108382392859;0.013703703703703704053218359604;0.022962962962962962798485477833;0.024814814814814813853649511088;0.005555555555555555767577313730;0.014814814814814815380206169948;0.007777777777777777554191196430;0.007037037037037036958653235530;0.016666666666666666435370203203;0.035555555555555555524716027094;0.020000000000000000416333634234;0.034444444444444444197728216750;0.021481481481481479872686080057;0.001851851851851851922525771243;0.034814814814814812327092852229;0.013333333333333334189130248149;0.011111111111111111535154627461;0.011111111111111111535154627461;0.008518518518518519017090895318;0.020000000000000000416333634234;0.025555555555555557051272685953;0.013703703703703704053218359604;0.004444444444444444440589503387;0.004444444444444444440589503387;0.008518518518518519017090895318;0.009259259259259258745267118229;0.028518518518518519433424529552;0.000000000000000000000000000000;0.015925925925925926707193980292;0.022592592592592591199673890401;0.013333333333333334189130248149;0.024814814814814813853649511088;0.015555555555555555108382392859;0.024814814814814813853649511088;0.011481481481481481399242738917
-0.020977011494252875006827352422;0.036206896551724140898009807188;0.046839080459770116027229391875;0.018678160919540231360569393360;0.014655172413793103244894489023;0.013793103448275861877547754375;0.005459770114942528659862652773;0.027298850574712645034036739844;0.031896551724137932326552657969;0.018678160919540231360569393360;0.010632183908045976863943060664;0.018678160919540231360569393360;0.011781609195402298687072040195;0.021264367816091953727886121328;0.027873563218390805945601229610;0.013505747126436781421765509492;0.029022988505747127768730209141;0.058620689655172412979577956094;0.014942528735632183700676733906;0.006896551724137930938773877187;0.014655172413793103244894489023;0.022413793103448275551015100859;0.016091954022988505523805713437;0.026436781609195401931966529219;0.020977011494252875006827352422;0.026436781609195401931966529219;0.029310344827586206489788978047;0.050862068965517238938733868281;0.003448275862068965469386938594;0.019540229885057470993192652031;0.017816091954022988258499182734;0.016954022988505748625875924063;0.012068965517241379142854285078;0.010632183908045976863943060664;0.016379310344827587714311434297;0.030747126436781610503423678438;0.014655172413793103244894489023;0.010057471264367815952378570898;0.009195402298850574585031836250;0.015804597701149426802746944531;0.014655172413793103244894489023;0.039655172413793106367396745782;0.000000000000000000000000000000;0.015229885057471264156458978789;0.009770114942528735496596326016;0.019252873563218392272133883125;0.021839080459770114639450611094;0.010057471264367815952378570898;0.027298850574712645034036739844;0.010057471264367815952378570898
-0.021666666666666667406815349750;0.026388888888888888811790067734;0.052222222222222225429533182250;0.015555555555555555108382392859;0.019444444444444444752839729063;0.019444444444444444752839729063;0.005833333333333333599324266316;0.028333333333333331899295259859;0.023055555555555554830826636703;0.029166666666666667129259593594;0.014444444444444443781394582516;0.009444444444444444544672911945;0.017777777777777777762358013547;0.031388888888888889783235214281;0.026111111111111112714766591125;0.015555555555555555108382392859;0.022777777777777778733803160094;0.045277777777777777901135891625;0.028611111111111111465765688422;0.007499999999999999722444243844;0.018055555555555553859381490156;0.019722222222222220849863205672;0.011388888888888889366901580047;0.041111111111111112159655078813;0.025277777777777777484802257391;0.032222222222222221543752596062;0.023611111111111110494320541875;0.023055555555555554830826636703;0.002222222222222222220294751693;0.022499999999999999167332731531;0.004722222222222222272336455973;0.023055555555555554830826636703;0.012222222222222222862142437805;0.010000000000000000208166817117;0.020833333333333332176851016015;0.038888888888888889505679458125;0.013888888888888888117900677344;0.006944444444444444058950338672;0.011666666666666667198648532633;0.019166666666666665186369300500;0.010277777777777778039913769703;0.016944444444444446001840631766;0.000000000000000000000000000000;0.020277777777777776513357110844;0.013333333333333334189130248149;0.014166666666666665949647629930;0.029999999999999998889776975375;0.017777777777777777762358013547;0.023055555555555554830826636703;0.013611111111111110286153724758
-0.013492063492063492702310867344;0.012698412698412698401684295391;0.028968253968253969421464688594;0.252777777777777767909128669999;0.017063492063492061850960013203;0.018253968253968255036623347110;0.008730158730158730367998387578;0.028174603174603175120838116641;0.012301587301587301251371009414;0.010714285714285714384841341484;0.010714285714285714384841341484;0.009126984126984127518311673555;0.011507936507936508685467913438;0.021031746031746033354092872969;0.040079365079365082691342792032;0.013888888888888888117900677344;0.028571428571428570536427926640;0.027777777777777776235801354687;0.017857142857142856151586585156;0.005158730158730158617264027754;0.015476190476190476719153821250;0.020238095238095239053466301016;0.011111111111111111535154627461;0.021031746031746033354092872969;0.020238095238095239053466301016;0.016666666666666666435370203203;0.030158730158730159137681070547;0.006349206349206349200842147695;0.002380952380952381167156239883;0.017063492063492061850960013203;0.009920634920634920084214769531;0.019047619047619049337249919063;0.009126984126984127518311673555;0.008333333333333333217685101602;0.017063492063492061850960013203;0.024603174603174602502742018828;0.007142857142857142634106981660;0.009126984126984127518311673555;0.002777777777777777883788656865;0.017460317460317460735996775156;0.008333333333333333217685101602;0.010317460317460317234528055508;0.000000000000000000000000000000;0.015476190476190476719153821250;0.021825396825396824185272492969;0.008730158730158730367998387578;0.019047619047619049337249919063;0.014285714285714285268213963320;0.019841269841269840168429539062;0.007936507936507936067371815625
-0.037106918238993709391326802916;0.010691823899371068543051599420;0.022641509433962262592965331010;0.258176100628930815794603859104;0.006603773584905660645749669868;0.017924528301886791942232335373;0.007232704402515723399180735953;0.021069182389937105709387665797;0.016666666666666666435370203203;0.021383647798742137086103198840;0.016352201257861635058654670161;0.009119496855345911659473934208;0.011320754716981131296482665505;0.023270440251572325346396397094;0.021069182389937105709387665797;0.018238993710691823318947868415;0.010062893081761005789620533335;0.022327044025157231216249797967;0.012893081761006289914783806694;0.003459119496855346011232601455;0.021383647798742137086103198840;0.016352201257861635058654670161;0.004402515723270440141379200583;0.028301886792452830843291877727;0.028301886792452830843291877727;0.042138364779874211418775331595;0.024213836477987422945989948175;0.011006289308176099919767132462;0.004716981132075471518094733625;0.016352201257861635058654670161;0.006918238993710692022465202911;0.011635220125786162673198198547;0.005974842767295597892318603783;0.007861635220125786152611802038;0.007861635220125786152611802038;0.020125786163522011579241066670;0.005345911949685534271525799710;0.014779874213836478175077004948;0.006289308176100629269034136826;0.009433962264150943036189467250;0.007861635220125786152611802038;0.008176100628930817529327335080;0.000000000000000000000000000000;0.017610062893081760565516802330;0.013207547169811321291499339736;0.017924528301886791942232335373;0.023584905660377360192558882090;0.019182389937106917449094467543;0.017924528301886791942232335373;0.013522012578616352668214872779
-0.029824561403508770968118213318;0.019005847953216373213969347944;0.023391812865497074724885351316;0.123099415204678361290824284424;0.012573099415204678705459961918;0.016959064327485378481652489313;0.010233918128654970192137341201;0.022807017543859650632320779096;0.009941520467836258145855055091;0.026023391812865497019213734120;0.012573099415204678705459961918;0.011695906432748537362442675658;0.016374269005847954389087917093;0.026900584795321636627507544404;0.026023391812865497019213734120;0.019005847953216373213969347944;0.018713450292397661167687061834;0.030116959064327486483847451382;0.020760233918128655900003920465;0.003508771929824561468941324094;0.020760233918128655900003920465;0.012865497076023392486465724005;0.014912280701754385484059106659;0.035087719298245612087328026973;0.023684210526315790240614589379;0.033040935672514620824458120296;0.023684210526315790240614589379;0.022222222222222223070309254922;0.003801169590643274816266217186;0.026023391812865497019213734120;0.009356725146198830583843530917;0.012573099415204678705459961918;0.016959064327485378481652489313;0.011403508771929825316160389548;0.013450292397660818313753772202;0.025146198830409357410919923836;0.006140350877192982462227099916;0.014327485380116959656771058462;0.008479532163742689240826244657;0.009356725146198830583843530917;0.007017543859649122937882648188;0.015789473684210526827076392919;0.000000000000000000000000000000;0.022807017543859650632320779096;0.022807017543859650632320779096;0.022222222222222223070309254922;0.029239766081871343406106689145;0.021345029239766083462015444638;0.018128654970760233605675537660;0.017836257309941521559393251550
-0.022881355932203389924595171578;0.022598870056497175062837357018;0.028813559322033898552062325393;0.136440677966101681084509777975;0.019774011299435029914706163368;0.021186440677966100754048284216;0.003954802259887005462524189880;0.030790960451977402584367027316;0.017231638418079096158885832324;0.010734463276836157807903049388;0.015254237288135593861304606378;0.020056497175141241307017025974;0.018926553672316385329432719686;0.017231638418079096158885832324;0.024858757062146893956899873501;0.015819209039548021850096759522;0.016384180790960451573612388643;0.042372881355932201508096568432;0.029661016949152543137335769075;0.003954802259887005462524189880;0.015819209039548021850096759522;0.014689265536723164137788977257;0.014406779661016949276031162697;0.019209039548022600191190534247;0.019774011299435029914706163368;0.022598870056497175062837357018;0.032768361581920903147224777285;0.027966101694915253966788881712;0.003672316384180791034447244314;0.030225988700564972860851398195;0.016101694915254236711854574082;0.016949152542372881297128017763;0.023163841807909604786352986139;0.008192090395480225786806194321;0.024293785310734464233384244380;0.029378531073446328275577954514;0.005932203389830508627467153815;0.012146892655367232116692122190;0.007627118644067796930652303189;0.016101694915254236711854574082;0.009887005649717514957353081684;0.014406779661016949276031162697;0.000000000000000000000000000000;0.007909604519774010925048379761;0.014689265536723164137788977257;0.013841807909604519552515533576;0.014689265536723164137788977257;0.013559322033898304690757719015;0.021468926553672315615806098776;0.009604519774011300095595267123
-0.040000000000000000832667268469;0.012962962962962962590318660716;0.052962962962962961688262453208;0.124444444444444440867059142874;0.000370370370370370351979089074;0.013703703703703704053218359604;0.000740740740740740703958178148;0.015925925925925926707193980292;0.014444444444444443781394582516;0.041851851851851848418384349770;0.010370370370370370072254928573;0.007777777777777777554191196430;0.005925925925925925631665425186;0.050740740740740739034286832521;0.006666666666666667094565124074;0.025185185185185185452461098521;0.024814814814814813853649511088;0.026666666666666668378260496297;0.005555555555555555767577313730;0.009259259259259258745267118229;0.011111111111111111535154627461;0.016666666666666666435370203203;0.005925925925925925631665425186;0.051851851851851850361274642864;0.035185185185185187395351391615;0.040000000000000000832667268469;0.019629629629629628817522046802;0.013703703703703704053218359604;0.000370370370370370351979089074;0.002222222222222222220294751693;0.008148148148148147418279307885;0.019629629629629628817522046802;0.002592592592592592518063732143;0.005555555555555555767577313730;0.011111111111111111535154627461;0.053333333333333336756520992594;0.010740740740740739936343040029;0.011111111111111111535154627461;0.002962962962962962815832712593;0.016296296296296294836558615771;0.005185185185185185036127464286;0.011851851851851851263330850372;0.000000000000000000000000000000;0.019629629629629628817522046802;0.002592592592592592518063732143;0.012222222222222222862142437805;0.051111111111111114102545371907;0.036666666666666666851703837438;0.015925925925925926707193980292;0.016296296296296294836558615771
-0.028888888888888887562789165031;0.013055555555555556357383295563;0.026388888888888888811790067734;0.288333333333333330372738601000;0.012222222222222222862142437805;0.008611111111111111049432054187;0.002222222222222222220294751693;0.017777777777777777762358013547;0.004166666666666666608842550801;0.040833333333333332593184650250;0.010000000000000000208166817117;0.005833333333333333599324266316;0.008055555555555555385938149016;0.038055555555555557745162076344;0.017500000000000001665334536938;0.022499999999999999167332731531;0.010277777777777778039913769703;0.013333333333333334189130248149;0.004444444444444444440589503387;0.004444444444444444440589503387;0.013333333333333334189130248149;0.004722222222222222272336455973;0.003888888888888888777095598215;0.052222222222222225429533182250;0.023888888888888890060790970438;0.036388888888888887285233408875;0.018611111111111109522875395328;0.011944444444444445030395485219;0.002500000000000000052041704279;0.010833333333333333703407674875;0.004722222222222222272336455973;0.018611111111111109522875395328;0.006388888888888889262818171488;0.005000000000000000104083408559;0.008055555555555555385938149016;0.038611111111111109939209029562;0.008611111111111111049432054187;0.010277777777777778039913769703;0.000833333333333333386820640509;0.004166666666666666608842550801;0.007222222222222221890697291258;0.006944444444444444058950338672;0.000000000000000000000000000000;0.024444444444444445724284875610;0.009166666666666666712925959359;0.011666666666666667198648532633;0.040833333333333332593184650250;0.021111111111111111743321444578;0.007777777777777777554191196430;0.010277777777777778039913769703
-0.007777777777777777554191196430;0.009722222222222222376419864531;0.014722222222222221613141535101;0.508333333333333303727386009996;0.014166666666666665949647629930;0.008611111111111111049432054187;0.018888888888888889089345823891;0.037777777777777778178691647781;0.009444444444444444544672911945;0.009444444444444444544672911945;0.008055555555555555385938149016;0.003611111111111110945348645629;0.001388888888888888941894328433;0.008888888888888888881179006773;0.038611111111111109939209029562;0.006666666666666667094565124074;0.006111111111111111431071218902;0.013888888888888888117900677344;0.013888888888888888117900677344;0.000555555555555555555073687923;0.027777777777777776235801354687;0.005277777777777777935830361145;0.001111111111111111110147375847;0.016111111111111110771876298031;0.003611111111111110945348645629;0.014166666666666665949647629930;0.023611111111111110494320541875;0.014722222222222221613141535101;0.004722222222222222272336455973;0.006388888888888889262818171488;0.003055555555555555715535609451;0.011944444444444445030395485219;0.002500000000000000052041704279;0.008611111111111111049432054187;0.001944444444444444388547799107;0.011666666666666667198648532633;0.001388888888888888941894328433;0.003333333333333333547282562037;0.001388888888888888941894328433;0.001111111111111111110147375847;0.017222222222222222098864108375;0.007777777777777777554191196430;0.000000000000000000000000000000;0.013333333333333334189130248149;0.014999999999999999444888487687;0.022777777777777778733803160094;0.005833333333333333599324266316;0.001666666666666666773641281019;0.001944444444444444388547799107;0.009444444444444444544672911945
-0.012500000000000000693889390391;0.009166666666666666712925959359;0.036388888888888887285233408875;0.362222222222222223209087133000;0.005833333333333333599324266316;0.007222222222222221890697291258;0.010833333333333333703407674875;0.024444444444444445724284875610;0.018333333333333333425851918719;0.034722222222222223764198645313;0.011111111111111111535154627461;0.007499999999999999722444243844;0.001111111111111111110147375847;0.022777777777777778733803160094;0.027500000000000000138777878078;0.010000000000000000208166817117;0.016111111111111110771876298031;0.016388888888888890338346726594;0.008333333333333333217685101602;0.002500000000000000052041704279;0.018055555555555553859381490156;0.013333333333333334189130248149;0.001388888888888888941894328433;0.037499999999999998612221219219;0.012222222222222222862142437805;0.032222222222222221543752596062;0.023333333333333334397297065266;0.004444444444444444440589503387;0.003611111111111110945348645629;0.006944444444444444058950338672;0.001944444444444444388547799107;0.018055555555555553859381490156;0.001944444444444444388547799107;0.009444444444444444544672911945;0.001111111111111111110147375847;0.030833333333333334119741309109;0.003888888888888888777095598215;0.001944444444444444388547799107;0.001111111111111111110147375847;0.001388888888888888941894328433;0.013055555555555556357383295563;0.005833333333333333599324266316;0.000000000000000000000000000000;0.028611111111111111465765688422;0.013055555555555556357383295563;0.018611111111111109522875395328;0.026944444444444444475283972906;0.007777777777777777554191196430;0.003888888888888888777095598215;0.012500000000000000693889390391
-0.007499999999999999722444243844;0.012916666666666666574148081281;0.022499999999999999167332731531;0.524583333333333290404709714494;0.009583333333333332593184650250;0.002500000000000000052041704279;0.010000000000000000208166817117;0.020416666666666666296592325125;0.007916666666666667337426410711;0.016250000000000000555111512313;0.009166666666666666712925959359;0.004583333333333333356462979680;0.004166666666666666608842550801;0.011249999999999999583666365766;0.028333333333333331899295259859;0.003749999999999999861222121922;0.008333333333333333217685101602;0.018333333333333333425851918719;0.010000000000000000208166817117;0.000833333333333333386820640509;0.014583333333333333564629796797;0.011249999999999999583666365766;0.004166666666666666608842550801;0.022499999999999999167332731531;0.008750000000000000832667268469;0.012916666666666666574148081281;0.026666666666666668378260496297;0.014999999999999999444888487687;0.004166666666666666608842550801;0.008750000000000000832667268469;0.002916666666666666799662133158;0.012916666666666666574148081281;0.003333333333333333547282562037;0.009166666666666666712925959359;0.001666666666666666773641281019;0.014583333333333333564629796797;0.004166666666666666608842550801;0.003333333333333333547282562037;0.000833333333333333386820640509;0.001250000000000000026020852140;0.013333333333333334189130248149;0.004583333333333333356462979680;0.000000000000000000000000000000;0.014583333333333333564629796797;0.017083333333333332315628894094;0.012916666666666666574148081281;0.009166666666666666712925959359;0.002083333333333333304421275400;0.005416666666666666851703837438;0.005000000000000000104083408559
-0.009356725146198830583843530917;0.018421052631578945651957823770;0.018713450292397661167687061834;0.409064327485380130333680881449;0.020760233918128655900003920465;0.010526315789473683973143103287;0.011695906432748537362442675658;0.026608187134502924581225258294;0.008771929824561403021832006743;0.007894736842105263413538196460;0.013742690058479532094759534289;0.003801169590643274816266217186;0.006725146198830409156876886101;0.010818713450292397754148865374;0.037134502923976610289091837558;0.007017543859649122937882648188;0.012280701754385964924454199831;0.029239766081871343406106689145;0.020760233918128655900003920465;0.004385964912280701510916003372;0.011695906432748537362442675658;0.008771929824561403021832006743;0.009356725146198830583843530917;0.017836257309941521559393251550;0.007309941520467835851526672286;0.011111111111111111535154627461;0.026315789473684209065496020230;0.018421052631578945651957823770;0.003801169590643274816266217186;0.013450292397660818313753772202;0.004093567251461988597271979273;0.014912280701754385484059106659;0.010526315789473683973143103287;0.004970760233918129072927527545;0.006432748538011696243232862003;0.018713450292397661167687061834;0.007309941520467835851526672286;0.004385964912280701510916003372;0.004385964912280701510916003372;0.011403508771929825316160389548;0.012573099415204678705459961918;0.007017543859649122937882648188;0.000000000000000000000000000000;0.010818713450292397754148865374;0.022222222222222223070309254922;0.009649122807017544364849293004;0.010818713450292397754148865374;0.004678362573099415291921765458;0.012280701754385964924454199831;0.007017543859649122937882648188
-0.020833333333333332176851016015;0.020555555555555556079827539406;0.037499999999999998612221219219;0.156111111111111117155658689626;0.032222222222222221543752596062;0.015277777777777777276635440273;0.008888888888888888881179006773;0.029444444444444443226283070203;0.011944444444444445030395485219;0.021944444444444443503838826359;0.017500000000000001665334536938;0.011111111111111111535154627461;0.010277777777777778039913769703;0.022499999999999999167332731531;0.038055555555555557745162076344;0.011388888888888889366901580047;0.021666666666666667406815349750;0.024722222222222221821308352219;0.028611111111111111465765688422;0.004444444444444444440589503387;0.022222222222222223070309254922;0.008888888888888888881179006773;0.005555555555555555767577313730;0.033055555555555553304269977843;0.021666666666666667406815349750;0.024166666666666666157814447047;0.032500000000000001110223024625;0.011111111111111111535154627461;0.005555555555555555767577313730;0.026388888888888888811790067734;0.010555555555555555871660722289;0.017222222222222222098864108375;0.011388888888888889366901580047;0.008333333333333333217685101602;0.011388888888888889366901580047;0.029722222222222222792753498766;0.012222222222222222862142437805;0.012500000000000000693889390391;0.002500000000000000052041704279;0.010277777777777778039913769703;0.012777777777777778525636342977;0.010000000000000000208166817117;0.000000000000000000000000000000;0.015833333333333334674852821422;0.022222222222222223070309254922;0.014722222222222221613141535101;0.024166666666666666157814447047;0.012222222222222222862142437805;0.016666666666666666435370203203;0.009166666666666666712925959359
-0.013333333333333334189130248149;0.017222222222222222098864108375;0.046111111111111109661653273406;0.268611111111111133809004059003;0.014999999999999999444888487687;0.012222222222222222862142437805;0.005277777777777777935830361145;0.026944444444444444475283972906;0.012777777777777778525636342977;0.023333333333333334397297065266;0.014444444444444443781394582516;0.008888888888888888881179006773;0.005277777777777777935830361145;0.028888888888888887562789165031;0.030555555555555554553270880547;0.008611111111111111049432054187;0.013611111111111110286153724758;0.036388888888888887285233408875;0.021666666666666667406815349750;0.002777777777777777883788656865;0.013888888888888888117900677344;0.014444444444444443781394582516;0.005555555555555555767577313730;0.030555555555555554553270880547;0.014722222222222221613141535101;0.028333333333333331899295259859;0.030555555555555554553270880547;0.016944444444444446001840631766;0.002222222222222222220294751693;0.017777777777777777762358013547;0.004444444444444444440589503387;0.016111111111111110771876298031;0.007777777777777777554191196430;0.005833333333333333599324266316;0.005277777777777777935830361145;0.034166666666666664631257788187;0.008611111111111111049432054187;0.004444444444444444440589503387;0.002500000000000000052041704279;0.004444444444444444440589503387;0.009722222222222222376419864531;0.008888888888888888881179006773;0.000000000000000000000000000000;0.014444444444444443781394582516;0.016666666666666666435370203203;0.009444444444444444544672911945;0.025555555555555557051272685953;0.011944444444444445030395485219;0.012500000000000000693889390391;0.010277777777777778039913769703
-0.007692307692307692734701163317;0.010576923076923077510214099561;0.017948717948717947401338079771;0.538141025641025616543799969804;0.008653846153846154326538808732;0.004807692307692307959188227073;0.019551282051282051210883139447;0.029807692307692309346967007855;0.015384615384615385469402326635;0.010256410256410256401360392431;0.008333333333333333217685101602;0.004166666666666666608842550801;0.002564102564102564100340098108;0.005769230769230769551025872488;0.043589743589743587537377322860;0.004807692307692307959188227073;0.003846153846153846367350581659;0.013461538461538462285727035805;0.015064102564102564360548619504;0.000961538461538461591837645415;0.024038461538461539795941135367;0.008333333333333333217685101602;0.001602564102564102508502452693;0.013782051282051281659857266959;0.005448717948717948442172165358;0.009615384615384615918376454147;0.024358974358974359170071366520;0.006730769230769231142863517903;0.004807692307692307959188227073;0.003205128205128205017004905386;0.000961538461538461591837645415;0.007692307692307692734701163317;0.004807692307692307959188227073;0.009935897435897435292506685300;0.002564102564102564100340098108;0.011217948717948717993198037846;0.000641025641025641025085024527;0.001602564102564102508502452693;0.001923076923076923183675290829;0.002564102564102564100340098108;0.019230769230769231836752908293;0.007371794871794871625847456187;0.000000000000000000000000000000;0.008333333333333333217685101602;0.018589743589743589619045494032;0.016666666666666666435370203203;0.006410256410256410034009810772;0.000641025641025641025085024527;0.003525641025641025692177743522;0.008012820512820512108831394471
-0.007183908045977011394556122070;0.011781609195402298687072040195;0.019540229885057470993192652031;0.448563218390804596680254690000;0.014080459770114942333329999258;0.006609195402298850482991632305;0.015517241379310344612241223672;0.030172413793103449591859188672;0.014080459770114942333329999258;0.018965517241379310081628162266;0.009195402298850574585031836250;0.005459770114942528659862652773;0.001149425287356321823128979531;0.011494252873563218231289795312;0.046264367816091951646217950156;0.008908045977011494129249591367;0.010344827586206896408160815781;0.015804597701149426802746944531;0.012356321839080459598636529961;0.002873563218390804557822448828;0.025000000000000001387778780781;0.007758620689655172306120611836;0.000287356321839080455782244883;0.025862068965517241020402039453;0.007183908045977011394556122070;0.013218390804597700965983264609;0.024425287356321840476214291016;0.010919540229885057319725305547;0.005747126436781609115644897656;0.008620689655172413673467346484;0.002011494252873563190475714180;0.013218390804597700965983264609;0.002873563218390804557822448828;0.013793103448275861877547754375;0.002011494252873563190475714180;0.014655172413793103244894489023;0.002586206896551724102040203945;0.003448275862068965469386938594;0.000574712643678160911564489766;0.000574712643678160911564489766;0.018965517241379310081628162266;0.003735632183908045925169183477;0.000000000000000000000000000000;0.016666666666666666435370203203;0.019827586206896553183698372891;0.024712643678160919197273059922;0.008333333333333333217685101602;0.001724137931034482734693469297;0.004885057471264367748298163008;0.006034482758620689571427142539
-0.022222222222222223070309254922;0.008611111111111111049432054187;0.052499999999999998057109706906;0.159444444444444444197728216750;0.014722222222222221613141535101;0.014722222222222221613141535101;0.011666666666666667198648532633;0.028333333333333331899295259859;0.012777777777777778525636342977;0.021388888888888887840344921187;0.018888888888888889089345823891;0.008611111111111111049432054187;0.007777777777777777554191196430;0.032777777777777780676693453188;0.025000000000000001387778780781;0.021111111111111111743321444578;0.013888888888888888117900677344;0.022499999999999999167332731531;0.028055555555555555802271783250;0.006666666666666667094565124074;0.032777777777777780676693453188;0.013055555555555556357383295563;0.003611111111111110945348645629;0.026388888888888888811790067734;0.021388888888888887840344921187;0.029444444444444443226283070203;0.031944444444444441977282167500;0.019444444444444444752839729063;0.003055555555555555715535609451;0.016666666666666666435370203203;0.006666666666666667094565124074;0.016944444444444446001840631766;0.010000000000000000208166817117;0.009166666666666666712925959359;0.012777777777777778525636342977;0.031944444444444441977282167500;0.009722222222222222376419864531;0.008333333333333333217685101602;0.000555555555555555555073687923;0.010000000000000000208166817117;0.012777777777777778525636342977;0.003611111111111110945348645629;0.000000000000000000000000000000;0.026388888888888888811790067734;0.012222222222222222862142437805;0.016944444444444446001840631766;0.029166666666666667129259593594;0.020000000000000000416333634234;0.012777777777777778525636342977;0.020555555555555556079827539406
-0.033928571428571425994125121406;0.018154761904761906182725894610;0.043749999999999997224442438437;0.031845238095238093123384715000;0.006845238095238095205052886172;0.016964285714285712997062560703;0.005357142857142857192420670742;0.036309523809523812365451789219;0.013392857142857142113689938867;0.029464285714285713690951951094;0.025595238095238094511163495781;0.006547619047619047775998790684;0.014583333333333333564629796797;0.037202380952380952050528861719;0.019940476190476189022326991562;0.017559523809523809589894227656;0.016964285714285712997062560703;0.042261904761904764415980650938;0.021130952380952382207990325469;0.007738095238095238359576910625;0.022619047619047618485899064922;0.012500000000000000693889390391;0.011607142857142857539365365938;0.033630952380952379432432763906;0.030654761904761903407168333047;0.041071428571428571230317317031;0.042559523809523810977673008438;0.021130952380952382207990325469;0.001785714285714285658526745415;0.016369047619047619873677845703;0.008630952380952381514100935078;0.019940476190476189022326991562;0.009523809523809524668624959531;0.010119047619047619526733150508;0.020833333333333332176851016015;0.040773809523809524668624959531;0.013095238095238095551997581367;0.009821428571428571230317317031;0.001190476190476190583578119941;0.016666666666666666435370203203;0.006547619047619047775998790684;0.013392857142857142113689938867;0.000000000000000000000000000000;0.021726190476190475331375040469;0.011309523809523809242949532461;0.016666666666666666435370203203;0.025595238095238094511163495781;0.022916666666666665047591422422;0.035416666666666665741480812812;0.016369047619047619873677845703
-0.019551282051282051210883139447;0.023076923076923078204103489952;0.044551282051282052598661920229;0.022756410256410255360526306845;0.009935897435897435292506685300;0.016666666666666666435370203203;0.004807692307692307959188227073;0.042948717948717948789116860553;0.012820512820512820068019621544;0.023397435897435897578233721106;0.017628205128205128027207848618;0.008012820512820512108831394471;0.016987179487179485809500434357;0.034615384615384617306155234928;0.034615384615384617306155234928;0.012500000000000000693889390391;0.014102564102564102768710974090;0.043910256410256406911507554014;0.032692307692307694122479944099;0.007692307692307692734701163317;0.024358974358974359170071366520;0.017307692307692308653077617464;0.030769230769230770938804653269;0.037820512820512817986351450372;0.019551282051282051210883139447;0.034294871794871797932025003774;0.033653846153846152244870637560;0.016025641025641024217662788942;0.001602564102564102508502452693;0.022435897435897435986396075691;0.008012820512820512108831394471;0.017307692307692308653077617464;0.021794871794871793768688661430;0.009294871794871794809522747016;0.017948717948717947401338079771;0.040384615384615386857181107416;0.016987179487179485809500434357;0.007692307692307692734701163317;0.006410256410256410034009810772;0.017948717948717947401338079771;0.007371794871794871625847456187;0.011538461538461539102051744976;0.000000000000000000000000000000;0.016987179487179485809500434357;0.020192307692307693428590553708;0.011858974358974358476181976130;0.031730769230769229061195346731;0.014423076923076923877564681220;0.030128205128205128721097239008;0.010897435897435896884344330715
-0.021130952380952382207990325469;0.027976190476190477413043211641;0.033928571428571425994125121406;0.012797619047619047255581747891;0.026488095238095237665687520234;0.021130952380952382207990325469;0.005654761904761904621474766230;0.040773809523809524668624959531;0.015178571428571428422737987773;0.013095238095238095551997581367;0.018749999999999999306110609609;0.016666666666666666435370203203;0.017857142857142856151586585156;0.017857142857142856151586585156;0.037499999999999998612221219219;0.010714285714285714384841341484;0.017857142857142856151586585156;0.051785714285714289084605610469;0.042857142857142857539365365938;0.003869047619047619179788455313;0.024404761904761904794947113828;0.016369047619047619873677845703;0.019940476190476189022326991562;0.017261904761904763028201870156;0.019047619047619049337249919063;0.021130952380952382207990325469;0.038988095238095238359576910625;0.023511904761904761640423089375;0.005059523809523809763366575254;0.029166666666666667129259593594;0.014880952380952380126322154297;0.019940476190476189022326991562;0.022916666666666665047591422422;0.006547619047619047775998790684;0.021428571428571428769682682969;0.029166666666666667129259593594;0.022023809523809525362514349922;0.009226190476190476372209126055;0.008035714285714284921269268125;0.020535714285714285615158658516;0.015773809523809523280846178750;0.017857142857142856151586585156;0.000000000000000000000000000000;0.013988095238095238706521605820;0.024702380952380951356639471328;0.014583333333333333564629796797;0.011904761904761904101057723437;0.013392857142857142113689938867;0.035416666666666665741480812812;0.008928571428571428075793292578
-0.021388888888888887840344921187;0.016666666666666666435370203203;0.050555555555555554969604514781;0.085555555555555551361379684749;0.020555555555555556079827539406;0.017777777777777777762358013547;0.006388888888888889262818171488;0.029999999999999998889776975375;0.016111111111111110771876298031;0.019166666666666665186369300500;0.019444444444444444752839729063;0.005555555555555555767577313730;0.018888888888888889089345823891;0.026111111111111112714766591125;0.022499999999999999167332731531;0.013055555555555556357383295563;0.019722222222222220849863205672;0.038888888888888889505679458125;0.022777777777777778733803160094;0.010833333333333333703407674875;0.015833333333333334674852821422;0.013333333333333334189130248149;0.015277777777777777276635440273;0.028888888888888887562789165031;0.028888888888888887562789165031;0.035000000000000003330669073875;0.029999999999999998889776975375;0.013888888888888888117900677344;0.001944444444444444388547799107;0.020555555555555556079827539406;0.008055555555555555385938149016;0.018333333333333333425851918719;0.016388888888888890338346726594;0.008055555555555555385938149016;0.019722222222222220849863205672;0.037499999999999998612221219219;0.021388888888888887840344921187;0.008611111111111111049432054187;0.002222222222222222220294751693;0.016388888888888890338346726594;0.008611111111111111049432054187;0.008888888888888888881179006773;0.000000000000000000000000000000;0.016111111111111110771876298031;0.015277777777777777276635440273;0.014999999999999999444888487687;0.028333333333333331899295259859;0.019166666666666665186369300500;0.030833333333333334119741309109;0.015555555555555555108382392859
-0.020915032679738560644766565133;0.035947712418300650782931882077;0.035294117647058823039607489136;0.139869281045751636671781170662;0.046078431372549022437823396103;0.015359477124183005744550989391;0.005882352941176470506601248189;0.033986928104575160614064799347;0.008823529411764705759901872284;0.015686274509803921350936661838;0.012745098039215686097636037744;0.007843137254901960675468330919;0.007189542483660130330058724013;0.022222222222222223070309254922;0.058496732026143791194350285423;0.008823529411764705759901872284;0.014052287581699346788455251556;0.037908496732026140951798964807;0.031045751633986928830211127206;0.006862745098039215591034789554;0.022875816993464050813633647863;0.011764705882352941013202496379;0.013725490196078431182069579108;0.020915032679738560644766565133;0.015686274509803921350936661838;0.021895424836601305729200106498;0.031372549019607842701873323676;0.035294117647058823039607489136;0.001307189542483660040297910321;0.022875816993464050813633647863;0.007189542483660130330058724013;0.014705882352941176266503120473;0.013725490196078431182069579108;0.003921568627450980337734165460;0.010457516339869280322383282567;0.023856209150326795898067189228;0.013725490196078431182069579108;0.007189542483660130330058724013;0.003594771241830065165029362007;0.009150326797385621366287544731;0.014705882352941176266503120473;0.009150326797385621366287544731;0.000000000000000000000000000000;0.012091503267973856619588168826;0.026797385620915031151367813322;0.011437908496732025406816823931;0.018300653594771242732575089462;0.012091503267973856619588168826;0.016666666666666666435370203203;0.008496732026143790153516199837
-0.016060606060606059941608947383;0.036060606060606063827389533571;0.031818181818181814901613790880;0.145757575757575752462003038090;0.022727272727272727903535809446;0.019090909090909092410415226482;0.006666666666666667094565124074;0.041212121212121213820189780108;0.016363636363636364923213051270;0.012121212121212121201607736509;0.018484848484848485916653970662;0.007272727272727272720964641906;0.016969696969696971416974307090;0.024242424242424242403215473018;0.042727272727272724850422491727;0.012727272727272727695368992329;0.016060606060606059941608947383;0.038484848484848482863540652943;0.028181818181818182877940159869;0.005757575757575757353923240345;0.020909090909090908422252041987;0.010909090909090909948808700847;0.017878787878787879422892714842;0.013636363636363635701287400082;0.013636363636363635701287400082;0.021212121212121213403856145874;0.035454545454545453864181325798;0.029999999999999998889776975375;0.002424242424242424240321547302;0.022727272727272727903535809446;0.007878787878787879214725897725;0.011212121212121211460965852780;0.020303030303030301928490786167;0.006666666666666667094565124074;0.015454545454545455182571167541;0.022121212121212121409774553626;0.010303030303030303455047445027;0.006363636363636363847684496164;0.002121212121212121427121788386;0.015454545454545455182571167541;0.008787878787878787220644305478;0.009393939393939393714405561298;0.000000000000000000000000000000;0.013030303030303030942249620239;0.026969696969696969890417648230;0.014242424242424242195048655901;0.014242424242424242195048655901;0.009090909090909090467524933388;0.026666666666666668378260496297;0.012121212121212121201607736509
-0.021111111111111111743321444578;0.025000000000000001387778780781;0.051944444444444445863062753688;0.210833333333333344805637921127;0.018888888888888889089345823891;0.013888888888888888117900677344;0.010277777777777778039913769703;0.020555555555555556079827539406;0.018333333333333333425851918719;0.015833333333333334674852821422;0.011666666666666667198648532633;0.015833333333333334674852821422;0.008333333333333333217685101602;0.020277777777777776513357110844;0.038333333333333330372738601000;0.009722222222222222376419864531;0.020277777777777776513357110844;0.037777777777777778178691647781;0.013611111111111110286153724758;0.007499999999999999722444243844;0.018055555555555553859381490156;0.018611111111111109522875395328;0.016944444444444446001840631766;0.018888888888888889089345823891;0.016111111111111110771876298031;0.020000000000000000416333634234;0.029444444444444443226283070203;0.019722222222222220849863205672;0.003611111111111110945348645629;0.013611111111111110286153724758;0.010000000000000000208166817117;0.017500000000000001665334536938;0.004722222222222222272336455973;0.008611111111111111049432054187;0.009444444444444444544672911945;0.032222222222222221543752596062;0.007499999999999999722444243844;0.008611111111111111049432054187;0.003055555555555555715535609451;0.014722222222222221613141535101;0.015277777777777777276635440273;0.008888888888888888881179006773;0.000000000000000000000000000000;0.009166666666666666712925959359;0.015833333333333334674852821422;0.014999999999999999444888487687;0.020833333333333332176851016015;0.009166666666666666712925959359;0.014999999999999999444888487687;0.009444444444444444544672911945
-0.012222222222222222862142437805;0.024444444444444445724284875610;0.019629629629629628817522046802;0.289999999999999980015985556747;0.041481481481481480289019714291;0.009259259259259258745267118229;0.017407407407407406163546426114;0.025185185185185185452461098521;0.011481481481481481399242738917;0.010000000000000000208166817117;0.008148148148148147418279307885;0.005925925925925925631665425186;0.016666666666666666435370203203;0.010000000000000000208166817117;0.040370370370370368962031903948;0.012222222222222222862142437805;0.013333333333333334189130248149;0.025925925925925925180637321432;0.027037037037037036507625131776;0.000740740740740740703958178148;0.022222222222222223070309254922;0.007037037037037036958653235530;0.014814814814814815380206169948;0.012962962962962962590318660716;0.013333333333333334189130248149;0.012222222222222222862142437805;0.020370370370370372015145221667;0.021481481481481479872686080057;0.004444444444444444440589503387;0.038148148148148146308056283260;0.010740740740740739936343040029;0.010740740740740739936343040029;0.018518518518518517490534236458;0.004814814814814815172039352831;0.011851851851851851263330850372;0.017037037037037038034181790636;0.004444444444444444440589503387;0.010740740740740739936343040029;0.004074074074074073709139653943;0.007407407407407407690103084974;0.012962962962962962590318660716;0.015555555555555555108382392859;0.000000000000000000000000000000;0.010000000000000000208166817117;0.025185185185185185452461098521;0.015925925925925926707193980292;0.011111111111111111535154627461;0.004444444444444444440589503387;0.010370370370370370072254928573;0.005555555555555555767577313730
-0.011581920903954802393176493069;0.012429378531073446978449936751;0.019491525423728815052948348807;0.376553672316384202556349691804;0.020621468926553671030532655095;0.012429378531073446978449936751;0.007627118644067796930652303189;0.025141242937853108818657688062;0.011299435028248587531418678509;0.016666666666666666435370203203;0.007344632768361582068894488629;0.019209039548022600191190534247;0.007909604519774010925048379761;0.013841807909604519552515533576;0.028531073446327683690304510833;0.012711864406779661840207751311;0.011299435028248587531418678509;0.024576271186440679095142058941;0.020056497175141241307017025974;0.000000000000000000000000000000;0.014971751412429378999546791817;0.010169491525423728084387420267;0.006779661016949152345378859508;0.020056497175141241307017025974;0.013276836158192089828999904455;0.018926553672316385329432719686;0.022598870056497175062837357018;0.013559322033898304690757719015;0.003672316384180791034447244314;0.024576271186440679095142058941;0.017231638418079096158885832324;0.009887005649717514957353081684;0.008192090395480225786806194321;0.003954802259887005462524189880;0.008474576271186440648564008882;0.019209039548022600191190534247;0.004237288135593220324282004441;0.008192090395480225786806194321;0.001977401129943502731262094940;0.007627118644067796930652303189;0.015536723163841808723062420938;0.011299435028248587531418678509;0.000000000000000000000000000000;0.015536723163841808723062420938;0.014689265536723164137788977257;0.016101694915254236711854574082;0.011581920903954802393176493069;0.005649717514124293765709339254;0.008474576271186440648564008882;0.004237288135593220324282004441
-0.013271604938271605589328316910;0.020679012345679013279431401884;0.017592592592592593697675695807;0.320061728395061750873651362781;0.034567901234567897927885127274;0.010185185185185186007572610833;0.014506172839506172381196513754;0.025925925925925925180637321432;0.007716049382716048954389265191;0.016049382716049383906797842769;0.008641975308641974481971281818;0.004629629629629629372633559115;0.004938271604938271504281477320;0.008333333333333333217685101602;0.040123456790123454562824178993;0.008024691358024691953398921385;0.015123456790123456644492350165;0.021296296296296295808003762318;0.029629629629629630760412339896;0.001851851851851851922525771243;0.027777777777777776235801354687;0.005555555555555555767577313730;0.012037037037037037062736644089;0.021913580246913581806023074705;0.009567901234567901744276774423;0.013271604938271605589328316910;0.025308641975308642652064960998;0.014506172839506172381196513754;0.004938271604938271504281477320;0.022222222222222223070309254922;0.005555555555555555767577313730;0.010185185185185186007572610833;0.028086419753086420969534486858;0.004938271604938271504281477320;0.003703703703703703845051542487;0.015432098765432097908778530382;0.004320987654320987240985640909;0.005246913580246913635929395525;0.000925925925925925961262885622;0.003395061728395061713403624282;0.024691358024691356654045648611;0.004629629629629629372633559115;0.000000000000000000000000000000;0.022222222222222223070309254922;0.025000000000000001387778780781;0.019135802469135803488553548846;0.015740740740740739173064710599;0.004938271604938271504281477320;0.014197530864197531116910333537;0.007407407407407407690103084974
-0.014722222222222221613141535101;0.024444444444444445724284875610;0.021388888888888887840344921187;0.039722222222222221266196839906;0.086666666666666669627261399000;0.019166666666666665186369300500;0.014444444444444443781394582516;0.031666666666666669349705642844;0.011944444444444445030395485219;0.011388888888888889366901580047;0.011666666666666667198648532633;0.008888888888888888881179006773;0.017222222222222222098864108375;0.012500000000000000693889390391;0.043611111111111114380101128063;0.005277777777777777935830361145;0.012777777777777778525636342977;0.031111111111111110216764785719;0.051666666666666666296592325125;0.002500000000000000052041704279;0.023611111111111110494320541875;0.014166666666666665949647629930;0.016944444444444446001840631766;0.014444444444444443781394582516;0.015555555555555555108382392859;0.016111111111111110771876298031;0.034722222222222223764198645313;0.028888888888888887562789165031;0.002777777777777777883788656865;0.055555555555555552471602709375;0.007222222222222221890697291258;0.010277777777777778039913769703;0.038888888888888889505679458125;0.005555555555555555767577313730;0.019444444444444444752839729063;0.024722222222222221821308352219;0.010000000000000000208166817117;0.008611111111111111049432054187;0.006944444444444444058950338672;0.014444444444444443781394582516;0.014999999999999999444888487687;0.011944444444444445030395485219;0.000000000000000000000000000000;0.011944444444444445030395485219;0.045833333333333330095182844843;0.021666666666666667406815349750;0.010277777777777778039913769703;0.006111111111111111431071218902;0.029166666666666667129259593594;0.006388888888888889262818171488
-0.025862068965517241020402039453;0.013793103448275861877547754375;0.064080459770114936435270180937;0.005459770114942528659862652773;0.004310344827586206836733673242;0.011494252873563218231289795312;0.002873563218390804557822448828;0.028735632183908045578224488281;0.018390804597701149170063672500;0.045114942528735629823088970625;0.012068965517241379142854285078;0.009482758620689655040814081133;0.006321839080459770027209387422;0.052586206896551725142874289531;0.009770114942528735496596326016;0.008333333333333333217685101602;0.028160919540229884666659998516;0.038218390804597698884315093437;0.014080459770114942333329999258;0.012356321839080459598636529961;0.015804597701149426802746944531;0.013793103448275861877547754375;0.013505747126436781421765509492;0.067241379310344823183598350624;0.026149425287356323210907760313;0.041954022988505750013654704844;0.033908045977011497251751848125;0.008333333333333333217685101602;0.000862068965517241367346734648;0.008045977011494252761902856719;0.008620689655172413673467346484;0.026149425287356323210907760313;0.008620689655172413673467346484;0.007471264367816091850338366953;0.014367816091954022789112244141;0.064367816091954022095222853750;0.016954022988505748625875924063;0.005459770114942528659862652773;0.000574712643678160911564489766;0.010057471264367815952378570898;0.009770114942528735496596326016;0.007471264367816091850338366953;0.000000000000000000000000000000;0.032758620689655175428622868594;0.006896551724137930938773877187;0.018103448275862070449004903594;0.055747126436781611891202459219;0.022988505747126436462579590625;0.025862068965517241020402039453;0.016666666666666666435370203203
-0.020114942528735631904757141797;0.015804597701149426802746944531;0.033333333333333332870740406406;0.178448275862068961306050596249;0.020689655172413792816321631562;0.025287356321839080108837549687;0.006896551724137930938773877187;0.017241379310344827346934692969;0.015517241379310344612241223672;0.017528735632183909537440413828;0.012643678160919540054418774844;0.016379310344827587714311434297;0.017816091954022988258499182734;0.024137931034482758285708570156;0.020689655172413792816321631562;0.011206896551724137775507550430;0.018965517241379310081628162266;0.025000000000000001387778780781;0.016091954022988505523805713437;0.008333333333333333217685101602;0.011206896551724137775507550430;0.014655172413793103244894489023;0.018103448275862070449004903594;0.027298850574712645034036739844;0.018390804597701149170063672500;0.021551724137931035918391842188;0.023563218390804597374144080391;0.015517241379310344612241223672;0.007471264367816091850338366953;0.027873563218390805945601229610;0.016666666666666666435370203203;0.014942528735632183700676733906;0.012356321839080459598636529961;0.010344827586206896408160815781;0.028448275862068966857165719375;0.034770114942528733414928154843;0.006609195402298850482991632305;0.010344827586206896408160815781;0.006609195402298850482991632305;0.020689655172413792816321631562;0.005747126436781609115644897656;0.012068965517241379142854285078;0.000000000000000000000000000000;0.018678160919540231360569393360;0.013793103448275861877547754375;0.015804597701149426802746944531;0.023563218390804597374144080391;0.013505747126436781421765509492;0.017528735632183909537440413828;0.009770114942528735496596326016
-0.013333333333333334189130248149;0.032777777777777780676693453188;0.019722222222222220849863205672;0.232222222222222218768195034500;0.029999999999999998889776975375;0.016944444444444446001840631766;0.011388888888888889366901580047;0.033055555555555553304269977843;0.011944444444444445030395485219;0.010555555555555555871660722289;0.014722222222222221613141535101;0.009166666666666666712925959359;0.013055555555555556357383295563;0.012777777777777778525636342977;0.044166666666666666574148081281;0.006111111111111111431071218902;0.017500000000000001665334536938;0.036944444444444446418174266000;0.029444444444444443226283070203;0.002222222222222222220294751693;0.022222222222222223070309254922;0.008888888888888888881179006773;0.011666666666666667198648532633;0.013611111111111110286153724758;0.015277777777777777276635440273;0.013611111111111110286153724758;0.030277777777777778456247403938;0.029999999999999998889776975375;0.007777777777777777554191196430;0.023055555555555554830826636703;0.008611111111111111049432054187;0.012500000000000000693889390391;0.012500000000000000693889390391;0.006111111111111111431071218902;0.017777777777777777762358013547;0.018055555555555553859381490156;0.005555555555555555767577313730;0.008055555555555555385938149016;0.006944444444444444058950338672;0.016111111111111110771876298031;0.010555555555555555871660722289;0.014999999999999999444888487687;0.000000000000000000000000000000;0.009444444444444444544672911945;0.028611111111111111465765688422;0.011388888888888889366901580047;0.009722222222222222376419864531;0.007222222222222221890697291258;0.013333333333333334189130248149;0.008055555555555555385938149016
-0.019005847953216373213969347944;0.027192982456140352143236782467;0.024853801169590641895190685773;0.200000000000000011102230246252;0.036549707602339179257633361431;0.016081871345029238873358679029;0.009649122807017544364849293004;0.031871345029239765700435071949;0.015789473684210526827076392919;0.008187134502923977194543958547;0.016666666666666666435370203203;0.004385964912280701510916003372;0.006432748538011696243232862003;0.016374269005847954389087917093;0.041520467836257311800007840930;0.010818713450292397754148865374;0.017251461988304093997381727377;0.032748538011695908778175834186;0.030116959064327486483847451382;0.005847953216374268681221337829;0.019298245614035088729698586008;0.009064327485380116802837768830;0.005263157894736841986571551644;0.020467836257309940384274682401;0.016666666666666666435370203203;0.020467836257309940384274682401;0.029532163742690058921835927208;0.040643274853801168722267078692;0.004093567251461988597271979273;0.024853801169590641895190685773;0.005555555555555555767577313730;0.013742690058479532094759534289;0.011111111111111111535154627461;0.008187134502923977194543958547;0.007309941520467835851526672286;0.024853801169590641895190685773;0.010818713450292397754148865374;0.013157894736842104532748010115;0.003216374269005848121616431001;0.005263157894736841986571551644;0.010818713450292397754148865374;0.008771929824561403021832006743;0.000000000000000000000000000000;0.011403508771929825316160389548;0.032748538011695908778175834186;0.016959064327485378481652489313;0.016081871345029238873358679029;0.009649122807017544364849293004;0.017836257309941521559393251550;0.010818713450292397754148865374
-0.009887005649717514957353081684;0.012994350282485874967242089895;0.014406779661016949276031162697;0.373446327683615797443650308196;0.012429378531073446978449936751;0.009604519774011300095595267123;0.015819209039548021850096759522;0.032768361581920903147224777285;0.009887005649717514957353081684;0.016101694915254236711854574082;0.008474576271186440648564008882;0.005367231638418078903951524694;0.005649717514124293765709339254;0.016666666666666666435370203203;0.038135593220338985520623253933;0.006779661016949152345378859508;0.010169491525423728084387420267;0.014406779661016949276031162697;0.013276836158192089828999904455;0.001412429378531073441427334814;0.015819209039548021850096759522;0.008192090395480225786806194321;0.001977401129943502731262094940;0.031638418079096043700193519044;0.011581920903954802393176493069;0.013841807909604519552515533576;0.024576271186440679095142058941;0.032203389830508473423709148165;0.009039548022598870372079638003;0.014971751412429378999546791817;0.003389830508474576172689429754;0.015254237288135593861304606378;0.006779661016949152345378859508;0.012429378531073446978449936751;0.003954802259887005462524189880;0.018926553672316385329432719686;0.008192090395480225786806194321;0.005367231638418078903951524694;0.001694915254237288086344714877;0.005367231638418078903951524694;0.011016949152542372669660863949;0.009887005649717514957353081684;0.000000000000000000000000000000;0.025988700564971749934484179789;0.018644067796610170467674905126;0.018926553672316385329432719686;0.013276836158192089828999904455;0.008192090395480225786806194321;0.009322033898305085233837452563;0.011864406779661017254934307630
-0.005555555555555555767577313730;0.011481481481481481399242738917;0.014074074074074073917306471060;0.470740740740740737368952295583;0.016666666666666666435370203203;0.005185185185185185036127464286;0.014444444444444443781394582516;0.029259259259259259161600752464;0.006666666666666667094565124074;0.008148148148148147418279307885;0.007037037037037036958653235530;0.003703703703703703845051542487;0.005185185185185185036127464286;0.010000000000000000208166817117;0.041481481481481480289019714291;0.001851851851851851922525771243;0.013333333333333334189130248149;0.014074074074074073917306471060;0.014074074074074073917306471060;0.002962962962962962815832712593;0.015185185185185185244294281404;0.008518518518518519017090895318;0.003703703703703703845051542487;0.016666666666666666435370203203;0.005925925925925925631665425186;0.011481481481481481399242738917;0.023703703703703702526661700745;0.018148148148148149361169600979;0.015185185185185185244294281404;0.008888888888888888881179006773;0.005555555555555555767577313730;0.018888888888888889089345823891;0.006296296296296296363115274630;0.015925925925925926707193980292;0.004444444444444444440589503387;0.016666666666666666435370203203;0.005185185185185185036127464286;0.004814814814814815172039352831;0.003333333333333333547282562037;0.010000000000000000208166817117;0.011851851851851851263330850372;0.006666666666666667094565124074;0.000000000000000000000000000000;0.011111111111111111535154627461;0.015185185185185185244294281404;0.018148148148148149361169600979;0.007777777777777777554191196430;0.004074074074074073709139653943;0.006666666666666667094565124074;0.004074074074074073709139653943
-0.006306306306306306078135470727;0.020720720720720720714469464951;0.018468468468468467180709779996;0.434234234234234239835359403514;0.022072072072072072140835885534;0.006756756756756757131832102914;0.015765765765765764327976938830;0.026576576576576575738908303492;0.009009009009009008930868311893;0.010810810810810811410931364662;0.009459459459459459984564944079;0.004954954954954954651769050145;0.004054054054054054279099261748;0.007207207207207207318166997112;0.040540540540540542790992617483;0.001801801801801801829541749278;0.012612612612612612156270941455;0.023423423423423423567202306117;0.012612612612612612156270941455;0.000900900900900900914770874639;0.015765765765765764327976938830;0.007657657657657657504501891310;0.004954954954954954651769050145;0.011711711711711711783601153058;0.006756756756756757131832102914;0.008108108108108108558198523497;0.023423423423423423567202306117;0.005405405405405405705465682331;0.022522522522522521459809041744;0.013063063063063063209967573641;0.005855855855855855891800576529;0.022972972972972974248229149907;0.005855855855855855891800576529;0.017117117117117115754343359413;0.008108108108108108558198523497;0.022072072072072072140835885534;0.004954954954954954651769050145;0.003153153153153153039067735364;0.001801801801801801829541749278;0.011711711711711711783601153058;0.011261261261261260729904520872;0.008108108108108108558198523497;0.000000000000000000000000000000;0.011711711711711711783601153058;0.021171171171171170033442621161;0.011711711711711711783601153058;0.006756756756756757131832102914;0.002702702702702702852732841166;0.008108108108108108558198523497;0.007207207207207207318166997112
-0.011666666666666667198648532633;0.008999999999999999319988397417;0.018999999999999999528155214534;0.421666666666666689611275842253;0.010000000000000000208166817117;0.010000000000000000208166817117;0.011666666666666667198648532633;0.038333333333333330372738601000;0.005666666666666667073748442363;0.012999999999999999403255124264;0.015333333333333332496040135595;0.006333333333333333176051738178;0.004000000000000000083266726847;0.013333333333333334189130248149;0.034000000000000002442490654175;0.005333333333333333155235056466;0.008000000000000000166533453694;0.021333333333333332620940225866;0.015333333333333332496040135595;0.000666666666666666644404382058;0.021333333333333332620940225866;0.004666666666666667052931760651;0.000666666666666666644404382058;0.020000000000000000416333634234;0.016333333333333331649495079319;0.020000000000000000416333634234;0.036666666666666666851703837438;0.010999999999999999361621760841;0.004000000000000000083266726847;0.008999999999999999319988397417;0.005666666666666667073748442363;0.011666666666666667198648532633;0.007666666666666666248020067798;0.012000000000000000249800180541;0.003000000000000000062450045135;0.012333333333333333300951828448;0.003666666666666666598434209945;0.007333333333333333196868419890;0.002666666666666666577617528233;0.002333333333333333526465880325;0.018333333333333333425851918719;0.006000000000000000124900090270;0.000000000000000000000000000000;0.013666666666666667240281896056;0.023333333333333334397297065266;0.018333333333333333425851918719;0.012999999999999999403255124264;0.004666666666666667052931760651;0.004666666666666667052931760651;0.012333333333333333300951828448
-0.019827586206896553183698372891;0.031896551724137932326552657969;0.042241379310344828734713473750;0.124425287356321842557882462188;0.017241379310344827346934692969;0.015517241379310344612241223672;0.004885057471264367748298163008;0.030459770114942528312917957578;0.013793103448275861877547754375;0.017241379310344827346934692969;0.017241379310344827346934692969;0.007471264367816091850338366953;0.011206896551724137775507550430;0.030747126436781610503423678438;0.024712643678160919197273059922;0.007183908045977011394556122070;0.018678160919540231360569393360;0.044540229885057472380971432813;0.030459770114942528312917957578;0.009770114942528735496596326016;0.018390804597701149170063672500;0.010344827586206896408160815781;0.022701149425287357741520821719;0.020689655172413792816321631562;0.018390804597701149170063672500;0.022413793103448275551015100859;0.035057471264367819074880827657;0.024137931034482758285708570156;0.002873563218390804557822448828;0.025862068965517241020402039453;0.008045977011494252761902856719;0.010919540229885057319725305547;0.010632183908045976863943060664;0.004310344827586206836733673242;0.020402298850574714095262862656;0.042816091954022986176831011562;0.009770114942528735496596326016;0.002873563218390804557822448828;0.004310344827586206836733673242;0.018678160919540231360569393360;0.010057471264367815952378570898;0.017816091954022988258499182734;0.000000000000000000000000000000;0.007758620689655172306120611836;0.019827586206896553183698372891;0.010057471264367815952378570898;0.026436781609195401931966529219;0.011494252873563218231289795312;0.032758620689655175428622868594;0.010632183908045976863943060664
-0.017708333333333332870740406406;0.042013888888888892281237019688;0.036458333333333335646297967969;0.076388888888888895056794581251;0.031250000000000000000000000000;0.022569444444444444058950338672;0.004861111111111111188209932266;0.038541666666666668517038374375;0.019444444444444444752839729063;0.013194444444444444405895033867;0.015972222222222220988641083750;0.017361111111111111882099322656;0.008333333333333333217685101602;0.016319444444444445446729119453;0.051736111111111107718762980312;0.012847222222222221682530474141;0.018749999999999999306110609609;0.046527777777777779011358916250;0.029513888888888888117900677344;0.011111111111111111535154627461;0.018749999999999999306110609609;0.010763888888888888811790067734;0.012500000000000000693889390391;0.021874999999999998612221219219;0.012847222222222221682530474141;0.018749999999999999306110609609;0.031250000000000000000000000000;0.039930555555555552471602709375;0.001736111111111111014737584668;0.027430555555555555247160270937;0.011111111111111111535154627461;0.009722222222222222376419864531;0.018402777777777778317469525859;0.007291666666666666782314898398;0.012847222222222221682530474141;0.029513888888888888117900677344;0.014236111111111110841265237070;0.007291666666666666782314898398;0.004513888888888888464845372539;0.009722222222222222376419864531;0.014930555555555556287994356524;0.019444444444444444752839729063;0.000000000000000000000000000000;0.007291666666666666782314898398;0.034027777777777774848022573906;0.009374999999999999653055304805;0.018055555555555553859381490156;0.011805555555555555247160270937;0.025347222222222222376419864531;0.008333333333333333217685101602
-0.025595238095238094511163495781;0.016964285714285712997062560703;0.043154761904761904101057723437;0.011904761904761904101057723437;0.040476190476190478106932602032;0.036309523809523812365451789219;0.004166666666666666608842550801;0.031250000000000000000000000000;0.030357142857142856845475975547;0.012202380952380952397473556914;0.012500000000000000693889390391;0.030654761904761903407168333047;0.022916666666666665047591422422;0.028571428571428570536427926640;0.025297619047619047949471138281;0.025595238095238094511163495781;0.016071428571428569842538536250;0.038392857142857145236192195625;0.027976190476190477413043211641;0.010119047619047619526733150508;0.015773809523809523280846178750;0.022619047619047618485899064922;0.010416666666666666088425508008;0.019047619047619049337249919063;0.039583333333333331482961625625;0.023511904761904761640423089375;0.031845238095238093123384715000;0.022321428571428571924206707422;0.002976190476190476025264430859;0.029166666666666667129259593594;0.022321428571428571924206707422;0.016666666666666666435370203203;0.012202380952380952397473556914;0.007738095238095238359576910625;0.016369047619047619873677845703;0.029464285714285713690951951094;0.013690476190476190410105772344;0.008630952380952381514100935078;0.005952380952380952050528861719;0.019940476190476189022326991562;0.006250000000000000346944695195;0.017261904761904763028201870156;0.000000000000000000000000000000;0.005952380952380952050528861719;0.019940476190476189022326991562;0.014880952380952380126322154297;0.019345238095238095898942276563;0.015476190476190476719153821250;0.028571428571428570536427926640;0.011607142857142857539365365938
-0.022685185185185186701462001224;0.031944444444444441977282167500;0.025462962962962961549484575130;0.179166666666666668517038374375;0.022685185185185186701462001224;0.041203703703703700722549285729;0.009259259259259258745267118229;0.019907407407407408383992475365;0.006944444444444444058950338672;0.007870370370370369586532355299;0.012962962962962962590318660716;0.054166666666666668517038374375;0.016203703703703702804217456901;0.016666666666666666435370203203;0.034259259259259260133045899011;0.026851851851851852442942814037;0.016666666666666666435370203203;0.027777777777777776235801354687;0.010648148148148147904001881159;0.003240740740740740647579665179;0.010185185185185186007572610833;0.013888888888888888117900677344;0.009259259259259258745267118229;0.013425925925925926221471407018;0.025462962962962961549484575130;0.009259259259259258745267118229;0.018518518518518517490534236458;0.024074074074074074125473288177;0.001851851851851851922525771243;0.038425925925925925874526711823;0.037499999999999998612221219219;0.011111111111111111535154627461;0.011574074074074073431583897786;0.006481481481481481295159330358;0.019444444444444444752839729063;0.015277777777777777276635440273;0.005555555555555555767577313730;0.014351851851851851749053423646;0.004629629629629629372633559115;0.015277777777777777276635440273;0.012037037037037037062736644089;0.017592592592592593697675695807;0.000000000000000000000000000000;0.004629629629629629372633559115;0.015740740740740739173064710599;0.006944444444444444058950338672;0.012037037037037037062736644089;0.007407407407407407690103084974;0.018055555555555553859381490156;0.013425925925925926221471407018
-0.010185185185185186007572610833;0.006018518518518518531368322044;0.031018518518518518184423626849;0.396759259259259255969709556666;0.004166666666666666608842550801;0.001388888888888888941894328433;0.001851851851851851922525771243;0.017129629629629630066522949505;0.002777777777777777883788656865;0.059722222222222225151977426094;0.005555555555555555767577313730;0.000462962962962962980631442811;0.001851851851851851922525771243;0.020370370370370372015145221667;0.015740740740740739173064710599;0.006481481481481481295159330358;0.010648148148148147904001881159;0.006018518518518518531368322044;0.012037037037037037062736644089;0.003703703703703703845051542487;0.013425925925925926221471407018;0.004166666666666666608842550801;0.000462962962962962980631442811;0.079629629629629633535969901459;0.007870370370370369586532355299;0.032407407407407405608434913802;0.018981481481481481121686982760;0.001388888888888888941894328433;0.002314814814814814686316779557;0.004629629629629629372633559115;0.000925925925925925961262885622;0.023148148148148146863167795573;0.000925925925925925961262885622;0.004166666666666666608842550801;0.002777777777777777883788656865;0.045370370370370373402924002448;0.002314814814814814686316779557;0.003240740740740740647579665179;0.000000000000000000000000000000;0.000462962962962962980631442811;0.009259259259259258745267118229;0.000462962962962962980631442811;0.000000000000000000000000000000;0.031944444444444441977282167500;0.007407407407407407690103084974;0.019907407407407408383992475365;0.042592592592592591616007524635;0.013888888888888888117900677344;0.004166666666666666608842550801;0.007870370370370369586532355299
-0.012222222222222222862142437805;0.033333333333333332870740406406;0.025185185185185185452461098521;0.221111111111111119376104738876;0.033333333333333332870740406406;0.020370370370370372015145221667;0.008148148148148147418279307885;0.035185185185185187395351391615;0.010370370370370370072254928573;0.008148148148148147418279307885;0.012592592592592592726230549260;0.010740740740740739936343040029;0.013333333333333334189130248149;0.009629629629629630344078705662;0.045925925925925925596970955667;0.007037037037037036958653235530;0.014444444444444443781394582516;0.033703703703703701000105041885;0.028148148148148147834612942120;0.006296296296296296363115274630;0.019629629629629628817522046802;0.009629629629629630344078705662;0.013333333333333334189130248149;0.014444444444444443781394582516;0.012222222222222222862142437805;0.009629629629629630344078705662;0.035185185185185187395351391615;0.041481481481481480289019714291;0.003703703703703703845051542487;0.032962962962962964741375770927;0.011481481481481481399242738917;0.014074074074074073917306471060;0.018148148148148149361169600979;0.004444444444444444440589503387;0.011111111111111111535154627461;0.019259259259259260688157411323;0.006666666666666667094565124074;0.007407407407407407690103084974;0.003333333333333333547282562037;0.013333333333333334189130248149;0.015555555555555555108382392859;0.017407407407407406163546426114;0.000000000000000000000000000000;0.008888888888888888881179006773;0.026666666666666668378260496297;0.008148148148148147418279307885;0.007037037037037036958653235530;0.004074074074074073709139653943;0.015185185185185185244294281404;0.006296296296296296363115274630
-0.005555555555555555767577313730;0.014814814814814815380206169948;0.014074074074074073917306471060;0.589629629629629614662178482831;0.005925925925925925631665425186;0.005185185185185185036127464286;0.005925925925925925631665425186;0.018518518518518517490534236458;0.007037037037037036958653235530;0.009259259259259258745267118229;0.004814814814814815172039352831;0.002222222222222222220294751693;0.006296296296296296363115274630;0.006666666666666667094565124074;0.021481481481481479872686080057;0.002962962962962962815832712593;0.012962962962962962590318660716;0.018888888888888889089345823891;0.017777777777777777762358013547;0.001851851851851851922525771243;0.010000000000000000208166817117;0.007407407407407407690103084974;0.007777777777777777554191196430;0.014444444444444443781394582516;0.007777777777777777554191196430;0.008888888888888888881179006773;0.015555555555555555108382392859;0.020370370370370372015145221667;0.001111111111111111110147375847;0.007037037037037036958653235530;0.002592592592592592518063732143;0.010000000000000000208166817117;0.006666666666666667094565124074;0.005185185185185185036127464286;0.008888888888888888881179006773;0.012962962962962962590318660716;0.002962962962962962815832712593;0.004074074074074073709139653943;0.001481481481481481407916356297;0.006296296296296296363115274630;0.009259259259259258745267118229;0.008518518518518519017090895318;0.000000000000000000000000000000;0.007777777777777777554191196430;0.009629629629629630344078705662;0.004444444444444444440589503387;0.007777777777777777554191196430;0.005555555555555555767577313730;0.010000000000000000208166817117;0.003703703703703703845051542487
-0.010169491525423728084387420267;0.008474576271186440648564008882;0.023163841807909604786352986139;0.554802259887005599914289177832;0.005084745762711864042193710134;0.008757062146892655510321823442;0.003672316384180791034447244314;0.011864406779661017254934307630;0.012711864406779661840207751311;0.010451977401129942946145234828;0.009322033898305085233837452563;0.003389830508474576172689429754;0.006779661016949152345378859508;0.015254237288135593861304606378;0.014689265536723164137788977257;0.005649717514124293765709339254;0.012994350282485874967242089895;0.024858757062146893956899873501;0.014689265536723164137788977257;0.003672316384180791034447244314;0.008192090395480225786806194321;0.005932203389830508627467153815;0.010169491525423728084387420267;0.014689265536723164137788977257;0.013841807909604519552515533576;0.014124293785310734414273348136;0.019209039548022600191190534247;0.009322033898305085233837452563;0.000564971751412429398254977375;0.003954802259887005462524189880;0.002542372881355932021096855067;0.009887005649717514957353081684;0.009322033898305085233837452563;0.004237288135593220324282004441;0.007062146892655367207136674068;0.016949152542372881297128017763;0.007344632768361582068894488629;0.003954802259887005462524189880;0.001129943502824858796509954750;0.007062146892655367207136674068;0.006497175141242937483621044947;0.006779661016949152345378859508;0.000000000000000000000000000000;0.005084745762711864042193710134;0.009039548022598870372079638003;0.003107344632768361744612484188;0.011864406779661017254934307630;0.007344632768361582068894488629;0.015819209039548021850096759522;0.004519774011299435186039819001
-0.029722222222222222792753498766;0.016944444444444446001840631766;0.046666666666666668794594130532;0.011111111111111111535154627461;0.017222222222222222098864108375;0.027777777777777776235801354687;0.011388888888888889366901580047;0.038333333333333330372738601000;0.024444444444444445724284875610;0.016666666666666666435370203203;0.021666666666666667406815349750;0.015833333333333334674852821422;0.010555555555555555871660722289;0.027500000000000000138777878078;0.025277777777777777484802257391;0.017222222222222222098864108375;0.029444444444444443226283070203;0.042777777777777775680689842375;0.035000000000000003330669073875;0.010833333333333333703407674875;0.026666666666666668378260496297;0.016944444444444446001840631766;0.017222222222222222098864108375;0.029444444444444443226283070203;0.028888888888888887562789165031;0.028888888888888887562789165031;0.038888888888888889505679458125;0.011944444444444445030395485219;0.002500000000000000052041704279;0.026666666666666668378260496297;0.013611111111111110286153724758;0.018611111111111109522875395328;0.017222222222222222098864108375;0.008611111111111111049432054187;0.016944444444444446001840631766;0.034166666666666664631257788187;0.013611111111111110286153724758;0.012222222222222222862142437805;0.003611111111111110945348645629;0.013055555555555556357383295563;0.010833333333333333703407674875;0.014999999999999999444888487687;0.000000000000000000000000000000;0.014999999999999999444888487687;0.013333333333333334189130248149;0.016111111111111110771876298031;0.023611111111111110494320541875;0.017500000000000001665334536938;0.020555555555555556079827539406;0.011944444444444445030395485219
-0.013505747126436781421765509492;0.035632183908045976516998365469;0.027586206896551723755095508750;0.022701149425287357741520821719;0.044540229885057472380971432813;0.022701149425287357741520821719;0.008045977011494252761902856719;0.036206896551724140898009807188;0.017528735632183909537440413828;0.013505747126436781421765509492;0.012931034482758620510201019727;0.011781609195402298687072040195;0.023275862068965518653085311485;0.011494252873563218231289795312;0.057471264367816091156448976562;0.006321839080459770027209387422;0.016091954022988505523805713437;0.051436781609195403319745310000;0.045402298850574715483041643438;0.004310344827586206836733673242;0.023850574712643679564649801250;0.012643678160919540054418774844;0.021264367816091953727886121328;0.013793103448275861877547754375;0.015229885057471264156458978789;0.014655172413793103244894489023;0.035632183908045976516998365469;0.031034482758620689224482447344;0.002011494252873563190475714180;0.053735632183908046966003269063;0.007183908045977011394556122070;0.010632183908045976863943060664;0.031321839080459767945541216250;0.005747126436781609115644897656;0.014367816091954022789112244141;0.024425287356321840476214291016;0.007758620689655172306120611836;0.010344827586206896408160815781;0.002873563218390804557822448828;0.015517241379310344612241223672;0.016954022988505748625875924063;0.024137931034482758285708570156;0.000000000000000000000000000000;0.010919540229885057319725305547;0.044827586206896551102030201719;0.017528735632183909537440413828;0.009482758620689655040814081133;0.007471264367816091850338366953;0.024425287356321840476214291016;0.007758620689655172306120611836
-0.013611111111111110286153724758;0.032777777777777780676693453188;0.018333333333333333425851918719;0.241111111111111109384097517250;0.058055555555555554692048758625;0.018888888888888889089345823891;0.006944444444444444058950338672;0.022777777777777778733803160094;0.007222222222222221890697291258;0.010000000000000000208166817117;0.013888888888888888117900677344;0.008055555555555555385938149016;0.010833333333333333703407674875;0.008611111111111111049432054187;0.046666666666666668794594130532;0.006944444444444444058950338672;0.012500000000000000693889390391;0.028888888888888887562789165031;0.029166666666666667129259593594;0.002222222222222222220294751693;0.019722222222222220849863205672;0.008611111111111111049432054187;0.015277777777777777276635440273;0.009444444444444444544672911945;0.013611111111111110286153724758;0.010277777777777778039913769703;0.033055555555555553304269977843;0.035000000000000003330669073875;0.004444444444444444440589503387;0.032500000000000001110223024625;0.003888888888888888777095598215;0.010833333333333333703407674875;0.018333333333333333425851918719;0.010000000000000000208166817117;0.013333333333333334189130248149;0.018333333333333333425851918719;0.008611111111111111049432054187;0.006666666666666667094565124074;0.003888888888888888777095598215;0.014166666666666665949647629930;0.010277777777777778039913769703;0.011388888888888889366901580047;0.000000000000000000000000000000;0.007222222222222221890697291258;0.028611111111111111465765688422;0.010000000000000000208166817117;0.008055555555555555385938149016;0.007222222222222221890697291258;0.019166666666666665186369300500;0.010555555555555555871660722289
-0.013333333333333334189130248149;0.011111111111111111535154627461;0.025555555555555557051272685953;0.398518518518518494175850719330;0.005925925925925925631665425186;0.012592592592592592726230549260;0.008888888888888888881179006773;0.024444444444444445724284875610;0.015185185185185185244294281404;0.015925925925925926707193980292;0.012222222222222222862142437805;0.007037037037037036958653235530;0.006666666666666667094565124074;0.011481481481481481399242738917;0.029629629629629630760412339896;0.004814814814814815172039352831;0.017407407407407406163546426114;0.022962962962962962798485477833;0.018518518518518517490534236458;0.001851851851851851922525771243;0.010740740740740739936343040029;0.009259259259259258745267118229;0.009629629629629630344078705662;0.019259259259259260688157411323;0.007037037037037036958653235530;0.015925925925925926707193980292;0.026296296296296296779448908865;0.012222222222222222862142437805;0.004444444444444444440589503387;0.016666666666666666435370203203;0.007037037037037036958653235530;0.021851851851851851471497667490;0.008888888888888888881179006773;0.013333333333333334189130248149;0.006296296296296296363115274630;0.024074074074074074125473288177;0.004814814814814815172039352831;0.005185185185185185036127464286;0.003333333333333333547282562037;0.008148148148148147418279307885;0.009629629629629630344078705662;0.009259259259259258745267118229;0.000000000000000000000000000000;0.016296296296296294836558615771;0.017407407407407406163546426114;0.011481481481481481399242738917;0.009259259259259258745267118229;0.005555555555555555767577313730;0.013333333333333334189130248149;0.009259259259259258745267118229
-0.015277777777777777276635440273;0.007777777777777777554191196430;0.046388888888888889228123701969;0.271388888888888901718132729002;0.005277777777777777935830361145;0.011388888888888889366901580047;0.006944444444444444058950338672;0.015833333333333334674852821422;0.026388888888888888811790067734;0.021666666666666667406815349750;0.016666666666666666435370203203;0.010555555555555555871660722289;0.006388888888888889262818171488;0.027500000000000000138777878078;0.025833333333333333148296162562;0.024166666666666666157814447047;0.010833333333333333703407674875;0.018611111111111109522875395328;0.010833333333333333703407674875;0.003888888888888888777095598215;0.012777777777777778525636342977;0.017222222222222222098864108375;0.002222222222222222220294751693;0.031666666666666669349705642844;0.025833333333333333148296162562;0.029722222222222222792753498766;0.029166666666666667129259593594;0.005555555555555555767577313730;0.003055555555555555715535609451;0.010555555555555555871660722289;0.006944444444444444058950338672;0.014166666666666665949647629930;0.005277777777777777935830361145;0.010833333333333333703407674875;0.008055555555555555385938149016;0.029999999999999998889776975375;0.004722222222222222272336455973;0.009722222222222222376419864531;0.005000000000000000104083408559;0.007777777777777777554191196430;0.008611111111111111049432054187;0.014722222222222221613141535101;0.000000000000000000000000000000;0.014444444444444443781394582516;0.013055555555555556357383295563;0.012222222222222222862142437805;0.038611111111111109939209029562;0.014722222222222221613141535101;0.010000000000000000208166817117;0.019722222222222220849863205672
-0.017222222222222222098864108375;0.003611111111111110945348645629;0.046388888888888889228123701969;0.319444444444444419772821674997;0.002777777777777777883788656865;0.007499999999999999722444243844;0.003333333333333333547282562037;0.016666666666666666435370203203;0.029444444444444443226283070203;0.023611111111111110494320541875;0.014722222222222221613141535101;0.005555555555555555767577313730;0.003611111111111110945348645629;0.034444444444444444197728216750;0.010555555555555555871660722289;0.017777777777777777762358013547;0.016111111111111110771876298031;0.019166666666666665186369300500;0.008611111111111111049432054187;0.002777777777777777883788656865;0.011944444444444445030395485219;0.021111111111111111743321444578;0.001388888888888888941894328433;0.028611111111111111465765688422;0.021388888888888887840344921187;0.046944444444444441422170655187;0.023888888888888890060790970438;0.001666666666666666773641281019;0.000833333333333333386820640509;0.004444444444444444440589503387;0.005833333333333333599324266316;0.014166666666666665949647629930;0.001944444444444444388547799107;0.009722222222222222376419864531;0.008333333333333333217685101602;0.023611111111111110494320541875;0.005000000000000000104083408559;0.008888888888888888881179006773;0.002500000000000000052041704279;0.003333333333333333547282562037;0.006666666666666667094565124074;0.008055555555555555385938149016;0.000000000000000000000000000000;0.025833333333333333148296162562;0.008055555555555555385938149016;0.020000000000000000416333634234;0.036666666666666666851703837438;0.019166666666666665186369300500;0.011111111111111111535154627461;0.015555555555555555108382392859
-0.014166666666666665949647629930;0.004444444444444444440589503387;0.097777777777777782897139502438;0.252222222222222236531763428502;0.001388888888888888941894328433;0.013333333333333334189130248149;0.001666666666666666773641281019;0.013611111111111110286153724758;0.016111111111111110771876298031;0.031111111111111110216764785719;0.012500000000000000693889390391;0.013611111111111110286153724758;0.002500000000000000052041704279;0.042222222222222223486642889156;0.011666666666666667198648532633;0.021388888888888887840344921187;0.026388888888888888811790067734;0.028611111111111111465765688422;0.003611111111111110945348645629;0.002777777777777777883788656865;0.002777777777777777883788656865;0.019166666666666665186369300500;0.003611111111111110945348645629;0.032222222222222221543752596062;0.021666666666666667406815349750;0.037777777777777778178691647781;0.022777777777777778733803160094;0.001388888888888888941894328433;0.000555555555555555555073687923;0.008055555555555555385938149016;0.011944444444444445030395485219;0.024722222222222221821308352219;0.002777777777777777883788656865;0.010555555555555555871660722289;0.005277777777777777935830361145;0.046111111111111109661653273406;0.004444444444444444440589503387;0.005000000000000000104083408559;0.001111111111111111110147375847;0.010277777777777778039913769703;0.005000000000000000104083408559;0.003888888888888888777095598215;0.000000000000000000000000000000;0.009166666666666666712925959359;0.003611111111111110945348645629;0.008611111111111111049432054187;0.038611111111111109939209029562;0.019722222222222220849863205672;0.009722222222222222376419864531;0.018333333333333333425851918719
-0.020277777777777776513357110844;0.005277777777777777935830361145;0.093888888888888882844341310374;0.108611111111111116600547177313;0.001944444444444444388547799107;0.018055555555555553859381490156;0.002222222222222222220294751693;0.020000000000000000416333634234;0.016666666666666666435370203203;0.029722222222222222792753498766;0.018611111111111109522875395328;0.022222222222222223070309254922;0.003888888888888888777095598215;0.045555555555555557467606320188;0.014166666666666665949647629930;0.037777777777777778178691647781;0.021388888888888887840344921187;0.031944444444444441977282167500;0.007499999999999999722444243844;0.006944444444444444058950338672;0.009166666666666666712925959359;0.017222222222222222098864108375;0.003055555555555555715535609451;0.038888888888888889505679458125;0.034166666666666664631257788187;0.045555555555555557467606320188;0.033055555555555553304269977843;0.000555555555555555555073687923;0.001111111111111111110147375847;0.006944444444444444058950338672;0.009444444444444444544672911945;0.019166666666666665186369300500;0.003611111111111110945348645629;0.019166666666666665186369300500;0.007499999999999999722444243844;0.040555555555555553026714221687;0.008055555555555555385938149016;0.008888888888888888881179006773;0.000833333333333333386820640509;0.008888888888888888881179006773;0.005555555555555555767577313730;0.003611111111111110945348645629;0.000000000000000000000000000000;0.016666666666666666435370203203;0.004444444444444444440589503387;0.010277777777777778039913769703;0.054166666666666668517038374375;0.022222222222222223070309254922;0.013333333333333334189130248149;0.027222222222222220572307449515
-0.019345238095238095898942276563;0.004761904761904762334312479766;0.101190476190476191797884553125;0.120238095238095241135134472188;0.002678571428571428596210335371;0.011904761904761904101057723437;0.001785714285714285658526745415;0.022916666666666665047591422422;0.025297619047619047949471138281;0.026488095238095237665687520234;0.018452380952380952744418252109;0.012500000000000000693889390391;0.001190476190476190583578119941;0.050297619047619049337249919063;0.016071428571428569842538536250;0.034523809523809526056403740313;0.021428571428571428769682682969;0.023511904761904761640423089375;0.007440476190476190063161077148;0.005654761904761904621474766230;0.010416666666666666088425508008;0.020535714285714285615158658516;0.001785714285714285658526745415;0.031547619047619046561692357500;0.026190476190476191103995162734;0.044345238095238097286721057344;0.048511904761904763028201870156;0.002678571428571428596210335371;0.000892857142857142829263372708;0.004166666666666666608842550801;0.006547619047619047775998790684;0.027380952380952380820211544687;0.001785714285714285658526745415;0.025000000000000001387778780781;0.004464285714285714037896646289;0.034523809523809526056403740313;0.006845238095238095205052886172;0.007142857142857142634106981660;0.001488095238095238012632215430;0.003273809523809523887999395342;0.005952380952380952050528861719;0.008035714285714284921269268125;0.000000000000000000000000000000;0.013690476190476190410105772344;0.006845238095238095205052886172;0.010416666666666666088425508008;0.066369047619047619179788455313;0.017559523809523809589894227656;0.008333333333333333217685101602;0.025595238095238094511163495781
-0.012162162162162162837297785245;0.005405405405405405705465682331;0.096396396396396397121542065634;0.177477477477477468825739492786;0.000900900900900900914770874639;0.010360360360360360357234732476;0.002702702702702702852732841166;0.022522522522522521459809041744;0.034684684684684684297106826989;0.027477477477477477846301567865;0.016216216216216217116397046993;0.009009009009009008930868311893;0.004054054054054054279099261748;0.040990990990990988640518821740;0.018468468468468467180709779996;0.028378378378378379953694832238;0.017117117117117115754343359413;0.022522522522522521459809041744;0.004054054054054054279099261748;0.001351351351351351426366420583;0.010360360360360360357234732476;0.032882882882882880082320298243;0.002702702702702702852732841166;0.023873873873873872886175462327;0.020720720720720720714469464951;0.058558558558558557183282289316;0.034684684684684684297106826989;0.001801801801801801829541749278;0.000900900900900900914770874639;0.003153153153153153039067735364;0.006306306306306306078135470727;0.019819819819819818607076200578;0.001351351351351351426366420583;0.016666666666666666435370203203;0.004954954954954954651769050145;0.031981981981981981444373985823;0.004954954954954954651769050145;0.008558558558558557877171679706;0.001801801801801801829541749278;0.004504504504504504465434155946;0.005855855855855855891800576529;0.009909909909909909303538100289;0.000000000000000000000000000000;0.019819819819819818607076200578;0.005855855855855855891800576529;0.009009009009009008930868311893;0.050900900900900901413503873982;0.021171171171171170033442621161;0.010360360360360360357234732476;0.024324324324324325674595570490
-0.024796747967479673691038044581;0.006504065040650406498423663493;0.074796747967479676466595606144;0.084959349593495936403542145854;0.000000000000000000000000000000;0.023170731707317072933793866696;0.004878048780487804873817747620;0.016666666666666666435370203203;0.048780487804878050472900952172;0.025203252032520325615072565029;0.027642276422764226750938831856;0.004878048780487804873817747620;0.009756097560975609747635495239;0.047154471544715449715656774288;0.008130081300813008990391317354;0.036991869918699189778710234577;0.013008130081300812996847326986;0.026422764227642277917729174419;0.007723577235772357933718534895;0.003252032520325203249211831746;0.012195121951219512618225238043;0.026016260162601625993694653971;0.005691056910569106119801574550;0.022357723577235772555171777753;0.048373983739837395079419479771;0.057317073170731709652603313998;0.030487804878048779810839619131;0.002032520325203252247597829339;0.001626016260162601624605915873;0.007317073170731707744407490424;0.008130081300813008990391317354;0.013821138211382113375469415928;0.005691056910569106119801574550;0.011788617886178862428914193572;0.008943089430894309369013406297;0.034959349593495933627984584291;0.005691056910569106119801574550;0.010569105691056910126257584182;0.004878048780487804873817747620;0.010975609756097560315568628653;0.006097560975609756309112619022;0.018292682926829267192614381088;0.000000000000000000000000000000;0.012601626016260162807536282514;0.005284552845528455063128792091;0.011382113821138212239603149101;0.050000000000000002775557561563;0.025203252032520325615072565029;0.017886178861788618738026812593;0.029674796747967479432217530189
-0.027380952380952380820211544687;0.011507936507936508685467913438;0.013095238095238095551997581367;0.231746031746031755371717508751;0.021825396825396824185272492969;0.049603174603174600421073847656;0.003968253968253968033685907812;0.015079365079365079568840535273;0.013492063492063492702310867344;0.007142857142857142634106981660;0.019047619047619049337249919063;0.039285714285714284921269268125;0.017460317460317460735996775156;0.010317460317460317234528055508;0.022222222222222223070309254922;0.048809523809523809589894227656;0.011507936507936508685467913438;0.017857142857142856151586585156;0.018253968253968255036623347110;0.001190476190476190583578119941;0.007539682539682539784420267637;0.008730158730158730367998387578;0.005158730158730158617264027754;0.011904761904761904101057723437;0.039285714285714284921269268125;0.017063492063492061850960013203;0.018253968253968255036623347110;0.013095238095238095551997581367;0.000396825396825396825052634231;0.037698412698412696320016124218;0.055158730158730157056012899375;0.003968253968253968033685907812;0.017460317460317460735996775156;0.009523809523809524668624959531;0.008333333333333333217685101602;0.010317460317460317234528055508;0.003174603174603174600421073848;0.037301587301587300904426314219;0.002777777777777777883788656865;0.005158730158730158617264027754;0.002380952380952381167156239883;0.012698412698412698401684295391;0.000000000000000000000000000000;0.005952380952380952050528861719;0.014682539682539682418527249297;0.006349206349206349200842147695;0.008333333333333333217685101602;0.011507936507936508685467913438;0.011111111111111111535154627461;0.013888888888888888117900677344
-0.023939393939393940891058321085;0.011515151515151514707846480690;0.019393939393939393922572378415;0.281818181818181801023825983066;0.073636363636363638685011778762;0.033030303030303027889136302520;0.008181818181818182461606525635;0.020909090909090908422252041987;0.015454545454545455182571167541;0.011515151515151514707846480690;0.015151515151515151935690539631;0.036060606060606063827389533571;0.007878787878787879214725897725;0.010606060606060606701928072937;0.033636363636363637852344510293;0.020606060606060606910094890054;0.007575757575757575967845269815;0.013030303030303030942249620239;0.029090909090909090883858567622;0.000606060606060606060080386825;0.018484848484848485916653970662;0.006969696969696969474084013996;0.002727272727272727487202175212;0.019090909090909092410415226482;0.024242424242424242403215473018;0.013939393939393938948168027991;0.024242424242424242403215473018;0.006969696969696969474084013996;0.002121212121212121427121788386;0.041515151515151511862899980088;0.013030303030303030942249620239;0.012121212121212121201607736509;0.006363636363636363847684496164;0.009393939393939393714405561298;0.002727272727272727487202175212;0.009393939393939393714405561298;0.003333333333333333547282562037;0.010303030303030303455047445027;0.000606060606060606060080386825;0.001515151515151515150200967064;0.008484848484848485708487153545;0.003939393939393939607362948863;0.000000000000000000000000000000;0.011818181818181817954727108599;0.022121212121212121409774553626;0.010606060606060606701928072937;0.010000000000000000208166817117;0.005757575757575757353923240345;0.009393939393939393714405561298;0.015151515151515151935690539631
-0.019166666666666665186369300500;0.017083333333333332315628894094;0.011249999999999999583666365766;0.429166666666666640761462758746;0.020000000000000000416333634234;0.031250000000000000000000000000;0.002083333333333333304421275400;0.012916666666666666574148081281;0.012916666666666666574148081281;0.003333333333333333547282562037;0.012083333333333333078907223523;0.017500000000000001665334536938;0.007916666666666667337426410711;0.007499999999999999722444243844;0.016250000000000000555111512313;0.011666666666666667198648532633;0.008333333333333333217685101602;0.016250000000000000555111512313;0.027916666666666666019036568969;0.002500000000000000052041704279;0.014166666666666665949647629930;0.005833333333333333599324266316;0.006666666666666667094565124074;0.004583333333333333356462979680;0.014583333333333333564629796797;0.011249999999999999583666365766;0.019166666666666665186369300500;0.027916666666666666019036568969;0.001666666666666666773641281019;0.041250000000000001942890293094;0.029166666666666667129259593594;0.004583333333333333356462979680;0.006250000000000000346944695195;0.002916666666666666799662133158;0.010416666666666666088425508008;0.007916666666666667337426410711;0.004583333333333333356462979680;0.008750000000000000832667268469;0.004583333333333333356462979680;0.004166666666666666608842550801;0.007083333333333332974823814965;0.012083333333333333078907223523;0.000000000000000000000000000000;0.005833333333333333599324266316;0.022916666666666665047591422422;0.002500000000000000052041704279;0.006250000000000000346944695195;0.007499999999999999722444243844;0.008333333333333333217685101602;0.010000000000000000208166817117
-0.025555555555555557051272685953;0.008888888888888888881179006773;0.015277777777777777276635440273;0.480555555555555569124948078752;0.006944444444444444058950338672;0.006666666666666667094565124074;0.013611111111111110286153724758;0.018055555555555553859381490156;0.006944444444444444058950338672;0.009722222222222222376419864531;0.007499999999999999722444243844;0.004722222222222222272336455973;0.006944444444444444058950338672;0.007499999999999999722444243844;0.017222222222222222098864108375;0.019444444444444444752839729063;0.007499999999999999722444243844;0.014722222222222221613141535101;0.018611111111111109522875395328;0.001388888888888888941894328433;0.018055555555555553859381490156;0.006944444444444444058950338672;0.006388888888888889262818171488;0.016944444444444446001840631766;0.015277777777777777276635440273;0.023333333333333334397297065266;0.014166666666666665949647629930;0.006111111111111111431071218902;0.002222222222222222220294751693;0.013055555555555556357383295563;0.011111111111111111535154627461;0.008611111111111111049432054187;0.004722222222222222272336455973;0.004444444444444444440589503387;0.006944444444444444058950338672;0.010833333333333333703407674875;0.004722222222222222272336455973;0.022777777777777778733803160094;0.001388888888888888941894328433;0.008333333333333333217685101602;0.007777777777777777554191196430;0.003333333333333333547282562037;0.000000000000000000000000000000;0.010833333333333333703407674875;0.012222222222222222862142437805;0.024722222222222221821308352219;0.009444444444444444544672911945;0.008888888888888888881179006773;0.010000000000000000208166817117;0.008611111111111111049432054187
-0.028333333333333331899295259859;0.008000000000000000166533453694;0.018333333333333333425851918719;0.430333333333333345471771735902;0.005666666666666667073748442363;0.008999999999999999319988397417;0.025666666666666667490082076597;0.024333333333333331816028533012;0.004333333333333333134418374755;0.013666666666666667240281896056;0.008333333333333333217685101602;0.002666666666666666577617528233;0.002000000000000000041633363423;0.010000000000000000208166817117;0.023666666666666665713725237197;0.010666666666666666310470112933;0.006666666666666667094565124074;0.014000000000000000291433543964;0.014999999999999999444888487687;0.002333333333333333526465880325;0.029666666666666667573348803444;0.005333333333333333155235056466;0.002666666666666666577617528233;0.019333333333333334314030338419;0.014333333333333333342585191872;0.031666666666666669349705642844;0.019666666666666665630458510350;0.005000000000000000104083408559;0.002333333333333333526465880325;0.007000000000000000145716771982;0.006000000000000000124900090270;0.007333333333333333196868419890;0.005666666666666667073748442363;0.004000000000000000083266726847;0.003000000000000000062450045135;0.015666666666666665547191783503;0.004333333333333333134418374755;0.029000000000000001471045507628;0.000333333333333333322202191029;0.007000000000000000145716771982;0.008333333333333333217685101602;0.003333333333333333547282562037;0.000000000000000000000000000000;0.025666666666666667490082076597;0.008666666666666666268836749509;0.035999999999999997279953589668;0.012333333333333333300951828448;0.006000000000000000124900090270;0.008000000000000000166533453694;0.009333333333333334105863521302
-0.019551282051282051210883139447;0.005448717948717948442172165358;0.004166666666666666608842550801;0.647756410256410286585548874427;0.004487179487179486850334519943;0.009935897435897435292506685300;0.014102564102564102768710974090;0.010897435897435896884344330715;0.000961538461538461591837645415;0.005128205128205128200680196215;0.005448717948717948442172165358;0.010256410256410256401360392431;0.005448717948717948442172165358;0.003846153846153846367350581659;0.015705128205128204843532557788;0.009935897435897435292506685300;0.000961538461538461591837645415;0.004487179487179486850334519943;0.013461538461538462285727035805;0.000961538461538461591837645415;0.016025641025641024217662788942;0.002243589743589743425167259971;0.004487179487179486850334519943;0.007051282051282051384355487045;0.012820512820512820068019621544;0.011858974358974358476181976130;0.009615384615384615918376454147;0.003525641025641025692177743522;0.000641025641025641025085024527;0.014102564102564102768710974090;0.023717948717948716952363952259;0.002564102564102564100340098108;0.002243589743589743425167259971;0.003525641025641025692177743522;0.002564102564102564100340098108;0.004166666666666666608842550801;0.002884615384615384775512936244;0.018589743589743589619045494032;0.000000000000000000000000000000;0.008974358974358973700669039886;0.002564102564102564100340098108;0.001282051282051282050170049054;0.000000000000000000000000000000;0.008653846153846154326538808732;0.010576923076923077510214099561;0.018269230769230770244915262879;0.004166666666666666608842550801;0.001923076923076923183675290829;0.004807692307692307959188227073;0.003205128205128205017004905386
-0.008518518518518519017090895318;0.007777777777777777554191196430;0.007777777777777777554191196430;0.676296296296296284289439881832;0.014444444444444443781394582516;0.011111111111111111535154627461;0.001851851851851851922525771243;0.012222222222222222862142437805;0.003703703703703703845051542487;0.003703703703703703845051542487;0.005555555555555555767577313730;0.012222222222222222862142437805;0.008518518518518519017090895318;0.002962962962962962815832712593;0.009629629629629630344078705662;0.010740740740740739936343040029;0.001111111111111111110147375847;0.007407407407407407690103084974;0.017777777777777777762358013547;0.000370370370370370351979089074;0.004444444444444444440589503387;0.000740740740740740703958178148;0.003703703703703703845051542487;0.005925925925925925631665425186;0.007037037037037036958653235530;0.009259259259259258745267118229;0.011111111111111111535154627461;0.009259259259259258745267118229;0.003333333333333333547282562037;0.023703703703703702526661700745;0.023703703703703702526661700745;0.005185185185185185036127464286;0.004074074074074073709139653943;0.002592592592592592518063732143;0.001851851851851851922525771243;0.005185185185185185036127464286;0.000740740740740740703958178148;0.005185185185185185036127464286;0.001111111111111111110147375847;0.001481481481481481407916356297;0.005185185185185185036127464286;0.004074074074074073709139653943;0.000000000000000000000000000000;0.005925925925925925631665425186;0.011851851851851851263330850372;0.005925925925925925631665425186;0.004444444444444444440589503387;0.002592592592592592518063732143;0.002962962962962962815832712593;0.003703703703703703845051542487
-0.008333333333333333217685101602;0.009444444444444444544672911945;0.010000000000000000208166817117;0.326666666666666660745477201999;0.003333333333333333547282562037;0.005000000000000000104083408559;0.029999999999999998889776975375;0.042777777777777775680689842375;0.008333333333333333217685101602;0.031111111111111110216764785719;0.012222222222222222862142437805;0.002222222222222222220294751693;0.003333333333333333547282562037;0.011666666666666667198648532633;0.033333333333333332870740406406;0.006666666666666667094565124074;0.009444444444444444544672911945;0.013333333333333334189130248149;0.025555555555555557051272685953;0.001111111111111111110147375847;0.021111111111111111743321444578;0.001666666666666666773641281019;0.001111111111111111110147375847;0.062222222222222220433529571437;0.006111111111111111431071218902;0.020555555555555556079827539406;0.028333333333333331899295259859;0.006666666666666667094565124074;0.012222222222222222862142437805;0.011111111111111111535154627461;0.000555555555555555555073687923;0.031111111111111110216764785719;0.005000000000000000104083408559;0.001111111111111111110147375847;0.002777777777777777883788656865;0.017222222222222222098864108375;0.003888888888888888777095598215;0.005000000000000000104083408559;0.000555555555555555555073687923;0.000555555555555555555073687923;0.012777777777777778525636342977;0.001666666666666666773641281019;0.000000000000000000000000000000;0.043888888888888887007677652718;0.023888888888888890060790970438;0.051666666666666666296592325125;0.023888888888888890060790970438;0.000555555555555555555073687923;0.003888888888888888777095598215;0.005000000000000000104083408559
-0.014728682170542635454513202831;0.018604651162790697416227203576;0.031007751937984495693712005959;0.303488372093023262010547114187;0.005813953488372092942571001117;0.005038759689922480550228200968;0.017054263565891472631541603278;0.021317829457364340789427004097;0.010852713178294573492799202086;0.016666666666666666435370203203;0.011627906976744185885142002235;0.002713178294573643373199800521;0.004651162790697674354056800894;0.014728682170542635454513202831;0.028294573643410852320512205438;0.012403100775193798277484802384;0.011240310077519379688970602160;0.022093023255813953181769804246;0.017441860465116278827713003352;0.004651162790697674354056800894;0.021317829457364340789427004097;0.018604651162790697416227203576;0.006976744186046511531085201341;0.027131782945736433731998005214;0.014728682170542635454513202831;0.026744186046511627535826605140;0.034883720930232557655426006704;0.015891472868217054043027403054;0.004651162790697674354056800894;0.005813953488372092942571001117;0.001162790697674418588514200223;0.014728682170542635454513202831;0.005038759689922480550228200968;0.007751937984496123923428001490;0.014728682170542635454513202831;0.021317829457364340789427004097;0.007364341085271317727256601415;0.014728682170542635454513202831;0.005038759689922480550228200968;0.017441860465116278827713003352;0.015503875968992247846856002980;0.004263565891472868157885400819;0.000000000000000000000000000000;0.028294573643410852320512205438;0.013565891472868216865999002607;0.035271317829457367321044358732;0.010465116279069767296627802011;0.008139534883720930119599401564;0.015503875968992247846856002980;0.008527131782945736315770801639
-0.017424242424242425419933510966;0.049242424242424240321547301846;0.017424242424242425419933510966;0.129924242424242414317703264715;0.025000000000000001387778780781;0.018939393939393939919613174538;0.015530303030303029693248717535;0.045833333333333330095182844843;0.007196969696969697342925353922;0.012121212121212121201607736509;0.012121212121212121201607736509;0.013257575757575757943729222177;0.005303030303030303350964036468;0.009469696969696969959806587269;0.072727272727272723740199467102;0.010606060606060606701928072937;0.013636363636363635701287400082;0.045454545454545455807071618892;0.034090909090909088385856762216;0.004166666666666666608842550801;0.023106060606060605661093987351;0.006439393939393939225723784148;0.009090909090909090467524933388;0.013257575757575757943729222177;0.015530303030303029693248717535;0.020454545454545454419292838111;0.031439393939393940613502564929;0.046212121212121211322187974702;0.002651515151515151675482018234;0.021212121212121213403856145874;0.027272727272727271402574800163;0.011742424242424241709326082628;0.013636363636363635701287400082;0.005681818181818181975883952362;0.007954545454545453725403447720;0.015530303030303029693248717535;0.009469696969696969959806587269;0.012121212121212121201607736509;0.000378787878787878787550241766;0.007196969696969697342925353922;0.020454545454545454419292838111;0.007575757575757575967845269815;0.000000000000000000000000000000;0.013257575757575757943729222177;0.040909090909090908838585676222;0.021212121212121213403856145874;0.006439393939393939225723784148;0.005681818181818181975883952362;0.015909090909090907450806895440;0.008712121212121212709966755483
-0.032113821138211380568083797016;0.038211382113821135142472940061;0.008130081300813008990391317354;0.182520325203252037349344050199;0.032520325203252035961565269417;0.023983739837398373312415955638;0.013008130081300812996847326986;0.039430894308943087445129549451;0.002845528455284553059900787275;0.005284552845528455063128792091;0.018292682926829267192614381088;0.013008130081300812996847326986;0.009349593495934959558324450768;0.008130081300813008990391317354;0.049593495934959347382076089161;0.023577235772357724857828387144;0.006504065040650406498423663493;0.032113821138211380568083797016;0.039430894308943087445129549451;0.002032520325203252247597829339;0.021951219512195120631137257305;0.002439024390243902436908873810;0.007723577235772357933718534895;0.006504065040650406498423663493;0.021951219512195120631137257305;0.027235772357723578296351263361;0.026422764227642277917729174419;0.030487804878048779810839619131;0.002439024390243902436908873810;0.030487804878048779810839619131;0.021951219512195120631137257305;0.004065040650406504495195658677;0.011382113821138212239603149101;0.002439024390243902436908873810;0.011788617886178862428914193572;0.013008130081300812996847326986;0.009756097560975609747635495239;0.040650406504065039747786158841;0.000000000000000000000000000000;0.003252032520325203249211831746;0.017479674796747966813992292145;0.010162601626016259936946539710;0.000000000000000000000000000000;0.006504065040650406498423663493;0.032926829268292684416152837912;0.018292682926829267192614381088;0.004878048780487804873817747620;0.006097560975609756309112619022;0.017479674796747966813992292145;0.010162601626016259936946539710
-0.041134751773049642309398876705;0.009219858156028368223466884501;0.031914893617021274085931992204;0.329432624113475180926968732820;0.035460992907801421047953027710;0.011347517730496454665956029828;0.012411347517730497019838864503;0.021276595744680850547103645454;0.004255319148936170282893076688;0.027304964539007093443645501907;0.014184397163120567031402430302;0.020212765957446809927944286756;0.000709219858156028416622251864;0.013475177304964539373721699178;0.019858156028368795231742183205;0.014893617021276596423806637404;0.003546099290780141757850607576;0.005673758865248227332978014914;0.010283687943262410577349719176;0.002127659574468085141446538344;0.021276595744680850547103645454;0.004255319148936170282893076688;0.000000000000000000000000000000;0.050000000000000002775557561563;0.019148936170212765839337976104;0.028368794326241134062804860605;0.023049645390070920558667211253;0.032269503546099288782134095754;0.002836879432624113666489007457;0.011702127659574467627434657402;0.006737588652482269686860849589;0.011702127659574467627434657402;0.001063829787234042570723269172;0.009574468085106382919668988052;0.001418439716312056833244503729;0.011702127659574467627434657402;0.002836879432624113666489007457;0.019148936170212765839337976104;0.000354609929078014208311125932;0.001418439716312056833244503729;0.006382978723404254990658746038;0.002482269503546099403967772901;0.000000000000000000000000000000;0.032624113475177303478336199305;0.006028368794326241161818380476;0.031205673758865248162974737056;0.018439716312056736446933769002;0.005319148936170212636775911363;0.001773049645390070878925303788;0.008156028368794325869584049826
-0.057222222222222222931531376844;0.008055555555555555385938149016;0.022777777777777778733803160094;0.167500000000000009992007221626;0.002777777777777777883788656865;0.023333333333333334397297065266;0.022499999999999999167332731531;0.025833333333333333148296162562;0.004722222222222222272336455973;0.021111111111111111743321444578;0.014999999999999999444888487687;0.012222222222222222862142437805;0.005277777777777777935830361145;0.017777777777777777762358013547;0.015555555555555555108382392859;0.040833333333333332593184650250;0.003611111111111110945348645629;0.012777777777777778525636342977;0.022777777777777778733803160094;0.002777777777777777883788656865;0.023333333333333334397297065266;0.006944444444444444058950338672;0.003611111111111110945348645629;0.035000000000000003330669073875;0.041111111111111112159655078813;0.038333333333333330372738601000;0.020555555555555556079827539406;0.012500000000000000693889390391;0.005000000000000000104083408559;0.009722222222222222376419864531;0.025000000000000001387778780781;0.011666666666666667198648532633;0.006111111111111111431071218902;0.005833333333333333599324266316;0.007499999999999999722444243844;0.020555555555555556079827539406;0.006388888888888889262818171488;0.043333333333333334813630699500;0.003611111111111110945348645629;0.012777777777777778525636342977;0.008611111111111111049432054187;0.003055555555555555715535609451;0.000000000000000000000000000000;0.031111111111111110216764785719;0.011666666666666667198648532633;0.045277777777777777901135891625;0.021944444444444443503838826359;0.010000000000000000208166817117;0.013055555555555556357383295563;0.011944444444444445030395485219
-0.055277777777777779844026184719;0.014999999999999999444888487687;0.041944444444444443920172460594;0.159444444444444444197728216750;0.004722222222222222272336455973;0.033888888888888892003681263532;0.003611111111111110945348645629;0.011944444444444445030395485219;0.035000000000000003330669073875;0.012222222222222222862142437805;0.013888888888888888117900677344;0.029722222222222222792753498766;0.009166666666666666712925959359;0.021666666666666667406815349750;0.009444444444444444544672911945;0.048333333333333332315628894094;0.019722222222222220849863205672;0.023611111111111110494320541875;0.014444444444444443781394582516;0.004722222222222222272336455973;0.010555555555555555871660722289;0.027500000000000000138777878078;0.007499999999999999722444243844;0.010000000000000000208166817117;0.061111111111111109106541761093;0.026388888888888888811790067734;0.017777777777777777762358013547;0.011944444444444445030395485219;0.000277777777777777777536843962;0.009722222222222222376419864531;0.041666666666666664353702032031;0.007499999999999999722444243844;0.005555555555555555767577313730;0.007222222222222221890697291258;0.010833333333333333703407674875;0.017222222222222222098864108375;0.003333333333333333547282562037;0.027500000000000000138777878078;0.004722222222222222272336455973;0.013888888888888888117900677344;0.005833333333333333599324266316;0.015833333333333334674852821422;0.000000000000000000000000000000;0.005000000000000000104083408559;0.004444444444444444440589503387;0.008333333333333333217685101602;0.019444444444444444752839729063;0.018333333333333333425851918719;0.016666666666666666435370203203;0.016111111111111110771876298031
-0.024166666666666666157814447047;0.008888888888888888881179006773;0.017500000000000001665334536938;0.508888888888888835104751251492;0.004444444444444444440589503387;0.018055555555555553859381490156;0.002222222222222222220294751693;0.011944444444444445030395485219;0.019166666666666665186369300500;0.009444444444444444544672911945;0.011111111111111111535154627461;0.007777777777777777554191196430;0.005000000000000000104083408559;0.015833333333333334674852821422;0.012222222222222222862142437805;0.023611111111111110494320541875;0.005555555555555555767577313730;0.013055555555555556357383295563;0.010555555555555555871660722289;0.001944444444444444388547799107;0.010555555555555555871660722289;0.008055555555555555385938149016;0.002222222222222222220294751693;0.010555555555555555871660722289;0.029166666666666667129259593594;0.026666666666666668378260496297;0.011944444444444445030395485219;0.014722222222222221613141535101;0.000277777777777777777536843962;0.009722222222222222376419864531;0.013333333333333334189130248149;0.007222222222222221890697291258;0.004166666666666666608842550801;0.002777777777777777883788656865;0.003055555555555555715535609451;0.010000000000000000208166817117;0.004166666666666666608842550801;0.015833333333333334674852821422;0.002777777777777777883788656865;0.001944444444444444388547799107;0.002222222222222222220294751693;0.013055555555555556357383295563;0.000000000000000000000000000000;0.006388888888888889262818171488;0.006388888888888889262818171488;0.007222222222222221890697291258;0.014722222222222221613141535101;0.011388888888888889366901580047;0.007777777777777777554191196430;0.010277777777777778039913769703
-0.021999999999999998723243521681;0.020666666666666666518636930050;0.018666666666666668211727042603;0.240999999999999992006394222699;0.031333333333333331094383567006;0.029333333333333332787473679559;0.002000000000000000041633363423;0.029333333333333332787473679559;0.008333333333333333217685101602;0.008333333333333333217685101602;0.016333333333333331649495079319;0.022999999999999999611421941381;0.020000000000000000416333634234;0.013333333333333334189130248149;0.022666666666666668294993769450;0.010999999999999999361621760841;0.003666666666666666598434209945;0.043333333333333334813630699500;0.031666666666666669349705642844;0.004000000000000000083266726847;0.015666666666666665547191783503;0.002666666666666666577617528233;0.016666666666666666435370203203;0.005666666666666667073748442363;0.023333333333333334397297065266;0.015666666666666665547191783503;0.033666666666666664187168578337;0.015333333333333332496040135595;0.000000000000000000000000000000;0.061333333333333329984160542381;0.017000000000000001221245327088;0.004666666666666667052931760651;0.019666666666666665630458510350;0.004666666666666667052931760651;0.013666666666666667240281896056;0.021000000000000001304512053935;0.014666666666666666393736839780;0.004666666666666667052931760651;0.001333333333333333288808764117;0.005000000000000000104083408559;0.010000000000000000208166817117;0.006333333333333333176051738178;0.000000000000000000000000000000;0.006666666666666667094565124074;0.017333333333333332537673499019;0.011333333333333334147496884725;0.010666666666666666310470112933;0.008000000000000000166533453694;0.025000000000000001387778780781;0.008333333333333333217685101602
-0.038518518518518521376314822646;0.018888888888888889089345823891;0.028148148148148147834612942120;0.014074074074074073917306471060;0.022962962962962962798485477833;0.050740740740740739034286832521;0.004444444444444444440589503387;0.030370370370370370488588562807;0.009629629629629630344078705662;0.012592592592592592726230549260;0.022222222222222223070309254922;0.020740740740740740144509857146;0.028148148148148147834612942120;0.020740740740740740144509857146;0.014074074074074073917306471060;0.020370370370370372015145221667;0.009629629629629630344078705662;0.045925925925925925596970955667;0.036296296296296298722339201959;0.008888888888888888881179006773;0.028888888888888887562789165031;0.008888888888888888881179006773;0.020370370370370372015145221667;0.015925925925925926707193980292;0.044444444444444446140618509844;0.023333333333333334397297065266;0.037037037037037034981068472916;0.012592592592592592726230549260;0.000370370370370370351979089074;0.063703703703703706828775921167;0.023333333333333334397297065266;0.005555555555555555767577313730;0.024814814814814813853649511088;0.004814814814814815172039352831;0.025185185185185185452461098521;0.024814814814814813853649511088;0.017777777777777777762358013547;0.009629629629629630344078705662;0.000740740740740740703958178148;0.011851851851851851263330850372;0.007407407407407407690103084974;0.008888888888888888881179006773;0.000000000000000000000000000000;0.007407407407407407690103084974;0.013703703703703704053218359604;0.011851851851851851263330850372;0.017407407407407406163546426114;0.017407407407407406163546426114;0.041481481481481480289019714291;0.012962962962962962590318660716
-0.056000000000000001165734175856;0.005000000000000000104083408559;0.024666666666666666601903656897;0.072333333333333332815229255175;0.009666666666666667157015169209;0.058999999999999996891375531050;0.004666666666666667052931760651;0.022666666666666668294993769450;0.007000000000000000145716771982;0.017666666666666667323548622903;0.022666666666666668294993769450;0.028666666666666666685170383744;0.030333333333333333675652099259;0.026666666666666668378260496297;0.006333333333333333176051738178;0.033666666666666664187168578337;0.006333333333333333176051738178;0.025333333333333332704206952712;0.028333333333333331899295259859;0.007000000000000000145716771982;0.026999999999999999694688668228;0.005000000000000000104083408559;0.018666666666666668211727042603;0.016000000000000000333066907388;0.051666666666666666296592325125;0.024000000000000000499600361081;0.025333333333333332704206952712;0.002666666666666666577617528233;0.000000000000000000000000000000;0.038333333333333330372738601000;0.028000000000000000582867087928;0.008333333333333333217685101602;0.018333333333333333425851918719;0.008000000000000000166533453694;0.026999999999999999694688668228;0.019333333333333334314030338419;0.013666666666666667240281896056;0.019333333333333334314030338419;0.000666666666666666644404382058;0.017000000000000001221245327088;0.005666666666666667073748442363;0.003666666666666666598434209945;0.000000000000000000000000000000;0.012666666666666666352103476356;0.011333333333333334147496884725;0.018333333333333333425851918719;0.016000000000000000333066907388;0.018999999999999999528155214534;0.037333333333333336423454085207;0.013666666666666667240281896056
-0.040000000000000000832667268469;0.006111111111111111431071218902;0.011666666666666667198648532633;0.314722222222222236531763428502;0.006111111111111111431071218902;0.029444444444444443226283070203;0.025000000000000001387778780781;0.018333333333333333425851918719;0.003333333333333333547282562037;0.010000000000000000208166817117;0.014722222222222221613141535101;0.015833333333333334674852821422;0.013333333333333334189130248149;0.010833333333333333703407674875;0.013888888888888888117900677344;0.017500000000000001665334536938;0.005277777777777777935830361145;0.013611111111111110286153724758;0.021666666666666667406815349750;0.001388888888888888941894328433;0.017222222222222222098864108375;0.001944444444444444388547799107;0.004166666666666666608842550801;0.019444444444444444752839729063;0.028611111111111111465765688422;0.024166666666666666157814447047;0.019722222222222220849863205672;0.010277777777777778039913769703;0.002222222222222222220294751693;0.021944444444444443503838826359;0.033333333333333332870740406406;0.005000000000000000104083408559;0.014999999999999999444888487687;0.004166666666666666608842550801;0.008888888888888888881179006773;0.007222222222222221890697291258;0.003333333333333333547282562037;0.048055555555555552749158465531;0.000277777777777777777536843962;0.003333333333333333547282562037;0.006666666666666667094565124074;0.004166666666666666608842550801;0.000000000000000000000000000000;0.026388888888888888811790067734;0.014166666666666665949647629930;0.040000000000000000832667268469;0.009166666666666666712925959359;0.006666666666666667094565124074;0.012777777777777778525636342977;0.008888888888888888881179006773
-0.018253968253968255036623347110;0.015476190476190476719153821250;0.008333333333333333217685101602;0.385714285714285731732076101252;0.065873015873015874910301192813;0.023809523809523808202115446875;0.005555555555555555767577313730;0.017063492063492061850960013203;0.006746031746031746351155433672;0.004761904761904762334312479766;0.014285714285714285268213963320;0.020238095238095239053466301016;0.006349206349206349200842147695;0.005555555555555555767577313730;0.028174603174603175120838116641;0.010714285714285714384841341484;0.004365079365079365183999193789;0.012301587301587301251371009414;0.033730158730158728286330216406;0.001190476190476190583578119941;0.010317460317460317234528055508;0.001984126984126984016842953906;0.003571428571428571317053490830;0.009126984126984127518311673555;0.018650793650793650452213157109;0.009126984126984127518311673555;0.016269841269841271019780393203;0.034523809523809526056403740313;0.000793650793650793650105268462;0.049206349206349205005484037656;0.036507936507936510073246694219;0.004761904761904762334312479766;0.009523809523809524668624959531;0.001190476190476190583578119941;0.004761904761904762334312479766;0.007936507936507936067371815625;0.002777777777777777883788656865;0.015079365079365079568840535273;0.000793650793650793650105268462;0.001587301587301587300210536924;0.005158730158730158617264027754;0.011111111111111111535154627461;0.000000000000000000000000000000;0.003571428571428571317053490830;0.023412698412698412786525636875;0.004761904761904762334312479766;0.006349206349206349200842147695;0.004365079365079365183999193789;0.007936507936507936067371815625;0.006349206349206349200842147695
-0.026944444444444444475283972906;0.013611111111111110286153724758;0.015277777777777777276635440273;0.083333333333333328707404064062;0.241666666666666668517038374375;0.026388888888888888811790067734;0.005000000000000000104083408559;0.014722222222222221613141535101;0.012222222222222222862142437805;0.004444444444444444440589503387;0.016388888888888890338346726594;0.041111111111111112159655078813;0.010000000000000000208166817117;0.005277777777777777935830361145;0.022499999999999999167332731531;0.024444444444444445724284875610;0.007222222222222221890697291258;0.015277777777777777276635440273;0.029722222222222222792753498766;0.000833333333333333386820640509;0.017500000000000001665334536938;0.006388888888888889262818171488;0.004722222222222222272336455973;0.008888888888888888881179006773;0.029722222222222222792753498766;0.012777777777777778525636342977;0.017222222222222222098864108375;0.018055555555555553859381490156;0.001111111111111111110147375847;0.056944444444444443365060948281;0.045277777777777777901135891625;0.005833333333333333599324266316;0.010555555555555555871660722289;0.002222222222222222220294751693;0.006111111111111111431071218902;0.004166666666666666608842550801;0.005000000000000000104083408559;0.029166666666666667129259593594;0.000833333333333333386820640509;0.003888888888888888777095598215;0.006666666666666667094565124074;0.014444444444444443781394582516;0.000000000000000000000000000000;0.008888888888888888881179006773;0.018611111111111109522875395328;0.008333333333333333217685101602;0.009166666666666666712925959359;0.008055555555555555385938149016;0.014999999999999999444888487687;0.008055555555555555385938149016
-0.023055555555555554830826636703;0.017777777777777777762358013547;0.012777777777777778525636342977;0.167222222222222216547748985249;0.156111111111111117155658689626;0.023333333333333334397297065266;0.005000000000000000104083408559;0.022499999999999999167332731531;0.009444444444444444544672911945;0.007222222222222221890697291258;0.014444444444444443781394582516;0.030277777777777778456247403938;0.014722222222222221613141535101;0.009722222222222222376419864531;0.018611111111111109522875395328;0.018055555555555553859381490156;0.005555555555555555767577313730;0.020833333333333332176851016015;0.033888888888888892003681263532;0.001388888888888888941894328433;0.016944444444444446001840631766;0.013333333333333334189130248149;0.006666666666666667094565124074;0.011111111111111111535154627461;0.023055555555555554830826636703;0.012500000000000000693889390391;0.022499999999999999167332731531;0.022222222222222223070309254922;0.000000000000000000000000000000;0.051666666666666666296592325125;0.037222222222222219045750790656;0.004722222222222222272336455973;0.016388888888888890338346726594;0.004722222222222222272336455973;0.007777777777777777554191196430;0.009722222222222222376419864531;0.006944444444444444058950338672;0.015277777777777777276635440273;0.004444444444444444440589503387;0.006944444444444444058950338672;0.003888888888888888777095598215;0.008888888888888888881179006773;0.000000000000000000000000000000;0.006388888888888889262818171488;0.025555555555555557051272685953;0.008611111111111111049432054187;0.008055555555555555385938149016;0.005555555555555555767577313730;0.020833333333333332176851016015;0.006111111111111111431071218902
-0.023939393939393940891058321085;0.016060606060606059941608947383;0.012424242424242424448488364419;0.299090909090909073952957442089;0.029393939393939392396015719555;0.022121212121212121409774553626;0.004242424242424242854243576772;0.020000000000000000416333634234;0.009090909090909090467524933388;0.008484848484848485708487153545;0.012424242424242424448488364419;0.020000000000000000416333634234;0.012424242424242424448488364419;0.009696969696969696961286189207;0.023939393939393940891058321085;0.024848484848484848896976728838;0.006666666666666667094565124074;0.021212121212121213403856145874;0.025454545454545455390737984658;0.004242424242424242854243576772;0.017575757575757574441288610956;0.008181818181818182461606525635;0.013030303030303030942249620239;0.009393939393939393714405561298;0.021515151515151514916013297807;0.019393939393939393922572378415;0.021515151515151514916013297807;0.017878787878787879422892714842;0.001515151515151515150200967064;0.030303030303030303871381079261;0.043030303030303029832026595614;0.004848484848484848480643094604;0.013939393939393938948168027991;0.005757575757575757353923240345;0.015757575757575758429451795450;0.013636363636363635701287400082;0.006666666666666667094565124074;0.021212121212121213403856145874;0.002727272727272727487202175212;0.011212121212121211460965852780;0.006060606060606060600803868255;0.009090909090909090467524933388;0.000000000000000000000000000000;0.006666666666666667094565124074;0.016666666666666666435370203203;0.015757575757575758429451795450;0.008787878787878787220644305478;0.009090909090909090467524933388;0.016060606060606059941608947383;0.006969696969696969474084013996
-0.014473684210526315679912201517;0.012280701754385964924454199831;0.013596491228070176071618391234;0.553947368421052632747603183816;0.002631578947368420993285775822;0.010526315789473683973143103287;0.004824561403508772182424646502;0.014035087719298245875765296375;0.009210526315789472825978911885;0.008333333333333333217685101602;0.009649122807017544364849293004;0.006578947368421052266374005058;0.009210526315789472825978911885;0.007894736842105263413538196460;0.014912280701754385484059106659;0.016666666666666666435370203203;0.008333333333333333217685101602;0.014035087719298245875765296375;0.011842105263157895120307294690;0.000877192982456140367235331023;0.013157894736842104532748010115;0.004385964912280701510916003372;0.006578947368421052266374005058;0.009649122807017544364849293004;0.017105263157894737974240584322;0.017543859649122806043664013487;0.017105263157894737974240584322;0.009649122807017544364849293004;0.000438596491228070183617665512;0.008771929824561403021832006743;0.003508771929824561468941324094;0.008333333333333333217685101602;0.007017543859649122937882648188;0.004385964912280701510916003372;0.011403508771929825316160389548;0.010526315789473683973143103287;0.002631578947368420993285775822;0.014035087719298245875765296375;0.003947368421052631706769098230;0.007894736842105263413538196460;0.005263157894736841986571551644;0.008771929824561403021832006743;0.000000000000000000000000000000;0.006578947368421052266374005058;0.012280701754385964924454199831;0.009210526315789472825978911885;0.009210526315789472825978911885;0.008333333333333333217685101602;0.007456140350877192742029553330;0.010964912280701753777290008429
-0.023333333333333334397297065266;0.002666666666666666577617528233;0.012666666666666666352103476356;0.580666666666666664298190880800;0.005666666666666667073748442363;0.013333333333333334189130248149;0.005333333333333333155235056466;0.010666666666666666310470112933;0.007000000000000000145716771982;0.011666666666666667198648532633;0.008999999999999999319988397417;0.004666666666666667052931760651;0.007666666666666666248020067798;0.012666666666666666352103476356;0.009333333333333334105863521302;0.022999999999999999611421941381;0.002000000000000000041633363423;0.006666666666666667094565124074;0.008666666666666666268836749509;0.001666666666666666773641281019;0.010666666666666666310470112933;0.005333333333333333155235056466;0.002000000000000000041633363423;0.009666666666666667157015169209;0.017666666666666667323548622903;0.026999999999999999694688668228;0.012666666666666666352103476356;0.003333333333333333547282562037;0.000333333333333333322202191029;0.010333333333333333259318465025;0.003000000000000000062450045135;0.004333333333333333134418374755;0.006333333333333333176051738178;0.005000000000000000104083408559;0.006666666666666667094565124074;0.006333333333333333176051738178;0.005000000000000000104083408559;0.021666666666666667406815349750;0.002333333333333333526465880325;0.003000000000000000062450045135;0.002666666666666666577617528233;0.002333333333333333526465880325;0.000000000000000000000000000000;0.010333333333333333259318465025;0.011333333333333334147496884725;0.010666666666666666310470112933;0.011666666666666667198648532633;0.010333333333333333259318465025;0.007000000000000000145716771982;0.012666666666666666352103476356
-0.035151515151515148882577221912;0.009090909090909090467524933388;0.016666666666666666435370203203;0.290909090909090894960797868407;0.010303030303030303455047445027;0.014545454545454545441929283811;0.026060606060606061884499240477;0.034545454545454545858262918046;0.006060606060606060600803868255;0.015151515151515151935690539631;0.018787878787878787428811122595;0.003030303030303030300401934127;0.010303030303030303455047445027;0.017575757575757574441288610956;0.022424242424242422921931705559;0.020303030303030301928490786167;0.006666666666666667094565124074;0.013030303030303030942249620239;0.022424242424242422921931705559;0.003333333333333333547282562037;0.028181818181818182877940159869;0.002727272727272727487202175212;0.005757575757575757353923240345;0.028181818181818182877940159869;0.021818181818181819897617401693;0.027272727272727271402574800163;0.033333333333333332870740406406;0.004848484848484848480643094604;0.002727272727272727487202175212;0.006969696969696969474084013996;0.005454545454545454974404350423;0.009696969696969696961286189207;0.007575757575757575967845269815;0.010303030303030303455047445027;0.013333333333333334189130248149;0.019393939393939393922572378415;0.005757575757575757353923240345;0.024545454545454543915372624951;0.000303030303030303030040193413;0.006969696969696969474084013996;0.010000000000000000208166817117;0.004242424242424242854243576772;0.000000000000000000000000000000;0.028181818181818182877940159869;0.012121212121212121201607736509;0.035757575757575758845785429685;0.010909090909090909948808700847;0.012121212121212121201607736509;0.012727272727272727695368992329;0.012424242424242424448488364419
-0.050877192982456138914404419893;0.005263157894736841986571551644;0.013157894736842104532748010115;0.332894736842105243290745875129;0.009210526315789472825978911885;0.020614035087719299876862777410;0.010964912280701753777290008429;0.017105263157894737974240584322;0.002631578947368420993285775822;0.011842105263157895120307294690;0.011403508771929825316160389548;0.022368421052631579093450397977;0.007894736842105263413538196460;0.009210526315789472825978911885;0.018421052631578945651957823770;0.028508771929824559820954021916;0.003508771929824561468941324094;0.013157894736842104532748010115;0.028508771929824559820954021916;0.002192982456140350755458001686;0.027192982456140352143236782467;0.002192982456140350755458001686;0.004824561403508772182424646502;0.017982456140350877582534394605;0.030701754385964910576412023602;0.025438596491228069457202209946;0.021052631578947367946286206575;0.001754385964912280734470662047;0.003070175438596491231113549958;0.017982456140350877582534394605;0.039473684210526313598244030345;0.005701754385964912658080194774;0.008333333333333333217685101602;0.005701754385964912658080194774;0.003947368421052631706769098230;0.009210526315789472825978911885;0.012280701754385964924454199831;0.038157894736842105920526790896;0.000438596491228070183617665512;0.003508771929824561468941324094;0.010087719298245614168996198146;0.001315789473684210496642887911;0.000000000000000000000000000000;0.012280701754385964924454199831;0.009210526315789472825978911885;0.025438596491228069457202209946;0.013596491228070176071618391234;0.007456140350877192742029553330;0.012280701754385964924454199831;0.009649122807017544364849293004
-0.019722222222222220849863205672;0.005277777777777777935830361145;0.013888888888888888117900677344;0.489999999999999991118215802999;0.017222222222222222098864108375;0.014444444444444443781394582516;0.002777777777777777883788656865;0.013888888888888888117900677344;0.004722222222222222272336455973;0.015277777777777777276635440273;0.010833333333333333703407674875;0.011388888888888889366901580047;0.006388888888888889262818171488;0.011944444444444445030395485219;0.016111111111111110771876298031;0.014444444444444443781394582516;0.007777777777777777554191196430;0.011666666666666667198648532633;0.022222222222222223070309254922;0.001944444444444444388547799107;0.013333333333333334189130248149;0.005277777777777777935830361145;0.004444444444444444440589503387;0.023333333333333334397297065266;0.018333333333333333425851918719;0.020000000000000000416333634234;0.016388888888888890338346726594;0.003611111111111110945348645629;0.000833333333333333386820640509;0.013055555555555556357383295563;0.009444444444444444544672911945;0.013333333333333334189130248149;0.003611111111111110945348645629;0.003055555555555555715535609451;0.008611111111111111049432054187;0.018611111111111109522875395328;0.004722222222222222272336455973;0.007777777777777777554191196430;0.001111111111111111110147375847;0.004444444444444444440589503387;0.003888888888888888777095598215;0.003055555555555555715535609451;0.000000000000000000000000000000;0.012777777777777778525636342977;0.014722222222222221613141535101;0.013888888888888888117900677344;0.019722222222222220849863205672;0.008333333333333333217685101602;0.009444444444444444544672911945;0.008888888888888888881179006773
-0.040178571428571431545240244532;0.021428571428571428769682682969;0.013095238095238095551997581367;0.263392857142857150787307318751;0.019940476190476189022326991562;0.013988095238095238706521605820;0.019047619047619049337249919063;0.023214285714285715078730731875;0.011904761904761904101057723437;0.014583333333333333564629796797;0.013988095238095238706521605820;0.006250000000000000346944695195;0.010119047619047619526733150508;0.012500000000000000693889390391;0.022619047619047618485899064922;0.020535714285714285615158658516;0.006547619047619047775998790684;0.021726190476190475331375040469;0.037499999999999998612221219219;0.002976190476190476025264430859;0.042261904761904764415980650938;0.003571428571428571317053490830;0.007738095238095238359576910625;0.013988095238095238706521605820;0.020833333333333332176851016015;0.027380952380952380820211544687;0.018452380952380952744418252109;0.016666666666666666435370203203;0.000000000000000000000000000000;0.018452380952380952744418252109;0.013095238095238095551997581367;0.008333333333333333217685101602;0.012202380952380952397473556914;0.003869047619047619179788455313;0.010119047619047619526733150508;0.016071428571428569842538536250;0.006845238095238095205052886172;0.033630952380952379432432763906;0.003571428571428571317053490830;0.002678571428571428596210335371;0.015178571428571428422737987773;0.006250000000000000346944695195;0.000000000000000000000000000000;0.015178571428571428422737987773;0.020535714285714285615158658516;0.028869047619047620567567236094;0.008928571428571428075793292578;0.009523809523809524668624959531;0.010714285714285714384841341484;0.009523809523809524668624959531
-0.022333333333333333509118645566;0.018333333333333333425851918719;0.012666666666666666352103476356;0.194000000000000005773159728051;0.055333333333333331593983928087;0.021333333333333332620940225866;0.020000000000000000416333634234;0.032666666666666663298990158637;0.002000000000000000041633363423;0.004666666666666667052931760651;0.015666666666666665547191783503;0.008666666666666666268836749509;0.010000000000000000208166817117;0.009333333333333334105863521302;0.026333333333333333592385372413;0.029333333333333332787473679559;0.004000000000000000083266726847;0.008999999999999999319988397417;0.070000000000000006661338147751;0.001666666666666666773641281019;0.046333333333333330539272054693;0.002000000000000000041633363423;0.002666666666666666577617528233;0.009666666666666667157015169209;0.027333333333333334480563792113;0.021000000000000001304512053935;0.028000000000000000582867087928;0.044999999999999998334665463062;0.000666666666666666644404382058;0.038999999999999999944488848769;0.025000000000000001387778780781;0.003000000000000000062450045135;0.014666666666666666393736839780;0.003333333333333333547282562037;0.006333333333333333176051738178;0.008999999999999999319988397417;0.004666666666666667052931760651;0.028333333333333331899295259859;0.001666666666666666773641281019;0.003333333333333333547282562037;0.011333333333333334147496884725;0.003000000000000000062450045135;0.000000000000000000000000000000;0.007666666666666666248020067798;0.035333333333333334647097245806;0.015333333333333332496040135595;0.008999999999999999319988397417;0.009333333333333334105863521302;0.008999999999999999319988397417;0.011666666666666667198648532633
-0.028611111111111111465765688422;0.012500000000000000693889390391;0.007777777777777777554191196430;0.326944444444444426434159822747;0.057500000000000002498001805407;0.012500000000000000693889390391;0.012222222222222222862142437805;0.018333333333333333425851918719;0.005555555555555555767577313730;0.005555555555555555767577313730;0.013611111111111110286153724758;0.007222222222222221890697291258;0.015277777777777777276635440273;0.008888888888888888881179006773;0.027222222222222220572307449515;0.019722222222222220849863205672;0.005555555555555555767577313730;0.011944444444444445030395485219;0.031111111111111110216764785719;0.001388888888888888941894328433;0.020000000000000000416333634234;0.002777777777777777883788656865;0.005277777777777777935830361145;0.010000000000000000208166817117;0.019722222222222220849863205672;0.016944444444444446001840631766;0.017222222222222222098864108375;0.014722222222222221613141535101;0.000555555555555555555073687923;0.041666666666666664353702032031;0.018333333333333333425851918719;0.001944444444444444388547799107;0.040277777777777780399137697032;0.003333333333333333547282562037;0.010277777777777778039913769703;0.009444444444444444544672911945;0.004166666666666666608842550801;0.024722222222222221821308352219;0.000555555555555555555073687923;0.001666666666666666773641281019;0.005833333333333333599324266316;0.006944444444444444058950338672;0.000000000000000000000000000000;0.010000000000000000208166817117;0.034166666666666664631257788187;0.016388888888888890338346726594;0.005833333333333333599324266316;0.008611111111111111049432054187;0.010555555555555555871660722289;0.008611111111111111049432054187
-0.018333333333333333425851918719;0.019722222222222220849863205672;0.005555555555555555767577313730;0.300277777777777754586452374497;0.081944444444444444752839729063;0.021944444444444443503838826359;0.009722222222222222376419864531;0.025277777777777777484802257391;0.007222222222222221890697291258;0.002777777777777777883788656865;0.013611111111111110286153724758;0.022499999999999999167332731531;0.006944444444444444058950338672;0.006944444444444444058950338672;0.035555555555555555524716027094;0.018611111111111109522875395328;0.004444444444444444440589503387;0.011666666666666667198648532633;0.050277777777777775403134086218;0.000555555555555555555073687923;0.018888888888888889089345823891;0.003055555555555555715535609451;0.003611111111111110945348645629;0.008888888888888888881179006773;0.021111111111111111743321444578;0.008611111111111111049432054187;0.017777777777777777762358013547;0.020555555555555556079827539406;0.000555555555555555555073687923;0.050555555555555554969604514781;0.033611111111111112437210834969;0.002500000000000000052041704279;0.024722222222222221821308352219;0.002777777777777777883788656865;0.003888888888888888777095598215;0.006388888888888889262818171488;0.006111111111111111431071218902;0.017777777777777777762358013547;0.000833333333333333386820640509;0.003055555555555555715535609451;0.009444444444444444544672911945;0.005000000000000000104083408559;0.000000000000000000000000000000;0.002777777777777777883788656865;0.029166666666666667129259593594;0.010833333333333333703407674875;0.004722222222222222272336455973;0.003888888888888888777095598215;0.008055555555555555385938149016;0.006944444444444444058950338672
-0.017407407407407406163546426114;0.015185185185185185244294281404;0.007777777777777777554191196430;0.321851851851851833430373517331;0.065185185185185179346234463083;0.020370370370370372015145221667;0.007407407407407407690103084974;0.021851851851851851471497667490;0.007037037037037036958653235530;0.008518518518518519017090895318;0.013333333333333334189130248149;0.015925925925925926707193980292;0.011111111111111111535154627461;0.010000000000000000208166817117;0.031851851851851853414387960584;0.015555555555555555108382392859;0.009259259259259258745267118229;0.010370370370370370072254928573;0.040740740740740744030290443334;0.000370370370370370351979089074;0.022222222222222223070309254922;0.006296296296296296363115274630;0.008518518518518519017090895318;0.007777777777777777554191196430;0.013703703703703704053218359604;0.012962962962962962590318660716;0.021111111111111111743321444578;0.020370370370370372015145221667;0.001111111111111111110147375847;0.048888888888888891448569751219;0.018148148148148149361169600979;0.004074074074074073709139653943;0.019259259259259260688157411323;0.003703703703703703845051542487;0.005555555555555555767577313730;0.010740740740740739936343040029;0.005555555555555555767577313730;0.021851851851851851471497667490;0.000370370370370370351979089074;0.005555555555555555767577313730;0.008148148148148147418279307885;0.011851851851851851263330850372;0.000000000000000000000000000000;0.005555555555555555767577313730;0.027037037037037036507625131776;0.009259259259259258745267118229;0.010740740740740739936343040029;0.003333333333333333547282562037;0.009259259259259258745267118229;0.005925925925925925631665425186
-0.015555555555555555108382392859;0.004814814814814815172039352831;0.005925925925925925631665425186;0.609259259259259278174170049169;0.035555555555555555524716027094;0.012592592592592592726230549260;0.004814814814814815172039352831;0.010370370370370370072254928573;0.003333333333333333547282562037;0.004074074074074073709139653943;0.008148148148148147418279307885;0.008518518518518519017090895318;0.005555555555555555767577313730;0.007777777777777777554191196430;0.016666666666666666435370203203;0.012222222222222222862142437805;0.003333333333333333547282562037;0.006296296296296296363115274630;0.018888888888888889089345823891;0.000370370370370370351979089074;0.011111111111111111535154627461;0.001111111111111111110147375847;0.001111111111111111110147375847;0.005925925925925925631665425186;0.006666666666666667094565124074;0.010740740740740739936343040029;0.014444444444444443781394582516;0.003703703703703703845051542487;0.001111111111111111110147375847;0.025185185185185185452461098521;0.011481481481481481399242738917;0.009629629629629630344078705662;0.006296296296296296363115274630;0.002222222222222222220294751693;0.002222222222222222220294751693;0.009259259259259258745267118229;0.001851851851851851922525771243;0.021111111111111111743321444578;0.000740740740740740703958178148;0.002222222222222222220294751693;0.002222222222222222220294751693;0.006296296296296296363115274630;0.000000000000000000000000000000;0.005555555555555555767577313730;0.012962962962962962590318660716;0.008888888888888888881179006773;0.009629629629629630344078705662;0.003703703703703703845051542487;0.005555555555555555767577313730;0.002962962962962962815832712593
-0.016111111111111110771876298031;0.011666666666666667198648532633;0.036111111111111107718762980312;0.192777777777777770129574719249;0.018333333333333333425851918719;0.026666666666666668378260496297;0.007777777777777777554191196430;0.030555555555555554553270880547;0.015555555555555555108382392859;0.022777777777777778733803160094;0.017777777777777777762358013547;0.016666666666666666435370203203;0.006111111111111111431071218902;0.018888888888888889089345823891;0.026111111111111112714766591125;0.016666666666666666435370203203;0.015555555555555555108382392859;0.029444444444444443226283070203;0.028888888888888887562789165031;0.005000000000000000104083408559;0.012222222222222222862142437805;0.005000000000000000104083408559;0.002777777777777777883788656865;0.026111111111111112714766591125;0.025000000000000001387778780781;0.030555555555555554553270880547;0.036666666666666666851703837438;0.012222222222222222862142437805;0.003888888888888888777095598215;0.029444444444444443226283070203;0.007222222222222221890697291258;0.029999999999999998889776975375;0.008333333333333333217685101602;0.006111111111111111431071218902;0.004444444444444444440589503387;0.035000000000000003330669073875;0.010000000000000000208166817117;0.011111111111111111535154627461;0.000555555555555555555073687923;0.002222222222222222220294751693;0.007222222222222221890697291258;0.016666666666666666435370203203;0.000000000000000000000000000000;0.016666666666666666435370203203;0.025555555555555557051272685953;0.018888888888888889089345823891;0.019444444444444444752839729063;0.010000000000000000208166817117;0.014999999999999999444888487687;0.012222222222222222862142437805
-0.007777777777777777554191196430;0.003888888888888888777095598215;0.020555555555555556079827539406;0.461666666666666669627261399000;0.002222222222222222220294751693;0.002222222222222222220294751693;0.013333333333333334189130248149;0.025000000000000001387778780781;0.003333333333333333547282562037;0.012777777777777778525636342977;0.007222222222222221890697291258;0.001111111111111111110147375847;0.003888888888888888777095598215;0.012222222222222222862142437805;0.024444444444444445724284875610;0.003888888888888888777095598215;0.030555555555555554553270880547;0.022222222222222223070309254922;0.005000000000000000104083408559;0.002222222222222222220294751693;0.009444444444444444544672911945;0.003888888888888888777095598215;0.011111111111111111535154627461;0.029999999999999998889776975375;0.002222222222222222220294751693;0.017222222222222222098864108375;0.027222222222222220572307449515;0.002777777777777777883788656865;0.016666666666666666435370203203;0.001666666666666666773641281019;0.000555555555555555555073687923;0.028888888888888887562789165031;0.007222222222222221890697291258;0.008333333333333333217685101602;0.014444444444444443781394582516;0.031666666666666669349705642844;0.008333333333333333217685101602;0.003888888888888888777095598215;0.002222222222222222220294751693;0.007777777777777777554191196430;0.006111111111111111431071218902;0.005000000000000000104083408559;0.000000000000000000000000000000;0.025000000000000001387778780781;0.007222222222222221890697291258;0.018333333333333333425851918719;0.011111111111111111535154627461;0.005000000000000000104083408559;0.014999999999999999444888487687;0.006111111111111111431071218902
-0.007499999999999999722444243844;0.015416666666666667059870654555;0.086666666666666669627261399000;0.067083333333333328152292551749;0.000416666666666666693410320255;0.002916666666666666799662133158;0.013333333333333334189130248149;0.036666666666666666851703837438;0.013750000000000000069388939039;0.036666666666666666851703837438;0.006666666666666667094565124074;0.000833333333333333386820640509;0.002916666666666666799662133158;0.032500000000000001110223024625;0.014583333333333333564629796797;0.005000000000000000104083408559;0.052916666666666667406815349750;0.064166666666666663521034763562;0.011666666666666667198648532633;0.011249999999999999583666365766;0.017083333333333332315628894094;0.010833333333333333703407674875;0.006250000000000000346944695195;0.059999999999999997779553950750;0.013333333333333334189130248149;0.026666666666666668378260496297;0.030833333333333334119741309109;0.002083333333333333304421275400;0.007916666666666667337426410711;0.002500000000000000052041704279;0.000833333333333333386820640509;0.048750000000000001665334536938;0.006250000000000000346944695195;0.004583333333333333356462979680;0.004583333333333333356462979680;0.078750000000000000555111512313;0.014166666666666665949647629930;0.003749999999999999861222121922;0.000000000000000000000000000000;0.011666666666666667198648532633;0.012500000000000000693889390391;0.005833333333333333599324266316;0.000000000000000000000000000000;0.041666666666666664353702032031;0.005416666666666666851703837438;0.036249999999999997501998194593;0.031250000000000000000000000000;0.006666666666666667094565124074;0.019166666666666665186369300500;0.007499999999999999722444243844
-0.050277777777777775403134086218;0.008888888888888888881179006773;0.049166666666666664076146275875;0.009444444444444444544672911945;0.011666666666666667198648532633;0.020555555555555556079827539406;0.006111111111111111431071218902;0.024444444444444445724284875610;0.011388888888888889366901580047;0.036944444444444446418174266000;0.013055555555555556357383295563;0.014722222222222221613141535101;0.010833333333333333703407674875;0.038611111111111109939209029562;0.018333333333333333425851918719;0.030555555555555554553270880547;0.012777777777777778525636342977;0.018888888888888889089345823891;0.024166666666666666157814447047;0.009444444444444444544672911945;0.023888888888888890060790970438;0.006388888888888889262818171488;0.007777777777777777554191196430;0.043055555555555555247160270937;0.032222222222222221543752596062;0.046111111111111109661653273406;0.031666666666666669349705642844;0.007222222222222221890697291258;0.000555555555555555555073687923;0.017500000000000001665334536938;0.027777777777777776235801354687;0.016944444444444446001840631766;0.013333333333333334189130248149;0.004166666666666666608842550801;0.018888888888888889089345823891;0.046111111111111109661653273406;0.016111111111111110771876298031;0.035000000000000003330669073875;0.000277777777777777777536843962;0.009722222222222222376419864531;0.009722222222222222376419864531;0.006388888888888889262818171488;0.000000000000000000000000000000;0.021388888888888887840344921187;0.011388888888888889366901580047;0.021111111111111111743321444578;0.044166666666666666574148081281;0.017222222222222222098864108375;0.028888888888888887562789165031;0.014722222222222221613141535101
-0.051481481481481482231910007386;0.029999999999999998889776975375;0.020740740740740740144509857146;0.038888888888888889505679458125;0.034444444444444444197728216750;0.022592592592592591199673890401;0.011111111111111111535154627461;0.032962962962962964741375770927;0.010740740740740739936343040029;0.018148148148148149361169600979;0.022222222222222223070309254922;0.008148148148148147418279307885;0.020740740740740740144509857146;0.018888888888888889089345823891;0.028888888888888887562789165031;0.026666666666666668378260496297;0.015555555555555555108382392859;0.032592592592592589673117231541;0.040000000000000000832667268469;0.004814814814814815172039352831;0.034074074074074076068363581271;0.004074074074074073709139653943;0.007407407407407407690103084974;0.015555555555555555108382392859;0.026296296296296296779448908865;0.029629629629629630760412339896;0.040370370370370368962031903948;0.025555555555555557051272685953;0.001481481481481481407916356297;0.018888888888888889089345823891;0.015185185185185185244294281404;0.007037037037037036958653235530;0.017777777777777777762358013547;0.007407407407407407690103084974;0.021851851851851851471497667490;0.019629629629629628817522046802;0.012222222222222222862142437805;0.041111111111111112159655078813;0.000000000000000000000000000000;0.005925925925925925631665425186;0.009629629629629630344078705662;0.009259259259259258745267118229;0.000000000000000000000000000000;0.014444444444444443781394582516;0.025555555555555557051272685953;0.024444444444444445724284875610;0.017777777777777777762358013547;0.017777777777777777762358013547;0.026666666666666668378260496297;0.013333333333333334189130248149
-0.048198198198198198560771032817;0.013963963963963963582637362038;0.006756756756756757131832102914;0.202702702702702713954963087417;0.010810810810810811410931364662;0.024324324324324325674595570490;0.018468468468468467180709779996;0.032882882882882880082320298243;0.004054054054054054279099261748;0.012162162162162162837297785245;0.019819819819819818607076200578;0.004054054054054054279099261748;0.012612612612612612156270941455;0.013063063063063063209967573641;0.020720720720720720714469464951;0.031531531531531528655953877660;0.004504504504504504465434155946;0.022072072072072072140835885534;0.030180180180180180699034409031;0.002702702702702702852732841166;0.032432432432432434232794093987;0.001801801801801801829541749278;0.004504504504504504465434155946;0.013513513513513514263664205828;0.043243243243243245643725458649;0.036486486486486488511893355735;0.028378378378378379953694832238;0.002702702702702702852732841166;0.000900900900900900914770874639;0.015765765765765764327976938830;0.006306306306306306078135470727;0.004954954954954954651769050145;0.024774774774774774993568726700;0.001351351351351351426366420583;0.009909909909909909303538100289;0.017567567567567568542763467576;0.012612612612612612156270941455;0.061261261261261260036015130481;0.001351351351351351426366420583;0.003153153153153153039067735364;0.007207207207207207318166997112;0.004504504504504504465434155946;0.000000000000000000000000000000;0.015315315315315315009003782620;0.022072072072072072140835885534;0.031081081081081082806427673404;0.009459459459459459984564944079;0.010360360360360360357234732476;0.028378378378378379953694832238;0.013063063063063063209967573641
-0.007499999999999999722444243844;0.008888888888888888881179006773;0.014722222222222221613141535101;0.573611111111111071636514679994;0.006388888888888889262818171488;0.005000000000000000104083408559;0.006111111111111111431071218902;0.015833333333333334674852821422;0.004166666666666666608842550801;0.015277777777777777276635440273;0.006666666666666667094565124074;0.004166666666666666608842550801;0.001666666666666666773641281019;0.006944444444444444058950338672;0.020000000000000000416333634234;0.008055555555555555385938149016;0.026111111111111112714766591125;0.018055555555555553859381490156;0.008888888888888888881179006773;0.001111111111111111110147375847;0.009166666666666666712925959359;0.005277777777777777935830361145;0.002222222222222222220294751693;0.017777777777777777762358013547;0.006111111111111111431071218902;0.013888888888888888117900677344;0.014722222222222221613141535101;0.010000000000000000208166817117;0.004444444444444444440589503387;0.006666666666666667094565124074;0.008333333333333333217685101602;0.025833333333333333148296162562;0.004722222222222222272336455973;0.002777777777777777883788656865;0.002777777777777777883788656865;0.020000000000000000416333634234;0.003888888888888888777095598215;0.007499999999999999722444243844;0.001944444444444444388547799107;0.007499999999999999722444243844;0.005000000000000000104083408559;0.009166666666666666712925959359;0.000000000000000000000000000000;0.007499999999999999722444243844;0.006944444444444444058950338672;0.011944444444444445030395485219;0.010000000000000000208166817117;0.003888888888888888777095598215;0.006666666666666667094565124074;0.004166666666666666608842550801
-0.018644067796610170467674905126;0.001694915254237288086344714877;0.022316384180790960201079542458;0.381355932203389813572869115887;0.000564971751412429398254977375;0.002824858757062146882854669627;0.018361581920903955605917090566;0.029943502824858757999093583635;0.008192090395480225786806194321;0.032203389830508473423709148165;0.012146892655367232116692122190;0.000847457627118644043172357438;0.001412429378531073441427334814;0.022598870056497175062837357018;0.019774011299435029914706163368;0.011016949152542372669660863949;0.005084745762711864042193710134;0.007062146892655367207136674068;0.006497175141242937483621044947;0.002542372881355932021096855067;0.018644067796610170467674905126;0.006779661016949152345378859508;0.002542372881355932021096855067;0.047175141242937854157979415959;0.012711864406779661840207751311;0.035593220338983051764802922889;0.019209039548022600191190534247;0.009887005649717514957353081684;0.007909604519774010925048379761;0.001412429378531073441427334814;0.001412429378531073441427334814;0.020903954802259885892290469656;0.001694915254237288086344714877;0.004519774011299435186039819001;0.003107344632768361744612484188;0.022881355932203389924595171578;0.008757062146892655510321823442;0.019209039548022600191190534247;0.001129943502824858796509954750;0.002259887005649717593019909501;0.012429378531073446978449936751;0.003389830508474576172689429754;0.000000000000000000000000000000;0.028813559322033898552062325393;0.007344632768361582068894488629;0.030508474576271187722609212756;0.035310734463276836903045108329;0.012994350282485874967242089895;0.006214689265536723489224968375;0.010169491525423728084387420267
-0.024166666666666666157814447047;0.010833333333333333703407674875;0.028333333333333331899295259859;0.345833333333333325931846502499;0.010416666666666666088425508008;0.012083333333333333078907223523;0.008333333333333333217685101602;0.018333333333333333425851918719;0.010000000000000000208166817117;0.021666666666666667406815349750;0.009583333333333332593184650250;0.005416666666666666851703837438;0.007083333333333332974823814965;0.026249999999999999028554853453;0.012500000000000000693889390391;0.019166666666666665186369300500;0.008333333333333333217685101602;0.016666666666666666435370203203;0.008750000000000000832667268469;0.002916666666666666799662133158;0.011249999999999999583666365766;0.002916666666666666799662133158;0.002083333333333333304421275400;0.029166666666666667129259593594;0.013750000000000000069388939039;0.036249999999999997501998194593;0.020000000000000000416333634234;0.026249999999999999028554853453;0.000833333333333333386820640509;0.025000000000000001387778780781;0.002916666666666666799662133158;0.011666666666666667198648532633;0.005000000000000000104083408559;0.005416666666666666851703837438;0.004583333333333333356462979680;0.023333333333333334397297065266;0.005833333333333333599324266316;0.021250000000000001526556658860;0.000416666666666666693410320255;0.004166666666666666608842550801;0.005833333333333333599324266316;0.006250000000000000346944695195;0.000000000000000000000000000000;0.017916666666666667545593227828;0.007499999999999999722444243844;0.026249999999999999028554853453;0.035416666666666665741480812812;0.023750000000000000277555756156;0.007083333333333332974823814965;0.011249999999999999583666365766
-0.010256410256410256401360392431;0.014102564102564102768710974090;0.014423076923076923877564681220;0.472115384615384603428367427114;0.014423076923076923877564681220;0.009294871794871794809522747016;0.008333333333333333217685101602;0.019230769230769231836752908293;0.005769230769230769551025872488;0.022756410256410255360526306845;0.008974358974358973700669039886;0.001282051282051282050170049054;0.007692307692307692734701163317;0.006730769230769231142863517903;0.021474358974358974394558430276;0.010256410256410256401360392431;0.009615384615384615918376454147;0.021153846153846155020428199123;0.015384615384615385469402326635;0.001602564102564102508502452693;0.019551282051282051210883139447;0.001923076923076923183675290829;0.003205128205128205017004905386;0.027884615384615386163291717025;0.012820512820512820068019621544;0.023076923076923078204103489952;0.022756410256410255360526306845;0.009294871794871794809522747016;0.002884615384615384775512936244;0.011858974358974358476181976130;0.000641025641025641025085024527;0.012820512820512820068019621544;0.006410256410256410034009810772;0.002884615384615384775512936244;0.002884615384615384775512936244;0.031410256410256409687065115577;0.005128205128205128200680196215;0.003205128205128205017004905386;0.000320512820512820512542512263;0.000641025641025641025085024527;0.013141025641025641176873328675;0.003205128205128205017004905386;0.000000000000000000000000000000;0.022115384615384616612265844537;0.015384615384615385469402326635;0.024679487179487178544201597674;0.006730769230769231142863517903;0.006410256410256410034009810772;0.007371794871794871625847456187;0.004487179487179486850334519943
-0.015536723163841808723062420938;0.014971751412429378999546791817;0.016384180790960451573612388643;0.327683615819209017594459965039;0.015254237288135593861304606378;0.007627118644067796930652303189;0.028531073446327683690304510833;0.034463276836158192317771664648;0.002824858757062146882854669627;0.021468926553672315615806098776;0.009322033898305085233837452563;0.002259887005649717593019909501;0.006779661016949152345378859508;0.016666666666666666435370203203;0.033050847457627118008982591846;0.005932203389830508627467153815;0.009887005649717514957353081684;0.017514124293785311020643646884;0.014406779661016949276031162697;0.003954802259887005462524189880;0.020903954802259885892290469656;0.003107344632768361744612484188;0.004237288135593220324282004441;0.027966101694915253966788881712;0.014406779661016949276031162697;0.028531073446327683690304510833;0.029096045197740113413820139954;0.025988700564971749934484179789;0.006497175141242937483621044947;0.007062146892655367207136674068;0.001412429378531073441427334814;0.013841807909604519552515533576;0.003672316384180791034447244314;0.003954802259887005462524189880;0.005084745762711864042193710134;0.025141242937853108818657688062;0.006779661016949152345378859508;0.006497175141242937483621044947;0.000000000000000000000000000000;0.003389830508474576172689429754;0.009039548022598870372079638003;0.005367231638418078903951524694;0.000000000000000000000000000000;0.035593220338983051764802922889;0.018926553672316385329432719686;0.046892655367231639296221601398;0.017514124293785311020643646884;0.005649717514124293765709339254;0.011016949152542372669660863949;0.007909604519774010925048379761
-0.028869047619047620567567236094;0.004464285714285714037896646289;0.086607142857142854763807804375;0.031547619047619046561692357500;0.009821428571428571230317317031;0.010119047619047619526733150508;0.002380952380952381167156239883;0.023809523809523808202115446875;0.008630952380952381514100935078;0.038690476190476191797884553125;0.018452380952380952744418252109;0.004166666666666666608842550801;0.008333333333333333217685101602;0.069345238095238098674499838125;0.018154761904761906182725894610;0.016964285714285712997062560703;0.017559523809523809589894227656;0.027976190476190477413043211641;0.008928571428571428075793292578;0.014583333333333333564629796797;0.015476190476190476719153821250;0.010714285714285714384841341484;0.009226190476190476372209126055;0.038988095238095238359576910625;0.034523809523809526056403740313;0.048809523809523809589894227656;0.038392857142857145236192195625;0.003273809523809523887999395342;0.000297619047619047645894529985;0.004166666666666666608842550801;0.002083333333333333304421275400;0.018452380952380952744418252109;0.005654761904761904621474766230;0.012202380952380952397473556914;0.023809523809523808202115446875;0.047619047619047616404230893750;0.013988095238095238706521605820;0.005654761904761904621474766230;0.000000000000000000000000000000;0.017857142857142856151586585156;0.003571428571428571317053490830;0.000892857142857142829263372708;0.000000000000000000000000000000;0.024404761904761904794947113828;0.005654761904761904621474766230;0.008333333333333333217685101602;0.059821428571428574005874878594;0.039285714285714284921269268125;0.031845238095238093123384715000;0.025595238095238094511163495781
-0.034967320261437909167945292666;0.002614379084967320080595820642;0.081699346405228759349093081710;0.000000000000000000000000000000;0.000980392156862745084433541365;0.014052287581699346788455251556;0.000980392156862745084433541365;0.016339869281045752563708006733;0.023529411764705882026404992757;0.033006535947712418999078209936;0.013071895424836601704021710191;0.007843137254901960675468330919;0.008169934640522876281854003366;0.068954248366013076720903995920;0.003921568627450980337734165460;0.016666666666666666435370203203;0.023529411764705882026404992757;0.025490196078431372195272075487;0.005228758169934640161191641283;0.021241830065359477985875713557;0.009803921568627450844335413649;0.017647058823529411519803744568;0.013398692810457515575683906661;0.039542483660130717249003851066;0.031699346405228756573535520147;0.042156862745098042100089230644;0.031045751633986928830211127206;0.000000000000000000000000000000;0.000653594771241830020148955160;0.010457516339869280322383282567;0.007189542483660130330058724013;0.016339869281045752563708006733;0.005228758169934640161191641283;0.015032679738562091872888792921;0.041503267973856207417870933796;0.051960784313725492944424644293;0.014705882352941176266503120473;0.008496732026143790153516199837;0.002941176470588235253300624095;0.028758169934640521320234896052;0.001960784313725490168867082730;0.008169934640522876281854003366;0.000000000000000000000000000000;0.018954248366013070475899482403;0.002287581699346405341571886183;0.009477124183006535237949741202;0.064379084967320254762057629705;0.039869281045751631120666047536;0.040849673202614379674546540855;0.023202614379084968154742796287
-0.016666666666666666435370203203;0.001886792452830188693974067249;0.062264150943396226467463350218;0.000314465408805031430925641667;0.000314465408805031430925641667;0.004716981132075471518094733625;0.000000000000000000000000000000;0.018238993710691823318947868415;0.011006289308176099919767132462;0.072327044025157230522360407576;0.009433962264150943036189467250;0.004088050314465408764663667540;0.009748427672955974412905000293;0.058805031446540881323592486751;0.003773584905660377387948134498;0.011006289308176099919767132462;0.016981132075471697812085736246;0.014150943396226415421645938864;0.002830188679245282824120666376;0.015408805031446540928508071033;0.006603773584905660645749669868;0.007861635220125786152611802038;0.005974842767295597892318603783;0.128301886792452829455513096946;0.017610062893081760565516802330;0.034905660377358489754318071618;0.017924528301886791942232335373;0.008805031446540880282758401165;0.003144654088050314634517068413;0.002515723270440251447405133334;0.002201257861635220070689600291;0.045911949685534587939361728104;0.003773584905660377387948134498;0.011949685534591195784637207566;0.022641509433962262592965331010;0.066352201257861634364765279770;0.013522012578616352668214872779;0.004088050314465408764663667540;0.003144654088050314634517068413;0.021383647798742137086103198840;0.005660377358490565648241332752;0.005660377358490565648241332752;0.000000000000000000000000000000;0.064779874213836477481187614558;0.000314465408805031430925641667;0.026729559748427673959714212515;0.059748427672955975453739085879;0.033333333333333332870740406406;0.023899371069182391569274415133;0.017295597484276729188801269288
-0.009064327485380116802837768830;0.010818713450292397754148865374;0.022222222222222223070309254922;0.230116959064327497586077697633;0.014035087719298245875765296375;0.004093567251461988597271979273;0.005263157894736841986571551644;0.019590643274853800775980872118;0.001754385964912280734470662047;0.077192982456140354918794344030;0.007894736842105263413538196460;0.002339181286549707645960882729;0.002923976608187134340610668914;0.020760233918128655900003920465;0.019298245614035088729698586008;0.004385964912280701510916003372;0.007602339181286549632532434373;0.013157894736842104532748010115;0.013742690058479532094759534289;0.002046783625730994298635989637;0.013450292397660818313753772202;0.002339181286549707645960882729;0.001169590643274853822980441365;0.119005847953216378765084471070;0.007017543859649122937882648188;0.023684210526315790240614589379;0.010818713450292397754148865374;0.020467836257309940384274682401;0.003801169590643274816266217186;0.014912280701754385484059106659;0.001169590643274853822980441365;0.046198830409356725357206130411;0.003801169590643274816266217186;0.002631578947368420993285775822;0.002339181286549707645960882729;0.052631578947368418130992040460;0.009356725146198830583843530917;0.004093567251461988597271979273;0.000292397660818713455745110341;0.001169590643274853822980441365;0.010818713450292397754148865374;0.000292397660818713455745110341;0.000000000000000000000000000000;0.070760233918128648267220626167;0.014912280701754385484059106659;0.028070175438596491751530592751;0.026023391812865497019213734120;0.008479532163742689240826244657;0.006432748538011696243232862003;0.005555555555555555767577313730
-0.022333333333333333509118645566;0.016666666666666666435370203203;0.054333333333333330705805508387;0.266333333333333310832813367597;0.009666666666666667157015169209;0.004000000000000000083266726847;0.002000000000000000041633363423;0.016333333333333331649495079319;0.005000000000000000104083408559;0.021999999999999998723243521681;0.008333333333333333217685101602;0.004333333333333333134418374755;0.004666666666666667052931760651;0.050333333333333334091985733494;0.018333333333333333425851918719;0.014999999999999999444888487687;0.008666666666666666268836749509;0.017000000000000001221245327088;0.009666666666666667157015169209;0.012000000000000000249800180541;0.009333333333333334105863521302;0.010999999999999999361621760841;0.006333333333333333176051738178;0.028666666666666666685170383744;0.021333333333333332620940225866;0.028666666666666666685170383744;0.024333333333333331816028533012;0.027333333333333334480563792113;0.001333333333333333288808764117;0.009666666666666667157015169209;0.002000000000000000041633363423;0.011666666666666667198648532633;0.003666666666666666598434209945;0.008666666666666666268836749509;0.019333333333333334314030338419;0.030666666666666664992080271190;0.012999999999999999403255124264;0.004666666666666667052931760651;0.001000000000000000020816681712;0.013666666666666667240281896056;0.007000000000000000145716771982;0.003000000000000000062450045135;0.000000000000000000000000000000;0.014000000000000000291433543964;0.011333333333333334147496884725;0.008000000000000000166533453694;0.038999999999999999944488848769;0.031333333333333331094383567006;0.022333333333333333509118645566;0.020666666666666666518636930050
-0.025862068965517241020402039453;0.001149425287356321823128979531;0.121551724137931027591719157499;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005172413793103448204080407891;0.000000000000000000000000000000;0.016091954022988505523805713437;0.006321839080459770027209387422;0.040517241379310342530573052500;0.009770114942528735496596326016;0.002873563218390804557822448828;0.005747126436781609115644897656;0.082471264367816085605333853437;0.004022988505747126380951428359;0.020977011494252875006827352422;0.016954022988505748625875924063;0.022413793103448275551015100859;0.002011494252873563190475714180;0.017816091954022988258499182734;0.008045977011494252761902856719;0.014942528735632183700676733906;0.008908045977011494129249591367;0.047413793103448273469346929687;0.032183908045977011047611426875;0.055747126436781611891202459219;0.028735632183908045578224488281;0.018103448275862070449004903594;0.000862068965517241367346734648;0.000574712643678160911564489766;0.001436781609195402278911224414;0.018103448275862070449004903594;0.004310344827586206836733673242;0.018103448275862070449004903594;0.027873563218390805945601229610;0.048563218390804595292475909218;0.013793103448275861877547754375;0.004885057471264367748298163008;0.000000000000000000000000000000;0.024712643678160919197273059922;0.001724137931034482734693469297;0.000287356321839080455782244883;0.000000000000000000000000000000;0.016954022988505748625875924063;0.000287356321839080455782244883;0.008620689655172413673467346484;0.082183908045977013823168988438;0.050000000000000002775557561563;0.033908045977011497251751848125;0.027011494252873562843531018984
-0.030747126436781610503423678438;0.001436781609195402278911224414;0.106896551724137936489889000313;0.000000000000000000000000000000;0.000000000000000000000000000000;0.003735632183908045925169183477;0.000287356321839080455782244883;0.015804597701149426802746944531;0.006896551724137930938773877187;0.050000000000000002775557561563;0.013218390804597700965983264609;0.000287356321839080455782244883;0.004597701149425287292515918125;0.096551724137931033142834280625;0.002873563218390804557822448828;0.015517241379310344612241223672;0.017528735632183909537440413828;0.021264367816091953727886121328;0.001724137931034482734693469297;0.016379310344827587714311434297;0.008333333333333333217685101602;0.009482758620689655040814081133;0.006896551724137930938773877187;0.053735632183908046966003269063;0.030459770114942528312917957578;0.061206896551724135346894684062;0.035632183908045976516998365469;0.008333333333333333217685101602;0.000000000000000000000000000000;0.000574712643678160911564489766;0.000287356321839080455782244883;0.020977011494252875006827352422;0.004310344827586206836733673242;0.011206896551724137775507550430;0.020114942528735631904757141797;0.057758620689655169877507745468;0.013505747126436781421765509492;0.003160919540229885013604693711;0.000000000000000000000000000000;0.018103448275862070449004903594;0.004022988505747126380951428359;0.000862068965517241367346734648;0.000000000000000000000000000000;0.020977011494252875006827352422;0.000287356321839080455782244883;0.009770114942528735496596326016;0.082758620689655171265286526250;0.047701149425287359129299602500;0.030172413793103449591859188672;0.033620689655172411591799175312
-0.033055555555555553304269977843;0.003055555555555555715535609451;0.076388888888888895056794581251;0.000000000000000000000000000000;0.003055555555555555715535609451;0.006944444444444444058950338672;0.000555555555555555555073687923;0.026666666666666668378260496297;0.007222222222222221890697291258;0.044444444444444446140618509844;0.017222222222222222098864108375;0.000277777777777777777536843962;0.010000000000000000208166817117;0.066944444444444445307951241375;0.005555555555555555767577313730;0.009722222222222222376419864531;0.024444444444444445724284875610;0.038055555555555557745162076344;0.008611111111111111049432054187;0.014166666666666665949647629930;0.016111111111111110771876298031;0.009166666666666666712925959359;0.012500000000000000693889390391;0.056111111111111111604543566500;0.023611111111111110494320541875;0.054166666666666668517038374375;0.037777777777777778178691647781;0.000000000000000000000000000000;0.000555555555555555555073687923;0.011111111111111111535154627461;0.001388888888888888941894328433;0.023333333333333334397297065266;0.005555555555555555767577313730;0.006666666666666667094565124074;0.028333333333333331899295259859;0.070000000000000006661338147751;0.021944444444444443503838826359;0.005000000000000000104083408559;0.000000000000000000000000000000;0.018888888888888889089345823891;0.005277777777777777935830361145;0.002222222222222222220294751693;0.000000000000000000000000000000;0.022499999999999999167332731531;0.001666666666666666773641281019;0.016388888888888890338346726594;0.059166666666666666019036568969;0.038055555555555557745162076344;0.039444444444444441699726411343;0.016666666666666666435370203203
-0.023976608187134502286896875489;0.016374269005847954389087917093;0.038011695906432746427938695888;0.255847953216374268681221337829;0.004970760233918129072927527545;0.005847953216374268681221337829;0.000877192982456140367235331023;0.030116959064327486483847451382;0.009649122807017544364849293004;0.025146198830409357410919923836;0.011988304093567251143448437745;0.001754385964912280734470662047;0.009649122807017544364849293004;0.044152046783625734094336223734;0.021929824561403507554580016858;0.011695906432748537362442675658;0.011111111111111111535154627461;0.033333333333333332870740406406;0.017251461988304093997381727377;0.007894736842105263413538196460;0.016081871345029238873358679029;0.004093567251461988597271979273;0.011111111111111111535154627461;0.033040935672514620824458120296;0.022222222222222223070309254922;0.032456140350877189792999644169;0.030701754385964910576412023602;0.009941520467836258145855055091;0.001169590643274853822980441365;0.007602339181286549632532434373;0.002339181286549707645960882729;0.012865497076023392486465724005;0.006725146198830409156876886101;0.006725146198830409156876886101;0.011988304093567251143448437745;0.040350877192982456675984792582;0.011111111111111111535154627461;0.006432748538011696243232862003;0.000877192982456140367235331023;0.011403508771929825316160389548;0.005555555555555555767577313730;0.004385964912280701510916003372;0.000000000000000000000000000000;0.017836257309941521559393251550;0.009941520467836258145855055091;0.010233918128654970192137341201;0.037719298245614034381656409778;0.020467836257309940384274682401;0.023099415204678362678603065206;0.009941520467836258145855055091
-0.011481481481481481399242738917;0.013333333333333334189130248149;0.026666666666666668378260496297;0.606296296296296333139252965339;0.004444444444444444440589503387;0.005185185185185185036127464286;0.002592592592592592518063732143;0.012592592592592592726230549260;0.002222222222222222220294751693;0.009259259259259258745267118229;0.007407407407407407690103084974;0.001851851851851851922525771243;0.002962962962962962815832712593;0.025925925925925925180637321432;0.014814814814814815380206169948;0.004814814814814815172039352831;0.007777777777777777554191196430;0.007037037037037036958653235530;0.007777777777777777554191196430;0.002962962962962962815832712593;0.014444444444444443781394582516;0.004444444444444444440589503387;0.002962962962962962815832712593;0.012222222222222222862142437805;0.011111111111111111535154627461;0.017407407407407406163546426114;0.012222222222222222862142437805;0.012592592592592592726230549260;0.000000000000000000000000000000;0.005555555555555555767577313730;0.002962962962962962815832712593;0.006296296296296296363115274630;0.003333333333333333547282562037;0.006296296296296296363115274630;0.004074074074074073709139653943;0.013703703703703704053218359604;0.004444444444444444440589503387;0.002592592592592592518063732143;0.000370370370370370351979089074;0.004074074074074073709139653943;0.003703703703703703845051542487;0.002222222222222222220294751693;0.000000000000000000000000000000;0.005185185185185185036127464286;0.012592592592592592726230549260;0.004074074074074073709139653943;0.022962962962962962798485477833;0.014074074074074073917306471060;0.007777777777777777554191196430;0.008888888888888888881179006773
-0.009444444444444444544672911945;0.010555555555555555871660722289;0.035833333333333335091186455656;0.533055555555555504732012650493;0.007777777777777777554191196430;0.002777777777777777883788656865;0.003055555555555555715535609451;0.012500000000000000693889390391;0.003333333333333333547282562037;0.015833333333333334674852821422;0.007499999999999999722444243844;0.001388888888888888941894328433;0.003888888888888888777095598215;0.027777777777777776235801354687;0.018888888888888889089345823891;0.007777777777777777554191196430;0.011388888888888889366901580047;0.015833333333333334674852821422;0.010555555555555555871660722289;0.004722222222222222272336455973;0.007222222222222221890697291258;0.006388888888888889262818171488;0.001944444444444444388547799107;0.012222222222222222862142437805;0.012222222222222222862142437805;0.021944444444444443503838826359;0.013888888888888888117900677344;0.012500000000000000693889390391;0.001944444444444444388547799107;0.006111111111111111431071218902;0.000555555555555555555073687923;0.012222222222222222862142437805;0.000833333333333333386820640509;0.005277777777777777935830361145;0.006666666666666667094565124074;0.022499999999999999167332731531;0.004166666666666666608842550801;0.003333333333333333547282562037;0.000000000000000000000000000000;0.005833333333333333599324266316;0.005833333333333333599324266316;0.002777777777777777883788656865;0.000000000000000000000000000000;0.006388888888888889262818171488;0.012500000000000000693889390391;0.003888888888888888777095598215;0.023888888888888890060790970438;0.020833333333333332176851016015;0.012500000000000000693889390391;0.009722222222222222376419864531
-0.016666666666666666435370203203;0.015185185185185185244294281404;0.048518518518518516380311211833;0.309259259259259233765249064163;0.010370370370370370072254928573;0.005925925925925925631665425186;0.001111111111111111110147375847;0.020370370370370372015145221667;0.015555555555555555108382392859;0.020000000000000000416333634234;0.011481481481481481399242738917;0.002962962962962962815832712593;0.005185185185185185036127464286;0.036666666666666666851703837438;0.015925925925925926707193980292;0.007407407407407407690103084974;0.013333333333333334189130248149;0.022222222222222223070309254922;0.013333333333333334189130248149;0.005925925925925925631665425186;0.011481481481481481399242738917;0.014074074074074073917306471060;0.003703703703703703845051542487;0.027037037037037036507625131776;0.021851851851851851471497667490;0.029999999999999998889776975375;0.024444444444444445724284875610;0.015185185185185185244294281404;0.001481481481481481407916356297;0.008148148148148147418279307885;0.002222222222222222220294751693;0.012592592592592592726230549260;0.001851851851851851922525771243;0.008888888888888888881179006773;0.013703703703703704053218359604;0.038888888888888889505679458125;0.012222222222222222862142437805;0.002962962962962962815832712593;0.004074074074074073709139653943;0.010370370370370370072254928573;0.007407407407407407690103084974;0.007407407407407407690103084974;0.000000000000000000000000000000;0.013333333333333334189130248149;0.012962962962962962590318660716;0.008888888888888888881179006773;0.035925925925925923654080662573;0.020000000000000000416333634234;0.020740740740740740144509857146;0.010740740740740739936343040029
-0.023850574712643679564649801250;0.006896551724137930938773877187;0.061206896551724135346894684062;0.223563218390804591129139566874;0.004310344827586206836733673242;0.007758620689655172306120611836;0.002011494252873563190475714180;0.020402298850574714095262862656;0.005459770114942528659862652773;0.031896551724137932326552657969;0.014080459770114942333329999258;0.001436781609195402278911224414;0.005172413793103448204080407891;0.052873563218390803863933058437;0.012643678160919540054418774844;0.014080459770114942333329999258;0.016666666666666666435370203203;0.022126436781609196829956331953;0.006034482758620689571427142539;0.009195402298850574585031836250;0.011206896551724137775507550430;0.007183908045977011394556122070;0.009482758620689655040814081133;0.044252873563218393659912663907;0.022988505747126436462579590625;0.041666666666666664353702032031;0.034770114942528733414928154843;0.002298850574712643646257959062;0.001436781609195402278911224414;0.004597701149425287292515918125;0.001149425287356321823128979531;0.017241379310344827346934692969;0.005459770114942528659862652773;0.009482758620689655040814081133;0.005172413793103448204080407891;0.043390804597701150557842453281;0.016379310344827587714311434297;0.004597701149425287292515918125;0.000287356321839080455782244883;0.009482758620689655040814081133;0.006896551724137930938773877187;0.001724137931034482734693469297;0.000000000000000000000000000000;0.020114942528735631904757141797;0.009195402298850574585031836250;0.012643678160919540054418774844;0.046839080459770116027229391875;0.028160919540229884666659998516;0.025000000000000001387778780781;0.015229885057471264156458978789
-0.016358024691358025171084022986;0.003703703703703703845051542487;0.041049382716049381825129671597;0.296604938271604945398962627223;0.005246913580246913635929395525;0.004320987654320987240985640909;0.000925925925925925961262885622;0.023765432098765432861187107960;0.001543209876543209790877853038;0.036111111111111107718762980312;0.014814814814814815380206169948;0.001543209876543209790877853038;0.007098765432098765558455166769;0.054012345679012342680724856336;0.011419753086419752799440807678;0.014506172839506172381196513754;0.006790123456790123426807248563;0.008950617283950617480980938012;0.011111111111111111535154627461;0.006172839506172839163511412153;0.015740740740740739173064710599;0.002160493827160493620492820455;0.001851851851851851922525771243;0.044444444444444446140618509844;0.018827160493827162224267368629;0.047530864197530865722374215920;0.025925925925925925180637321432;0.003395061728395061713403624282;0.000617283950617283938035184665;0.004629629629629629372633559115;0.000617283950617283938035184665;0.014814814814814815380206169948;0.005555555555555555767577313730;0.010802469135802468536144971267;0.010185185185185186007572610833;0.032716049382716050342168045972;0.010802469135802468536144971267;0.004629629629629629372633559115;0.000000000000000000000000000000;0.004320987654320987240985640909;0.006172839506172839163511412153;0.000308641975308641969017592332;0.000000000000000000000000000000;0.018827160493827162224267368629;0.006481481481481481295159330358;0.010185185185185186007572610833;0.055246913580246914676763481111;0.037654320987654324448534737257;0.019753086419753086017125909279;0.019753086419753086017125909279
-0.023255813953488371770284004469;0.007364341085271317727256601415;0.029457364341085270909026405661;0.291472868217054259520892856017;0.004651162790697674354056800894;0.002713178294573643373199800521;0.005426356589147286746399601043;0.014728682170542635454513202831;0.000000000000000000000000000000;0.048449612403100777990871961265;0.011240310077519379688970602160;0.000000000000000000000000000000;0.004263565891472868157885400819;0.048449612403100777990871961265;0.015503875968992247846856002980;0.013565891472868216865999002607;0.003100775193798449569371200596;0.005813953488372092942571001117;0.008914728682170542511942201713;0.004263565891472868157885400819;0.011627906976744185885142002235;0.001162790697674418588514200223;0.000775193798449612392342800149;0.060077519379844963876013963500;0.013565891472868216865999002607;0.050775193798449615167900361712;0.023643410852713177966455404544;0.002325581395348837177028400447;0.000387596899224806196171400074;0.001162790697674418588514200223;0.000387596899224806196171400074;0.018217054263565891220055803501;0.005038759689922480550228200968;0.011627906976744185885142002235;0.011627906976744185885142002235;0.043023255813953491244472360222;0.009689922480620154904285001862;0.007751937984496123923428001490;0.000000000000000000000000000000;0.003875968992248061961714000745;0.006589147286821705334913801266;0.000000000000000000000000000000;0.000000000000000000000000000000;0.021705426356589146985598404171;0.006976744186046511531085201341;0.020930232558139534593255604022;0.051162790697674417894624809833;0.034108527131782945263083206555;0.017441860465116278827713003352;0.021705426356589146985598404171
-0.013888888888888888117900677344;0.013333333333333334189130248149;0.026111111111111112714766591125;0.471111111111111091620529123247;0.005000000000000000104083408559;0.001388888888888888941894328433;0.005555555555555555767577313730;0.022777777777777778733803160094;0.000833333333333333386820640509;0.024444444444444445724284875610;0.009444444444444444544672911945;0.000555555555555555555073687923;0.001666666666666666773641281019;0.034166666666666664631257788187;0.021666666666666667406815349750;0.005555555555555555767577313730;0.005833333333333333599324266316;0.010833333333333333703407674875;0.007222222222222221890697291258;0.004166666666666666608842550801;0.011666666666666667198648532633;0.001944444444444444388547799107;0.002777777777777777883788656865;0.034722222222222223764198645313;0.009444444444444444544672911945;0.027500000000000000138777878078;0.021666666666666667406815349750;0.008055555555555555385938149016;0.001666666666666666773641281019;0.003055555555555555715535609451;0.000833333333333333386820640509;0.011666666666666667198648532633;0.001388888888888888941894328433;0.008055555555555555385938149016;0.009444444444444444544672911945;0.028333333333333331899295259859;0.006388888888888889262818171488;0.005000000000000000104083408559;0.000000000000000000000000000000;0.003888888888888888777095598215;0.005000000000000000104083408559;0.002500000000000000052041704279;0.000000000000000000000000000000;0.013888888888888888117900677344;0.013611111111111110286153724758;0.007499999999999999722444243844;0.035555555555555555524716027094;0.016111111111111110771876298031;0.013333333333333334189130248149;0.009444444444444444544672911945
-0.028333333333333331899295259859;0.006666666666666667094565124074;0.064000000000000001332267629550;0.027666666666666665796991964044;0.004000000000000000083266726847;0.005000000000000000104083408559;0.003666666666666666598434209945;0.025666666666666667490082076597;0.005666666666666667073748442363;0.048666666666666663632057066025;0.014000000000000000291433543964;0.001666666666666666773641281019;0.008000000000000000166533453694;0.061999999999999999555910790150;0.012999999999999999403255124264;0.014666666666666666393736839780;0.025000000000000001387778780781;0.018333333333333333425851918719;0.010333333333333333259318465025;0.010999999999999999361621760841;0.013333333333333334189130248149;0.008000000000000000166533453694;0.008999999999999999319988397417;0.075999999999999998112620858137;0.026999999999999999694688668228;0.050000000000000002775557561563;0.028000000000000000582867087928;0.010999999999999999361621760841;0.004000000000000000083266726847;0.001333333333333333288808764117;0.002666666666666666577617528233;0.028666666666666666685170383744;0.003333333333333333547282562037;0.009666666666666667157015169209;0.014666666666666666393736839780;0.065000000000000002220446049250;0.011333333333333334147496884725;0.009666666666666667157015169209;0.000000000000000000000000000000;0.014000000000000000291433543964;0.006000000000000000124900090270;0.005666666666666667073748442363;0.000000000000000000000000000000;0.029999999999999998889776975375;0.008333333333333333217685101602;0.017333333333333332537673499019;0.067666666666666666629659232512;0.040666666666666663465523612331;0.024000000000000000499600361081;0.016333333333333331649495079319
-0.025555555555555557051272685953;0.011111111111111111535154627461;0.084074074074074078843921142834;0.000000000000000000000000000000;0.000740740740740740703958178148;0.011111111111111111535154627461;0.000740740740740740703958178148;0.032592592592592589673117231541;0.006296296296296296363115274630;0.046296296296296293726335591145;0.015925925925925926707193980292;0.001851851851851851922525771243;0.007407407407407407690103084974;0.058888888888888886452566140406;0.007777777777777777554191196430;0.008888888888888888881179006773;0.019259259259259260688157411323;0.038888888888888889505679458125;0.012962962962962962590318660716;0.012592592592592592726230549260;0.014814814814814815380206169948;0.008518518518518519017090895318;0.019629629629629628817522046802;0.058148148148148150193836869448;0.020000000000000000416333634234;0.043703703703703702942995334979;0.036296296296296298722339201959;0.003703703703703703845051542487;0.000370370370370370351979089074;0.003333333333333333547282562037;0.001481481481481481407916356297;0.029999999999999998889776975375;0.009259259259259258745267118229;0.006296296296296296363115274630;0.017407407407407406163546426114;0.074814814814814820098654024605;0.022962962962962962798485477833;0.004444444444444444440589503387;0.000370370370370370351979089074;0.012592592592592592726230549260;0.004074074074074073709139653943;0.004074074074074073709139653943;0.000000000000000000000000000000;0.028888888888888887562789165031;0.004074074074074073709139653943;0.009629629629629630344078705662;0.065925925925925929482751541855;0.031481481481481478346129421197;0.042962962962962959745372160114;0.017777777777777777762358013547
-0.026999999999999999694688668228;0.014000000000000000291433543964;0.045333333333333336589987538900;0.121999999999999997335464740900;0.005333333333333333155235056466;0.025666666666666667490082076597;0.003333333333333333547282562037;0.028333333333333331899295259859;0.011333333333333334147496884725;0.023333333333333334397297065266;0.017000000000000001221245327088;0.005000000000000000104083408559;0.021333333333333332620940225866;0.038666666666666668628060676838;0.016000000000000000333066907388;0.010333333333333333259318465025;0.015666666666666665547191783503;0.046333333333333330539272054693;0.020333333333333331732761806165;0.008999999999999999319988397417;0.021333333333333332620940225866;0.014000000000000000291433543964;0.021000000000000001304512053935;0.023666666666666665713725237197;0.027333333333333334480563792113;0.029333333333333332787473679559;0.042000000000000002609024107869;0.007333333333333333196868419890;0.001333333333333333288808764117;0.017000000000000001221245327088;0.004666666666666667052931760651;0.010000000000000000208166817117;0.016333333333333331649495079319;0.008333333333333333217685101602;0.021000000000000001304512053935;0.035666666666666665963525417737;0.021333333333333332620940225866;0.005000000000000000104083408559;0.003333333333333333547282562037;0.021999999999999998723243521681;0.006333333333333333176051738178;0.008666666666666666268836749509;0.000000000000000000000000000000;0.007666666666666666248020067798;0.007666666666666666248020067798;0.013666666666666667240281896056;0.021333333333333332620940225866;0.018999999999999999528155214534;0.046333333333333330539272054693;0.012000000000000000249800180541
-0.037068965517241377061186113906;0.007183908045977011394556122070;0.032471264367816089768670195781;0.324425287356321812026749284996;0.022126436781609196829956331953;0.011781609195402298687072040195;0.002873563218390804557822448828;0.016954022988505748625875924063;0.004885057471264367748298163008;0.020402298850574714095262862656;0.011494252873563218231289795312;0.009195402298850574585031836250;0.008333333333333333217685101602;0.040229885057471263809514283594;0.011781609195402298687072040195;0.018103448275862070449004903594;0.008045977011494252761902856719;0.012356321839080459598636529961;0.012931034482758620510201019727;0.009770114942528735496596326016;0.012931034482758620510201019727;0.003160919540229885013604693711;0.005172413793103448204080407891;0.026436781609195401931966529219;0.031609195402298853605493889063;0.032758620689655175428622868594;0.016954022988505748625875924063;0.004022988505747126380951428359;0.000574712643678160911564489766;0.020977011494252875006827352422;0.005172413793103448204080407891;0.010919540229885057319725305547;0.003160919540229885013604693711;0.006034482758620689571427142539;0.014080459770114942333329999258;0.028448275862068966857165719375;0.010057471264367815952378570898;0.005747126436781609115644897656;0.000000000000000000000000000000;0.005459770114942528659862652773;0.004310344827586206836733673242;0.000287356321839080455782244883;0.000000000000000000000000000000;0.013218390804597700965983264609;0.013793103448275861877547754375;0.007183908045977011394556122070;0.037068965517241377061186113906;0.031896551724137932326552657969;0.014080459770114942333329999258;0.012068965517241379142854285078
-0.045689655172413794204100412344;0.001149425287356321823128979531;0.081034482758620685061146104999;0.000000000000000000000000000000;0.000287356321839080455782244883;0.014080459770114942333329999258;0.000000000000000000000000000000;0.012643678160919540054418774844;0.015229885057471264156458978789;0.045114942528735629823088970625;0.016954022988505748625875924063;0.014080459770114942333329999258;0.014080459770114942333329999258;0.076149425287356325986465321876;0.002011494252873563190475714180;0.025862068965517241020402039453;0.023850574712643679564649801250;0.017528735632183909537440413828;0.005172413793103448204080407891;0.014655172413793103244894489023;0.012068965517241379142854285078;0.019827586206896553183698372891;0.004885057471264367748298163008;0.050862068965517238938733868281;0.043965517241379307999959991093;0.053448275862068968244944500157;0.021264367816091953727886121328;0.000000000000000000000000000000;0.000000000000000000000000000000;0.002873563218390804557822448828;0.006321839080459770027209387422;0.018678160919540231360569393360;0.003160919540229885013604693711;0.007758620689655172306120611836;0.022413793103448275551015100859;0.050000000000000002775557561563;0.012356321839080459598636529961;0.008333333333333333217685101602;0.000574712643678160911564489766;0.016666666666666666435370203203;0.004022988505747126380951428359;0.003735632183908045925169183477;0.000000000000000000000000000000;0.025574712643678162299343270547;0.000287356321839080455782244883;0.013218390804597700965983264609;0.064367816091954022095222853750;0.057183908045977012435390207656;0.027586206896551723755095508750;0.022988505747126436462579590625
-0.007909604519774010925048379761;0.006497175141242937483621044947;0.049717514124293787913799747002;0.440960451977401135525980180319;0.001694915254237288086344714877;0.003389830508474576172689429754;0.001129943502824858796509954750;0.012429378531073446978449936751;0.006214689265536723489224968375;0.031073446327683617446124841877;0.005084745762711864042193710134;0.003389830508474576172689429754;0.003954802259887005462524189880;0.044915254237288135263916899476;0.008474576271186440648564008882;0.009887005649717514957353081684;0.012994350282485874967242089895;0.013276836158192089828999904455;0.004237288135593220324282004441;0.008757062146892655510321823442;0.007062146892655367207136674068;0.010169491525423728084387420267;0.003954802259887005462524189880;0.038983050847457630105896697614;0.010169491525423728084387420267;0.028813559322033898552062325393;0.014689265536723164137788977257;0.004237288135593220324282004441;0.000282485875706214699127488688;0.001977401129943502731262094940;0.000564971751412429398254977375;0.012146892655367232116692122190;0.001129943502824858796509954750;0.005084745762711864042193710134;0.007627118644067796930652303189;0.037570621468926555797107624812;0.009604519774011300095595267123;0.001977401129943502731262094940;0.000564971751412429398254977375;0.007909604519774010925048379761;0.002824858757062146882854669627;0.002824858757062146882854669627;0.000000000000000000000000000000;0.013559322033898304690757719015;0.004802259887005650047797633562;0.004237288135593220324282004441;0.043220338983050846093370012113;0.026553672316384179657999808910;0.008192090395480225786806194321;0.013276836158192089828999904455
-0.008035714285714284921269268125;0.007738095238095238359576910625;0.033333333333333332870740406406;0.595535714285714279370154144999;0.006250000000000000346944695195;0.001190476190476190583578119941;0.001785714285714285658526745415;0.011309523809523809242949532461;0.003869047619047619179788455313;0.012202380952380952397473556914;0.004761904761904762334312479766;0.001785714285714285658526745415;0.001785714285714285658526745415;0.025000000000000001387778780781;0.016666666666666666435370203203;0.013690476190476190410105772344;0.006547619047619047775998790684;0.009821428571428571230317317031;0.009821428571428571230317317031;0.001488095238095238012632215430;0.003571428571428571317053490830;0.007738095238095238359576910625;0.002380952380952381167156239883;0.009821428571428571230317317031;0.011607142857142857539365365938;0.023511904761904761640423089375;0.015178571428571428422737987773;0.013988095238095238706521605820;0.000595238095238095291789059971;0.005059523809523809763366575254;0.002976190476190476025264430859;0.006250000000000000346944695195;0.001488095238095238012632215430;0.005654761904761904621474766230;0.004464285714285714037896646289;0.014285714285714285268213963320;0.003273809523809523887999395342;0.002678571428571428596210335371;0.000297619047619047645894529985;0.008333333333333333217685101602;0.007440476190476190063161077148;0.002083333333333333304421275400;0.000000000000000000000000000000;0.005654761904761904621474766230;0.010416666666666666088425508008;0.004166666666666666608842550801;0.023511904761904761640423089375;0.012797619047619047255581747891;0.003869047619047619179788455313;0.014285714285714285268213963320
-0.014052287581699346788455251556;0.024183006535947713239176337652;0.033660130718954246742402602877;0.211111111111111110494320541875;0.014705882352941176266503120473;0.015686274509803921350936661838;0.005882352941176470506601248189;0.022222222222222223070309254922;0.011437908496732025406816823931;0.016013071895424835222598858309;0.016339869281045752563708006733;0.009150326797385621366287544731;0.016666666666666666435370203203;0.024836601307189540982500730593;0.022549019607843136941971451392;0.014379084967320260660117448026;0.017647058823529411519803744568;0.038888888888888889505679458125;0.020915032679738560644766565133;0.003921568627450980337734165460;0.020261437908496732901442172192;0.008169934640522876281854003366;0.031372549019607842701873323676;0.016993464052287580307032399674;0.024836601307189540982500730593;0.026470588235294117279705616852;0.022549019607843136941971451392;0.012091503267973856619588168826;0.000326797385620915010074477580;0.019607843137254901688670827298;0.004901960784313725422167706824;0.012418300653594770491250365296;0.025163398692810458323609879017;0.007843137254901960675468330919;0.017647058823529411519803744568;0.026143790849673203408043420382;0.012091503267973856619588168826;0.007516339869281045936444396460;0.001960784313725490168867082730;0.017647058823529411519803744568;0.008823529411764705759901872284;0.011437908496732025406816823931;0.000000000000000000000000000000;0.011764705882352941013202496379;0.011111111111111111535154627461;0.011111111111111111535154627461;0.017647058823529411519803744568;0.014052287581699346788455251556;0.028104575163398693576910503111;0.015686274509803921350936661838
-0.036011904761904758864865527812;0.025595238095238094511163495781;0.032738095238095239747355691406;0.006250000000000000346944695195;0.019345238095238095898942276563;0.028571428571428570536427926640;0.003571428571428571317053490830;0.026190476190476191103995162734;0.011011904761904762681257174961;0.017559523809523809589894227656;0.022619047619047618485899064922;0.014583333333333333564629796797;0.029166666666666667129259593594;0.026785714285714284227379877734;0.016666666666666666435370203203;0.026190476190476191103995162734;0.015178571428571428422737987773;0.041666666666666664353702032031;0.026190476190476191103995162734;0.007738095238095238359576910625;0.018749999999999999306110609609;0.008928571428571428075793292578;0.036607142857142858927144146719;0.020535714285714285615158658516;0.032738095238095239747355691406;0.028869047619047620567567236094;0.028273809523809523974735569141;0.011607142857142857539365365938;0.000297619047619047645894529985;0.030357142857142856845475975547;0.012500000000000000693889390391;0.008928571428571428075793292578;0.024702380952380951356639471328;0.011904761904761904101057723437;0.037797619047619045173913576718;0.028273809523809523974735569141;0.012500000000000000693889390391;0.010714285714285714384841341484;0.000595238095238095291789059971;0.032142857142857139685077072500;0.010714285714285714384841341484;0.011011904761904762681257174961;0.000000000000000000000000000000;0.015476190476190476719153821250;0.015476190476190476719153821250;0.021428571428571428769682682969;0.024107142857142858233254756328;0.019642857142857142460634634062;0.036309523809523812365451789219;0.015178571428571428422737987773
-0.025510204081632653627664808482;0.034013605442176873816517712612;0.031972789115646257918079697902;0.102380952380952378044653983125;0.027210884353741495583767218136;0.021428571428571428769682682969;0.004421768707482993596147302640;0.036394557823129253248950476518;0.004081632653061224857982125513;0.019047619047619049337249919063;0.019727891156462583344133321361;0.006462585034013605157776627408;0.015646258503401361955598147802;0.028571428571428570536427926640;0.040136054421768707634043948929;0.024829931972789116151334454230;0.008843537414965987192294605279;0.025170068027210883154776155379;0.023129251700680270725785092623;0.007823129251700680977799073901;0.019047619047619049337249919063;0.007823129251700680977799073901;0.010544217687074829148397014933;0.023469387755102041198673745726;0.030612244897959182965418989397;0.028911564625850341009316579743;0.031292517006802723911196295603;0.044897959183673466498909476741;0.000680272108843537367910137004;0.013945578231292516530048786194;0.005782312925170067681446273156;0.010884353741496597886562192059;0.012925170068027210315553254816;0.008503401360544218454129428153;0.027210884353741495583767218136;0.020068027210884353817021974464;0.010204081632653060410231837807;0.008503401360544218454129428153;0.000000000000000000000000000000;0.018707482993197278864361265960;0.010544217687074829148397014933;0.003401360544217686947970902267;0.000000000000000000000000000000;0.009863945578231291672066660681;0.028571428571428570536427926640;0.013265306122448979053718431942;0.031632653061224487445191044799;0.021428571428571428769682682969;0.024489795918367345678445801127;0.015986394557823128959039848951
-0.025141242937853108818657688062;0.016384180790960451573612388643;0.062146892655367234892249683753;0.108757062146892652387819566684;0.020056497175141241307017025974;0.003954802259887005462524189880;0.003954802259887005462524189880;0.021186440677966100754048284216;0.003389830508474576172689429754;0.039830508474576267752276237388;0.012146892655367232116692122190;0.000847457627118644043172357438;0.007344632768361582068894488629;0.062146892655367234892249683753;0.024293785310734464233384244380;0.015819209039548021850096759522;0.012711864406779661840207751311;0.018644067796610170467674905126;0.009322033898305085233837452563;0.010734463276836157807903049388;0.012146892655367232116692122190;0.005084745762711864042193710134;0.007627118644067796930652303189;0.047457627118644069019737230519;0.022033898305084745339321727897;0.050000000000000002775557561563;0.023163841807909604786352986139;0.027683615819209039105031067152;0.000282485875706214699127488688;0.006214689265536723489224968375;0.001412429378531073441427334814;0.020338983050847456168774840535;0.003107344632768361744612484188;0.007344632768361582068894488629;0.018361581920903955605917090566;0.042372881355932201508096568432;0.016101694915254236711854574082;0.006779661016949152345378859508;0.000000000000000000000000000000;0.010734463276836157807903049388;0.007627118644067796930652303189;0.000847457627118644043172357438;0.000000000000000000000000000000;0.018644067796610170467674905126;0.016949152542372881297128017763;0.011864406779661017254934307630;0.058192090395480226827640279907;0.037005649717514126073591995691;0.022033898305084745339321727897;0.019774011299435029914706163368
-0.023412698412698412786525636875;0.003174603174603174600421073848;0.111904761904761909652172846563;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006349206349206349200842147695;0.000000000000000000000000000000;0.015079365079365079568840535273;0.010714285714285714384841341484;0.040873015873015873522522412031;0.009523809523809524668624959531;0.001587301587301587300210536924;0.008333333333333333217685101602;0.077777777777777779011358916250;0.002777777777777777883788656865;0.016666666666666666435370203203;0.026190476190476191103995162734;0.037301587301587300904426314219;0.003571428571428571317053490830;0.026984126984126985404621734688;0.005158730158730158617264027754;0.017857142857142856151586585156;0.011111111111111111535154627461;0.046031746031746034741871653750;0.021031746031746033354092872969;0.050396825396825398191147371563;0.027777777777777776235801354687;0.000000000000000000000000000000;0.000396825396825396825052634231;0.001984126984126984016842953906;0.000793650793650793650105268462;0.027380952380952380820211544687;0.002380952380952381167156239883;0.008333333333333333217685101602;0.028571428571428570536427926640;0.076587301587301592764589486251;0.016269841269841271019780393203;0.004761904761904762334312479766;0.000000000000000000000000000000;0.017857142857142856151586585156;0.001984126984126984016842953906;0.007142857142857142634106981660;0.000000000000000000000000000000;0.016666666666666666435370203203;0.000396825396825396825052634231;0.007936507936507936067371815625;0.076587301587301592764589486251;0.039285714285714284921269268125;0.039285714285714284921269268125;0.023809523809523808202115446875
-0.033615819209039547732498220967;0.005932203389830508627467153815;0.065536723163841806294449554571;0.000282485875706214699127488688;0.000282485875706214699127488688;0.016101694915254236711854574082;0.002824858757062146882854669627;0.014124293785310734414273348136;0.012146892655367232116692122190;0.033333333333333332870740406406;0.017231638418079096158885832324;0.006497175141242937483621044947;0.020338983050847456168774840535;0.066101694915254236017965183692;0.008474576271186440648564008882;0.021186440677966100754048284216;0.025423728813559323680415502622;0.026553672316384179657999808910;0.008757062146892655510321823442;0.012711864406779661840207751311;0.012994350282485874967242089895;0.018644067796610170467674905126;0.012146892655367232116692122190;0.047175141242937854157979415959;0.034745762711864407179529479208;0.042090395480225986646338753872;0.034180790960451977456013850087;0.004802259887005650047797633562;0.001129943502824858796509954750;0.005367231638418078903951524694;0.008474576271186440648564008882;0.019774011299435029914706163368;0.008757062146892655510321823442;0.016666666666666666435370203203;0.030508474576271187722609212756;0.047740112994350283881495045080;0.012429378531073446978449936751;0.007909604519774010925048379761;0.001412429378531073441427334814;0.027401129943502824243273252591;0.002824858757062146882854669627;0.007062146892655367207136674068;0.000000000000000000000000000000;0.023728813559322034509868615260;0.003107344632768361744612484188;0.016666666666666666435370203203;0.051977401129943499868968359579;0.045762711864406779849190343157;0.035875706214689266626560737450;0.021186440677966100754048284216
-0.021751412429378530477563913337;0.046610169491525424434463786838;0.040960451977401127199307495630;0.017514124293785311020643646884;0.011581920903954802393176493069;0.010169491525423728084387420267;0.004237288135593220324282004441;0.028813559322033898552062325393;0.017514124293785311020643646884;0.022598870056497175062837357018;0.016666666666666666435370203203;0.003389830508474576172689429754;0.016101694915254236711854574082;0.032768361581920903147224777285;0.025141242937853108818657688062;0.015536723163841808723062420938;0.025141242937853108818657688062;0.057062146892655367380609021666;0.013841807909604519552515533576;0.011016949152542372669660863949;0.015819209039548021850096759522;0.012994350282485874967242089895;0.022881355932203389924595171578;0.025706214689265535072726365229;0.021468926553672315615806098776;0.038700564971751415244138883054;0.028813559322033898552062325393;0.059039548022598871412913723589;0.000847457627118644043172357438;0.007062146892655367207136674068;0.003672316384180791034447244314;0.017514124293785311020643646884;0.011581920903954802393176493069;0.013559322033898304690757719015;0.030790960451977402584367027316;0.040677966101694912337549681070;0.014124293785310734414273348136;0.007344632768361582068894488629;0.001129943502824858796509954750;0.029661016949152543137335769075;0.014406779661016949276031162697;0.012146892655367232116692122190;0.000000000000000000000000000000;0.016384180790960451573612388643;0.009887005649717514957353081684;0.012994350282485874967242089895;0.027966101694915253966788881712;0.018079096045197740744159276005;0.030508474576271187722609212756;0.015819209039548021850096759522
-0.006000000000000000124900090270;0.053999999999999999389377336456;0.011333333333333334147496884725;0.325333333333333307724188898646;0.021333333333333332620940225866;0.004000000000000000083266726847;0.003333333333333333547282562037;0.049333333333333333203807313794;0.000666666666666666644404382058;0.010000000000000000208166817117;0.005333333333333333155235056466;0.002000000000000000041633363423;0.004000000000000000083266726847;0.014666666666666666393736839780;0.044666666666666667018237291131;0.002666666666666666577617528233;0.005333333333333333155235056466;0.028000000000000000582867087928;0.028000000000000000582867087928;0.004666666666666667052931760651;0.012666666666666666352103476356;0.002000000000000000041633363423;0.004000000000000000083266726847;0.016000000000000000333066907388;0.009333333333333334105863521302;0.012666666666666666352103476356;0.025333333333333332704206952712;0.101333333333333330816827810850;0.001333333333333333288808764117;0.019333333333333334314030338419;0.000000000000000000000000000000;0.005333333333333333155235056466;0.008000000000000000166533453694;0.010000000000000000208166817117;0.007333333333333333196868419890;0.013333333333333334189130248149;0.003333333333333333547282562037;0.002000000000000000041633363423;0.000000000000000000000000000000;0.004666666666666667052931760651;0.014666666666666666393736839780;0.004000000000000000083266726847;0.000000000000000000000000000000;0.010666666666666666310470112933;0.020000000000000000416333634234;0.008666666666666666268836749509;0.023333333333333334397297065266;0.017999999999999998639976794834;0.012666666666666666352103476356;0.005333333333333333155235056466
-0.006597222222222222202947516934;0.011458333333333332523795711211;0.067013888888888886730121896562;0.393055555555555546920487586249;0.010763888888888888811790067734;0.005902777777777777623580135469;0.003472222222222222029475169336;0.012500000000000000693889390391;0.011458333333333332523795711211;0.010763888888888888811790067734;0.005555555555555555767577313730;0.001041666666666666652210637700;0.013194444444444444405895033867;0.035069444444444444752839729063;0.018055555555555553859381490156;0.007638888888888888638317720137;0.015625000000000000000000000000;0.020138888888888890199568848516;0.006250000000000000346944695195;0.011805555555555555247160270937;0.005902777777777777623580135469;0.015277777777777777276635440273;0.008333333333333333217685101602;0.022222222222222223070309254922;0.006944444444444444058950338672;0.017013888888888887424011286953;0.017013888888888887424011286953;0.007638888888888888638317720137;0.001736111111111111014737584668;0.012847222222222221682530474141;0.005555555555555555767577313730;0.012152777777777777970524830664;0.003819444444444444319158860068;0.010416666666666666088425508008;0.010416666666666666088425508008;0.021874999999999998612221219219;0.005208333333333333044212754004;0.002083333333333333304421275400;0.003472222222222222029475169336;0.021180555555555556634939051719;0.004513888888888888464845372539;0.005208333333333333044212754004;0.000000000000000000000000000000;0.007291666666666666782314898398;0.007986111111111110494320541875;0.005555555555555555767577313730;0.037152777777777777623580135469;0.017708333333333332870740406406;0.019444444444444444752839729063;0.016666666666666666435370203203
-0.022875816993464050813633647863;0.014705882352941176266503120473;0.082679738562091500964079671121;0.070588235294117646079214978272;0.001960784313725490168867082730;0.005882352941176470506601248189;0.003921568627450980337734165460;0.022549019607843136941971451392;0.017973856209150325391465941038;0.034640522875816995296283096195;0.008169934640522876281854003366;0.002614379084967320080595820642;0.006862745098039215591034789554;0.055228758169934638599940512904;0.019281045751633987817008630827;0.012745098039215686097636037744;0.024836601307189540982500730593;0.028104575163398693576910503111;0.009803921568627450844335413649;0.011437908496732025406816823931;0.012091503267973856619588168826;0.016666666666666666435370203203;0.010130718954248366450721086096;0.049346405228758168093339264715;0.017320261437908497648141548098;0.036601307189542485465150178925;0.040196078431372551931222147914;0.004248366013071895076758099918;0.002614379084967320080595820642;0.003921568627450980337734165460;0.002941176470588235253300624095;0.032679738562091505127416013465;0.003921568627450980337734165460;0.014052287581699346788455251556;0.016666666666666666435370203203;0.057189542483660128768807595634;0.012418300653594770491250365296;0.007843137254901960675468330919;0.001960784313725490168867082730;0.013398692810457515575683906661;0.007843137254901960675468330919;0.007189542483660130330058724013;0.000000000000000000000000000000;0.027450980392156862364139158217;0.003921568627450980337734165460;0.013071895424836601704021710191;0.052287581699346406816086840763;0.034640522875816995296283096195;0.023529411764705882026404992757;0.016993464052287580307032399674
-0.017222222222222222098864108375;0.021388888888888887840344921187;0.057500000000000002498001805407;0.085555555555555551361379684749;0.023055555555555554830826636703;0.018611111111111109522875395328;0.005277777777777777935830361145;0.023888888888888890060790970438;0.011666666666666667198648532633;0.031944444444444441977282167500;0.014444444444444443781394582516;0.003888888888888888777095598215;0.012777777777777778525636342977;0.038611111111111109939209029562;0.025000000000000001387778780781;0.015833333333333334674852821422;0.023055555555555554830826636703;0.030555555555555554553270880547;0.017500000000000001665334536938;0.007499999999999999722444243844;0.013055555555555556357383295563;0.015833333333333334674852821422;0.009444444444444444544672911945;0.046944444444444441422170655187;0.014999999999999999444888487687;0.033888888888888892003681263532;0.033888888888888892003681263532;0.020277777777777776513357110844;0.001111111111111111110147375847;0.015277777777777777276635440273;0.003055555555555555715535609451;0.027222222222222220572307449515;0.011111111111111111535154627461;0.009722222222222222376419864531;0.017777777777777777762358013547;0.043333333333333334813630699500;0.013333333333333334189130248149;0.007222222222222221890697291258;0.001111111111111111110147375847;0.011944444444444445030395485219;0.010833333333333333703407674875;0.006944444444444444058950338672;0.000000000000000000000000000000;0.018888888888888889089345823891;0.017222222222222222098864108375;0.013333333333333334189130248149;0.043611111111111114380101128063;0.017222222222222222098864108375;0.020000000000000000416333634234;0.016111111111111110771876298031
-0.019540229885057470993192652031;0.009770114942528735496596326016;0.052298850574712646421815520625;0.254022988505747115972610572499;0.002298850574712643646257959062;0.012643678160919540054418774844;0.006609195402298850482991632305;0.016666666666666666435370203203;0.009770114942528735496596326016;0.031321839080459767945541216250;0.007471264367816091850338366953;0.003160919540229885013604693711;0.019540229885057470993192652031;0.035632183908045976516998365469;0.013218390804597700965983264609;0.009195402298850574585031836250;0.019827586206896553183698372891;0.021839080459770114639450611094;0.006609195402298850482991632305;0.005459770114942528659862652773;0.011781609195402298687072040195;0.009770114942528735496596326016;0.010632183908045976863943060664;0.047126436781609194748288160781;0.021264367816091953727886121328;0.028735632183908045578224488281;0.022126436781609196829956331953;0.005172413793103448204080407891;0.002011494252873563190475714180;0.009482758620689655040814081133;0.002011494252873563190475714180;0.028448275862068966857165719375;0.006896551724137930938773877187;0.009770114942528735496596326016;0.021551724137931035918391842188;0.034195402298850575972810617031;0.007183908045977011394556122070;0.004885057471264367748298163008;0.001724137931034482734693469297;0.017241379310344827346934692969;0.004885057471264367748298163008;0.004597701149425287292515918125;0.000000000000000000000000000000;0.022126436781609196829956331953;0.008333333333333333217685101602;0.014942528735632183700676733906;0.034195402298850575972810617031;0.022701149425287357741520821719;0.015804597701149426802746944531;0.013505747126436781421765509492
-0.017829457364341085023884403427;0.008914728682170542511942201713;0.044961240310077518755882408641;0.204263565891472875790668695117;0.016666666666666666435370203203;0.014341085271317829258341802756;0.006976744186046511531085201341;0.016279069767441860239198803129;0.015503875968992247846856002980;0.009689922480620154904285001862;0.013953488372093023062170402682;0.013565891472868216865999002607;0.016666666666666666435370203203;0.031782945736434108086054806108;0.011627906976744185885142002235;0.008914728682170542511942201713;0.022480620155038759377941204320;0.034108527131782945263083206555;0.012790697674418604473656202458;0.009302325581395348708113601788;0.012790697674418604473656202458;0.017829457364341085023884403427;0.026744186046511627535826605140;0.022868217054263565574112604395;0.026744186046511627535826605140;0.020930232558139534593255604022;0.033333333333333332870740406406;0.003488372093023255765542600670;0.001937984496124030980857000372;0.017829457364341085023884403427;0.014341085271317829258341802756;0.014341085271317829258341802756;0.006976744186046511531085201341;0.006589147286821705334913801266;0.028682170542635658516683605512;0.033333333333333332870740406406;0.009689922480620154904285001862;0.007751937984496123923428001490;0.005813953488372092942571001117;0.017829457364341085023884403427;0.006976744186046511531085201341;0.007364341085271317727256601415;0.000000000000000000000000000000;0.013953488372093023062170402682;0.008914728682170542511942201713;0.014728682170542635454513202831;0.025193798449612402751141004842;0.015503875968992247846856002980;0.034883720930232557655426006704;0.012015503875968992081313402309
-0.020261437908496732901442172192;0.010130718954248366450721086096;0.060130718954248367491555171682;0.003594771241830065165029362007;0.024836601307189540982500730593;0.015359477124183005744550989391;0.004575163398692810683143772366;0.021241830065359477985875713557;0.023202614379084968154742796287;0.024836601307189540982500730593;0.015032679738562091872888792921;0.007516339869281045936444396460;0.022222222222222223070309254922;0.042156862745098042100089230644;0.009477124183006535237949741202;0.014052287581699346788455251556;0.021241830065359477985875713557;0.037581699346405227080136768336;0.016339869281045752563708006733;0.012418300653594770491250365296;0.016339869281045752563708006733;0.022222222222222223070309254922;0.022875816993464050813633647863;0.022549019607843136941971451392;0.032679738562091505127416013465;0.033006535947712418999078209936;0.037581699346405227080136768336;0.029084967320261438661344044476;0.000980392156862745084433541365;0.011437908496732025406816823931;0.006862745098039215591034789554;0.010457516339869280322383282567;0.014705882352941176266503120473;0.012745098039215686097636037744;0.038235294117647061762355065184;0.038235294117647061762355065184;0.019281045751633987817008630827;0.010457516339869280322383282567;0.004901960784313725422167706824;0.032679738562091505127416013465;0.007516339869281045936444396460;0.022875816993464050813633647863;0.000000000000000000000000000000;0.013398692810457515575683906661;0.005555555555555555767577313730;0.016013071895424835222598858309;0.028758169934640521320234896052;0.018300653594771242732575089462;0.046078431372549022437823396103;0.017973856209150325391465941038
-0.043785310734463275816885641234;0.006497175141242937483621044947;0.055084745762711863348304319743;0.000000000000000000000000000000;0.000564971751412429398254977375;0.020903954802259885892290469656;0.004237288135593220324282004441;0.020903954802259885892290469656;0.009887005649717514957353081684;0.033898305084745762594256035527;0.019491525423728815052948348807;0.012711864406779661840207751311;0.023163841807909604786352986139;0.050564971751412432499073190684;0.006214689265536723489224968375;0.022598870056497175062837357018;0.020056497175141241307017025974;0.027683615819209039105031067152;0.011299435028248587531418678509;0.009887005649717514957353081684;0.016666666666666666435370203203;0.015536723163841808723062420938;0.021186440677966100754048284216;0.038700564971751415244138883054;0.034745762711864407179529479208;0.043220338983050846093370012113;0.032768361581920903147224777285;0.000000000000000000000000000000;0.002259887005649717593019909501;0.008474576271186440648564008882;0.007627118644067796930652303189;0.017231638418079096158885832324;0.010451977401129942946145234828;0.016666666666666666435370203203;0.041525423728813556922823124751;0.040395480225988697475791866509;0.013841807909604519552515533576;0.012146892655367232116692122190;0.000847457627118644043172357438;0.026553672316384179657999808910;0.005367231638418078903951524694;0.005084745762711864042193710134;0.000000000000000000000000000000;0.030790960451977402584367027316;0.003389830508474576172689429754;0.022033898305084745339321727897;0.035028248587570622041287293769;0.035593220338983051764802922889;0.041242937853107342061065310190;0.021186440677966100754048284216
-0.037407407407407410049327012302;0.000740740740740740703958178148;0.065555555555555561353386906376;0.000000000000000000000000000000;0.000000000000000000000000000000;0.008148148148148147418279307885;0.001851851851851851922525771243;0.018888888888888889089345823891;0.010740740740740739936343040029;0.042592592592592591616007524635;0.020740740740740740144509857146;0.004814814814814815172039352831;0.014814814814814815380206169948;0.077407407407407410881994280771;0.001851851851851851922525771243;0.018148148148148149361169600979;0.015555555555555555108382392859;0.023703703703703702526661700745;0.006296296296296296363115274630;0.013333333333333334189130248149;0.014814814814814815380206169948;0.010740740740740739936343040029;0.012962962962962962590318660716;0.051111111111111114102545371907;0.029629629629629630760412339896;0.062592592592592588562894206916;0.027407407407407408106436719208;0.000000000000000000000000000000;0.001111111111111111110147375847;0.001851851851851851922525771243;0.006666666666666667094565124074;0.017407407407407406163546426114;0.005555555555555555767577313730;0.010740740740740739936343040029;0.029999999999999998889776975375;0.065925925925925929482751541855;0.015185185185185185244294281404;0.013703703703703704053218359604;0.000740740740740740703958178148;0.022592592592592591199673890401;0.002962962962962962815832712593;0.000740740740740740703958178148;0.000000000000000000000000000000;0.024814814814814813853649511088;0.000000000000000000000000000000;0.015925925925925926707193980292;0.064814814814814811216869827604;0.042222222222222223486642889156;0.039259259259259257635044093604;0.025925925925925925180637321432
-0.018333333333333333425851918719;0.005416666666666666851703837438;0.074583333333333334813630699500;0.162083333333333329262515576374;0.000000000000000000000000000000;0.013750000000000000069388939039;0.001250000000000000026020852140;0.020416666666666666296592325125;0.016666666666666666435370203203;0.030416666666666668239482618219;0.014583333333333333564629796797;0.002916666666666666799662133158;0.010000000000000000208166817117;0.057916666666666664908813544344;0.005833333333333333599324266316;0.007916666666666667337426410711;0.024166666666666666157814447047;0.035416666666666665741480812812;0.007916666666666667337426410711;0.014999999999999999444888487687;0.014166666666666665949647629930;0.006666666666666667094565124074;0.012083333333333333078907223523;0.040416666666666663243479007406;0.025833333333333333148296162562;0.038749999999999999722444243844;0.033750000000000002220446049250;0.000416666666666666693410320255;0.000000000000000000000000000000;0.002500000000000000052041704279;0.000000000000000000000000000000;0.013750000000000000069388939039;0.005000000000000000104083408559;0.007916666666666667337426410711;0.024166666666666666157814447047;0.053749999999999999167332731531;0.017916666666666667545593227828;0.003749999999999999861222121922;0.000000000000000000000000000000;0.017083333333333332315628894094;0.003749999999999999861222121922;0.003333333333333333547282562037;0.000000000000000000000000000000;0.014999999999999999444888487687;0.006250000000000000346944695195;0.014583333333333333564629796797;0.037083333333333336201409480282;0.027083333333333334258519187188;0.034583333333333333980963431031;0.015833333333333334674852821422
-0.009615384615384615918376454147;0.003846153846153846367350581659;0.027884615384615386163291717025;0.492628205128205154395004683465;0.000641025641025641025085024527;0.001923076923076923183675290829;0.003525641025641025692177743522;0.018589743589743589619045494032;0.000961538461538461591837645415;0.047435897435897433904727904519;0.002884615384615384775512936244;0.000641025641025641025085024527;0.000961538461538461591837645415;0.033012820512820513496610175252;0.012500000000000000693889390391;0.005769230769230769551025872488;0.005769230769230769551025872488;0.005128205128205128200680196215;0.005128205128205128200680196215;0.005448717948717948442172165358;0.009615384615384615918376454147;0.002884615384615384775512936244;0.000641025641025641025085024527;0.057051282051282049823104358666;0.005128205128205128200680196215;0.034294871794871797932025003774;0.011858974358974358476181976130;0.000961538461538461591837645415;0.001923076923076923183675290829;0.000320512820512820512542512263;0.000000000000000000000000000000;0.016025641025641024217662788942;0.000000000000000000000000000000;0.003205128205128205017004905386;0.001602564102564102508502452693;0.036538461538461540489830525757;0.004807692307692307959188227073;0.005448717948717948442172165358;0.000000000000000000000000000000;0.000961538461538461591837645415;0.006089743589743589792517841630;0.000000000000000000000000000000;0.000000000000000000000000000000;0.023397435897435897578233721106;0.005769230769230769551025872488;0.019230769230769231836752908293;0.041025641025641025605441569724;0.014423076923076923877564681220;0.006089743589743589792517841630;0.006410256410256410034009810772
-0.025000000000000001387778780781;0.003525641025641025692177743522;0.073397435897435900353791282669;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005769230769230769551025872488;0.000961538461538461591837645415;0.019871794871794870585013370601;0.008974358974358973700669039886;0.068910256410256415238180238703;0.013461538461538462285727035805;0.001282051282051282050170049054;0.007051282051282051384355487045;0.074038461538461539102051744976;0.002243589743589743425167259971;0.016666666666666666435370203203;0.017948717948717947401338079771;0.023717948717948716952363952259;0.004807692307692307959188227073;0.007692307692307692734701163317;0.015705128205128204843532557788;0.009294871794871794809522747016;0.008974358974358973700669039886;0.085256410256410258829973258798;0.018910256410256408993175725186;0.059935897435897438068064246863;0.025961538461538462979616426196;0.004487179487179486850334519943;0.001602564102564102508502452693;0.002243589743589743425167259971;0.002243589743589743425167259971;0.037179487179487179238090988065;0.007051282051282051384355487045;0.006089743589743589792517841630;0.013461538461538462285727035805;0.064743589743589749496699425890;0.015064102564102564360548619504;0.004807692307692307959188227073;0.001282051282051282050170049054;0.011538461538461539102051744976;0.005448717948717948442172165358;0.002884615384615384775512936244;0.000000000000000000000000000000;0.040064102564102567483050876262;0.000961538461538461591837645415;0.025320512820512820761909011935;0.074038461538461539102051744976;0.041025641025641025605441569724;0.021794871794871793768688661430;0.017307692307692308653077617464
-0.038888888888888889505679458125;0.013333333333333334189130248149;0.044074074074074071072359970458;0.000370370370370370351979089074;0.000740740740740740703958178148;0.014444444444444443781394582516;0.004814814814814815172039352831;0.027407407407407408106436719208;0.022222222222222223070309254922;0.035555555555555555524716027094;0.019629629629629628817522046802;0.007037037037037036958653235530;0.020370370370370372015145221667;0.035185185185185187395351391615;0.010370370370370370072254928573;0.017407407407407406163546426114;0.022962962962962962798485477833;0.038888888888888889505679458125;0.014814814814814815380206169948;0.008518518518518519017090895318;0.021481481481481479872686080057;0.023333333333333334397297065266;0.017037037037037038034181790636;0.040740740740740744030290443334;0.031851851851851853414387960584;0.039629629629629632703302632990;0.036296296296296298722339201959;0.024074074074074074125473288177;0.001481481481481481407916356297;0.008148148148148147418279307885;0.005555555555555555767577313730;0.015925925925925926707193980292;0.014074074074074073917306471060;0.010000000000000000208166817117;0.029999999999999998889776975375;0.031111111111111110216764785719;0.014814814814814815380206169948;0.014074074074074073917306471060;0.012222222222222222862142437805;0.027407407407407408106436719208;0.011851851851851851263330850372;0.015185185185185185244294281404;0.000000000000000000000000000000;0.022962962962962962798485477833;0.005185185185185185036127464286;0.019629629629629628817522046802;0.035185185185185187395351391615;0.023333333333333334397297065266;0.034074074074074076068363581271;0.016296296296296294836558615771
-0.034313725490196081424620899725;0.007352941176470588133251560237;0.057843137254901963451025892482;0.000000000000000000000000000000;0.000490196078431372542216770682;0.010784313725490195928768955014;0.000980392156862745084433541365;0.032843137254901962063247111701;0.007843137254901960675468330919;0.041176470588235293546208737325;0.022058823529411766134478156687;0.002941176470588235253300624095;0.018137254901960785796743991227;0.054411764705882353920785021728;0.005882352941176470506601248189;0.020588235294117646773104368663;0.016666666666666666435370203203;0.027450980392156862364139158217;0.015196078431372548808719891156;0.010784313725490195928768955014;0.016666666666666666435370203203;0.010294117647058823386552184331;0.007352941176470588133251560237;0.053431372549019605366904528410;0.036274509803921571593487982454;0.056862745098039214897145399163;0.047549019607843134860303280220;0.000980392156862745084433541365;0.000000000000000000000000000000;0.005882352941176470506601248189;0.007352941176470588133251560237;0.024509803921568627110838534122;0.015686274509803921350936661838;0.012745098039215686097636037744;0.021078431372549021050044615322;0.053431372549019605366904528410;0.019607843137254901688670827298;0.007843137254901960675468330919;0.000490196078431372542216770682;0.010294117647058823386552184331;0.005882352941176470506601248189;0.003921568627450980337734165460;0.000000000000000000000000000000;0.018627450980392156604237285933;0.003431372549019607795517394777;0.019117647058823530881177532592;0.049509803921568625029170362950;0.036274509803921571593487982454;0.046078431372549022437823396103;0.021078431372549021050044615322
-0.012727272727272727695368992329;0.008787878787878787220644305478;0.023636363636363635909454217199;0.470606060606060583317855616770;0.002424242424242424240321547302;0.010000000000000000208166817117;0.006666666666666667094565124074;0.017878787878787879422892714842;0.009090909090909090467524933388;0.015454545454545455182571167541;0.008484848484848485708487153545;0.002424242424242424240321547302;0.007575757575757575967845269815;0.016666666666666666435370203203;0.021212121212121213403856145874;0.007878787878787879214725897725;0.014545454545454545441929283811;0.027575757575757576384178904050;0.010606060606060606701928072937;0.001818181818181818180241160476;0.012727272727272727695368992329;0.006363636363636363847684496164;0.009393939393939393714405561298;0.021212121212121213403856145874;0.014848484848484848688809911721;0.020909090909090908422252041987;0.023636363636363635909454217199;0.004242424242424242854243576772;0.003030303030303030300401934127;0.007575757575757575967845269815;0.003030303030303030300401934127;0.019090909090909092410415226482;0.006363636363636363847684496164;0.006060606060606060600803868255;0.009696969696969696961286189207;0.026060606060606061884499240477;0.006363636363636363847684496164;0.003939393939393939607362948863;0.003333333333333333547282562037;0.007878787878787879214725897725;0.007878787878787879214725897725;0.006969696969696969474084013996;0.000000000000000000000000000000;0.014545454545454545441929283811;0.009393939393939393714405561298;0.011212121212121211460965852780;0.010909090909090909948808700847;0.008484848484848485708487153545;0.009696969696969696961286189207;0.009090909090909090467524933388
-0.019333333333333334314030338419;0.005666666666666667073748442363;0.091333333333333335812831421663;0.026666666666666668378260496297;0.006000000000000000124900090270;0.007000000000000000145716771982;0.004000000000000000083266726847;0.020333333333333331732761806165;0.005333333333333333155235056466;0.037666666666666667739882257138;0.010999999999999999361621760841;0.001333333333333333288808764117;0.007333333333333333196868419890;0.071333333333333331927050835475;0.012666666666666666352103476356;0.009666666666666667157015169209;0.025333333333333332704206952712;0.025000000000000001387778780781;0.008999999999999999319988397417;0.017000000000000001221245327088;0.010000000000000000208166817117;0.016333333333333331649495079319;0.014000000000000000291433543964;0.055333333333333331593983928087;0.019666666666666665630458510350;0.035000000000000003330669073875;0.025999999999999998806510248528;0.004666666666666667052931760651;0.000666666666666666644404382058;0.001333333333333333288808764117;0.003666666666666666598434209945;0.033000000000000001554312234475;0.003000000000000000062450045135;0.012999999999999999403255124264;0.033333333333333332870740406406;0.063000000000000000444089209850;0.017333333333333332537673499019;0.005666666666666667073748442363;0.002000000000000000041633363423;0.033333333333333332870740406406;0.006000000000000000124900090270;0.002666666666666666577617528233;0.000000000000000000000000000000;0.018666666666666668211727042603;0.002666666666666666577617528233;0.009333333333333334105863521302;0.062666666666666662188767134012;0.040666666666666663465523612331;0.034666666666666665075346998037;0.019333333333333334314030338419
-0.011006289308176099919767132462;0.014465408805031446798361471906;0.026729559748427673959714212515;0.319182389937106902877417269337;0.058490566037735849946876953709;0.009119496855345911659473934208;0.004088050314465408764663667540;0.017924528301886791942232335373;0.016981132075471697812085736246;0.012264150943396227161352740609;0.012578616352201258538068273651;0.013836477987421384044930405821;0.004402515723270440141379200583;0.021383647798742137086103198840;0.039308176100628929028335534213;0.008490566037735848906042868123;0.011006289308176099919767132462;0.018553459119496854695663401458;0.024213836477987422945989948175;0.004402515723270440141379200583;0.012264150943396227161352740609;0.011635220125786162673198198547;0.002830188679245282824120666376;0.021069182389937105709387665797;0.017295597484276729188801269288;0.022012578616352199839534264925;0.018238993710691823318947868415;0.014465408805031446798361471906;0.000314465408805031430925641667;0.024528301886792454322705481218;0.009433962264150943036189467250;0.008490566037735848906042868123;0.007861635220125786152611802038;0.003459119496855346011232601455;0.006918238993710692022465202911;0.016037735849056603681939137118;0.005660377358490565648241332752;0.002515723270440251447405133334;0.001572327044025157317258534206;0.007547169811320754775896268995;0.007232704402515723399180735953;0.012893081761006289914783806694;0.000000000000000000000000000000;0.008490566037735848906042868123;0.043710691823899368302352996807;0.004716981132075471518094733625;0.024213836477987422945989948175;0.014779874213836478175077004948;0.012578616352201258538068273651;0.008805031446540880282758401165
-0.016111111111111110771876298031;0.004444444444444444440589503387;0.031111111111111110216764785719;0.565833333333333299286493911495;0.001666666666666666773641281019;0.010000000000000000208166817117;0.002777777777777777883788656865;0.008888888888888888881179006773;0.014999999999999999444888487687;0.013888888888888888117900677344;0.009166666666666666712925959359;0.005555555555555555767577313730;0.006388888888888889262818171488;0.013055555555555556357383295563;0.014722222222222221613141535101;0.011666666666666667198648532633;0.015277777777777777276635440273;0.019166666666666665186369300500;0.005555555555555555767577313730;0.003333333333333333547282562037;0.005277777777777777935830361145;0.010833333333333333703407674875;0.004722222222222222272336455973;0.016388888888888890338346726594;0.013333333333333334189130248149;0.012500000000000000693889390391;0.012500000000000000693889390391;0.001388888888888888941894328433;0.000833333333333333386820640509;0.005833333333333333599324266316;0.003055555555555555715535609451;0.011111111111111111535154627461;0.002222222222222222220294751693;0.003333333333333333547282562037;0.006388888888888889262818171488;0.020000000000000000416333634234;0.006111111111111111431071218902;0.005833333333333333599324266316;0.001944444444444444388547799107;0.004166666666666666608842550801;0.004722222222222222272336455973;0.006666666666666667094565124074;0.000000000000000000000000000000;0.006388888888888889262818171488;0.009722222222222222376419864531;0.006666666666666667094565124074;0.017222222222222222098864108375;0.009722222222222222376419864531;0.009722222222222222376419864531;0.007777777777777777554191196430
-0.036111111111111107718762980312;0.012777777777777778525636342977;0.031944444444444441977282167500;0.199722222222222217657972009874;0.010277777777777778039913769703;0.027500000000000000138777878078;0.005000000000000000104083408559;0.030277777777777778456247403938;0.005555555555555555767577313730;0.021944444444444443503838826359;0.020555555555555556079827539406;0.008888888888888888881179006773;0.015277777777777777276635440273;0.024166666666666666157814447047;0.021944444444444443503838826359;0.018611111111111109522875395328;0.008333333333333333217685101602;0.022222222222222223070309254922;0.031666666666666669349705642844;0.004166666666666666608842550801;0.023888888888888890060790970438;0.003888888888888888777095598215;0.010000000000000000208166817117;0.028333333333333331899295259859;0.034166666666666664631257788187;0.032222222222222221543752596062;0.033055555555555553304269977843;0.003611111111111110945348645629;0.001388888888888888941894328433;0.028333333333333331899295259859;0.006666666666666667094565124074;0.009166666666666666712925959359;0.023055555555555554830826636703;0.006944444444444444058950338672;0.011388888888888889366901580047;0.021388888888888887840344921187;0.013611111111111110286153724758;0.010833333333333333703407674875;0.000000000000000000000000000000;0.004166666666666666608842550801;0.006388888888888889262818171488;0.001944444444444444388547799107;0.000000000000000000000000000000;0.018888888888888889089345823891;0.013888888888888888117900677344;0.014166666666666665949647629930;0.023333333333333334397297065266;0.016944444444444446001840631766;0.026944444444444444475283972906;0.014444444444444443781394582516
-0.022916666666666665047591422422;0.010416666666666666088425508008;0.112083333333333326486958014812;0.000416666666666666693410320255;0.015416666666666667059870654555;0.019166666666666665186369300500;0.000833333333333333386820640509;0.031250000000000000000000000000;0.014999999999999999444888487687;0.035833333333333335091186455656;0.019166666666666665186369300500;0.002916666666666666799662133158;0.012500000000000000693889390391;0.051666666666666666296592325125;0.010416666666666666088425508008;0.011666666666666667198648532633;0.022916666666666665047591422422;0.043333333333333334813630699500;0.030833333333333334119741309109;0.007499999999999999722444243844;0.016250000000000000555111512313;0.020000000000000000416333634234;0.009166666666666666712925959359;0.037499999999999998612221219219;0.021250000000000001526556658860;0.047500000000000000555111512313;0.031250000000000000000000000000;0.003749999999999999861222121922;0.000416666666666666693410320255;0.025416666666666667268037471672;0.002083333333333333304421275400;0.021250000000000001526556658860;0.015833333333333334674852821422;0.006666666666666667094565124074;0.014999999999999999444888487687;0.057083333333333333148296162562;0.012083333333333333078907223523;0.003333333333333333547282562037;0.000416666666666666693410320255;0.011249999999999999583666365766;0.006250000000000000346944695195;0.002083333333333333304421275400;0.000000000000000000000000000000;0.011249999999999999583666365766;0.011666666666666667198648532633;0.009583333333333332593184650250;0.054583333333333330927850113312;0.023333333333333334397297065266;0.024166666666666666157814447047;0.023333333333333334397297065266
-0.011515151515151514707846480690;0.004545454545454545233762466694;0.113030303030303036493364743365;0.277575757575757586792519759911;0.000606060606060606060080386825;0.003636363636363636360482320953;0.000606060606060606060080386825;0.013030303030303030942249620239;0.022121212121212121409774553626;0.021818181818181819897617401693;0.007878787878787879214725897725;0.000303030303030303030040193413;0.003636363636363636360482320953;0.048181818181818179824826842150;0.006363636363636363847684496164;0.011515151515151514707846480690;0.033333333333333332870740406406;0.036363636363636361870099733551;0.002424242424242424240321547302;0.008787878787878787220644305478;0.004545454545454545233762466694;0.022424242424242422921931705559;0.004242424242424242854243576772;0.027272727272727271402574800163;0.010000000000000000208166817117;0.031818181818181814901613790880;0.023333333333333334397297065266;0.000000000000000000000000000000;0.000606060606060606060080386825;0.010000000000000000208166817117;0.001212121212121212120160773651;0.018484848484848485916653970662;0.001212121212121212120160773651;0.007575757575757575967845269815;0.008181818181818182461606525635;0.054545454545454542805149600326;0.005757575757575757353923240345;0.002121212121212121427121788386;0.000303030303030303030040193413;0.015151515151515151935690539631;0.001212121212121212120160773651;0.004848484848484848480643094604;0.000000000000000000000000000000;0.008181818181818182461606525635;0.005454545454545454974404350423;0.004545454545454545233762466694;0.052424242424242421811708680934;0.023333333333333334397297065266;0.013030303030303030942249620239;0.010909090909090909948808700847
-0.013398692810457515575683906661;0.002941176470588235253300624095;0.067320261437908493484805205753;0.333333333333333314829616256247;0.000000000000000000000000000000;0.002614379084967320080595820642;0.002614379084967320080595820642;0.018627450980392156604237285933;0.004901960784313725422167706824;0.039542483660130717249003851066;0.009477124183006535237949741202;0.000980392156862745084433541365;0.001307189542483660040297910321;0.048366013071895426478352675304;0.016666666666666666435370203203;0.010457516339869280322383282567;0.009477124183006535237949741202;0.011437908496732025406816823931;0.004901960784313725422167706824;0.003267973856209150426005427548;0.008169934640522876281854003366;0.004901960784313725422167706824;0.000326797385620915010074477580;0.053267973856209148431073430174;0.013071895424836601704021710191;0.055555555555555552471602709375;0.027777777777777776235801354687;0.000326797385620915010074477580;0.002941176470588235253300624095;0.000653594771241830020148955160;0.000653594771241830020148955160;0.021895424836601305729200106498;0.000980392156862745084433541365;0.005555555555555555767577313730;0.003267973856209150426005427548;0.038562091503267975634017261655;0.006209150326797385245625182648;0.003267973856209150426005427548;0.000000000000000000000000000000;0.001960784313725490168867082730;0.007516339869281045936444396460;0.001307189542483660040297910321;0.000000000000000000000000000000;0.025163398692810458323609879017;0.004575163398692810683143772366;0.012091503267973856619588168826;0.059803921568627453619892975212;0.019281045751633987817008630827;0.006209150326797385245625182648;0.013071895424836601704021710191
-0.023703703703703702526661700745;0.003703703703703703845051542487;0.047777777777777780121581940875;0.218888888888888882844341310374;0.001851851851851851922525771243;0.004074074074074073709139653943;0.001111111111111111110147375847;0.024074074074074074125473288177;0.002222222222222222220294751693;0.050740740740740739034286832521;0.011481481481481481399242738917;0.000740740740740740703958178148;0.002222222222222222220294751693;0.058148148148148150193836869448;0.012592592592592592726230549260;0.012962962962962962590318660716;0.006296296296296296363115274630;0.012962962962962962590318660716;0.005555555555555555767577313730;0.008148148148148147418279307885;0.011111111111111111535154627461;0.003333333333333333547282562037;0.001851851851851851922525771243;0.068148148148148152136727162542;0.018888888888888889089345823891;0.051481481481481482231910007386;0.024074074074074074125473288177;0.002592592592592592518063732143;0.000000000000000000000000000000;0.001111111111111111110147375847;0.000740740740740740703958178148;0.020740740740740740144509857146;0.001481481481481481407916356297;0.008888888888888888881179006773;0.008148148148148147418279307885;0.050000000000000002775557561563;0.016296296296296294836558615771;0.005925925925925925631665425186;0.000000000000000000000000000000;0.003333333333333333547282562037;0.007037037037037036958653235530;0.000000000000000000000000000000;0.000000000000000000000000000000;0.034444444444444444197728216750;0.004444444444444444440589503387;0.011851851851851851263330850372;0.074444444444444438091501581312;0.030740740740740742087400150240;0.012222222222222222862142437805;0.017407407407407406163546426114
-0.018518518518518517490534236458;0.011111111111111111535154627461;0.017407407407407406163546426114;0.564444444444444415331929576496;0.005925925925925925631665425186;0.006666666666666667094565124074;0.003703703703703703845051542487;0.013703703703703704053218359604;0.003703703703703703845051542487;0.015925925925925926707193980292;0.008888888888888888881179006773;0.004074074074074073709139653943;0.003703703703703703845051542487;0.021851851851851851471497667490;0.018518518518518517490534236458;0.012222222222222222862142437805;0.007037037037037036958653235530;0.005925925925925925631665425186;0.009629629629629630344078705662;0.001851851851851851922525771243;0.011851851851851851263330850372;0.003333333333333333547282562037;0.001851851851851851922525771243;0.018888888888888889089345823891;0.018148148148148149361169600979;0.017037037037037038034181790636;0.011481481481481481399242738917;0.008518518518518519017090895318;0.000370370370370370351979089074;0.008148148148148147418279307885;0.002962962962962962815832712593;0.005925925925925925631665425186;0.003333333333333333547282562037;0.003333333333333333547282562037;0.010000000000000000208166817117;0.012962962962962962590318660716;0.003703703703703703845051542487;0.004444444444444444440589503387;0.000000000000000000000000000000;0.002592592592592592518063732143;0.008518518518518519017090895318;0.001481481481481481407916356297;0.000000000000000000000000000000;0.010740740740740739936343040029;0.014814814814814815380206169948;0.011851851851851851263330850372;0.017037037037037038034181790636;0.014444444444444443781394582516;0.007407407407407407690103084974;0.010000000000000000208166817117
-0.032638888888888890893458238907;0.019097222222222223764198645313;0.037499999999999998612221219219;0.058680555555555555247160270937;0.054166666666666668517038374375;0.032986111111111111882099322656;0.002430555555555555594104966133;0.015277777777777777276635440273;0.012500000000000000693889390391;0.025347222222222222376419864531;0.012500000000000000693889390391;0.039236111111111110494320541875;0.024305555555555555941049661328;0.046180555555555558022717832500;0.012847222222222221682530474141;0.016319444444444445446729119453;0.007986111111111110494320541875;0.017361111111111111882099322656;0.018749999999999999306110609609;0.006250000000000000346944695195;0.018402777777777778317469525859;0.002430555555555555594104966133;0.011458333333333332523795711211;0.037152777777777777623580135469;0.028472222222222221682530474141;0.035416666666666665741480812812;0.023958333333333334952408577578;0.032638888888888890893458238907;0.000347222222222222235473582108;0.053124999999999998612221219219;0.020833333333333332176851016015;0.011805555555555555247160270937;0.010416666666666666088425508008;0.003472222222222222029475169336;0.017013888888888887424011286953;0.029166666666666667129259593594;0.012847222222222221682530474141;0.006597222222222222202947516934;0.001041666666666666652210637700;0.004861111111111111188209932266;0.004166666666666666608842550801;0.010069444444444445099784424258;0.000000000000000000000000000000;0.018055555555555553859381490156;0.010763888888888888811790067734;0.009374999999999999653055304805;0.036458333333333335646297967969;0.023263888888888889505679458125;0.018055555555555553859381490156;0.015972222222222220988641083750
-0.038095238095238098674499838125;0.003571428571428571317053490830;0.066269841269841270325891002813;0.000000000000000000000000000000;0.000000000000000000000000000000;0.019444444444444444752839729063;0.000793650793650793650105268462;0.013492063492063492702310867344;0.008333333333333333217685101602;0.030952380952380953438307642500;0.023015873015873017370935826875;0.005158730158730158617264027754;0.023412698412698412786525636875;0.059126984126984125089698807187;0.002380952380952381167156239883;0.023015873015873017370935826875;0.023015873015873017370935826875;0.022619047619047618485899064922;0.007539682539682539784420267637;0.016269841269841271019780393203;0.012698412698412698401684295391;0.007936507936507936067371815625;0.016269841269841271019780393203;0.047222222222222220988641083750;0.048809523809523809589894227656;0.045634920634920632387387939843;0.028174603174603175120838116641;0.000000000000000000000000000000;0.000396825396825396825052634231;0.003174603174603174600421073848;0.004761904761904762334312479766;0.017857142857142856151586585156;0.007142857142857142634106981660;0.012301587301587301251371009414;0.042460317460317462123775555938;0.046825396825396825573051273750;0.016269841269841271019780393203;0.011904761904761904101057723437;0.000396825396825396825052634231;0.030952380952380953438307642500;0.002380952380952381167156239883;0.002777777777777777883788656865;0.000000000000000000000000000000;0.027380952380952380820211544687;0.000793650793650793650105268462;0.015079365079365079568840535273;0.042063492063492066708185745938;0.045634920634920632387387939843;0.045238095238095236971798129844;0.030952380952380953438307642500
-0.027777777777777776235801354687;0.005864197530864197899225231936;0.064197530864197535627191371077;0.094444444444444441977282167500;0.000617283950617283938035184665;0.010802469135802468536144971267;0.001851851851851851922525771243;0.015740740740740739173064710599;0.012037037037037037062736644089;0.038271604938271606977107097691;0.017283950617283948963942563637;0.003395061728395061713403624282;0.009567901234567901744276774423;0.055555555555555552471602709375;0.007098765432098765558455166769;0.018827160493827162224267368629;0.021913580246913581806023074705;0.026543209876543211178656633820;0.003086419753086419581755706076;0.014506172839506172381196513754;0.009567901234567901744276774423;0.020061728395061727281412089496;0.008024691358024691953398921385;0.052469135802469132889847003298;0.025308641975308642652064960998;0.040432098765432099296557311163;0.022222222222222223070309254922;0.000925925925925925961262885622;0.001543209876543209790877853038;0.005246913580246913635929395525;0.003395061728395061713403624282;0.032716049382716050342168045972;0.005864197530864197899225231936;0.009259259259259258745267118229;0.020061728395061727281412089496;0.054629629629629632148191120677;0.013888888888888888117900677344;0.011728395061728395798450463872;0.002777777777777777883788656865;0.022530864197530864334595435139;0.004629629629629629372633559115;0.008024691358024691953398921385;0.000000000000000000000000000000;0.029012345679012344762393027509;0.004629629629629629372633559115;0.016666666666666666435370203203;0.052469135802469132889847003298;0.031172839506172840551290192934;0.023148148148148146863167795573;0.018209876543209876226248056241
-0.018604651162790697416227203576;0.009302325581395348708113601788;0.051162790697674417894624809833;0.320542635658914720764300909650;0.006201550387596899138742401192;0.003100775193798449569371200596;0.005813953488372092942571001117;0.027131782945736433731998005214;0.005426356589147286746399601043;0.025581395348837208947312404916;0.011240310077519379688970602160;0.001937984496124030980857000372;0.003875968992248061961714000745;0.040310077519379844401825607747;0.016666666666666666435370203203;0.010077519379844961100456401937;0.015116279069767441650684602905;0.018992248062015503612398603650;0.012403100775193798277484802384;0.005426356589147286746399601043;0.016666666666666666435370203203;0.009689922480620154904285001862;0.003875968992248061961714000745;0.041860465116279069186511208045;0.015891472868217054043027403054;0.040697674418604654067443959775;0.036046511627906979713387158881;0.004651162790697674354056800894;0.000387596899224806196171400074;0.003100775193798449569371200596;0.000387596899224806196171400074;0.014341085271317829258341802756;0.003875968992248061961714000745;0.009689922480620154904285001862;0.006201550387596899138742401192;0.033720930232558142536358758434;0.007364341085271317727256601415;0.003488372093023255765542600670;0.000000000000000000000000000000;0.006976744186046511531085201341;0.010465116279069767296627802011;0.000000000000000000000000000000;0.000000000000000000000000000000;0.013953488372093023062170402682;0.010077519379844961100456401937;0.015891472868217054043027403054;0.037596899224806204498072759179;0.020542635658914728397084203948;0.007751937984496123923428001490;0.015891472868217054043027403054
-0.032716049382716050342168045972;0.004629629629629629372633559115;0.074691358024691359429603210174;0.000000000000000000000000000000;0.000000000000000000000000000000;0.009876543209876543008562954640;0.001234567901234567876070369330;0.017592592592592593697675695807;0.011111111111111111535154627461;0.032098765432098767813595685539;0.019135802469135803488553548846;0.002777777777777777883788656865;0.020370370370370372015145221667;0.075617283950617286691908702778;0.003086419753086419581755706076;0.018518518518518517490534236458;0.016975308641975307699656383420;0.026234567901234566444923501649;0.005246913580246913635929395525;0.013888888888888888117900677344;0.013580246913580246853614497127;0.012345679012345678327022824305;0.016975308641975307699656383420;0.039814814814814816767984950729;0.036728395061728397186229244653;0.046604938271604938460068723316;0.028395061728395062233820667075;0.017592592592592593697675695807;0.001234567901234567876070369330;0.003086419753086419581755706076;0.002777777777777777883788656865;0.014197530864197531116910333537;0.008950617283950617480980938012;0.015740740740740739173064710599;0.043518518518518518878313017240;0.044135802469135801406885377673;0.013271604938271605589328316910;0.008333333333333333217685101602;0.000000000000000000000000000000;0.033024691358024688137007274236;0.003086419753086419581755706076;0.004012345679012345976699460692;0.000000000000000000000000000000;0.016358024691358025171084022986;0.000617283950617283938035184665;0.011728395061728395798450463872;0.059567901234567899315663908055;0.053395061728395060152152495903;0.041666666666666664353702032031;0.023456790123456791596900927743
-0.029674796747967479432217530189;0.010162601626016259936946539710;0.071544715447154474952107250374;0.002439024390243902436908873810;0.000813008130081300812302957937;0.019512195121951219495270990478;0.002845528455284553059900787275;0.027642276422764226750938831856;0.017073170731707318359404723651;0.028861788617886179053595441246;0.017479674796747966813992292145;0.003252032520325203249211831746;0.022357723577235772555171777753;0.050000000000000002775557561563;0.009349593495934959558324450768;0.013008130081300812996847326986;0.017479674796747966813992292145;0.050000000000000002775557561563;0.015040650406504065678126025318;0.014227642276422763564780460399;0.017479674796747966813992292145;0.017073170731707318359404723651;0.024796747967479673691038044581;0.041056910569105688202373727336;0.029674796747967479432217530189;0.039024390243902438990541980957;0.043495934959349592807686946117;0.004065040650406504495195658677;0.000000000000000000000000000000;0.008943089430894309369013406297;0.004878048780487804873817747620;0.015853658536585366056748114261;0.016666666666666666435370203203;0.008130081300813008990391317354;0.023577235772357724857828387144;0.050406504065040651230145130057;0.017886178861788618738026812593;0.005691056910569106119801574550;0.000000000000000000000000000000;0.023577235772357724857828387144;0.007723577235772357933718534895;0.006097560975609756309112619022;0.000000000000000000000000000000;0.015853658536585366056748114261;0.002439024390243902436908873810;0.010569105691056910126257584182;0.046747967479674794322175301886;0.022764227642276424479206298201;0.052439024390243900441976876436;0.020325203252032519873893079421
-0.021345029239766083462015444638;0.014327485380116959656771058462;0.040350877192982456675984792582;0.098538011695906438380809788669;0.027777777777777776235801354687;0.002923976608187134340610668914;0.001461988304093567170305334457;0.025146198830409357410919923836;0.002631578947368420993285775822;0.052339181286549706084709754350;0.011695906432748537362442675658;0.000584795321637426911490220682;0.002339181286549707645960882729;0.064619883040935674478610906135;0.018421052631578945651957823770;0.014912280701754385484059106659;0.007309941520467835851526672286;0.013450292397660818313753772202;0.009941520467836258145855055091;0.005555555555555555767577313730;0.017543859649122806043664013487;0.003801169590643274816266217186;0.002339181286549707645960882729;0.076315789473684211841053581793;0.016666666666666666435370203203;0.060233918128654972967694902763;0.023684210526315790240614589379;0.018713450292397661167687061834;0.000292397660818713455745110341;0.008479532163742689240826244657;0.001461988304093567170305334457;0.023684210526315790240614589379;0.002046783625730994298635989637;0.003508771929824561468941324094;0.013450292397660818313753772202;0.051754385964912281992145182130;0.011695906432748537362442675658;0.006432748538011696243232862003;0.000292397660818713455745110341;0.004678362573099415291921765458;0.006432748538011696243232862003;0.002046783625730994298635989637;0.000000000000000000000000000000;0.033333333333333332870740406406;0.016081871345029238873358679029;0.012573099415204678705459961918;0.076608187134502930826229771810;0.040935672514619880768549364802;0.015497076023391813046070630833;0.013742690058479532094759534289
-0.025730994152046784972931448010;0.025438596491228069457202209946;0.048538011695906435605252227106;0.108187134502923970602594749835;0.026608187134502924581225258294;0.011695906432748537362442675658;0.007017543859649122937882648188;0.021052631578947367946286206575;0.009941520467836258145855055091;0.027485380116959064189519068577;0.010233918128654970192137341201;0.005847953216374268681221337829;0.009064327485380116802837768830;0.046783625730994149449770702631;0.038888888888888889505679458125;0.015497076023391813046070630833;0.012280701754385964924454199831;0.025730994152046784972931448010;0.016959064327485378481652489313;0.014619883040935671703053344572;0.012573099415204678705459961918;0.012280701754385964924454199831;0.011988304093567251143448437745;0.032748538011695908778175834186;0.024853801169590641895190685773;0.023976608187134502286896875489;0.022514619883040935116591541032;0.025146198830409357410919923836;0.000292397660818713455745110341;0.016959064327485378481652489313;0.007017543859649122937882648188;0.011695906432748537362442675658;0.005847953216374268681221337829;0.011111111111111111535154627461;0.024561403508771929848908399663;0.034502923976608187994763454753;0.010233918128654970192137341201;0.008771929824561403021832006743;0.002339181286549707645960882729;0.020467836257309940384274682401;0.008187134502923977194543958547;0.006725146198830409156876886101;0.000000000000000000000000000000;0.012865497076023392486465724005;0.020467836257309940384274682401;0.012573099415204678705459961918;0.040935672514619880768549364802;0.029824561403508770968118213318;0.022514619883040935116591541032;0.018421052631578945651957823770
-0.014444444444444443781394582516;0.010740740740740739936343040029;0.055925925925925927539861248761;0.268888888888888899497686679751;0.005185185185185185036127464286;0.007037037037037036958653235530;0.001481481481481481407916356297;0.017777777777777777762358013547;0.008148148148148147418279307885;0.026296296296296296779448908865;0.014444444444444443781394582516;0.003333333333333333547282562037;0.005555555555555555767577313730;0.072962962962962965574043039396;0.016666666666666666435370203203;0.015185185185185185244294281404;0.014074074074074073917306471060;0.019629629629629628817522046802;0.006296296296296296363115274630;0.013333333333333334189130248149;0.007407407407407407690103084974;0.008148148148148147418279307885;0.006296296296296296363115274630;0.034074074074074076068363581271;0.018518518518518517490534236458;0.033333333333333332870740406406;0.023703703703703702526661700745;0.002962962962962962815832712593;0.000000000000000000000000000000;0.002222222222222222220294751693;0.000370370370370370351979089074;0.010000000000000000208166817117;0.004444444444444444440589503387;0.009259259259259258745267118229;0.018518518518518517490534236458;0.040000000000000000832667268469;0.017037037037037038034181790636;0.002962962962962962815832712593;0.000000000000000000000000000000;0.012962962962962962590318660716;0.001481481481481481407916356297;0.002962962962962962815832712593;0.000000000000000000000000000000;0.011481481481481481399242738917;0.004814814814814815172039352831;0.005185185185185185036127464286;0.053703703703703704885885628073;0.034814814814814812327092852229;0.021111111111111111743321444578;0.014814814814814815380206169948
-0.020833333333333332176851016015;0.011011904761904762681257174961;0.067261904761904758864865527812;0.266369047619047616404230893750;0.002083333333333333304421275400;0.011011904761904762681257174961;0.002083333333333333304421275400;0.017261904761904763028201870156;0.020833333333333332176851016015;0.022916666666666665047591422422;0.012202380952380952397473556914;0.003869047619047619179788455313;0.012797619047619047255581747891;0.031250000000000000000000000000;0.011607142857142857539365365938;0.012202380952380952397473556914;0.020833333333333332176851016015;0.036011904761904758864865527812;0.008928571428571428075793292578;0.013392857142857142113689938867;0.010416666666666666088425508008;0.011607142857142857539365365938;0.007738095238095238359576910625;0.016369047619047619873677845703;0.019940476190476189022326991562;0.030059523809523810283783618047;0.030952380952380953438307642500;0.005952380952380952050528861719;0.001190476190476190583578119941;0.004761904761904762334312479766;0.001488095238095238012632215430;0.009821428571428571230317317031;0.006250000000000000346944695195;0.010119047619047619526733150508;0.021726190476190475331375040469;0.033928571428571425994125121406;0.013392857142857142113689938867;0.005654761904761904621474766230;0.000892857142857142829263372708;0.022023809523809525362514349922;0.005952380952380952050528861719;0.005059523809523809763366575254;0.000000000000000000000000000000;0.008630952380952381514100935078;0.006845238095238095205052886172;0.009523809523809524668624959531;0.033333333333333332870740406406;0.019940476190476189022326991562;0.026190476190476191103995162734;0.015476190476190476719153821250
-0.031920903954802258561951333604;0.010169491525423728084387420267;0.072881355932203392700152733141;0.000282485875706214699127488688;0.001412429378531073441427334814;0.019491525423728815052948348807;0.001694915254237288086344714877;0.031638418079096043700193519044;0.028531073446327683690304510833;0.026553672316384179657999808910;0.024858757062146893956899873501;0.003954802259887005462524189880;0.011864406779661017254934307630;0.052824858757062144454241803260;0.011864406779661017254934307630;0.011016949152542372669660863949;0.016949152542372881297128017763;0.056497175141242937657093392545;0.018079096045197740744159276005;0.014971751412429378999546791817;0.020621468926553671030532655095;0.021751412429378530477563913337;0.020338983050847456168774840535;0.036158192090395481488318552010;0.032203389830508473423709148165;0.038135593220338985520623253933;0.042937853107344631231612197553;0.002542372881355932021096855067;0.000282485875706214699127488688;0.005932203389830508627467153815;0.002542372881355932021096855067;0.014689265536723164137788977257;0.012429378531073446978449936751;0.011016949152542372669660863949;0.025706214689265535072726365229;0.046327683615819209572705972278;0.019491525423728815052948348807;0.006214689265536723489224968375;0.001977401129943502731262094940;0.023163841807909604786352986139;0.006497175141242937483621044947;0.009604519774011300095595267123;0.000000000000000000000000000000;0.013559322033898304690757719015;0.003389830508474576172689429754;0.010734463276836157807903049388;0.038983050847457630105896697614;0.023728813559322034509868615260;0.044632768361581920402159084915;0.016949152542372881297128017763
-0.018749999999999999306110609609;0.013333333333333334189130248149;0.040833333333333332593184650250;0.300416666666666665186369300500;0.007916666666666667337426410711;0.008333333333333333217685101602;0.001666666666666666773641281019;0.028333333333333331899295259859;0.003333333333333333547282562037;0.025000000000000001387778780781;0.012500000000000000693889390391;0.001666666666666666773641281019;0.012083333333333333078907223523;0.024583333333333332038073137937;0.020000000000000000416333634234;0.007083333333333332974823814965;0.008333333333333333217685101602;0.027083333333333334258519187188;0.019166666666666665186369300500;0.005833333333333333599324266316;0.023333333333333334397297065266;0.004166666666666666608842550801;0.016666666666666666435370203203;0.024166666666666666157814447047;0.021666666666666667406815349750;0.025000000000000001387778780781;0.024166666666666666157814447047;0.008333333333333333217685101602;0.001250000000000000026020852140;0.010000000000000000208166817117;0.000833333333333333386820640509;0.010000000000000000208166817117;0.014999999999999999444888487687;0.004583333333333333356462979680;0.012083333333333333078907223523;0.031666666666666669349705642844;0.017083333333333332315628894094;0.005416666666666666851703837438;0.000000000000000000000000000000;0.009166666666666666712925959359;0.010416666666666666088425508008;0.002083333333333333304421275400;0.000000000000000000000000000000;0.015416666666666667059870654555;0.013333333333333334189130248149;0.016250000000000000555111512313;0.034583333333333333980963431031;0.015833333333333334674852821422;0.032916666666666663521034763562;0.008333333333333333217685101602
-0.011011904761904762681257174961;0.009226190476190476372209126055;0.034226190476190479494711382813;0.550892857142857184093998057506;0.016666666666666666435370203203;0.004166666666666666608842550801;0.002976190476190476025264430859;0.011011904761904762681257174961;0.004761904761904762334312479766;0.010119047619047619526733150508;0.008035714285714284921269268125;0.000000000000000000000000000000;0.006250000000000000346944695195;0.020833333333333332176851016015;0.018154761904761906182725894610;0.006547619047619047775998790684;0.008035714285714284921269268125;0.010714285714285714384841341484;0.010119047619047619526733150508;0.005357142857142857192420670742;0.007738095238095238359576910625;0.005654761904761904621474766230;0.003869047619047619179788455313;0.014880952380952380126322154297;0.012202380952380952397473556914;0.019940476190476189022326991562;0.010119047619047619526733150508;0.016071428571428569842538536250;0.000595238095238095291789059971;0.007738095238095238359576910625;0.001488095238095238012632215430;0.006845238095238095205052886172;0.002678571428571428596210335371;0.004464285714285714037896646289;0.006250000000000000346944695195;0.021726190476190475331375040469;0.004761904761904762334312479766;0.002678571428571428596210335371;0.000297619047619047645894529985;0.008630952380952381514100935078;0.005059523809523809763366575254;0.002380952380952381167156239883;0.000000000000000000000000000000;0.004761904761904762334312479766;0.014583333333333333564629796797;0.003869047619047619179788455313;0.025000000000000001387778780781;0.017857142857142856151586585156;0.010416666666666666088425508008;0.008333333333333333217685101602
-0.007092198581560283515701215151;0.014893617021276596423806637404;0.058156028368794326910418135412;0.318085106382978710648501419200;0.010992907801418439969753926277;0.004964539007092198807935545801;0.020212765957446809927944286756;0.007801418439716312040743684264;0.004255319148936170282893076688;0.026595744680851064051241294806;0.003546099290780141757850607576;0.000709219858156028416622251864;0.005319148936170212636775911363;0.041489361702127657005600980256;0.012056737588652482323636760952;0.004255319148936170282893076688;0.015602836879432624081487368528;0.014893617021276596423806637404;0.007801418439716312040743684264;0.012765957446808509981317492077;0.008156028368794325869584049826;0.010283687943262410577349719176;0.020212765957446809927944286756;0.039716312056737590463484366410;0.008510638297872340565786153377;0.019858156028368795231742183205;0.016666666666666666435370203203;0.014539007092198581727604533853;0.016312056737588651739168099652;0.006028368794326241161818380476;0.001063829787234042570723269172;0.024113475177304964647273521905;0.003900709219858156020371842132;0.007446808510638298211903318702;0.013120567375886524677519595627;0.044326241134751774575217808660;0.006382978723404254990658746038;0.003191489361702127495329373019;0.010638297872340425273551822727;0.021276595744680850547103645454;0.006737588652482269686860849589;0.004609929078014184111733442251;0.000000000000000000000000000000;0.014184397163120567031402430302;0.008510638297872340565786153377;0.009574468085106382919668988052;0.037588652482269502286271745106;0.013475177304964539373721699178;0.011702127659574467627434657402;0.006382978723404254990658746038
-0.017857142857142856151586585156;0.002678571428571428596210335371;0.108035714285714290472384391251;0.000000000000000000000000000000;0.000000000000000000000000000000;0.002678571428571428596210335371;0.000297619047619047645894529985;0.016666666666666666435370203203;0.005952380952380952050528861719;0.047619047619047616404230893750;0.013988095238095238706521605820;0.000595238095238095291789059971;0.003869047619047619179788455313;0.090773809523809520505288617187;0.002083333333333333304421275400;0.011309523809523809242949532461;0.018452380952380952744418252109;0.025000000000000001387778780781;0.002083333333333333304421275400;0.020238095238095239053466301016;0.008630952380952381514100935078;0.010416666666666666088425508008;0.009821428571428571230317317031;0.063690476190476186246769429999;0.018749999999999999306110609609;0.062500000000000000000000000000;0.028273809523809523974735569141;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000000000000000000000000000000;0.022321428571428571924206707422;0.001488095238095238012632215430;0.011011904761904762681257174961;0.025000000000000001387778780781;0.063392857142857139685077072500;0.019047619047619049337249919063;0.003571428571428571317053490830;0.000000000000000000000000000000;0.022916666666666665047591422422;0.003869047619047619179788455313;0.001190476190476190583578119941;0.000000000000000000000000000000;0.025000000000000001387778780781;0.000297619047619047645894529985;0.007440476190476190063161077148;0.089285714285714287696826829688;0.053571428571428568454759755468;0.034523809523809526056403740313;0.023809523809523808202115446875
-0.025000000000000001387778780781;0.006746031746031746351155433672;0.094444444444444441977282167500;0.000000000000000000000000000000;0.003571428571428571317053490830;0.011507936507936508685467913438;0.000793650793650793650105268462;0.026587301587301586519584972734;0.014285714285714285268213963320;0.040079365079365082691342792032;0.008333333333333333217685101602;0.001984126984126984016842953906;0.006746031746031746351155433672;0.069444444444444447528397290625;0.009920634920634920084214769531;0.009920634920634920084214769531;0.028571428571428570536427926640;0.038095238095238098674499838125;0.013888888888888888117900677344;0.026190476190476191103995162734;0.008730158730158730367998387578;0.014285714285714285268213963320;0.014682539682539682418527249297;0.050396825396825398191147371563;0.025000000000000001387778780781;0.039285714285714284921269268125;0.030952380952380953438307642500;0.002777777777777777883788656865;0.000000000000000000000000000000;0.004761904761904762334312479766;0.003174603174603174600421073848;0.026587301587301586519584972734;0.007539682539682539784420267637;0.008333333333333333217685101602;0.017460317460317460735996775156;0.075793650793650788055622058437;0.013095238095238095551997581367;0.006746031746031746351155433672;0.000000000000000000000000000000;0.017063492063492061850960013203;0.003174603174603174600421073848;0.002777777777777777883788656865;0.000000000000000000000000000000;0.021031746031746033354092872969;0.006746031746031746351155433672;0.006746031746031746351155433672;0.071428571428571424606346340624;0.040079365079365082691342792032;0.029761904761904760252644308594;0.015476190476190476719153821250
-0.049206349206349205005484037656;0.013888888888888888117900677344;0.025793650793650792218958400781;0.000793650793650793650105268462;0.003174603174603174600421073848;0.049603174603174600421073847656;0.002777777777777777883788656865;0.029365079365079364837054498594;0.002380952380952381167156239883;0.017460317460317460735996775156;0.033730158730158728286330216406;0.020634920634920634469056111016;0.028571428571428570536427926640;0.032539682539682542039560786407;0.011904761904761904101057723437;0.025000000000000001387778780781;0.003968253968253968033685907812;0.031746031746031744269487262500;0.046031746031746034741871653750;0.008730158730158730367998387578;0.025793650793650792218958400781;0.001587301587301587300210536924;0.018650793650793650452213157109;0.021031746031746033354092872969;0.056746031746031745657266043281;0.035317460317460316887583360312;0.055952380952380954826086423282;0.007539682539682539784420267637;0.000396825396825396825052634231;0.032936507936507937455150596406;0.016666666666666666435370203203;0.005555555555555555767577313730;0.030158730158730159137681070547;0.006349206349206349200842147695;0.022619047619047618485899064922;0.024603174603174602502742018828;0.023412698412698412786525636875;0.008730158730158730367998387578;0.000000000000000000000000000000;0.004761904761904762334312479766;0.007936507936507936067371815625;0.003968253968253968033685907812;0.000000000000000000000000000000;0.010714285714285714384841341484;0.011111111111111111535154627461;0.017063492063492061850960013203;0.019841269841269840168429539062;0.022222222222222223070309254922;0.056746031746031745657266043281;0.014285714285714285268213963320
-0.056666666666666663798590519718;0.002222222222222222220294751693;0.056666666666666663798590519718;0.000000000000000000000000000000;0.000370370370370370351979089074;0.022592592592592591199673890401;0.000740740740740740703958178148;0.020740740740740740144509857146;0.008518518518518519017090895318;0.039259259259259257635044093604;0.021111111111111111743321444578;0.007407407407407407690103084974;0.018148148148148149361169600979;0.055925925925925927539861248761;0.001851851851851851922525771243;0.030740740740740742087400150240;0.016296296296296294836558615771;0.024074074074074074125473288177;0.010370370370370370072254928573;0.009259259259259258745267118229;0.018888888888888889089345823891;0.004814814814814815172039352831;0.008148148148148147418279307885;0.051851851851851850361274642864;0.050000000000000002775557561563;0.063703703703703706828775921167;0.034444444444444444197728216750;0.000370370370370370351979089074;0.000370370370370370351979089074;0.006296296296296296363115274630;0.005555555555555555767577313730;0.015925925925925926707193980292;0.006296296296296296363115274630;0.006296296296296296363115274630;0.025185185185185185452461098521;0.044814814814814814269983145323;0.017037037037037038034181790636;0.012962962962962962590318660716;0.000000000000000000000000000000;0.011481481481481481399242738917;0.003333333333333333547282562037;0.001851851851851851922525771243;0.000000000000000000000000000000;0.027037037037037036507625131776;0.001111111111111111110147375847;0.013333333333333334189130248149;0.059259259259259261520824679792;0.044814814814814814269983145323;0.032592592592592589673117231541;0.029259259259259259161600752464
-0.027873563218390805945601229610;0.003448275862068965469386938594;0.083045977011494256925239199063;0.000287356321839080455782244883;0.026149425287356323210907760313;0.014080459770114942333329999258;0.000287356321839080455782244883;0.020402298850574714095262862656;0.024425287356321840476214291016;0.041091954022988506911584494219;0.013218390804597700965983264609;0.020114942528735631904757141797;0.008620689655172413673467346484;0.063793103448275864653105315938;0.003160919540229885013604693711;0.015804597701149426802746944531;0.022988505747126436462579590625;0.035344827586206897795939596563;0.004310344827586206836733673242;0.017528735632183909537440413828;0.009482758620689655040814081133;0.014080459770114942333329999258;0.008333333333333333217685101602;0.055172413793103447510191017500;0.025862068965517241020402039453;0.043965517241379307999959991093;0.027873563218390805945601229610;0.019827586206896553183698372891;0.000574712643678160911564489766;0.012931034482758620510201019727;0.007183908045977011394556122070;0.025287356321839080108837549687;0.002586206896551724102040203945;0.005747126436781609115644897656;0.015517241379310344612241223672;0.060919540229885056625835915156;0.014655172413793103244894489023;0.006609195402298850482991632305;0.001436781609195402278911224414;0.011206896551724137775507550430;0.003160919540229885013604693711;0.012356321839080459598636529961;0.000000000000000000000000000000;0.022126436781609196829956331953;0.000574712643678160911564489766;0.012356321839080459598636529961;0.058908045977011491700636725000;0.033045977011494254149681637500;0.027298850574712645034036739844;0.014942528735632183700676733906
-0.033333333333333332870740406406;0.001944444444444444388547799107;0.074722222222222217657972009874;0.000000000000000000000000000000;0.000277777777777777777536843962;0.007777777777777777554191196430;0.001666666666666666773641281019;0.016944444444444446001840631766;0.018055555555555553859381490156;0.039722222222222221266196839906;0.012777777777777778525636342977;0.003055555555555555715535609451;0.010555555555555555871660722289;0.063888888888888883954564334999;0.001666666666666666773641281019;0.017222222222222222098864108375;0.033888888888888892003681263532;0.026944444444444444475283972906;0.003611111111111110945348645629;0.015833333333333334674852821422;0.010000000000000000208166817117;0.018611111111111109522875395328;0.011388888888888889366901580047;0.066388888888888886175010384250;0.028333333333333331899295259859;0.048333333333333332315628894094;0.022499999999999999167332731531;0.013333333333333334189130248149;0.001666666666666666773641281019;0.003333333333333333547282562037;0.004166666666666666608842550801;0.031666666666666669349705642844;0.005277777777777777935830361145;0.011388888888888889366901580047;0.022499999999999999167332731531;0.056666666666666663798590519718;0.017500000000000001665334536938;0.010277777777777778039913769703;0.001388888888888888941894328433;0.028333333333333331899295259859;0.003333333333333333547282562037;0.008611111111111111049432054187;0.000000000000000000000000000000;0.028333333333333331899295259859;0.000833333333333333386820640509;0.017222222222222222098864108375;0.054722222222222220711085327594;0.038055555555555557745162076344;0.029722222222222222792753498766;0.022222222222222223070309254922
-0.025000000000000001387778780781;0.001190476190476190583578119941;0.088095238095238101450057399688;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005059523809523809763366575254;0.000595238095238095291789059971;0.024107142857142858233254756328;0.005654761904761904621474766230;0.057738095238095241135134472188;0.015476190476190476719153821250;0.001190476190476190583578119941;0.005059523809523809763366575254;0.085714285714285715078730731875;0.002976190476190476025264430859;0.021726190476190475331375040469;0.020238095238095239053466301016;0.017261904761904763028201870156;0.004166666666666666608842550801;0.012500000000000000693889390391;0.008928571428571428075793292578;0.011309523809523809242949532461;0.003571428571428571317053490830;0.065476190476190479494711382813;0.023809523809523808202115446875;0.072023809523809517729731055624;0.029166666666666667129259593594;0.000000000000000000000000000000;0.000595238095238095291789059971;0.001488095238095238012632215430;0.005059523809523809763366575254;0.025595238095238094511163495781;0.000892857142857142829263372708;0.011309523809523809242949532461;0.013988095238095238706521605820;0.065476190476190479494711382813;0.008928571428571428075793292578;0.007142857142857142634106981660;0.000000000000000000000000000000;0.009523809523809524668624959531;0.003869047619047619179788455313;0.000297619047619047645894529985;0.000000000000000000000000000000;0.026190476190476191103995162734;0.000297619047619047645894529985;0.016071428571428569842538536250;0.099404761904761898549942600312;0.053571428571428568454759755468;0.013690476190476190410105772344;0.028571428571428570536427926640
-0.027407407407407408106436719208;0.003333333333333333547282562037;0.073703703703703701832772310354;0.000000000000000000000000000000;0.000000000000000000000000000000;0.015555555555555555108382392859;0.000740740740740740703958178148;0.021111111111111111743321444578;0.012592592592592592726230549260;0.050740740740740739034286832521;0.015185185185185185244294281404;0.005925925925925925631665425186;0.022962962962962962798485477833;0.065185185185185179346234463083;0.001111111111111111110147375847;0.028148148148148147834612942120;0.016296296296296294836558615771;0.020370370370370372015145221667;0.005555555555555555767577313730;0.010000000000000000208166817117;0.008888888888888888881179006773;0.020370370370370372015145221667;0.013703703703703704053218359604;0.045555555555555557467606320188;0.034814814814814812327092852229;0.064814814814814811216869827604;0.029999999999999998889776975375;0.000370370370370370351979089074;0.000370370370370370351979089074;0.005925925925925925631665425186;0.008888888888888888881179006773;0.021111111111111111743321444578;0.004814814814814815172039352831;0.015555555555555555108382392859;0.035555555555555555524716027094;0.041111111111111112159655078813;0.007777777777777777554191196430;0.010000000000000000208166817117;0.003703703703703703845051542487;0.020740740740740740144509857146;0.002592592592592592518063732143;0.004814814814814815172039352831;0.000000000000000000000000000000;0.012222222222222222862142437805;0.001111111111111111110147375847;0.015555555555555555108382392859;0.071111111111111111049432054187;0.045185185185185182399347780802;0.031111111111111110216764785719;0.026296296296296296779448908865
-0.025816993464052286066934271958;0.007843137254901960675468330919;0.063725490196078427018733236764;0.045098039215686273883942902785;0.001307189542483660040297910321;0.023856209150326795898067189228;0.000980392156862745084433541365;0.016666666666666666435370203203;0.021895424836601305729200106498;0.011437908496732025406816823931;0.021568627450980391857537910028;0.009803921568627450844335413649;0.027450980392156862364139158217;0.048366013071895426478352675304;0.009477124183006535237949741202;0.023529411764705882026404992757;0.023202614379084968154742796287;0.038562091503267975634017261655;0.011111111111111111535154627461;0.012091503267973856619588168826;0.009477124183006535237949741202;0.021895424836601305729200106498;0.024836601307189540982500730593;0.026143790849673203408043420382;0.038888888888888889505679458125;0.040196078431372551931222147914;0.030392156862745097617439782312;0.004248366013071895076758099918;0.000653594771241830020148955160;0.015686274509803921350936661838;0.007516339869281045936444396460;0.012745098039215686097636037744;0.008496732026143790153516199837;0.017647058823529411519803744568;0.042156862745098042100089230644;0.027777777777777776235801354687;0.012091503267973856619588168826;0.011764705882352941013202496379;0.005555555555555555767577313730;0.046405228758169936309485592574;0.002614379084967320080595820642;0.013071895424836601704021710191;0.000000000000000000000000000000;0.012091503267973856619588168826;0.003921568627450980337734165460;0.016013071895424835222598858309;0.026470588235294117279705616852;0.022549019607843136941971451392;0.035294117647058823039607489136;0.019607843137254901688670827298
-0.029166666666666667129259593594;0.004464285714285714037896646289;0.070535714285714284921269268125;0.048809523809523809589894227656;0.000000000000000000000000000000;0.013988095238095238706521605820;0.001488095238095238012632215430;0.023214285714285715078730731875;0.025297619047619047949471138281;0.026785714285714284227379877734;0.017261904761904763028201870156;0.003869047619047619179788455313;0.015476190476190476719153821250;0.051190476190476189022326991562;0.004761904761904762334312479766;0.011011904761904762681257174961;0.026190476190476191103995162734;0.038690476190476191797884553125;0.007142857142857142634106981660;0.014583333333333333564629796797;0.015178571428571428422737987773;0.017559523809523809589894227656;0.020238095238095239053466301016;0.039880952380952378044653983125;0.035416666666666665741480812812;0.039285714285714284921269268125;0.043749999999999997224442438437;0.000892857142857142829263372708;0.000595238095238095291789059971;0.002083333333333333304421275400;0.002678571428571428596210335371;0.021130952380952382207990325469;0.008630952380952381514100935078;0.009821428571428571230317317031;0.026190476190476191103995162734;0.055654761904761901325500161875;0.022619047619047618485899064922;0.005357142857142857192420670742;0.005654761904761904621474766230;0.023511904761904761640423089375;0.006547619047619047775998790684;0.006250000000000000346944695195;0.000000000000000000000000000000;0.016071428571428569842538536250;0.001190476190476190583578119941;0.014583333333333333564629796797;0.037797619047619045173913576718;0.028571428571428570536427926640;0.043154761904761904101057723437;0.015773809523809523280846178750
-0.033333333333333332870740406406;0.005747126436781609115644897656;0.061206896551724135346894684062;0.001724137931034482734693469297;0.003735632183908045925169183477;0.017528735632183909537440413828;0.002011494252873563190475714180;0.031034482758620689224482447344;0.011781609195402298687072040195;0.032183908045977011047611426875;0.019827586206896553183698372891;0.005459770114942528659862652773;0.013505747126436781421765509492;0.057758620689655169877507745468;0.013793103448275861877547754375;0.017241379310344827346934692969;0.021839080459770114639450611094;0.029310344827586206489788978047;0.012931034482758620510201019727;0.013218390804597700965983264609;0.018965517241379310081628162266;0.011494252873563218231289795312;0.014942528735632183700676733906;0.047988505747126437850358371406;0.030747126436781610503423678438;0.043103448275862071836783684375;0.038793103448275863265326535156;0.004310344827586206836733673242;0.001436781609195402278911224414;0.011494252873563218231289795312;0.005459770114942528659862652773;0.025574712643678162299343270547;0.008908045977011494129249591367;0.010057471264367815952378570898;0.020689655172413792816321631562;0.054310344827586204408120806875;0.022988505747126436462579590625;0.008620689655172413673467346484;0.002298850574712643646257959062;0.017816091954022988258499182734;0.007183908045977011394556122070;0.002873563218390804557822448828;0.000000000000000000000000000000;0.029597701149425288680294698906;0.006321839080459770027209387422;0.018678160919540231360569393360;0.049137931034482759673487350938;0.030747126436781610503423678438;0.034195402298850575972810617031;0.016091954022988505523805713437
-0.025724637681159418650667092265;0.003623188405797101493271972217;0.070652173913043472830430857812;0.003260869565217391127104340498;0.001811594202898550746635986108;0.007608695652173913352711576152;0.002173913043478260895963183330;0.024275362318840580655443517344;0.006521739130434782254208680996;0.033333333333333332870740406406;0.015217391304347826705423152305;0.007608695652173913352711576152;0.019565217391304349364711256953;0.059057971014492754990854450625;0.010144927536231883313799784219;0.019202898550724638998543625235;0.025000000000000001387778780781;0.028623188405797101580008146016;0.008695652173913043583852733320;0.021014492753623187359934831875;0.010144927536231883313799784219;0.011594202898550724778470311094;0.010507246376811593679967415937;0.052536231884057968399837079687;0.029347826086956522312343409453;0.038405797101449277997087250469;0.035869565217391305433913828438;0.002898550724637681194617577773;0.002173913043478260895963183330;0.004710144927536232158093998379;0.006884057971014492620376312715;0.027536231884057970481505250859;0.009782608695652174682355628477;0.018115942028985507900040730078;0.041304347826086953987534400312;0.053623188405797099498339974843;0.014492753623188405973087888867;0.011956521739130435144637942813;0.000000000000000000000000000000;0.024275362318840580655443517344;0.003985507246376811425758734941;0.003985507246376811425758734941;0.000000000000000000000000000000;0.028260869565217391213840514297;0.003623188405797101493271972217;0.014130434782608695606920257148;0.055072463768115940963010501719;0.039130434782608698729422513907;0.035144927536231884701578565000;0.017391304347826087167705466641
-0.019097222222222223764198645313;0.009374999999999999653055304805;0.059722222222222225151977426094;0.201388888888888895056794581251;0.004861111111111111188209932266;0.002430555555555555594104966133;0.003125000000000000173472347598;0.026736111111111109800431151484;0.003819444444444444319158860068;0.032638888888888890893458238907;0.010069444444444445099784424258;0.002430555555555555594104966133;0.003472222222222222029475169336;0.053472222222222219600862302968;0.019791666666666665741480812812;0.011111111111111111535154627461;0.021527777777777777623580135469;0.021180555555555556634939051719;0.006944444444444444058950338672;0.009027777777777776929690745078;0.012152777777777777970524830664;0.009374999999999999653055304805;0.005902777777777777623580135469;0.048611111111111111882099322656;0.015972222222222220988641083750;0.035069444444444444752839729063;0.026388888888888888811790067734;0.007986111111111110494320541875;0.000694444444444444470947164216;0.006944444444444444058950338672;0.001041666666666666652210637700;0.031250000000000000000000000000;0.003472222222222222029475169336;0.007291666666666666782314898398;0.011458333333333332523795711211;0.055902777777777780399137697032;0.009027777777777776929690745078;0.006250000000000000346944695195;0.000000000000000000000000000000;0.010763888888888888811790067734;0.004861111111111111188209932266;0.002430555555555555594104966133;0.000000000000000000000000000000;0.024305555555555555941049661328;0.010416666666666666088425508008;0.013888888888888888117900677344;0.050000000000000002775557561563;0.027777777777777776235801354687;0.019444444444444444752839729063;0.019097222222222223764198645313
-0.008750000000000000832667268469;0.017083333333333332315628894094;0.079583333333333339254522798001;0.378749999999999975575093458247;0.005000000000000000104083408559;0.002083333333333333304421275400;0.006250000000000000346944695195;0.019166666666666665186369300500;0.003333333333333333547282562037;0.025833333333333333148296162562;0.007083333333333332974823814965;0.000416666666666666693410320255;0.001250000000000000026020852140;0.038333333333333330372738601000;0.024166666666666666157814447047;0.008750000000000000832667268469;0.014999999999999999444888487687;0.015416666666666667059870654555;0.009166666666666666712925959359;0.004166666666666666608842550801;0.011666666666666667198648532633;0.009583333333333332593184650250;0.000416666666666666693410320255;0.032916666666666663521034763562;0.009166666666666666712925959359;0.031250000000000000000000000000;0.019583333333333334536074943344;0.011249999999999999583666365766;0.000000000000000000000000000000;0.004583333333333333356462979680;0.000000000000000000000000000000;0.017083333333333332315628894094;0.002500000000000000052041704279;0.006666666666666667094565124074;0.002916666666666666799662133158;0.038749999999999999722444243844;0.002916666666666666799662133158;0.002916666666666666799662133158;0.000000000000000000000000000000;0.004166666666666666608842550801;0.007083333333333332974823814965;0.000833333333333333386820640509;0.000000000000000000000000000000;0.008333333333333333217685101602;0.011666666666666667198648532633;0.002500000000000000052041704279;0.049166666666666664076146275875;0.021250000000000001526556658860;0.007916666666666667337426410711;0.013333333333333334189130248149
-0.021637426900584795508297730748;0.032748538011695908778175834186;0.027192982456140352143236782467;0.035087719298245612087328026973;0.011988304093567251143448437745;0.009649122807017544364849293004;0.002631578947368420993285775822;0.056432748538011695549343471612;0.004678362573099415291921765458;0.012865497076023392486465724005;0.019590643274853800775980872118;0.002631578947368420993285775822;0.014035087719298245875765296375;0.028362573099415203797812878861;0.050000000000000002775557561563;0.008771929824561403021832006743;0.012280701754385964924454199831;0.070175438596491224174656053947;0.047953216374269004573793750978;0.007309941520467835851526672286;0.030701754385964910576412023602;0.002923976608187134340610668914;0.030116959064327486483847451382;0.015497076023391813046070630833;0.021345029239766083462015444638;0.029532163742690058921835927208;0.055263157894736840425320423265;0.033040935672514620824458120296;0.000292397660818713455745110341;0.017251461988304093997381727377;0.002046783625730994298635989637;0.005263157894736841986571551644;0.033333333333333332870740406406;0.004385964912280701510916003372;0.017251461988304093997381727377;0.026608187134502924581225258294;0.020467836257309940384274682401;0.007017543859649122937882648188;0.000584795321637426911490220682;0.006432748538011696243232862003;0.016666666666666666435370203203;0.005847953216374268681221337829;0.000000000000000000000000000000;0.012280701754385964924454199831;0.032748538011695908778175834186;0.010233918128654970192137341201;0.021637426900584795508297730748;0.015497076023391813046070630833;0.042105263157894735892572413150;0.007602339181286549632532434373
-0.054824561403508768886450042146;0.003947368421052631706769098230;0.062280701754385964230564809441;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005263157894736841986571551644;0.000438596491228070183617665512;0.016228070175438594896499822084;0.003070175438596491231113549958;0.040789473684210528214855173701;0.023684210526315790240614589379;0.002631578947368420993285775822;0.007894736842105263413538196460;0.079824561403508770274228822927;0.004385964912280701510916003372;0.030263157894736842506988594437;0.011403508771929825316160389548;0.016228070175438594896499822084;0.009210526315789472825978911885;0.009649122807017544364849293004;0.014912280701754385484059106659;0.005701754385964912658080194774;0.003508771929824561468941324094;0.052631578947368418130992040460;0.043859649122807015109160033717;0.077631578947368426457664725149;0.028508771929824559820954021916;0.000000000000000000000000000000;0.000438596491228070183617665512;0.000000000000000000000000000000;0.000438596491228070183617665512;0.012280701754385964924454199831;0.003508771929824561468941324094;0.010964912280701753777290008429;0.021491228070175439485156587693;0.040789473684210528214855173701;0.021491228070175439485156587693;0.007456140350877192742029553330;0.000000000000000000000000000000;0.008333333333333333217685101602;0.002192982456140350755458001686;0.003070175438596491231113549958;0.000000000000000000000000000000;0.028070175438596491751530592751;0.000877192982456140367235331023;0.014473684210526315679912201517;0.077631578947368426457664725149;0.069736842105263152635785672828;0.032017543859649125193023166958;0.035964912280701755165068789211
-0.019736842105263156799122015173;0.000877192982456140367235331023;0.095175438596491232501328738635;0.000000000000000000000000000000;0.000000000000000000000000000000;0.001754385964912280734470662047;0.000000000000000000000000000000;0.017543859649122806043664013487;0.002631578947368420993285775822;0.074999999999999997224442438437;0.010526315789473683973143103287;0.000000000000000000000000000000;0.002631578947368420993285775822;0.085526315789473686401755969655;0.002192982456140350755458001686;0.009649122807017544364849293004;0.021491228070175439485156587693;0.023684210526315790240614589379;0.001315789473684210496642887911;0.014035087719298245875765296375;0.006578947368421052266374005058;0.007894736842105263413538196460;0.002192982456140350755458001686;0.091666666666666660190365689687;0.013157894736842104532748010115;0.065350877192982451124869669457;0.028947368421052631359824403035;0.000438596491228070183617665512;0.000438596491228070183617665512;0.000000000000000000000000000000;0.000000000000000000000000000000;0.032017543859649125193023166958;0.000438596491228070183617665512;0.010964912280701753777290008429;0.014473684210526315679912201517;0.096052631578947361701281693058;0.016666666666666666435370203203;0.002631578947368420993285775822;0.000000000000000000000000000000;0.010526315789473683973143103287;0.006578947368421052266374005058;0.000000000000000000000000000000;0.000000000000000000000000000000;0.031140350877192982115282404720;0.000000000000000000000000000000;0.011842105263157895120307294690;0.094298245614035089423587976398;0.035964912280701755165068789211;0.016228070175438594896499822084;0.019736842105263156799122015173
-0.010457516339869280322383282567;0.011764705882352941013202496379;0.027124183006535948492476961746;0.524836601307189565268629394268;0.005228758169934640161191641283;0.003267973856209150426005427548;0.003594771241830065165029362007;0.022549019607843136941971451392;0.001960784313725490168867082730;0.017973856209150325391465941038;0.004901960784313725422167706824;0.000326797385620915010074477580;0.002287581699346405341571886183;0.029084967320261438661344044476;0.022875816993464050813633647863;0.006209150326797385245625182648;0.007843137254901960675468330919;0.011437908496732025406816823931;0.011111111111111111535154627461;0.006535947712418300852010855095;0.011111111111111111535154627461;0.002941176470588235253300624095;0.001633986928104575213002713774;0.024183006535947713239176337652;0.005228758169934640161191641283;0.023856209150326795898067189228;0.020261437908496732901442172192;0.004248366013071895076758099918;0.001307189542483660040297910321;0.004575163398692810683143772366;0.000326797385620915010074477580;0.014705882352941176266503120473;0.002614379084967320080595820642;0.007189542483660130330058724013;0.006535947712418300852010855095;0.026143790849673203408043420382;0.003921568627450980337734165460;0.002287581699346405341571886183;0.000000000000000000000000000000;0.005882352941176470506601248189;0.009803921568627450844335413649;0.000000000000000000000000000000;0.000000000000000000000000000000;0.014052287581699346788455251556;0.011764705882352941013202496379;0.009150326797385621366287544731;0.024509803921568627110838534122;0.013725490196078431182069579108;0.007843137254901960675468330919;0.008823529411764705759901872284
-0.020238095238095239053466301016;0.011507936507936508685467913438;0.032142857142857139685077072500;0.192857142857142865866038050626;0.021825396825396824185272492969;0.028968253968253969421464688594;0.006746031746031746351155433672;0.018253968253968255036623347110;0.015476190476190476719153821250;0.013492063492063492702310867344;0.011904761904761904101057723437;0.015476190476190476719153821250;0.021825396825396824185272492969;0.024603174603174602502742018828;0.015476190476190476719153821250;0.016269841269841271019780393203;0.016269841269841271019780393203;0.027380952380952380820211544687;0.029761904761904760252644308594;0.007142857142857142634106981660;0.017857142857142856151586585156;0.018253968253968255036623347110;0.015476190476190476719153821250;0.013888888888888888117900677344;0.025000000000000001387778780781;0.023809523809523808202115446875;0.026587301587301586519584972734;0.005952380952380952050528861719;0.002777777777777777883788656865;0.033333333333333332870740406406;0.015476190476190476719153821250;0.010714285714285714384841341484;0.016666666666666666435370203203;0.008333333333333333217685101602;0.029761904761904760252644308594;0.028174603174603175120838116641;0.011111111111111111535154627461;0.011111111111111111535154627461;0.004365079365079365183999193789;0.027380952380952380820211544687;0.006349206349206349200842147695;0.008333333333333333217685101602;0.000000000000000000000000000000;0.006746031746031746351155433672;0.009126984126984127518311673555;0.012301587301587301251371009414;0.017857142857142856151586585156;0.014285714285714285268213963320;0.022619047619047618485899064922;0.008730158730158730367998387578
-0.068085106382978724526289227015;0.004255319148936170282893076688;0.036879432624113472893867538005;0.018085106382978721750731665452;0.001418439716312056833244503729;0.028014184397163119366602757054;0.001063829787234042570723269172;0.024822695035460994039677729006;0.006028368794326241161818380476;0.038652482269503546374878055758;0.018794326241134751143135872553;0.026241134751773049355039191255;0.011347517730496454665956029828;0.045744680851063826421132318956;0.006382978723404254990658746038;0.040070921985815605159686469960;0.014893617021276596423806637404;0.021631205673758865243305749004;0.019148936170212765839337976104;0.006382978723404254990658746038;0.019858156028368795231742183205;0.005673758865248227332978014914;0.005673758865248227332978014914;0.046453900709219855813536526057;0.058865248226950356302822342514;0.058865248226950356302822342514;0.030496453900709218770570529955;0.003546099290780141757850607576;0.001418439716312056833244503729;0.011702127659574467627434657402;0.012411347517730497019838864503;0.016312056737588651739168099652;0.008865248226950355261988256927;0.003191489361702127495329373019;0.015957446808510637042965996102;0.035460992907801421047953027710;0.007801418439716312040743684264;0.016666666666666666435370203203;0.000000000000000000000000000000;0.005319148936170212636775911363;0.003191489361702127495329373019;0.003900709219858156020371842132;0.000000000000000000000000000000;0.028368794326241134062804860605;0.004255319148936170282893076688;0.018794326241134751143135872553;0.049645390070921988079355458012;0.039361702127659575767282262859;0.023758865248226949951071418354;0.026241134751773049355039191255
-0.036011904761904758864865527812;0.008333333333333333217685101602;0.038988095238095238359576910625;0.069345238095238098674499838125;0.005952380952380952050528861719;0.020535714285714285615158658516;0.003571428571428571317053490830;0.025000000000000001387778780781;0.009226190476190476372209126055;0.029464285714285713690951951094;0.018452380952380952744418252109;0.008035714285714284921269268125;0.019047619047619049337249919063;0.051785714285714289084605610469;0.017559523809523809589894227656;0.025892857142857144542302805235;0.017559523809523809589894227656;0.016666666666666666435370203203;0.022916666666666665047591422422;0.007738095238095238359576910625;0.022619047619047618485899064922;0.009226190476190476372209126055;0.010714285714285714384841341484;0.036309523809523812365451789219;0.039880952380952378044653983125;0.041666666666666664353702032031;0.031845238095238093123384715000;0.015476190476190476719153821250;0.002976190476190476025264430859;0.016071428571428569842538536250;0.008035714285714284921269268125;0.016964285714285712997062560703;0.010119047619047619526733150508;0.011607142857142857539365365938;0.020535714285714285615158658516;0.033928571428571425994125121406;0.015773809523809523280846178750;0.010119047619047619526733150508;0.000892857142857142829263372708;0.008630952380952381514100935078;0.004761904761904762334312479766;0.009523809523809524668624959531;0.000000000000000000000000000000;0.019940476190476189022326991562;0.009821428571428571230317317031;0.015476190476190476719153821250;0.045833333333333330095182844843;0.032142857142857139685077072500;0.027678571428571427381903902187;0.019345238095238095898942276563
-0.030740740740740742087400150240;0.005925925925925925631665425186;0.058148148148148150193836869448;0.093703703703703705718552896542;0.005925925925925925631665425186;0.021481481481481479872686080057;0.003703703703703703845051542487;0.025185185185185185452461098521;0.008148148148148147418279307885;0.029629629629629630760412339896;0.020000000000000000416333634234;0.007777777777777777554191196430;0.012222222222222222862142437805;0.044074074074074071072359970458;0.015185185185185185244294281404;0.014444444444444443781394582516;0.020000000000000000416333634234;0.021481481481481479872686080057;0.021111111111111111743321444578;0.009629629629629630344078705662;0.023703703703703702526661700745;0.009259259259259258745267118229;0.007037037037037036958653235530;0.044074074074074071072359970458;0.036666666666666666851703837438;0.038888888888888889505679458125;0.028888888888888887562789165031;0.020000000000000000416333634234;0.000000000000000000000000000000;0.018518518518518517490534236458;0.007777777777777777554191196430;0.022962962962962962798485477833;0.010370370370370370072254928573;0.008888888888888888881179006773;0.017777777777777777762358013547;0.042222222222222223486642889156;0.010740740740740739936343040029;0.007407407407407407690103084974;0.001111111111111111110147375847;0.016666666666666666435370203203;0.007407407407407407690103084974;0.002222222222222222220294751693;0.000000000000000000000000000000;0.014814814814814815380206169948;0.011111111111111111535154627461;0.013333333333333334189130248149;0.045185185185185182399347780802;0.024444444444444445724284875610;0.023333333333333334397297065266;0.016666666666666666435370203203
-0.023148148148148146863167795573;0.006018518518518518531368322044;0.051851851851851850361274642864;0.078703703703703706273664408855;0.005092592592592593003786305417;0.005092592592592593003786305417;0.004166666666666666608842550801;0.027314814814814816074095560339;0.010648148148148147904001881159;0.062037037037037036368847253698;0.006944444444444444058950338672;0.002777777777777777883788656865;0.004166666666666666608842550801;0.039814814814814816767984950729;0.009259259259259258745267118229;0.008796296296296296848837847904;0.023148148148148146863167795573;0.021296296296296295808003762318;0.011574074074074073431583897786;0.007870370370370369586532355299;0.013888888888888888117900677344;0.006018518518518518531368322044;0.000462962962962962980631442811;0.108333333333333337034076748751;0.023148148148148146863167795573;0.040277777777777780399137697032;0.025925925925925925180637321432;0.004166666666666666608842550801;0.002777777777777777883788656865;0.003240740740740740647579665179;0.001851851851851851922525771243;0.054166666666666668517038374375;0.002314814814814814686316779557;0.001388888888888888941894328433;0.004166666666666666608842550801;0.076851851851851851749053423646;0.011111111111111111535154627461;0.006481481481481481295159330358;0.000000000000000000000000000000;0.005092592592592593003786305417;0.007870370370370369586532355299;0.004166666666666666608842550801;0.000000000000000000000000000000;0.047685185185185184619793830052;0.011111111111111111535154627461;0.028240740740740739866954100989;0.052777777777777777623580135469;0.027777777777777776235801354687;0.009259259259259258745267118229;0.009722222222222222376419864531
-0.038157894736842105920526790896;0.006140350877192982462227099916;0.087280701754385958679449686315;0.000438596491228070183617665512;0.001754385964912280734470662047;0.014035087719298245875765296375;0.000000000000000000000000000000;0.016228070175438594896499822084;0.027192982456140352143236782467;0.045614035087719301264641558191;0.009649122807017544364849293004;0.007894736842105263413538196460;0.012719298245614034728601104973;0.054385964912280704286473564935;0.001315789473684210496642887911;0.020175438596491228337992396291;0.040789473684210528214855173701;0.040350877192982456675984792582;0.004385964912280701510916003372;0.011403508771929825316160389548;0.010526315789473683973143103287;0.022807017543859650632320779096;0.005701754385964912658080194774;0.060526315789473685013977188873;0.029824561403508770968118213318;0.040350877192982456675984792582;0.023245614035087718701744208261;0.000877192982456140367235331023;0.000877192982456140367235331023;0.004385964912280701510916003372;0.008771929824561403021832006743;0.031578947368421053654152785839;0.003508771929824561468941324094;0.006140350877192982462227099916;0.014473684210526315679912201517;0.066228070175438594202610431694;0.011403508771929825316160389548;0.012719298245614034728601104973;0.001315789473684210496642887911;0.014035087719298245875765296375;0.003947368421052631706769098230;0.009210526315789472825978911885;0.000000000000000000000000000000;0.023684210526315790240614589379;0.001315789473684210496642887911;0.020175438596491228337992396291;0.057017543859649119641908043832;0.033771929824561404409610787525;0.022368421052631579093450397977;0.019298245614035088729698586008
-0.035416666666666665741480812812;0.010833333333333333703407674875;0.056666666666666663798590519718;0.000000000000000000000000000000;0.004166666666666666608842550801;0.022916666666666665047591422422;0.001250000000000000026020852140;0.027083333333333334258519187188;0.022916666666666665047591422422;0.030416666666666668239482618219;0.016666666666666666435370203203;0.026249999999999999028554853453;0.016250000000000000555111512313;0.053749999999999999167332731531;0.008750000000000000832667268469;0.022499999999999999167332731531;0.016250000000000000555111512313;0.033333333333333332870740406406;0.020000000000000000416333634234;0.008333333333333333217685101602;0.019583333333333334536074943344;0.015833333333333334674852821422;0.013750000000000000069388939039;0.037499999999999998612221219219;0.042083333333333333703407674875;0.035833333333333335091186455656;0.033750000000000002220446049250;0.004166666666666666608842550801;0.000833333333333333386820640509;0.014999999999999999444888487687;0.014999999999999999444888487687;0.019166666666666665186369300500;0.012083333333333333078907223523;0.007916666666666667337426410711;0.015833333333333334674852821422;0.042500000000000003053113317719;0.016250000000000000555111512313;0.014166666666666665949647629930;0.002916666666666666799662133158;0.015416666666666667059870654555;0.007916666666666667337426410711;0.008750000000000000832667268469;0.000000000000000000000000000000;0.022499999999999999167332731531;0.006250000000000000346944695195;0.021250000000000001526556658860;0.038749999999999999722444243844;0.029999999999999998889776975375;0.030416666666666668239482618219;0.020833333333333332176851016015
-0.030081300813008131356252050637;0.015447154471544715867437069790;0.044308943089430896655755987013;0.059756097560975607319022628872;0.015853658536585366056748114261;0.032926829268292684416152837912;0.004878048780487804873817747620;0.026016260162601625993694653971;0.031300813008130083658908660027;0.019105691056910567571236470030;0.015447154471544715867437069790;0.019105691056910567571236470030;0.008130081300813008990391317354;0.029674796747967479432217530189;0.024390243902439025236450476086;0.013008130081300812996847326986;0.030894308943089431734874139579;0.038617886178861790535954412462;0.024390243902439025236450476086;0.007723577235772357933718534895;0.017479674796747966813992292145;0.028455284552845527129560920798;0.013821138211382113375469415928;0.032926829268292684416152837912;0.022764227642276424479206298201;0.022764227642276424479206298201;0.030487804878048779810839619131;0.010569105691056910126257584182;0.002439024390243902436908873810;0.024796747967479673691038044581;0.014227642276422763564780460399;0.023577235772357724857828387144;0.010162601626016259936946539710;0.008536585365853659179702361826;0.011788617886178862428914193572;0.036178861788617885930641193681;0.011788617886178862428914193572;0.012601626016260162807536282514;0.004878048780487804873817747620;0.017479674796747966813992292145;0.011382113821138212239603149101;0.019512195121951219495270990478;0.000000000000000000000000000000;0.019512195121951219495270990478;0.013414634146341463186158371457;0.015447154471544715867437069790;0.020731707317073171797927599869;0.023577235772357724857828387144;0.017073170731707318359404723651;0.010569105691056910126257584182
-0.015151515151515151935690539631;0.008585858585858585634298378864;0.039898989898989899172132567173;0.202525252525252524860022163011;0.011111111111111111535154627461;0.011111111111111111535154627461;0.013636363636363635701287400082;0.030808080808080808704607633786;0.017676767676767676101823312251;0.030808080808080808704607633786;0.017171717171717171268596757727;0.005555555555555555767577313730;0.010101010101010101868701518413;0.024747474747474747236442027543;0.025252525252525252069668582067;0.015656565656565656768917094155;0.022222222222222223070309254922;0.021212121212121213403856145874;0.015151515151515151935690539631;0.002525252525252525467175379603;0.026262626262626261736121691115;0.014646464646464647102463985107;0.011616161616161616368381181985;0.041414141414141417141259182699;0.013131313131313130868060845557;0.029292929292929294204927970213;0.034343434343434342537193515454;0.009090909090909090467524933388;0.004040404040404040400535912170;0.016666666666666666435370203203;0.003030303030303030300401934127;0.033333333333333332870740406406;0.011616161616161616368381181985;0.013636363636363635701287400082;0.008080808080808080801071824339;0.032323232323232323204287297358;0.003030303030303030300401934127;0.005555555555555555767577313730;0.001010101010101010100133978042;0.008585858585858585634298378864;0.020202020202020203737403036826;0.007575757575757575967845269815;0.000000000000000000000000000000;0.025252525252525252069668582067;0.014141414141414142269237430583;0.025757575757575756902895136591;0.023737373737373737569988918494;0.005555555555555555767577313730;0.010101010101010101868701518413;0.006060606060606060600803868255
-0.013675213675213675201813856575;0.012820512820512820068019621544;0.028205128205128205537421948179;0.427777777777777756806898423747;0.002564102564102564100340098108;0.008547008547008547868495398347;0.011538461538461539102051744976;0.027777777777777776235801354687;0.014957264957264957902505209120;0.020085470085470086970547143324;0.005555555555555555767577313730;0.001709401709401709400226732072;0.004700854700854700633783078700;0.027350427350427350403627713149;0.031623931623931622603151936346;0.008119658119658120301598280832;0.009829059829059828834463274916;0.022649572649572648902482896460;0.009829059829059828834463274916;0.001709401709401709400226732072;0.018803418803418802535132314802;0.010256410256410256401360392431;0.004273504273504273934247699174;0.029059829059829060671216183209;0.007692307692307692734701163317;0.021367521367521367936515019892;0.027350427350427350403627713149;0.006837606837606837600906928287;0.003418803418803418800453464144;0.005555555555555555767577313730;0.002564102564102564100340098108;0.015384615384615385469402326635;0.002564102564102564100340098108;0.005128205128205128200680196215;0.005555555555555555767577313730;0.022222222222222223070309254922;0.003418803418803418800453464144;0.002991452991452991667237215623;0.000427350427350427350056683018;0.004700854700854700633783078700;0.012820512820512820068019621544;0.007692307692307692734701163317;0.000000000000000000000000000000;0.016239316239316240603196561665;0.013247863247863247634916739059;0.020940170940170938634894426400;0.017521367521367521569164438233;0.004273504273504273934247699174;0.009829059829059828834463274916;0.006837606837606837600906928287
-0.023750000000000000277555756156;0.012083333333333333078907223523;0.026249999999999999028554853453;0.382500000000000006661338147751;0.021666666666666667406815349750;0.012916666666666666574148081281;0.006250000000000000346944695195;0.011666666666666667198648532633;0.011666666666666667198648532633;0.017916666666666667545593227828;0.012083333333333333078907223523;0.003749999999999999861222121922;0.007499999999999999722444243844;0.020000000000000000416333634234;0.014166666666666665949647629930;0.009166666666666666712925959359;0.020833333333333332176851016015;0.027083333333333334258519187188;0.009166666666666666712925959359;0.008333333333333333217685101602;0.010833333333333333703407674875;0.012083333333333333078907223523;0.013750000000000000069388939039;0.025416666666666667268037471672;0.019583333333333334536074943344;0.017083333333333332315628894094;0.015833333333333334674852821422;0.001250000000000000026020852140;0.004583333333333333356462979680;0.007499999999999999722444243844;0.005833333333333333599324266316;0.020833333333333332176851016015;0.004583333333333333356462979680;0.004583333333333333356462979680;0.010416666666666666088425508008;0.030833333333333334119741309109;0.005416666666666666851703837438;0.007499999999999999722444243844;0.002500000000000000052041704279;0.020416666666666666296592325125;0.006666666666666667094565124074;0.008750000000000000832667268469;0.000000000000000000000000000000;0.015416666666666667059870654555;0.005000000000000000104083408559;0.012916666666666666574148081281;0.017500000000000001665334536938;0.012916666666666666574148081281;0.015416666666666667059870654555;0.005833333333333333599324266316
-0.021544715447154472176549688811;0.007317073170731707744407490424;0.019105691056910567571236470030;0.374390243902439023848671695305;0.020731707317073171797927599869;0.015040650406504065678126025318;0.005691056910569106119801574550;0.016260162601626017980782634709;0.010975609756097560315568628653;0.014634146341463415488814980847;0.010975609756097560315568628653;0.016666666666666666435370203203;0.009756097560975609747635495239;0.016260162601626017980782634709;0.017886178861788618738026812593;0.017886178861788618738026812593;0.013821138211382113375469415928;0.017886178861788618738026812593;0.011382113821138212239603149101;0.000813008130081300812302957937;0.014227642276422763564780460399;0.011382113821138212239603149101;0.004065040650406504495195658677;0.024390243902439025236450476086;0.024796747967479673691038044581;0.020731707317073171797927599869;0.019105691056910567571236470030;0.015040650406504065678126025318;0.002845528455284553059900787275;0.019918699186991871419305510926;0.010569105691056910126257584182;0.012601626016260162807536282514;0.005284552845528455063128792091;0.006097560975609756309112619022;0.014227642276422763564780460399;0.016666666666666666435370203203;0.007317073170731707744407490424;0.013821138211382113375469415928;0.001626016260162601624605915873;0.008536585365853659179702361826;0.006910569105691056687734707964;0.011382113821138212239603149101;0.000000000000000000000000000000;0.016666666666666666435370203203;0.008130081300813008990391317354;0.018292682926829267192614381088;0.016260162601626017980782634709;0.013008130081300812996847326986;0.010975609756097560315568628653;0.006097560975609756309112619022
-0.024561403508771929848908399663;0.010087719298245614168996198146;0.046052631578947365864618035403;0.242105263157894740055908755494;0.001315789473684210496642887911;0.015350877192982455288206011801;0.003070175438596491231113549958;0.012719298245614034728601104973;0.010087719298245614168996198146;0.031578947368421053654152785839;0.014912280701754385484059106659;0.009210526315789472825978911885;0.011842105263157895120307294690;0.042543859649122807431442794268;0.007017543859649122937882648188;0.013596491228070176071618391234;0.018859649122807017190828204889;0.019298245614035088729698586008;0.013596491228070176071618391234;0.008771929824561403021832006743;0.018421052631578945651957823770;0.009210526315789472825978911885;0.003070175438596491231113549958;0.041228070175438599753725554820;0.030701754385964910576412023602;0.032456140350877189792999644169;0.018859649122807017190828204889;0.006140350877192982462227099916;0.000000000000000000000000000000;0.006578947368421052266374005058;0.007456140350877192742029553330;0.015350877192982455288206011801;0.004385964912280701510916003372;0.008771929824561403021832006743;0.011842105263157895120307294690;0.040789473684210528214855173701;0.014035087719298245875765296375;0.007017543859649122937882648188;0.001315789473684210496642887911;0.007456140350877192742029553330;0.007017543859649122937882648188;0.005701754385964912658080194774;0.000000000000000000000000000000;0.024122807017543858310038018544;0.006578947368421052266374005058;0.011403508771929825316160389548;0.042105263157894735892572413150;0.029385964912280702898694784153;0.018859649122807017190828204889;0.013157894736842104532748010115
-0.025833333333333333148296162562;0.010833333333333333703407674875;0.050000000000000002775557561563;0.191250000000000003330669073875;0.020833333333333332176851016015;0.013750000000000000069388939039;0.002500000000000000052041704279;0.019583333333333334536074943344;0.012083333333333333078907223523;0.032500000000000001110223024625;0.010000000000000000208166817117;0.005000000000000000104083408559;0.007083333333333332974823814965;0.038749999999999999722444243844;0.012083333333333333078907223523;0.020416666666666666296592325125;0.021250000000000001526556658860;0.014166666666666665949647629930;0.015833333333333334674852821422;0.007083333333333332974823814965;0.015833333333333334674852821422;0.008750000000000000832667268469;0.004166666666666666608842550801;0.050416666666666665186369300500;0.026249999999999999028554853453;0.040000000000000000832667268469;0.026249999999999999028554853453;0.005000000000000000104083408559;0.000416666666666666693410320255;0.020833333333333332176851016015;0.007083333333333332974823814965;0.014999999999999999444888487687;0.005000000000000000104083408559;0.005416666666666666851703837438;0.010416666666666666088425508008;0.043333333333333334813630699500;0.007499999999999999722444243844;0.006250000000000000346944695195;0.000416666666666666693410320255;0.008750000000000000832667268469;0.005416666666666666851703837438;0.007083333333333332974823814965;0.000000000000000000000000000000;0.019583333333333334536074943344;0.015416666666666667059870654555;0.015833333333333334674852821422;0.045416666666666667684371105906;0.025416666666666667268037471672;0.014166666666666665949647629930;0.013750000000000000069388939039
-0.008080808080808080801071824339;0.006060606060606060600803868255;0.025757575757575756902895136591;0.360606060606060596640531912271;0.055555555555555552471602709375;0.006060606060606060600803868255;0.004545454545454545233762466694;0.023737373737373737569988918494;0.003535353535353535567309357646;0.038383838383838381203005951647;0.005050505050505050934350759206;0.004040404040404040400535912170;0.001515151515151515150200967064;0.023737373737373737569988918494;0.022222222222222223070309254922;0.005050505050505050934350759206;0.012121212121212121201607736509;0.009090909090909090467524933388;0.012121212121212121201607736509;0.003030303030303030300401934127;0.007575757575757575967845269815;0.003535353535353535567309357646;0.000505050505050505050066989021;0.049494949494949494472884055085;0.004040404040404040400535912170;0.024242424242424242403215473018;0.020707070707070708570629591350;0.034848484848484850839867021932;0.001515151515151515150200967064;0.026262626262626261736121691115;0.002020202020202020200267956085;0.025252525252525252069668582067;0.004545454545454545233762466694;0.008080808080808080801071824339;0.003535353535353535567309357646;0.031818181818181814901613790880;0.004040404040404040400535912170;0.002020202020202020200267956085;0.000505050505050505050066989021;0.003030303030303030300401934127;0.008585858585858585634298378864;0.003535353535353535567309357646;0.000000000000000000000000000000;0.027777777777777776235801354687;0.019696969696969695434729530348;0.013131313131313130868060845557;0.024747474747474747236442027543;0.006565656565656565434030422779;0.003535353535353535567309357646;0.004545454545454545233762466694
-0.017407407407407406163546426114;0.015925925925925926707193980292;0.034444444444444444197728216750;0.153703703703703703498106847292;0.044444444444444446140618509844;0.007037037037037036958653235530;0.008148148148148147418279307885;0.037777777777777778178691647781;0.012222222222222222862142437805;0.041851851851851848418384349770;0.012592592592592592726230549260;0.001851851851851851922525771243;0.006666666666666667094565124074;0.023333333333333334397297065266;0.032962962962962964741375770927;0.005555555555555555767577313730;0.016666666666666666435370203203;0.031111111111111110216764785719;0.019259259259259260688157411323;0.005185185185185185036127464286;0.020000000000000000416333634234;0.007777777777777777554191196430;0.005555555555555555767577313730;0.062222222222222220433529571437;0.014074074074074073917306471060;0.035555555555555555524716027094;0.031481481481481478346129421197;0.034444444444444444197728216750;0.001851851851851851922525771243;0.007407407407407407690103084974;0.002222222222222222220294751693;0.024074074074074074125473288177;0.008888888888888888881179006773;0.004074074074074073709139653943;0.004444444444444444440589503387;0.047037037037037036923958766010;0.011111111111111111535154627461;0.003703703703703703845051542487;0.004074074074074073709139653943;0.005185185185185185036127464286;0.015925925925925926707193980292;0.008148148148148147418279307885;0.000000000000000000000000000000;0.022592592592592591199673890401;0.010000000000000000208166817117;0.017037037037037038034181790636;0.035185185185185187395351391615;0.010000000000000000208166817117;0.010740740740740739936343040029;0.007037037037037036958653235530
-0.017375886524822695827774410304;0.028368794326241134062804860605;0.042553191489361701094207290907;0.206028368794326233182090390983;0.012056737588652482323636760952;0.007446808510638298211903318702;0.007092198581560283515701215151;0.037588652482269502286271745106;0.012056737588652482323636760952;0.019503546099290780535540079654;0.012056737588652482323636760952;0.003191489361702127495329373019;0.006382978723404254990658746038;0.019858156028368795231742183205;0.042907801418439715790409394458;0.008865248226950355261988256927;0.025531914893617019962634984154;0.039007092198581561071080159309;0.022695035460992909331912059656;0.008510638297872340565786153377;0.019858156028368795231742183205;0.008865248226950355261988256927;0.006028368794326241161818380476;0.032978723404255318174538302856;0.012765957446808509981317492077;0.023758865248226949951071418354;0.029078014184397163455209067706;0.026595744680851064051241294806;0.002482269503546099403967772901;0.014893617021276596423806637404;0.003900709219858156020371842132;0.023404255319148935254869314804;0.009574468085106382919668988052;0.003546099290780141757850607576;0.004255319148936170282893076688;0.035460992907801421047953027710;0.010283687943262410577349719176;0.007092198581560283515701215151;0.000709219858156028416622251864;0.007092198581560283515701215151;0.009574468085106382919668988052;0.005319148936170212636775911363;0.000000000000000000000000000000;0.016666666666666666435370203203;0.019503546099290780535540079654;0.016312056737588651739168099652;0.026595744680851064051241294806;0.014184397163120567031402430302;0.019148936170212765839337976104;0.010992907801418439969753926277
-0.013265306122448979053718431942;0.013605442176870747791883609068;0.032653061224489798863857004108;0.393197278911564640502263046073;0.007823129251700680977799073901;0.007142857142857142634106981660;0.006802721088435373895941804534;0.019047619047619049337249919063;0.016326530612244899431928502054;0.019727891156462583344133321361;0.005782312925170067681446273156;0.004761904761904762334312479766;0.005102040816326530205115918903;0.019387755102040816340691620212;0.023469387755102041198673745726;0.008503401360544218454129428153;0.021768707482993195773124384118;0.027891156462585033060097572388;0.012244897959183672839222900564;0.008503401360544218454129428153;0.011224489795918366624727369185;0.009183673469387755930459782405;0.004421768707482993596147302640;0.030952380952380953438307642500;0.014285714285714285268213963320;0.013945578231292516530048786194;0.026190476190476191103995162734;0.012244897959183672839222900564;0.004081632653061224857982125513;0.009183673469387755930459782405;0.006462585034013605157776627408;0.018367346938775511860919564811;0.005782312925170067681446273156;0.005102040816326530205115918903;0.010884353741496597886562192059;0.027891156462585033060097572388;0.007482993197278911372272158786;0.004421768707482993596147302640;0.002380952380952381167156239883;0.011564625850340135362892546311;0.008503401360544218454129428153;0.006802721088435373895941804534;0.000000000000000000000000000000;0.011224489795918366624727369185;0.008843537414965987192294605279;0.008843537414965987192294605279;0.022789115646258503722343391473;0.010204081632653060410231837807;0.010204081632653060410231837807;0.009523809523809524668624959531
-0.014379084967320260660117448026;0.018300653594771242732575089462;0.039869281045751631120666047536;0.382026143790849648240737224114;0.004901960784313725422167706824;0.006209150326797385245625182648;0.004575163398692810683143772366;0.017647058823529411519803744568;0.010784313725490195928768955014;0.023529411764705882026404992757;0.006862745098039215591034789554;0.001633986928104575213002713774;0.007189542483660130330058724013;0.025490196078431372195272075487;0.020261437908496732901442172192;0.008169934640522876281854003366;0.020261437908496732901442172192;0.018954248366013070475899482403;0.008496732026143790153516199837;0.007843137254901960675468330919;0.007189542483660130330058724013;0.016339869281045752563708006733;0.003594771241830065165029362007;0.023856209150326795898067189228;0.012418300653594770491250365296;0.018300653594771242732575089462;0.018954248366013070475899482403;0.012091503267973856619588168826;0.002287581699346405341571886183;0.004248366013071895076758099918;0.005555555555555555767577313730;0.016013071895424835222598858309;0.003267973856209150426005427548;0.006209150326797385245625182648;0.012091503267973856619588168826;0.033333333333333332870740406406;0.007189542483660130330058724013;0.005555555555555555767577313730;0.004248366013071895076758099918;0.014379084967320260660117448026;0.007189542483660130330058724013;0.009150326797385621366287544731;0.000000000000000000000000000000;0.017320261437908497648141548098;0.011437908496732025406816823931;0.010130718954248366450721086096;0.030065359477124183745777585841;0.019281045751633987817008630827;0.012091503267973856619588168826;0.008823529411764705759901872284
-0.008119658119658120301598280832;0.017094017094017095736990796695;0.035897435897435894802676159543;0.449572649572649585270056604713;0.005555555555555555767577313730;0.004700854700854700633783078700;0.005128205128205128200680196215;0.019658119658119657668926549832;0.008119658119658120301598280832;0.020085470085470086970547143324;0.005982905982905983334474431246;0.002136752136752136967123849587;0.004700854700854700633783078700;0.029059829059829060671216183209;0.014957264957264957902505209120;0.005982905982905983334474431246;0.014529914529914530335608091605;0.017521367521367521569164438233;0.005982905982905983334474431246;0.001709401709401709400226732072;0.016666666666666666435370203203;0.006410256410256410034009810772;0.003846153846153846367350581659;0.032051282051282048435325577884;0.009829059829059828834463274916;0.029059829059829060671216183209;0.020940170940170938634894426400;0.005982905982905983334474431246;0.000427350427350427350056683018;0.004700854700854700633783078700;0.001709401709401709400226732072;0.007692307692307692734701163317;0.004700854700854700633783078700;0.002564102564102564100340098108;0.004700854700854700633783078700;0.032905982905982907038566764868;0.008119658119658120301598280832;0.007264957264957265167804045802;0.000854700854700854700113366036;0.009829059829059828834463274916;0.011538461538461539102051744976;0.005982905982905983334474431246;0.000000000000000000000000000000;0.016239316239316240603196561665;0.009829059829059828834463274916;0.011111111111111111535154627461;0.025641025641025640136039243089;0.015811965811965811301575968173;0.011111111111111111535154627461;0.005982905982905983334474431246
-0.023863636363636364645657295114;0.029166666666666667129259593594;0.040151515151515153323469320412;0.005303030303030303350964036468;0.010984848484848484459486250842;0.016666666666666666435370203203;0.002651515151515151675482018234;0.040530303030303027611580546363;0.015909090909090907450806895440;0.025757575757575756902895136591;0.011363636363636363951767904723;0.010606060606060606701928072937;0.009848484848484847717364765174;0.034848484848484850839867021932;0.031060606060606059386497435071;0.015909090909090907450806895440;0.025378787878787879145336958686;0.061742424242424244484883644191;0.022348484848484850145977631541;0.008712121212121212709966755483;0.018560606060606062162054996634;0.014772727272727272443408885749;0.015151515151515151935690539631;0.039015151515151516581347834745;0.031439393939393940613502564929;0.025000000000000001387778780781;0.034848484848484850839867021932;0.012500000000000000693889390391;0.002272727272727272616881233347;0.018181818181818180935049866775;0.014393939393939394685850707845;0.019696969696969695434729530348;0.018939393939393939919613174538;0.003409090909090908925321850020;0.014393939393939394685850707845;0.042424242424242426807712291748;0.017424242424242425419933510966;0.009848484848484847717364765174;0.003030303030303030300401934127;0.008712121212121212709966755483;0.014015151515151515193569053963;0.015530303030303029693248717535;0.000000000000000000000000000000;0.030303030303030303871381079261;0.014772727272727272443408885749;0.020075757575757576661734660206;0.029545454545454544886817771498;0.021212121212121213403856145874;0.032575757575757577355624050597;0.015151515151515151935690539631
-0.027927927927927927165274724075;0.011261261261261260729904520872;0.077477477477477477152412177475;0.119819819819819817219297419797;0.004054054054054054279099261748;0.018018018018018017861736623786;0.003603603603603603659083498556;0.023423423423423423567202306117;0.032432432432432434232794093987;0.023423423423423423567202306117;0.016216216216216217116397046993;0.014864864864864865690030626411;0.002702702702702702852732841166;0.038288288288288285787785980574;0.026576576576576575738908303492;0.022072072072072072140835885534;0.022522522522522521459809041744;0.027927927927927927165274724075;0.009459459459459459984564944079;0.006756756756756757131832102914;0.011711711711711711783601153058;0.030180180180180180699034409031;0.004954954954954954651769050145;0.027477477477477477846301567865;0.034684684684684684297106826989;0.039189189189189191364626196901;0.031081081081081082806427673404;0.003153153153153153039067735364;0.002702702702702702852732841166;0.007657657657657657504501891310;0.009459459459459459984564944079;0.025225225225225224312541882909;0.004054054054054054279099261748;0.016216216216216217116397046993;0.005405405405405405705465682331;0.038288288288288285787785980574;0.007207207207207207318166997112;0.007207207207207207318166997112;0.001351351351351351426366420583;0.010360360360360360357234732476;0.005855855855855855891800576529;0.005405405405405405705465682331;0.000000000000000000000000000000;0.018468468468468467180709779996;0.007657657657657657504501891310;0.010360360360360360357234732476;0.047297297297297299922824720397;0.017567567567567568542763467576;0.018918918918918919969129888159;0.022072072072072072140835885534
-0.015555555555555555108382392859;0.008148148148148147418279307885;0.028888888888888887562789165031;0.401851851851851848973495862083;0.003703703703703703845051542487;0.013333333333333334189130248149;0.006296296296296296363115274630;0.012222222222222222862142437805;0.017407407407407406163546426114;0.012592592592592592726230549260;0.009259259259259258745267118229;0.010000000000000000208166817117;0.009259259259259258745267118229;0.012222222222222222862142437805;0.016666666666666666435370203203;0.016296296296296294836558615771;0.020740740740740740144509857146;0.022222222222222223070309254922;0.011851851851851851263330850372;0.003703703703703703845051542487;0.012222222222222222862142437805;0.012592592592592592726230549260;0.012962962962962962590318660716;0.021481481481481479872686080057;0.016296296296296294836558615771;0.018518518518518517490534236458;0.015185185185185185244294281404;0.007777777777777777554191196430;0.002962962962962962815832712593;0.014074074074074073917306471060;0.008888888888888888881179006773;0.022222222222222223070309254922;0.004074074074074073709139653943;0.006296296296296296363115274630;0.013703703703703704053218359604;0.022962962962962962798485477833;0.006666666666666667094565124074;0.009629629629629630344078705662;0.002222222222222222220294751693;0.010740740740740739936343040029;0.005925925925925925631665425186;0.012222222222222222862142437805;0.000000000000000000000000000000;0.016296296296296294836558615771;0.004444444444444444440589503387;0.012592592592592592726230549260;0.014814814814814815380206169948;0.012962962962962962590318660716;0.013703703703703704053218359604;0.013333333333333334189130248149
-0.009649122807017544364849293004;0.006578947368421052266374005058;0.018859649122807017190828204889;0.507017543859649144621926097898;0.007456140350877192742029553330;0.005263157894736841986571551644;0.007894736842105263413538196460;0.019298245614035088729698586008;0.005263157894736841986571551644;0.029385964912280702898694784153;0.005263157894736841986571551644;0.007894736842105263413538196460;0.004385964912280701510916003372;0.016666666666666666435370203203;0.025000000000000001387778780781;0.007894736842105263413538196460;0.014473684210526315679912201517;0.010526315789473683973143103287;0.012280701754385964924454199831;0.002631578947368420993285775822;0.008771929824561403021832006743;0.005701754385964912658080194774;0.000438596491228070183617665512;0.038157894736842105920526790896;0.007017543859649122937882648188;0.021929824561403507554580016858;0.014912280701754385484059106659;0.005263157894736841986571551644;0.002192982456140350755458001686;0.008333333333333333217685101602;0.005701754385964912658080194774;0.020175438596491228337992396291;0.002192982456140350755458001686;0.004385964912280701510916003372;0.003070175438596491231113549958;0.021491228070175439485156587693;0.004824561403508772182424646502;0.005701754385964912658080194774;0.000438596491228070183617665512;0.000877192982456140367235331023;0.008333333333333333217685101602;0.001315789473684210496642887911;0.000000000000000000000000000000;0.017982456140350877582534394605;0.013596491228070176071618391234;0.017105263157894737974240584322;0.020614035087719299876862777410;0.005263157894736841986571551644;0.005701754385964912658080194774;0.004824561403508772182424646502
-0.009459459459459459984564944079;0.006756756756756757131832102914;0.021171171171171170033442621161;0.500450450450450445849526204256;0.001351351351351351426366420583;0.002252252252252252232717077973;0.006306306306306306078135470727;0.016216216216216217116397046993;0.004504504504504504465434155946;0.038288288288288285787785980574;0.006756756756756757131832102914;0.000900900900900900914770874639;0.000900900900900900914770874639;0.015765765765765764327976938830;0.015765765765765764327976938830;0.004954954954954954651769050145;0.012612612612612612156270941455;0.009459459459459459984564944079;0.008108108108108108558198523497;0.003603603603603603659083498556;0.014414414414414414636333994224;0.006756756756756757131832102914;0.001351351351351351426366420583;0.052702702702702705628290402728;0.004504504504504504465434155946;0.020720720720720720714469464951;0.016666666666666666435370203203;0.028378378378378379953694832238;0.002702702702702702852732841166;0.000900900900900900914770874639;0.000900900900900900914770874639;0.025225225225225224312541882909;0.001801801801801801829541749278;0.002702702702702702852732841166;0.001351351351351351426366420583;0.026576576576576575738908303492;0.003153153153153153039067735364;0.004954954954954954651769050145;0.001351351351351351426366420583;0.000900900900900900914770874639;0.007657657657657657504501891310;0.001351351351351351426366420583;0.000000000000000000000000000000;0.020720720720720720714469464951;0.009909909909909909303538100289;0.013513513513513514263664205828;0.025675675675675677100961991073;0.010360360360360360357234732476;0.003153153153153153039067735364;0.004054054054054054279099261748
-0.010526315789473683973143103287;0.010964912280701753777290008429;0.023245614035087718701744208261;0.485526315789473694728428654344;0.001315789473684210496642887911;0.004824561403508772182424646502;0.001754385964912280734470662047;0.019298245614035088729698586008;0.006578947368421052266374005058;0.027192982456140352143236782467;0.010087719298245614168996198146;0.002631578947368420993285775822;0.003070175438596491231113549958;0.024561403508771929848908399663;0.014473684210526315679912201517;0.009649122807017544364849293004;0.010087719298245614168996198146;0.012280701754385964924454199831;0.006140350877192982462227099916;0.004824561403508772182424646502;0.006578947368421052266374005058;0.005701754385964912658080194774;0.003508771929824561468941324094;0.029824561403508770968118213318;0.009649122807017544364849293004;0.026754385964912280604366401349;0.016228070175438594896499822084;0.046491228070175437403488416521;0.000877192982456140367235331023;0.003070175438596491231113549958;0.003947368421052631706769098230;0.012280701754385964924454199831;0.001315789473684210496642887911;0.007894736842105263413538196460;0.004385964912280701510916003372;0.028508771929824559820954021916;0.004385964912280701510916003372;0.002631578947368420993285775822;0.001754385964912280734470662047;0.002631578947368420993285775822;0.006140350877192982462227099916;0.001754385964912280734470662047;0.000000000000000000000000000000;0.010526315789473683973143103287;0.008333333333333333217685101602;0.007017543859649122937882648188;0.026315789473684209065496020230;0.015350877192982455288206011801;0.006578947368421052266374005058;0.010526315789473683973143103287
-0.025595238095238094511163495781;0.009226190476190476372209126055;0.055654761904761901325500161875;0.142857142857142849212692681249;0.006250000000000000346944695195;0.011607142857142857539365365938;0.004166666666666666608842550801;0.028571428571428570536427926640;0.016071428571428569842538536250;0.034226190476190479494711382813;0.008928571428571428075793292578;0.006547619047619047775998790684;0.008928571428571428075793292578;0.028869047619047620567567236094;0.009523809523809524668624959531;0.011904761904761904101057723437;0.033630952380952379432432763906;0.031547619047619046561692357500;0.011607142857142857539365365938;0.011309523809523809242949532461;0.017857142857142856151586585156;0.015178571428571428422737987773;0.004761904761904762334312479766;0.054166666666666668517038374375;0.017857142857142856151586585156;0.033035714285714286309048048906;0.031547619047619046561692357500;0.006250000000000000346944695195;0.001190476190476190583578119941;0.009523809523809524668624959531;0.007142857142857142634106981660;0.031845238095238093123384715000;0.006845238095238095205052886172;0.003869047619047619179788455313;0.011904761904761904101057723437;0.061011904761904760252644308594;0.009226190476190476372209126055;0.011011904761904762681257174961;0.001785714285714285658526745415;0.009821428571428571230317317031;0.008630952380952381514100935078;0.009226190476190476372209126055;0.000000000000000000000000000000;0.024404761904761904794947113828;0.008928571428571428075793292578;0.019940476190476189022326991562;0.038392857142857145236192195625;0.018749999999999999306110609609;0.013988095238095238706521605820;0.014880952380952380126322154297
-0.014682539682539682418527249297;0.011111111111111111535154627461;0.030555555555555554553270880547;0.349206349206349186964359887497;0.015873015873015872134743631250;0.008730158730158730367998387578;0.003174603174603174600421073848;0.025396825396825396803368590781;0.011111111111111111535154627461;0.026984126984126985404621734688;0.009920634920634920084214769531;0.003968253968253968033685907812;0.003174603174603174600421073848;0.018650793650793650452213157109;0.026587301587301586519584972734;0.013095238095238095551997581367;0.023809523809523808202115446875;0.022619047619047618485899064922;0.018650793650793650452213157109;0.003571428571428571317053490830;0.016666666666666666435370203203;0.011507936507936508685467913438;0.002380952380952381167156239883;0.029365079365079364837054498594;0.015476190476190476719153821250;0.025793650793650792218958400781;0.021825396825396824185272492969;0.008333333333333333217685101602;0.002777777777777777883788656865;0.013492063492063492702310867344;0.006746031746031746351155433672;0.019047619047619049337249919063;0.003968253968253968033685907812;0.005158730158730158617264027754;0.004365079365079365183999193789;0.028571428571428570536427926640;0.004365079365079365183999193789;0.007539682539682539784420267637;0.000000000000000000000000000000;0.005555555555555555767577313730;0.008333333333333333217685101602;0.009920634920634920084214769531;0.000000000000000000000000000000;0.019841269841269840168429539062;0.021031746031746033354092872969;0.015079365079365079568840535273;0.024206349206349207087152208828;0.013888888888888888117900677344;0.007142857142857142634106981660;0.006746031746031746351155433672
-0.056250000000000001387778780781;0.003125000000000000173472347598;0.044791666666666667129259593594;0.018749999999999999306110609609;0.004166666666666666608842550801;0.030729166666666665047591422422;0.001562500000000000086736173799;0.011979166666666667476204288789;0.024479166666666666435370203203;0.028125000000000000693889390391;0.018229166666666667823148983985;0.038541666666666668517038374375;0.013020833333333333911574491992;0.030208333333333333564629796797;0.003645833333333333391157449199;0.046354166666666668517038374375;0.016145833333333334952408577578;0.013541666666666667129259593594;0.008854166666666666435370203203;0.009374999999999999653055304805;0.010416666666666666088425508008;0.019791666666666665741480812812;0.001562500000000000086736173799;0.035416666666666665741480812812;0.054166666666666668517038374375;0.036458333333333335646297967969;0.030208333333333333564629796797;0.001562500000000000086736173799;0.002083333333333333304421275400;0.011979166666666667476204288789;0.070833333333333331482961625625;0.019791666666666665741480812812;0.005729166666666666261897855605;0.009895833333333332870740406406;0.021874999999999998612221219219;0.026562499999999999306110609609;0.009895833333333332870740406406;0.019791666666666665741480812812;0.004687499999999999826527652402;0.008333333333333333217685101602;0.004166666666666666608842550801;0.016666666666666666435370203203;0.000000000000000000000000000000;0.021874999999999998612221219219;0.005208333333333333044212754004;0.018749999999999999306110609609;0.036979166666666667129259593594;0.033854166666666664353702032031;0.014583333333333333564629796797;0.025000000000000001387778780781
-0.016666666666666666435370203203;0.010544217687074829148397014933;0.032653061224489798863857004108;0.369047619047619068766152850003;0.020068027210884353817021974464;0.015646258503401361955598147802;0.001020408163265306214495531378;0.008163265306122449715964251027;0.015306122448979591482709494699;0.012244897959183672839222900564;0.010204081632653060410231837807;0.021088435374149658296794029866;0.011564625850340135362892546311;0.018707482993197278864361265960;0.012925170068027210315553254816;0.015646258503401361955598147802;0.019047619047619049337249919063;0.021088435374149658296794029866;0.015306122448979591482709494699;0.003061224489795918209805725141;0.009863945578231291672066660681;0.014625850340136054006379140446;0.002040816326530612428991062757;0.017346938775510203911700557455;0.021428571428571428769682682969;0.015646258503401361955598147802;0.020068027210884353817021974464;0.004081632653061224857982125513;0.000000000000000000000000000000;0.022789115646258503722343391473;0.025850340136054420631106509632;0.016326530612244899431928502054;0.007142857142857142634106981660;0.005102040816326530205115918903;0.008163265306122449715964251027;0.023809523809523808202115446875;0.006462585034013605157776627408;0.010544217687074829148397014933;0.003741496598639455686136079393;0.010544217687074829148397014933;0.003741496598639455686136079393;0.009183673469387755930459782405;0.000000000000000000000000000000;0.011564625850340135362892546311;0.011224489795918366624727369185;0.005782312925170067681446273156;0.022789115646258503722343391473;0.015986394557823128959039848951;0.008843537414965987192294605279;0.015306122448979591482709494699
-0.023076923076923078204103489952;0.014102564102564102768710974090;0.031623931623931622603151936346;0.205128205128205121088313944711;0.022222222222222223070309254922;0.029059829059829060671216183209;0.003846153846153846367350581659;0.025213675213675214303865601551;0.011111111111111111535154627461;0.032478632478632481206393123330;0.013675213675213675201813856575;0.024358974358974359170071366520;0.009401709401709401267566157401;0.020940170940170938634894426400;0.011965811965811966668948862491;0.018376068376068376702958673263;0.014529914529914530335608091605;0.023076923076923078204103489952;0.017948717948717947401338079771;0.005128205128205128200680196215;0.017521367521367521569164438233;0.008119658119658120301598280832;0.004273504273504273934247699174;0.047435897435897433904727904519;0.019658119658119657668926549832;0.022222222222222223070309254922;0.022649572649572648902482896460;0.010683760683760683968257509946;0.000427350427350427350056683018;0.045299145299145297804965792920;0.014529914529914530335608091605;0.020512820512820512802720784862;0.009829059829059828834463274916;0.001282051282051282050170049054;0.004700854700854700633783078700;0.038034188034188030902438271141;0.014102564102564102768710974090;0.007264957264957265167804045802;0.000854700854700854700113366036;0.004700854700854700633783078700;0.006410256410256410034009810772;0.006837606837606837600906928287;0.000000000000000000000000000000;0.021367521367521367936515019892;0.015811965811965811301575968173;0.013675213675213675201813856575;0.026923076923076924571454071611;0.013247863247863247634916739059;0.011111111111111111535154627461;0.013247863247863247634916739059
-0.036666666666666666851703837438;0.014761904761904762542479296883;0.040000000000000000832667268469;0.131428571428571422385900291374;0.018095238095238094788719251937;0.025238095238095236555464495609;0.007619047619047619041010577234;0.020952380952380951495417349406;0.020000000000000000416333634234;0.023809523809523808202115446875;0.015238095238095238082021154469;0.016190476190476189161104869640;0.007142857142857142634106981660;0.030952380952380953438307642500;0.020952380952380951495417349406;0.020000000000000000416333634234;0.018571428571428572062984585500;0.033333333333333332870740406406;0.028095238095238096731609545031;0.004285714285714285927408884191;0.021428571428571428769682682969;0.012857142857142856914864914586;0.006190476190476190687661528500;0.045714285714285714246063463406;0.027142857142857142183078877906;0.029523809523809525084958593766;0.021428571428571428769682682969;0.005714285714285714280757932926;0.001428571428571428570189483231;0.026190476190476191103995162734;0.016190476190476189161104869640;0.019523809523809523142068300672;0.012857142857142856914864914586;0.004285714285714285927408884191;0.009047619047619047394359625969;0.031904761904761907986838309625;0.005714285714285714280757932926;0.017619047619047617514453918375;0.001428571428571428570189483231;0.005714285714285714280757932926;0.008571428571428571854817768383;0.007142857142857142634106981660;0.000000000000000000000000000000;0.016666666666666666435370203203;0.020952380952380951495417349406;0.023809523809523808202115446875;0.025238095238095236555464495609;0.016666666666666666435370203203;0.012857142857142856914864914586;0.012857142857142856914864914586
-0.011851851851851851263330850372;0.010000000000000000208166817117;0.040000000000000000832667268469;0.251851851851851826769035369580;0.000740740740740740703958178148;0.003333333333333333547282562037;0.003703703703703703845051542487;0.019629629629629628817522046802;0.011851851851851851263330850372;0.057777777777777775125578330062;0.007037037037037036958653235530;0.004074074074074073709139653943;0.001481481481481481407916356297;0.022592592592592591199673890401;0.022222222222222223070309254922;0.010000000000000000208166817117;0.024074074074074074125473288177;0.021481481481481479872686080057;0.005555555555555555767577313730;0.004444444444444444440589503387;0.008888888888888888881179006773;0.011111111111111111535154627461;0.001111111111111111110147375847;0.085555555555555551361379684749;0.012222222222222222862142437805;0.032592592592592589673117231541;0.023333333333333334397297065266;0.006666666666666667094565124074;0.003703703703703703845051542487;0.002222222222222222220294751693;0.003333333333333333547282562037;0.037777777777777778178691647781;0.001481481481481481407916356297;0.008518518518518519017090895318;0.002962962962962962815832712593;0.045555555555555557467606320188;0.007777777777777777554191196430;0.006296296296296296363115274630;0.000740740740740740703958178148;0.006666666666666667094565124074;0.008148148148148147418279307885;0.003703703703703703845051542487;0.000000000000000000000000000000;0.040370370370370368962031903948;0.011111111111111111535154627461;0.027037037037037036507625131776;0.037407407407407410049327012302;0.015555555555555555108382392859;0.006666666666666667094565124074;0.007777777777777777554191196430
-0.023703703703703702526661700745;0.005925925925925925631665425186;0.023703703703703702526661700745;0.291851851851851862296172157585;0.015925925925925926707193980292;0.022222222222222223070309254922;0.008518518518518519017090895318;0.015925925925925926707193980292;0.005925925925925925631665425186;0.034444444444444444197728216750;0.009259259259259258745267118229;0.015925925925925926707193980292;0.009259259259259258745267118229;0.018888888888888889089345823891;0.026296296296296296779448908865;0.020000000000000000416333634234;0.017037037037037038034181790636;0.010000000000000000208166817117;0.011481481481481481399242738917;0.002962962962962962815832712593;0.017407407407407406163546426114;0.006666666666666667094565124074;0.001111111111111111110147375847;0.059259259259259261520824679792;0.024444444444444445724284875610;0.029259259259259259161600752464;0.014074074074074073917306471060;0.024814814814814813853649511088;0.002962962962962962815832712593;0.007407407407407407690103084974;0.015185185185185185244294281404;0.023333333333333334397297065266;0.002592592592592592518063732143;0.004074074074074073709139653943;0.004814814814814815172039352831;0.033703703703703701000105041885;0.004074074074074073709139653943;0.008888888888888888881179006773;0.000370370370370370351979089074;0.004074074074074073709139653943;0.006666666666666667094565124074;0.004074074074074073709139653943;0.000000000000000000000000000000;0.028148148148148147834612942120;0.012592592592592592726230549260;0.021851851851851851471497667490;0.023333333333333334397297065266;0.013703703703703704053218359604;0.004444444444444444440589503387;0.007407407407407407690103084974
-0.024166666666666666157814447047;0.010833333333333333703407674875;0.029166666666666667129259593594;0.148333333333333344805637921127;0.050000000000000002775557561563;0.017083333333333332315628894094;0.004166666666666666608842550801;0.021250000000000001526556658860;0.012083333333333333078907223523;0.045833333333333330095182844843;0.012083333333333333078907223523;0.030833333333333334119741309109;0.007499999999999999722444243844;0.029583333333333333009518284484;0.018333333333333333425851918719;0.012083333333333333078907223523;0.010416666666666666088425508008;0.008333333333333333217685101602;0.019583333333333334536074943344;0.003749999999999999861222121922;0.012083333333333333078907223523;0.005833333333333333599324266316;0.002083333333333333304421275400;0.070416666666666669072149886688;0.026666666666666668378260496297;0.042083333333333333703407674875;0.013333333333333334189130248149;0.024583333333333332038073137937;0.001250000000000000026020852140;0.032500000000000001110223024625;0.011249999999999999583666365766;0.031666666666666669349705642844;0.002500000000000000052041704279;0.002916666666666666799662133158;0.006666666666666667094565124074;0.041666666666666664353702032031;0.009166666666666666712925959359;0.007083333333333332974823814965;0.001250000000000000026020852140;0.001666666666666666773641281019;0.003749999999999999861222121922;0.005000000000000000104083408559;0.000000000000000000000000000000;0.029583333333333333009518284484;0.021250000000000001526556658860;0.011666666666666667198648532633;0.032916666666666663521034763562;0.019166666666666665186369300500;0.009166666666666666712925959359;0.005416666666666666851703837438
-0.027777777777777776235801354687;0.007407407407407407690103084974;0.020370370370370372015145221667;0.022592592592592591199673890401;0.431111111111111111604543566500;0.017037037037037038034181790636;0.008888888888888888881179006773;0.017777777777777777762358013547;0.011111111111111111535154627461;0.012592592592592592726230549260;0.009259259259259258745267118229;0.012592592592592592726230549260;0.011481481481481481399242738917;0.014074074074074073917306471060;0.010000000000000000208166817117;0.008518518518518519017090895318;0.011481481481481481399242738917;0.013703703703703704053218359604;0.017777777777777777762358013547;0.004074074074074073709139653943;0.016666666666666666435370203203;0.004814814814814815172039352831;0.007777777777777777554191196430;0.020000000000000000416333634234;0.019629629629629628817522046802;0.014814814814814815380206169948;0.013333333333333334189130248149;0.013333333333333334189130248149;0.004074074074074073709139653943;0.014444444444444443781394582516;0.010000000000000000208166817117;0.013333333333333334189130248149;0.008148148148148147418279307885;0.001481481481481481407916356297;0.007777777777777777554191196430;0.019259259259259260688157411323;0.007037037037037036958653235530;0.011851851851851851263330850372;0.002222222222222222220294751693;0.005555555555555555767577313730;0.002222222222222222220294751693;0.007777777777777777554191196430;0.000000000000000000000000000000;0.012962962962962962590318660716;0.009629629629629630344078705662;0.011851851851851851263330850372;0.015925925925925926707193980292;0.009629629629629630344078705662;0.014074074074074073917306471060;0.010740740740740739936343040029
-0.018439716312056736446933769002;0.037943262411347516982473848657;0.039007092198581561071080159309;0.058865248226950356302822342514;0.153546099290780141410905912380;0.010638297872340425273551822727;0.003900709219858156020371842132;0.028723404255319148759006964156;0.008865248226950355261988256927;0.009574468085106382919668988052;0.011347517730496454665956029828;0.010283687943262410577349719176;0.012056737588652482323636760952;0.023049645390070920558667211253;0.062056737588652481629747370562;0.013120567375886524677519595627;0.014893617021276596423806637404;0.036524822695035458197665434454;0.025886524822695034658837087704;0.006737588652482269686860849589;0.014184397163120567031402430302;0.010638297872340425273551822727;0.006737588652482269686860849589;0.017375886524822695827774410304;0.019503546099290780535540079654;0.017021276595744681131572306754;0.027304964539007093443645501907;0.049645390070921988079355458012;0.001773049645390070878925303788;0.020212765957446809927944286756;0.007092198581560283515701215151;0.008510638297872340565786153377;0.012411347517730497019838864503;0.005319148936170212636775911363;0.016312056737588651739168099652;0.018085106382978721750731665452;0.007446808510638298211903318702;0.007801418439716312040743684264;0.002127659574468085141446538344;0.017375886524822695827774410304;0.008865248226950355261988256927;0.006382978723404254990658746038;0.000000000000000000000000000000;0.009574468085106382919668988052;0.037943262411347516982473848657;0.007801418439716312040743684264;0.013475177304964539373721699178;0.014539007092198581727604533853;0.015957446808510637042965996102;0.013120567375886524677519595627
-0.018749999999999999306110609609;0.014999999999999999444888487687;0.029166666666666667129259593594;0.280833333333333323711400453249;0.030416666666666668239482618219;0.022083333333333333287074040641;0.003333333333333333547282562037;0.019583333333333334536074943344;0.010000000000000000208166817117;0.025000000000000001387778780781;0.009583333333333332593184650250;0.027083333333333334258519187188;0.005000000000000000104083408559;0.024166666666666666157814447047;0.028333333333333331899295259859;0.016250000000000000555111512313;0.014166666666666665949647629930;0.019166666666666665186369300500;0.019583333333333334536074943344;0.006250000000000000346944695195;0.011249999999999999583666365766;0.012500000000000000693889390391;0.002916666666666666799662133158;0.025833333333333333148296162562;0.017500000000000001665334536938;0.026249999999999999028554853453;0.020000000000000000416333634234;0.021666666666666667406815349750;0.000000000000000000000000000000;0.034166666666666664631257788187;0.013333333333333334189130248149;0.015416666666666667059870654555;0.005000000000000000104083408559;0.006666666666666667094565124074;0.010833333333333333703407674875;0.027500000000000000138777878078;0.003749999999999999861222121922;0.004166666666666666608842550801;0.000416666666666666693410320255;0.008750000000000000832667268469;0.010000000000000000208166817117;0.003749999999999999861222121922;0.000000000000000000000000000000;0.011666666666666667198648532633;0.012083333333333333078907223523;0.007916666666666667337426410711;0.025000000000000001387778780781;0.017083333333333332315628894094;0.013750000000000000069388939039;0.007083333333333332974823814965
-0.022368421052631579093450397977;0.012719298245614034728601104973;0.048245614035087716620076037088;0.137719298245614046871665436811;0.023684210526315790240614589379;0.025000000000000001387778780781;0.001754385964912280734470662047;0.017982456140350877582534394605;0.023684210526315790240614589379;0.027631578947368420212660211632;0.013596491228070176071618391234;0.027631578947368420212660211632;0.007017543859649122937882648188;0.027192982456140352143236782467;0.021929824561403507554580016858;0.015350877192982455288206011801;0.028070175438596491751530592751;0.032017543859649125193023166958;0.015789473684210526827076392919;0.007017543859649122937882648188;0.012280701754385964924454199831;0.012719298245614034728601104973;0.004385964912280701510916003372;0.034210526315789475948481168643;0.027631578947368420212660211632;0.028508771929824559820954021916;0.021491228070175439485156587693;0.026315789473684209065496020230;0.001754385964912280734470662047;0.025000000000000001387778780781;0.017105263157894737974240584322;0.021491228070175439485156587693;0.007017543859649122937882648188;0.007017543859649122937882648188;0.008333333333333333217685101602;0.042543859649122807431442794268;0.010526315789473683973143103287;0.006578947368421052266374005058;0.000438596491228070183617665512;0.008771929824561403021832006743;0.007894736842105263413538196460;0.010087719298245614168996198146;0.000000000000000000000000000000;0.019736842105263156799122015173;0.016228070175438594896499822084;0.012719298245614034728601104973;0.031140350877192982115282404720;0.017543859649122806043664013487;0.015789473684210526827076392919;0.008333333333333333217685101602
-0.023232323232323232736762363970;0.011111111111111111535154627461;0.022727272727272727903535809446;0.396464646464646464085745947159;0.029292929292929294204927970213;0.015656565656565656768917094155;0.004545454545454545233762466694;0.015151515151515151935690539631;0.014141414141414142269237430583;0.016666666666666666435370203203;0.008080808080808080801071824339;0.015151515151515151935690539631;0.009090909090909090467524933388;0.022222222222222223070309254922;0.025252525252525252069668582067;0.013131313131313130868060845557;0.010101010101010101868701518413;0.010606060606060606701928072937;0.016666666666666666435370203203;0.007070707070707071134618715291;0.012121212121212121201607736509;0.007070707070707071134618715291;0.001010101010101010100133978042;0.023232323232323232736762363970;0.015656565656565656768917094155;0.023232323232323232736762363970;0.016666666666666666435370203203;0.011111111111111111535154627461;0.001515151515151515150200967064;0.015151515151515151935690539631;0.010606060606060606701928072937;0.012121212121212121201607736509;0.002525252525252525467175379603;0.004040404040404040400535912170;0.007575757575757575967845269815;0.019696969696969695434729530348;0.009595959595959595300751487912;0.007575757575757575967845269815;0.002525252525252525467175379603;0.004545454545454545233762466694;0.005555555555555555767577313730;0.010606060606060606701928072937;0.000000000000000000000000000000;0.007070707070707071134618715291;0.009595959595959595300751487912;0.009595959595959595300751487912;0.025252525252525252069668582067;0.016666666666666666435370203203;0.010101010101010101868701518413;0.011616161616161616368381181985
-0.029166666666666667129259593594;0.004924242424242423858682382587;0.034469696969696969612861892074;0.348863636363636375747887541365;0.005303030303030303350964036468;0.004545454545454545233762466694;0.004924242424242423858682382587;0.015151515151515151935690539631;0.007575757575757575967845269815;0.032196969696969696128618920739;0.011742424242424241709326082628;0.002272727272727272616881233347;0.003409090909090908925321850020;0.039015151515151516581347834745;0.009090909090909090467524933388;0.015530303030303029693248717535;0.011742424242424241709326082628;0.010606060606060606701928072937;0.006818181818181817850643700041;0.005681818181818181975883952362;0.016666666666666666435370203203;0.009090909090909090467524933388;0.000757575757575757575100483532;0.047348484848484848064309460369;0.020833333333333332176851016015;0.045075757575757574580066489034;0.018560606060606062162054996634;0.002272727272727272616881233347;0.000378787878787878787550241766;0.001515151515151515150200967064;0.002651515151515151675482018234;0.020833333333333332176851016015;0.001515151515151515150200967064;0.003787878787878787983922634908;0.006818181818181817850643700041;0.035984848484848487581988507600;0.009848484848484847717364765174;0.007575757575757575967845269815;0.001515151515151515150200967064;0.005303030303030303350964036468;0.003787878787878787983922634908;0.001893939393939393991961317454;0.000000000000000000000000000000;0.023106060606060605661093987351;0.004545454545454545233762466694;0.013636363636363635701287400082;0.043181818181818182322828647557;0.025378787878787879145336958686;0.009090909090909090467524933388;0.014015151515151515193569053963
-0.046491228070175437403488416521;0.004385964912280701510916003372;0.049561403508771931236687180444;0.005263157894736841986571551644;0.003947368421052631706769098230;0.016666666666666666435370203203;0.002192982456140350755458001686;0.029385964912280702898694784153;0.012719298245614034728601104973;0.050877192982456138914404419893;0.023245614035087718701744208261;0.009649122807017544364849293004;0.009210526315789472825978911885;0.050000000000000002775557561563;0.006578947368421052266374005058;0.030263157894736842506988594437;0.017543859649122806043664013487;0.020614035087719299876862777410;0.008771929824561403021832006743;0.007894736842105263413538196460;0.015789473684210526827076392919;0.010526315789473683973143103287;0.004824561403508772182424646502;0.064912280701754379585999288338;0.041228070175438599753725554820;0.053508771929824561208732802697;0.025438596491228069457202209946;0.003508771929824561468941324094;0.000438596491228070183617665512;0.010087719298245614168996198146;0.009649122807017544364849293004;0.026754385964912280604366401349;0.003947368421052631706769098230;0.009210526315789472825978911885;0.021052631578947367946286206575;0.042543859649122807431442794268;0.010964912280701753777290008429;0.011403508771929825316160389548;0.000000000000000000000000000000;0.012280701754385964924454199831;0.002631578947368420993285775822;0.006140350877192982462227099916;0.000000000000000000000000000000;0.032894736842105261331870025288;0.005263157894736841986571551644;0.019736842105263156799122015173;0.054385964912280704286473564935;0.048684210526315788158946418207;0.021491228070175439485156587693;0.025438596491228069457202209946
-0.034814814814814812327092852229;0.011481481481481481399242738917;0.055185185185185184342238073896;0.128888888888888886175010384250;0.004444444444444444440589503387;0.015925925925925926707193980292;0.005185185185185185036127464286;0.019629629629629628817522046802;0.018888888888888889089345823891;0.032222222222222221543752596062;0.017407407407407406163546426114;0.007037037037037036958653235530;0.006666666666666667094565124074;0.033333333333333332870740406406;0.018148148148148149361169600979;0.025185185185185185452461098521;0.023703703703703702526661700745;0.023703703703703702526661700745;0.010370370370370370072254928573;0.008148148148148147418279307885;0.020370370370370372015145221667;0.016666666666666666435370203203;0.003703703703703703845051542487;0.048518518518518516380311211833;0.028518518518518519433424529552;0.035925925925925923654080662573;0.025185185185185185452461098521;0.014074074074074073917306471060;0.003703703703703703845051542487;0.008518518518518519017090895318;0.012962962962962962590318660716;0.027037037037037036507625131776;0.005185185185185185036127464286;0.006666666666666667094565124074;0.010000000000000000208166817117;0.041481481481481480289019714291;0.007037037037037036958653235530;0.011851851851851851263330850372;0.001481481481481481407916356297;0.014444444444444443781394582516;0.006296296296296296363115274630;0.004814814814814815172039352831;0.000000000000000000000000000000;0.025925925925925925180637321432;0.011851851851851851263330850372;0.018148148148148149361169600979;0.037407407407407410049327012302;0.022592592592592591199673890401;0.014814814814814815380206169948;0.014444444444444443781394582516
-0.014814814814814815380206169948;0.011111111111111111535154627461;0.029999999999999998889776975375;0.446296296296296302053008275834;0.065185185185185179346234463083;0.011481481481481481399242738917;0.003333333333333333547282562037;0.012592592592592592726230549260;0.008888888888888888881179006773;0.015555555555555555108382392859;0.008518518518518519017090895318;0.021481481481481479872686080057;0.005185185185185185036127464286;0.016296296296296294836558615771;0.014814814814814815380206169948;0.011851851851851851263330850372;0.011111111111111111535154627461;0.014444444444444443781394582516;0.010740740740740739936343040029;0.003703703703703703845051542487;0.008148148148148147418279307885;0.006296296296296296363115274630;0.001111111111111111110147375847;0.017407407407407406163546426114;0.012222222222222222862142437805;0.014814814814814815380206169948;0.012592592592592592726230549260;0.023703703703703702526661700745;0.001111111111111111110147375847;0.022592592592592591199673890401;0.010740740740740739936343040029;0.010740740740740739936343040029;0.002962962962962962815832712593;0.004074074074074073709139653943;0.007037037037037036958653235530;0.017777777777777777762358013547;0.002222222222222222220294751693;0.006296296296296296363115274630;0.000000000000000000000000000000;0.005185185185185185036127464286;0.005925925925925925631665425186;0.004074074074074073709139653943;0.000000000000000000000000000000;0.007777777777777777554191196430;0.006296296296296296363115274630;0.004074074074074073709139653943;0.021851851851851851471497667490;0.012222222222222222862142437805;0.005925925925925925631665425186;0.007407407407407407690103084974
-0.039814814814814816767984950729;0.004166666666666666608842550801;0.044907407407407409771771256146;0.156481481481481471407235517290;0.006944444444444444058950338672;0.016666666666666666435370203203;0.005555555555555555767577313730;0.011111111111111111535154627461;0.014814814814814815380206169948;0.018981481481481481121686982760;0.013425925925925926221471407018;0.008333333333333333217685101602;0.016666666666666666435370203203;0.026388888888888888811790067734;0.004629629629629629372633559115;0.026388888888888888811790067734;0.018518518518518517490534236458;0.027777777777777776235801354687;0.006481481481481481295159330358;0.009722222222222222376419864531;0.015277777777777777276635440273;0.021296296296296295808003762318;0.018981481481481481121686982760;0.034259259259259260133045899011;0.028703703703703703498106847292;0.031018518518518518184423626849;0.021759259259259259439156508620;0.034722222222222223764198645313;0.001851851851851851922525771243;0.006944444444444444058950338672;0.016203703703703702804217456901;0.016203703703703702804217456901;0.008333333333333333217685101602;0.012037037037037037062736644089;0.028240740740740739866954100989;0.030555555555555554553270880547;0.006481481481481481295159330358;0.017592592592592593697675695807;0.002777777777777777883788656865;0.031944444444444441977282167500;0.003703703703703703845051542487;0.011111111111111111535154627461;0.000000000000000000000000000000;0.019444444444444444752839729063;0.002777777777777777883788656865;0.022222222222222223070309254922;0.018055555555555553859381490156;0.021296296296296295808003762318;0.026388888888888888811790067734;0.012037037037037037062736644089
-0.032017543859649125193023166958;0.012280701754385964924454199831;0.028070175438596491751530592751;0.262719298245614019116089821182;0.005701754385964912658080194774;0.010964912280701753777290008429;0.003508771929824561468941324094;0.016228070175438594896499822084;0.013157894736842104532748010115;0.017543859649122806043664013487;0.011842105263157895120307294690;0.007456140350877192742029553330;0.014473684210526315679912201517;0.034210526315789475948481168643;0.017105263157894737974240584322;0.017105263157894737974240584322;0.015789473684210526827076392919;0.014035087719298245875765296375;0.014912280701754385484059106659;0.009649122807017544364849293004;0.014912280701754385484059106659;0.017543859649122806043664013487;0.013596491228070176071618391234;0.022368421052631579093450397977;0.034649122807017540548457645855;0.027631578947368420212660211632;0.021052631578947367946286206575;0.009210526315789472825978911885;0.001315789473684210496642887911;0.011842105263157895120307294690;0.012280701754385964924454199831;0.012719298245614034728601104973;0.003508771929824561468941324094;0.009210526315789472825978911885;0.026315789473684209065496020230;0.029385964912280702898694784153;0.007017543859649122937882648188;0.012719298245614034728601104973;0.004824561403508772182424646502;0.017543859649122806043664013487;0.004385964912280701510916003372;0.002631578947368420993285775822;0.000000000000000000000000000000;0.013596491228070176071618391234;0.015350877192982455288206011801;0.012719298245614034728601104973;0.019736842105263156799122015173;0.025000000000000001387778780781;0.022807017543859650632320779096;0.015350877192982455288206011801
-0.035714285714285712303173170312;0.007142857142857142634106981660;0.063888888888888883954564334999;0.060714285714285713690951951094;0.003174603174603174600421073848;0.018253968253968255036623347110;0.006349206349206349200842147695;0.015079365079365079568840535273;0.019047619047619049337249919063;0.044047619047619050725028699844;0.011507936507936508685467913438;0.008333333333333333217685101602;0.015079365079365079568840535273;0.040476190476190478106932602032;0.008333333333333333217685101602;0.023015873015873017370935826875;0.028968253968253969421464688594;0.024603174603174602502742018828;0.014682539682539682418527249297;0.010714285714285714384841341484;0.019444444444444444752839729063;0.020634920634920634469056111016;0.007539682539682539784420267637;0.057142857142857141072855853281;0.028571428571428570536427926640;0.038888888888888889505679458125;0.021825396825396824185272492969;0.005158730158730158617264027754;0.001587301587301587300210536924;0.011111111111111111535154627461;0.016269841269841271019780393203;0.025396825396825396803368590781;0.004761904761904762334312479766;0.010317460317460317234528055508;0.017063492063492061850960013203;0.049206349206349205005484037656;0.010714285714285714384841341484;0.017857142857142856151586585156;0.001984126984126984016842953906;0.015079365079365079568840535273;0.005158730158730158617264027754;0.005952380952380952050528861719;0.000000000000000000000000000000;0.028571428571428570536427926640;0.006349206349206349200842147695;0.019841269841269840168429539062;0.035317460317460316887583360312;0.030158730158730159137681070547;0.015476190476190476719153821250;0.013492063492063492702310867344
-0.052252252252252252839870294565;0.003153153153153153039067735364;0.072072072072072071446946495143;0.000450450450450450457385437320;0.001801801801801801829541749278;0.029279279279279278591641144658;0.003153153153153153039067735364;0.011261261261261260729904520872;0.027477477477477477846301567865;0.033783783783783785659160514570;0.015765765765765764327976938830;0.029729729729729731380061252821;0.012612612612612612156270941455;0.040990990990990988640518821740;0.003603603603603603659083498556;0.032432432432432434232794093987;0.028378378378378379953694832238;0.028378378378378379953694832238;0.012162162162162162837297785245;0.012162162162162162837297785245;0.020720720720720720714469464951;0.019819819819819818607076200578;0.006306306306306306078135470727;0.044594594594594597070091879232;0.035585585585585582935053139408;0.050900900900900901413503873982;0.022522522522522521459809041744;0.011711711711711711783601153058;0.002252252252252252232717077973;0.009009009009009008930868311893;0.019369369369369369288103044369;0.029279279279279278591641144658;0.002702702702702702852732841166;0.008558558558558557877171679706;0.018918918918918919969129888159;0.040540540540540542790992617483;0.010810810810810811410931364662;0.025225225225225224312541882909;0.003153153153153153039067735364;0.013513513513513514263664205828;0.002252252252252252232717077973;0.003603603603603603659083498556;0.000000000000000000000000000000;0.019819819819819818607076200578;0.001351351351351351426366420583;0.010360360360360360357234732476;0.044594594594594597070091879232;0.028378378378378379953694832238;0.022072072072072072140835885534;0.021171171171171170033442621161
-0.035057471264367819074880827657;0.005459770114942528659862652773;0.047413793103448273469346929687;0.051724137931034482040804078906;0.024137931034482758285708570156;0.017528735632183909537440413828;0.004310344827586206836733673242;0.022988505747126436462579590625;0.010057471264367815952378570898;0.034195402298850575972810617031;0.018678160919540231360569393360;0.008045977011494252761902856719;0.010632183908045976863943060664;0.038505747126436784544267766250;0.016954022988505748625875924063;0.015517241379310344612241223672;0.022126436781609196829956331953;0.024425287356321840476214291016;0.024137931034482758285708570156;0.007758620689655172306120611836;0.014367816091954022789112244141;0.012931034482758620510201019727;0.005172413793103448204080407891;0.044540229885057472380971432813;0.038218390804597698884315093437;0.039655172413793106367396745782;0.032758620689655175428622868594;0.037068965517241377061186113906;0.001724137931034482734693469297;0.016091954022988505523805713437;0.007758620689655172306120611836;0.023275862068965518653085311485;0.009482758620689655040814081133;0.004310344827586206836733673242;0.018678160919540231360569393360;0.053160919540229882584991827343;0.010632183908045976863943060664;0.009195402298850574585031836250;0.000000000000000000000000000000;0.008045977011494252761902856719;0.007471264367816091850338366953;0.003735632183908045925169183477;0.000000000000000000000000000000;0.024712643678160919197273059922;0.019252873563218392272133883125;0.014367816091954022789112244141;0.040517241379310342530573052500;0.027011494252873562843531018984;0.022701149425287357741520821719;0.013505747126436781421765509492
-0.036011904761904758864865527812;0.013095238095238095551997581367;0.052380952380952382207990325469;0.000892857142857142829263372708;0.007738095238095238359576910625;0.039583333333333331482961625625;0.002083333333333333304421275400;0.014880952380952380126322154297;0.019345238095238095898942276563;0.028571428571428570536427926640;0.024107142857142858233254756328;0.027976190476190477413043211641;0.018452380952380952744418252109;0.048809523809523809589894227656;0.006845238095238095205052886172;0.025297619047619047949471138281;0.020238095238095239053466301016;0.027678571428571427381903902187;0.013690476190476190410105772344;0.011904761904761904101057723437;0.016964285714285712997062560703;0.015178571428571428422737987773;0.011011904761904762681257174961;0.037202380952380952050528861719;0.040476190476190478106932602032;0.040178571428571431545240244532;0.029761904761904760252644308594;0.008035714285714284921269268125;0.001488095238095238012632215430;0.035119047619047619179788455313;0.022916666666666665047591422422;0.016369047619047619873677845703;0.008333333333333333217685101602;0.008630952380952381514100935078;0.021726190476190475331375040469;0.041369047619047617792009674531;0.013095238095238095551997581367;0.011011904761904762681257174961;0.001785714285714285658526745415;0.013690476190476190410105772344;0.003869047619047619179788455313;0.013988095238095238706521605820;0.000000000000000000000000000000;0.017857142857142856151586585156;0.002976190476190476025264430859;0.011309523809523809242949532461;0.038095238095238098674499838125;0.032738095238095239747355691406;0.029166666666666667129259593594;0.016071428571428569842538536250
-0.052941176470588234559411233704;0.008823529411764705759901872284;0.064705882352941182511507633990;0.010294117647058823386552184331;0.003921568627450980337734165460;0.024509803921568627110838534122;0.002450980392156862711083853412;0.014215686274509803724286349791;0.051960784313725492944424644293;0.027450980392156862364139158217;0.022058823529411766134478156687;0.024019607843137256303345239417;0.011274509803921568470985725696;0.044117647058823532268956313374;0.007352941176470588133251560237;0.029901960784313726809946487606;0.015196078431372548808719891156;0.030392156862745097617439782312;0.011274509803921568470985725696;0.010294117647058823386552184331;0.013235294117647058639852808426;0.022058823529411766134478156687;0.006372549019607843048818018872;0.039215686274509803377341654596;0.047058823529411764052809985515;0.050000000000000002775557561563;0.030392156862745097617439782312;0.010784313725490195928768955014;0.000490196078431372542216770682;0.012745098039215686097636037744;0.028921568627450981725512946241;0.011764705882352941013202496379;0.004901960784313725422167706824;0.004411764705882352879950936142;0.010784313725490195928768955014;0.034313725490196081424620899725;0.011764705882352941013202496379;0.014215686274509803724286349791;0.005392156862745097964384477507;0.008333333333333333217685101602;0.005392156862745097964384477507;0.006372549019607843048818018872;0.000000000000000000000000000000;0.020098039215686275965611073957;0.005392156862745097964384477507;0.012254901960784313555419267061;0.040196078431372551931222147914;0.032843137254901962063247111701;0.023039215686274511218911698052;0.020098039215686275965611073957
-0.020555555555555556079827539406;0.000555555555555555555073687923;0.081111111111111106053428443374;0.000555555555555555555073687923;0.000555555555555555555073687923;0.013888888888888888117900677344;0.000000000000000000000000000000;0.018888888888888889089345823891;0.043333333333333334813630699500;0.052777777777777777623580135469;0.014999999999999999444888487687;0.015555555555555555108382392859;0.008888888888888888881179006773;0.053888888888888888950567945813;0.003888888888888888777095598215;0.018888888888888889089345823891;0.043333333333333334813630699500;0.040000000000000000832667268469;0.007777777777777777554191196430;0.013888888888888888117900677344;0.008888888888888888881179006773;0.029444444444444443226283070203;0.003333333333333333547282562037;0.058888888888888886452566140406;0.033333333333333332870740406406;0.044999999999999998334665463062;0.027222222222222220572307449515;0.018333333333333333425851918719;0.001111111111111111110147375847;0.006111111111111111431071218902;0.010555555555555555871660722289;0.028333333333333331899295259859;0.003333333333333333547282562037;0.010555555555555555871660722289;0.007222222222222221890697291258;0.072777777777777774570466817750;0.010555555555555555871660722289;0.004444444444444444440589503387;0.010000000000000000208166817117;0.005555555555555555767577313730;0.006111111111111111431071218902;0.011111111111111111535154627461;0.000000000000000000000000000000;0.019444444444444444752839729063;0.002222222222222222220294751693;0.012222222222222222862142437805;0.048333333333333332315628894094;0.021111111111111111743321444578;0.013888888888888888117900677344;0.017222222222222222098864108375
-0.022695035460992909331912059656;0.008865248226950355261988256927;0.065957446808510636349076605711;0.163829787234042539845191299719;0.000709219858156028416622251864;0.006028368794326241161818380476;0.001418439716312056833244503729;0.025886524822695034658837087704;0.021985815602836879939507852555;0.036879432624113472893867538005;0.009929078014184397615871091602;0.008510638297872340565786153377;0.002836879432624113666489007457;0.046099290780141841117334422506;0.014539007092198581727604533853;0.013475177304964539373721699178;0.027304964539007093443645501907;0.037588652482269502286271745106;0.008156028368794325869584049826;0.011702127659574467627434657402;0.009929078014184397615871091602;0.016312056737588651739168099652;0.007092198581560283515701215151;0.048936170212765958686951250911;0.015957446808510637042965996102;0.037588652482269502286271745106;0.023049645390070920558667211253;0.011347517730496454665956029828;0.000709219858156028416622251864;0.002482269503546099403967772901;0.006382978723404254990658746038;0.027659574468085104670400653504;0.004255319148936170282893076688;0.003191489361702127495329373019;0.010283687943262410577349719176;0.059219858156028370999024446064;0.009219858156028368223466884501;0.005673758865248227332978014914;0.004609929078014184111733442251;0.010638297872340425273551822727;0.004609929078014184111733442251;0.009219858156028368223466884501;0.000000000000000000000000000000;0.018085106382978721750731665452;0.004609929078014184111733442251;0.013829787234042552335200326752;0.043262411347517730486611498009;0.022695035460992909331912059656;0.018794326241134751143135872553;0.015957446808510637042965996102
-0.023076923076923078204103489952;0.005982905982905983334474431246;0.057264957264957262739191179435;0.165384615384615379918287203509;0.002564102564102564100340098108;0.017521367521367521569164438233;0.002136752136752136967123849587;0.019230769230769231836752908293;0.012393162393162392501122504029;0.040170940170940173941094286647;0.008974358974358973700669039886;0.019230769230769231836752908293;0.007264957264957265167804045802;0.035042735042735043138328876466;0.011965811965811966668948862491;0.016666666666666666435370203203;0.017521367521367521569164438233;0.027777777777777776235801354687;0.010683760683760683968257509946;0.007264957264957265167804045802;0.013675213675213675201813856575;0.011965811965811966668948862491;0.002991452991452991667237215623;0.040170940170940173941094286647;0.027777777777777776235801354687;0.049572649572649570004490016117;0.022222222222222223070309254922;0.001709401709401709400226732072;0.002136752136752136967123849587;0.011538461538461539102051744976;0.006837606837606837600906928287;0.027777777777777776235801354687;0.002564102564102564100340098108;0.007692307692307692734701163317;0.017094017094017095736990796695;0.054700854700854700807255426298;0.010256410256410256401360392431;0.010256410256410256401360392431;0.001282051282051282050170049054;0.007264957264957265167804045802;0.008974358974358973700669039886;0.005128205128205128200680196215;0.000000000000000000000000000000;0.025213675213675214303865601551;0.006837606837606837600906928287;0.013247863247863247634916739059;0.049145299145299144172316374579;0.026068376068376069437659836581;0.015384615384615385469402326635;0.012393162393162392501122504029
-0.019512195121951219495270990478;0.002032520325203252247597829339;0.052439024390243900441976876436;0.000000000000000000000000000000;0.005691056910569106119801574550;0.020325203252032519873893079421;0.003252032520325203249211831746;0.027235772357723578296351263361;0.016260162601626017980782634709;0.053252032520325204290045917332;0.012601626016260162807536282514;0.068699186991869914953312559192;0.006910569105691056687734707964;0.052032520325203251987389307942;0.007317073170731707744407490424;0.015447154471544715867437069790;0.016260162601626017980782634709;0.012195121951219512618225238043;0.005691056910569106119801574550;0.007317073170731707744407490424;0.019105691056910567571236470030;0.007317073170731707744407490424;0.002845528455284553059900787275;0.087398373983739841008855364635;0.017886178861788618738026812593;0.046341463414634145867587733392;0.027235772357723578296351263361;0.000406504065040650406151478968;0.001219512195121951218454436905;0.023983739837398373312415955638;0.047967479674796746624831911276;0.028861788617886179053595441246;0.002845528455284553059900787275;0.009756097560975609747635495239;0.008536585365853659179702361826;0.042682926829268295898511809128;0.009349593495934959558324450768;0.003252032520325203249211831746;0.002032520325203252247597829339;0.006504065040650406498423663493;0.011788617886178862428914193572;0.007723577235772357933718534895;0.000000000000000000000000000000;0.047967479674796746624831911276;0.004878048780487804873817747620;0.032113821138211380568083797016;0.054878048780487805047290095217;0.014227642276422763564780460399;0.012195121951219512618225238043;0.014227642276422763564780460399
-0.026851851851851852442942814037;0.011111111111111111535154627461;0.070833333333333331482961625625;0.046296296296296293726335591145;0.005092592592592593003786305417;0.017592592592592593697675695807;0.005092592592592593003786305417;0.018518518518518517490534236458;0.020833333333333332176851016015;0.031944444444444441977282167500;0.014351851851851851749053423646;0.031944444444444441977282167500;0.013425925925925926221471407018;0.048148148148148148250946576354;0.009259259259259258745267118229;0.014351851851851851749053423646;0.024074074074074074125473288177;0.027314814814814816074095560339;0.012500000000000000693889390391;0.007870370370370369586532355299;0.013888888888888888117900677344;0.015740740740740739173064710599;0.006481481481481481295159330358;0.043981481481481482509465763542;0.027314814814814816074095560339;0.050000000000000002775557561563;0.032870370370370369239587660104;0.001388888888888888941894328433;0.000462962962962962980631442811;0.013425925925925926221471407018;0.016203703703703702804217456901;0.021296296296296295808003762318;0.007407407407407407690103084974;0.013425925925925926221471407018;0.020370370370370372015145221667;0.034722222222222223764198645313;0.010648148148148147904001881159;0.003703703703703703845051542487;0.002314814814814814686316779557;0.022222222222222223070309254922;0.004629629629629629372633559115;0.009259259259259258745267118229;0.000000000000000000000000000000;0.026388888888888888811790067734;0.002777777777777777883788656865;0.016203703703703702804217456901;0.044907407407407409771771256146;0.028240740740740739866954100989;0.025925925925925925180637321432;0.026388888888888888811790067734
-0.027118644067796609381515438031;0.003672316384180791034447244314;0.064689265536723161709176110890;0.000000000000000000000000000000;0.001129943502824858796509954750;0.011299435028248587531418678509;0.000282485875706214699127488688;0.024858757062146893956899873501;0.007627118644067796930652303189;0.084745762711864403016193136864;0.011581920903954802393176493069;0.005932203389830508627467153815;0.008757062146892655510321823442;0.054237288135593218763030876062;0.005084745762711864042193710134;0.014124293785310734414273348136;0.019774011299435029914706163368;0.022881355932203389924595171578;0.004519774011299435186039819001;0.010451977401129942946145234828;0.008757062146892655510321823442;0.007909604519774010925048379761;0.003107344632768361744612484188;0.112146892655367230728913341409;0.018644067796610170467674905126;0.049435028248587573052041932442;0.020338983050847456168774840535;0.000564971751412429398254977375;0.002259887005649717593019909501;0.003672316384180791034447244314;0.005649717514124293765709339254;0.043502824858757060955127826674;0.004237288135593220324282004441;0.004802259887005650047797633562;0.009039548022598870372079638003;0.087570621468926551633771282468;0.016101694915254236711854574082;0.004519774011299435186039819001;0.001129943502824858796509954750;0.005084745762711864042193710134;0.012146892655367232116692122190;0.001977401129943502731262094940;0.000000000000000000000000000000;0.043785310734463275816885641234;0.002824858757062146882854669627;0.025141242937853108818657688062;0.059604519774011301136429352709;0.030790960451977402584367027316;0.016949152542372881297128017763;0.015536723163841808723062420938
-0.014583333333333333564629796797;0.006250000000000000346944695195;0.032916666666666663521034763562;0.247499999999999997779553950750;0.065833333333333327042069527124;0.002083333333333333304421275400;0.005000000000000000104083408559;0.019583333333333334536074943344;0.005833333333333333599324266316;0.056666666666666663798590519718;0.007083333333333332974823814965;0.002500000000000000052041704279;0.001250000000000000026020852140;0.029999999999999998889776975375;0.014999999999999999444888487687;0.005000000000000000104083408559;0.013333333333333334189130248149;0.015416666666666667059870654555;0.003333333333333333547282562037;0.004166666666666666608842550801;0.010000000000000000208166817117;0.002916666666666666799662133158;0.001250000000000000026020852140;0.085416666666666668517038374375;0.006666666666666667094565124074;0.031666666666666669349705642844;0.016250000000000000555111512313;0.036249999999999997501998194593;0.003749999999999999861222121922;0.003333333333333333547282562037;0.000833333333333333386820640509;0.037083333333333336201409480282;0.000833333333333333386820640509;0.002916666666666666799662133158;0.002083333333333333304421275400;0.053333333333333336756520992594;0.008333333333333333217685101602;0.003333333333333333547282562037;0.000416666666666666693410320255;0.001250000000000000026020852140;0.009166666666666666712925959359;0.002916666666666666799662133158;0.000000000000000000000000000000;0.033333333333333332870740406406;0.007916666666666667337426410711;0.020416666666666666296592325125;0.041666666666666664353702032031;0.014166666666666665949647629930;0.003749999999999999861222121922;0.005416666666666666851703837438
-0.013690476190476190410105772344;0.013392857142857142113689938867;0.051488095238095235584019349062;0.291369047619047638608691386253;0.007142857142857142634106981660;0.008333333333333333217685101602;0.007142857142857142634106981660;0.023809523809523808202115446875;0.010714285714285714384841341484;0.013988095238095238706521605820;0.012500000000000000693889390391;0.007738095238095238359576910625;0.005059523809523809763366575254;0.028273809523809523974735569141;0.033035714285714286309048048906;0.015773809523809523280846178750;0.012500000000000000693889390391;0.022619047619047618485899064922;0.009821428571428571230317317031;0.005952380952380952050528861719;0.008928571428571428075793292578;0.014285714285714285268213963320;0.000892857142857142829263372708;0.018749999999999999306110609609;0.017857142857142856151586585156;0.027083333333333334258519187188;0.036309523809523812365451789219;0.050297619047619049337249919063;0.005357142857142857192420670742;0.008035714285714284921269268125;0.005952380952380952050528861719;0.012797619047619047255581747891;0.004166666666666666608842550801;0.023214285714285715078730731875;0.004761904761904762334312479766;0.023511904761904761640423089375;0.004761904761904762334312479766;0.003273809523809523887999395342;0.001785714285714285658526745415;0.008333333333333333217685101602;0.008630952380952381514100935078;0.008035714285714284921269268125;0.000000000000000000000000000000;0.016071428571428569842538536250;0.013988095238095238706521605820;0.008630952380952381514100935078;0.026488095238095237665687520234;0.015476190476190476719153821250;0.011011904761904762681257174961;0.016964285714285712997062560703
-0.007407407407407407690103084974;0.020370370370370372015145221667;0.008148148148148147418279307885;0.385555555555555540259149438498;0.082962962962962960578039428583;0.003703703703703703845051542487;0.007777777777777777554191196430;0.024444444444444445724284875610;0.008888888888888888881179006773;0.013333333333333334189130248149;0.008888888888888888881179006773;0.005555555555555555767577313730;0.001481481481481481407916356297;0.007777777777777777554191196430;0.026666666666666668378260496297;0.004074074074074073709139653943;0.007037037037037036958653235530;0.012962962962962962590318660716;0.020740740740740740144509857146;0.000370370370370370351979089074;0.013333333333333334189130248149;0.004444444444444444440589503387;0.001111111111111111110147375847;0.020370370370370372015145221667;0.002222222222222222220294751693;0.009259259259259258745267118229;0.027037037037037036507625131776;0.085555555555555551361379684749;0.004074074074074073709139653943;0.029259259259259259161600752464;0.002222222222222222220294751693;0.013333333333333334189130248149;0.007407407407407407690103084974;0.012592592592592592726230549260;0.001851851851851851922525771243;0.013333333333333334189130248149;0.002222222222222222220294751693;0.001111111111111111110147375847;0.002592592592592592518063732143;0.000000000000000000000000000000;0.010370370370370370072254928573;0.011851851851851851263330850372;0.000000000000000000000000000000;0.016296296296296294836558615771;0.024814814814814813853649511088;0.009259259259259258745267118229;0.007037037037037036958653235530;0.000370370370370370351979089074;0.003703703703703703845051542487;0.004814814814814815172039352831
-0.012146892655367232116692122190;0.026271186440677964796241994350;0.020056497175141241307017025974;0.193220338983050854420042696802;0.079378531073446334520582468031;0.010734463276836157807903049388;0.006214689265536723489224968375;0.029378531073446328275577954514;0.012146892655367232116692122190;0.008757062146892655510321823442;0.010734463276836157807903049388;0.006214689265536723489224968375;0.012994350282485874967242089895;0.007909604519774010925048379761;0.055932203389830507933577763424;0.004519774011299435186039819001;0.008757062146892655510321823442;0.025141242937853108818657688062;0.047175141242937854157979415959;0.001977401129943502731262094940;0.019209039548022600191190534247;0.004802259887005650047797633562;0.014124293785310734414273348136;0.012994350282485874967242089895;0.011299435028248587531418678509;0.011016949152542372669660863949;0.024576271186440679095142058941;0.030225988700564972860851398195;0.002259887005649717593019909501;0.054519774011299433624788690622;0.008192090395480225786806194321;0.008474576271186440648564008882;0.028248587570621468828546696272;0.005367231638418078903951524694;0.013559322033898304690757719015;0.014971751412429378999546791817;0.003954802259887005462524189880;0.004237288135593220324282004441;0.006497175141242937483621044947;0.010169491525423728084387420267;0.011016949152542372669660863949;0.016384180790960451573612388643;0.000000000000000000000000000000;0.008757062146892655510321823442;0.049717514124293787913799747002;0.007627118644067796930652303189;0.007627118644067796930652303189;0.003672316384180791034447244314;0.022316384180790960201079542458;0.004519774011299435186039819001
-0.018361581920903955605917090566;0.011016949152542372669660863949;0.035875706214689266626560737450;0.225988700564971750628373570180;0.012429378531073446978449936751;0.013276836158192089828999904455;0.007344632768361582068894488629;0.018644067796610170467674905126;0.030790960451977402584367027316;0.016101694915254236711854574082;0.010734463276836157807903049388;0.009887005649717514957353081684;0.011864406779661017254934307630;0.022598870056497175062837357018;0.012994350282485874967242089895;0.010169491525423728084387420267;0.016101694915254236711854574082;0.031355932203389828838435704483;0.012146892655367232116692122190;0.009039548022598870372079638003;0.011864406779661017254934307630;0.023728813559322034509868615260;0.014124293785310734414273348136;0.017231638418079096158885832324;0.016949152542372881297128017763;0.014124293785310734414273348136;0.030225988700564972860851398195;0.012994350282485874967242089895;0.007344632768361582068894488629;0.015536723163841808723062420938;0.024293785310734464233384244380;0.017514124293785311020643646884;0.008474576271186440648564008882;0.009604519774011300095595267123;0.018361581920903955605917090566;0.027966101694915253966788881712;0.007909604519774010925048379761;0.007909604519774010925048379761;0.024576271186440679095142058941;0.021468926553672315615806098776;0.005084745762711864042193710134;0.025988700564971749934484179789;0.000000000000000000000000000000;0.013841807909604519552515533576;0.008757062146892655510321823442;0.009039548022598870372079638003;0.021186440677966100754048284216;0.014689265536723164137788977257;0.022033898305084745339321727897;0.010451977401129942946145234828
-0.016666666666666666435370203203;0.014583333333333333564629796797;0.037083333333333336201409480282;0.165000000000000007771561172376;0.012500000000000000693889390391;0.011666666666666667198648532633;0.010416666666666666088425508008;0.018333333333333333425851918719;0.014583333333333333564629796797;0.023333333333333334397297065266;0.012083333333333333078907223523;0.005416666666666666851703837438;0.009166666666666666712925959359;0.031250000000000000000000000000;0.019166666666666665186369300500;0.010416666666666666088425508008;0.015416666666666667059870654555;0.019583333333333334536074943344;0.014583333333333333564629796797;0.007916666666666667337426410711;0.011666666666666667198648532633;0.017916666666666667545593227828;0.011666666666666667198648532633;0.032083333333333331760517381781;0.019166666666666665186369300500;0.023750000000000000277555756156;0.044166666666666666574148081281;0.044583333333333335923853724125;0.008750000000000000832667268469;0.008750000000000000832667268469;0.001666666666666666773641281019;0.019583333333333334536074943344;0.005416666666666666851703837438;0.026666666666666668378260496297;0.025833333333333333148296162562;0.030416666666666668239482618219;0.010416666666666666088425508008;0.006250000000000000346944695195;0.014999999999999999444888487687;0.021250000000000001526556658860;0.007083333333333332974823814965;0.012083333333333333078907223523;0.000000000000000000000000000000;0.022916666666666665047591422422;0.011666666666666667198648532633;0.013750000000000000069388939039;0.023750000000000000277555756156;0.017083333333333332315628894094;0.026666666666666668378260496297;0.010833333333333333703407674875
-0.008055555555555555385938149016;0.017777777777777777762358013547;0.017777777777777777762358013547;0.332777777777777783452251014751;0.048055555555555552749158465531;0.006666666666666667094565124074;0.008055555555555555385938149016;0.026111111111111112714766591125;0.016111111111111110771876298031;0.013055555555555556357383295563;0.006944444444444444058950338672;0.010555555555555555871660722289;0.000555555555555555555073687923;0.015555555555555555108382392859;0.029999999999999998889776975375;0.003888888888888888777095598215;0.010277777777777778039913769703;0.016388888888888890338346726594;0.013888888888888888117900677344;0.001944444444444444388547799107;0.013888888888888888117900677344;0.007222222222222221890697291258;0.002777777777777777883788656865;0.034722222222222223764198645313;0.005000000000000000104083408559;0.012777777777777778525636342977;0.030833333333333334119741309109;0.076666666666666660745477201999;0.004722222222222222272336455973;0.019166666666666665186369300500;0.003333333333333333547282562037;0.012500000000000000693889390391;0.004166666666666666608842550801;0.015277777777777777276635440273;0.004166666666666666608842550801;0.019444444444444444752839729063;0.003888888888888888777095598215;0.003055555555555555715535609451;0.003055555555555555715535609451;0.003333333333333333547282562037;0.011111111111111111535154627461;0.020277777777777776513357110844;0.000000000000000000000000000000;0.021666666666666667406815349750;0.016388888888888890338346726594;0.015555555555555555108382392859;0.010555555555555555871660722289;0.006666666666666667094565124074;0.005833333333333333599324266316;0.007499999999999999722444243844
-0.010303030303030303455047445027;0.026666666666666668378260496297;0.023636363636363635909454217199;0.176060606060606056333384117352;0.088787878787878790620702318392;0.010909090909090909948808700847;0.013939393939393938948168027991;0.035454545454545453864181325798;0.014848484848484848688809911721;0.010000000000000000208166817117;0.011212121212121211460965852780;0.012727272727272727695368992329;0.004242424242424242854243576772;0.013030303030303030942249620239;0.023030303030303029415692961379;0.004848484848484848480643094604;0.009090909090909090467524933388;0.024545454545454543915372624951;0.037575757575757574857622245190;0.002424242424242424240321547302;0.029393939393939392396015719555;0.008484848484848485708487153545;0.004545454545454545233762466694;0.018787878787878787428811122595;0.010303030303030303455047445027;0.013939393939393938948168027991;0.029393939393939392396015719555;0.085454545454545449700844983454;0.004545454545454545233762466694;0.027272727272727271402574800163;0.005757575757575757353923240345;0.007878787878787879214725897725;0.010909090909090909948808700847;0.006363636363636363847684496164;0.009090909090909090467524933388;0.015454545454545455182571167541;0.006060606060606060600803868255;0.003333333333333333547282562037;0.003636363636363636360482320953;0.005757575757575757353923240345;0.022424242424242422921931705559;0.023333333333333334397297065266;0.000000000000000000000000000000;0.014242424242424242195048655901;0.022727272727272727903535809446;0.013333333333333334189130248149;0.012424242424242424448488364419;0.009393939393939393714405561298;0.013030303030303030942249620239;0.009393939393939393714405561298
-0.010169491525423728084387420267;0.021468926553672315615806098776;0.012146892655367232116692122190;0.218926553672316392962216013984;0.120903954802259891443405592781;0.013276836158192089828999904455;0.010451977401129942946145234828;0.026271186440677964796241994350;0.012146892655367232116692122190;0.007909604519774010925048379761;0.011581920903954802393176493069;0.011864406779661017254934307630;0.007909604519774010925048379761;0.009887005649717514957353081684;0.036158192090395481488318552010;0.004519774011299435186039819001;0.007062146892655367207136674068;0.016384180790960451573612388643;0.039265536723163844967654512175;0.002824858757062146882854669627;0.020621468926553671030532655095;0.003107344632768361744612484188;0.005649717514124293765709339254;0.014689265536723164137788977257;0.009322033898305085233837452563;0.010734463276836157807903049388;0.024858757062146893956899873501;0.065254237288135591432691740010;0.003107344632768361744612484188;0.040960451977401127199307495630;0.006214689265536723489224968375;0.006497175141242937483621044947;0.017231638418079096158885832324;0.009887005649717514957353081684;0.007062146892655367207136674068;0.011581920903954802393176493069;0.006214689265536723489224968375;0.002259887005649717593019909501;0.005367231638418078903951524694;0.006214689265536723489224968375;0.009322033898305085233837452563;0.019491525423728815052948348807;0.000000000000000000000000000000;0.014971751412429378999546791817;0.036723163841807911211834181131;0.008474576271186440648564008882;0.007909604519774010925048379761;0.005932203389830508627467153815;0.012429378531073446978449936751;0.006779661016949152345378859508
-0.016339869281045752563708006733;0.015359477124183005744550989391;0.040849673202614379674546540855;0.135294117647058814712934804447;0.013398692810457515575683906661;0.011437908496732025406816823931;0.004901960784313725422167706824;0.020261437908496732901442172192;0.029084967320261438661344044476;0.018954248366013070475899482403;0.015359477124183005744550989391;0.007516339869281045936444396460;0.010457516339869280322383282567;0.033986928104575160614064799347;0.017320261437908497648141548098;0.013398692810457515575683906661;0.013398692810457515575683906661;0.025163398692810458323609879017;0.013725490196078431182069579108;0.011111111111111111535154627461;0.015359477124183005744550989391;0.012418300653594770491250365296;0.013725490196078431182069579108;0.028104575163398693576910503111;0.019934640522875815560333023768;0.023529411764705882026404992757;0.034313725490196081424620899725;0.038562091503267975634017261655;0.005882352941176470506601248189;0.015359477124183005744550989391;0.004248366013071895076758099918;0.014705882352941176266503120473;0.009477124183006535237949741202;0.013725490196078431182069579108;0.023202614379084968154742796287;0.035947712418300650782931882077;0.011437908496732025406816823931;0.006862745098039215591034789554;0.004575163398692810683143772366;0.019934640522875815560333023768;0.007843137254901960675468330919;0.037581699346405227080136768336;0.000000000000000000000000000000;0.019934640522875815560333023768;0.011437908496732025406816823931;0.016013071895424835222598858309;0.028758169934640521320234896052;0.015686274509803921350936661838;0.028104575163398693576910503111;0.016013071895424835222598858309
-0.024107142857142858233254756328;0.013392857142857142113689938867;0.060714285714285713690951951094;0.007440476190476190063161077148;0.005357142857142857192420670742;0.016666666666666666435370203203;0.003869047619047619179788455313;0.026488095238095237665687520234;0.040178571428571431545240244532;0.044940476190476190410105772344;0.014285714285714285268213963320;0.015773809523809523280846178750;0.013095238095238095551997581367;0.043154761904761904101057723437;0.008928571428571428075793292578;0.015476190476190476719153821250;0.020833333333333332176851016015;0.032440476190476193185663333907;0.011904761904761904101057723437;0.007738095238095238359576910625;0.011904761904761904101057723437;0.026190476190476191103995162734;0.009226190476190476372209126055;0.046726190476190476719153821250;0.023511904761904761640423089375;0.036904761904761905488836504219;0.030952380952380953438307642500;0.014285714285714285268213963320;0.004761904761904762334312479766;0.007440476190476190063161077148;0.008630952380952381514100935078;0.025000000000000001387778780781;0.008035714285714284921269268125;0.021428571428571428769682682969;0.021726190476190475331375040469;0.052678571428571428769682682969;0.011309523809523809242949532461;0.006547619047619047775998790684;0.008035714285714284921269268125;0.015773809523809523280846178750;0.005952380952380952050528861719;0.031250000000000000000000000000;0.000000000000000000000000000000;0.024107142857142858233254756328;0.004761904761904762334312479766;0.016369047619047619873677845703;0.037797619047619045173913576718;0.019047619047619049337249919063;0.029166666666666667129259593594;0.013690476190476190410105772344
-0.022592592592592591199673890401;0.005185185185185185036127464286;0.070000000000000006661338147751;0.000370370370370370351979089074;0.016666666666666666435370203203;0.011851851851851851263330850372;0.005555555555555555767577313730;0.022962962962962962798485477833;0.043703703703703702942995334979;0.046666666666666668794594130532;0.012222222222222222862142437805;0.021851851851851851471497667490;0.005185185185185185036127464286;0.047407407407407405053323401489;0.007037037037037036958653235530;0.016666666666666666435370203203;0.031481481481481478346129421197;0.028148148148148147834612942120;0.004814814814814815172039352831;0.007777777777777777554191196430;0.009629629629629630344078705662;0.019259259259259260688157411323;0.002962962962962962815832712593;0.059259259259259261520824679792;0.021851851851851851471497667490;0.037777777777777778178691647781;0.027407407407407408106436719208;0.004814814814814815172039352831;0.003703703703703703845051542487;0.010370370370370370072254928573;0.009629629629629630344078705662;0.034074074074074076068363581271;0.004814814814814815172039352831;0.018148148148148149361169600979;0.011481481481481481399242738917;0.060740740740740740977177125615;0.008888888888888888881179006773;0.008518518518518519017090895318;0.008888888888888888881179006773;0.011111111111111111535154627461;0.008888888888888888881179006773;0.027037037037037036507625131776;0.000000000000000000000000000000;0.027037037037037036507625131776;0.003333333333333333547282562037;0.018888888888888889089345823891;0.062962962962962956692258842395;0.020740740740740740144509857146;0.015555555555555555108382392859;0.014074074074074073917306471060
-0.023809523809523808202115446875;0.006802721088435373895941804534;0.065646258503401361261708757411;0.084693877551020410598958676474;0.044897959183673466498909476741;0.010544217687074829148397014933;0.003741496598639455686136079393;0.019047619047619049337249919063;0.036734693877551023721839129621;0.034013605442176873816517712612;0.015306122448979591482709494699;0.010204081632653060410231837807;0.005442176870748298943281096030;0.043197278911564628012254019040;0.016666666666666666435370203203;0.018707482993197278864361265960;0.016666666666666666435370203203;0.020408163265306120820463675614;0.004081632653061224857982125513;0.006802721088435373895941804534;0.011904761904761904101057723437;0.023469387755102041198673745726;0.001360544217687074735820274007;0.044897959183673466498909476741;0.035374149659863948769178421117;0.035374149659863948769178421117;0.025170068027210883154776155379;0.027891156462585033060097572388;0.001360544217687074735820274007;0.009183673469387755930459782405;0.005102040816326530205115918903;0.015306122448979591482709494699;0.005782312925170067681446273156;0.015986394557823128959039848951;0.005782312925170067681446273156;0.036734693877551023721839129621;0.008503401360544218454129428153;0.004421768707482993596147302640;0.005442176870748298943281096030;0.005442176870748298943281096030;0.005782312925170067681446273156;0.018367346938775511860919564811;0.000000000000000000000000000000;0.028571428571428570536427926640;0.005782312925170067681446273156;0.020408163265306120820463675614;0.047959183673469386877119546853;0.024489795918367345678445801127;0.017687074829931974384589210558;0.019047619047619049337249919063
-0.028472222222222221682530474141;0.014236111111111110841265237070;0.041319444444444443365060948281;0.109375000000000000000000000000;0.009027777777777776929690745078;0.017013888888888887424011286953;0.004513888888888888464845372539;0.035763888888888886730121896562;0.027083333333333334258519187188;0.032986111111111111882099322656;0.014583333333333333564629796797;0.014583333333333333564629796797;0.006250000000000000346944695195;0.032638888888888890893458238907;0.019791666666666665741480812812;0.018055555555555553859381490156;0.012847222222222221682530474141;0.025694444444444443365060948281;0.020486111111111111188209932266;0.005208333333333333044212754004;0.019791666666666665741480812812;0.014236111111111110841265237070;0.005555555555555555767577313730;0.045486111111111109106541761093;0.024652777777777776929690745078;0.041666666666666664353702032031;0.040972222222222222376419864531;0.007986111111111110494320541875;0.002430555555555555594104966133;0.014930555555555556287994356524;0.006944444444444444058950338672;0.019444444444444444752839729063;0.008333333333333333217685101602;0.007291666666666666782314898398;0.007986111111111110494320541875;0.042708333333333334258519187188;0.018402777777777778317469525859;0.006597222222222222202947516934;0.002777777777777777883788656865;0.004513888888888888464845372539;0.006250000000000000346944695195;0.009027777777777776929690745078;0.000000000000000000000000000000;0.027083333333333334258519187188;0.009722222222222222376419864531;0.019791666666666665741480812812;0.038888888888888889505679458125;0.015972222222222220988641083750;0.026388888888888888811790067734;0.014236111111111110841265237070
-0.016944444444444446001840631766;0.003888888888888888777095598215;0.067500000000000004440892098501;0.000555555555555555555073687923;0.001111111111111111110147375847;0.006944444444444444058950338672;0.003055555555555555715535609451;0.029444444444444443226283070203;0.021944444444444443503838826359;0.069166666666666667961926862063;0.010833333333333333703407674875;0.007777777777777777554191196430;0.003055555555555555715535609451;0.067777777777777784007362527063;0.006666666666666667094565124074;0.010277777777777778039913769703;0.029444444444444443226283070203;0.027500000000000000138777878078;0.006944444444444444058950338672;0.012222222222222222862142437805;0.007777777777777777554191196430;0.012500000000000000693889390391;0.003888888888888888777095598215;0.088888888888888892281237019688;0.016111111111111110771876298031;0.048611111111111111882099322656;0.032222222222222221543752596062;0.003055555555555555715535609451;0.003333333333333333547282562037;0.003333333333333333547282562037;0.004166666666666666608842550801;0.053611111111111109384097517250;0.002222222222222222220294751693;0.013611111111111110286153724758;0.006944444444444444058950338672;0.083333333333333328707404064062;0.015277777777777777276635440273;0.003055555555555555715535609451;0.002222222222222222220294751693;0.005555555555555555767577313730;0.008055555555555555385938149016;0.011944444444444445030395485219;0.000000000000000000000000000000;0.033888888888888892003681263532;0.002777777777777777883788656865;0.013055555555555556357383295563;0.063055555555555559132940857126;0.025833333333333333148296162562;0.011944444444444445030395485219;0.016666666666666666435370203203
-0.016013071895424835222598858309;0.008496732026143790153516199837;0.068954248366013076720903995920;0.185947712418300659109604566765;0.003921568627450980337734165460;0.007516339869281045936444396460;0.001960784313725490168867082730;0.013398692810457515575683906661;0.036928104575163399336812375395;0.037908496732026140951798964807;0.010130718954248366450721086096;0.004575163398692810683143772366;0.003594771241830065165029362007;0.041176470588235293546208737325;0.018627450980392156604237285933;0.013725490196078431182069579108;0.020588235294117646773104368663;0.023202614379084968154742796287;0.006862745098039215591034789554;0.006209150326797385245625182648;0.009477124183006535237949741202;0.021895424836601305729200106498;0.002287581699346405341571886183;0.043790849673202611458400212996;0.015359477124183005744550989391;0.044771241830065360012280706314;0.030718954248366011489101978782;0.013071895424836601704021710191;0.002941176470588235253300624095;0.006862745098039215591034789554;0.001960784313725490168867082730;0.022222222222222223070309254922;0.002287581699346405341571886183;0.009803921568627450844335413649;0.005228758169934640161191641283;0.040196078431372551931222147914;0.010457516339869280322383282567;0.009803921568627450844335413649;0.005228758169934640161191641283;0.007189542483660130330058724013;0.006862745098039215591034789554;0.016666666666666666435370203203;0.000000000000000000000000000000;0.020588235294117646773104368663;0.005882352941176470506601248189;0.021568627450980391857537910028;0.048366013071895426478352675304;0.013398692810457515575683906661;0.009477124183006535237949741202;0.021895424836601305729200106498
-0.004597701149425287292515918125;0.012931034482758620510201019727;0.022701149425287357741520821719;0.454885057471264342421335413746;0.030172413793103449591859188672;0.006034482758620689571427142539;0.008045977011494252761902856719;0.016091954022988505523805713437;0.024425287356321840476214291016;0.010057471264367815952378570898;0.007758620689655172306120611836;0.010632183908045976863943060664;0.001436781609195402278911224414;0.015804597701149426802746944531;0.031896551724137932326552657969;0.011781609195402298687072040195;0.010919540229885057319725305547;0.013505747126436781421765509492;0.006896551724137930938773877187;0.001724137931034482734693469297;0.011781609195402298687072040195;0.012356321839080459598636529961;0.001436781609195402278911224414;0.019252873563218392272133883125;0.006321839080459770027209387422;0.013793103448275861877547754375;0.022413793103448275551015100859;0.045402298850574715483041643438;0.004310344827586206836733673242;0.010632183908045976863943060664;0.004310344827586206836733673242;0.010057471264367815952378570898;0.001724137931034482734693469297;0.012643678160919540054418774844;0.001436781609195402278911224414;0.012931034482758620510201019727;0.002586206896551724102040203945;0.002298850574712643646257959062;0.005459770114942528659862652773;0.001149425287356321823128979531;0.010057471264367815952378570898;0.017241379310344827346934692969;0.000000000000000000000000000000;0.013218390804597700965983264609;0.016379310344827587714311434297;0.009195402298850574585031836250;0.013793103448275861877547754375;0.004597701149425287292515918125;0.004885057471264367748298163008;0.006034482758620689571427142539
-0.010740740740740739936343040029;0.021111111111111111743321444578;0.012592592592592592726230549260;0.273333333333333317050062305498;0.071111111111111111049432054187;0.016296296296296294836558615771;0.007777777777777777554191196430;0.022962962962962962798485477833;0.008518518518518519017090895318;0.011111111111111111535154627461;0.013333333333333334189130248149;0.020370370370370372015145221667;0.007037037037037036958653235530;0.013703703703703704053218359604;0.037037037037037034981068472916;0.007407407407407407690103084974;0.005185185185185185036127464286;0.014814814814814815380206169948;0.029999999999999998889776975375;0.000740740740740740703958178148;0.015185185185185185244294281404;0.004814814814814815172039352831;0.002222222222222222220294751693;0.024444444444444445724284875610;0.009629629629629630344078705662;0.023333333333333334397297065266;0.024814814814814813853649511088;0.056296296296296295669225884239;0.001111111111111111110147375847;0.046296296296296293726335591145;0.012222222222222222862142437805;0.015555555555555555108382392859;0.011111111111111111535154627461;0.011851851851851851263330850372;0.002592592592592592518063732143;0.015555555555555555108382392859;0.003703703703703703845051542487;0.004444444444444444440589503387;0.002222222222222222220294751693;0.001111111111111111110147375847;0.008148148148148147418279307885;0.009259259259259258745267118229;0.000000000000000000000000000000;0.013703703703703704053218359604;0.025925925925925925180637321432;0.012962962962962962590318660716;0.013703703703703704053218359604;0.006666666666666667094565124074;0.007407407407407407690103084974;0.008518518518518519017090895318
-0.018468468468468467180709779996;0.013063063063063063209967573641;0.030180180180180180699034409031;0.027927927927927927165274724075;0.069369369369369368594213653978;0.035135135135135137085526935152;0.005855855855855855891800576529;0.032882882882882880082320298243;0.031531531531531528655953877660;0.017117117117117115754343359413;0.016666666666666666435370203203;0.037387387387387387149839668155;0.011261261261261260729904520872;0.022522522522522521459809041744;0.031981981981981981444373985823;0.010810810810810811410931364662;0.014864864864864865690030626411;0.030630630630630630018007565241;0.037387387387387387149839668155;0.003153153153153153039067735364;0.018468468468468467180709779996;0.010810810810810811410931364662;0.004954954954954954651769050145;0.023423423423423423567202306117;0.018018018018018017861736623786;0.016216216216216217116397046993;0.027027027027027028527328411656;0.035135135135135137085526935152;0.001351351351351351426366420583;0.078828828828828828578778598057;0.017567567567567568542763467576;0.012612612612612612156270941455;0.031531531531531528655953877660;0.004504504504504504465434155946;0.007657657657657657504501891310;0.018018018018018017861736623786;0.009459459459459459984564944079;0.004504504504504504465434155946;0.004054054054054054279099261748;0.003153153153153153039067735364;0.008108108108108108558198523497;0.028828828828828829272667988448;0.000000000000000000000000000000;0.015315315315315315009003782620;0.025225225225225224312541882909;0.012612612612612612156270941455;0.019819819819819818607076200578;0.013963963963963963582637362038;0.020270270270270271395496308742;0.010360360360360360357234732476
-0.023118279569892472014025486260;0.006451612903225806446017021045;0.093548387096774196503012888115;0.000000000000000000000000000000;0.000000000000000000000000000000;0.013440860215053763646042561675;0.002150537634408602148672340348;0.025268817204301075030059564597;0.046774193548387098251506444058;0.046774193548387098251506444058;0.011290322580645160630008483338;0.012903225806451612892034042090;0.004301075268817204297344680697;0.055376344086021503376748853498;0.006989247311827957200025540629;0.018279569892473118697395761956;0.023655913978494622768034005844;0.038172043010752686187370130710;0.005376344086021505805361719865;0.006451612903225806446017021045;0.009677419354838710102706400562;0.023655913978494622768034005844;0.003763440860215053977017030107;0.059677419354838709408817010171;0.037096774193548384679353091542;0.058602150537634407900799971003;0.032795698924731185586178838776;0.001075268817204301074336170174;0.001075268817204301074336170174;0.000537634408602150537168085087;0.009139784946236559348697880978;0.022043010752688170506008447092;0.003763440860215053977017030107;0.011827956989247311384017002922;0.008064516129032257840680841809;0.059139784946236562124255442541;0.010752688172043011610723439730;0.005376344086021505805361719865;0.000537634408602150537168085087;0.005913978494623655692008501461;0.008602150537634408594689361394;0.018817204301075269451404281540;0.000000000000000000000000000000;0.024731182795698924276051045013;0.002150537634408602148672340348;0.009139784946236559348697880978;0.062903225806451606993974223769;0.027956989247311828800102162518;0.017741935483870967943387242372;0.023118279569892472014025486260
-0.012146892655367232116692122190;0.012429378531073446978449936751;0.051129943502824862222588819805;0.309887005649717495181505455548;0.016949152542372881297128017763;0.009039548022598870372079638003;0.004519774011299435186039819001;0.017231638418079096158885832324;0.025423728813559323680415502622;0.021468926553672315615806098776;0.009039548022598870372079638003;0.008192090395480225786806194321;0.001977401129943502731262094940;0.026553672316384179657999808910;0.017231638418079096158885832324;0.014406779661016949276031162697;0.013559322033898304690757719015;0.022316384180790960201079542458;0.004802259887005650047797633562;0.003672316384180791034447244314;0.009039548022598870372079638003;0.011864406779661017254934307630;0.003107344632768361744612484188;0.033615819209039547732498220967;0.013841807909604519552515533576;0.026271186440677964796241994350;0.022033898305084745339321727897;0.081920903954802254398614991260;0.003672316384180791034447244314;0.012711864406779661840207751311;0.002542372881355932021096855067;0.015536723163841808723062420938;0.003954802259887005462524189880;0.005084745762711864042193710134;0.003107344632768361744612484188;0.027966101694915253966788881712;0.005932203389830508627467153815;0.001977401129943502731262094940;0.005084745762711864042193710134;0.005084745762711864042193710134;0.005084745762711864042193710134;0.018926553672316385329432719686;0.000000000000000000000000000000;0.012994350282485874967242089895;0.005084745762711864042193710134;0.008192090395480225786806194321;0.024293785310734464233384244380;0.012146892655367232116692122190;0.009039548022598870372079638003;0.007909604519774010925048379761
-0.038055555555555557745162076344;0.007499999999999999722444243844;0.023333333333333334397297065266;0.207222222222222224319310157625;0.007499999999999999722444243844;0.046666666666666668794594130532;0.001944444444444444388547799107;0.018611111111111109522875395328;0.017777777777777777762358013547;0.011944444444444445030395485219;0.022777777777777778733803160094;0.050277777777777775403134086218;0.014444444444444443781394582516;0.019444444444444444752839729063;0.012222222222222222862142437805;0.023611111111111110494320541875;0.007499999999999999722444243844;0.023611111111111110494320541875;0.019722222222222220849863205672;0.006111111111111111431071218902;0.015277777777777777276635440273;0.013888888888888888117900677344;0.006388888888888889262818171488;0.018611111111111109522875395328;0.043888888888888887007677652718;0.026666666666666668378260496297;0.025000000000000001387778780781;0.005000000000000000104083408559;0.000833333333333333386820640509;0.031388888888888889783235214281;0.029444444444444443226283070203;0.006388888888888889262818171488;0.010555555555555555871660722289;0.006944444444444444058950338672;0.013333333333333334189130248149;0.020277777777777776513357110844;0.008333333333333333217685101602;0.010277777777777778039913769703;0.005833333333333333599324266316;0.008055555555555555385938149016;0.003611111111111110945348645629;0.012500000000000000693889390391;0.000000000000000000000000000000;0.011388888888888889366901580047;0.009722222222222222376419864531;0.009166666666666666712925959359;0.017777777777777777762358013547;0.016111111111111110771876298031;0.018333333333333333425851918719;0.014722222222222221613141535101
-0.015277777777777777276635440273;0.007986111111111110494320541875;0.028125000000000000693889390391;0.305555555555555580227178325003;0.054513888888888889505679458125;0.013541666666666667129259593594;0.006250000000000000346944695195;0.022916666666666665047591422422;0.022569444444444444058950338672;0.013541666666666667129259593594;0.008680555555555555941049661328;0.015625000000000000000000000000;0.005208333333333333044212754004;0.013541666666666667129259593594;0.028819444444444446140618509844;0.016666666666666666435370203203;0.009722222222222222376419864531;0.018402777777777778317469525859;0.011111111111111111535154627461;0.003472222222222222029475169336;0.012847222222222221682530474141;0.010416666666666666088425508008;0.003125000000000000173472347598;0.024305555555555555941049661328;0.013194444444444444405895033867;0.015277777777777777276635440273;0.021180555555555556634939051719;0.055902777777777780399137697032;0.005208333333333333044212754004;0.018402777777777778317469525859;0.009722222222222222376419864531;0.013888888888888888117900677344;0.002430555555555555594104966133;0.017361111111111111882099322656;0.003125000000000000173472347598;0.018402777777777778317469525859;0.003125000000000000173472347598;0.006944444444444444058950338672;0.001388888888888888941894328433;0.005555555555555555767577313730;0.005555555555555555767577313730;0.014583333333333333564629796797;0.000000000000000000000000000000;0.017013888888888887424011286953;0.014583333333333333564629796797;0.014236111111111110841265237070;0.021874999999999998612221219219;0.010416666666666666088425508008;0.010416666666666666088425508008;0.007986111111111110494320541875
-0.006214689265536723489224968375;0.016949152542372881297128017763;0.018644067796610170467674905126;0.380225988700564954125837857646;0.061299435028248590306976240072;0.005084745762711864042193710134;0.003954802259887005462524189880;0.023163841807909604786352986139;0.010734463276836157807903049388;0.011016949152542372669660863949;0.005932203389830508627467153815;0.004519774011299435186039819001;0.001129943502824858796509954750;0.010734463276836157807903049388;0.030790960451977402584367027316;0.006497175141242937483621044947;0.009039548022598870372079638003;0.017514124293785311020643646884;0.017231638418079096158885832324;0.001694915254237288086344714877;0.012429378531073446978449936751;0.005649717514124293765709339254;0.001694915254237288086344714877;0.024011299435028249371626429820;0.006214689265536723489224968375;0.011299435028248587531418678509;0.027966101694915253966788881712;0.082485875706214684122130620381;0.004237288135593220324282004441;0.013276836158192089828999904455;0.003954802259887005462524189880;0.012429378531073446978449936751;0.005084745762711864042193710134;0.014124293785310734414273348136;0.002542372881355932021096855067;0.012711864406779661840207751311;0.003389830508474576172689429754;0.002542372881355932021096855067;0.003389830508474576172689429754;0.003672316384180791034447244314;0.012146892655367232116692122190;0.020056497175141241307017025974;0.000000000000000000000000000000;0.014689265536723164137788977257;0.019491525423728815052948348807;0.011016949152542372669660863949;0.009322033898305085233837452563;0.003954802259887005462524189880;0.007062146892655367207136674068;0.006779661016949152345378859508
-0.007062146892655367207136674068;0.022033898305084745339321727897;0.015819209039548021850096759522;0.471751412429378513824218543959;0.029661016949152543137335769075;0.004802259887005650047797633562;0.007062146892655367207136674068;0.022033898305084745339321727897;0.011016949152542372669660863949;0.007062146892655367207136674068;0.006779661016949152345378859508;0.002259887005649717593019909501;0.001977401129943502731262094940;0.009039548022598870372079638003;0.033050847457627118008982591846;0.007062146892655367207136674068;0.010451977401129942946145234828;0.017231638418079096158885832324;0.017796610169491525882401461445;0.001412429378531073441427334814;0.012711864406779661840207751311;0.003954802259887005462524189880;0.002542372881355932021096855067;0.014971751412429378999546791817;0.005367231638418078903951524694;0.009322033898305085233837452563;0.020338983050847456168774840535;0.059604519774011301136429352709;0.004802259887005650047797633562;0.011581920903954802393176493069;0.005084745762711864042193710134;0.010734463276836157807903049388;0.005367231638418078903951524694;0.006497175141242937483621044947;0.002542372881355932021096855067;0.011581920903954802393176493069;0.002824858757062146882854669627;0.008192090395480225786806194321;0.003107344632768361744612484188;0.003389830508474576172689429754;0.008192090395480225786806194321;0.021186440677966100754048284216;0.000000000000000000000000000000;0.007909604519774010925048379761;0.016949152542372881297128017763;0.009604519774011300095595267123;0.008192090395480225786806194321;0.004237288135593220324282004441;0.007627118644067796930652303189;0.006214689265536723489224968375
-0.014444444444444443781394582516;0.017777777777777777762358013547;0.040555555555555553026714221687;0.158055555555555560243163881751;0.053888888888888888950567945813;0.011388888888888889366901580047;0.010277777777777778039913769703;0.020555555555555556079827539406;0.043888888888888887007677652718;0.008611111111111111049432054187;0.009444444444444444544672911945;0.009722222222222222376419864531;0.008333333333333333217685101602;0.015833333333333334674852821422;0.023333333333333334397297065266;0.011666666666666667198648532633;0.026111111111111112714766591125;0.030833333333333334119741309109;0.017777777777777777762358013547;0.008333333333333333217685101602;0.012500000000000000693889390391;0.030277777777777778456247403938;0.010277777777777778039913769703;0.013611111111111110286153724758;0.014444444444444443781394582516;0.010833333333333333703407674875;0.025000000000000001387778780781;0.043333333333333334813630699500;0.006666666666666667094565124074;0.021666666666666667406815349750;0.012222222222222222862142437805;0.016388888888888890338346726594;0.013333333333333334189130248149;0.005555555555555555767577313730;0.013888888888888888117900677344;0.027500000000000000138777878078;0.009166666666666666712925959359;0.009722222222222222376419864531;0.014444444444444443781394582516;0.027500000000000000138777878078;0.005555555555555555767577313730;0.036666666666666666851703837438;0.000000000000000000000000000000;0.007499999999999999722444243844;0.021111111111111111743321444578;0.007499999999999999722444243844;0.012500000000000000693889390391;0.006666666666666667094565124074;0.014722222222222221613141535101;0.008611111111111111049432054187
-0.009722222222222222376419864531;0.014722222222222221613141535101;0.030555555555555554553270880547;0.309166666666666645202354857247;0.076111111111111115490324152688;0.010833333333333333703407674875;0.006111111111111111431071218902;0.023888888888888890060790970438;0.021111111111111111743321444578;0.015833333333333334674852821422;0.007777777777777777554191196430;0.009444444444444444544672911945;0.001944444444444444388547799107;0.014444444444444443781394582516;0.030277777777777778456247403938;0.009166666666666666712925959359;0.013888888888888888117900677344;0.023888888888888890060790970438;0.018333333333333333425851918719;0.006666666666666667094565124074;0.014166666666666665949647629930;0.011944444444444445030395485219;0.003055555555555555715535609451;0.017777777777777777762358013547;0.008333333333333333217685101602;0.015833333333333334674852821422;0.023611111111111110494320541875;0.037222222222222219045750790656;0.002222222222222222220294751693;0.021944444444444443503838826359;0.010277777777777778039913769703;0.015277777777777777276635440273;0.008888888888888888881179006773;0.008055555555555555385938149016;0.006388888888888889262818171488;0.019166666666666665186369300500;0.004166666666666666608842550801;0.003333333333333333547282562037;0.005000000000000000104083408559;0.003888888888888888777095598215;0.010277777777777778039913769703;0.015277777777777777276635440273;0.000000000000000000000000000000;0.011388888888888889366901580047;0.023888888888888890060790970438;0.009444444444444444544672911945;0.017222222222222222098864108375;0.004722222222222222272336455973;0.007499999999999999722444243844;0.005833333333333333599324266316
-0.004487179487179486850334519943;0.007692307692307692734701163317;0.012500000000000000693889390391;0.569230769230769206856734854227;0.009294871794871794809522747016;0.004166666666666666608842550801;0.008653846153846154326538808732;0.018589743589743589619045494032;0.009615384615384615918376454147;0.009615384615384615918376454147;0.008012820512820512108831394471;0.010256410256410256401360392431;0.001282051282051282050170049054;0.010256410256410256401360392431;0.022115384615384616612265844537;0.005128205128205128200680196215;0.006089743589743589792517841630;0.012820512820512820068019621544;0.011217948717948717993198037846;0.000641025641025641025085024527;0.009294871794871794809522747016;0.002884615384615384775512936244;0.000641025641025641025085024527;0.015064102564102564360548619504;0.004487179487179486850334519943;0.011858974358974358476181976130;0.023717948717948716952363952259;0.035897435897435894802676159543;0.003525641025641025692177743522;0.015705128205128204843532557788;0.002564102564102564100340098108;0.009294871794871794809522747016;0.002243589743589743425167259971;0.009935897435897435292506685300;0.002564102564102564100340098108;0.009935897435897435292506685300;0.003525641025641025692177743522;0.002564102564102564100340098108;0.005128205128205128200680196215;0.002243589743589743425167259971;0.008012820512820512108831394471;0.015705128205128204843532557788;0.000000000000000000000000000000;0.014423076923076923877564681220;0.017628205128205128027207848618;0.008333333333333333217685101602;0.009294871794871794809522747016;0.003846153846153846367350581659;0.002564102564102564100340098108;0.005448717948717948442172165358
-0.003100775193798449569371200596;0.011240310077519379688970602160;0.011240310077519379688970602160;0.598837209302325534920896643598;0.009689922480620154904285001862;0.002325581395348837177028400447;0.006201550387596899138742401192;0.011240310077519379688970602160;0.014728682170542635454513202831;0.009302325581395348708113601788;0.004263565891472868157885400819;0.003875968992248061961714000745;0.001162790697674418588514200223;0.006589147286821705334913801266;0.022093023255813953181769804246;0.003100775193798449569371200596;0.001937984496124030980857000372;0.009302325581395348708113601788;0.010077519379844961100456401937;0.001550387596899224784685600298;0.008139534883720930119599401564;0.002325581395348837177028400447;0.009302325581395348708113601788;0.013953488372093023062170402682;0.001937984496124030980857000372;0.008527131782945736315770801639;0.018217054263565891220055803501;0.039147286821705429282758359477;0.007364341085271317727256601415;0.008914728682170542511942201713;0.002325581395348837177028400447;0.010465116279069767296627802011;0.001550387596899224784685600298;0.010852713178294573492799202086;0.007751937984496123923428001490;0.009689922480620154904285001862;0.001162790697674418588514200223;0.001937984496124030980857000372;0.003100775193798449569371200596;0.005426356589147286746399601043;0.007751937984496123923428001490;0.022480620155038759377941204320;0.000000000000000000000000000000;0.018217054263565891220055803501;0.009302325581395348708113601788;0.008914728682170542511942201713;0.007364341085271317727256601415;0.002713178294573643373199800521;0.006589147286821705334913801266;0.002713178294573643373199800521
-0.006944444444444444058950338672;0.013425925925925926221471407018;0.014351851851851851749053423646;0.203703703703703692395876601040;0.102777777777777773460243793124;0.010648148148148147904001881159;0.011111111111111111535154627461;0.018055555555555553859381490156;0.017129629629629630066522949505;0.016666666666666666435370203203;0.006481481481481481295159330358;0.033796296296296296501893152708;0.003703703703703703845051542487;0.005555555555555555767577313730;0.035648148148148151026504137917;0.005092592592592593003786305417;0.003240740740740740647579665179;0.017592592592592593697675695807;0.011574074074074073431583897786;0.002777777777777777883788656865;0.010648148148148147904001881159;0.004166666666666666608842550801;0.005555555555555555767577313730;0.023611111111111110494320541875;0.006481481481481481295159330358;0.007870370370370369586532355299;0.026388888888888888811790067734;0.095833333333333339809634310313;0.006018518518518518531368322044;0.052314814814814813992427389167;0.012962962962962962590318660716;0.010648148148148147904001881159;0.002777777777777777883788656865;0.013888888888888888117900677344;0.009259259259259258745267118229;0.013888888888888888117900677344;0.002777777777777777883788656865;0.001851851851851851922525771243;0.006018518518518518531368322044;0.003703703703703703845051542487;0.006018518518518518531368322044;0.033333333333333332870740406406;0.000000000000000000000000000000;0.032870370370370369239587660104;0.022222222222222223070309254922;0.020833333333333332176851016015;0.010185185185185186007572610833;0.003240740740740740647579665179;0.006944444444444444058950338672;0.007407407407407407690103084974
-0.009444444444444444544672911945;0.062500000000000000000000000000;0.014722222222222221613141535101;0.150555555555555553581825734000;0.036111111111111107718762980312;0.013055555555555556357383295563;0.007499999999999999722444243844;0.035833333333333335091186455656;0.014722222222222221613141535101;0.007777777777777777554191196430;0.008611111111111111049432054187;0.011388888888888889366901580047;0.008888888888888888881179006773;0.005000000000000000104083408559;0.059722222222222225151977426094;0.005833333333333333599324266316;0.010000000000000000208166817117;0.041666666666666664353702032031;0.028611111111111111465765688422;0.002222222222222222220294751693;0.013333333333333334189130248149;0.007222222222222221890697291258;0.010277777777777778039913769703;0.009722222222222222376419864531;0.009722222222222222376419864531;0.008888888888888888881179006773;0.025555555555555557051272685953;0.135000000000000008881784197001;0.003888888888888888777095598215;0.023611111111111110494320541875;0.017777777777777777762358013547;0.009722222222222222376419864531;0.011666666666666667198648532633;0.005277777777777777935830361145;0.007777777777777777554191196430;0.014722222222222221613141535101;0.005000000000000000104083408559;0.004166666666666666608842550801;0.007499999999999999722444243844;0.010833333333333333703407674875;0.015277777777777777276635440273;0.033055555555555553304269977843;0.000000000000000000000000000000;0.009722222222222222376419864531;0.033888888888888892003681263532;0.007777777777777777554191196430;0.004444444444444444440589503387;0.003611111111111110945348645629;0.009444444444444444544672911945;0.006944444444444444058950338672
-0.031666666666666669349705642844;0.012999999999999999403255124264;0.035000000000000003330669073875;0.085333333333333330483760903462;0.007000000000000000145716771982;0.035666666666666665963525417737;0.002000000000000000041633363423;0.032666666666666663298990158637;0.021333333333333332620940225866;0.016000000000000000333066907388;0.022666666666666668294993769450;0.036999999999999998168132009368;0.010999999999999999361621760841;0.021999999999999998723243521681;0.021000000000000001304512053935;0.020000000000000000416333634234;0.008999999999999999319988397417;0.037333333333333336423454085207;0.028333333333333331899295259859;0.006333333333333333176051738178;0.016666666666666666435370203203;0.012000000000000000249800180541;0.006333333333333333176051738178;0.023333333333333334397297065266;0.035666666666666665963525417737;0.029333333333333332787473679559;0.045999999999999999222843882762;0.021000000000000001304512053935;0.003666666666666666598434209945;0.027333333333333334480563792113;0.029666666666666667573348803444;0.014000000000000000291433543964;0.015333333333333332496040135595;0.006666666666666667094565124074;0.008333333333333333217685101602;0.026666666666666668378260496297;0.014333333333333333342585191872;0.005666666666666667073748442363;0.007000000000000000145716771982;0.004000000000000000083266726847;0.008000000000000000166533453694;0.017333333333333332537673499019;0.000000000000000000000000000000;0.018999999999999999528155214534;0.012999999999999999403255124264;0.014333333333333333342585191872;0.020000000000000000416333634234;0.014666666666666666393736839780;0.033333333333333332870740406406;0.012999999999999999403255124264
-0.012146892655367232116692122190;0.019491525423728815052948348807;0.028813559322033898552062325393;0.238700564971751405529687417584;0.037853107344632770658865439373;0.019491525423728815052948348807;0.005649717514124293765709339254;0.022033898305084745339321727897;0.043220338983050846093370012113;0.018926553672316385329432719686;0.012711864406779661840207751311;0.031638418079096043700193519044;0.005649717514124293765709339254;0.012146892655367232116692122190;0.022881355932203389924595171578;0.010451977401129942946145234828;0.011299435028248587531418678509;0.028248587570621468828546696272;0.019209039548022600191190534247;0.002824858757062146882854669627;0.012994350282485874967242089895;0.008474576271186440648564008882;0.004519774011299435186039819001;0.023446327683615819648110800699;0.016384180790960451573612388643;0.012994350282485874967242089895;0.020338983050847456168774840535;0.049717514124293787913799747002;0.003954802259887005462524189880;0.038135593220338985520623253933;0.014124293785310734414273348136;0.012429378531073446978449936751;0.003954802259887005462524189880;0.009322033898305085233837452563;0.006497175141242937483621044947;0.020056497175141241307017025974;0.005932203389830508627467153815;0.003389830508474576172689429754;0.005649717514124293765709339254;0.004802259887005650047797633562;0.009887005649717514957353081684;0.031638418079096043700193519044;0.000000000000000000000000000000;0.015536723163841808723062420938;0.011016949152542372669660863949;0.010169491525423728084387420267;0.011581920903954802393176493069;0.008192090395480225786806194321;0.011581920903954802393176493069;0.009887005649717514957353081684
-0.021111111111111111743321444578;0.021666666666666667406815349750;0.024722222222222221821308352219;0.085833333333333330927850113312;0.052499999999999998057109706906;0.054722222222222220711085327594;0.002500000000000000052041704279;0.022777777777777778733803160094;0.025833333333333333148296162562;0.010277777777777778039913769703;0.015833333333333334674852821422;0.044166666666666666574148081281;0.013333333333333334189130248149;0.013888888888888888117900677344;0.029444444444444443226283070203;0.018055555555555553859381490156;0.014722222222222221613141535101;0.025000000000000001387778780781;0.035000000000000003330669073875;0.005833333333333333599324266316;0.016944444444444446001840631766;0.008333333333333333217685101602;0.007499999999999999722444243844;0.013333333333333334189130248149;0.029722222222222222792753498766;0.021666666666666667406815349750;0.023888888888888890060790970438;0.020555555555555556079827539406;0.002222222222222222220294751693;0.070833333333333331482961625625;0.031944444444444441977282167500;0.014444444444444443781394582516;0.015277777777777777276635440273;0.005555555555555555767577313730;0.007499999999999999722444243844;0.017500000000000001665334536938;0.008333333333333333217685101602;0.004722222222222222272336455973;0.006666666666666667094565124074;0.011111111111111111535154627461;0.006666666666666667094565124074;0.025000000000000001387778780781;0.000000000000000000000000000000;0.010277777777777778039913769703;0.021388888888888887840344921187;0.008611111111111111049432054187;0.018333333333333333425851918719;0.008611111111111111049432054187;0.016388888888888890338346726594;0.009444444444444444544672911945
-0.010169491525423728084387420267;0.020338983050847456168774840535;0.016101694915254236711854574082;0.303954802259887024717954773223;0.067796610169491525188512071054;0.014124293785310734414273348136;0.005649717514124293765709339254;0.022881355932203389924595171578;0.009887005649717514957353081684;0.014124293785310734414273348136;0.009039548022598870372079638003;0.019774011299435029914706163368;0.007062146892655367207136674068;0.017514124293785311020643646884;0.031355932203389828838435704483;0.007062146892655367207136674068;0.004519774011299435186039819001;0.017514124293785311020643646884;0.020338983050847456168774840535;0.002824858757062146882854669627;0.011864406779661017254934307630;0.006779661016949152345378859508;0.006779661016949152345378859508;0.012711864406779661840207751311;0.013559322033898304690757719015;0.013559322033898304690757719015;0.025706214689265535072726365229;0.061581920903954805168734054632;0.004519774011299435186039819001;0.039830508474576267752276237388;0.011016949152542372669660863949;0.010451977401129942946145234828;0.006214689265536723489224968375;0.013559322033898304690757719015;0.008474576271186440648564008882;0.014689265536723164137788977257;0.006214689265536723489224968375;0.006779661016949152345378859508;0.003954802259887005462524189880;0.006497175141242937483621044947;0.010169491525423728084387420267;0.010451977401129942946145234828;0.000000000000000000000000000000;0.012429378531073446978449936751;0.015536723163841808723062420938;0.009887005649717514957353081684;0.009322033898305085233837452563;0.005367231638418078903951524694;0.011581920903954802393176493069;0.008474576271186440648564008882
-0.007083333333333332974823814965;0.015416666666666667059870654555;0.017916666666666667545593227828;0.362083333333333312609170206997;0.012500000000000000693889390391;0.006250000000000000346944695195;0.005833333333333333599324266316;0.025833333333333333148296162562;0.015833333333333334674852821422;0.015416666666666667059870654555;0.011249999999999999583666365766;0.006250000000000000346944695195;0.002500000000000000052041704279;0.013333333333333334189130248149;0.031666666666666669349705642844;0.007083333333333332974823814965;0.007916666666666667337426410711;0.017500000000000001665334536938;0.014999999999999999444888487687;0.000416666666666666693410320255;0.012500000000000000693889390391;0.006666666666666667094565124074;0.002083333333333333304421275400;0.031250000000000000000000000000;0.007499999999999999722444243844;0.013333333333333334189130248149;0.029999999999999998889776975375;0.080000000000000001665334536938;0.002083333333333333304421275400;0.013750000000000000069388939039;0.002916666666666666799662133158;0.015416666666666667059870654555;0.002916666666666666799662133158;0.020000000000000000416333634234;0.001666666666666666773641281019;0.017916666666666667545593227828;0.005416666666666666851703837438;0.002916666666666666799662133158;0.007083333333333332974823814965;0.000416666666666666693410320255;0.013333333333333334189130248149;0.021250000000000001526556658860;0.000000000000000000000000000000;0.019583333333333334536074943344;0.020000000000000000416333634234;0.017916666666666667545593227828;0.018333333333333333425851918719;0.002500000000000000052041704279;0.005416666666666666851703837438;0.008750000000000000832667268469
-0.008536585365853659179702361826;0.016260162601626017980782634709;0.023170731707317072933793866696;0.360569105691056934759330943052;0.063821138211382119620473929444;0.004878048780487804873817747620;0.007723577235772357933718534895;0.014227642276422763564780460399;0.022357723577235772555171777753;0.015040650406504065678126025318;0.010569105691056910126257584182;0.011788617886178862428914193572;0.002439024390243902436908873810;0.012601626016260162807536282514;0.024390243902439025236450476086;0.013008130081300812996847326986;0.006910569105691056687734707964;0.011788617886178862428914193572;0.019105691056910567571236470030;0.001219512195121951218454436905;0.018292682926829267192614381088;0.011788617886178862428914193572;0.000813008130081300812302957937;0.017886178861788618738026812593;0.008943089430894309369013406297;0.019105691056910567571236470030;0.022764227642276424479206298201;0.064227642276422761136167594032;0.004065040650406504495195658677;0.023170731707317072933793866696;0.008130081300813008990391317354;0.014634146341463415488814980847;0.002845528455284553059900787275;0.013414634146341463186158371457;0.000000000000000000000000000000;0.013821138211382113375469415928;0.002845528455284553059900787275;0.004065040650406504495195658677;0.005284552845528455063128792091;0.000813008130081300812302957937;0.006910569105691056687734707964;0.013821138211382113375469415928;0.000000000000000000000000000000;0.016666666666666666435370203203;0.011382113821138212239603149101;0.010162601626016259936946539710;0.013821138211382113375469415928;0.005284552845528455063128792091;0.004878048780487804873817747620;0.009756097560975609747635495239
-0.007758620689655172306120611836;0.027873563218390805945601229610;0.032471264367816089768670195781;0.191379310344827580081528139999;0.066091954022988508299363275000;0.008045977011494252761902856719;0.009770114942528735496596326016;0.030747126436781610503423678438;0.015517241379310344612241223672;0.022988505747126436462579590625;0.006609195402298850482991632305;0.008908045977011494129249591367;0.000862068965517241367346734648;0.016091954022988505523805713437;0.035344827586206897795939596563;0.007471264367816091850338366953;0.007183908045977011394556122070;0.018103448275862070449004903594;0.014942528735632183700676733906;0.002586206896551724102040203945;0.017241379310344827346934692969;0.002586206896551724102040203945;0.001436781609195402278911224414;0.031321839080459767945541216250;0.005459770114942528659862652773;0.015804597701149426802746944531;0.022126436781609196829956331953;0.137068965517241375673407333124;0.009195402298850574585031836250;0.024137931034482758285708570156;0.005172413793103448204080407891;0.014655172413793103244894489023;0.004310344827586206836733673242;0.012643678160919540054418774844;0.001436781609195402278911224414;0.020114942528735631904757141797;0.004022988505747126380951428359;0.001724137931034482734693469297;0.003735632183908045925169183477;0.002586206896551724102040203945;0.011206896551724137775507550430;0.030747126436781610503423678438;0.000000000000000000000000000000;0.021551724137931035918391842188;0.012931034482758620510201019727;0.015804597701149426802746944531;0.014655172413793103244894489023;0.004310344827586206836733673242;0.007471264367816091850338366953;0.013793103448275861877547754375
-0.021111111111111111743321444578;0.019166666666666665186369300500;0.070833333333333331482961625625;0.003055555555555555715535609451;0.020000000000000000416333634234;0.013055555555555556357383295563;0.004166666666666666608842550801;0.037777777777777778178691647781;0.025000000000000001387778780781;0.038055555555555557745162076344;0.012222222222222222862142437805;0.014166666666666665949647629930;0.007499999999999999722444243844;0.051944444444444445863062753688;0.024166666666666666157814447047;0.010833333333333333703407674875;0.018333333333333333425851918719;0.044444444444444446140618509844;0.015277777777777777276635440273;0.009444444444444444544672911945;0.017777777777777777762358013547;0.014722222222222221613141535101;0.013333333333333334189130248149;0.051388888888888886730121896562;0.018888888888888889089345823891;0.042500000000000003053113317719;0.026944444444444444475283972906;0.006944444444444444058950338672;0.001111111111111111110147375847;0.012777777777777778525636342977;0.005833333333333333599324266316;0.019444444444444444752839729063;0.008611111111111111049432054187;0.006388888888888889262818171488;0.013611111111111110286153724758;0.054722222222222220711085327594;0.019166666666666665186369300500;0.005833333333333333599324266316;0.004444444444444444440589503387;0.011111111111111111535154627461;0.011111111111111111535154627461;0.010555555555555555871660722289;0.000000000000000000000000000000;0.022499999999999999167332731531;0.014722222222222221613141535101;0.012222222222222222862142437805;0.049444444444444443642616704437;0.020555555555555556079827539406;0.027777777777777776235801354687;0.014999999999999999444888487687
-0.028735632183908045578224488281;0.010632183908045976863943060664;0.080747126436781613278981240001;0.009195402298850574585031836250;0.008045977011494252761902856719;0.021839080459770114639450611094;0.002298850574712643646257959062;0.025574712643678162299343270547;0.036781609195402298340127345000;0.019827586206896553183698372891;0.019827586206896553183698372891;0.020977011494252875006827352422;0.009482758620689655040814081133;0.055172413793103447510191017500;0.012931034482758620510201019727;0.018965517241379310081628162266;0.020689655172413792816321631562;0.045402298850574715483041643438;0.012068965517241379142854285078;0.013793103448275861877547754375;0.008908045977011494129249591367;0.020402298850574714095262862656;0.011494252873563218231289795312;0.028160919540229884666659998516;0.041954022988505750013654704844;0.027873563218390805945601229610;0.038505747126436784544267766250;0.004885057471264367748298163008;0.002298850574712643646257959062;0.011781609195402298687072040195;0.019252873563218392272133883125;0.014942528735632183700676733906;0.008045977011494252761902856719;0.012931034482758620510201019727;0.022413793103448275551015100859;0.044252873563218393659912663907;0.013218390804597700965983264609;0.005747126436781609115644897656;0.012643678160919540054418774844;0.020114942528735631904757141797;0.004885057471264367748298163008;0.011781609195402298687072040195;0.000000000000000000000000000000;0.012643678160919540054418774844;0.008045977011494252761902856719;0.007183908045977011394556122070;0.035057471264367819074880827657;0.028160919540229884666659998516;0.028735632183908045578224488281;0.020689655172413792816321631562
-0.012893081761006289914783806694;0.012264150943396227161352740609;0.030503144654088050480300609024;0.349056603773584883665392908370;0.044654088050314462432499595934;0.022012578616352199839534264925;0.005031446540880502894810266667;0.017295597484276729188801269288;0.024528301886792454322705481218;0.008176100628930817529327335080;0.008490566037735848906042868123;0.025471698113207548452852080345;0.003459119496855346011232601455;0.015408805031446540928508071033;0.026415094339622642582998679472;0.009119496855345911659473934208;0.008490566037735848906042868123;0.020125786163522011579241066670;0.016037735849056603681939137118;0.004402515723270440141379200583;0.006603773584905660645749669868;0.021698113207547168462818731882;0.005974842767295597892318603783;0.012578616352201258538068273651;0.021069182389937105709387665797;0.012264150943396227161352740609;0.015723270440251572305223604076;0.041194968553459117288628732467;0.001572327044025157317258534206;0.027672955974842768089860811642;0.008490566037735848906042868123;0.009119496855345911659473934208;0.005031446540880502894810266667;0.008490566037735848906042868123;0.005974842767295597892318603783;0.016981132075471697812085736246;0.004088050314465408764663667540;0.002830188679245282824120666376;0.011635220125786162673198198547;0.009119496855345911659473934208;0.006918238993710692022465202911;0.012264150943396227161352740609;0.000000000000000000000000000000;0.011320754716981131296482665505;0.010062893081761005789620533335;0.005031446540880502894810266667;0.009433962264150943036189467250;0.009119496855345911659473934208;0.012264150943396227161352740609;0.011635220125786162673198198547
-0.004519774011299435186039819001;0.020621468926553671030532655095;0.023728813559322034509868615260;0.314124293785310759741236097398;0.069491525423728814359058958416;0.006779661016949152345378859508;0.006214689265536723489224968375;0.027683615819209039105031067152;0.014406779661016949276031162697;0.013841807909604519552515533576;0.008474576271186440648564008882;0.011299435028248587531418678509;0.003389830508474576172689429754;0.014689265536723164137788977257;0.029661016949152543137335769075;0.007909604519774010925048379761;0.007344632768361582068894488629;0.018079096045197740744159276005;0.016949152542372881297128017763;0.001694915254237288086344714877;0.015536723163841808723062420938;0.005649717514124293765709339254;0.002259887005649717593019909501;0.019774011299435029914706163368;0.008192090395480225786806194321;0.017514124293785311020643646884;0.024293785310734464233384244380;0.090677966101694915113107242632;0.001977401129943502731262094940;0.020621468926553671030532655095;0.005649717514124293765709339254;0.013276836158192089828999904455;0.004519774011299435186039819001;0.010451977401129942946145234828;0.002824858757062146882854669627;0.020621468926553671030532655095;0.005367231638418078903951524694;0.002542372881355932021096855067;0.004802259887005650047797633562;0.001977401129943502731262094940;0.008474576271186440648564008882;0.020903954802259885892290469656;0.000000000000000000000000000000;0.007344632768361582068894488629;0.014689265536723164137788977257;0.010734463276836157807903049388;0.013276836158192089828999904455;0.006497175141242937483621044947;0.009039548022598870372079638003;0.009604519774011300095595267123
-0.016964285714285712997062560703;0.044940476190476190410105772344;0.032440476190476193185663333907;0.076488095238095243910692033751;0.026190476190476191103995162734;0.009226190476190476372209126055;0.006250000000000000346944695195;0.048809523809523809589894227656;0.024107142857142858233254756328;0.016369047619047619873677845703;0.014583333333333333564629796797;0.013095238095238095551997581367;0.006547619047619047775998790684;0.016369047619047619873677845703;0.046726190476190476719153821250;0.009226190476190476372209126055;0.005654761904761904621474766230;0.046130952380952383595769106250;0.036309523809523812365451789219;0.005059523809523809763366575254;0.025297619047619047949471138281;0.013690476190476190410105772344;0.009226190476190476372209126055;0.015773809523809523280846178750;0.012202380952380952397473556914;0.020535714285714285615158658516;0.040773809523809524668624959531;0.072916666666666671292595935938;0.002678571428571428596210335371;0.021428571428571428769682682969;0.013095238095238095551997581367;0.011309523809523809242949532461;0.015178571428571428422737987773;0.011607142857142857539365365938;0.006250000000000000346944695195;0.028571428571428570536427926640;0.011607142857142857539365365938;0.005059523809523809763366575254;0.009523809523809524668624959531;0.002976190476190476025264430859;0.015476190476190476719153821250;0.028869047619047620567567236094;0.000000000000000000000000000000;0.010416666666666666088425508008;0.028571428571428570536427926640;0.010714285714285714384841341484;0.016369047619047619873677845703;0.007440476190476190063161077148;0.019047619047619049337249919063;0.011904761904761904101057723437
-0.011320754716981131296482665505;0.026729559748427673959714212515;0.017610062893081760565516802330;0.205660377358490575883109841016;0.043081761006289305548921930722;0.010691823899371068543051599420;0.006918238993710692022465202911;0.035849056603773583884464670746;0.018238993710691823318947868415;0.009433962264150943036189467250;0.013522012578616352668214872779;0.012578616352201258538068273651;0.007232704402515723399180735953;0.008805031446540880282758401165;0.046226415094339619316077261146;0.005660377358490565648241332752;0.009748427672955974412905000293;0.036792452830188678014611269873;0.027987421383647799466576344685;0.004088050314465408764663667540;0.017295597484276729188801269288;0.005345911949685534271525799710;0.008176100628930817529327335080;0.018867924528301886072378934500;0.010691823899371068543051599420;0.013207547169811321291499339736;0.039308176100628929028335534213;0.057232704402515724440014821539;0.009433962264150943036189467250;0.028616352201257862220007410770;0.006918238993710692022465202911;0.011006289308176099919767132462;0.016666666666666666435370203203;0.015408805031446540928508071033;0.014465408805031446798361471906;0.023584905660377360192558882090;0.008805031446540880282758401165;0.004716981132075471518094733625;0.005345911949685534271525799710;0.008805031446540880282758401165;0.010377358490566037166336066377;0.021383647798742137086103198840;0.000000000000000000000000000000;0.017295597484276729188801269288;0.023899371069182391569274415133;0.011635220125786162673198198547;0.008176100628930817529327335080;0.005031446540880502894810266667;0.014465408805031446798361471906;0.005660377358490565648241332752
-0.010000000000000000208166817117;0.035925925925925923654080662573;0.029999999999999998889776975375;0.199629629629629629095077802958;0.029999999999999998889776975375;0.007777777777777777554191196430;0.011851851851851851263330850372;0.028518518518518519433424529552;0.024444444444444445724284875610;0.012962962962962962590318660716;0.011111111111111111535154627461;0.004074074074074073709139653943;0.003703703703703703845051542487;0.016666666666666666435370203203;0.024074074074074074125473288177;0.003703703703703703845051542487;0.013333333333333334189130248149;0.047777777777777780121581940875;0.018148148148148149361169600979;0.004074074074074073709139653943;0.015555555555555555108382392859;0.012222222222222222862142437805;0.014074074074074073917306471060;0.028518518518518519433424529552;0.008888888888888888881179006773;0.014814814814814815380206169948;0.026666666666666668378260496297;0.060370370370370372847812490136;0.005185185185185185036127464286;0.015555555555555555108382392859;0.003333333333333333547282562037;0.016666666666666666435370203203;0.008888888888888888881179006773;0.018888888888888889089345823891;0.010740740740740739936343040029;0.024814814814814813853649511088;0.014814814814814815380206169948;0.004074074074074073709139653943;0.011481481481481481399242738917;0.012962962962962962590318660716;0.008148148148148147418279307885;0.022222222222222223070309254922;0.000000000000000000000000000000;0.021481481481481479872686080057;0.015185185185185185244294281404;0.015185185185185185244294281404;0.012592592592592592726230549260;0.009259259259259258745267118229;0.022222222222222223070309254922;0.007407407407407407690103084974
-0.017592592592592593697675695807;0.016203703703703702804217456901;0.032870370370370369239587660104;0.032407407407407405608434913802;0.012037037037037037062736644089;0.015277777777777777276635440273;0.006018518518518518531368322044;0.034259259259259260133045899011;0.032870370370370369239587660104;0.022685185185185186701462001224;0.013888888888888888117900677344;0.014814814814814815380206169948;0.010185185185185186007572610833;0.030555555555555554553270880547;0.022685185185185186701462001224;0.014351851851851851749053423646;0.014814814814814815380206169948;0.046296296296296293726335591145;0.025462962962962961549484575130;0.008333333333333333217685101602;0.017592592592592593697675695807;0.012962962962962962590318660716;0.014814814814814815380206169948;0.040277777777777780399137697032;0.024537037037037037756626034479;0.026851851851851852442942814037;0.042592592592592591616007524635;0.026388888888888888811790067734;0.004629629629629629372633559115;0.013888888888888888117900677344;0.030555555555555554553270880547;0.019444444444444444752839729063;0.018981481481481481121686982760;0.007870370370370369586532355299;0.011574074074074073431583897786;0.036111111111111107718762980312;0.021759259259259259439156508620;0.008796296296296296848837847904;0.007870370370370369586532355299;0.009259259259259258745267118229;0.008796296296296296848837847904;0.021759259259259259439156508620;0.000000000000000000000000000000;0.026851851851851852442942814037;0.015277777777777777276635440273;0.016203703703703702804217456901;0.025462962962962961549484575130;0.014814814814814815380206169948;0.034259259259259260133045899011;0.016203703703703702804217456901
-0.012500000000000000693889390391;0.029166666666666667129259593594;0.028240740740740739866954100989;0.008796296296296296848837847904;0.049537037037037039144404815261;0.020833333333333332176851016015;0.005555555555555555767577313730;0.031018518518518518184423626849;0.035185185185185187395351391615;0.017129629629629630066522949505;0.011574074074074073431583897786;0.056018518518518516102755455677;0.006944444444444444058950338672;0.014814814814814815380206169948;0.027777777777777776235801354687;0.010648148148148147904001881159;0.020370370370370372015145221667;0.044907407407407409771771256146;0.020370370370370372015145221667;0.004629629629629629372633559115;0.014351851851851851749053423646;0.013888888888888888117900677344;0.010185185185185186007572610833;0.024537037037037037756626034479;0.018518518518518517490534236458;0.018518518518518517490534236458;0.038888888888888889505679458125;0.032870370370370369239587660104;0.003703703703703703845051542487;0.059722222222222225151977426094;0.030092592592592590922118134245;0.012500000000000000693889390391;0.010185185185185186007572610833;0.006481481481481481295159330358;0.014814814814814815380206169948;0.029629629629629630760412339896;0.014351851851851851749053423646;0.006481481481481481295159330358;0.014351851851851851749053423646;0.007870370370370369586532355299;0.012037037037037037062736644089;0.041666666666666664353702032031;0.000000000000000000000000000000;0.016666666666666666435370203203;0.017129629629629630066522949505;0.012500000000000000693889390391;0.012500000000000000693889390391;0.012037037037037037062736644089;0.025925925925925925180637321432;0.011574074074074073431583897786
-0.012429378531073446978449936751;0.021751412429378530477563913337;0.024011299435028249371626429820;0.055084745762711863348304319743;0.099435028248587575827599494005;0.017231638418079096158885832324;0.006497175141242937483621044947;0.029661016949152543137335769075;0.030790960451977402584367027316;0.012429378531073446978449936751;0.011581920903954802393176493069;0.027118644067796609381515438031;0.011016949152542372669660863949;0.017231638418079096158885832324;0.042937853107344631231612197553;0.005084745762711864042193710134;0.012711864406779661840207751311;0.028813559322033898552062325393;0.031073446327683617446124841877;0.005367231638418078903951524694;0.017231638418079096158885832324;0.014124293785310734414273348136;0.008192090395480225786806194321;0.019491525423728815052948348807;0.016666666666666666435370203203;0.014406779661016949276031162697;0.029378531073446328275577954514;0.049717514124293787913799747002;0.003107344632768361744612484188;0.044915254237288135263916899476;0.019209039548022600191190534247;0.009604519774011300095595267123;0.016666666666666666435370203203;0.007062146892655367207136674068;0.014124293785310734414273348136;0.019774011299435029914706163368;0.008192090395480225786806194321;0.002259887005649717593019909501;0.012711864406779661840207751311;0.017796610169491525882401461445;0.011299435028248587531418678509;0.031638418079096043700193519044;0.000000000000000000000000000000;0.011299435028248587531418678509;0.036158192090395481488318552010;0.009039548022598870372079638003;0.010451977401129942946145234828;0.011016949152542372669660863949;0.022316384180790960201079542458;0.009887005649717514957353081684
-0.005246913580246913635929395525;0.011419753086419752799440807678;0.017592592592592593697675695807;0.361419753086419770493620262641;0.042901234567901236349740656806;0.005864197530864197899225231936;0.009567901234567901744276774423;0.016666666666666666435370203203;0.014814814814814815380206169948;0.010185185185185186007572610833;0.006172839506172839163511412153;0.013580246913580246853614497127;0.001851851851851851922525771243;0.012654320987654321326032480499;0.023456790123456791596900927743;0.010185185185185186007572610833;0.005555555555555555767577313730;0.010802469135802468536144971267;0.013888888888888888117900677344;0.002777777777777777883788656865;0.011728395061728395798450463872;0.004938271604938271504281477320;0.004629629629629629372633559115;0.019753086419753086017125909279;0.006790123456790123426807248563;0.011111111111111111535154627461;0.026543209876543211178656633820;0.109876543209876539886060697881;0.008024691358024691953398921385;0.019444444444444444752839729063;0.004938271604938271504281477320;0.010185185185185186007572610833;0.003395061728395061713403624282;0.015123456790123456644492350165;0.006172839506172839163511412153;0.011728395061728395798450463872;0.003703703703703703845051542487;0.002160493827160493620492820455;0.004320987654320987240985640909;0.003703703703703703845051542487;0.005864197530864197899225231936;0.030864197530864195817557060764;0.000000000000000000000000000000;0.018518518518518517490534236458;0.015740740740740739173064710599;0.013888888888888888117900677344;0.010185185185185186007572610833;0.005246913580246913635929395525;0.005555555555555555767577313730;0.009259259259259258745267118229
-0.004285714285714285927408884191;0.012380952380952381375323057000;0.015714285714285715356286488031;0.333333333333333314829616256247;0.037619047619047621400234504563;0.005238095238095237873854337352;0.008095238095238094580552434820;0.016666666666666666435370203203;0.018571428571428572062984585500;0.012857142857142856914864914586;0.007619047619047619041010577234;0.016666666666666666435370203203;0.001904761904761904760252644309;0.010952380952380953021974008266;0.025238095238095236555464495609;0.005238095238095237873854337352;0.009523809523809524668624959531;0.017619047619047617514453918375;0.008571428571428571854817768383;0.000952380952380952380126322154;0.007142857142857142634106981660;0.004761904761904762334312479766;0.002857142857142857140378966463;0.021428571428571428769682682969;0.003333333333333333547282562037;0.010952380952380953021974008266;0.019523809523809523142068300672;0.165714285714285702866277460998;0.006190476190476190687661528500;0.016190476190476189161104869640;0.002857142857142857140378966463;0.010476190476190475747708674703;0.003809523809523809520505288617;0.015238095238095238082021154469;0.008571428571428571854817768383;0.017619047619047617514453918375;0.000952380952380952380126322154;0.001428571428571428570189483231;0.002380952380952381167156239883;0.003809523809523809520505288617;0.005714285714285714280757932926;0.035238095238095235028907836750;0.000000000000000000000000000000;0.014761904761904762542479296883;0.012857142857142856914864914586;0.011428571428571428561515865852;0.007619047619047619041010577234;0.003333333333333333547282562037;0.006190476190476190687661528500;0.008571428571428571854817768383
-0.003875968992248061961714000745;0.027131782945736433731998005214;0.013565891472868216865999002607;0.263953488372093036939958210496;0.090697674418604656843001521338;0.008139534883720930119599401564;0.006976744186046511531085201341;0.029457364341085270909026405661;0.010852713178294573492799202086;0.015503875968992247846856002980;0.008527131782945736315770801639;0.014341085271317829258341802756;0.000775193798449612392342800149;0.015891472868217054043027403054;0.046899224806201553206186360967;0.006976744186046511531085201341;0.005426356589147286746399601043;0.020542635658914728397084203948;0.026356589147286821339655205065;0.001937984496124030980857000372;0.010465116279069767296627802011;0.006201550387596899138742401192;0.001550387596899224784685600298;0.029844961240310077105197805736;0.010077519379844961100456401937;0.017441860465116278827713003352;0.023255813953488371770284004469;0.072868217054263564880223214004;0.001550387596899224784685600298;0.016279069767441860239198803129;0.003488372093023255765542600670;0.019379844961240309808570003725;0.005813953488372092942571001117;0.016666666666666666435370203203;0.002713178294573643373199800521;0.022868217054263565574112604395;0.004263565891472868157885400819;0.003488372093023255765542600670;0.002713178294573643373199800521;0.000387596899224806196171400074;0.012403100775193798277484802384;0.010852713178294573492799202086;0.000000000000000000000000000000;0.020542635658914728397084203948;0.023255813953488371770284004469;0.009302325581395348708113601788;0.012015503875968992081313402309;0.004651162790697674354056800894;0.009302325581395348708113601788;0.008527131782945736315770801639
-0.007499999999999999722444243844;0.023888888888888890060790970438;0.025000000000000001387778780781;0.192222222222222210996633862123;0.062500000000000000000000000000;0.005277777777777777935830361145;0.007499999999999999722444243844;0.024444444444444445724284875610;0.021111111111111111743321444578;0.023888888888888890060790970438;0.012500000000000000693889390391;0.012777777777777778525636342977;0.001111111111111111110147375847;0.015555555555555555108382392859;0.030833333333333334119741309109;0.015555555555555555108382392859;0.008333333333333333217685101602;0.015833333333333334674852821422;0.014722222222222221613141535101;0.001666666666666666773641281019;0.013055555555555556357383295563;0.006111111111111111431071218902;0.001111111111111111110147375847;0.031944444444444441977282167500;0.009166666666666666712925959359;0.021944444444444443503838826359;0.029999999999999998889776975375;0.131944444444444447528397290625;0.003888888888888888777095598215;0.014999999999999999444888487687;0.005000000000000000104083408559;0.014999999999999999444888487687;0.006666666666666667094565124074;0.015277777777777777276635440273;0.001111111111111111110147375847;0.020833333333333332176851016015;0.006388888888888889262818171488;0.003611111111111110945348645629;0.003055555555555555715535609451;0.000277777777777777777536843962;0.008611111111111111049432054187;0.033611111111111112437210834969;0.000000000000000000000000000000;0.021111111111111111743321444578;0.018611111111111109522875395328;0.011111111111111111535154627461;0.018055555555555553859381490156;0.003888888888888888777095598215;0.010000000000000000208166817117;0.011388888888888889366901580047
-0.030555555555555554553270880547;0.012777777777777778525636342977;0.048055555555555552749158465531;0.018333333333333333425851918719;0.016111111111111110771876298031;0.022777777777777778733803160094;0.002500000000000000052041704279;0.026111111111111112714766591125;0.021111111111111111743321444578;0.034166666666666664631257788187;0.021666666666666667406815349750;0.027500000000000000138777878078;0.010000000000000000208166817117;0.043888888888888887007677652718;0.028333333333333331899295259859;0.019722222222222220849863205672;0.010555555555555555871660722289;0.023611111111111110494320541875;0.021944444444444443503838826359;0.005277777777777777935830361145;0.021111111111111111743321444578;0.012777777777777778525636342977;0.005555555555555555767577313730;0.048333333333333332315628894094;0.034722222222222223764198645313;0.038055555555555557745162076344;0.038055555555555557745162076344;0.013888888888888888117900677344;0.001944444444444444388547799107;0.028333333333333331899295259859;0.013055555555555556357383295563;0.018888888888888889089345823891;0.008611111111111111049432054187;0.008888888888888888881179006773;0.011111111111111111535154627461;0.042500000000000003053113317719;0.010277777777777778039913769703;0.007777777777777777554191196430;0.003055555555555555715535609451;0.005555555555555555767577313730;0.006666666666666667094565124074;0.013611111111111110286153724758;0.000000000000000000000000000000;0.024166666666666666157814447047;0.016111111111111110771876298031;0.020000000000000000416333634234;0.040555555555555553026714221687;0.022777777777777778733803160094;0.019166666666666665186369300500;0.019444444444444444752839729063
-0.014957264957264957902505209120;0.016239316239316240603196561665;0.027350427350427350403627713149;0.338888888888888906159024827502;0.008974358974358973700669039886;0.015384615384615385469402326635;0.002991452991452991667237215623;0.025213675213675214303865601551;0.014529914529914530335608091605;0.012393162393162392501122504029;0.010256410256410256401360392431;0.018803418803418802535132314802;0.005982905982905983334474431246;0.021367521367521367936515019892;0.034188034188034191473981593390;0.012393162393162392501122504029;0.008119658119658120301598280832;0.015811965811965811301575968173;0.011965811965811966668948862491;0.004700854700854700633783078700;0.011111111111111111535154627461;0.008974358974358973700669039886;0.002991452991452991667237215623;0.022222222222222223070309254922;0.014529914529914530335608091605;0.021367521367521367936515019892;0.025213675213675214303865601551;0.019658119658119657668926549832;0.002564102564102564100340098108;0.019230769230769231836752908293;0.007264957264957265167804045802;0.014529914529914530335608091605;0.011538461538461539102051744976;0.008547008547008547868495398347;0.014957264957264957902505209120;0.021367521367521367936515019892;0.005982905982905983334474431246;0.005128205128205128200680196215;0.015384615384615385469402326635;0.007264957264957265167804045802;0.003418803418803418800453464144;0.010683760683760683968257509946;0.000000000000000000000000000000;0.018803418803418802535132314802;0.019230769230769231836752908293;0.012820512820512820068019621544;0.017094017094017095736990796695;0.009829059829059828834463274916;0.015384615384615385469402326635;0.012393162393162392501122504029
-0.004722222222222222272336455973;0.014999999999999999444888487687;0.008611111111111111049432054187;0.482222222222222218768195034500;0.019722222222222220849863205672;0.007499999999999999722444243844;0.007777777777777777554191196430;0.023611111111111110494320541875;0.014166666666666665949647629930;0.008611111111111111049432054187;0.003333333333333333547282562037;0.010555555555555555871660722289;0.006111111111111111431071218902;0.009444444444444444544672911945;0.021388888888888887840344921187;0.004444444444444444440589503387;0.003333333333333333547282562037;0.017222222222222222098864108375;0.018888888888888889089345823891;0.002222222222222222220294751693;0.013611111111111110286153724758;0.004444444444444444440589503387;0.003333333333333333547282562037;0.014722222222222221613141535101;0.007222222222222221890697291258;0.008333333333333333217685101602;0.021111111111111111743321444578;0.031666666666666669349705642844;0.004166666666666666608842550801;0.019444444444444444752839729063;0.023611111111111110494320541875;0.007222222222222221890697291258;0.006388888888888889262818171488;0.010555555555555555871660722289;0.010277777777777778039913769703;0.011111111111111111535154627461;0.002222222222222222220294751693;0.003333333333333333547282562037;0.011111111111111111535154627461;0.007222222222222221890697291258;0.010555555555555555871660722289;0.020833333333333332176851016015;0.000000000000000000000000000000;0.012500000000000000693889390391;0.012500000000000000693889390391;0.008055555555555555385938149016;0.008333333333333333217685101602;0.005555555555555555767577313730;0.007499999999999999722444243844;0.004166666666666666608842550801
-0.009322033898305085233837452563;0.012146892655367232116692122190;0.035593220338983051764802922889;0.260734463276836136991221337667;0.042655367231638416369854382992;0.014124293785310734414273348136;0.003672316384180791034447244314;0.018926553672316385329432719686;0.026553672316384179657999808910;0.018361581920903955605917090566;0.009039548022598870372079638003;0.029378531073446328275577954514;0.004237288135593220324282004441;0.020903954802259885892290469656;0.012994350282485874967242089895;0.008474576271186440648564008882;0.020338983050847456168774840535;0.024858757062146893956899873501;0.016666666666666666435370203203;0.005932203389830508627467153815;0.012711864406779661840207751311;0.017514124293785311020643646884;0.004237288135593220324282004441;0.019491525423728815052948348807;0.014689265536723164137788977257;0.015254237288135593861304606378;0.021186440677966100754048284216;0.034463276836158192317771664648;0.002542372881355932021096855067;0.027966101694915253966788881712;0.027118644067796609381515438031;0.010451977401129942946145234828;0.004519774011299435186039819001;0.013841807909604519552515533576;0.011016949152542372669660863949;0.026271186440677964796241994350;0.005932203389830508627467153815;0.004802259887005650047797633562;0.011581920903954802393176493069;0.009039548022598870372079638003;0.004519774011299435186039819001;0.022033898305084745339321727897;0.000000000000000000000000000000;0.009887005649717514957353081684;0.011864406779661017254934307630;0.008474576271186440648564008882;0.020056497175141241307017025974;0.010734463276836157807903049388;0.011581920903954802393176493069;0.011299435028248587531418678509
-0.010360360360360360357234732476;0.009909909909909909303538100289;0.056306306306306307118969556313;0.123423423423423425648870477289;0.007657657657657657504501891310;0.008558558558558557877171679706;0.002252252252252252232717077973;0.023423423423423423567202306117;0.031981981981981981444373985823;0.019819819819819818607076200578;0.017567567567567568542763467576;0.014414414414414414636333994224;0.003153153153153153039067735364;0.029729729729729731380061252821;0.019819819819819818607076200578;0.007207207207207207318166997112;0.027027027027027028527328411656;0.031531531531531528655953877660;0.013063063063063063209967573641;0.010810810810810811410931364662;0.012612612612612612156270941455;0.022072072072072072140835885534;0.007657657657657657504501891310;0.037387387387387387149839668155;0.011711711711711711783601153058;0.026126126126126126419935147283;0.041441441441441441428938929903;0.034684684684684684297106826989;0.006306306306306306078135470727;0.013513513513513514263664205828;0.009009009009009008930868311893;0.023423423423423423567202306117;0.007657657657657657504501891310;0.027477477477477477846301567865;0.011261261261261260729904520872;0.045045045045045042919618083488;0.010810810810810811410931364662;0.004954954954954954651769050145;0.016666666666666666435370203203;0.011261261261261260729904520872;0.005855855855855855891800576529;0.020720720720720720714469464951;0.000000000000000000000000000000;0.019819819819819818607076200578;0.013063063063063063209967573641;0.011711711711711711783601153058;0.038738738738738738576206088737;0.014414414414414414636333994224;0.020270270270270271395496308742;0.006306306306306306078135470727
-0.005000000000000000104083408559;0.024166666666666666157814447047;0.016250000000000000555111512313;0.377916666666666678509045596002;0.070000000000000006661338147751;0.005416666666666666851703837438;0.006666666666666667094565124074;0.022083333333333333287074040641;0.017083333333333332315628894094;0.007916666666666667337426410711;0.005833333333333333599324266316;0.013750000000000000069388939039;0.001250000000000000026020852140;0.014999999999999999444888487687;0.021666666666666667406815349750;0.004166666666666666608842550801;0.007499999999999999722444243844;0.017083333333333332315628894094;0.017500000000000001665334536938;0.001250000000000000026020852140;0.009583333333333332593184650250;0.007499999999999999722444243844;0.002083333333333333304421275400;0.012083333333333333078907223523;0.004583333333333333356462979680;0.007083333333333332974823814965;0.022499999999999999167332731531;0.078750000000000000555111512313;0.002083333333333333304421275400;0.020000000000000000416333634234;0.005833333333333333599324266316;0.010833333333333333703407674875;0.005416666666666666851703837438;0.016666666666666666435370203203;0.005833333333333333599324266316;0.017500000000000001665334536938;0.006250000000000000346944695195;0.005000000000000000104083408559;0.003333333333333333547282562037;0.002916666666666666799662133158;0.007499999999999999722444243844;0.023750000000000000277555756156;0.000000000000000000000000000000;0.012083333333333333078907223523;0.011249999999999999583666365766;0.010000000000000000208166817117;0.015416666666666667059870654555;0.002500000000000000052041704279;0.009166666666666666712925959359;0.005000000000000000104083408559
-0.011965811965811966668948862491;0.015384615384615385469402326635;0.022222222222222223070309254922;0.299145299145299137233422470672;0.052991452991452990539666956238;0.006410256410256410034009810772;0.007264957264957265167804045802;0.027350427350427350403627713149;0.031623931623931622603151936346;0.023931623931623933337897724982;0.007692307692307692734701163317;0.009401709401709401267566157401;0.001282051282051282050170049054;0.016239316239316240603196561665;0.035470085470085468970502518005;0.016666666666666666435370203203;0.008547008547008547868495398347;0.020940170940170938634894426400;0.010683760683760683968257509946;0.001282051282051282050170049054;0.014957264957264957902505209120;0.015811965811965811301575968173;0.000427350427350427350056683018;0.025213675213675214303865601551;0.005128205128205128200680196215;0.020512820512820512802720784862;0.028632478632478631369595589717;0.060683760683760683274368119555;0.001282051282051282050170049054;0.016239316239316240603196561665;0.002991452991452991667237215623;0.017948717948717947401338079771;0.002136752136752136967123849587;0.015811965811965811301575968173;0.002991452991452991667237215623;0.019230769230769231836752908293;0.004700854700854700633783078700;0.004700854700854700633783078700;0.005555555555555555767577313730;0.001282051282051282050170049054;0.007692307692307692734701163317;0.020512820512820512802720784862;0.000000000000000000000000000000;0.018803418803418802535132314802;0.014529914529914530335608091605;0.011111111111111111535154627461;0.015811965811965811301575968173;0.005128205128205128200680196215;0.004273504273504273934247699174;0.009401709401709401267566157401
-0.010569105691056910126257584182;0.035772357723577237476053625187;0.026016260162601625993694653971;0.171544715447154466625434565685;0.020325203252032519873893079421;0.013414634146341463186158371457;0.009349593495934959558324450768;0.036585365853658534385228762176;0.026422764227642277917729174419;0.017479674796747966813992292145;0.013414634146341463186158371457;0.007723577235772357933718534895;0.008130081300813008990391317354;0.014227642276422763564780460399;0.054878048780487805047290095217;0.011382113821138212239603149101;0.014227642276422763564780460399;0.034146341463414636718809447302;0.019105691056910567571236470030;0.003658536585365853872203745212;0.016260162601626017980782634709;0.013414634146341463186158371457;0.006097560975609756309112619022;0.028048780487804878674973352304;0.014227642276422763564780460399;0.020325203252032519873893079421;0.036585365853658534385228762176;0.067073170731707321134962285214;0.002439024390243902436908873810;0.017479674796747966813992292145;0.006504065040650406498423663493;0.014227642276422763564780460399;0.013008130081300812996847326986;0.006097560975609756309112619022;0.005284552845528455063128792091;0.024390243902439025236450476086;0.005284552845528455063128792091;0.006097560975609756309112619022;0.005691056910569106119801574550;0.002439024390243902436908873810;0.025203252032520325615072565029;0.021544715447154472176549688811;0.000000000000000000000000000000;0.019105691056910567571236470030;0.017073170731707318359404723651;0.010162601626016259936946539710;0.015853658536585366056748114261;0.010569105691056910126257584182;0.014634146341463415488814980847;0.006504065040650406498423663493
-0.011666666666666667198648532633;0.054166666666666668517038374375;0.017500000000000001665334536938;0.054166666666666668517038374375;0.053055555555555557190050564031;0.015277777777777777276635440273;0.017777777777777777762358013547;0.044166666666666666574148081281;0.017500000000000001665334536938;0.010555555555555555871660722289;0.014999999999999999444888487687;0.010000000000000000208166817117;0.011388888888888889366901580047;0.006111111111111111431071218902;0.068611111111111108828986004937;0.004722222222222222272336455973;0.011944444444444445030395485219;0.048611111111111111882099322656;0.043333333333333334813630699500;0.002777777777777777883788656865;0.030555555555555554553270880547;0.008888888888888888881179006773;0.017500000000000001665334536938;0.016666666666666666435370203203;0.010833333333333333703407674875;0.017777777777777777762358013547;0.033333333333333332870740406406;0.054722222222222220711085327594;0.000833333333333333386820640509;0.040277777777777780399137697032;0.008333333333333333217685101602;0.012222222222222222862142437805;0.018611111111111109522875395328;0.003611111111111110945348645629;0.011944444444444445030395485219;0.018333333333333333425851918719;0.006666666666666667094565124074;0.006944444444444444058950338672;0.003333333333333333547282562037;0.005833333333333333599324266316;0.024444444444444445724284875610;0.019166666666666665186369300500;0.000000000000000000000000000000;0.013888888888888888117900677344;0.038611111111111109939209029562;0.020833333333333332176851016015;0.009166666666666666712925959359;0.005833333333333333599324266316;0.015555555555555555108382392859;0.006944444444444444058950338672
-0.040112994350282482614034051949;0.005649717514124293765709339254;0.048587570621468928466768488761;0.008757062146892655510321823442;0.002259887005649717593019909501;0.014971751412429378999546791817;0.003107344632768361744612484188;0.029378531073446328275577954514;0.033898305084745762594256035527;0.057909604519774011965882465347;0.022033898305084745339321727897;0.007344632768361582068894488629;0.005084745762711864042193710134;0.042372881355932201508096568432;0.015254237288135593861304606378;0.025988700564971749934484179789;0.026271186440677964796241994350;0.023728813559322034509868615260;0.014689265536723164137788977257;0.005649717514124293765709339254;0.020338983050847456168774840535;0.018079096045197740744159276005;0.001129943502824858796509954750;0.061016949152542375445218425511;0.023446327683615819648110800699;0.042655367231638416369854382992;0.039265536723163844967654512175;0.003672316384180791034447244314;0.002259887005649717593019909501;0.004519774011299435186039819001;0.010169491525423728084387420267;0.033050847457627118008982591846;0.004237288135593220324282004441;0.010169491525423728084387420267;0.003389830508474576172689429754;0.049717514124293787913799747002;0.007627118644067796930652303189;0.022598870056497175062837357018;0.004802259887005650047797633562;0.002259887005649717593019909501;0.009887005649717514957353081684;0.013841807909604519552515533576;0.000000000000000000000000000000;0.039265536723163844967654512175;0.009887005649717514957353081684;0.028531073446327683690304510833;0.050847457627118647360831005244;0.020338983050847456168774840535;0.012711864406779661840207751311;0.017231638418079096158885832324
-0.034814814814814812327092852229;0.011111111111111111535154627461;0.046296296296296293726335591145;0.017407407407407406163546426114;0.028888888888888887562789165031;0.026296296296296296779448908865;0.004074074074074073709139653943;0.022962962962962962798485477833;0.041111111111111112159655078813;0.037037037037037034981068472916;0.011111111111111111535154627461;0.030740740740740742087400150240;0.011851851851851851263330850372;0.037037037037037034981068472916;0.014074074074074073917306471060;0.024444444444444445724284875610;0.014074074074074073917306471060;0.025555555555555557051272685953;0.013703703703703704053218359604;0.004074074074074073709139653943;0.018148148148148149361169600979;0.015925925925925926707193980292;0.008518518518518519017090895318;0.046296296296296293726335591145;0.032222222222222221543752596062;0.034074074074074076068363581271;0.025925925925925925180637321432;0.012222222222222222862142437805;0.002222222222222222220294751693;0.032222222222222221543752596062;0.018518518518518517490534236458;0.021111111111111111743321444578;0.008148148148148147418279307885;0.008148148148148147418279307885;0.010740740740740739936343040029;0.038148148148148146308056283260;0.007777777777777777554191196430;0.014444444444444443781394582516;0.006296296296296296363115274630;0.005555555555555555767577313730;0.009629629629629630344078705662;0.027407407407407408106436719208;0.000000000000000000000000000000;0.026666666666666668378260496297;0.009629629629629630344078705662;0.014814814814814815380206169948;0.034074074074074076068363581271;0.018518518518518517490534236458;0.019259259259259260688157411323;0.016666666666666666435370203203
-0.017037037037037038034181790636;0.015185185185185185244294281404;0.044444444444444446140618509844;0.074444444444444438091501581312;0.032222222222222221543752596062;0.028518518518518519433424529552;0.005185185185185185036127464286;0.020740740740740740144509857146;0.038888888888888889505679458125;0.017777777777777777762358013547;0.011851851851851851263330850372;0.033703703703703701000105041885;0.024074074074074074125473288177;0.022592592592592591199673890401;0.018888888888888889089345823891;0.013703703703703704053218359604;0.021851851851851851471497667490;0.033333333333333332870740406406;0.017777777777777777762358013547;0.004814814814814815172039352831;0.012962962962962962590318660716;0.019629629629629628817522046802;0.014074074074074073917306471060;0.028888888888888887562789165031;0.021851851851851851471497667490;0.022962962962962962798485477833;0.028148148148148147834612942120;0.014814814814814815380206169948;0.001111111111111111110147375847;0.055555555555555552471602709375;0.021851851851851851471497667490;0.021481481481481479872686080057;0.010000000000000000208166817117;0.006296296296296296363115274630;0.016296296296296294836558615771;0.027777777777777776235801354687;0.008888888888888888881179006773;0.009259259259259258745267118229;0.008148148148148147418279307885;0.011481481481481481399242738917;0.004814814814814815172039352831;0.032962962962962964741375770927;0.000000000000000000000000000000;0.014074074074074073917306471060;0.011111111111111111535154627461;0.016296296296296294836558615771;0.020000000000000000416333634234;0.015185185185185185244294281404;0.019259259259259260688157411323;0.007777777777777777554191196430
-0.007499999999999999722444243844;0.027083333333333334258519187188;0.023333333333333334397297065266;0.365416666666666667406815349750;0.012500000000000000693889390391;0.012916666666666666574148081281;0.007083333333333332974823814965;0.021666666666666667406815349750;0.017083333333333332315628894094;0.008750000000000000832667268469;0.010000000000000000208166817117;0.027500000000000000138777878078;0.004583333333333333356462979680;0.014583333333333333564629796797;0.024583333333333332038073137937;0.006666666666666667094565124074;0.010416666666666666088425508008;0.030416666666666668239482618219;0.017916666666666667545593227828;0.002500000000000000052041704279;0.012500000000000000693889390391;0.006250000000000000346944695195;0.005416666666666666851703837438;0.016666666666666666435370203203;0.010833333333333333703407674875;0.019166666666666665186369300500;0.022499999999999999167332731531;0.035000000000000003330669073875;0.003333333333333333547282562037;0.022916666666666665047591422422;0.013333333333333334189130248149;0.010000000000000000208166817117;0.006666666666666667094565124074;0.012916666666666666574148081281;0.003333333333333333547282562037;0.015416666666666667059870654555;0.007499999999999999722444243844;0.001250000000000000026020852140;0.008750000000000000832667268469;0.003749999999999999861222121922;0.007083333333333332974823814965;0.033750000000000002220446049250;0.000000000000000000000000000000;0.005416666666666666851703837438;0.015416666666666667059870654555;0.011666666666666667198648532633;0.011666666666666667198648532633;0.006250000000000000346944695195;0.008333333333333333217685101602;0.010416666666666666088425508008
-0.020000000000000000416333634234;0.014074074074074073917306471060;0.051481481481481482231910007386;0.124074074074074072737694507396;0.021111111111111111743321444578;0.010740740740740739936343040029;0.003703703703703703845051542487;0.025185185185185185452461098521;0.038148148148148146308056283260;0.022962962962962962798485477833;0.010370370370370370072254928573;0.020370370370370372015145221667;0.004444444444444444440589503387;0.031111111111111110216764785719;0.019259259259259260688157411323;0.020000000000000000416333634234;0.021111111111111111743321444578;0.032222222222222221543752596062;0.014814814814814815380206169948;0.007037037037037036958653235530;0.011851851851851851263330850372;0.022222222222222223070309254922;0.005925925925925925631665425186;0.045185185185185182399347780802;0.022592592592592591199673890401;0.030740740740740742087400150240;0.018518518518518517490534236458;0.040740740740740744030290443334;0.001481481481481481407916356297;0.010740740740740739936343040029;0.011481481481481481399242738917;0.024814814814814813853649511088;0.005555555555555555767577313730;0.007037037037037036958653235530;0.008888888888888888881179006773;0.044814814814814814269983145323;0.008518518518518519017090895318;0.007037037037037036958653235530;0.008518518518518519017090895318;0.004444444444444444440589503387;0.007037037037037036958653235530;0.020370370370370372015145221667;0.000000000000000000000000000000;0.024814814814814813853649511088;0.012592592592592592726230549260;0.013703703703703704053218359604;0.026666666666666668378260496297;0.017037037037037038034181790636;0.015555555555555555108382392859;0.008888888888888888881179006773
-0.015555555555555555108382392859;0.007777777777777777554191196430;0.091111111111111114935212640376;0.028148148148148147834612942120;0.014814814814814815380206169948;0.002962962962962962815832712593;0.001111111111111111110147375847;0.027037037037037036507625131776;0.002592592592592592518063732143;0.049259259259259259577934386698;0.010740740740740739936343040029;0.003703703703703703845051542487;0.004444444444444444440589503387;0.064074074074074074958140556646;0.018148148148148149361169600979;0.011851851851851851263330850372;0.012592592592592592726230549260;0.025185185185185185452461098521;0.007777777777777777554191196430;0.022592592592592591199673890401;0.010740740740740739936343040029;0.009259259259259258745267118229;0.010740740740740739936343040029;0.064444444444444443087505192125;0.018518518518518517490534236458;0.040740740740740744030290443334;0.022592592592592591199673890401;0.010370370370370370072254928573;0.001111111111111111110147375847;0.003703703703703703845051542487;0.002592592592592592518063732143;0.028518518518518519433424529552;0.003333333333333333547282562037;0.009259259259259258745267118229;0.020370370370370372015145221667;0.075185185185185188228018660084;0.015555555555555555108382392859;0.004444444444444444440589503387;0.000000000000000000000000000000;0.022222222222222223070309254922;0.005925925925925925631665425186;0.000370370370370370351979089074;0.000000000000000000000000000000;0.027037037037037036507625131776;0.010000000000000000208166817117;0.012962962962962962590318660716;0.077777777777777779011358916250;0.032222222222222221543752596062;0.023333333333333334397297065266;0.015185185185185185244294281404
-0.022592592592592591199673890401;0.024444444444444445724284875610;0.044074074074074071072359970458;0.082222222222222224319310157625;0.038518518518518521376314822646;0.020000000000000000416333634234;0.001851851851851851922525771243;0.019259259259259260688157411323;0.005925925925925925631665425186;0.035185185185185187395351391615;0.017777777777777777762358013547;0.005925925925925925631665425186;0.024814814814814813853649511088;0.046296296296296293726335591145;0.032962962962962964741375770927;0.016666666666666666435370203203;0.016296296296296294836558615771;0.023703703703703702526661700745;0.018148148148148149361169600979;0.008148148148148147418279307885;0.015925925925925926707193980292;0.007777777777777777554191196430;0.017407407407407406163546426114;0.032222222222222221543752596062;0.019259259259259260688157411323;0.028148148148148147834612942120;0.032222222222222221543752596062;0.013703703703703704053218359604;0.000740740740740740703958178148;0.027407407407407408106436719208;0.006666666666666667094565124074;0.016666666666666666435370203203;0.020000000000000000416333634234;0.007777777777777777554191196430;0.017037037037037038034181790636;0.041481481481481480289019714291;0.009259259259259258745267118229;0.004814814814814815172039352831;0.000000000000000000000000000000;0.013333333333333334189130248149;0.010000000000000000208166817117;0.001851851851851851922525771243;0.000000000000000000000000000000;0.010740740740740739936343040029;0.023333333333333334397297065266;0.010000000000000000208166817117;0.037407407407407410049327012302;0.028518518518518519433424529552;0.022962962962962962798485477833;0.018518518518518517490534236458
-0.018333333333333333425851918719;0.021666666666666667406815349750;0.046249999999999999444888487687;0.042916666666666665463925056656;0.010416666666666666088425508008;0.021250000000000001526556658860;0.006666666666666667094565124074;0.021250000000000001526556658860;0.017500000000000001665334536938;0.018749999999999999306110609609;0.017916666666666667545593227828;0.007083333333333332974823814965;0.025416666666666667268037471672;0.034166666666666664631257788187;0.028333333333333331899295259859;0.009166666666666666712925959359;0.025416666666666667268037471672;0.041666666666666664353702032031;0.018749999999999999306110609609;0.010833333333333333703407674875;0.016666666666666666435370203203;0.016666666666666666435370203203;0.031250000000000000000000000000;0.026249999999999999028554853453;0.022083333333333333287074040641;0.020833333333333332176851016015;0.034583333333333333980963431031;0.013333333333333334189130248149;0.002916666666666666799662133158;0.009166666666666666712925959359;0.011666666666666667198648532633;0.011666666666666667198648532633;0.022916666666666665047591422422;0.014166666666666665949647629930;0.044583333333333335923853724125;0.029583333333333333009518284484;0.012500000000000000693889390391;0.011249999999999999583666365766;0.003749999999999999861222121922;0.041250000000000001942890293094;0.007083333333333332974823814965;0.016250000000000000555111512313;0.000000000000000000000000000000;0.006250000000000000346944695195;0.014166666666666665949647629930;0.014166666666666665949647629930;0.028333333333333331899295259859;0.020833333333333332176851016015;0.036666666666666666851703837438;0.015416666666666667059870654555
-0.020921985815602835850901541903;0.025177304964539008735879832557;0.046808510638297870509738629607;0.002836879432624113666489007457;0.024822695035460994039677729006;0.028723404255319148759006964156;0.003900709219858156020371842132;0.036879432624113472893867538005;0.009929078014184397615871091602;0.009929078014184397615871091602;0.019503546099290780535540079654;0.030496453900709218770570529955;0.019858156028368795231742183205;0.031560283687943259389729888653;0.032978723404255318174538302856;0.017375886524822695827774410304;0.009929078014184397615871091602;0.042198581560283686398005187357;0.040780141843971634552090677062;0.006028368794326241161818380476;0.025177304964539008735879832557;0.016312056737588651739168099652;0.024822695035460994039677729006;0.010992907801418439969753926277;0.019503546099290780535540079654;0.023049645390070920558667211253;0.045390070921985818663824119312;0.008865248226950355261988256927;0.000709219858156028416622251864;0.039007092198581561071080159309;0.015602836879432624081487368528;0.010283687943262410577349719176;0.037588652482269502286271745106;0.008865248226950355261988256927;0.018439716312056736446933769002;0.027304964539007093443645501907;0.017375886524822695827774410304;0.004964539007092198807935545801;0.002836879432624113666489007457;0.018794326241134751143135872553;0.009929078014184397615871091602;0.009219858156028368223466884501;0.000000000000000000000000000000;0.008156028368794325869584049826;0.033687943262411347566942509957;0.007446808510638298211903318702;0.023758865248226949951071418354;0.017021276595744681131572306754;0.039716312056737590463484366410;0.014539007092198581727604533853
-0.021969696969696968918972501683;0.006439393939393939225723784148;0.101893939393939397808352964603;0.000000000000000000000000000000;0.007196969696969697342925353922;0.023484848484848483418652165255;0.000378787878787878787550241766;0.017803030303030303177491688871;0.058333333333333334258519187188;0.026515151515151515887458444354;0.014015151515151515193569053963;0.029545454545454544886817771498;0.006818181818181817850643700041;0.041666666666666664353702032031;0.013636363636363635701287400082;0.028787878787878789371701415689;0.031439393939393940613502564929;0.032575757575757577355624050597;0.010227272727272727209646419055;0.007196969696969697342925353922;0.009469696969696969959806587269;0.050757575757575758290673917372;0.003409090909090908925321850020;0.038257575757575754127337575028;0.030681818181818181628939257166;0.033712121212121214097745536264;0.026136363636363634660453314495;0.003409090909090908925321850020;0.001136363636363636308440616673;0.019318181818181817677171352443;0.017424242424242425419933510966;0.030303030303030303871381079261;0.004545454545454545233762466694;0.011742424242424241709326082628;0.006060606060606060600803868255;0.042045454545454545580707161889;0.006439393939393939225723784148;0.008333333333333333217685101602;0.002651515151515151675482018234;0.008712121212121212709966755483;0.004166666666666666608842550801;0.021590909090909091161414323778;0.000000000000000000000000000000;0.018560606060606062162054996634;0.003787878787878787983922634908;0.009848484848484847717364765174;0.053787878787878787290033244517;0.019318181818181817677171352443;0.013636363636363635701287400082;0.020833333333333332176851016015
-0.017407407407407406163546426114;0.010740740740740739936343040029;0.038888888888888889505679458125;0.137777777777777776790912867000;0.041111111111111112159655078813;0.014444444444444443781394582516;0.002222222222222222220294751693;0.027407407407407408106436719208;0.015925925925925926707193980292;0.029999999999999998889776975375;0.023703703703703702526661700745;0.012592592592592592726230549260;0.006666666666666667094565124074;0.037777777777777778178691647781;0.020000000000000000416333634234;0.018148148148148149361169600979;0.019629629629629628817522046802;0.028148148148148147834612942120;0.020370370370370372015145221667;0.005555555555555555767577313730;0.013333333333333334189130248149;0.012222222222222222862142437805;0.006296296296296296363115274630;0.046666666666666668794594130532;0.020740740740740740144509857146;0.029259259259259259161600752464;0.031481481481481478346129421197;0.016296296296296294836558615771;0.001111111111111111110147375847;0.015185185185185185244294281404;0.006296296296296296363115274630;0.017777777777777777762358013547;0.010740740740740739936343040029;0.009629629629629630344078705662;0.011111111111111111535154627461;0.045925925925925925596970955667;0.016666666666666666435370203203;0.003333333333333333547282562037;0.001111111111111111110147375847;0.007037037037037036958653235530;0.007037037037037036958653235530;0.014074074074074073917306471060;0.000000000000000000000000000000;0.014814814814814815380206169948;0.015925925925925926707193980292;0.017037037037037038034181790636;0.032962962962962964741375770927;0.014444444444444443781394582516;0.022222222222222223070309254922;0.010740740740740739936343040029
-0.013939393939393938948168027991;0.025151515151515150409133880771;0.054242424242424244762439400347;0.254545454545454519212910327042;0.009696969696969696961286189207;0.007272727272727272720964641906;0.005151515151515151727523722514;0.019090909090909092410415226482;0.021212121212121213403856145874;0.021212121212121213403856145874;0.006060606060606060600803868255;0.000909090909090909090120580238;0.005151515151515151727523722514;0.029090909090909090883858567622;0.015454545454545455182571167541;0.006060606060606060600803868255;0.022121212121212121409774553626;0.043636363636363639795234803387;0.012727272727272727695368992329;0.010909090909090909948808700847;0.012727272727272727695368992329;0.020303030303030301928490786167;0.009090909090909090467524933388;0.030606060606060605383538231195;0.013636363636363635701287400082;0.025151515151515150409133880771;0.025151515151515150409133880771;0.021818181818181819897617401693;0.003636363636363636360482320953;0.005151515151515151727523722514;0.002424242424242424240321547302;0.022424242424242422921931705559;0.003636363636363636360482320953;0.008787878787878787220644305478;0.007575757575757575967845269815;0.037878787878787879839226349077;0.012121212121212121201607736509;0.001818181818181818180241160476;0.005757575757575757353923240345;0.019090909090909092410415226482;0.006969696969696969474084013996;0.018484848484848485916653970662;0.000000000000000000000000000000;0.015454545454545455182571167541;0.011515151515151514707846480690;0.010000000000000000208166817117;0.030606060606060605383538231195;0.011515151515151514707846480690;0.013939393939393938948168027991;0.009090909090909090467524933388
-0.011764705882352941013202496379;0.044771241830065360012280706314;0.039869281045751631120666047536;0.080065359477124176112994291543;0.016339869281045752563708006733;0.009477124183006535237949741202;0.003921568627450980337734165460;0.033333333333333332870740406406;0.025816993464052286066934271958;0.011111111111111111535154627461;0.011437908496732025406816823931;0.000653594771241830020148955160;0.011111111111111111535154627461;0.019607843137254901688670827298;0.037908496732026140951798964807;0.003921568627450980337734165460;0.020915032679738560644766565133;0.074836601307189540288611340202;0.021895424836601305729200106498;0.009150326797385621366287544731;0.016993464052287580307032399674;0.023529411764705882026404992757;0.030065359477124183745777585841;0.012418300653594770491250365296;0.013725490196078431182069579108;0.013725490196078431182069579108;0.038235294117647061762355065184;0.056209150326797387153821006223;0.000653594771241830020148955160;0.012418300653594770491250365296;0.002287581699346405341571886183;0.005882352941176470506601248189;0.014379084967320260660117448026;0.005228758169934640161191641283;0.021568627450980391857537910028;0.033333333333333332870740406406;0.017320261437908497648141548098;0.001960784313725490168867082730;0.010457516339869280322383282567;0.024183006535947713239176337652;0.010130718954248366450721086096;0.043137254901960783715075820055;0.000000000000000000000000000000;0.010457516339869280322383282567;0.017647058823529411519803744568;0.010130718954248366450721086096;0.012418300653594770491250365296;0.009150326797385621366287544731;0.037908496732026140951798964807;0.006535947712418300852010855095
-0.005128205128205128200680196215;0.035897435897435894802676159543;0.053846153846153849142908143222;0.209615384615384620081712796491;0.024358974358974359170071366520;0.003525641025641025692177743522;0.004487179487179486850334519943;0.029807692307692309346967007855;0.017628205128205128027207848618;0.011217948717948717993198037846;0.004807692307692307959188227073;0.000641025641025641025085024527;0.003205128205128205017004905386;0.025000000000000001387778780781;0.043269230769230768163247091707;0.005769230769230769551025872488;0.034294871794871797932025003774;0.048397435897435898966012501887;0.012500000000000000693889390391;0.009615384615384615918376454147;0.008333333333333333217685101602;0.024679487179487178544201597674;0.009935897435897435292506685300;0.018589743589743589619045494032;0.004166666666666666608842550801;0.014102564102564102768710974090;0.022756410256410255360526306845;0.048717948717948718340142733041;0.003846153846153846367350581659;0.008653846153846154326538808732;0.002564102564102564100340098108;0.025320512820512820761909011935;0.006089743589743589792517841630;0.009935897435897435292506685300;0.012500000000000000693889390391;0.038141025641025644299375585433;0.010256410256410256401360392431;0.004166666666666666608842550801;0.004166666666666666608842550801;0.025000000000000001387778780781;0.010256410256410256401360392431;0.011538461538461539102051744976;0.000000000000000000000000000000;0.009294871794871794809522747016;0.018910256410256408993175725186;0.011858974358974358476181976130;0.020512820512820512802720784862;0.010576923076923077510214099561;0.015705128205128204843532557788;0.006410256410256410034009810772
-0.009722222222222222376419864531;0.036111111111111107718762980312;0.054166666666666668517038374375;0.164930555555555552471602709375;0.013194444444444444405895033867;0.007638888888888888638317720137;0.005208333333333333044212754004;0.034375000000000002775557561563;0.022569444444444444058950338672;0.014930555555555556287994356524;0.008680555555555555941049661328;0.002430555555555555594104966133;0.004861111111111111188209932266;0.017013888888888887424011286953;0.044444444444444446140618509844;0.004513888888888888464845372539;0.035763888888888886730121896562;0.061458333333333330095182844843;0.025347222222222222376419864531;0.006250000000000000346944695195;0.015972222222222220988641083750;0.016666666666666666435370203203;0.011805555555555555247160270937;0.025347222222222222376419864531;0.011805555555555555247160270937;0.015277777777777777276635440273;0.034375000000000002775557561563;0.033680555555555553859381490156;0.005208333333333333044212754004;0.010069444444444445099784424258;0.003819444444444444319158860068;0.020138888888888890199568848516;0.010763888888888888811790067734;0.003125000000000000173472347598;0.005555555555555555767577313730;0.043402777777777776235801354687;0.014583333333333333564629796797;0.002777777777777777883788656865;0.002430555555555555594104966133;0.015625000000000000000000000000;0.012847222222222221682530474141;0.014236111111111110841265237070;0.000000000000000000000000000000;0.010069444444444445099784424258;0.017361111111111111882099322656;0.012847222222222221682530474141;0.019097222222222223764198645313;0.007638888888888888638317720137;0.023958333333333334952408577578;0.005902777777777777623580135469
-0.012500000000000000693889390391;0.047222222222222220988641083750;0.029166666666666667129259593594;0.157222222222222235421540403877;0.022222222222222223070309254922;0.011388888888888889366901580047;0.004444444444444444440589503387;0.041111111111111112159655078813;0.026388888888888888811790067734;0.013333333333333334189130248149;0.016388888888888890338346726594;0.003055555555555555715535609451;0.010833333333333333703407674875;0.013611111111111110286153724758;0.042777777777777775680689842375;0.006944444444444444058950338672;0.021666666666666667406815349750;0.056388888888888891171013995063;0.023611111111111110494320541875;0.006388888888888889262818171488;0.017500000000000001665334536938;0.017500000000000001665334536938;0.013333333333333334189130248149;0.016944444444444446001840631766;0.013888888888888888117900677344;0.015833333333333334674852821422;0.044999999999999998334665463062;0.028333333333333331899295259859;0.002500000000000000052041704279;0.012222222222222222862142437805;0.002500000000000000052041704279;0.011944444444444445030395485219;0.016388888888888890338346726594;0.007777777777777777554191196430;0.013055555555555556357383295563;0.025833333333333333148296162562;0.014444444444444443781394582516;0.004722222222222222272336455973;0.005277777777777777935830361145;0.014999999999999999444888487687;0.016666666666666666435370203203;0.022222222222222223070309254922;0.000000000000000000000000000000;0.009722222222222222376419864531;0.018055555555555553859381490156;0.011666666666666667198648532633;0.012777777777777778525636342977;0.010277777777777778039913769703;0.024722222222222221821308352219;0.007222222222222221890697291258
-0.010555555555555555871660722289;0.016388888888888890338346726594;0.061944444444444447805953046782;0.201666666666666660745477201999;0.025555555555555557051272685953;0.008333333333333333217685101602;0.006388888888888889262818171488;0.025000000000000001387778780781;0.030555555555555554553270880547;0.015555555555555555108382392859;0.009444444444444444544672911945;0.009722222222222222376419864531;0.003611111111111110945348645629;0.026111111111111112714766591125;0.032777777777777780676693453188;0.012500000000000000693889390391;0.030833333333333334119741309109;0.032222222222222221543752596062;0.011666666666666667198648532633;0.006388888888888889262818171488;0.009166666666666666712925959359;0.031666666666666669349705642844;0.010000000000000000208166817117;0.022777777777777778733803160094;0.014722222222222221613141535101;0.016666666666666666435370203203;0.023888888888888890060790970438;0.036388888888888887285233408875;0.004722222222222222272336455973;0.009722222222222222376419864531;0.003055555555555555715535609451;0.025000000000000001387778780781;0.006111111111111111431071218902;0.014444444444444443781394582516;0.013333333333333334189130248149;0.029722222222222222792753498766;0.006944444444444444058950338672;0.006388888888888889262818171488;0.004166666666666666608842550801;0.020277777777777776513357110844;0.010000000000000000208166817117;0.015555555555555555108382392859;0.000000000000000000000000000000;0.009444444444444444544672911945;0.013888888888888888117900677344;0.007777777777777777554191196430;0.019444444444444444752839729063;0.010000000000000000208166817117;0.018333333333333333425851918719;0.009166666666666666712925959359
-0.017307692307692308653077617464;0.009935897435897435292506685300;0.055128205128205126639429067836;0.115384615384615391020517449761;0.015064102564102564360548619504;0.015384615384615385469402326635;0.003846153846153846367350581659;0.025961538461538462979616426196;0.027243589743589743945584302764;0.017628205128205128027207848618;0.011217948717948717993198037846;0.014423076923076923877564681220;0.012820512820512820068019621544;0.029807692307692309346967007855;0.017628205128205128027207848618;0.017307692307692308653077617464;0.020192307692307693428590553708;0.035897435897435894802676159543;0.009615384615384615918376454147;0.007371794871794871625847456187;0.010576923076923077510214099561;0.022435897435897435986396075691;0.010256410256410256401360392431;0.022435897435897435986396075691;0.021153846153846155020428199123;0.029166666666666667129259593594;0.026282051282051282353746657350;0.053205128205128203455753777007;0.001923076923076923183675290829;0.012179487179487179585035683260;0.011538461538461539102051744976;0.020512820512820512802720784862;0.007371794871794871625847456187;0.011217948717948717993198037846;0.016346153846153847061239972049;0.038141025641025644299375585433;0.012820512820512820068019621544;0.015064102564102564360548619504;0.003525641025641025692177743522;0.020833333333333332176851016015;0.007051282051282051384355487045;0.021153846153846155020428199123;0.000000000000000000000000000000;0.018269230769230770244915262879;0.005769230769230769551025872488;0.014102564102564102768710974090;0.031730769230769229061195346731;0.017307692307692308653077617464;0.024679487179487178544201597674;0.013782051282051281659857266959
-0.011333333333333334147496884725;0.018333333333333333425851918719;0.037666666666666667739882257138;0.335000000000000019984014443253;0.004666666666666667052931760651;0.010999999999999999361621760841;0.006000000000000000124900090270;0.024333333333333331816028533012;0.012666666666666666352103476356;0.014000000000000000291433543964;0.012000000000000000249800180541;0.005000000000000000104083408559;0.012999999999999999403255124264;0.018666666666666668211727042603;0.021333333333333332620940225866;0.008000000000000000166533453694;0.020000000000000000416333634234;0.038666666666666668628060676838;0.015333333333333332496040135595;0.007333333333333333196868419890;0.012666666666666666352103476356;0.010666666666666666310470112933;0.009666666666666667157015169209;0.021999999999999998723243521681;0.010666666666666666310470112933;0.021999999999999998723243521681;0.029999999999999998889776975375;0.005000000000000000104083408559;0.005000000000000000104083408559;0.008333333333333333217685101602;0.003666666666666666598434209945;0.018333333333333333425851918719;0.008000000000000000166533453694;0.009333333333333334105863521302;0.014000000000000000291433543964;0.034666666666666665075346998037;0.014000000000000000291433543964;0.008333333333333333217685101602;0.001666666666666666773641281019;0.010999999999999999361621760841;0.010666666666666666310470112933;0.009666666666666667157015169209;0.000000000000000000000000000000;0.010999999999999999361621760841;0.011333333333333334147496884725;0.008333333333333333217685101602;0.016333333333333331649495079319;0.007333333333333333196868419890;0.020000000000000000416333634234;0.012000000000000000249800180541
-0.024666666666666666601903656897;0.008000000000000000166533453694;0.047333333333333331427450474393;0.219666666666666676732688756601;0.005333333333333333155235056466;0.016000000000000000333066907388;0.004666666666666667052931760651;0.027333333333333334480563792113;0.010999999999999999361621760841;0.019333333333333334314030338419;0.010666666666666666310470112933;0.008666666666666666268836749509;0.015333333333333332496040135595;0.032333333333333331982561986706;0.015666666666666665547191783503;0.012333333333333333300951828448;0.018999999999999999528155214534;0.032666666666666663298990158637;0.021666666666666667406815349750;0.008333333333333333217685101602;0.015666666666666665547191783503;0.012333333333333333300951828448;0.011333333333333334147496884725;0.029000000000000001471045507628;0.022333333333333333509118645566;0.026666666666666668378260496297;0.034666666666666665075346998037;0.004666666666666667052931760651;0.002666666666666666577617528233;0.014666666666666666393736839780;0.007333333333333333196868419890;0.015333333333333332496040135595;0.013666666666666667240281896056;0.010999999999999999361621760841;0.019666666666666665630458510350;0.033000000000000001554312234475;0.011333333333333334147496884725;0.007666666666666666248020067798;0.001000000000000000020816681712;0.015333333333333332496040135595;0.007000000000000000145716771982;0.007000000000000000145716771982;0.000000000000000000000000000000;0.012333333333333333300951828448;0.011333333333333334147496884725;0.012000000000000000249800180541;0.025666666666666667490082076597;0.016666666666666666435370203203;0.025999999999999998806510248528;0.012666666666666666352103476356
-0.034027777777777774848022573906;0.002430555555555555594104966133;0.073263888888888892281237019688;0.117708333333333331482961625625;0.000347222222222222235473582108;0.013194444444444444405895033867;0.000694444444444444470947164216;0.013541666666666667129259593594;0.010763888888888888811790067734;0.023611111111111110494320541875;0.013541666666666667129259593594;0.006250000000000000346944695195;0.015972222222222220988641083750;0.053472222222222219600862302968;0.009027777777777776929690745078;0.022916666666666665047591422422;0.017708333333333332870740406406;0.023958333333333334952408577578;0.004861111111111111188209932266;0.011111111111111111535154627461;0.007291666666666666782314898398;0.020833333333333332176851016015;0.006944444444444444058950338672;0.033680555555555553859381490156;0.042013888888888892281237019688;0.035069444444444444752839729063;0.028819444444444446140618509844;0.001041666666666666652210637700;0.001388888888888888941894328433;0.003819444444444444319158860068;0.007291666666666666782314898398;0.017361111111111111882099322656;0.003472222222222222029475169336;0.024652777777777776929690745078;0.035416666666666665741480812812;0.035069444444444444752839729063;0.010416666666666666088425508008;0.012500000000000000693889390391;0.000694444444444444470947164216;0.021527777777777777623580135469;0.002083333333333333304421275400;0.001736111111111111014737584668;0.000000000000000000000000000000;0.017361111111111111882099322656;0.004513888888888888464845372539;0.010069444444444445099784424258;0.048611111111111111882099322656;0.040625000000000001387778780781;0.033680555555555553859381490156;0.023611111111111110494320541875
-0.009887005649717514957353081684;0.009604519774011300095595267123;0.049435028248587573052041932442;0.304519774011299426685894786715;0.004519774011299435186039819001;0.007062146892655367207136674068;0.005367231638418078903951524694;0.021751412429378530477563913337;0.008757062146892655510321823442;0.037005649717514126073591995691;0.008192090395480225786806194321;0.001977401129943502731262094940;0.003672316384180791034447244314;0.031920903954802258561951333604;0.026553672316384179657999808910;0.008192090395480225786806194321;0.020338983050847456168774840535;0.022881355932203389924595171578;0.009887005649717514957353081684;0.007909604519774010925048379761;0.016666666666666666435370203203;0.011299435028248587531418678509;0.002259887005649717593019909501;0.043502824858757060955127826674;0.010734463276836157807903049388;0.026271186440677964796241994350;0.019491525423728815052948348807;0.004237288135593220324282004441;0.003107344632768361744612484188;0.004519774011299435186039819001;0.001412429378531073441427334814;0.026836158192090394519757623470;0.002824858757062146882854669627;0.011299435028248587531418678509;0.007909604519774010925048379761;0.042655367231638416369854382992;0.010734463276836157807903049388;0.005084745762711864042193710134;0.002542372881355932021096855067;0.009039548022598870372079638003;0.009604519774011300095595267123;0.003672316384180791034447244314;0.000000000000000000000000000000;0.028531073446327683690304510833;0.009887005649717514957353081684;0.013559322033898304690757719015;0.034745762711864407179529479208;0.017231638418079096158885832324;0.012711864406779661840207751311;0.008192090395480225786806194321
-0.012681159420289855876973206250;0.014492753623188405973087888867;0.038043478260869567630919618750;0.213405797101449273833750908125;0.004710144927536232158093998379;0.006884057971014492620376312715;0.010144927536231883313799784219;0.036956521739130436532416723594;0.012681159420289855876973206250;0.040942028985507243621366768593;0.017391304347826087167705466641;0.003985507246376811425758734941;0.003623188405797101493271972217;0.029347826086956522312343409453;0.033333333333333332870740406406;0.009420289855072464316187996758;0.013043478260869564508417361992;0.028260869565217391213840514297;0.015579710144927537071590784024;0.006884057971014492620376312715;0.013768115942028985240752625430;0.003985507246376811425758734941;0.009782608695652174682355628477;0.044927536231884057649210717500;0.015579710144927537071590784024;0.033695652173913043236908038125;0.032971014492753622504572774687;0.006521739130434782254208680996;0.002898550724637681194617577773;0.006159420289855072755402787266;0.000362318840579710149327197222;0.022101449275362318458437727031;0.007246376811594202986543944434;0.008695652173913043583852733320;0.007608695652173913352711576152;0.045289855072463768015378349219;0.013768115942028985240752625430;0.005434782608695652023067523828;0.000000000000000000000000000000;0.004710144927536232158093998379;0.011231884057971014412302679375;0.004347826086956521791926366660;0.000000000000000000000000000000;0.034057971014492753603075669844;0.016666666666666666435370203203;0.023550724637681159923108253906;0.022826086956521739190772990469;0.008695652173913043583852733320;0.026811594202898549749169987422;0.014492753623188405973087888867
-0.026241134751773049355039191255;0.008156028368794325869584049826;0.051418439716312054621472071858;0.099645390070921990854913019575;0.011702127659574467627434657402;0.010283687943262410577349719176;0.003191489361702127495329373019;0.040070921985815605159686469960;0.010638297872340425273551822727;0.026241134751773049355039191255;0.021985815602836879939507852555;0.001773049645390070878925303788;0.009219858156028368223466884501;0.043971631205673759879015705110;0.015957446808510637042965996102;0.008510638297872340565786153377;0.013475177304964539373721699178;0.048936170212765958686951250911;0.020212765957446809927944286756;0.011702127659574467627434657402;0.013829787234042552335200326752;0.006382978723404254990658746038;0.019148936170212765839337976104;0.028723404255319148759006964156;0.031560283687943259389729888653;0.040425531914893619855888573511;0.048936170212765958686951250911;0.007092198581560283515701215151;0.001063829787234042570723269172;0.010992907801418439969753926277;0.002482269503546099403967772901;0.007446808510638298211903318702;0.012765957446808509981317492077;0.004609929078014184111733442251;0.020567375886524821154699438353;0.059219858156028370999024446064;0.026595744680851064051241294806;0.004255319148936170282893076688;0.000000000000000000000000000000;0.020212765957446809927944286756;0.007092198581560283515701215151;0.003546099290780141757850607576;0.000000000000000000000000000000;0.014539007092198581727604533853;0.007092198581560283515701215151;0.017730496453900710523976513855;0.024113475177304964647273521905;0.020567375886524821154699438353;0.045390070921985818663824119312;0.010283687943262410577349719176
-0.016981132075471697812085736246;0.011006289308176099919767132462;0.046226415094339619316077261146;0.307547169811320741938942546767;0.007861635220125786152611802038;0.011006289308176099919767132462;0.003144654088050314634517068413;0.014150943396226415421645938864;0.016037735849056603681939137118;0.023584905660377360192558882090;0.007547169811320754775896268995;0.004716981132075471518094733625;0.010377358490566037166336066377;0.028930817610062893596722943812;0.017295597484276729188801269288;0.009119496855345911659473934208;0.021383647798742137086103198840;0.032389937106918238740593807279;0.009433962264150943036189467250;0.012264150943396227161352740609;0.010377358490566037166336066377;0.016666666666666666435370203203;0.009119496855345911659473934208;0.028930817610062893596722943812;0.018238993710691823318947868415;0.019811320754716980202525533628;0.021383647798742137086103198840;0.005974842767295597892318603783;0.001886792452830188693974067249;0.009119496855345911659473934208;0.004088050314465408764663667540;0.017610062893081760565516802330;0.005345911949685534271525799710;0.008490566037735848906042868123;0.015723270440251572305223604076;0.033333333333333332870740406406;0.007232704402515723399180735953;0.004716981132075471518094733625;0.002830188679245282824120666376;0.018867924528301886072378934500;0.005345911949685534271525799710;0.012578616352201258538068273651;0.000000000000000000000000000000;0.013836477987421384044930405821;0.010062893081761005789620533335;0.010691823899371068543051599420;0.028930817610062893596722943812;0.018238993710691823318947868415;0.020754716981132074332672132755;0.008805031446540880282758401165
-0.018749999999999999306110609609;0.006666666666666667094565124074;0.061249999999999998889776975375;0.225416666666666654084139054248;0.002500000000000000052041704279;0.012083333333333333078907223523;0.002500000000000000052041704279;0.014999999999999999444888487687;0.013750000000000000069388939039;0.028750000000000001249000902703;0.012083333333333333078907223523;0.003749999999999999861222121922;0.007083333333333332974823814965;0.040833333333333332593184650250;0.019583333333333334536074943344;0.018333333333333333425851918719;0.018333333333333333425851918719;0.019166666666666665186369300500;0.003749999999999999861222121922;0.007916666666666667337426410711;0.008750000000000000832667268469;0.014166666666666665949647629930;0.003333333333333333547282562037;0.037083333333333336201409480282;0.024583333333333332038073137937;0.046249999999999999444888487687;0.030416666666666668239482618219;0.007499999999999999722444243844;0.001250000000000000026020852140;0.002500000000000000052041704279;0.001250000000000000026020852140;0.022083333333333333287074040641;0.004166666666666666608842550801;0.010833333333333333703407674875;0.010833333333333333703407674875;0.046249999999999999444888487687;0.009583333333333332593184650250;0.004583333333333333356462979680;0.001666666666666666773641281019;0.013333333333333334189130248149;0.004583333333333333356462979680;0.017083333333333332315628894094;0.000000000000000000000000000000;0.022916666666666665047591422422;0.006250000000000000346944695195;0.012083333333333333078907223523;0.036666666666666666851703837438;0.024583333333333332038073137937;0.019583333333333334536074943344;0.018333333333333333425851918719
-0.019551282051282051210883139447;0.041346153846153844979571800877;0.048397435897435898966012501887;0.010256410256410256401360392431;0.019551282051282051210883139447;0.015705128205128204843532557788;0.005448717948717948442172165358;0.029807692307692309346967007855;0.037499999999999998612221219219;0.014102564102564102768710974090;0.013782051282051281659857266959;0.015064102564102564360548619504;0.010897435897435896884344330715;0.019551282051282051210883139447;0.023717948717948716952363952259;0.010256410256410256401360392431;0.033653846153846152244870637560;0.064743589743589749496699425890;0.022756410256410255360526306845;0.010576923076923077510214099561;0.016025641025641024217662788942;0.021794871794871793768688661430;0.024679487179487178544201597674;0.023717948717948716952363952259;0.016346153846153847061239972049;0.016987179487179485809500434357;0.028525641025641024911552179333;0.030769230769230770938804653269;0.001282051282051282050170049054;0.029166666666666667129259593594;0.009294871794871794809522747016;0.015705128205128204843532557788;0.015705128205128204843532557788;0.004166666666666666608842550801;0.020833333333333332176851016015;0.049358974358974357088403195348;0.014743589743589743251694912374;0.010256410256410256401360392431;0.009615384615384615918376454147;0.031089743589743590312934884423;0.013461538461538462285727035805;0.026923076923076924571454071611;0.000000000000000000000000000000;0.015384615384615385469402326635;0.015705128205128204843532557788;0.016987179487179485809500434357;0.014102564102564102768710974090;0.007692307692307692734701163317;0.026602564102564101727876888503;0.006410256410256410034009810772
-0.019696969696969695434729530348;0.006060606060606060600803868255;0.080909090909090902732359040783;0.124242424242424237545989740283;0.000000000000000000000000000000;0.003939393939393939607362948863;0.000909090909090909090120580238;0.022424242424242422921931705559;0.023636363636363635909454217199;0.055757575757575755792672111966;0.010909090909090909948808700847;0.000909090909090909090120580238;0.003030303030303030300401934127;0.047272727272727271818908434398;0.006666666666666667094565124074;0.008484848484848485708487153545;0.036666666666666666851703837438;0.042121212121212121826108187861;0.002727272727272727487202175212;0.013333333333333334189130248149;0.010000000000000000208166817117;0.011212121212121211460965852780;0.006666666666666667094565124074;0.059393939393939394755239646884;0.016969696969696971416974307090;0.031515151515151516858903590901;0.023030303030303029415692961379;0.016666666666666666435370203203;0.000606060606060606060080386825;0.002424242424242424240321547302;0.000606060606060606060080386825;0.033939393939393942833948614179;0.003030303030303030300401934127;0.004242424242424242854243576772;0.010303030303030303455047445027;0.081818181818181817677171352443;0.015454545454545455182571167541;0.002727272727272727487202175212;0.000303030303030303030040193413;0.011515151515151514707846480690;0.006363636363636363847684496164;0.005454545454545454974404350423;0.000000000000000000000000000000;0.024848484848484848896976728838;0.001515151515151515150200967064;0.013030303030303030942249620239;0.047575757575757576800512538284;0.020606060606060606910094890054;0.016969696969696971416974307090;0.011515151515151514707846480690
-0.010000000000000000208166817117;0.010476190476190475747708674703;0.051904761904761904933724991906;0.277142857142857135244184973999;0.010476190476190475747708674703;0.007142857142857142634106981660;0.006190476190476190687661528500;0.029523809523809525084958593766;0.006666666666666667094565124074;0.036666666666666666851703837438;0.009523809523809524668624959531;0.000952380952380952380126322154;0.003333333333333333547282562037;0.026666666666666668378260496297;0.022380952380952379848766398140;0.004285714285714285927408884191;0.017619047619047617514453918375;0.023333333333333334397297065266;0.016666666666666666435370203203;0.009047619047619047394359625969;0.012380952380952381375323057000;0.007142857142857142634106981660;0.000476190476190476190063161077;0.057142857142857141072855853281;0.008571428571428571854817768383;0.020952380952380951495417349406;0.023333333333333334397297065266;0.013809523809523809728672105734;0.003333333333333333547282562037;0.013809523809523809728672105734;0.001428571428571428570189483231;0.037619047619047621400234504563;0.003809523809523809520505288617;0.010952380952380953021974008266;0.004285714285714285927408884191;0.055714285714285716188953756500;0.008571428571428571854817768383;0.004285714285714285927408884191;0.000476190476190476190063161077;0.007619047619047619041010577234;0.006190476190476190687661528500;0.001904761904761904760252644309;0.000000000000000000000000000000;0.025714285714285713829729829172;0.016666666666666666435370203203;0.012857142857142856914864914586;0.034285714285714287419271073531;0.012380952380952381375323057000;0.010000000000000000208166817117;0.004285714285714285927408884191
-0.006603773584905660645749669868;0.055031446540880504803006090242;0.019811320754716980202525533628;0.095597484276729566277097660532;0.094654088050314472146951061404;0.011006289308176099919767132462;0.005031446540880502894810266667;0.033333333333333332870740406406;0.020125786163522011579241066670;0.011006289308176099919767132462;0.007232704402515723399180735953;0.002830188679245282824120666376;0.006289308176100629269034136826;0.009748427672955974412905000293;0.044654088050314462432499595934;0.003773584905660377387948134498;0.022012578616352199839534264925;0.045597484276729556562646195061;0.023584905660377360192558882090;0.002830188679245282824120666376;0.012893081761006289914783806694;0.011635220125786162673198198547;0.005345911949685534271525799710;0.014465408805031446798361471906;0.006603773584905660645749669868;0.013522012578616352668214872779;0.024842767295597485699421014260;0.133962264150943394236392691710;0.005660377358490565648241332752;0.044025157232704399679068529849;0.001886792452830188693974067249;0.012264150943396227161352740609;0.012264150943396227161352740609;0.003773584905660377387948134498;0.006603773584905660645749669868;0.023270440251572325346396397094;0.009433962264150943036189467250;0.003144654088050314634517068413;0.002201257861635220070689600291;0.012578616352201258538068273651;0.014779874213836478175077004948;0.020754716981132074332672132755;0.000000000000000000000000000000;0.011635220125786162673198198547;0.025786163522012579829567613388;0.011320754716981131296482665505;0.010062893081761005789620533335;0.006289308176100629269034136826;0.013207547169811321291499339736;0.005031446540880502894810266667
-0.007309941520467835851526672286;0.036549707602339179257633361431;0.022807017543859650632320779096;0.154678362573099414944977070263;0.083040935672514623600015681859;0.009356725146198830583843530917;0.007602339181286549632532434373;0.030701754385964910576412023602;0.017543859649122806043664013487;0.013157894736842104532748010115;0.009649122807017544364849293004;0.004385964912280701510916003372;0.005263157894736841986571551644;0.008187134502923977194543958547;0.045614035087719301264641558191;0.000877192982456140367235331023;0.019298245614035088729698586008;0.039766081871345032583420220362;0.030409356725146198530129737492;0.004385964912280701510916003372;0.012573099415204678705459961918;0.014619883040935671703053344572;0.006725146198830409156876886101;0.016959064327485378481652489313;0.006725146198830409156876886101;0.010526315789473683973143103287;0.022514619883040935116591541032;0.104093567251461988076854936480;0.003801169590643274816266217186;0.048830409356725147651534513216;0.002923976608187134340610668914;0.012280701754385964924454199831;0.012865497076023392486465724005;0.007894736842105263413538196460;0.009064327485380116802837768830;0.024269005847953217802626113553;0.007602339181286549632532434373;0.003801169590643274816266217186;0.002631578947368420993285775822;0.014327485380116959656771058462;0.015204678362573099265064868746;0.012865497076023392486465724005;0.000000000000000000000000000000;0.010818713450292397754148865374;0.025730994152046784972931448010;0.009356725146198830583843530917;0.010233918128654970192137341201;0.003801169590643274816266217186;0.012280701754385964924454199831;0.004093567251461988597271979273
-0.035277777777777775958245598531;0.009166666666666666712925959359;0.031944444444444441977282167500;0.221111111111111119376104738876;0.005833333333333333599324266316;0.028611111111111111465765688422;0.003333333333333333547282562037;0.029444444444444443226283070203;0.006388888888888889262818171488;0.016111111111111110771876298031;0.022777777777777778733803160094;0.012500000000000000693889390391;0.016944444444444446001840631766;0.028888888888888887562789165031;0.013055555555555556357383295563;0.015833333333333334674852821422;0.007499999999999999722444243844;0.019722222222222220849863205672;0.020833333333333332176851016015;0.004722222222222222272336455973;0.019722222222222220849863205672;0.007499999999999999722444243844;0.007499999999999999722444243844;0.020833333333333332176851016015;0.040277777777777780399137697032;0.033333333333333332870740406406;0.035833333333333335091186455656;0.005000000000000000104083408559;0.000555555555555555555073687923;0.020000000000000000416333634234;0.007777777777777777554191196430;0.013611111111111110286153724758;0.014444444444444443781394582516;0.005000000000000000104083408559;0.018611111111111109522875395328;0.026666666666666668378260496297;0.012500000000000000693889390391;0.008888888888888888881179006773;0.000000000000000000000000000000;0.008611111111111111049432054187;0.004444444444444444440589503387;0.006388888888888889262818171488;0.000000000000000000000000000000;0.017500000000000001665334536938;0.011388888888888889366901580047;0.013888888888888888117900677344;0.028333333333333331899295259859;0.024166666666666666157814447047;0.022499999999999999167332731531;0.014722222222222221613141535101
-0.024806201550387596554969604767;0.024031007751937984162626804618;0.013953488372093023062170402682;0.207751937984496121147870439927;0.005038759689922480550228200968;0.028682170542635658516683605512;0.005426356589147286746399601043;0.041860465116279069186511208045;0.010852713178294573492799202086;0.014341085271317829258341802756;0.020542635658914728397084203948;0.006589147286821705334913801266;0.014341085271317829258341802756;0.019379844961240309808570003725;0.029069767441860464712855005587;0.012403100775193798277484802384;0.011627906976744185885142002235;0.022480620155038759377941204320;0.034108527131782945263083206555;0.004263565891472868157885400819;0.018217054263565891220055803501;0.007364341085271317727256601415;0.009689922480620154904285001862;0.021317829457364340789427004097;0.031782945736434108086054806108;0.020930232558139534593255604022;0.043410852713178293971196808343;0.015891472868217054043027403054;0.002713178294573643373199800521;0.019767441860465116004741403799;0.002325581395348837177028400447;0.006976744186046511531085201341;0.017829457364341085023884403427;0.009302325581395348708113601788;0.017054263565891472631541603278;0.027906976744186046124340805363;0.012015503875968992081313402309;0.005426356589147286746399601043;0.004263565891472868157885400819;0.008914728682170542511942201713;0.009689922480620154904285001862;0.010077519379844961100456401937;0.000000000000000000000000000000;0.012790697674418604473656202458;0.017829457364341085023884403427;0.016666666666666666435370203203;0.016279069767441860239198803129;0.014728682170542635454513202831;0.034496124031007754928701558583;0.012790697674418604473656202458
-0.009629629629629630344078705662;0.026666666666666668378260496297;0.023703703703703702526661700745;0.275925925925925907833402561664;0.024814814814814813853649511088;0.015185185185185185244294281404;0.008148148148148147418279307885;0.038148148148148146308056283260;0.011481481481481481399242738917;0.009259259259259258745267118229;0.010740740740740739936343040029;0.005185185185185185036127464286;0.007037037037037036958653235530;0.014444444444444443781394582516;0.057037037037037038866849059104;0.008888888888888888881179006773;0.007777777777777777554191196430;0.031111111111111110216764785719;0.024814814814814813853649511088;0.005555555555555555767577313730;0.023333333333333334397297065266;0.009629629629629630344078705662;0.006296296296296296363115274630;0.016296296296296294836558615771;0.014444444444444443781394582516;0.015185185185185185244294281404;0.040740740740740744030290443334;0.043703703703703702942995334979;0.002962962962962962815832712593;0.016666666666666666435370203203;0.003703703703703703845051542487;0.010000000000000000208166817117;0.012222222222222222862142437805;0.007777777777777777554191196430;0.005925925925925925631665425186;0.016296296296296294836558615771;0.009259259259259258745267118229;0.005925925925925925631665425186;0.000740740740740740703958178148;0.004444444444444444440589503387;0.011111111111111111535154627461;0.006296296296296296363115274630;0.000000000000000000000000000000;0.010370370370370370072254928573;0.037407407407407410049327012302;0.009259259259259258745267118229;0.010370370370370370072254928573;0.008148148148148147418279307885;0.015925925925925926707193980292;0.010000000000000000208166817117
-0.014227642276422763564780460399;0.050813008130081299684732698552;0.026829268292682926372316742913;0.068292682926829273437618894604;0.041463414634146343595855199737;0.012601626016260162807536282514;0.007723577235772357933718534895;0.032113821138211380568083797016;0.026829268292682926372316742913;0.007723577235772357933718534895;0.009349593495934959558324450768;0.007723577235772357933718534895;0.011788617886178862428914193572;0.013821138211382113375469415928;0.056097560975609757349946704608;0.010569105691056910126257584182;0.017886178861788618738026812593;0.070325203252032522649450640984;0.020731707317073171797927599869;0.006097560975609756309112619022;0.012601626016260162807536282514;0.021951219512195120631137257305;0.015040650406504065678126025318;0.012601626016260162807536282514;0.016260162601626017980782634709;0.020325203252032519873893079421;0.022764227642276424479206298201;0.073983739837398379557420469155;0.002845528455284553059900787275;0.014227642276422763564780460399;0.004878048780487804873817747620;0.010975609756097560315568628653;0.008130081300813008990391317354;0.002032520325203252247597829339;0.016666666666666666435370203203;0.021951219512195120631137257305;0.013008130081300812996847326986;0.005691056910569106119801574550;0.017073170731707318359404723651;0.015853658536585366056748114261;0.015040650406504065678126025318;0.045121951219512193564931124001;0.000000000000000000000000000000;0.007723577235772357933718534895;0.030081300813008131356252050637;0.010162601626016259936946539710;0.010162601626016259936946539710;0.008130081300813008990391317354;0.023170731707317072933793866696;0.008536585365853659179702361826
-0.006666666666666667094565124074;0.028518518518518519433424529552;0.014074074074074073917306471060;0.354444444444444450859066364501;0.058888888888888886452566140406;0.004444444444444444440589503387;0.012222222222222222862142437805;0.034074074074074076068363581271;0.005185185185185185036127464286;0.014074074074074073917306471060;0.010740740740740739936343040029;0.003333333333333333547282562037;0.002962962962962962815832712593;0.012962962962962962590318660716;0.055925925925925927539861248761;0.006666666666666667094565124074;0.008888888888888888881179006773;0.016296296296296294836558615771;0.026296296296296296779448908865;0.001481481481481481407916356297;0.021481481481481479872686080057;0.007037037037037036958653235530;0.000370370370370370351979089074;0.019629629629629628817522046802;0.007407407407407407690103084974;0.014074074074074073917306471060;0.022962962962962962798485477833;0.031111111111111110216764785719;0.004814814814814815172039352831;0.018888888888888889089345823891;0.001481481481481481407916356297;0.014074074074074073917306471060;0.007777777777777777554191196430;0.006666666666666667094565124074;0.001111111111111111110147375847;0.013703703703703704053218359604;0.006296296296296296363115274630;0.004074074074074073709139653943;0.000370370370370370351979089074;0.000740740740740740703958178148;0.018518518518518517490534236458;0.003333333333333333547282562037;0.000000000000000000000000000000;0.015185185185185185244294281404;0.040370370370370368962031903948;0.012222222222222222862142437805;0.010740740740740739936343040029;0.004074074074074073709139653943;0.006666666666666667094565124074;0.006666666666666667094565124074
-0.009696969696969696961286189207;0.032424242424242424864821998653;0.046363636363636363812990026645;0.124545454545454542527593844170;0.035151515151515148882577221912;0.006666666666666667094565124074;0.006969696969696969474084013996;0.045757575757575760788675722779;0.017878787878787879422892714842;0.016969696969696971416974307090;0.013636363636363635701287400082;0.002121212121212121427121788386;0.005454545454545454974404350423;0.025454545454545455390737984658;0.040606060606060603856981572335;0.002121212121212121427121788386;0.026363636363636363396656392410;0.047575757575757576800512538284;0.027878787878787877896336055983;0.006969696969696969474084013996;0.018787878787878787428811122595;0.015454545454545455182571167541;0.018181818181818180935049866775;0.019090909090909092410415226482;0.007272727272727272720964641906;0.017878787878787879422892714842;0.035757575757575758845785429685;0.026969696969696969890417648230;0.003333333333333333547282562037;0.015757575757575758429451795450;0.002727272727272727487202175212;0.021515151515151514916013297807;0.020606060606060606910094890054;0.005757575757575757353923240345;0.011515151515151514707846480690;0.040303030303030305814271372356;0.011818181818181817954727108599;0.002424242424242424240321547302;0.002424242424242424240321547302;0.023939393939393940891058321085;0.016060606060606059941608947383;0.017575757575757574441288610956;0.000000000000000000000000000000;0.013939393939393938948168027991;0.026969696969696969890417648230;0.009696969696969696961286189207;0.018484848484848485916653970662;0.006666666666666667094565124074;0.021212121212121213403856145874;0.007272727272727272720964641906
-0.023333333333333334397297065266;0.014999999999999999444888487687;0.037499999999999998612221219219;0.191250000000000003330669073875;0.049583333333333333425851918719;0.013750000000000000069388939039;0.005000000000000000104083408559;0.020833333333333332176851016015;0.006250000000000000346944695195;0.018749999999999999306110609609;0.014583333333333333564629796797;0.007499999999999999722444243844;0.020000000000000000416333634234;0.020833333333333332176851016015;0.039583333333333331482961625625;0.013333333333333334189130248149;0.014166666666666665949647629930;0.022083333333333333287074040641;0.020000000000000000416333634234;0.006250000000000000346944695195;0.013750000000000000069388939039;0.007916666666666667337426410711;0.017083333333333332315628894094;0.029166666666666667129259593594;0.013333333333333334189130248149;0.020833333333333332176851016015;0.020000000000000000416333634234;0.047500000000000000555111512313;0.002916666666666666799662133158;0.031666666666666669349705642844;0.005000000000000000104083408559;0.021666666666666667406815349750;0.021250000000000001526556658860;0.007083333333333332974823814965;0.017916666666666667545593227828;0.024166666666666666157814447047;0.007499999999999999722444243844;0.005833333333333333599324266316;0.000000000000000000000000000000;0.009583333333333332593184650250;0.006250000000000000346944695195;0.002916666666666666799662133158;0.000000000000000000000000000000;0.016666666666666666435370203203;0.027083333333333334258519187188;0.011249999999999999583666365766;0.024166666666666666157814447047;0.011666666666666667198648532633;0.012083333333333333078907223523;0.004166666666666666608842550801
-0.005000000000000000104083408559;0.017500000000000001665334536938;0.038333333333333330372738601000;0.506666666666666709595290285506;0.004166666666666666608842550801;0.002500000000000000052041704279;0.002500000000000000052041704279;0.011666666666666667198648532633;0.010416666666666666088425508008;0.014166666666666665949647629930;0.005416666666666666851703837438;0.001250000000000000026020852140;0.009166666666666666712925959359;0.027083333333333334258519187188;0.022499999999999999167332731531;0.002916666666666666799662133158;0.010000000000000000208166817117;0.016250000000000000555111512313;0.008333333333333333217685101602;0.011666666666666667198648532633;0.005833333333333333599324266316;0.011666666666666667198648532633;0.006250000000000000346944695195;0.013333333333333334189130248149;0.010000000000000000208166817117;0.013750000000000000069388939039;0.009583333333333332593184650250;0.009166666666666666712925959359;0.000416666666666666693410320255;0.005416666666666666851703837438;0.001250000000000000026020852140;0.010833333333333333703407674875;0.004166666666666666608842550801;0.010833333333333333703407674875;0.017916666666666667545593227828;0.017916666666666667545593227828;0.008750000000000000832667268469;0.002083333333333333304421275400;0.003333333333333333547282562037;0.022916666666666665047591422422;0.002500000000000000052041704279;0.000833333333333333386820640509;0.000000000000000000000000000000;0.006666666666666667094565124074;0.010000000000000000208166817117;0.006250000000000000346944695195;0.020833333333333332176851016015;0.014583333333333333564629796797;0.017500000000000001665334536938;0.007916666666666667337426410711
-0.041056910569105688202373727336;0.002845528455284553059900787275;0.065853658536585368832305675824;0.092682926829268291735175466783;0.003658536585365853872203745212;0.026422764227642277917729174419;0.000406504065040650406151478968;0.009349593495934959558324450768;0.007723577235772357933718534895;0.018699186991869919116648901536;0.023577235772357724857828387144;0.020731707317073171797927599869;0.013414634146341463186158371457;0.062601626016260167317817320054;0.003252032520325203249211831746;0.041869918699186992050442768232;0.008536585365853659179702361826;0.020731707317073171797927599869;0.010975609756097560315568628653;0.008943089430894309369013406297;0.008943089430894309369013406297;0.013008130081300812996847326986;0.005284552845528455063128792091;0.023983739837398373312415955638;0.054065040650406501199221054321;0.048373983739837395079419479771;0.030894308943089431734874139579;0.016260162601626017980782634709;0.000000000000000000000000000000;0.020731707317073171797927599869;0.016260162601626017980782634709;0.005691056910569106119801574550;0.005284552845528455063128792091;0.010569105691056910126257584182;0.017479674796747966813992292145;0.023983739837398373312415955638;0.008943089430894309369013406297;0.006504065040650406498423663493;0.000813008130081300812302957937;0.014227642276422763564780460399;0.002439024390243902436908873810;0.001626016260162601624605915873;0.000000000000000000000000000000;0.009349593495934959558324450768;0.003658536585365853872203745212;0.004065040650406504495195658677;0.060569105691056911167091669768;0.037804878048780486687885371566;0.031300813008130083658908660027;0.034552845528455285173397015797
-0.031770833333333331482961625625;0.007812500000000000000000000000;0.046354166666666668517038374375;0.208333333333333342585191871876;0.002083333333333333304421275400;0.030208333333333333564629796797;0.002604166666666666522106377002;0.016145833333333334952408577578;0.012500000000000000693889390391;0.012500000000000000693889390391;0.015625000000000000000000000000;0.015625000000000000000000000000;0.016666666666666666435370203203;0.036458333333333335646297967969;0.013541666666666667129259593594;0.029166666666666667129259593594;0.014583333333333333564629796797;0.018749999999999999306110609609;0.015625000000000000000000000000;0.005729166666666666261897855605;0.016666666666666666435370203203;0.012500000000000000693889390391;0.007291666666666666782314898398;0.018229166666666667823148983985;0.040625000000000001387778780781;0.040104166666666669904817155157;0.027083333333333334258519187188;0.014583333333333333564629796797;0.000000000000000000000000000000;0.016666666666666666435370203203;0.017187500000000001387778780781;0.006770833333333333564629796797;0.008333333333333333217685101602;0.011979166666666667476204288789;0.018749999999999999306110609609;0.020312500000000000693889390391;0.009895833333333332870740406406;0.018229166666666667823148983985;0.001041666666666666652210637700;0.012500000000000000693889390391;0.002083333333333333304421275400;0.002604166666666666522106377002;0.000000000000000000000000000000;0.008854166666666666435370203203;0.007812500000000000000000000000;0.010416666666666666088425508008;0.027083333333333334258519187188;0.025000000000000001387778780781;0.025520833333333332870740406406;0.019791666666666665741480812812
-0.022115384615384616612265844537;0.015064102564102564360548619504;0.038461538461538463673505816587;0.135576923076923067101873243701;0.008653846153846154326538808732;0.016987179487179485809500434357;0.007692307692307692734701163317;0.031410256410256409687065115577;0.013782051282051281659857266959;0.036538461538461540489830525757;0.010897435897435896884344330715;0.010576923076923077510214099561;0.014423076923076923877564681220;0.028525641025641024911552179333;0.021794871794871793768688661430;0.016346153846153847061239972049;0.017628205128205128027207848618;0.030448717948717948095227470162;0.016666666666666666435370203203;0.003846153846153846367350581659;0.015064102564102564360548619504;0.010256410256410256401360392431;0.010897435897435896884344330715;0.051282051282051280272078486178;0.020833333333333332176851016015;0.029807692307692309346967007855;0.033012820512820513496610175252;0.025320512820512820761909011935;0.001602564102564102508502452693;0.014423076923076923877564681220;0.008333333333333333217685101602;0.019871794871794870585013370601;0.008974358974358973700669039886;0.009935897435897435292506685300;0.016025641025641024217662788942;0.041666666666666664353702032031;0.011217948717948717993198037846;0.010256410256410256401360392431;0.002564102564102564100340098108;0.012820512820512820068019621544;0.009294871794871794809522747016;0.007371794871794871625847456187;0.000000000000000000000000000000;0.026602564102564101727876888503;0.010576923076923077510214099561;0.016666666666666666435370203203;0.032692307692307694122479944099;0.016666666666666666435370203203;0.017307692307692308653077617464;0.011217948717948717993198037846
-0.028623188405797101580008146016;0.010869565217391304046135047656;0.042028985507246374719869663750;0.018840579710144928632375993516;0.018840579710144928632375993516;0.024637681159420291021611149063;0.009782608695652174682355628477;0.025000000000000001387778780781;0.020289855072463766627599568437;0.023188405797101449556940622188;0.017391304347826087167705466641;0.016666666666666666435370203203;0.020652173913043476993767200156;0.026811594202898549749169987422;0.026086956521739129016834723984;0.018115942028985507900040730078;0.019565217391304349364711256953;0.031159420289855074143181568047;0.027536231884057970481505250859;0.005797101449275362389235155547;0.019202898550724638998543625235;0.020289855072463766627599568437;0.014492753623188405973087888867;0.033333333333333332870740406406;0.034420289855072463969243301563;0.023188405797101449556940622188;0.032971014492753622504572774687;0.014492753623188405973087888867;0.002536231884057970828449946055;0.025724637681159418650667092265;0.019565217391304349364711256953;0.017391304347826087167705466641;0.014855072463768116339255520586;0.011594202898550724778470311094;0.017753623188405797533873098359;0.035869565217391305433913828438;0.010144927536231883313799784219;0.017391304347826087167705466641;0.007246376811594202986543944434;0.024637681159420291021611149063;0.007246376811594202986543944434;0.011956521739130435144637942813;0.000000000000000000000000000000;0.021014492753623187359934831875;0.020289855072463766627599568437;0.018115942028985507900040730078;0.028623188405797101580008146016;0.020652173913043476993767200156;0.029347826086956522312343409453;0.013768115942028985240752625430
-0.013247863247863247634916739059;0.017948717948717947401338079771;0.048717948717948718340142733041;0.229487179487179476788938359277;0.009401709401709401267566157401;0.008547008547008547868495398347;0.006410256410256410034009810772;0.028205128205128205537421948179;0.034188034188034191473981593390;0.018803418803418802535132314802;0.008119658119658120301598280832;0.008119658119658120301598280832;0.006410256410256410034009810772;0.017094017094017095736990796695;0.035897435897435894802676159543;0.020085470085470086970547143324;0.016239316239316240603196561665;0.018803418803418802535132314802;0.018803418803418802535132314802;0.005128205128205128200680196215;0.016666666666666666435370203203;0.018803418803418802535132314802;0.008974358974358973700669039886;0.029487179487179486503389824748;0.014529914529914530335608091605;0.023504273504273504036277131490;0.026495726495726495269833478119;0.010683760683760683968257509946;0.003846153846153846367350581659;0.012393162393162392501122504029;0.010256410256410256401360392431;0.019230769230769231836752908293;0.012820512820512820068019621544;0.009401709401709401267566157401;0.009401709401709401267566157401;0.028632478632478631369595589717;0.009829059829059828834463274916;0.009401709401709401267566157401;0.004273504273504273934247699174;0.008119658119658120301598280832;0.006837606837606837600906928287;0.012820512820512820068019621544;0.000000000000000000000000000000;0.019230769230769231836752908293;0.023504273504273504036277131490;0.011538461538461539102051744976;0.030341880341880341637184059778;0.011111111111111111535154627461;0.014957264957264957902505209120;0.013247863247863247634916739059
-0.027235772357723578296351263361;0.011382113821138212239603149101;0.044715447154471545110343555507;0.032520325203252035961565269417;0.060975609756097559621679238262;0.030081300813008131356252050637;0.004471544715447154684506703148;0.014227642276422763564780460399;0.020325203252032519873893079421;0.018699186991869919116648901536;0.018699186991869919116648901536;0.012195121951219512618225238043;0.017479674796747966813992292145;0.034146341463414636718809447302;0.015040650406504065678126025318;0.025609756097560974069660133523;0.019105691056910567571236470030;0.028455284552845527129560920798;0.025203252032520325615072565029;0.009349593495934959558324450768;0.011788617886178862428914193572;0.023577235772357724857828387144;0.016260162601626017980782634709;0.023983739837398373312415955638;0.035365853658536582082572152785;0.026829268292682926372316742913;0.030487804878048779810839619131;0.004065040650406504495195658677;0.002439024390243902436908873810;0.025609756097560974069660133523;0.010569105691056910126257584182;0.013821138211382113375469415928;0.019512195121951219495270990478;0.008130081300813008990391317354;0.030894308943089431734874139579;0.027235772357723578296351263361;0.008943089430894309369013406297;0.012195121951219512618225238043;0.003658536585365853872203745212;0.024796747967479673691038044581;0.005691056910569106119801574550;0.013008130081300812996847326986;0.000000000000000000000000000000;0.012601626016260162807536282514;0.023170731707317072933793866696;0.010975609756097560315568628653;0.029268292682926830977629961694;0.026016260162601625993694653971;0.026016260162601625993694653971;0.023170731707317072933793866696
-0.033055555555555553304269977843;0.010833333333333333703407674875;0.034722222222222223764198645313;0.002777777777777777883788656865;0.060555555555555556912494807875;0.033055555555555553304269977843;0.007222222222222221890697291258;0.016388888888888890338346726594;0.021388888888888887840344921187;0.014722222222222221613141535101;0.018055555555555553859381490156;0.018055555555555553859381490156;0.026944444444444444475283972906;0.027222222222222220572307449515;0.008611111111111111049432054187;0.020555555555555556079827539406;0.021666666666666667406815349750;0.033611111111111112437210834969;0.020833333333333332176851016015;0.006388888888888889262818171488;0.014444444444444443781394582516;0.022222222222222223070309254922;0.037777777777777778178691647781;0.025833333333333333148296162562;0.027222222222222220572307449515;0.024444444444444445724284875610;0.026388888888888888811790067734;0.002500000000000000052041704279;0.001666666666666666773641281019;0.029444444444444443226283070203;0.019722222222222220849863205672;0.015277777777777777276635440273;0.016388888888888890338346726594;0.009444444444444444544672911945;0.043055555555555555247160270937;0.032777777777777780676693453188;0.009722222222222222376419864531;0.016666666666666666435370203203;0.001666666666666666773641281019;0.033333333333333332870740406406;0.005833333333333333599324266316;0.019444444444444444752839729063;0.000000000000000000000000000000;0.016111111111111110771876298031;0.012500000000000000693889390391;0.021388888888888887840344921187;0.016111111111111110771876298031;0.014166666666666665949647629930;0.035000000000000003330669073875;0.012777777777777778525636342977
-0.032971014492753622504572774687;0.013768115942028985240752625430;0.040217391304347822889031505156;0.018840579710144928632375993516;0.010869565217391304046135047656;0.028260869565217391213840514297;0.010869565217391304046135047656;0.019202898550724638998543625235;0.017391304347826087167705466641;0.023188405797101449556940622188;0.012681159420289855876973206250;0.014130434782608695606920257148;0.042391304347826085086037295468;0.021376811594202897726102463594;0.007971014492753622851517469883;0.015942028985507245703034939766;0.025000000000000001387778780781;0.031521739130434781039902247812;0.011956521739130435144637942813;0.006521739130434782254208680996;0.013043478260869564508417361992;0.018478260869565218266208361797;0.025362318840579711753946412500;0.027898550724637680847672882578;0.034057971014492753603075669844;0.030797101449275363777013936328;0.026086956521739129016834723984;0.004710144927536232158093998379;0.002898550724637681194617577773;0.031159420289855074143181568047;0.019565217391304349364711256953;0.014855072463768116339255520586;0.018478260869565218266208361797;0.012681159420289855876973206250;0.048913043478260871677054666407;0.030797101449275363777013936328;0.009782608695652174682355628477;0.018840579710144928632375993516;0.005797101449275362389235155547;0.040942028985507243621366768593;0.008695652173913043583852733320;0.013768115942028985240752625430;0.000000000000000000000000000000;0.019565217391304349364711256953;0.007246376811594202986543944434;0.024275362318840580655443517344;0.018840579710144928632375993516;0.016666666666666666435370203203;0.036231884057971015800081460156;0.014492753623188405973087888867
-0.025185185185185185452461098521;0.011481481481481481399242738917;0.049259259259259259577934386698;0.078888888888888883399452822687;0.035185185185185187395351391615;0.024074074074074074125473288177;0.003703703703703703845051542487;0.020370370370370372015145221667;0.022592592592592591199673890401;0.023333333333333334397297065266;0.012592592592592592726230549260;0.024444444444444445724284875610;0.022592592592592591199673890401;0.028148148148148147834612942120;0.015925925925925926707193980292;0.016296296296296294836558615771;0.013333333333333334189130248149;0.026296296296296296779448908865;0.007407407407407407690103084974;0.008148148148148147418279307885;0.011111111111111111535154627461;0.014444444444444443781394582516;0.015925925925925926707193980292;0.026296296296296296779448908865;0.024444444444444445724284875610;0.025555555555555557051272685953;0.023703703703703702526661700745;0.026666666666666668378260496297;0.001481481481481481407916356297;0.031851851851851853414387960584;0.015555555555555555108382392859;0.014444444444444443781394582516;0.015925925925925926707193980292;0.015925925925925926707193980292;0.033703703703703701000105041885;0.026666666666666668378260496297;0.007037037037037036958653235530;0.010740740740740739936343040029;0.004814814814814815172039352831;0.019259259259259260688157411323;0.004074074074074073709139653943;0.018888888888888889089345823891;0.000000000000000000000000000000;0.014444444444444443781394582516;0.001851851851851851922525771243;0.015925925925925926707193980292;0.035555555555555555524716027094;0.028888888888888887562789165031;0.028518518518518519433424529552;0.017037037037037038034181790636
-0.020085470085470086970547143324;0.007264957264957265167804045802;0.087606837606837600906928287259;0.053846153846153849142908143222;0.009829059829059828834463274916;0.017948717948717947401338079771;0.001282051282051282050170049054;0.012393162393162392501122504029;0.022649572649572648902482896460;0.026495726495726495269833478119;0.015811965811965811301575968173;0.025213675213675214303865601551;0.015384615384615385469402326635;0.047435897435897433904727904519;0.005982905982905983334474431246;0.029914529914529915805010418239;0.027777777777777776235801354687;0.035897435897435894802676159543;0.009401709401709401267566157401;0.008974358974358973700669039886;0.008547008547008547868495398347;0.035042735042735043138328876466;0.010256410256410256401360392431;0.027777777777777776235801354687;0.026068376068376069437659836581;0.029059829059829060671216183209;0.035042735042735043138328876466;0.013247863247863247634916739059;0.001282051282051282050170049054;0.018803418803418802535132314802;0.017094017094017095736990796695;0.015384615384615385469402326635;0.005982905982905983334474431246;0.019230769230769231836752908293;0.026068376068376069437659836581;0.029914529914529915805010418239;0.008119658119658120301598280832;0.007692307692307692734701163317;0.002991452991452991667237215623;0.027777777777777776235801354687;0.001709401709401709400226732072;0.005128205128205128200680196215;0.000000000000000000000000000000;0.008974358974358973700669039886;0.004700854700854700633783078700;0.008119658119658120301598280832;0.043589743589743587537377322860;0.025213675213675214303865601551;0.027350427350427350403627713149;0.028632478632478631369595589717
-0.017028985507246376801537834922;0.008333333333333333217685101602;0.035869565217391305433913828438;0.243115942028985509981708901250;0.005072463768115941656899892109;0.010507246376811593679967415937;0.008333333333333333217685101602;0.024637681159420291021611149063;0.021376811594202897726102463594;0.036594202898550726166249091875;0.013405797101449274874584993711;0.007246376811594202986543944434;0.003985507246376811425758734941;0.021739130434782608092270095312;0.029710144927536232678511041172;0.016304347826086956069202571484;0.013768115942028985240752625430;0.017391304347826087167705466641;0.013043478260869564508417361992;0.002536231884057970828449946055;0.015579710144927537071590784024;0.010507246376811593679967415937;0.003623188405797101493271972217;0.043115942028985505818372558906;0.019927536231884056261431936719;0.029710144927536232678511041172;0.029347826086956522312343409453;0.015942028985507245703034939766;0.003623188405797101493271972217;0.009782608695652174682355628477;0.006521739130434782254208680996;0.021739130434782608092270095312;0.004347826086956521791926366660;0.013768115942028985240752625430;0.006884057971014492620376312715;0.026449275362318839383002355703;0.003623188405797101493271972217;0.012318840579710145510805574531;0.005072463768115941656899892109;0.009057971014492753950020365039;0.007971014492753622851517469883;0.020652173913043476993767200156;0.000000000000000000000000000000;0.025724637681159418650667092265;0.015217391304347826705423152305;0.019565217391304349364711256953;0.027536231884057970481505250859;0.019565217391304349364711256953;0.009057971014492753950020365039;0.013768115942028985240752625430
-0.029022988505747127768730209141;0.013793103448275861877547754375;0.037643678160919541442197555625;0.073275862068965511020302017187;0.008620689655172413673467346484;0.015804597701149426802746944531;0.008333333333333333217685101602;0.023563218390804597374144080391;0.020977011494252875006827352422;0.041091954022988506911584494219;0.014655172413793103244894489023;0.010344827586206896408160815781;0.008333333333333333217685101602;0.026149425287356323210907760313;0.016666666666666666435370203203;0.019540229885057470993192652031;0.025287356321839080108837549687;0.036781609195402298340127345000;0.016091954022988505523805713437;0.006896551724137930938773877187;0.016379310344827587714311434297;0.011781609195402298687072040195;0.009195402298850574585031836250;0.059770114942528734802706935625;0.023563218390804597374144080391;0.030459770114942528312917957578;0.022413793103448275551015100859;0.008908045977011494129249591367;0.005172413793103448204080407891;0.012931034482758620510201019727;0.012356321839080459598636529961;0.030747126436781610503423678438;0.007758620689655172306120611836;0.008620689655172413673467346484;0.015804597701149426802746944531;0.047126436781609194748288160781;0.012643678160919540054418774844;0.012931034482758620510201019727;0.002873563218390804557822448828;0.013793103448275861877547754375;0.011206896551724137775507550430;0.007471264367816091850338366953;0.000000000000000000000000000000;0.036494252873563219619068576094;0.018390804597701149170063672500;0.029022988505747127768730209141;0.029022988505747127768730209141;0.021264367816091953727886121328;0.014080459770114942333329999258;0.014942528735632183700676733906
-0.023397435897435897578233721106;0.006089743589743589792517841630;0.054487179487179487891168605529;0.000000000000000000000000000000;0.004487179487179486850334519943;0.029166666666666667129259593594;0.004166666666666666608842550801;0.015384615384615385469402326635;0.023076923076923078204103489952;0.041666666666666664353702032031;0.012500000000000000693889390391;0.024038461538461539795941135367;0.020833333333333332176851016015;0.047435897435897433904727904519;0.004807692307692307959188227073;0.019551282051282051210883139447;0.022756410256410255360526306845;0.026602564102564101727876888503;0.010897435897435896884344330715;0.005448717948717948442172165358;0.012179487179487179585035683260;0.016346153846153847061239972049;0.012820512820512820068019621544;0.056089743589743591700713665205;0.036858974358974359863960756911;0.039423076923076921795896510048;0.027564102564102563319714533918;0.003205128205128205017004905386;0.002884615384615384775512936244;0.019230769230769231836752908293;0.016346153846153847061239972049;0.025320512820512820761909011935;0.011858974358974358476181976130;0.009615384615384615918376454147;0.024679487179487178544201597674;0.052884615384615384081623545853;0.009935897435897435292506685300;0.015705128205128204843532557788;0.002243589743589743425167259971;0.016346153846153847061239972049;0.002243589743589743425167259971;0.013461538461538462285727035805;0.000000000000000000000000000000;0.030769230769230770938804653269;0.005128205128205128200680196215;0.021153846153846155020428199123;0.050641025641025641523818023870;0.031089743589743590312934884423;0.023717948717948716952363952259;0.013461538461538462285727035805
-0.025988700564971749934484179789;0.015254237288135593861304606378;0.067514124293785310326754256494;0.000564971751412429398254977375;0.002259887005649717593019909501;0.014971751412429378999546791817;0.008192090395480225786806194321;0.024011299435028249371626429820;0.034463276836158192317771664648;0.030225988700564972860851398195;0.015254237288135593861304606378;0.014124293785310734414273348136;0.012146892655367232116692122190;0.043502824858757060955127826674;0.008757062146892655510321823442;0.016101694915254236711854574082;0.032203389830508473423709148165;0.043502824858757060955127826674;0.009604519774011300095595267123;0.011016949152542372669660863949;0.010451977401129942946145234828;0.023446327683615819648110800699;0.023163841807909604786352986139;0.048305084745762713605010674200;0.022598870056497175062837357018;0.031920903954802258561951333604;0.024858757062146893956899873501;0.007627118644067796930652303189;0.002259887005649717593019909501;0.014124293785310734414273348136;0.014689265536723164137788977257;0.029661016949152543137335769075;0.010169491525423728084387420267;0.008757062146892655510321823442;0.023446327683615819648110800699;0.045480225988700564987432528596;0.009322033898305085233837452563;0.015536723163841808723062420938;0.005932203389830508627467153815;0.031638418079096043700193519044;0.005649717514124293765709339254;0.016949152542372881297128017763;0.000000000000000000000000000000;0.021751412429378530477563913337;0.002542372881355932021096855067;0.020903954802259885892290469656;0.042090395480225986646338753872;0.018644067796610170467674905126;0.026553672316384179657999808910;0.011864406779661017254934307630
-0.024796747967479673691038044581;0.022764227642276424479206298201;0.038211382113821135142472940061;0.000406504065040650406151478968;0.005691056910569106119801574550;0.022357723577235772555171777753;0.011382113821138212239603149101;0.026422764227642277917729174419;0.026829268292682926372316742913;0.022357723577235772555171777753;0.016666666666666666435370203203;0.016260162601626017980782634709;0.025609756097560974069660133523;0.026016260162601625993694653971;0.008943089430894309369013406297;0.017479674796747966813992292145;0.025609756097560974069660133523;0.039837398373983742838611021853;0.016666666666666666435370203203;0.007317073170731707744407490424;0.018699186991869919116648901536;0.021951219512195120631137257305;0.028455284552845527129560920798;0.027235772357723578296351263361;0.024796747967479673691038044581;0.031300813008130083658908660027;0.026422764227642277917729174419;0.009756097560975609747635495239;0.004471544715447154684506703148;0.024796747967479673691038044581;0.019918699186991871419305510926;0.023983739837398373312415955638;0.014227642276422763564780460399;0.006504065040650406498423663493;0.036991869918699189778710234577;0.043902439024390241262274514611;0.012195121951219512618225238043;0.017073170731707318359404723651;0.008130081300813008990391317354;0.034959349593495933627984584291;0.008943089430894309369013406297;0.030487804878048779810839619131;0.000000000000000000000000000000;0.020731707317073171797927599869;0.006910569105691056687734707964;0.025203252032520325615072565029;0.015040650406504065678126025318;0.017479674796747966813992292145;0.024796747967479673691038044581;0.013008130081300812996847326986
-0.038690476190476191797884553125;0.010416666666666666088425508008;0.055357142857142854763807804375;0.096726190476190479494711382813;0.003869047619047619179788455313;0.023214285714285715078730731875;0.003869047619047619179788455313;0.018749999999999999306110609609;0.025297619047619047949471138281;0.026190476190476191103995162734;0.014285714285714285268213963320;0.009523809523809524668624959531;0.015476190476190476719153821250;0.031250000000000000000000000000;0.012202380952380952397473556914;0.015178571428571428422737987773;0.027678571428571427381903902187;0.038988095238095238359576910625;0.011309523809523809242949532461;0.011309523809523809242949532461;0.014880952380952380126322154297;0.017857142857142856151586585156;0.012500000000000000693889390391;0.030357142857142856845475975547;0.027380952380952380820211544687;0.030357142857142856845475975547;0.027380952380952380820211544687;0.007738095238095238359576910625;0.001190476190476190583578119941;0.015178571428571428422737987773;0.011011904761904762681257174961;0.023214285714285715078730731875;0.009821428571428571230317317031;0.007440476190476190063161077148;0.028869047619047620567567236094;0.044047619047619050725028699844;0.012797619047619047255581747891;0.012202380952380952397473556914;0.002678571428571428596210335371;0.021428571428571428769682682969;0.006250000000000000346944695195;0.010119047619047619526733150508;0.000000000000000000000000000000;0.024404761904761904794947113828;0.004464285714285714037896646289;0.014583333333333333564629796797;0.026488095238095237665687520234;0.019047619047619049337249919063;0.032142857142857139685077072500;0.014583333333333333564629796797
-0.030909090909090910365142335081;0.017878787878787879422892714842;0.037272727272727269876018141304;0.117878787878787874565666982107;0.013030303030303030942249620239;0.017575757575757574441288610956;0.007272727272727272720964641906;0.023030303030303029415692961379;0.017878787878787879422892714842;0.037575757575757574857622245190;0.010606060606060606701928072937;0.010000000000000000208166817117;0.019090909090909092410415226482;0.037878787878787879839226349077;0.013333333333333334189130248149;0.013030303030303030942249620239;0.023333333333333334397297065266;0.029090909090909090883858567622;0.016666666666666666435370203203;0.006060606060606060600803868255;0.017272727272727272929131459023;0.016969696969696971416974307090;0.018181818181818180935049866775;0.042121212121212121826108187861;0.021212121212121213403856145874;0.032727272727272729846426102540;0.015454545454545455182571167541;0.007272727272727272720964641906;0.002121212121212121427121788386;0.015151515151515151935690539631;0.006666666666666667094565124074;0.025151515151515150409133880771;0.010303030303030303455047445027;0.004848484848484848480643094604;0.021818181818181819897617401693;0.039696969696969695851063164582;0.010303030303030303455047445027;0.014242424242424242195048655901;0.002424242424242424240321547302;0.024545454545454543915372624951;0.007575757575757575967845269815;0.010000000000000000208166817117;0.000000000000000000000000000000;0.021818181818181819897617401693;0.014545454545454545441929283811;0.019393939393939393922572378415;0.033333333333333332870740406406;0.016969696969696971416974307090;0.017575757575757574441288610956;0.010909090909090909948808700847
-0.030081300813008131356252050637;0.013414634146341463186158371457;0.030487804878048779810839619131;0.002439024390243902436908873810;0.035772357723577237476053625187;0.023170731707317072933793866696;0.008536585365853659179702361826;0.030487804878048779810839619131;0.013008130081300812996847326986;0.027235772357723578296351263361;0.017073170731707318359404723651;0.014634146341463415488814980847;0.019105691056910567571236470030;0.023170731707317072933793866696;0.022357723577235772555171777753;0.025609756097560974069660133523;0.015853658536585366056748114261;0.030487804878048779810839619131;0.040650406504065039747786158841;0.005284552845528455063128792091;0.026016260162601625993694653971;0.008130081300813008990391317354;0.010975609756097560315568628653;0.039837398373983742838611021853;0.029674796747967479432217530189;0.037804878048780486687885371566;0.031707317073170732113496228521;0.002439024390243902436908873810;0.002032520325203252247597829339;0.032113821138211380568083797016;0.026829268292682926372316742913;0.018292682926829267192614381088;0.020325203252032519873893079421;0.007317073170731707744407490424;0.014634146341463415488814980847;0.035772357723577237476053625187;0.008130081300813008990391317354;0.032520325203252035961565269417;0.000406504065040650406151478968;0.010162601626016259936946539710;0.012601626016260162807536282514;0.005284552845528455063128792091;0.000000000000000000000000000000;0.025203252032520325615072565029;0.024390243902439025236450476086;0.026829268292682926372316742913;0.032926829268292684416152837912;0.019918699186991871419305510926;0.018292682926829267192614381088;0.010569105691056910126257584182
-0.029629629629629630760412339896;0.010370370370370370072254928573;0.033703703703703701000105041885;0.102962962962962964463820014771;0.015925925925925926707193980292;0.033333333333333332870740406406;0.011111111111111111535154627461;0.015555555555555555108382392859;0.014814814814814815380206169948;0.037407407407407410049327012302;0.008888888888888888881179006773;0.025925925925925925180637321432;0.010000000000000000208166817117;0.016666666666666666435370203203;0.015185185185185185244294281404;0.017037037037037038034181790636;0.026666666666666668378260496297;0.024074074074074074125473288177;0.030740740740740742087400150240;0.006666666666666667094565124074;0.021481481481481479872686080057;0.013703703703703704053218359604;0.009629629629629630344078705662;0.050000000000000002775557561563;0.021111111111111111743321444578;0.019629629629629628817522046802;0.017407407407407406163546426114;0.004444444444444444440589503387;0.008888888888888888881179006773;0.033333333333333332870740406406;0.033703703703703701000105041885;0.029999999999999998889776975375;0.005925925925925925631665425186;0.007037037037037036958653235530;0.012962962962962962590318660716;0.032222222222222221543752596062;0.007407407407407407690103084974;0.024814814814814813853649511088;0.004444444444444444440589503387;0.020000000000000000416333634234;0.007777777777777777554191196430;0.007777777777777777554191196430;0.000000000000000000000000000000;0.028518518518518519433424529552;0.004814814814814815172039352831;0.029259259259259259161600752464;0.024444444444444445724284875610;0.013703703703703704053218359604;0.011851851851851851263330850372;0.007037037037037036958653235530
-0.026666666666666668378260496297;0.003333333333333333547282562037;0.060740740740740740977177125615;0.116296296296296300387673738896;0.011111111111111111535154627461;0.015555555555555555108382392859;0.002222222222222222220294751693;0.014074074074074073917306471060;0.024814814814814813853649511088;0.028888888888888887562789165031;0.015185185185185185244294281404;0.011111111111111111535154627461;0.011111111111111111535154627461;0.051851851851851850361274642864;0.010370370370370370072254928573;0.020000000000000000416333634234;0.030370370370370370488588562807;0.025925925925925925180637321432;0.005925925925925925631665425186;0.012962962962962962590318660716;0.011481481481481481399242738917;0.020740740740740740144509857146;0.007777777777777777554191196430;0.038518518518518521376314822646;0.026666666666666668378260496297;0.034814814814814812327092852229;0.025185185185185185452461098521;0.005925925925925925631665425186;0.002222222222222222220294751693;0.010000000000000000208166817117;0.008148148148148147418279307885;0.020000000000000000416333634234;0.007407407407407407690103084974;0.011111111111111111535154627461;0.024074074074074074125473288177;0.040000000000000000832667268469;0.013703703703703704053218359604;0.006296296296296296363115274630;0.008148148148148147418279307885;0.023703703703703702526661700745;0.002962962962962962815832712593;0.009629629629629630344078705662;0.000000000000000000000000000000;0.015925925925925926707193980292;0.004074074074074073709139653943;0.012962962962962962590318660716;0.044814814814814814269983145323;0.025555555555555557051272685953;0.022962962962962962798485477833;0.016666666666666666435370203203
-0.027160493827160493707228994253;0.016049382716049383906797842769;0.045370370370370373402924002448;0.095061728395061731444748431841;0.022839506172839505598881615356;0.023765432098765432861187107960;0.007098765432098765558455166769;0.019444444444444444752839729063;0.019753086419753086017125909279;0.024382716049382715389759468394;0.014197530864197531116910333537;0.010802469135802468536144971267;0.020679012345679013279431401884;0.021604938271604937072289942535;0.014197530864197531116910333537;0.016666666666666666435370203203;0.021913580246913581806023074705;0.037654320987654324448534737257;0.021913580246913581806023074705;0.008641975308641974481971281818;0.014814814814814815380206169948;0.016975308641975307699656383420;0.016975308641975307699656383420;0.036111111111111107718762980312;0.023456790123456791596900927743;0.027160493827160493707228994253;0.021913580246913581806023074705;0.016975308641975307699656383420;0.000308641975308641969017592332;0.021604938271604937072289942535;0.013580246913580246853614497127;0.018827160493827162224267368629;0.011111111111111111535154627461;0.007716049382716048954389265191;0.020370370370370372015145221667;0.037654320987654324448534737257;0.012037037037037037062736644089;0.014814814814814815380206169948;0.003086419753086419581755706076;0.020061728395061727281412089496;0.009567901234567901744276774423;0.019135802469135803488553548846;0.000000000000000000000000000000;0.012037037037037037062736644089;0.014197530864197531116910333537;0.021296296296296295808003762318;0.027160493827160493707228994253;0.018518518518518517490534236458;0.022530864197530864334595435139;0.010802469135802468536144971267
-0.024444444444444445724284875610;0.004814814814814815172039352831;0.084444444444444446973285778313;0.000740740740740740703958178148;0.000370370370370370351979089074;0.008148148148148147418279307885;0.004814814814814815172039352831;0.018518518518518517490534236458;0.021111111111111111743321444578;0.043333333333333334813630699500;0.012592592592592592726230549260;0.003703703703703703845051542487;0.006296296296296296363115274630;0.037037037037037034981068472916;0.010370370370370370072254928573;0.016666666666666666435370203203;0.036296296296296298722339201959;0.035185185185185187395351391615;0.009259259259259258745267118229;0.012962962962962962590318660716;0.012592592592592592726230549260;0.017777777777777777762358013547;0.010740740740740739936343040029;0.064074074074074074958140556646;0.032592592592592589673117231541;0.041111111111111112159655078813;0.032592592592592589673117231541;0.002222222222222222220294751693;0.001481481481481481407916356297;0.005555555555555555767577313730;0.007037037037037036958653235530;0.039629629629629632703302632990;0.005555555555555555767577313730;0.009629629629629630344078705662;0.014074074074074073917306471060;0.061111111111111109106541761093;0.015555555555555555108382392859;0.012222222222222222862142437805;0.002592592592592592518063732143;0.024074074074074074125473288177;0.008518518518518519017090895318;0.007777777777777777554191196430;0.000000000000000000000000000000;0.040740740740740744030290443334;0.002222222222222222220294751693;0.026296296296296296779448908865;0.046666666666666668794594130532;0.029629629629629630760412339896;0.020370370370370372015145221667;0.014444444444444443781394582516
-0.030370370370370370488588562807;0.007037037037037036958653235530;0.065555555555555561353386906376;0.025185185185185185452461098521;0.009259259259259258745267118229;0.025185185185185185452461098521;0.003333333333333333547282562037;0.014814814814814815380206169948;0.020740740740740740144509857146;0.027407407407407408106436719208;0.014444444444444443781394582516;0.014444444444444443781394582516;0.024074074074074074125473288177;0.051481481481481482231910007386;0.011481481481481481399242738917;0.019629629629629628817522046802;0.026296296296296296779448908865;0.031851851851851853414387960584;0.009259259259259258745267118229;0.011481481481481481399242738917;0.010370370370370370072254928573;0.017037037037037038034181790636;0.010740740740740739936343040029;0.040000000000000000832667268469;0.036296296296296298722339201959;0.037777777777777778178691647781;0.022222222222222223070309254922;0.004444444444444444440589503387;0.004074074074074073709139653943;0.013333333333333334189130248149;0.008518518518518519017090895318;0.016296296296296294836558615771;0.010000000000000000208166817117;0.009629629629629630344078705662;0.027777777777777776235801354687;0.048888888888888891448569751219;0.013333333333333334189130248149;0.008888888888888888881179006773;0.002592592592592592518063732143;0.023703703703703702526661700745;0.005925925925925925631665425186;0.020000000000000000416333634234;0.000000000000000000000000000000;0.021111111111111111743321444578;0.005925925925925925631665425186;0.013703703703703704053218359604;0.042962962962962959745372160114;0.028888888888888887562789165031;0.033333333333333332870740406406;0.018888888888888889089345823891
-0.035925925925925923654080662573;0.021851851851851851471497667490;0.040370370370370368962031903948;0.029629629629629630760412339896;0.007777777777777777554191196430;0.015555555555555555108382392859;0.006666666666666667094565124074;0.025925925925925925180637321432;0.025555555555555557051272685953;0.020740740740740740144509857146;0.012592592592592592726230549260;0.006666666666666667094565124074;0.017407407407407406163546426114;0.033333333333333332870740406406;0.027777777777777776235801354687;0.019259259259259260688157411323;0.031851851851851853414387960584;0.046666666666666668794594130532;0.017407407407407406163546426114;0.008888888888888888881179006773;0.018888888888888889089345823891;0.022222222222222223070309254922;0.016296296296296294836558615771;0.029999999999999998889776975375;0.030370370370370370488588562807;0.029999999999999998889776975375;0.034444444444444444197728216750;0.006666666666666667094565124074;0.001851851851851851922525771243;0.019259259259259260688157411323;0.011851851851851851263330850372;0.022962962962962962798485477833;0.017037037037037038034181790636;0.009259259259259258745267118229;0.024814814814814813853649511088;0.043333333333333334813630699500;0.013333333333333334189130248149;0.014814814814814815380206169948;0.001851851851851851922525771243;0.022592592592592591199673890401;0.011481481481481481399242738917;0.011481481481481481399242738917;0.000000000000000000000000000000;0.017407407407407406163546426114;0.010740740740740739936343040029;0.022592592592592591199673890401;0.028888888888888887562789165031;0.014074074074074073917306471060;0.028888888888888887562789165031;0.010740740740740739936343040029
-0.033333333333333332870740406406;0.016269841269841271019780393203;0.046031746031746034741871653750;0.000000000000000000000000000000;0.025396825396825396803368590781;0.022222222222222223070309254922;0.005952380952380952050528861719;0.024206349206349207087152208828;0.015079365079365079568840535273;0.040873015873015873522522412031;0.015873015873015872134743631250;0.011111111111111111535154627461;0.017063492063492061850960013203;0.030952380952380953438307642500;0.008333333333333333217685101602;0.020634920634920634469056111016;0.027777777777777776235801354687;0.046825396825396825573051273750;0.012698412698412698401684295391;0.007142857142857142634106981660;0.018253968253968255036623347110;0.015873015873015872134743631250;0.021428571428571428769682682969;0.050793650793650793606737181562;0.023015873015873017370935826875;0.034523809523809526056403740313;0.025000000000000001387778780781;0.003968253968253968033685907812;0.003571428571428571317053490830;0.015476190476190476719153821250;0.016666666666666666435370203203;0.026190476190476191103995162734;0.009523809523809524668624959531;0.009920634920634920084214769531;0.019047619047619049337249919063;0.048015873015873018758714607657;0.013888888888888888117900677344;0.015079365079365079568840535273;0.002777777777777777883788656865;0.017857142857142856151586585156;0.009920634920634920084214769531;0.011904761904761904101057723437;0.000000000000000000000000000000;0.034523809523809526056403740313;0.003174603174603174600421073848;0.033730158730158728286330216406;0.028968253968253969421464688594;0.019841269841269840168429539062;0.028571428571428570536427926640;0.010714285714285714384841341484
-0.031666666666666669349705642844;0.004583333333333333356462979680;0.047083333333333331205405869468;0.002083333333333333304421275400;0.005416666666666666851703837438;0.021250000000000001526556658860;0.005000000000000000104083408559;0.015833333333333334674852821422;0.025833333333333333148296162562;0.040000000000000000832667268469;0.018333333333333333425851918719;0.011249999999999999583666365766;0.017500000000000001665334536938;0.037499999999999998612221219219;0.012500000000000000693889390391;0.020416666666666666296592325125;0.018749999999999999306110609609;0.023750000000000000277555756156;0.014583333333333333564629796797;0.009583333333333332593184650250;0.016250000000000000555111512313;0.023750000000000000277555756156;0.017083333333333332315628894094;0.053333333333333336756520992594;0.033750000000000002220446049250;0.040000000000000000832667268469;0.038333333333333330372738601000;0.003749999999999999861222121922;0.003333333333333333547282562037;0.015833333333333334674852821422;0.010000000000000000208166817117;0.025000000000000001387778780781;0.013333333333333334189130248149;0.013750000000000000069388939039;0.030833333333333334119741309109;0.045833333333333330095182844843;0.009583333333333332593184650250;0.013750000000000000069388939039;0.005000000000000000104083408559;0.020833333333333332176851016015;0.006666666666666667094565124074;0.005833333333333333599324266316;0.000000000000000000000000000000;0.025416666666666667268037471672;0.005416666666666666851703837438;0.026249999999999999028554853453;0.051666666666666666296592325125;0.022499999999999999167332731531;0.026249999999999999028554853453;0.013750000000000000069388939039
-0.032500000000000001110223024625;0.012083333333333333078907223523;0.071666666666666670182372911313;0.009583333333333332593184650250;0.002500000000000000052041704279;0.018333333333333333425851918719;0.001250000000000000026020852140;0.019166666666666665186369300500;0.027500000000000000138777878078;0.032083333333333331760517381781;0.013333333333333334189130248149;0.009583333333333332593184650250;0.016666666666666666435370203203;0.045416666666666667684371105906;0.008750000000000000832667268469;0.027500000000000000138777878078;0.037499999999999998612221219219;0.034583333333333333980963431031;0.009583333333333332593184650250;0.010416666666666666088425508008;0.011249999999999999583666365766;0.030416666666666668239482618219;0.007916666666666667337426410711;0.044166666666666666574148081281;0.035000000000000003330669073875;0.041666666666666664353702032031;0.027083333333333334258519187188;0.005000000000000000104083408559;0.001666666666666666773641281019;0.005416666666666666851703837438;0.008750000000000000832667268469;0.025833333333333333148296162562;0.005833333333333333599324266316;0.010833333333333333703407674875;0.015833333333333334674852821422;0.042500000000000003053113317719;0.011249999999999999583666365766;0.010833333333333333703407674875;0.000833333333333333386820640509;0.017500000000000001665334536938;0.006666666666666667094565124074;0.012500000000000000693889390391;0.000000000000000000000000000000;0.028750000000000001249000902703;0.008750000000000000832667268469;0.018749999999999999306110609609;0.053333333333333336756520992594;0.032083333333333331760517381781;0.022083333333333333287074040641;0.017500000000000001665334536938
-0.035416666666666665741480812812;0.012500000000000000693889390391;0.061458333333333330095182844843;0.010763888888888888811790067734;0.003819444444444444319158860068;0.026041666666666667823148983985;0.004861111111111111188209932266;0.016666666666666666435370203203;0.018402777777777778317469525859;0.030208333333333333564629796797;0.014236111111111110841265237070;0.022569444444444444058950338672;0.027430555555555555247160270937;0.037847222222222219600862302968;0.009722222222222222376419864531;0.032291666666666669904817155157;0.023263888888888889505679458125;0.032986111111111111882099322656;0.012847222222222221682530474141;0.011111111111111111535154627461;0.013541666666666667129259593594;0.015625000000000000000000000000;0.014236111111111110841265237070;0.029861111111111112575988713047;0.039583333333333331482961625625;0.032986111111111111882099322656;0.023611111111111110494320541875;0.019791666666666665741480812812;0.001736111111111111014737584668;0.014583333333333333564629796797;0.019791666666666665741480812812;0.018749999999999999306110609609;0.009722222222222222376419864531;0.009374999999999999653055304805;0.036458333333333335646297967969;0.034722222222222223764198645313;0.009722222222222222376419864531;0.017361111111111111882099322656;0.001388888888888888941894328433;0.027083333333333334258519187188;0.006597222222222222202947516934;0.014930555555555556287994356524;0.000000000000000000000000000000;0.018402777777777778317469525859;0.005208333333333333044212754004;0.019791666666666665741480812812;0.032986111111111111882099322656;0.023263888888888889505679458125;0.027083333333333334258519187188;0.017361111111111111882099322656
-0.025988700564971749934484179789;0.022316384180790960201079542458;0.037853107344632770658865439373;0.055084745762711863348304319743;0.012994350282485874967242089895;0.020056497175141241307017025974;0.004237288135593220324282004441;0.030225988700564972860851398195;0.021468926553672315615806098776;0.026271186440677964796241994350;0.015254237288135593861304606378;0.011581920903954802393176493069;0.018361581920903955605917090566;0.023728813559322034509868615260;0.027683615819209039105031067152;0.014689265536723164137788977257;0.016101694915254236711854574082;0.041525423728813556922823124751;0.025988700564971749934484179789;0.006497175141242937483621044947;0.017796610169491525882401461445;0.016101694915254236711854574082;0.016101694915254236711854574082;0.038700564971751415244138883054;0.026271186440677964796241994350;0.034180790960451977456013850087;0.036723163841807911211834181131;0.016949152542372881297128017763;0.001694915254237288086344714877;0.018079096045197740744159276005;0.006214689265536723489224968375;0.021186440677966100754048284216;0.014406779661016949276031162697;0.011016949152542372669660863949;0.021751412429378530477563913337;0.038418079096045200382381068493;0.011016949152542372669660863949;0.010734463276836157807903049388;0.002542372881355932021096855067;0.016101694915254236711854574082;0.011299435028248587531418678509;0.009604519774011300095595267123;0.000000000000000000000000000000;0.024576271186440679095142058941;0.016666666666666666435370203203;0.018079096045197740744159276005;0.024011299435028249371626429820;0.019491525423728815052948348807;0.027683615819209039105031067152;0.014689265536723164137788977257
-0.032704402515723270117309340321;0.005660377358490565648241332752;0.068553459119496854001774011067;0.000314465408805031430925641667;0.000000000000000000000000000000;0.007861635220125786152611802038;0.004088050314465408764663667540;0.022955974842767293969680864052;0.009433962264150943036189467250;0.061949685534591195090747817176;0.012893081761006289914783806694;0.002515723270440251447405133334;0.011635220125786162673198198547;0.053459119496855347919428425030;0.006289308176100629269034136826;0.026100628930817611206283146430;0.024842767295597485699421014260;0.025471698113207548452852080345;0.006289308176100629269034136826;0.007547169811320754775896268995;0.015094339622641509551792537991;0.010062893081761005789620533335;0.005974842767295597892318603783;0.076415094339622638419662337128;0.031132075471698113233731675109;0.055974842767295598933152689369;0.022955974842767293969680864052;0.000943396226415094346987033624;0.002201257861635220070689600291;0.003773584905660377387948134498;0.003773584905660377387948134498;0.031761006289308175987162741194;0.001886792452830188693974067249;0.007861635220125786152611802038;0.019811320754716980202525533628;0.058176100628930818570161420666;0.014150943396226415421645938864;0.012264150943396227161352740609;0.000314465408805031430925641667;0.010062893081761005789620533335;0.006289308176100629269034136826;0.002830188679245282824120666376;0.000000000000000000000000000000;0.041823899371069180042059798552;0.004088050314465408764663667540;0.028301886792452830843291877727;0.058176100628930818570161420666;0.038993710691823897651620001170;0.023584905660377360192558882090;0.020754716981132074332672132755
-0.025706214689265535072726365229;0.018361581920903955605917090566;0.079943502824858750366310289337;0.009887005649717514957353081684;0.002824858757062146882854669627;0.020056497175141241307017025974;0.001977401129943502731262094940;0.019491525423728815052948348807;0.026271186440677964796241994350;0.033898305084745762594256035527;0.012146892655367232116692122190;0.011299435028248587531418678509;0.014124293785310734414273348136;0.042372881355932201508096568432;0.009887005649717514957353081684;0.021468926553672315615806098776;0.026836158192090394519757623470;0.044067796610169490678643455794;0.013276836158192089828999904455;0.011016949152542372669660863949;0.012711864406779661840207751311;0.031073446327683617446124841877;0.012711864406779661840207751311;0.036158192090395481488318552010;0.030225988700564972860851398195;0.033050847457627118008982591846;0.026836158192090394519757623470;0.006214689265536723489224968375;0.000847457627118644043172357438;0.012994350282485874967242089895;0.011016949152542372669660863949;0.022033898305084745339321727897;0.008757062146892655510321823442;0.010451977401129942946145234828;0.020338983050847456168774840535;0.047457627118644069019737230519;0.007627118644067796930652303189;0.011299435028248587531418678509;0.006497175141242937483621044947;0.025141242937853108818657688062;0.005649717514124293765709339254;0.019774011299435029914706163368;0.000000000000000000000000000000;0.014124293785310734414273348136;0.006214689265536723489224968375;0.016101694915254236711854574082;0.040677966101694912337549681070;0.026836158192090394519757623470;0.026271186440677964796241994350;0.025988700564971749934484179789
-0.029597701149425288680294698906;0.015229885057471264156458978789;0.055172413793103447510191017500;0.000862068965517241367346734648;0.012643678160919540054418774844;0.029597701149425288680294698906;0.002873563218390804557822448828;0.018103448275862070449004903594;0.030172413793103449591859188672;0.021551724137931035918391842188;0.021264367816091953727886121328;0.012068965517241379142854285078;0.021264367816091953727886121328;0.029310344827586206489788978047;0.006321839080459770027209387422;0.019827586206896553183698372891;0.040804597701149428190525725313;0.050000000000000002775557561563;0.014367816091954022789112244141;0.012643678160919540054418774844;0.014080459770114942333329999258;0.025862068965517241020402039453;0.017528735632183909537440413828;0.027298850574712645034036739844;0.028448275862068966857165719375;0.030459770114942528312917957578;0.028160919540229884666659998516;0.016091954022988505523805713437;0.000287356321839080455782244883;0.026149425287356323210907760313;0.011206896551724137775507550430;0.018678160919540231360569393360;0.013505747126436781421765509492;0.010632183908045976863943060664;0.021839080459770114639450611094;0.044252873563218393659912663907;0.009195402298850574585031836250;0.017241379310344827346934692969;0.005747126436781609115644897656;0.024712643678160919197273059922;0.004885057471264367748298163008;0.025862068965517241020402039453;0.000000000000000000000000000000;0.010632183908045976863943060664;0.006896551724137930938773877187;0.013505747126436781421765509492;0.031321839080459767945541216250;0.024137931034482758285708570156;0.032758620689655175428622868594;0.014942528735632183700676733906
-0.053623188405797099498339974843;0.010144927536231883313799784219;0.031521739130434781039902247812;0.000000000000000000000000000000;0.002536231884057970828449946055;0.032608695652173912138405142969;0.003623188405797101493271972217;0.021376811594202897726102463594;0.019927536231884056261431936719;0.024275362318840580655443517344;0.022101449275362318458437727031;0.021739130434782608092270095312;0.024275362318840580655443517344;0.030797101449275363777013936328;0.006159420289855072755402787266;0.033695652173913043236908038125;0.022101449275362318458437727031;0.028985507246376811946175777734;0.024637681159420291021611149063;0.006521739130434782254208680996;0.024637681159420291021611149063;0.013768115942028985240752625430;0.018478260869565218266208361797;0.028623188405797101580008146016;0.048913043478260871677054666407;0.032971014492753622504572774687;0.028985507246376811946175777734;0.010869565217391304046135047656;0.001811594202898550746635986108;0.019565217391304349364711256953;0.022463768115942028824605358750;0.014492753623188405973087888867;0.013043478260869564508417361992;0.007608695652173913352711576152;0.020289855072463766627599568437;0.032608695652173912138405142969;0.014492753623188405973087888867;0.021739130434782608092270095312;0.001811594202898550746635986108;0.022463768115942028824605358750;0.008333333333333333217685101602;0.009057971014492753950020365039;0.000000000000000000000000000000;0.023550724637681159923108253906;0.007246376811594202986543944434;0.026449275362318839383002355703;0.024637681159420291021611149063;0.027536231884057970481505250859;0.038768115942028988363254882188;0.014130434782608695606920257148
-0.046590909090909092549193104560;0.009848484848484847717364765174;0.049242424242424240321547301846;0.012500000000000000693889390391;0.017045454545454544192928381108;0.033333333333333332870740406406;0.004545454545454545233762466694;0.018560606060606062162054996634;0.019696969696969695434729530348;0.025000000000000001387778780781;0.019696969696969695434729530348;0.014772727272727272443408885749;0.017424242424242425419933510966;0.031818181818181814901613790880;0.015151515151515151935690539631;0.026893939393939393645016622258;0.022727272727272727903535809446;0.036363636363636361870099733551;0.025757575757575756902895136591;0.009469696969696969959806587269;0.014772727272727272443408885749;0.015151515151515151935690539631;0.011742424242424241709326082628;0.027651515151515152629579930021;0.039772727272727272096464190554;0.034848484848484850839867021932;0.034090909090909088385856762216;0.007196969696969697342925353922;0.001515151515151515150200967064;0.028787878787878789371701415689;0.015530303030303029693248717535;0.019696969696969695434729530348;0.016666666666666666435370203203;0.008333333333333333217685101602;0.020454545454545454419292838111;0.028787878787878789371701415689;0.013257575757575757943729222177;0.017424242424242425419933510966;0.002272727272727272616881233347;0.016287878787878788677812025298;0.002651515151515151675482018234;0.007954545454545453725403447720;0.000000000000000000000000000000;0.019696969696969695434729530348;0.012121212121212121201607736509;0.017045454545454544192928381108;0.034469696969696969612861892074;0.027651515151515152629579930021;0.029166666666666667129259593594;0.018560606060606062162054996634
-0.029787234042553192847613274807;0.018439716312056736446933769002;0.021276595744680850547103645454;0.102127659574468079850539936615;0.030851063829787233466772633506;0.034397163120567376959346717058;0.006382978723404254990658746038;0.039007092198581561071080159309;0.012056737588652482323636760952;0.016312056737588651739168099652;0.019858156028368795231742183205;0.011347517730496454665956029828;0.015248226950354609385285264977;0.016666666666666666435370203203;0.029078014184397163455209067706;0.015957446808510637042965996102;0.014893617021276596423806637404;0.025177304964539008735879832557;0.041843971631205671701803083806;0.003546099290780141757850607576;0.021985815602836879939507852555;0.008865248226950355261988256927;0.014893617021276596423806637404;0.022695035460992909331912059656;0.030851063829787233466772633506;0.037234042553191487590069641556;0.032269503546099288782134095754;0.008156028368794325869584049826;0.001773049645390070878925303788;0.036170212765957443501463330904;0.017730496453900710523976513855;0.013120567375886524677519595627;0.022340425531914894635709956106;0.005673758865248227332978014914;0.016666666666666666435370203203;0.019503546099290780535540079654;0.014184397163120567031402430302;0.009574468085106382919668988052;0.002127659574468085141446538344;0.013475177304964539373721699178;0.011347517730496454665956029828;0.011347517730496454665956029828;0.000000000000000000000000000000;0.014893617021276596423806637404;0.028368794326241134062804860605;0.016666666666666666435370203203;0.012056737588652482323636760952;0.014184397163120567031402430302;0.022695035460992909331912059656;0.014893617021276596423806637404
-0.027037037037037036507625131776;0.019259259259259260688157411323;0.025555555555555557051272685953;0.011851851851851851263330850372;0.011111111111111111535154627461;0.027777777777777776235801354687;0.004444444444444444440589503387;0.051111111111111114102545371907;0.008518518518518519017090895318;0.014814814814814815380206169948;0.023703703703703702526661700745;0.010370370370370370072254928573;0.017037037037037038034181790636;0.015185185185185185244294281404;0.032962962962962964741375770927;0.017407407407407406163546426114;0.014074074074074073917306471060;0.055555555555555552471602709375;0.048518518518518516380311211833;0.006296296296296296363115274630;0.031851851851851853414387960584;0.004814814814814815172039352831;0.020370370370370372015145221667;0.022962962962962962798485477833;0.031851851851851853414387960584;0.024444444444444445724284875610;0.051111111111111114102545371907;0.029629629629629630760412339896;0.000370370370370370351979089074;0.024814814814814813853649511088;0.005925925925925925631665425186;0.007037037037037036958653235530;0.028888888888888887562789165031;0.006666666666666667094565124074;0.024074074074074074125473288177;0.035185185185185187395351391615;0.023333333333333334397297065266;0.008518518518518519017090895318;0.000740740740740740703958178148;0.007037037037037036958653235530;0.015555555555555555108382392859;0.009259259259259258745267118229;0.000000000000000000000000000000;0.013333333333333334189130248149;0.021111111111111111743321444578;0.018518518518518517490534236458;0.013703703703703704053218359604;0.017407407407407406163546426114;0.048888888888888891448569751219;0.010000000000000000208166817117
-0.018376068376068376702958673263;0.010256410256410256401360392431;0.042735042735042735873030039784;0.000427350427350427350056683018;0.107264957264957258575854837090;0.018376068376068376702958673263;0.010256410256410256401360392431;0.023076923076923078204103489952;0.017948717948717947401338079771;0.031623931623931622603151936346;0.015384615384615385469402326635;0.009829059829059828834463274916;0.009401709401709401267566157401;0.025213675213675214303865601551;0.012393162393162392501122504029;0.014529914529914530335608091605;0.028632478632478631369595589717;0.026923076923076924571454071611;0.052991452991452990539666956238;0.009829059829059828834463274916;0.028632478632478631369595589717;0.016239316239316240603196561665;0.008547008547008547868495398347;0.042307692307692310040856398246;0.021367521367521367936515019892;0.029914529914529915805010418239;0.030341880341880341637184059778;0.005128205128205128200680196215;0.002136752136752136967123849587;0.025213675213675214303865601551;0.007692307692307692734701163317;0.029059829059829060671216183209;0.016239316239316240603196561665;0.007692307692307692734701163317;0.011965811965811966668948862491;0.037179487179487179238090988065;0.008547008547008547868495398347;0.010683760683760683968257509946;0.001709401709401709400226732072;0.008547008547008547868495398347;0.006410256410256410034009810772;0.012820512820512820068019621544;0.000000000000000000000000000000;0.028632478632478631369595589717;0.019658119658119657668926549832;0.024786324786324785002245008059;0.023076923076923078204103489952;0.021794871794871793768688661430;0.020512820512820512802720784862;0.007692307692307692734701163317
-0.023643410852713177966455404544;0.031395348837209305359330357987;0.032945736434108530144015958285;0.010852713178294573492799202086;0.057751937984496126698985563053;0.018604651162790697416227203576;0.008527131782945736315770801639;0.030620155038759689497540605885;0.022093023255813953181769804246;0.017441860465116278827713003352;0.014728682170542635454513202831;0.008527131782945736315770801639;0.016666666666666666435370203203;0.019767441860465116004741403799;0.027906976744186046124340805363;0.013565891472868216865999002607;0.021317829457364340789427004097;0.039922480620155041675101159626;0.037984496124031007224797207300;0.005426356589147286746399601043;0.021705426356589146985598404171;0.016279069767441860239198803129;0.026356589147286821339655205065;0.024418604651162790358798204693;0.019767441860465116004741403799;0.020542635658914728397084203948;0.031782945736434108086054806108;0.016666666666666666435370203203;0.001162790697674418588514200223;0.035271317829457367321044358732;0.014728682170542635454513202831;0.021317829457364340789427004097;0.025581395348837208947312404916;0.004651162790697674354056800894;0.021705426356589146985598404171;0.030232558139534883301369205810;0.012403100775193798277484802384;0.012403100775193798277484802384;0.004263565891472868157885400819;0.020930232558139534593255604022;0.015116279069767441650684602905;0.011240310077519379688970602160;0.000000000000000000000000000000;0.018217054263565891220055803501;0.021317829457364340789427004097;0.030232558139534883301369205810;0.018604651162790697416227203576;0.010465116279069767296627802011;0.022868217054263565574112604395;0.010077519379844961100456401937
-0.024444444444444445724284875610;0.024074074074074074125473288177;0.044444444444444446140618509844;0.011851851851851851263330850372;0.011111111111111111535154627461;0.014444444444444443781394582516;0.005185185185185185036127464286;0.028148148148148147834612942120;0.026296296296296296779448908865;0.039259259259259257635044093604;0.012962962962962962590318660716;0.010000000000000000208166817117;0.015185185185185185244294281404;0.027037037037037036507625131776;0.028518518518518519433424529552;0.022592592592592591199673890401;0.023333333333333334397297065266;0.047407407407407405053323401489;0.014814814814814815380206169948;0.004814814814814815172039352831;0.016296296296296294836558615771;0.019259259259259260688157411323;0.022592592592592591199673890401;0.047407407407407405053323401489;0.021111111111111111743321444578;0.034444444444444444197728216750;0.021481481481481479872686080057;0.015185185185185185244294281404;0.004444444444444444440589503387;0.018518518518518517490534236458;0.007777777777777777554191196430;0.024074074074074074125473288177;0.013703703703703704053218359604;0.008518518518518519017090895318;0.012962962962962962590318660716;0.040370370370370368962031903948;0.011111111111111111535154627461;0.018518518518518517490534236458;0.002592592592592592518063732143;0.018148148148148149361169600979;0.008518518518518519017090895318;0.014074074074074073917306471060;0.000000000000000000000000000000;0.036296296296296298722339201959;0.014074074074074073917306471060;0.023703703703703702526661700745;0.030740740740740742087400150240;0.021111111111111111743321444578;0.027407407407407408106436719208;0.009629629629629630344078705662
-0.023076923076923078204103489952;0.020085470085470086970547143324;0.030769230769230770938804653269;0.145726495726495736127148461492;0.038461538461538463673505816587;0.020940170940170938634894426400;0.002991452991452991667237215623;0.022222222222222223070309254922;0.015384615384615385469402326635;0.029059829059829060671216183209;0.008547008547008547868495398347;0.008974358974358973700669039886;0.014102564102564102768710974090;0.021367521367521367936515019892;0.020512820512820512802720784862;0.014529914529914530335608091605;0.022222222222222223070309254922;0.026923076923076924571454071611;0.017521367521367521569164438233;0.003846153846153846367350581659;0.014529914529914530335608091605;0.012393162393162392501122504029;0.009401709401709401267566157401;0.035897435897435894802676159543;0.022222222222222223070309254922;0.023076923076923078204103489952;0.022649572649572648902482896460;0.088034188034188040616889736611;0.002136752136752136967123849587;0.022649572649572648902482896460;0.008547008547008547868495398347;0.016666666666666666435370203203;0.008547008547008547868495398347;0.007264957264957265167804045802;0.014102564102564102768710974090;0.030769230769230770938804653269;0.010256410256410256401360392431;0.011538461538461539102051744976;0.003418803418803418800453464144;0.006410256410256410034009810772;0.010683760683760683968257509946;0.008974358974358973700669039886;0.000000000000000000000000000000;0.019658119658119657668926549832;0.007692307692307692734701163317;0.012820512820512820068019621544;0.020512820512820512802720784862;0.014102564102564102768710974090;0.019230769230769231836752908293;0.008547008547008547868495398347
-0.022727272727272727903535809446;0.018787878787878787428811122595;0.028787878787878789371701415689;0.045151515151515150825467515006;0.027272727272727271402574800163;0.020000000000000000416333634234;0.005454545454545454974404350423;0.010000000000000000208166817117;0.029999999999999998889776975375;0.014545454545454545441929283811;0.008787878787878787220644305478;0.020606060606060606910094890054;0.020909090909090908422252041987;0.015151515151515151935690539631;0.014545454545454545441929283811;0.019393939393939393922572378415;0.020909090909090908422252041987;0.028181818181818182877940159869;0.011212121212121211460965852780;0.008181818181818182461606525635;0.012727272727272727695368992329;0.024848484848484848896976728838;0.025454545454545455390737984658;0.023636363636363635909454217199;0.023333333333333334397297065266;0.020303030303030301928490786167;0.021818181818181819897617401693;0.095757575757575763564233284342;0.003030303030303030300401934127;0.031515151515151516858903590901;0.015757575757575758429451795450;0.018181818181818180935049866775;0.010909090909090909948808700847;0.007272727272727272720964641906;0.033030303030303027889136302520;0.026363636363636363396656392410;0.009393939393939393714405561298;0.017575757575757574441288610956;0.008181818181818182461606525635;0.038787878787878787845144756830;0.005151515151515151727523722514;0.026666666666666668378260496297;0.000000000000000000000000000000;0.014242424242424242195048655901;0.005757575757575757353923240345;0.017575757575757574441288610956;0.017575757575757574441288610956;0.018181818181818180935049866775;0.022424242424242422921931705559;0.013939393939393938948168027991
-0.022764227642276424479206298201;0.013414634146341463186158371457;0.057317073170731709652603313998;0.000000000000000000000000000000;0.000813008130081300812302957937;0.016666666666666666435370203203;0.006097560975609756309112619022;0.018292682926829267192614381088;0.043902439024390241262274514611;0.029674796747967479432217530189;0.012601626016260162807536282514;0.006504065040650406498423663493;0.017886178861788618738026812593;0.029268292682926830977629961694;0.004065040650406504495195658677;0.008943089430894309369013406297;0.048373983739837395079419479771;0.048780487804878050472900952172;0.009349593495934959558324450768;0.015853658536585366056748114261;0.010975609756097560315568628653;0.050000000000000002775557561563;0.018292682926829267192614381088;0.039430894308943087445129549451;0.019512195121951219495270990478;0.024390243902439025236450476086;0.021138211382113820252515168363;0.004471544715447154684506703148;0.005691056910569106119801574550;0.009756097560975609747635495239;0.006504065040650406498423663493;0.032520325203252035961565269417;0.009756097560975609747635495239;0.012601626016260162807536282514;0.036178861788617885930641193681;0.053252032520325204290045917332;0.012601626016260162807536282514;0.009349593495934959558324450768;0.009349593495934959558324450768;0.047967479674796746624831911276;0.004065040650406504495195658677;0.032520325203252035961565269417;0.000000000000000000000000000000;0.017479674796747966813992292145;0.002032520325203252247597829339;0.018292682926829267192614381088;0.025203252032520325615072565029;0.017073170731707318359404723651;0.030081300813008131356252050637;0.008943089430894309369013406297
-0.033730158730158728286330216406;0.012698412698412698401684295391;0.055158730158730157056012899375;0.000396825396825396825052634231;0.001587301587301587300210536924;0.023412698412698412786525636875;0.008730158730158730367998387578;0.023809523809523808202115446875;0.017857142857142856151586585156;0.033333333333333332870740406406;0.015476190476190476719153821250;0.011904761904761904101057723437;0.021031746031746033354092872969;0.036904761904761905488836504219;0.008333333333333333217685101602;0.016269841269841271019780393203;0.027380952380952380820211544687;0.042063492063492066708185745938;0.016666666666666666435370203203;0.007142857142857142634106981660;0.020634920634920634469056111016;0.013095238095238095551997581367;0.022222222222222223070309254922;0.041269841269841268938112222031;0.028968253968253969421464688594;0.034920634920634921471993550313;0.034126984126984123701920026406;0.001190476190476190583578119941;0.003174603174603174600421073848;0.016666666666666666435370203203;0.009920634920634920084214769531;0.026984126984126985404621734688;0.012698412698412698401684295391;0.009920634920634920084214769531;0.028968253968253969421464688594;0.048412698412698414174304417656;0.012698412698412698401684295391;0.014285714285714285268213963320;0.001587301587301587300210536924;0.026190476190476191103995162734;0.009920634920634920084214769531;0.011111111111111111535154627461;0.000000000000000000000000000000;0.021031746031746033354092872969;0.007142857142857142634106981660;0.027777777777777776235801354687;0.029365079365079364837054498594;0.023809523809523808202115446875;0.033730158730158728286330216406;0.014285714285714285268213963320
-0.016287878787878788677812025298;0.022348484848484850145977631541;0.050378787878787877063668787514;0.003030303030303030300401934127;0.002272727272727272616881233347;0.021590909090909091161414323778;0.005681818181818181975883952362;0.016287878787878788677812025298;0.026893939393939393645016622258;0.014015151515151515193569053963;0.014772727272727272443408885749;0.006439393939393939225723784148;0.020833333333333332176851016015;0.042424242424242426807712291748;0.014393939393939394685850707845;0.008712121212121212709966755483;0.029924242424242422644375949403;0.044696969696969700291955263083;0.008333333333333333217685101602;0.007196969696969697342925353922;0.009090909090909090467524933388;0.028787878787878789371701415689;0.026893939393939393645016622258;0.025378787878787879145336958686;0.022348484848484850145977631541;0.026893939393939393645016622258;0.028409090909090908144696285831;0.026136363636363634660453314495;0.004166666666666666608842550801;0.017424242424242425419933510966;0.005681818181818181975883952362;0.027651515151515152629579930021;0.018181818181818180935049866775;0.016287878787878788677812025298;0.034848484848484850839867021932;0.037878787878787879839226349077;0.008712121212121212709966755483;0.007575757575757575967845269815;0.012500000000000000693889390391;0.050757575757575758290673917372;0.007954545454545453725403447720;0.042424242424242426807712291748;0.000000000000000000000000000000;0.019318181818181817677171352443;0.005303030303030303350964036468;0.017045454545454544192928381108;0.033333333333333332870740406406;0.021590909090909091161414323778;0.024621212121212120160773650923;0.016287878787878788677812025298
-0.030059523809523810283783618047;0.029166666666666667129259593594;0.026488095238095237665687520234;0.019642857142857142460634634062;0.030952380952380953438307642500;0.020833333333333332176851016015;0.011607142857142857539365365938;0.031845238095238093123384715000;0.018749999999999999306110609609;0.015773809523809523280846178750;0.017559523809523809589894227656;0.009523809523809524668624959531;0.023511904761904761640423089375;0.018452380952380952744418252109;0.031845238095238093123384715000;0.019642857142857142460634634062;0.022619047619047618485899064922;0.041369047619047617792009674531;0.027083333333333334258519187188;0.005952380952380952050528861719;0.020535714285714285615158658516;0.013690476190476190410105772344;0.014285714285714285268213963320;0.024404761904761904794947113828;0.027678571428571427381903902187;0.023809523809523808202115446875;0.029761904761904760252644308594;0.035119047619047619179788455313;0.006845238095238095205052886172;0.021130952380952382207990325469;0.013095238095238095551997581367;0.014880952380952380126322154297;0.013988095238095238706521605820;0.013095238095238095551997581367;0.022023809523809525362514349922;0.027083333333333334258519187188;0.007142857142857142634106981660;0.019642857142857142460634634062;0.003273809523809523887999395342;0.026488095238095237665687520234;0.013095238095238095551997581367;0.025000000000000001387778780781;0.000000000000000000000000000000;0.019642857142857142460634634062;0.021726190476190475331375040469;0.022619047619047618485899064922;0.016666666666666666435370203203;0.013095238095238095551997581367;0.022321428571428571924206707422;0.015178571428571428422737987773
-0.019135802469135803488553548846;0.012654320987654321326032480499;0.048456790123456792984679708525;0.182098765432098769201374466320;0.051851851851851850361274642864;0.006172839506172839163511412153;0.004320987654320987240985640909;0.022530864197530864334595435139;0.019444444444444444752839729063;0.032407407407407405608434913802;0.008950617283950617480980938012;0.010185185185185186007572610833;0.003703703703703703845051542487;0.027469135802469134971515174470;0.024382716049382715389759468394;0.016358024691358025171084022986;0.022222222222222223070309254922;0.024691358024691356654045648611;0.012654320987654321326032480499;0.004938271604938271504281477320;0.011419753086419752799440807678;0.013271604938271605589328316910;0.003086419753086419581755706076;0.043518518518518518878313017240;0.016049382716049383906797842769;0.034876543209876542661618259444;0.018518518518518517490534236458;0.022530864197530864334595435139;0.003086419753086419581755706076;0.010802469135802468536144971267;0.005555555555555555767577313730;0.025617283950617283916351141215;0.005555555555555555767577313730;0.006172839506172839163511412153;0.004938271604938271504281477320;0.033333333333333332870740406406;0.006172839506172839163511412153;0.008950617283950617480980938012;0.001234567901234567876070369330;0.011728395061728395798450463872;0.008333333333333333217685101602;0.012345679012345678327022824305;0.000000000000000000000000000000;0.025000000000000001387778780781;0.018518518518518517490534236458;0.017283950617283948963942563637;0.037654320987654324448534737257;0.017592592592592593697675695807;0.010493827160493827271858791050;0.011728395061728395798450463872
-0.017528735632183909537440413828;0.019540229885057470993192652031;0.044540229885057472380971432813;0.234770114942528723700476689373;0.011206896551724137775507550430;0.016954022988505748625875924063;0.006321839080459770027209387422;0.021264367816091953727886121328;0.013218390804597700965983264609;0.020977011494252875006827352422;0.009195402298850574585031836250;0.008045977011494252761902856719;0.011494252873563218231289795312;0.028160919540229884666659998516;0.023850574712643679564649801250;0.013793103448275861877547754375;0.011206896551724137775507550430;0.020402298850574714095262862656;0.023563218390804597374144080391;0.008045977011494252761902856719;0.013793103448275861877547754375;0.015804597701149426802746944531;0.014367816091954022789112244141;0.029597701149425288680294698906;0.020977011494252875006827352422;0.022988505747126436462579590625;0.022701149425287357741520821719;0.021839080459770114639450611094;0.001436781609195402278911224414;0.015804597701149426802746944531;0.010632183908045976863943060664;0.018678160919540231360569393360;0.010057471264367815952378570898;0.004022988505747126380951428359;0.010057471264367815952378570898;0.033045977011494254149681637500;0.007183908045977011394556122070;0.009770114942528735496596326016;0.001436781609195402278911224414;0.016379310344827587714311434297;0.009195402298850574585031836250;0.008908045977011494129249591367;0.000000000000000000000000000000;0.012931034482758620510201019727;0.012643678160919540054418774844;0.012643678160919540054418774844;0.035919540229885055238057134375;0.016954022988505748625875924063;0.013218390804597700965983264609;0.012931034482758620510201019727
-0.019736842105263156799122015173;0.030263157894736842506988594437;0.028508771929824559820954021916;0.111842105263157895467251989885;0.042543859649122807431442794268;0.014912280701754385484059106659;0.013596491228070176071618391234;0.021929824561403507554580016858;0.005263157894736841986571551644;0.016666666666666666435370203203;0.006578947368421052266374005058;0.010087719298245614168996198146;0.012719298245614034728601104973;0.019736842105263156799122015173;0.033333333333333332870740406406;0.014912280701754385484059106659;0.021929824561403507554580016858;0.040350877192982456675984792582;0.028070175438596491751530592751;0.001754385964912280734470662047;0.021929824561403507554580016858;0.012280701754385964924454199831;0.024561403508771929848908399663;0.018859649122807017190828204889;0.013157894736842104532748010115;0.023245614035087718701744208261;0.016666666666666666435370203203;0.052192982456140353531015563249;0.001315789473684210496642887911;0.026754385964912280604366401349;0.014473684210526315679912201517;0.019298245614035088729698586008;0.027631578947368420212660211632;0.005263157894736841986571551644;0.014912280701754385484059106659;0.028508771929824559820954021916;0.006578947368421052266374005058;0.017105263157894737974240584322;0.000877192982456140367235331023;0.014912280701754385484059106659;0.011842105263157895120307294690;0.020175438596491228337992396291;0.000000000000000000000000000000;0.011842105263157895120307294690;0.034649122807017540548457645855;0.015350877192982455288206011801;0.014473684210526315679912201517;0.009649122807017544364849293004;0.019736842105263156799122015173;0.007017543859649122937882648188
-0.030864197530864195817557060764;0.024382716049382715389759468394;0.021913580246913581806023074705;0.044444444444444446140618509844;0.045679012345679011197763230712;0.029938271604938272024698520113;0.016975308641975307699656383420;0.021604938271604937072289942535;0.017283950617283948963942563637;0.011111111111111111535154627461;0.016975308641975307699656383420;0.009259259259259258745267118229;0.019444444444444444752839729063;0.021604938271604937072289942535;0.039197530864197534239412590296;0.014197530864197531116910333537;0.013888888888888888117900677344;0.028395061728395062233820667075;0.043209876543209874144579885069;0.005246913580246913635929395525;0.032407407407407405608434913802;0.018827160493827162224267368629;0.013580246913580246853614497127;0.018827160493827162224267368629;0.024691358024691356654045648611;0.020679012345679013279431401884;0.021913580246913581806023074705;0.055864197530864197205335841545;0.002160493827160493620492820455;0.037345679012345679714801605087;0.012037037037037037062736644089;0.014197530864197531116910333537;0.021296296296296295808003762318;0.004320987654320987240985640909;0.020679012345679013279431401884;0.018518518518518517490534236458;0.007098765432098765558455166769;0.016049382716049383906797842769;0.009259259259259258745267118229;0.017592592592592593697675695807;0.012962962962962962590318660716;0.012345679012345678327022824305;0.000000000000000000000000000000;0.009876543209876543008562954640;0.025617283950617283916351141215;0.017283950617283948963942563637;0.016049382716049383906797842769;0.012037037037037037062736644089;0.019753086419753086017125909279;0.011111111111111111535154627461
-0.049346405228758168093339264715;0.007189542483660130330058724013;0.039215686274509803377341654596;0.042483660130718955971751427114;0.006209150326797385245625182648;0.064379084967320254762057629705;0.004901960784313725422167706824;0.022875816993464050813633647863;0.017973856209150325391465941038;0.015686274509803921350936661838;0.022875816993464050813633647863;0.020261437908496732901442172192;0.018300653594771242732575089462;0.021241830065359477985875713557;0.009150326797385621366287544731;0.025816993464052286066934271958;0.016013071895424835222598858309;0.039542483660130717249003851066;0.030392156862745097617439782312;0.005555555555555555767577313730;0.021241830065359477985875713557;0.015686274509803921350936661838;0.011437908496732025406816823931;0.020915032679738560644766565133;0.048692810457516340350014871774;0.031045751633986928830211127206;0.022222222222222223070309254922;0.003594771241830065165029362007;0.002941176470588235253300624095;0.038888888888888889505679458125;0.016013071895424835222598858309;0.014052287581699346788455251556;0.024183006535947713239176337652;0.007843137254901960675468330919;0.021895424836601305729200106498;0.032352941176470591255753816995;0.009477124183006535237949741202;0.020915032679738560644766565133;0.001633986928104575213002713774;0.016013071895424835222598858309;0.005555555555555555767577313730;0.012745098039215686097636037744;0.000000000000000000000000000000;0.014052287581699346788455251556;0.008823529411764705759901872284;0.015686274509803921350936661838;0.023202614379084968154742796287;0.020261437908496732901442172192;0.028104575163398693576910503111;0.011111111111111111535154627461
-0.021388888888888887840344921187;0.014722222222222221613141535101;0.042222222222222223486642889156;0.256388888888888888395456433500;0.007222222222222221890697291258;0.015277777777777777276635440273;0.005000000000000000104083408559;0.022499999999999999167332731531;0.017777777777777777762358013547;0.018055555555555553859381490156;0.013055555555555556357383295563;0.011666666666666667198648532633;0.018333333333333333425851918719;0.025277777777777777484802257391;0.023611111111111110494320541875;0.012777777777777778525636342977;0.014722222222222221613141535101;0.033611111111111112437210834969;0.013055555555555556357383295563;0.006388888888888889262818171488;0.016666666666666666435370203203;0.016388888888888890338346726594;0.011944444444444445030395485219;0.021388888888888887840344921187;0.022222222222222223070309254922;0.019444444444444444752839729063;0.024722222222222221821308352219;0.007777777777777777554191196430;0.001944444444444444388547799107;0.012777777777777778525636342977;0.005833333333333333599324266316;0.010277777777777778039913769703;0.009722222222222222376419864531;0.010000000000000000208166817117;0.019722222222222220849863205672;0.028055555555555555802271783250;0.013055555555555556357383295563;0.009166666666666666712925959359;0.005833333333333333599324266316;0.020555555555555556079827539406;0.005833333333333333599324266316;0.011111111111111111535154627461;0.000000000000000000000000000000;0.012777777777777778525636342977;0.012777777777777778525636342977;0.014166666666666665949647629930;0.015555555555555555108382392859;0.010833333333333333703407674875;0.024444444444444445724284875610;0.011944444444444445030395485219
-0.023188405797101449556940622188;0.027898550724637680847672882578;0.033333333333333332870740406406;0.127536231884057965624279518124;0.037681159420289857264751987032;0.015217391304347826705423152305;0.006884057971014492620376312715;0.027536231884057970481505250859;0.012681159420289855876973206250;0.013043478260869564508417361992;0.014492753623188405973087888867;0.008695652173913043583852733320;0.013768115942028985240752625430;0.025000000000000001387778780781;0.043840579710144926550707822344;0.017753623188405797533873098359;0.019202898550724638998543625235;0.035507246376811595067746196719;0.024637681159420291021611149063;0.008333333333333333217685101602;0.021376811594202897726102463594;0.010144927536231883313799784219;0.009420289855072464316187996758;0.023550724637681159923108253906;0.019202898550724638998543625235;0.027536231884057970481505250859;0.033333333333333332870740406406;0.030434782608695653410846304610;0.002898550724637681194617577773;0.023188405797101449556940622188;0.010144927536231883313799784219;0.009420289855072464316187996758;0.016666666666666666435370203203;0.006521739130434782254208680996;0.019565217391304349364711256953;0.025362318840579711753946412500;0.012681159420289855876973206250;0.008695652173913043583852733320;0.003623188405797101493271972217;0.013043478260869564508417361992;0.010869565217391304046135047656;0.008333333333333333217685101602;0.000000000000000000000000000000;0.013043478260869564508417361992;0.021739130434782608092270095312;0.015942028985507245703034939766;0.016304347826086956069202571484;0.015942028985507245703034939766;0.023188405797101449556940622188;0.011594202898550724778470311094
-0.017063492063492061850960013203;0.021825396825396824185272492969;0.036904761904761905488836504219;0.292460317460317476001563363752;0.059523809523809520505288617187;0.011111111111111111535154627461;0.001190476190476190583578119941;0.013888888888888888117900677344;0.022222222222222223070309254922;0.012698412698412698401684295391;0.009126984126984127518311673555;0.006746031746031746351155433672;0.007936507936507936067371815625;0.017857142857142856151586585156;0.027380952380952380820211544687;0.013888888888888888117900677344;0.014285714285714285268213963320;0.021825396825396824185272492969;0.027777777777777776235801354687;0.003174603174603174600421073848;0.013095238095238095551997581367;0.009920634920634920084214769531;0.006349206349206349200842147695;0.023412698412698412786525636875;0.013492063492063492702310867344;0.011904761904761904101057723437;0.020238095238095239053466301016;0.021428571428571428769682682969;0.001587301587301587300210536924;0.023809523809523808202115446875;0.007142857142857142634106981660;0.013492063492063492702310867344;0.013888888888888888117900677344;0.003571428571428571317053490830;0.006349206349206349200842147695;0.029761904761904760252644308594;0.005555555555555555767577313730;0.004365079365079365183999193789;0.003571428571428571317053490830;0.010714285714285714384841341484;0.007142857142857142634106981660;0.013095238095238095551997581367;0.000000000000000000000000000000;0.016269841269841271019780393203;0.023412698412698412786525636875;0.008333333333333333217685101602;0.016269841269841271019780393203;0.013492063492063492702310867344;0.009523809523809524668624959531;0.009920634920634920084214769531
-0.008571428571428571854817768383;0.015238095238095238082021154469;0.018571428571428572062984585500;0.467142857142857137464631023249;0.009523809523809524668624959531;0.007142857142857142634106981660;0.010476190476190475747708674703;0.023809523809523808202115446875;0.014761904761904762542479296883;0.017619047619047617514453918375;0.006190476190476190687661528500;0.007142857142857142634106981660;0.008571428571428571854817768383;0.011428571428571428561515865852;0.029047619047619047810693260203;0.006190476190476190687661528500;0.015238095238095238082021154469;0.017619047619047617514453918375;0.013809523809523809728672105734;0.002857142857142857140378966463;0.014285714285714285268213963320;0.006666666666666667094565124074;0.002380952380952381167156239883;0.018571428571428572062984585500;0.010952380952380953021974008266;0.013333333333333334189130248149;0.018571428571428572062984585500;0.006666666666666667094565124074;0.002380952380952381167156239883;0.013333333333333334189130248149;0.005238095238095237873854337352;0.016190476190476189161104869640;0.007142857142857142634106981660;0.010476190476190475747708674703;0.008571428571428571854817768383;0.016190476190476189161104869640;0.005238095238095237873854337352;0.004285714285714285927408884191;0.002857142857142857140378966463;0.006666666666666667094565124074;0.011904761904761904101057723437;0.006666666666666667094565124074;0.000000000000000000000000000000;0.013809523809523809728672105734;0.014761904761904762542479296883;0.016666666666666666435370203203;0.011904761904761904101057723437;0.004761904761904762334312479766;0.010476190476190475747708674703;0.008095238095238094580552434820
-0.021751412429378530477563913337;0.015254237288135593861304606378;0.027683615819209039105031067152;0.276836158192090397989204575424;0.004237288135593220324282004441;0.020338983050847456168774840535;0.007909604519774010925048379761;0.024011299435028249371626429820;0.008757062146892655510321823442;0.012146892655367232116692122190;0.013276836158192089828999904455;0.012429378531073446978449936751;0.024293785310734464233384244380;0.021468926553672315615806098776;0.016949152542372881297128017763;0.011581920903954802393176493069;0.010451977401129942946145234828;0.028813559322033898552062325393;0.018079096045197740744159276005;0.005932203389830508627467153815;0.011299435028248587531418678509;0.006779661016949152345378859508;0.021468926553672315615806098776;0.018361581920903955605917090566;0.018644067796610170467674905126;0.017514124293785311020643646884;0.020338983050847456168774840535;0.026553672316384179657999808910;0.003389830508474576172689429754;0.019774011299435029914706163368;0.010169491525423728084387420267;0.016384180790960451573612388643;0.014971751412429378999546791817;0.003672316384180791034447244314;0.028531073446327683690304510833;0.023446327683615819648110800699;0.013559322033898304690757719015;0.011016949152542372669660863949;0.004237288135593220324282004441;0.014689265536723164137788977257;0.009322033898305085233837452563;0.006779661016949152345378859508;0.000000000000000000000000000000;0.010734463276836157807903049388;0.010734463276836157807903049388;0.017231638418079096158885832324;0.016666666666666666435370203203;0.011864406779661017254934307630;0.019774011299435029914706163368;0.009887005649717514957353081684
-0.025438596491228069457202209946;0.018421052631578945651957823770;0.024853801169590641895190685773;0.124561403508771928461129618881;0.034502923976608187994763454753;0.019005847953216373213969347944;0.007017543859649122937882648188;0.025146198830409357410919923836;0.012573099415204678705459961918;0.013450292397660818313753772202;0.012280701754385964924454199831;0.011695906432748537362442675658;0.024269005847953217802626113553;0.021929824561403507554580016858;0.044152046783625734094336223734;0.017543859649122806043664013487;0.014327485380116959656771058462;0.022514619883040935116591541032;0.021929824561403507554580016858;0.005555555555555555767577313730;0.020760233918128655900003920465;0.010526315789473683973143103287;0.020760233918128655900003920465;0.028070175438596491751530592751;0.019883040935672516291710110181;0.023391812865497074724885351316;0.023976608187134502286896875489;0.046198830409356725357206130411;0.004678362573099415291921765458;0.016959064327485378481652489313;0.013157894736842104532748010115;0.014035087719298245875765296375;0.018421052631578945651957823770;0.008771929824561403021832006743;0.029532163742690058921835927208;0.020467836257309940384274682401;0.005263157894736841986571551644;0.012280701754385964924454199831;0.002923976608187134340610668914;0.018713450292397661167687061834;0.013157894736842104532748010115;0.011111111111111111535154627461;0.000000000000000000000000000000;0.020175438596491228337992396291;0.023976608187134502286896875489;0.016081871345029238873358679029;0.014035087719298245875765296375;0.010233918128654970192137341201;0.020175438596491228337992396291;0.011111111111111111535154627461
-0.018888888888888889089345823891;0.021111111111111111743321444578;0.053611111111111109384097517250;0.169444444444444453079512413751;0.010833333333333333703407674875;0.015555555555555555108382392859;0.005833333333333333599324266316;0.024444444444444445724284875610;0.018888888888888889089345823891;0.027500000000000000138777878078;0.013888888888888888117900677344;0.007777777777777777554191196430;0.008055555555555555385938149016;0.027777777777777776235801354687;0.025833333333333333148296162562;0.016944444444444446001840631766;0.018611111111111109522875395328;0.033333333333333332870740406406;0.012500000000000000693889390391;0.006388888888888889262818171488;0.010277777777777778039913769703;0.013055555555555556357383295563;0.009444444444444444544672911945;0.042500000000000003053113317719;0.024444444444444445724284875610;0.035000000000000003330669073875;0.030277777777777778456247403938;0.014999999999999999444888487687;0.001944444444444444388547799107;0.015555555555555555108382392859;0.008055555555555555385938149016;0.020277777777777776513357110844;0.007499999999999999722444243844;0.009166666666666666712925959359;0.007222222222222221890697291258;0.039722222222222221266196839906;0.008055555555555555385938149016;0.008611111111111111049432054187;0.000833333333333333386820640509;0.009166666666666666712925959359;0.006944444444444444058950338672;0.007777777777777777554191196430;0.000000000000000000000000000000;0.018888888888888889089345823891;0.013333333333333334189130248149;0.015833333333333334674852821422;0.036944444444444446418174266000;0.017222222222222222098864108375;0.015833333333333334674852821422;0.013888888888888888117900677344
-0.021111111111111111743321444578;0.018055555555555553859381490156;0.039444444444444441699726411343;0.165833333333333332593184650250;0.025000000000000001387778780781;0.019722222222222220849863205672;0.007499999999999999722444243844;0.017500000000000001665334536938;0.013611111111111110286153724758;0.028055555555555555802271783250;0.010000000000000000208166817117;0.009444444444444444544672911945;0.015277777777777777276635440273;0.018611111111111109522875395328;0.019722222222222220849863205672;0.014999999999999999444888487687;0.021388888888888887840344921187;0.033611111111111112437210834969;0.015833333333333334674852821422;0.004722222222222222272336455973;0.014166666666666665949647629930;0.011666666666666667198648532633;0.013333333333333334189130248149;0.035277777777777775958245598531;0.020277777777777776513357110844;0.024444444444444445724284875610;0.023055555555555554830826636703;0.018888888888888889089345823891;0.002777777777777777883788656865;0.026666666666666668378260496297;0.012777777777777778525636342977;0.021666666666666667406815349750;0.005833333333333333599324266316;0.005000000000000000104083408559;0.013055555555555556357383295563;0.039444444444444441699726411343;0.009166666666666666712925959359;0.017222222222222222098864108375;0.006388888888888889262818171488;0.013888888888888888117900677344;0.011944444444444445030395485219;0.013611111111111110286153724758;0.000000000000000000000000000000;0.017777777777777777762358013547;0.013888888888888888117900677344;0.019722222222222220849863205672;0.030833333333333334119741309109;0.015555555555555555108382392859;0.014999999999999999444888487687;0.007222222222222221890697291258
-0.023106060606060605661093987351;0.019318181818181817677171352443;0.026515151515151515887458444354;0.284848484848484850839867021932;0.009469696969696969959806587269;0.025378787878787879145336958686;0.006818181818181817850643700041;0.018560606060606062162054996634;0.009848484848484847717364765174;0.009848484848484847717364765174;0.011742424242424241709326082628;0.012121212121212121201607736509;0.015151515151515151935690539631;0.017803030303030303177491688871;0.023484848484848483418652165255;0.017045454545454544192928381108;0.015151515151515151935690539631;0.025378787878787879145336958686;0.015151515151515151935690539631;0.001136363636363636308440616673;0.012878787878787878451447568295;0.011363636363636363951767904723;0.014772727272727272443408885749;0.016666666666666666435370203203;0.025000000000000001387778780781;0.024242424242424242403215473018;0.016666666666666666435370203203;0.027272727272727271402574800163;0.001515151515151515150200967064;0.018560606060606062162054996634;0.015151515151515151935690539631;0.012500000000000000693889390391;0.007196969696969697342925353922;0.007575757575757575967845269815;0.023484848484848483418652165255;0.013257575757575757943729222177;0.005681818181818181975883952362;0.018939393939393939919613174538;0.008712121212121212709966755483;0.018181818181818180935049866775;0.007196969696969697342925353922;0.011742424242424241709326082628;0.000000000000000000000000000000;0.012878787878787878451447568295;0.012878787878787878451447568295;0.021212121212121213403856145874;0.013636363636363635701287400082;0.009848484848484847717364765174;0.014772727272727272443408885749;0.008333333333333333217685101602
-0.024712643678160919197273059922;0.010632183908045976863943060664;0.053735632183908046966003269063;0.136494252873563232109077603127;0.009195402298850574585031836250;0.020689655172413792816321631562;0.003735632183908045925169183477;0.020689655172413792816321631562;0.025574712643678162299343270547;0.020402298850574714095262862656;0.009482758620689655040814081133;0.010632183908045976863943060664;0.017816091954022988258499182734;0.031321839080459767945541216250;0.012356321839080459598636529961;0.020114942528735631904757141797;0.021839080459770114639450611094;0.030747126436781610503423678438;0.011781609195402298687072040195;0.009195402298850574585031836250;0.012931034482758620510201019727;0.027873563218390805945601229610;0.013505747126436781421765509492;0.028160919540229884666659998516;0.031034482758620689224482447344;0.024425287356321840476214291016;0.020114942528735631904757141797;0.018965517241379310081628162266;0.002011494252873563190475714180;0.012643678160919540054418774844;0.009482758620689655040814081133;0.022413793103448275551015100859;0.007758620689655172306120611836;0.010919540229885057319725305547;0.026724137931034484122472250078;0.030747126436781610503423678438;0.007758620689655172306120611836;0.016091954022988505523805713437;0.004597701149425287292515918125;0.033908045977011497251751848125;0.008045977011494252761902856719;0.009770114942528735496596326016;0.000000000000000000000000000000;0.012931034482758620510201019727;0.008908045977011494129249591367;0.014367816091954022789112244141;0.027011494252873562843531018984;0.016666666666666666435370203203;0.026724137931034484122472250078;0.012356321839080459598636529961
-0.026249999999999999028554853453;0.008333333333333333217685101602;0.054166666666666668517038374375;0.026249999999999999028554853453;0.009166666666666666712925959359;0.029166666666666667129259593594;0.004166666666666666608842550801;0.019583333333333334536074943344;0.033333333333333332870740406406;0.030416666666666668239482618219;0.014999999999999999444888487687;0.019166666666666665186369300500;0.012500000000000000693889390391;0.033750000000000002220446049250;0.014999999999999999444888487687;0.020416666666666666296592325125;0.028750000000000001249000902703;0.022083333333333333287074040641;0.008333333333333333217685101602;0.009583333333333332593184650250;0.012916666666666666574148081281;0.038749999999999999722444243844;0.008750000000000000832667268469;0.034166666666666664631257788187;0.027083333333333334258519187188;0.025833333333333333148296162562;0.019583333333333334536074943344;0.021250000000000001526556658860;0.002083333333333333304421275400;0.019583333333333334536074943344;0.027500000000000000138777878078;0.028333333333333331899295259859;0.007499999999999999722444243844;0.014583333333333333564629796797;0.028333333333333331899295259859;0.038749999999999999722444243844;0.010416666666666666088425508008;0.013750000000000000069388939039;0.005833333333333333599324266316;0.025000000000000001387778780781;0.005833333333333333599324266316;0.013750000000000000069388939039;0.000000000000000000000000000000;0.026249999999999999028554853453;0.007499999999999999722444243844;0.016250000000000000555111512313;0.035000000000000003330669073875;0.025416666666666667268037471672;0.020000000000000000416333634234;0.014583333333333333564629796797
-0.047154471544715449715656774288;0.012601626016260162807536282514;0.047154471544715449715656774288;0.060162601626016262712504101273;0.008943089430894309369013406297;0.016666666666666666435370203203;0.004471544715447154684506703148;0.026422764227642277917729174419;0.017073170731707318359404723651;0.025609756097560974069660133523;0.016666666666666666435370203203;0.009349593495934959558324450768;0.018292682926829267192614381088;0.031707317073170732113496228521;0.020325203252032519873893079421;0.025609756097560974069660133523;0.019105691056910567571236470030;0.031300813008130083658908660027;0.013414634146341463186158371457;0.006097560975609756309112619022;0.011788617886178862428914193572;0.016666666666666666435370203203;0.012601626016260162807536282514;0.039837398373983742838611021853;0.037804878048780486687885371566;0.035772357723577237476053625187;0.030081300813008131356252050637;0.008130081300813008990391317354;0.000813008130081300812302957937;0.013008130081300812996847326986;0.013008130081300812996847326986;0.019105691056910567571236470030;0.010569105691056910126257584182;0.009349593495934959558324450768;0.031707317073170732113496228521;0.035365853658536582082572152785;0.010975609756097560315568628653;0.019918699186991871419305510926;0.004065040650406504495195658677;0.021138211382113820252515168363;0.005691056910569106119801574550;0.005284552845528455063128792091;0.000000000000000000000000000000;0.022357723577235772555171777753;0.012195121951219512618225238043;0.021951219512195120631137257305;0.029268292682926830977629961694;0.023170731707317072933793866696;0.028455284552845527129560920798;0.011788617886178862428914193572
-0.026944444444444444475283972906;0.008611111111111111049432054187;0.067777777777777784007362527063;0.001388888888888888941894328433;0.021111111111111111743321444578;0.021944444444444443503838826359;0.005277777777777777935830361145;0.015555555555555555108382392859;0.036388888888888887285233408875;0.031388888888888889783235214281;0.015833333333333334674852821422;0.016666666666666666435370203203;0.014999999999999999444888487687;0.031388888888888889783235214281;0.008611111111111111049432054187;0.019722222222222220849863205672;0.037499999999999998612221219219;0.046388888888888889228123701969;0.013055555555555556357383295563;0.014999999999999999444888487687;0.007499999999999999722444243844;0.023055555555555554830826636703;0.010000000000000000208166817117;0.041111111111111112159655078813;0.028611111111111111465765688422;0.028611111111111111465765688422;0.025277777777777777484802257391;0.002222222222222222220294751693;0.003333333333333333547282562037;0.022499999999999999167332731531;0.022222222222222223070309254922;0.021111111111111111743321444578;0.006388888888888889262818171488;0.010833333333333333703407674875;0.019722222222222220849863205672;0.056111111111111111604543566500;0.013611111111111110286153724758;0.014444444444444443781394582516;0.005277777777777777935830361145;0.023611111111111110494320541875;0.003888888888888888777095598215;0.016666666666666666435370203203;0.000000000000000000000000000000;0.020555555555555556079827539406;0.003333333333333333547282562037;0.024166666666666666157814447047;0.035555555555555555524716027094;0.017500000000000001665334536938;0.025555555555555557051272685953;0.011666666666666667198648532633
-0.034814814814814812327092852229;0.008888888888888888881179006773;0.047777777777777780121581940875;0.000000000000000000000000000000;0.008148148148148147418279307885;0.025925925925925925180637321432;0.005185185185185185036127464286;0.022222222222222223070309254922;0.017037037037037038034181790636;0.026666666666666668378260496297;0.021851851851851851471497667490;0.020740740740740740144509857146;0.022222222222222223070309254922;0.036296296296296298722339201959;0.009259259259259258745267118229;0.015185185185185185244294281404;0.016666666666666666435370203203;0.036296296296296298722339201959;0.017407407407407406163546426114;0.008888888888888888881179006773;0.014074074074074073917306471060;0.016666666666666666435370203203;0.015925925925925926707193980292;0.031111111111111110216764785719;0.037407407407407410049327012302;0.039629629629629632703302632990;0.029259259259259259161600752464;0.007037037037037036958653235530;0.002222222222222222220294751693;0.024074074074074074125473288177;0.024444444444444445724284875610;0.021481481481481479872686080057;0.015555555555555555108382392859;0.011481481481481481399242738917;0.035555555555555555524716027094;0.047037037037037036923958766010;0.014074074074074073917306471060;0.017777777777777777762358013547;0.004074074074074073709139653943;0.022592592592592591199673890401;0.005185185185185185036127464286;0.012222222222222222862142437805;0.000000000000000000000000000000;0.025555555555555557051272685953;0.006296296296296296363115274630;0.018888888888888889089345823891;0.025555555555555557051272685953;0.021481481481481479872686080057;0.035555555555555555524716027094;0.016296296296296294836558615771
-0.025850340136054420631106509632;0.016666666666666666435370203203;0.043877551020408162019137421339;0.146258503401360540063791404464;0.005102040816326530205115918903;0.023809523809523808202115446875;0.003401360544217686947970902267;0.021428571428571428769682682969;0.017346938775510203911700557455;0.029591836734693878485646933996;0.012244897959183672839222900564;0.014965986394557822744544317572;0.019387755102040816340691620212;0.033333333333333332870740406406;0.010544217687074829148397014933;0.013605442176870747791883609068;0.025850340136054420631106509632;0.032993197278911562397851753303;0.011904761904761904101057723437;0.006122448979591836419611450282;0.014285714285714285268213963320;0.018027210884353741388030911708;0.011564625850340135362892546311;0.034693877551020407823401114911;0.023469387755102041198673745726;0.031292517006802723911196295603;0.020748299319727891293352328717;0.022789115646258503722343391473;0.002721088435374149471640548015;0.017687074829931974384589210558;0.012925170068027210315553254816;0.015646258503401361955598147802;0.007142857142857142634106981660;0.007142857142857142634106981660;0.030272108843537415961977288248;0.034013605442176873816517712612;0.004761904761904762334312479766;0.012925170068027210315553254816;0.003061224489795918209805725141;0.028571428571428570536427926640;0.006802721088435373895941804534;0.008843537414965987192294605279;0.000000000000000000000000000000;0.019047619047619049337249919063;0.007142857142857142634106981660;0.018027210884353741388030911708;0.023469387755102041198673745726;0.014965986394557822744544317572;0.021768707482993195773124384118;0.011904761904761904101057723437
-0.014074074074074073917306471060;0.020740740740740740144509857146;0.029259259259259259161600752464;0.267777777777777781231804965500;0.005925925925925925631665425186;0.015185185185185185244294281404;0.005185185185185185036127464286;0.023333333333333334397297065266;0.020000000000000000416333634234;0.014074074074074073917306471060;0.006666666666666667094565124074;0.006666666666666667094565124074;0.010740740740740739936343040029;0.021851851851851851471497667490;0.020000000000000000416333634234;0.010370370370370370072254928573;0.017037037037037038034181790636;0.035185185185185187395351391615;0.016296296296296294836558615771;0.003703703703703703845051542487;0.011481481481481481399242738917;0.012962962962962962590318660716;0.012962962962962962590318660716;0.030370370370370370488588562807;0.014814814814814815380206169948;0.026666666666666668378260496297;0.023703703703703702526661700745;0.017407407407407406163546426114;0.004444444444444444440589503387;0.015555555555555555108382392859;0.011851851851851851263330850372;0.013333333333333334189130248149;0.010370370370370370072254928573;0.007037037037037036958653235530;0.014444444444444443781394582516;0.031481481481481478346129421197;0.008148148148148147418279307885;0.010740740740740739936343040029;0.007037037037037036958653235530;0.016296296296296294836558615771;0.010000000000000000208166817117;0.019259259259259260688157411323;0.000000000000000000000000000000;0.012962962962962962590318660716;0.012962962962962962590318660716;0.016666666666666666435370203203;0.023333333333333334397297065266;0.011111111111111111535154627461;0.018518518518518517490534236458;0.010000000000000000208166817117
-0.017730496453900710523976513855;0.013475177304964539373721699178;0.024468085106382979343475625456;0.419148936170212760288222852978;0.006028368794326241161818380476;0.006028368794326241161818380476;0.010638297872340425273551822727;0.021631205673758865243305749004;0.011702127659574467627434657402;0.019503546099290780535540079654;0.008510638297872340565786153377;0.001773049645390070878925303788;0.008510638297872340565786153377;0.013475177304964539373721699178;0.017375886524822695827774410304;0.008510638297872340565786153377;0.012411347517730497019838864503;0.021985815602836879939507852555;0.009219858156028368223466884501;0.003546099290780141757850607576;0.010283687943262410577349719176;0.007801418439716312040743684264;0.013475177304964539373721699178;0.028368794326241134062804860605;0.009574468085106382919668988052;0.016666666666666666435370203203;0.018794326241134751143135872553;0.014184397163120567031402430302;0.002127659574468085141446538344;0.007801418439716312040743684264;0.006028368794326241161818380476;0.012765957446808509981317492077;0.006028368794326241161818380476;0.008865248226950355261988256927;0.012411347517730497019838864503;0.026950354609929078747443398356;0.006382978723404254990658746038;0.005673758865248227332978014914;0.002836879432624113666489007457;0.012056737588652482323636760952;0.007801418439716312040743684264;0.015957446808510637042965996102;0.000000000000000000000000000000;0.021985815602836879939507852555;0.011347517730496454665956029828;0.015602836879432624081487368528;0.016666666666666666435370203203;0.007801418439716312040743684264;0.010283687943262410577349719176;0.007801418439716312040743684264
-0.037853107344632770658865439373;0.009604519774011300095595267123;0.049717514124293787913799747002;0.023163841807909604786352986139;0.005649717514124293765709339254;0.027966101694915253966788881712;0.003672316384180791034447244314;0.028531073446327683690304510833;0.024858757062146893956899873501;0.023728813559322034509868615260;0.022598870056497175062837357018;0.012146892655367232116692122190;0.018926553672316385329432719686;0.035593220338983051764802922889;0.012711864406779661840207751311;0.017514124293785311020643646884;0.023446327683615819648110800699;0.035593220338983051764802922889;0.021468926553672315615806098776;0.011299435028248587531418678509;0.018926553672316385329432719686;0.017514124293785311020643646884;0.020903954802259885892290469656;0.035028248587570622041287293769;0.034463276836158192317771664648;0.038700564971751415244138883054;0.032203389830508473423709148165;0.003954802259887005462524189880;0.000847457627118644043172357438;0.016949152542372881297128017763;0.007627118644067796930652303189;0.019209039548022600191190534247;0.015536723163841808723062420938;0.004802259887005650047797633562;0.020903954802259885892290469656;0.045197740112994350125674714036;0.011299435028248587531418678509;0.010734463276836157807903049388;0.002824858757062146882854669627;0.021468926553672315615806098776;0.005932203389830508627467153815;0.010734463276836157807903049388;0.000000000000000000000000000000;0.021186440677966100754048284216;0.008192090395480225786806194321;0.020056497175141241307017025974;0.036440677966101696350076366571;0.023728813559322034509868615260;0.035310734463276836903045108329;0.013276836158192089828999904455
-0.020987654320987654543717582101;0.027160493827160493707228994253;0.039814814814814816767984950729;0.040740740740740744030290443334;0.041975308641975309087435164201;0.013271604938271605589328316910;0.007716049382716048954389265191;0.025000000000000001387778780781;0.028703703703703703498106847292;0.019135802469135803488553548846;0.008950617283950617480980938012;0.001543209876543209790877853038;0.012962962962962962590318660716;0.022530864197530864334595435139;0.044753086419753083935457738107;0.012654320987654321326032480499;0.025617283950617283916351141215;0.043827160493827163612046149410;0.018518518518518517490534236458;0.010802469135802468536144971267;0.013271604938271605589328316910;0.033950617283950615399312766840;0.022222222222222223070309254922;0.032407407407407405608434913802;0.013888888888888888117900677344;0.022839506172839505598881615356;0.025000000000000001387778780781;0.042901234567901236349740656806;0.003086419753086419581755706076;0.011419753086419752799440807678;0.004320987654320987240985640909;0.022839506172839505598881615356;0.007407407407407407690103084974;0.007407407407407407690103084974;0.018209876543209876226248056241;0.036111111111111107718762980312;0.009567901234567901744276774423;0.009259259259259258745267118229;0.004938271604938271504281477320;0.033641975308641977604473538577;0.008024691358024691953398921385;0.023148148148148146863167795573;0.000000000000000000000000000000;0.019444444444444444752839729063;0.022222222222222223070309254922;0.013580246913580246853614497127;0.024074074074074074125473288177;0.017901234567901234961961876024;0.020987654320987654543717582101;0.009259259259259258745267118229
-0.019298245614035088729698586008;0.027485380116959064189519068577;0.049707602339181283790381371546;0.091812865497076026621847688602;0.006140350877192982462227099916;0.009941520467836258145855055091;0.004093567251461988597271979273;0.022222222222222223070309254922;0.026315789473684209065496020230;0.036549707602339179257633361431;0.014035087719298245875765296375;0.005263157894736841986571551644;0.007309941520467835851526672286;0.027777777777777776235801354687;0.040935672514619880768549364802;0.016081871345029238873358679029;0.024269005847953217802626113553;0.034795321637426900041045740863;0.013742690058479532094759534289;0.004678362573099415291921765458;0.012280701754385964924454199831;0.029532163742690058921835927208;0.007309941520467835851526672286;0.042982456140350878970313175387;0.019005847953216373213969347944;0.032163742690058477746717358059;0.029239766081871343406106689145;0.027192982456140352143236782467;0.001754385964912280734470662047;0.011695906432748537362442675658;0.009649122807017544364849293004;0.023391812865497074724885351316;0.006725146198830409156876886101;0.013157894736842104532748010115;0.015789473684210526827076392919;0.037426900584795322335374123668;0.005263157894736841986571551644;0.008771929824561403021832006743;0.008479532163742689240826244657;0.016081871345029238873358679029;0.009941520467836258145855055091;0.017543859649122806043664013487;0.000000000000000000000000000000;0.021929824561403507554580016858;0.017836257309941521559393251550;0.015497076023391813046070630833;0.029532163742690058921835927208;0.015204678362573099265064868746;0.016959064327485378481652489313;0.015204678362573099265064868746
-0.020416666666666666296592325125;0.018749999999999999306110609609;0.029166666666666667129259593594;0.257083333333333330372738601000;0.014166666666666665949647629930;0.019583333333333334536074943344;0.003749999999999999861222121922;0.020416666666666666296592325125;0.020833333333333332176851016015;0.011249999999999999583666365766;0.010833333333333333703407674875;0.005833333333333333599324266316;0.010833333333333333703407674875;0.017500000000000001665334536938;0.029583333333333333009518284484;0.017083333333333332315628894094;0.016666666666666666435370203203;0.029583333333333333009518284484;0.024583333333333332038073137937;0.005416666666666666851703837438;0.016250000000000000555111512313;0.028750000000000001249000902703;0.009166666666666666712925959359;0.018749999999999999306110609609;0.024583333333333332038073137937;0.017916666666666667545593227828;0.020416666666666666296592325125;0.020833333333333332176851016015;0.001250000000000000026020852140;0.027916666666666666019036568969;0.011249999999999999583666365766;0.010833333333333333703407674875;0.008750000000000000832667268469;0.010000000000000000208166817117;0.017083333333333332315628894094;0.024166666666666666157814447047;0.005833333333333333599324266316;0.008750000000000000832667268469;0.004583333333333333356462979680;0.015833333333333334674852821422;0.006666666666666667094565124074;0.010416666666666666088425508008;0.000000000000000000000000000000;0.007499999999999999722444243844;0.016250000000000000555111512313;0.013333333333333334189130248149;0.017083333333333332315628894094;0.011666666666666667198648532633;0.020833333333333332176851016015;0.010000000000000000208166817117
-0.024031007751937984162626804618;0.017829457364341085023884403427;0.056976744186046514306642762904;0.119767441860465118086409574971;0.005426356589147286746399601043;0.013178294573643410669827602533;0.005813953488372092942571001117;0.033333333333333332870740406406;0.021317829457364340789427004097;0.020542635658914728397084203948;0.016279069767441860239198803129;0.008139534883720930119599401564;0.015891472868217054043027403054;0.026744186046511627535826605140;0.020542635658914728397084203948;0.010465116279069767296627802011;0.021317829457364340789427004097;0.046511627906976743540568008939;0.020155038759689922200912803874;0.010077519379844961100456401937;0.020930232558139534593255604022;0.016666666666666666435370203203;0.020155038759689922200912803874;0.026356589147286821339655205065;0.017829457364341085023884403427;0.022093023255813953181769804246;0.036434108527131782440111607002;0.014341085271317829258341802756;0.002325581395348837177028400447;0.008914728682170542511942201713;0.004263565891472868157885400819;0.016666666666666666435370203203;0.017441860465116278827713003352;0.010852713178294573492799202086;0.023255813953488371770284004469;0.036046511627906979713387158881;0.011240310077519379688970602160;0.010852713178294573492799202086;0.002325581395348837177028400447;0.019767441860465116004741403799;0.011240310077519379688970602160;0.015503875968992247846856002980;0.000000000000000000000000000000;0.011240310077519379688970602160;0.008914728682170542511942201713;0.015503875968992247846856002980;0.020542635658914728397084203948;0.020155038759689922200912803874;0.032558139534883720478397606257;0.011240310077519379688970602160
-0.021825396825396824185272492969;0.019444444444444444752839729063;0.062301587301587302292205095000;0.059523809523809520505288617187;0.019444444444444444752839729063;0.017857142857142856151586585156;0.004761904761904762334312479766;0.024206349206349207087152208828;0.021031746031746033354092872969;0.020634920634920634469056111016;0.011507936507936508685467913438;0.006746031746031746351155433672;0.010714285714285714384841341484;0.034126984126984123701920026406;0.018253968253968255036623347110;0.020238095238095239053466301016;0.031349206349206348853897452500;0.034523809523809526056403740313;0.018253968253968255036623347110;0.007539682539682539784420267637;0.012698412698412698401684295391;0.017460317460317460735996775156;0.010317460317460317234528055508;0.042063492063492066708185745938;0.024206349206349207087152208828;0.028571428571428570536427926640;0.029365079365079364837054498594;0.003174603174603174600421073848;0.001984126984126984016842953906;0.019047619047619049337249919063;0.009920634920634920084214769531;0.025396825396825396803368590781;0.007539682539682539784420267637;0.009126984126984127518311673555;0.018253968253968255036623347110;0.051190476190476189022326991562;0.009920634920634920084214769531;0.008333333333333333217685101602;0.001984126984126984016842953906;0.017460317460317460735996775156;0.012301587301587301251371009414;0.015079365079365079568840535273;0.000000000000000000000000000000;0.026984126984126985404621734688;0.013492063492063492702310867344;0.015079365079365079568840535273;0.035714285714285712303173170312;0.029761904761904760252644308594;0.023015873015873017370935826875;0.016269841269841271019780393203
-0.031481481481481478346129421197;0.017037037037037038034181790636;0.052222222222222225429533182250;0.058148148148148150193836869448;0.018888888888888889089345823891;0.020740740740740740144509857146;0.006666666666666667094565124074;0.016666666666666666435370203203;0.021481481481481479872686080057;0.025185185185185185452461098521;0.014444444444444443781394582516;0.007407407407407407690103084974;0.018888888888888889089345823891;0.035555555555555555524716027094;0.013333333333333334189130248149;0.015925925925925926707193980292;0.033333333333333332870740406406;0.038148148148148146308056283260;0.012592592592592592726230549260;0.007777777777777777554191196430;0.012962962962962962590318660716;0.026666666666666668378260496297;0.021481481481481479872686080057;0.033333333333333332870740406406;0.025185185185185185452461098521;0.027777777777777776235801354687;0.022222222222222223070309254922;0.010000000000000000208166817117;0.003333333333333333547282562037;0.015185185185185185244294281404;0.009629629629629630344078705662;0.019259259259259260688157411323;0.006666666666666667094565124074;0.011111111111111111535154627461;0.031851851851851853414387960584;0.031851851851851853414387960584;0.005925925925925925631665425186;0.013703703703703704053218359604;0.002962962962962962815832712593;0.031851851851851853414387960584;0.008518518518518519017090895318;0.015185185185185185244294281404;0.000000000000000000000000000000;0.023333333333333334397297065266;0.009629629629629630344078705662;0.022592592592592591199673890401;0.027407407407407408106436719208;0.018888888888888889089345823891;0.030370370370370370488588562807;0.015185185185185185244294281404
-0.023275862068965518653085311485;0.021839080459770114639450611094;0.039655172413793106367396745782;0.003448275862068965469386938594;0.007471264367816091850338366953;0.026149425287356323210907760313;0.006609195402298850482991632305;0.030172413793103449591859188672;0.027298850574712645034036739844;0.016666666666666666435370203203;0.013793103448275861877547754375;0.008620689655172413673467346484;0.028448275862068966857165719375;0.025862068965517241020402039453;0.017816091954022988258499182734;0.012643678160919540054418774844;0.027298850574712645034036739844;0.048563218390804595292475909218;0.022988505747126436462579590625;0.007471264367816091850338366953;0.016379310344827587714311434297;0.028448275862068966857165719375;0.034195402298850575972810617031;0.019827586206896553183698372891;0.023850574712643679564649801250;0.023850574712643679564649801250;0.035057471264367819074880827657;0.013218390804597700965983264609;0.004597701149425287292515918125;0.024712643678160919197273059922;0.008908045977011494129249591367;0.010057471264367815952378570898;0.024425287356321840476214291016;0.009482758620689655040814081133;0.044252873563218393659912663907;0.031896551724137932326552657969;0.016666666666666666435370203203;0.012356321839080459598636529961;0.006034482758620689571427142539;0.041091954022988506911584494219;0.010057471264367815952378570898;0.022701149425287357741520821719;0.000000000000000000000000000000;0.012643678160919540054418774844;0.013793103448275861877547754375;0.019540229885057470993192652031;0.016666666666666666435370203203;0.013505747126436781421765509492;0.033045977011494254149681637500;0.012643678160919540054418774844
-0.028750000000000001249000902703;0.015833333333333334674852821422;0.057916666666666664908813544344;0.040000000000000000832667268469;0.009583333333333332593184650250;0.022083333333333333287074040641;0.003749999999999999861222121922;0.032083333333333331760517381781;0.020833333333333332176851016015;0.031666666666666669349705642844;0.020000000000000000416333634234;0.007916666666666667337426410711;0.014583333333333333564629796797;0.036249999999999997501998194593;0.026666666666666668378260496297;0.013750000000000000069388939039;0.023333333333333334397297065266;0.042500000000000003053113317719;0.023750000000000000277555756156;0.010416666666666666088425508008;0.019166666666666665186369300500;0.012083333333333333078907223523;0.010833333333333333703407674875;0.035000000000000003330669073875;0.027083333333333334258519187188;0.035833333333333335091186455656;0.036249999999999997501998194593;0.011249999999999999583666365766;0.002083333333333333304421275400;0.009583333333333332593184650250;0.006250000000000000346944695195;0.027500000000000000138777878078;0.012500000000000000693889390391;0.009166666666666666712925959359;0.014583333333333333564629796797;0.051666666666666666296592325125;0.014999999999999999444888487687;0.010000000000000000208166817117;0.001250000000000000026020852140;0.008333333333333333217685101602;0.007916666666666667337426410711;0.003749999999999999861222121922;0.000000000000000000000000000000;0.020833333333333332176851016015;0.018333333333333333425851918719;0.012500000000000000693889390391;0.029583333333333333009518284484;0.022499999999999999167332731531;0.032916666666666663521034763562;0.014583333333333333564629796797
-0.015555555555555555108382392859;0.015185185185185185244294281404;0.032962962962962964741375770927;0.173703703703703693506099625665;0.045555555555555557467606320188;0.013703703703703704053218359604;0.011851851851851851263330850372;0.021481481481481479872686080057;0.016296296296296294836558615771;0.027037037037037036507625131776;0.009259259259259258745267118229;0.010000000000000000208166817117;0.008888888888888888881179006773;0.024444444444444445724284875610;0.025555555555555557051272685953;0.019629629629629628817522046802;0.022592592592592591199673890401;0.020740740740740740144509857146;0.017407407407407406163546426114;0.004074074074074073709139653943;0.007777777777777777554191196430;0.015555555555555555108382392859;0.002962962962962962815832712593;0.045555555555555557467606320188;0.024074074074074074125473288177;0.027037037037037036507625131776;0.021111111111111111743321444578;0.018518518518518517490534236458;0.005555555555555555767577313730;0.016296296296296294836558615771;0.011481481481481481399242738917;0.031111111111111110216764785719;0.005555555555555555767577313730;0.010740740740740739936343040029;0.011851851851851851263330850372;0.033703703703703701000105041885;0.003703703703703703845051542487;0.010740740740740739936343040029;0.002222222222222222220294751693;0.012592592592592592726230549260;0.007037037037037036958653235530;0.010370370370370370072254928573;0.000000000000000000000000000000;0.023703703703703702526661700745;0.025555555555555557051272685953;0.018888888888888889089345823891;0.023703703703703702526661700745;0.011111111111111111535154627461;0.015185185185185185244294281404;0.010370370370370370072254928573
-0.026249999999999999028554853453;0.010416666666666666088425508008;0.088333333333333333148296162562;0.036249999999999997501998194593;0.002500000000000000052041704279;0.017083333333333332315628894094;0.001250000000000000026020852140;0.012500000000000000693889390391;0.029583333333333333009518284484;0.027083333333333334258519187188;0.016666666666666666435370203203;0.008750000000000000832667268469;0.013333333333333334189130248149;0.053749999999999999167332731531;0.009166666666666666712925959359;0.019583333333333334536074943344;0.024583333333333332038073137937;0.037916666666666667961926862063;0.005416666666666666851703837438;0.008333333333333333217685101602;0.011666666666666667198648532633;0.027916666666666666019036568969;0.005833333333333333599324266316;0.036249999999999997501998194593;0.032916666666666663521034763562;0.043749999999999997224442438437;0.026249999999999999028554853453;0.011666666666666667198648532633;0.000416666666666666693410320255;0.012500000000000000693889390391;0.005833333333333333599324266316;0.020833333333333332176851016015;0.008750000000000000832667268469;0.018749999999999999306110609609;0.024583333333333332038073137937;0.041666666666666664353702032031;0.009583333333333332593184650250;0.010833333333333333703407674875;0.002500000000000000052041704279;0.027916666666666666019036568969;0.004166666666666666608842550801;0.010416666666666666088425508008;0.000000000000000000000000000000;0.010833333333333333703407674875;0.002916666666666666799662133158;0.010000000000000000208166817117;0.045416666666666667684371105906;0.031250000000000000000000000000;0.030416666666666668239482618219;0.025416666666666667268037471672
-0.026415094339622642582998679472;0.017610062893081760565516802330;0.029559748427672956350154009897;0.122012578616352201921202436097;0.028616352201257862220007410770;0.027672955974842768089860811642;0.006603773584905660645749669868;0.025786163522012579829567613388;0.014779874213836478175077004948;0.016666666666666666435370203203;0.015408805031446540928508071033;0.010377358490566037166336066377;0.019811320754716980202525533628;0.025786163522012579829567613388;0.019496855345911948825810000585;0.018867924528301886072378934500;0.013522012578616352668214872779;0.030503144654088050480300609024;0.025471698113207548452852080345;0.006603773584905660645749669868;0.021383647798742137086103198840;0.019811320754716980202525533628;0.018867924528301886072378934500;0.020754716981132074332672132755;0.029245283018867924973438476854;0.027358490566037736713145278600;0.028616352201257862220007410770;0.009748427672955974412905000293;0.001572327044025157317258534206;0.024528301886792454322705481218;0.011949685534591195784637207566;0.012264150943396227161352740609;0.017295597484276729188801269288;0.009433962264150943036189467250;0.023270440251572325346396397094;0.027044025157232705336429745557;0.010691823899371068543051599420;0.010062893081761005789620533335;0.003144654088050314634517068413;0.021069182389937105709387665797;0.006289308176100629269034136826;0.013522012578616352668214872779;0.000000000000000000000000000000;0.022012578616352199839534264925;0.016981132075471697812085736246;0.012578616352201258538068273651;0.019811320754716980202525533628;0.015094339622641509551792537991;0.029245283018867924973438476854;0.014779874213836478175077004948
-0.033333333333333332870740406406;0.011111111111111111535154627461;0.051111111111111114102545371907;0.001111111111111111110147375847;0.002962962962962962815832712593;0.023333333333333334397297065266;0.001111111111111111110147375847;0.012962962962962962590318660716;0.027777777777777776235801354687;0.031111111111111110216764785719;0.010740740740740739936343040029;0.015185185185185185244294281404;0.016296296296296294836558615771;0.035925925925925923654080662573;0.005925925925925925631665425186;0.017037037037037038034181790636;0.025925925925925925180637321432;0.030370370370370370488588562807;0.010740740740740739936343040029;0.008518518518518519017090895318;0.012222222222222222862142437805;0.025185185185185185452461098521;0.012592592592592592726230549260;0.050000000000000002775557561563;0.036666666666666666851703837438;0.040370370370370368962031903948;0.018148148148148149361169600979;0.006666666666666667094565124074;0.004074074074074073709139653943;0.015185185185185185244294281404;0.020370370370370372015145221667;0.025925925925925925180637321432;0.005925925925925925631665425186;0.009259259259259258745267118229;0.035555555555555555524716027094;0.045185185185185182399347780802;0.010370370370370370072254928573;0.016296296296296294836558615771;0.007777777777777777554191196430;0.027407407407407408106436719208;0.004814814814814815172039352831;0.019629629629629628817522046802;0.000000000000000000000000000000;0.025185185185185185452461098521;0.004074074074074073709139653943;0.022592592592592591199673890401;0.048148148148148148250946576354;0.031851851851851853414387960584;0.026666666666666668378260496297;0.019259259259259260688157411323
-0.025347222222222222376419864531;0.020486111111111111188209932266;0.031250000000000000000000000000;0.030208333333333333564629796797;0.029166666666666667129259593594;0.023263888888888889505679458125;0.007291666666666666782314898398;0.033333333333333332870740406406;0.012152777777777777970524830664;0.018749999999999999306110609609;0.018402777777777778317469525859;0.011111111111111111535154627461;0.021527777777777777623580135469;0.024305555555555555941049661328;0.029861111111111112575988713047;0.022569444444444444058950338672;0.016319444444444445446729119453;0.040972222222222222376419864531;0.022569444444444444058950338672;0.004513888888888888464845372539;0.015972222222222220988641083750;0.017708333333333332870740406406;0.024305555555555555941049661328;0.021874999999999998612221219219;0.032291666666666669904817155157;0.032986111111111111882099322656;0.027083333333333334258519187188;0.015972222222222220988641083750;0.001736111111111111014737584668;0.027430555555555555247160270937;0.008680555555555555941049661328;0.010416666666666666088425508008;0.019097222222222223764198645313;0.009374999999999999653055304805;0.021874999999999998612221219219;0.029513888888888888117900677344;0.011111111111111111535154627461;0.013541666666666667129259593594;0.003819444444444444319158860068;0.028472222222222221682530474141;0.007291666666666666782314898398;0.012500000000000000693889390391;0.000000000000000000000000000000;0.025000000000000001387778780781;0.028819444444444446140618509844;0.023263888888888889505679458125;0.025347222222222222376419864531;0.019097222222222223764198645313;0.023611111111111110494320541875;0.018402777777777778317469525859
-0.019444444444444444752839729063;0.045555555555555557467606320188;0.042777777777777775680689842375;0.001944444444444444388547799107;0.003333333333333333547282562037;0.017777777777777777762358013547;0.008888888888888888881179006773;0.033333333333333332870740406406;0.025277777777777777484802257391;0.025555555555555557051272685953;0.012777777777777778525636342977;0.005833333333333333599324266316;0.013611111111111110286153724758;0.017777777777777777762358013547;0.025833333333333333148296162562;0.008611111111111111049432054187;0.032500000000000001110223024625;0.086111111111111110494320541875;0.018888888888888889089345823891;0.007222222222222221890697291258;0.017222222222222222098864108375;0.018333333333333333425851918719;0.029166666666666667129259593594;0.024166666666666666157814447047;0.020000000000000000416333634234;0.021666666666666667406815349750;0.031111111111111110216764785719;0.029444444444444443226283070203;0.001666666666666666773641281019;0.011388888888888889366901580047;0.006666666666666667094565124074;0.023888888888888890060790970438;0.013888888888888888117900677344;0.009722222222222222376419864531;0.020833333333333332176851016015;0.046111111111111109661653273406;0.014166666666666665949647629930;0.009444444444444444544672911945;0.004166666666666666608842550801;0.021666666666666667406815349750;0.016944444444444446001840631766;0.025277777777777777484802257391;0.000000000000000000000000000000;0.021666666666666667406815349750;0.010833333333333333703407674875;0.028888888888888887562789165031;0.018888888888888889089345823891;0.011111111111111111535154627461;0.025277777777777777484802257391;0.013333333333333334189130248149
-0.030740740740740742087400150240;0.013333333333333334189130248149;0.046296296296296293726335591145;0.010740740740740739936343040029;0.003703703703703703845051542487;0.021111111111111111743321444578;0.007037037037037036958653235530;0.020370370370370372015145221667;0.020370370370370372015145221667;0.027777777777777776235801354687;0.013333333333333334189130248149;0.010000000000000000208166817117;0.026296296296296296779448908865;0.032222222222222221543752596062;0.011481481481481481399242738917;0.017407407407407406163546426114;0.030740740740740742087400150240;0.045555555555555557467606320188;0.015925925925925926707193980292;0.009259259259259258745267118229;0.019629629629629628817522046802;0.022962962962962962798485477833;0.027037037037037036507625131776;0.034814814814814812327092852229;0.022962962962962962798485477833;0.032222222222222221543752596062;0.028518518518518519433424529552;0.003703703703703703845051542487;0.002222222222222222220294751693;0.021851851851851851471497667490;0.009629629629629630344078705662;0.022962962962962962798485477833;0.012962962962962962590318660716;0.010740740740740739936343040029;0.031481481481481478346129421197;0.040370370370370368962031903948;0.011111111111111111535154627461;0.015185185185185185244294281404;0.002592592592592592518063732143;0.025555555555555557051272685953;0.009259259259259258745267118229;0.017037037037037038034181790636;0.000000000000000000000000000000;0.027407407407407408106436719208;0.008888888888888888881179006773;0.025555555555555557051272685953;0.032962962962962964741375770927;0.019629629629629628817522046802;0.032592592592592589673117231541;0.014444444444444443781394582516
-0.030246913580246913288984700330;0.009876543209876543008562954640;0.038580246913580244771946325955;0.166358024691358019619968899860;0.002777777777777777883788656865;0.013271604938271605589328316910;0.005246913580246913635929395525;0.020370370370370372015145221667;0.013271604938271605589328316910;0.024691358024691356654045648611;0.016049382716049383906797842769;0.015740740740740739173064710599;0.011728395061728395798450463872;0.035493827160493825190190619878;0.007407407407407407690103084974;0.019753086419753086017125909279;0.018518518518518517490534236458;0.018518518518518517490534236458;0.009259259259259258745267118229;0.008950617283950617480980938012;0.014814814814814815380206169948;0.010185185185185186007572610833;0.012654320987654321326032480499;0.039814814814814816767984950729;0.023148148148148146863167795573;0.034259259259259260133045899011;0.028703703703703703498106847292;0.004320987654320987240985640909;0.002160493827160493620492820455;0.010185185185185186007572610833;0.017901234567901234961961876024;0.020061728395061727281412089496;0.005864197530864197899225231936;0.015123456790123456644492350165;0.025308641975308642652064960998;0.037345679012345679714801605087;0.009567901234567901744276774423;0.012962962962962962590318660716;0.002160493827160493620492820455;0.016666666666666666435370203203;0.004320987654320987240985640909;0.007407407407407407690103084974;0.000000000000000000000000000000;0.023148148148148146863167795573;0.008333333333333333217685101602;0.018827160493827162224267368629;0.044444444444444446140618509844;0.025925925925925925180637321432;0.021296296296296295808003762318;0.016975308641975307699656383420
-0.020833333333333332176851016015;0.006597222222222222202947516934;0.050694444444444444752839729063;0.218055555555555558022717832500;0.002083333333333333304421275400;0.010069444444444445099784424258;0.004513888888888888464845372539;0.017013888888888887424011286953;0.013194444444444444405895033867;0.029513888888888888117900677344;0.011111111111111111535154627461;0.007986111111111110494320541875;0.009722222222222222376419864531;0.048611111111111111882099322656;0.011111111111111111535154627461;0.018402777777777778317469525859;0.014930555555555556287994356524;0.021180555555555556634939051719;0.009027777777777776929690745078;0.009722222222222222376419864531;0.009374999999999999653055304805;0.017361111111111111882099322656;0.006944444444444444058950338672;0.044791666666666667129259593594;0.027430555555555555247160270937;0.031597222222222220988641083750;0.027430555555555555247160270937;0.003819444444444444319158860068;0.002777777777777777883788656865;0.006944444444444444058950338672;0.007638888888888888638317720137;0.015277777777777777276635440273;0.002430555555555555594104966133;0.007638888888888888638317720137;0.016666666666666666435370203203;0.038194444444444447528397290625;0.009027777777777776929690745078;0.008680555555555555941049661328;0.004861111111111111188209932266;0.020833333333333332176851016015;0.007638888888888888638317720137;0.007638888888888888638317720137;0.000000000000000000000000000000;0.023263888888888889505679458125;0.005902777777777777623580135469;0.013541666666666667129259593594;0.040972222222222222376419864531;0.023958333333333334952408577578;0.017013888888888887424011286953;0.015972222222222220988641083750
-0.031446540880503144610447208152;0.004402515723270440141379200583;0.052201257861635222412566292860;0.151257861635220119955747009044;0.000943396226415094346987033624;0.018238993710691823318947868415;0.004716981132075471518094733625;0.016981132075471697812085736246;0.018553459119496854695663401458;0.031446540880503144610447208152;0.016037735849056603681939137118;0.009119496855345911659473934208;0.016037735849056603681939137118;0.044654088050314462432499595934;0.010062893081761005789620533335;0.025786163522012579829567613388;0.018238993710691823318947868415;0.019811320754716980202525533628;0.005974842767295597892318603783;0.007861635220125786152611802038;0.008805031446540880282758401165;0.020754716981132074332672132755;0.009119496855345911659473934208;0.041509433962264148665344265510;0.032389937106918238740593807279;0.037106918238993709391326802916;0.017924528301886791942232335373;0.002201257861635220070689600291;0.001572327044025157317258534206;0.007861635220125786152611802038;0.005660377358490565648241332752;0.021383647798742137086103198840;0.005660377358490565648241332752;0.012264150943396227161352740609;0.024842767295597485699421014260;0.031761006289308175987162741194;0.008490566037735848906042868123;0.016352201257861635058654670161;0.002515723270440251447405133334;0.023270440251572325346396397094;0.003459119496855346011232601455;0.005345911949685534271525799710;0.000000000000000000000000000000;0.017924528301886791942232335373;0.003459119496855346011232601455;0.019182389937106917449094467543;0.038679245283018866274904468128;0.032075471698113207363878274236;0.025157232704402517076136547303;0.019496855345911948825810000585
-0.019491525423728815052948348807;0.005367231638418078903951524694;0.063276836158192087400387038088;0.181073446327683629242244478519;0.000847457627118644043172357438;0.006214689265536723489224968375;0.004802259887005650047797633562;0.020621468926553671030532655095;0.012429378531073446978449936751;0.049717514124293787913799747002;0.011016949152542372669660863949;0.002824858757062146882854669627;0.006497175141242937483621044947;0.040677966101694912337549681070;0.009322033898305085233837452563;0.012429378531073446978449936751;0.022316384180790960201079542458;0.020621468926553671030532655095;0.005367231638418078903951524694;0.007909604519774010925048379761;0.011864406779661017254934307630;0.016101694915254236711854574082;0.002824858757062146882854669627;0.064124293785310731985660481769;0.019491525423728815052948348807;0.050564971751412432499073190684;0.022316384180790960201079542458;0.001694915254237288086344714877;0.001129943502824858796509954750;0.001129943502824858796509954750;0.001977401129943502731262094940;0.027683615819209039105031067152;0.002259887005649717593019909501;0.010169491525423728084387420267;0.010734463276836157807903049388;0.063559322033898302262144852648;0.009322033898305085233837452563;0.005084745762711864042193710134;0.000564971751412429398254977375;0.009887005649717514957353081684;0.007909604519774010925048379761;0.001977401129943502731262094940;0.000000000000000000000000000000;0.027401129943502824243273252591;0.003672316384180791034447244314;0.017514124293785311020643646884;0.053389830508474574177757432381;0.027118644067796609381515438031;0.011864406779661017254934307630;0.013841807909604519552515533576
-0.018439716312056736446933769002;0.007801418439716312040743684264;0.079787234042553195623170836370;0.097872340425531917373902501822;0.021631205673758865243305749004;0.009219858156028368223466884501;0.003191489361702127495329373019;0.020921985815602835850901541903;0.012411347517730497019838864503;0.043617021276595745182813601559;0.014539007092198581727604533853;0.001418439716312056833244503729;0.005319148936170212636775911363;0.040425531914893619855888573511;0.012411347517730497019838864503;0.008865248226950355261988256927;0.028723404255319148759006964156;0.035106382978723406351750924159;0.017375886524822695827774410304;0.010992907801418439969753926277;0.014893617021276596423806637404;0.017730496453900710523976513855;0.007446808510638298211903318702;0.053546099290780142798684693162;0.015957446808510637042965996102;0.033333333333333332870740406406;0.020567375886524821154699438353;0.009929078014184397615871091602;0.001418439716312056833244503729;0.010638297872340425273551822727;0.002127659574468085141446538344;0.034042553191489362263144613507;0.005319148936170212636775911363;0.008156028368794325869584049826;0.012056737588652482323636760952;0.055319148936170209340801307007;0.013475177304964539373721699178;0.005319148936170212636775911363;0.000000000000000000000000000000;0.012765957446808509981317492077;0.007446808510638298211903318702;0.002836879432624113666489007457;0.000000000000000000000000000000;0.025531914893617019962634984154;0.011347517730496454665956029828;0.015957446808510637042965996102;0.050709219858156025229067864757;0.024468085106382979343475625456;0.020567375886524821154699438353;0.017021276595744681131572306754
-0.015666666666666665547191783503;0.026666666666666668378260496297;0.035666666666666665963525417737;0.258666666666666655860495893648;0.032333333333333331982561986706;0.011333333333333334147496884725;0.006000000000000000124900090270;0.028666666666666666685170383744;0.017333333333333332537673499019;0.011333333333333334147496884725;0.009333333333333334105863521302;0.004333333333333333134418374755;0.007000000000000000145716771982;0.021000000000000001304512053935;0.028666666666666666685170383744;0.010333333333333333259318465025;0.011666666666666667198648532633;0.031666666666666669349705642844;0.027666666666666665796991964044;0.005000000000000000104083408559;0.016666666666666666435370203203;0.011666666666666667198648532633;0.013666666666666667240281896056;0.017000000000000001221245327088;0.015666666666666665547191783503;0.022333333333333333509118645566;0.029666666666666667573348803444;0.021333333333333332620940225866;0.000666666666666666644404382058;0.022999999999999999611421941381;0.008999999999999999319988397417;0.008999999999999999319988397417;0.014333333333333333342585191872;0.008000000000000000166533453694;0.009666666666666667157015169209;0.019666666666666665630458510350;0.011333333333333334147496884725;0.005333333333333333155235056466;0.002333333333333333526465880325;0.012000000000000000249800180541;0.010999999999999999361621760841;0.008000000000000000166533453694;0.000000000000000000000000000000;0.007333333333333333196868419890;0.021666666666666667406815349750;0.008333333333333333217685101602;0.017999999999999998639976794834;0.012666666666666666352103476356;0.026666666666666668378260496297;0.013666666666666667240281896056
-0.027659574468085104670400653504;0.015602836879432624081487368528;0.075177304964539004572543490212;0.000354609929078014208311125932;0.007801418439716312040743684264;0.025886524822695034658837087704;0.002127659574468085141446538344;0.034042553191489362263144613507;0.014539007092198581727604533853;0.023404255319148935254869314804;0.021985815602836879939507852555;0.012765957446808509981317492077;0.014539007092198581727604533853;0.036879432624113472893867538005;0.020567375886524821154699438353;0.018439716312056736446933769002;0.025531914893617019962634984154;0.051773049645390069317674175409;0.027659574468085104670400653504;0.008865248226950355261988256927;0.020921985815602835850901541903;0.026241134751773049355039191255;0.020212765957446809927944286756;0.022340425531914894635709956106;0.028368794326241134062804860605;0.030851063829787233466772633506;0.037588652482269502286271745106;0.004964539007092198807935545801;0.000354609929078014208311125932;0.020921985815602835850901541903;0.008156028368794325869584049826;0.013829787234042552335200326752;0.014893617021276596423806637404;0.016666666666666666435370203203;0.015602836879432624081487368528;0.040070921985815605159686469960;0.014893617021276596423806637404;0.008510638297872340565786153377;0.003900709219858156020371842132;0.017375886524822695827774410304;0.004609929078014184111733442251;0.011702127659574467627434657402;0.000000000000000000000000000000;0.009929078014184397615871091602;0.008865248226950355261988256927;0.012765957446808509981317492077;0.026595744680851064051241294806;0.028368794326241134062804860605;0.043262411347517730486611498009;0.021631205673758865243305749004
-0.041176470588235293546208737325;0.017647058823529411519803744568;0.040849673202614379674546540855;0.000653594771241830020148955160;0.003267973856209150426005427548;0.055228758169934638599940512904;0.001633986928104575213002713774;0.029411764705882352533006240947;0.009150326797385621366287544731;0.017973856209150325391465941038;0.028431372549019607448572699582;0.045751633986928101627267295726;0.023856209150326795898067189228;0.027777777777777776235801354687;0.014379084967320260660117448026;0.019607843137254901688670827298;0.012091503267973856619588168826;0.034640522875816995296283096195;0.037581699346405227080136768336;0.004575163398692810683143772366;0.027450980392156862364139158217;0.010784313725490195928768955014;0.016339869281045752563708006733;0.023856209150326795898067189228;0.052614379084967320687749037234;0.030392156862745097617439782312;0.038888888888888889505679458125;0.006209150326797385245625182648;0.000653594771241830020148955160;0.045424836601307187755605099255;0.012091503267973856619588168826;0.011437908496732025406816823931;0.024509803921568627110838534122;0.008496732026143790153516199837;0.013725490196078431182069579108;0.030718954248366011489101978782;0.013725490196078431182069579108;0.008169934640522876281854003366;0.001307189542483660040297910321;0.008496732026143790153516199837;0.007516339869281045936444396460;0.009477124183006535237949741202;0.000000000000000000000000000000;0.008496732026143790153516199837;0.013071895424836601704021710191;0.011437908496732025406816823931;0.024183006535947713239176337652;0.020588235294117646773104368663;0.036601307189542485465150178925;0.017647058823529411519803744568
-0.020370370370370372015145221667;0.021111111111111111743321444578;0.046666666666666668794594130532;0.000370370370370370351979089074;0.014444444444444443781394582516;0.022222222222222223070309254922;0.009259259259259258745267118229;0.046666666666666668794594130532;0.018888888888888889089345823891;0.011111111111111111535154627461;0.018888888888888889089345823891;0.005925925925925925631665425186;0.014074074074074073917306471060;0.021481481481481479872686080057;0.031111111111111110216764785719;0.008518518518518519017090895318;0.013333333333333334189130248149;0.075925925925925924486747931041;0.052222222222222225429533182250;0.009629629629629630344078705662;0.029999999999999998889776975375;0.015555555555555555108382392859;0.034444444444444444197728216750;0.016666666666666666435370203203;0.023333333333333334397297065266;0.018518518518518517490534236458;0.054444444444444441144614899031;0.007777777777777777554191196430;0.000000000000000000000000000000;0.044074074074074071072359970458;0.005925925925925925631665425186;0.007407407407407407690103084974;0.035925925925925923654080662573;0.005555555555555555767577313730;0.021111111111111111743321444578;0.032592592592592589673117231541;0.020740740740740740144509857146;0.004444444444444444440589503387;0.001481481481481481407916356297;0.014074074074074073917306471060;0.015555555555555555108382392859;0.008888888888888888881179006773;0.000000000000000000000000000000;0.006296296296296296363115274630;0.017407407407407406163546426114;0.009629629629629630344078705662;0.015185185185185185244294281404;0.013703703703703704053218359604;0.047407407407407405053323401489;0.009629629629629630344078705662
-0.036394557823129253248950476518;0.002721088435374149471640548015;0.078571428571428569842538536250;0.075510204081632656403222370045;0.000680272108843537367910137004;0.019047619047619049337249919063;0.001360544217687074735820274007;0.010884353741496597886562192059;0.022789115646258503722343391473;0.021768707482993195773124384118;0.018027210884353741388030911708;0.009183673469387755930459782405;0.016326530612244899431928502054;0.056122448979591836593083797879;0.005782312925170067681446273156;0.015986394557823128959039848951;0.029591836734693878485646933996;0.024489795918367345678445801127;0.005782312925170067681446273156;0.018367346938775511860919564811;0.011224489795918366624727369185;0.024489795918367345678445801127;0.006802721088435373895941804534;0.032653061224489798863857004108;0.043197278911564628012254019040;0.039455782312925166688266642723;0.031292517006802723911196295603;0.002040816326530612428991062757;0.001700680272108843473985451134;0.003061224489795918209805725141;0.004081632653061224857982125513;0.015646258503401361955598147802;0.003741496598639455686136079393;0.009523809523809524668624959531;0.023809523809523808202115446875;0.047278911564625852870236144554;0.015306122448979591482709494699;0.008503401360544218454129428153;0.002721088435374149471640548015;0.018367346938775511860919564811;0.003401360544217686947970902267;0.010204081632653060410231837807;0.000000000000000000000000000000;0.015306122448979591482709494699;0.002721088435374149471640548015;0.007823129251700680977799073901;0.052721088435374152680878978572;0.035034013605442178296289768014;0.031972789115646257918079697902;0.026530612244897958107436863884
-0.009150326797385621366287544731;0.013398692810457515575683906661;0.037908496732026140951798964807;0.416013071895424857427059350812;0.011437908496732025406816823931;0.006862745098039215591034789554;0.007516339869281045936444396460;0.014052287581699346788455251556;0.013725490196078431182069579108;0.010130718954248366450721086096;0.007843137254901960675468330919;0.006209150326797385245625182648;0.011437908496732025406816823931;0.019607843137254901688670827298;0.023529411764705882026404992757;0.004248366013071895076758099918;0.019281045751633987817008630827;0.020915032679738560644766565133;0.009150326797385621366287544731;0.005882352941176470506601248189;0.009150326797385621366287544731;0.017973856209150325391465941038;0.017320261437908497648141548098;0.015686274509803921350936661838;0.010457516339869280322383282567;0.011111111111111111535154627461;0.021241830065359477985875713557;0.014052287581699346788455251556;0.003594771241830065165029362007;0.008823529411764705759901872284;0.004248366013071895076758099918;0.012091503267973856619588168826;0.004575163398692810683143772366;0.007189542483660130330058724013;0.023529411764705882026404992757;0.016666666666666666435370203203;0.004575163398692810683143772366;0.004575163398692810683143772366;0.006862745098039215591034789554;0.025816993464052286066934271958;0.004901960784313725422167706824;0.011764705882352941013202496379;0.000000000000000000000000000000;0.009803921568627450844335413649;0.014705882352941176266503120473;0.005228758169934640161191641283;0.013398692810457515575683906661;0.015359477124183005744550989391;0.011111111111111111535154627461;0.005882352941176470506601248189
-0.037499999999999998612221219219;0.004761904761904762334312479766;0.076190476190476197348999676251;0.000000000000000000000000000000;0.000892857142857142829263372708;0.021130952380952382207990325469;0.000000000000000000000000000000;0.024107142857142858233254756328;0.013095238095238095551997581367;0.032440476190476193185663333907;0.021130952380952382207990325469;0.006845238095238095205052886172;0.015773809523809523280846178750;0.055059523809523808202115446875;0.005357142857142857192420670742;0.017261904761904763028201870156;0.024107142857142858233254756328;0.041369047619047617792009674531;0.018452380952380952744418252109;0.012797619047619047255581747891;0.014285714285714285268213963320;0.012500000000000000693889390391;0.011607142857142857539365365938;0.040773809523809524668624959531;0.044642857142857143848413414844;0.038988095238095238359576910625;0.040773809523809524668624959531;0.000297619047619047645894529985;0.002678571428571428596210335371;0.005952380952380952050528861719;0.002976190476190476025264430859;0.023809523809523808202115446875;0.010416666666666666088425508008;0.007738095238095238359576910625;0.022916666666666665047591422422;0.057738095238095241135134472188;0.023214285714285715078730731875;0.007440476190476190063161077148;0.000000000000000000000000000000;0.014583333333333333564629796797;0.006845238095238095205052886172;0.006250000000000000346944695195;0.000000000000000000000000000000;0.018154761904761906182725894610;0.004761904761904762334312479766;0.013392857142857142113689938867;0.048214285714285716466509512657;0.029166666666666667129259593594;0.038690476190476191797884553125;0.022916666666666665047591422422
-0.020833333333333332176851016015;0.007692307692307692734701163317;0.043910256410256406911507554014;0.218269230769230770938804653269;0.003205128205128205017004905386;0.013141025641025641176873328675;0.003846153846153846367350581659;0.032371794871794874748349712945;0.012500000000000000693889390391;0.021153846153846155020428199123;0.010256410256410256401360392431;0.005448717948717948442172165358;0.014102564102564102768710974090;0.032051282051282048435325577884;0.019230769230769231836752908293;0.009615384615384615918376454147;0.024038461538461539795941135367;0.035897435897435894802676159543;0.016025641025641024217662788942;0.008333333333333333217685101602;0.014743589743589743251694912374;0.008333333333333333217685101602;0.009935897435897435292506685300;0.035897435897435894802676159543;0.021474358974358974394558430276;0.026602564102564101727876888503;0.030769230769230770938804653269;0.005128205128205128200680196215;0.004166666666666666608842550801;0.007371794871794871625847456187;0.001923076923076923183675290829;0.028525641025641024911552179333;0.009294871794871794809522747016;0.007371794871794871625847456187;0.013782051282051281659857266959;0.039423076923076921795896510048;0.014102564102564102768710974090;0.005128205128205128200680196215;0.002243589743589743425167259971;0.015705128205128204843532557788;0.005128205128205128200680196215;0.011858974358974358476181976130;0.000000000000000000000000000000;0.020833333333333332176851016015;0.007371794871794871625847456187;0.011538461538461539102051744976;0.028525641025641024911552179333;0.017628205128205128027207848618;0.031730769230769229061195346731;0.011538461538461539102051744976
-0.009574468085106382919668988052;0.015248226950354609385285264977;0.024468085106382979343475625456;0.534751773049645384716654916701;0.004255319148936170282893076688;0.006737588652482269686860849589;0.005319148936170212636775911363;0.016312056737588651739168099652;0.011347517730496454665956029828;0.009929078014184397615871091602;0.004964539007092198807935545801;0.002482269503546099403967772901;0.005673758865248227332978014914;0.014893617021276596423806637404;0.025886524822695034658837087704;0.005673758865248227332978014914;0.013120567375886524677519595627;0.020921985815602835850901541903;0.008865248226950355261988256927;0.006382978723404254990658746038;0.007446808510638298211903318702;0.014184397163120567031402430302;0.005673758865248227332978014914;0.012765957446808509981317492077;0.008156028368794325869584049826;0.012411347517730497019838864503;0.015248226950354609385285264977;0.007446808510638298211903318702;0.004609929078014184111733442251;0.007092198581560283515701215151;0.002482269503546099403967772901;0.009929078014184397615871091602;0.004964539007092198807935545801;0.008156028368794325869584049826;0.007092198581560283515701215151;0.017730496453900710523976513855;0.005319148936170212636775911363;0.006737588652482269686860849589;0.001773049645390070878925303788;0.015602836879432624081487368528;0.003900709219858156020371842132;0.003900709219858156020371842132;0.000000000000000000000000000000;0.010992907801418439969753926277;0.011347517730496454665956029828;0.008865248226950355261988256927;0.013120567375886524677519595627;0.006737588652482269686860849589;0.010992907801418439969753926277;0.008510638297872340565786153377
-0.009649122807017544364849293004;0.023684210526315790240614589379;0.042397660818713447938854699260;0.351754385964912263951021031971;0.025438596491228069457202209946;0.007894736842105263413538196460;0.002923976608187134340610668914;0.016081871345029238873358679029;0.022807017543859650632320779096;0.011403508771929825316160389548;0.008187134502923977194543958547;0.011988304093567251143448437745;0.006140350877192982462227099916;0.016959064327485378481652489313;0.027192982456140352143236782467;0.009356725146198830583843530917;0.015789473684210526827076392919;0.028947368421052631359824403035;0.015497076023391813046070630833;0.003801169590643274816266217186;0.011695906432748537362442675658;0.017251461988304093997381727377;0.002923976608187134340610668914;0.014912280701754385484059106659;0.011111111111111111535154627461;0.014619883040935671703053344572;0.017251461988304093997381727377;0.075730994152046787748489009573;0.001461988304093567170305334457;0.012865497076023392486465724005;0.006140350877192982462227099916;0.011111111111111111535154627461;0.004093567251461988597271979273;0.004970760233918129072927527545;0.007309941520467835851526672286;0.018713450292397661167687061834;0.003801169590643274816266217186;0.002631578947368420993285775822;0.004385964912280701510916003372;0.008187134502923977194543958547;0.008771929824561403021832006743;0.010818713450292397754148865374;0.000000000000000000000000000000;0.008187134502923977194543958547;0.012573099415204678705459961918;0.006725146198830409156876886101;0.017251461988304093997381727377;0.006432748538011696243232862003;0.009356725146198830583843530917;0.010818713450292397754148865374
-0.008156028368794325869584049826;0.017021276595744681131572306754;0.034397163120567376959346717058;0.089361702127659578542839824422;0.101773049645390065154337833064;0.008865248226950355261988256927;0.006382978723404254990658746038;0.024113475177304964647273521905;0.025177304964539008735879832557;0.023049645390070920558667211253;0.008156028368794325869584049826;0.012056737588652482323636760952;0.005673758865248227332978014914;0.015602836879432624081487368528;0.024468085106382979343475625456;0.006028368794326241161818380476;0.020212765957446809927944286756;0.032624113475177303478336199305;0.031914893617021274085931992204;0.003191489361702127495329373019;0.018085106382978721750731665452;0.019503546099290780535540079654;0.005319148936170212636775911363;0.031560283687943259389729888653;0.013475177304964539373721699178;0.014184397163120567031402430302;0.021276595744680850547103645454;0.111347517730496448074006821116;0.002127659574468085141446538344;0.032978723404255318174538302856;0.003900709219858156020371842132;0.023404255319148935254869314804;0.006737588652482269686860849589;0.007092198581560283515701215151;0.008156028368794325869584049826;0.036170212765957443501463330904;0.006382978723404254990658746038;0.003191489361702127495329373019;0.007092198581560283515701215151;0.008510638297872340565786153377;0.006382978723404254990658746038;0.021276595744680850547103645454;0.000000000000000000000000000000;0.015957446808510637042965996102;0.019148936170212765839337976104;0.012056737588652482323636760952;0.023758865248226949951071418354;0.006737588652482269686860849589;0.010992907801418439969753926277;0.004964539007092198807935545801
-0.022955974842767293969680864052;0.018867924528301886072378934500;0.052830188679245285165997358945;0.030188679245283019103585075982;0.009433962264150943036189467250;0.013836477987421384044930405821;0.007232704402515723399180735953;0.026415094339622642582998679472;0.026100628930817611206283146430;0.022955974842767293969680864052;0.017295597484276729188801269288;0.002830188679245282824120666376;0.021383647798742137086103198840;0.031446540880503144610447208152;0.025471698113207548452852080345;0.009748427672955974412905000293;0.020440251572327042955956599712;0.048427672955974845891979896351;0.016037735849056603681939137118;0.011006289308176099919767132462;0.017295597484276729188801269288;0.025471698113207548452852080345;0.024842767295597485699421014260;0.029559748427672956350154009897;0.017295597484276729188801269288;0.025157232704402517076136547303;0.031132075471698113233731675109;0.019496855345911948825810000585;0.003773584905660377387948134498;0.013522012578616352668214872779;0.005031446540880502894810266667;0.017610062893081760565516802330;0.014465408805031446798361471906;0.013836477987421384044930405821;0.030188679245283019103585075982;0.038364779874213834898188935085;0.017295597484276729188801269288;0.009433962264150943036189467250;0.004402515723270440141379200583;0.034591194968553458377602538576;0.011006289308176099919767132462;0.016037735849056603681939137118;0.000000000000000000000000000000;0.015094339622641509551792537991;0.012893081761006289914783806694;0.017610062893081760565516802330;0.031446540880503144610447208152;0.016352201257861635058654670161;0.038679245283018866274904468128;0.013207547169811321291499339736
-0.027551020408163266056655871239;0.012925170068027210315553254816;0.068707482993197274701024923615;0.031972789115646257918079697902;0.001700680272108843473985451134;0.011564625850340135362892546311;0.003061224489795918209805725141;0.015306122448979591482709494699;0.037414965986394557728722531920;0.026190476190476191103995162734;0.010884353741496597886562192059;0.006122448979591836419611450282;0.017006802721088436908258856306;0.035034013605442178296289768014;0.008163265306122449715964251027;0.013265306122448979053718431942;0.045238095238095236971798129844;0.050000000000000002775557561563;0.005442176870748298943281096030;0.012925170068027210315553254816;0.010884353741496597886562192059;0.042857142857142857539365365938;0.024829931972789116151334454230;0.033333333333333332870740406406;0.023809523809523808202115446875;0.029931972789115645489088635145;0.025850340136054420631106509632;0.004761904761904762334312479766;0.000680272108843537367910137004;0.006802721088435373895941804534;0.005782312925170067681446273156;0.017687074829931974384589210558;0.009183673469387755930459782405;0.015646258503401361955598147802;0.036394557823129253248950476518;0.038775510204081632681383240424;0.014285714285714285268213963320;0.009183673469387755930459782405;0.005782312925170067681446273156;0.039795918367346937161155295826;0.007142857142857142634106981660;0.018707482993197278864361265960;0.000000000000000000000000000000;0.015646258503401361955598147802;0.005782312925170067681446273156;0.011904761904761904101057723437;0.026530612244897958107436863884;0.020408163265306120820463675614;0.040816326530612241640927351227;0.016326530612244899431928502054
-0.020748299319727891293352328717;0.004421768707482993596147302640;0.079251700680272110788315842456;0.084693877551020410598958676474;0.000680272108843537367910137004;0.008843537414965987192294605279;0.004421768707482993596147302640;0.019387755102040816340691620212;0.032312925170068028390968351005;0.028231292517006803532986225491;0.016326530612244899431928502054;0.002380952380952381167156239883;0.009523809523809524668624959531;0.051700680272108841262213019263;0.018707482993197278864361265960;0.016326530612244899431928502054;0.032653061224489798863857004108;0.029931972789115645489088635145;0.008163265306122449715964251027;0.012925170068027210315553254816;0.011224489795918366624727369185;0.026530612244897958107436863884;0.007142857142857142634106981660;0.038775510204081632681383240424;0.019047619047619049337249919063;0.039455782312925166688266642723;0.031972789115646257918079697902;0.002721088435374149471640548015;0.001700680272108843473985451134;0.003741496598639455686136079393;0.002380952380952381167156239883;0.025170068027210883154776155379;0.004421768707482993596147302640;0.013945578231292516530048786194;0.024489795918367345678445801127;0.039115646258503403154271893527;0.012244897959183672839222900564;0.006802721088435373895941804534;0.003741496598639455686136079393;0.025510204081632653627664808482;0.007142857142857142634106981660;0.008503401360544218454129428153;0.000000000000000000000000000000;0.022448979591836733249454738370;0.005442176870748298943281096030;0.014965986394557822744544317572;0.047278911564625852870236144554;0.026870748299319728580325516987;0.028571428571428570536427926640;0.017006802721088436908258856306
-0.011851851851851851263330850372;0.011481481481481481399242738917;0.057407407407407406996213694583;0.314444444444444470843080807754;0.001481481481481481407916356297;0.007407407407407407690103084974;0.010370370370370370072254928573;0.036296296296296298722339201959;0.020740740740740740144509857146;0.027777777777777776235801354687;0.013703703703703704053218359604;0.004444444444444444440589503387;0.000740740740740740703958178148;0.024814814814814813853649511088;0.038888888888888889505679458125;0.008148148148148147418279307885;0.016296296296296294836558615771;0.015925925925925926707193980292;0.009259259259259258745267118229;0.002222222222222222220294751693;0.031481481481481478346129421197;0.020000000000000000416333634234;0.000740740740740740703958178148;0.027037037037037036507625131776;0.011481481481481481399242738917;0.031851851851851853414387960584;0.034074074074074076068363581271;0.003703703703703703845051542487;0.004444444444444444440589503387;0.003703703703703703845051542487;0.000370370370370370351979089074;0.013703703703703704053218359604;0.001851851851851851922525771243;0.019629629629629628817522046802;0.001111111111111111110147375847;0.017777777777777777762358013547;0.007777777777777777554191196430;0.002592592592592592518063732143;0.002222222222222222220294751693;0.001111111111111111110147375847;0.020740740740740740144509857146;0.009259259259259258745267118229;0.000000000000000000000000000000;0.014074074074074073917306471060;0.013703703703703704053218359604;0.028148148148148147834612942120;0.025555555555555557051272685953;0.004814814814814815172039352831;0.004074074074074073709139653943;0.009259259259259258745267118229
-0.029239766081871343406106689145;0.013157894736842104532748010115;0.050292397660818714821839847673;0.125730994152046776646258763321;0.012280701754385964924454199831;0.012573099415204678705459961918;0.001754385964912280734470662047;0.037134502923976610289091837558;0.010526315789473683973143103287;0.022807017543859650632320779096;0.021052631578947367946286206575;0.003508771929824561468941324094;0.012865497076023392486465724005;0.038596491228070177459397172015;0.020175438596491228337992396291;0.009356725146198830583843530917;0.021345029239766083462015444638;0.038888888888888889505679458125;0.019883040935672516291710110181;0.012865497076023392486465724005;0.022222222222222223070309254922;0.010233918128654970192137341201;0.013742690058479532094759534289;0.034210526315789475948481168643;0.019005847953216373213969347944;0.033040935672514620824458120296;0.036257309941520467211351075321;0.006725146198830409156876886101;0.000584795321637426911490220682;0.014912280701754385484059106659;0.002631578947368420993285775822;0.015497076023391813046070630833;0.014327485380116959656771058462;0.006725146198830409156876886101;0.023391812865497074724885351316;0.046491228070175437403488416521;0.019883040935672516291710110181;0.004678362573099415291921765458;0.001461988304093567170305334457;0.016959064327485378481652489313;0.008187134502923977194543958547;0.006725146198830409156876886101;0.000000000000000000000000000000;0.014035087719298245875765296375;0.009941520467836258145855055091;0.014035087719298245875765296375;0.030994152046783626092141261665;0.016081871345029238873358679029;0.031286549707602341607870499729;0.011695906432748537362442675658
-0.017307692307692308653077617464;0.015384615384615385469402326635;0.023717948717948716952363952259;0.462179487179487202830330261349;0.010256410256410256401360392431;0.006089743589743589792517841630;0.009615384615384615918376454147;0.019871794871794870585013370601;0.006410256410256410034009810772;0.021794871794871793768688661430;0.010256410256410256401360392431;0.005128205128205128200680196215;0.004487179487179486850334519943;0.012820512820512820068019621544;0.023397435897435897578233721106;0.006730769230769231142863517903;0.013461538461538462285727035805;0.014102564102564102768710974090;0.010576923076923077510214099561;0.003525641025641025692177743522;0.017307692307692308653077617464;0.008974358974358973700669039886;0.002564102564102564100340098108;0.028205128205128205537421948179;0.012500000000000000693889390391;0.017307692307692308653077617464;0.018589743589743589619045494032;0.009935897435897435292506685300;0.002564102564102564100340098108;0.009294871794871794809522747016;0.003846153846153846367350581659;0.012820512820512820068019621544;0.003205128205128205017004905386;0.009294871794871794809522747016;0.006730769230769231142863517903;0.017948717948717947401338079771;0.005128205128205128200680196215;0.002564102564102564100340098108;0.001282051282051282050170049054;0.008012820512820512108831394471;0.012500000000000000693889390391;0.003525641025641025692177743522;0.000000000000000000000000000000;0.016025641025641024217662788942;0.016346153846153847061239972049;0.011217948717948717993198037846;0.018269230769230770244915262879;0.010897435897435896884344330715;0.008333333333333333217685101602;0.007692307692307692734701163317
-0.017320261437908497648141548098;0.004901960784313725422167706824;0.030718954248366011489101978782;0.396732026143790827976687296541;0.001960784313725490168867082730;0.014705882352941176266503120473;0.010784313725490195928768955014;0.034640522875816995296283096195;0.019607843137254901688670827298;0.016013071895424835222598858309;0.017647058823529411519803744568;0.016666666666666666435370203203;0.001960784313725490168867082730;0.016666666666666666435370203203;0.036274509803921571593487982454;0.015032679738562091872888792921;0.010130718954248366450721086096;0.013725490196078431182069579108;0.016013071895424835222598858309;0.001307189542483660040297910321;0.024183006535947713239176337652;0.007843137254901960675468330919;0.000000000000000000000000000000;0.023856209150326795898067189228;0.016013071895424835222598858309;0.022222222222222223070309254922;0.024836601307189540982500730593;0.000980392156862745084433541365;0.001960784313725490168867082730;0.005228758169934640161191641283;0.007189542483660130330058724013;0.011437908496732025406816823931;0.001960784313725490168867082730;0.012745098039215686097636037744;0.000653594771241830020148955160;0.016993464052287580307032399674;0.003267973856209150426005427548;0.004248366013071895076758099918;0.001633986928104575213002713774;0.001307189542483660040297910321;0.021241830065359477985875713557;0.006862745098039215591034789554;0.000000000000000000000000000000;0.020588235294117646773104368663;0.009477124183006535237949741202;0.026143790849673203408043420382;0.017320261437908497648141548098;0.000653594771241830020148955160;0.002614379084967320080595820642;0.013725490196078431182069579108
-0.017575757575757574441288610956;0.012424242424242424448488364419;0.056969696969696968780194623605;0.228787878787878790065590806080;0.001212121212121212120160773651;0.008787878787878787220644305478;0.008787878787878787220644305478;0.026060606060606061884499240477;0.023030303030303029415692961379;0.029393939393939392396015719555;0.013939393939393938948168027991;0.006666666666666667094565124074;0.005757575757575757353923240345;0.028181818181818182877940159869;0.022424242424242422921931705559;0.010303030303030303455047445027;0.023636363636363635909454217199;0.028181818181818182877940159869;0.010909090909090909948808700847;0.005757575757575757353923240345;0.016363636363636364923213051270;0.018787878787878787428811122595;0.008181818181818182461606525635;0.041515151515151511862899980088;0.018484848484848485916653970662;0.028787878787878789371701415689;0.024848484848484848896976728838;0.005151515151515151727523722514;0.003030303030303030300401934127;0.005454545454545454974404350423;0.005454545454545454974404350423;0.023939393939393940891058321085;0.004545454545454545233762466694;0.011212121212121211460965852780;0.006363636363636363847684496164;0.036969696969696971833307941324;0.006363636363636363847684496164;0.007878787878787879214725897725;0.002727272727272727487202175212;0.008787878787878787220644305478;0.009090909090909090467524933388;0.015151515151515151935690539631;0.000000000000000000000000000000;0.026666666666666668378260496297;0.010303030303030303455047445027;0.019696969696969695434729530348;0.024242424242424242403215473018;0.011515151515151514707846480690;0.015454545454545455182571167541;0.014242424242424242195048655901
-0.014666666666666666393736839780;0.023333333333333334397297065266;0.058000000000000002942091015257;0.025333333333333332704206952712;0.028666666666666666685170383744;0.008333333333333333217685101602;0.004333333333333333134418374755;0.023666666666666665713725237197;0.042333333333333333925452279800;0.023333333333333334397297065266;0.011666666666666667198648532633;0.004666666666666667052931760651;0.008999999999999999319988397417;0.025000000000000001387778780781;0.029000000000000001471045507628;0.006333333333333333176051738178;0.052999999999999998501198916756;0.050999999999999996724842077356;0.013666666666666667240281896056;0.005666666666666667073748442363;0.010333333333333333259318465025;0.029333333333333332787473679559;0.010999999999999999361621760841;0.029333333333333332787473679559;0.016333333333333331649495079319;0.015666666666666665547191783503;0.025666666666666667490082076597;0.048000000000000000999200722163;0.005333333333333333155235056466;0.017333333333333332537673499019;0.004333333333333333134418374755;0.027333333333333334480563792113;0.009666666666666667157015169209;0.008333333333333333217685101602;0.020333333333333331732761806165;0.038666666666666668628060676838;0.010666666666666666310470112933;0.005666666666666667073748442363;0.007333333333333333196868419890;0.023333333333333334397297065266;0.007333333333333333196868419890;0.043999999999999997446487043362;0.000000000000000000000000000000;0.021666666666666667406815349750;0.012666666666666666352103476356;0.018333333333333333425851918719;0.021666666666666667406815349750;0.014999999999999999444888487687;0.021999999999999998723243521681;0.012333333333333333300951828448
-0.016949152542372881297128017763;0.014406779661016949276031162697;0.063276836158192087400387038088;0.043785310734463275816885641234;0.051694915254237285007210545018;0.006214689265536723489224968375;0.005932203389830508627467153815;0.018926553672316385329432719686;0.015819209039548021850096759522;0.037853107344632770658865439373;0.010169491525423728084387420267;0.003107344632768361744612484188;0.007344632768361582068894488629;0.053389830508474574177757432381;0.022881355932203389924595171578;0.008757062146892655510321823442;0.025141242937853108818657688062;0.023446327683615819648110800699;0.011581920903954802393176493069;0.012994350282485874967242089895;0.011864406779661017254934307630;0.017796610169491525882401461445;0.010169491525423728084387420267;0.045762711864406779849190343157;0.017514124293785311020643646884;0.028248587570621468828546696272;0.025706214689265535072726365229;0.039830508474576267752276237388;0.001694915254237288086344714877;0.015536723163841808723062420938;0.003389830508474576172689429754;0.024858757062146893956899873501;0.005367231638418078903951524694;0.011864406779661017254934307630;0.021751412429378530477563913337;0.048305084745762713605010674200;0.010169491525423728084387420267;0.005084745762711864042193710134;0.000564971751412429398254977375;0.021751412429378530477563913337;0.007062146892655367207136674068;0.009604519774011300095595267123;0.000000000000000000000000000000;0.023728813559322034509868615260;0.009322033898305085233837452563;0.012711864406779661840207751311;0.045480225988700564987432528596;0.031920903954802258561951333604;0.021751412429378530477563913337;0.017514124293785311020643646884
-0.028571428571428570536427926640;0.010204081632653060410231837807;0.068367346938775511167030174420;0.000000000000000000000000000000;0.000000000000000000000000000000;0.013605442176870747791883609068;0.002380952380952381167156239883;0.018027210884353741388030911708;0.013605442176870747791883609068;0.031632653061224487445191044799;0.012244897959183672839222900564;0.032993197278911562397851753303;0.017006802721088436908258856306;0.042517006802721087066476712835;0.006462585034013605157776627408;0.017687074829931974384589210558;0.022448979591836733249454738370;0.031292517006802723911196295603;0.006802721088435373895941804534;0.017006802721088436908258856306;0.012925170068027210315553254816;0.022108843537414966246013037221;0.020748299319727891293352328717;0.038775510204081632681383240424;0.029931972789115645489088635145;0.039795918367346937161155295826;0.024149659863945578675004099978;0.002721088435374149471640548015;0.002380952380952381167156239883;0.004761904761904762334312479766;0.010204081632653060410231837807;0.023129251700680270725785092623;0.009183673469387755930459782405;0.014285714285714285268213963320;0.035034013605442178296289768014;0.051020408163265307255329616964;0.015306122448979591482709494699;0.010884353741496597886562192059;0.003061224489795918209805725141;0.037074829931972787255833878817;0.006462585034013605157776627408;0.006122448979591836419611450282;0.000000000000000000000000000000;0.022108843537414966246013037221;0.003741496598639455686136079393;0.019047619047619049337249919063;0.050340136054421766309552310759;0.033673469387755103343629059509;0.040136054421768707634043948929;0.018027210884353741388030911708
-0.020535714285714285615158658516;0.022321428571428571924206707422;0.017559523809523809589894227656;0.257142857142857117480616579996;0.011309523809523809242949532461;0.032738095238095239747355691406;0.003869047619047619179788455313;0.022321428571428571924206707422;0.011904761904761904101057723437;0.009226190476190476372209126055;0.012797619047619047255581747891;0.072619047619047624730903578438;0.013690476190476190410105772344;0.011309523809523809242949532461;0.027976190476190477413043211641;0.012500000000000000693889390391;0.011607142857142857539365365938;0.027976190476190477413043211641;0.023511904761904761640423089375;0.003869047619047619179788455313;0.016071428571428569842538536250;0.007738095238095238359576910625;0.017261904761904763028201870156;0.007440476190476190063161077148;0.020535714285714285615158658516;0.011309523809523809242949532461;0.022321428571428571924206707422;0.016071428571428569842538536250;0.002678571428571428596210335371;0.038392857142857145236192195625;0.021130952380952382207990325469;0.007738095238095238359576910625;0.014880952380952380126322154297;0.003869047619047619179788455313;0.015773809523809523280846178750;0.019642857142857142460634634062;0.010119047619047619526733150508;0.005654761904761904621474766230;0.002678571428571428596210335371;0.015476190476190476719153821250;0.007440476190476190063161077148;0.008333333333333333217685101602;0.000000000000000000000000000000;0.010119047619047619526733150508;0.017261904761904763028201870156;0.011309523809523809242949532461;0.008630952380952381514100935078;0.006845238095238095205052886172;0.018452380952380952744418252109;0.008035714285714284921269268125
-0.007333333333333333196868419890;0.024000000000000000499600361081;0.025333333333333332704206952712;0.450666666666666659857298782299;0.022333333333333333509118645566;0.003666666666666666598434209945;0.005666666666666667073748442363;0.022999999999999999611421941381;0.011333333333333334147496884725;0.008999999999999999319988397417;0.008333333333333333217685101602;0.001666666666666666773641281019;0.008000000000000000166533453694;0.014000000000000000291433543964;0.028333333333333331899295259859;0.003666666666666666598434209945;0.012999999999999999403255124264;0.020000000000000000416333634234;0.019666666666666665630458510350;0.004666666666666667052931760651;0.014333333333333333342585191872;0.006666666666666667094565124074;0.004333333333333333134418374755;0.010333333333333333259318465025;0.007333333333333333196868419890;0.014333333333333333342585191872;0.017000000000000001221245327088;0.028666666666666666685170383744;0.003333333333333333547282562037;0.012333333333333333300951828448;0.002000000000000000041633363423;0.010666666666666666310470112933;0.008000000000000000166533453694;0.007000000000000000145716771982;0.012666666666666666352103476356;0.018666666666666668211727042603;0.005333333333333333155235056466;0.006000000000000000124900090270;0.002333333333333333526465880325;0.011666666666666667198648532633;0.007666666666666666248020067798;0.012000000000000000249800180541;0.000000000000000000000000000000;0.005666666666666667073748442363;0.023333333333333334397297065266;0.010000000000000000208166817117;0.009333333333333334105863521302;0.007333333333333333196868419890;0.012333333333333333300951828448;0.005666666666666667073748442363
-0.006250000000000000346944695195;0.024166666666666666157814447047;0.052916666666666667406815349750;0.184583333333333321490954403998;0.026666666666666668378260496297;0.004166666666666666608842550801;0.007083333333333332974823814965;0.030416666666666668239482618219;0.028333333333333331899295259859;0.012916666666666666574148081281;0.007499999999999999722444243844;0.003749999999999999861222121922;0.008333333333333333217685101602;0.017500000000000001665334536938;0.038333333333333330372738601000;0.003333333333333333547282562037;0.037499999999999998612221219219;0.046249999999999999444888487687;0.025000000000000001387778780781;0.010416666666666666088425508008;0.012083333333333333078907223523;0.030416666666666668239482618219;0.012916666666666666574148081281;0.022499999999999999167332731531;0.010833333333333333703407674875;0.011666666666666667198648532633;0.021666666666666667406815349750;0.027500000000000000138777878078;0.007499999999999999722444243844;0.014999999999999999444888487687;0.005833333333333333599324266316;0.019583333333333334536074943344;0.010000000000000000208166817117;0.008333333333333333217685101602;0.013333333333333334189130248149;0.039166666666666669072149886688;0.007083333333333332974823814965;0.007499999999999999722444243844;0.004166666666666666608842550801;0.025000000000000001387778780781;0.011666666666666667198648532633;0.015833333333333334674852821422;0.000000000000000000000000000000;0.009166666666666666712925959359;0.020000000000000000416333634234;0.010000000000000000208166817117;0.016666666666666666435370203203;0.006666666666666667094565124074;0.017500000000000001665334536938;0.005000000000000000104083408559
-0.020238095238095239053466301016;0.031845238095238093123384715000;0.028869047619047620567567236094;0.004761904761904762334312479766;0.002380952380952381167156239883;0.016964285714285712997062560703;0.013095238095238095551997581367;0.036309523809523812365451789219;0.027380952380952380820211544687;0.023809523809523808202115446875;0.015773809523809523280846178750;0.008035714285714284921269268125;0.022023809523809525362514349922;0.022023809523809525362514349922;0.019345238095238095898942276563;0.013988095238095238706521605820;0.038690476190476191797884553125;0.073511904761904764415980650938;0.023809523809523808202115446875;0.009523809523809524668624959531;0.030059523809523810283783618047;0.019940476190476189022326991562;0.032142857142857139685077072500;0.028571428571428570536427926640;0.019940476190476189022326991562;0.022321428571428571924206707422;0.028869047619047620567567236094;0.012500000000000000693889390391;0.004166666666666666608842550801;0.018154761904761906182725894610;0.006250000000000000346944695195;0.021428571428571428769682682969;0.012797619047619047255581747891;0.005952380952380952050528861719;0.024107142857142858233254756328;0.045238095238095236971798129844;0.014583333333333333564629796797;0.013392857142857142113689938867;0.007440476190476190063161077148;0.024404761904761904794947113828;0.022023809523809525362514349922;0.022321428571428571924206707422;0.000000000000000000000000000000;0.017559523809523809589894227656;0.006547619047619047775998790684;0.030952380952380953438307642500;0.010714285714285714384841341484;0.009226190476190476372209126055;0.027083333333333334258519187188;0.008928571428571428075793292578
-0.017479674796747966813992292145;0.014634146341463415488814980847;0.114634146341463419305206627996;0.000000000000000000000000000000;0.000000000000000000000000000000;0.004471544715447154684506703148;0.000813008130081300812302957937;0.020325203252032519873893079421;0.040243902439024391293198590347;0.045528455284552848958412596403;0.008943089430894309369013406297;0.003658536585365853872203745212;0.006504065040650406498423663493;0.059349593495934958864435060377;0.006910569105691056687734707964;0.007723577235772357933718534895;0.054471544715447156592702526723;0.080081300813008127192915708292;0.002439024390243902436908873810;0.019918699186991871419305510926;0.006910569105691056687734707964;0.031707317073170732113496228521;0.009756097560975609747635495239;0.040243902439024391293198590347;0.016260162601626017980782634709;0.032520325203252035961565269417;0.023577235772357724857828387144;0.000000000000000000000000000000;0.000813008130081300812302957937;0.001219512195121951218454436905;0.002845528455284553059900787275;0.032520325203252035961565269417;0.001219512195121951218454436905;0.004065040650406504495195658677;0.014227642276422763564780460399;0.083333333333333328707404064062;0.013414634146341463186158371457;0.006097560975609756309112619022;0.001219512195121951218454436905;0.022357723577235772555171777753;0.008536585365853659179702361826;0.015040650406504065678126025318;0.000000000000000000000000000000;0.019918699186991871419305510926;0.000406504065040650406151478968;0.011788617886178862428914193572;0.039024390243902438990541980957;0.015447154471544715867437069790;0.023983739837398373312415955638;0.013414634146341463186158371457
-0.037698412698412696320016124218;0.001984126984126984016842953906;0.049206349206349205005484037656;0.000000000000000000000000000000;0.023809523809523808202115446875;0.002777777777777777883788656865;0.000396825396825396825052634231;0.021031746031746033354092872969;0.005555555555555555767577313730;0.105555555555555555247160270937;0.011111111111111111535154627461;0.001587301587301587300210536924;0.001587301587301587300210536924;0.052777777777777777623580135469;0.000000000000000000000000000000;0.019841269841269840168429539062;0.011904761904761904101057723437;0.016666666666666666435370203203;0.003174603174603174600421073848;0.006349206349206349200842147695;0.011111111111111111535154627461;0.003571428571428571317053490830;0.001587301587301587300210536924;0.133730158730158726898551435625;0.021428571428571428769682682969;0.065873015873015874910301192813;0.019444444444444444752839729063;0.000000000000000000000000000000;0.001587301587301587300210536924;0.000000000000000000000000000000;0.000793650793650793650105268462;0.042857142857142857539365365938;0.001190476190476190583578119941;0.001190476190476190583578119941;0.005555555555555555767577313730;0.065476190476190479494711382813;0.013095238095238095551997581367;0.005555555555555555767577313730;0.000000000000000000000000000000;0.003571428571428571317053490830;0.003571428571428571317053490830;0.000396825396825396825052634231;0.000000000000000000000000000000;0.071031746031746029190756530625;0.000000000000000000000000000000;0.042857142857142857539365365938;0.057539682539682536488445663281;0.032539682539682542039560786407;0.011904761904761904101057723437;0.009523809523809524668624959531
-0.037272727272727269876018141304;0.014242424242424242195048655901;0.032424242424242424864821998653;0.000000000000000000000000000000;0.000606060606060606060080386825;0.009090909090909090467524933388;0.011212121212121211460965852780;0.019393939393939393922572378415;0.026666666666666668378260496297;0.028181818181818182877940159869;0.011212121212121211460965852780;0.003636363636363636360482320953;0.010000000000000000208166817117;0.025757575757575756902895136591;0.006969696969696969474084013996;0.017272727272727272929131459023;0.055151515151515152768357808100;0.044545454545454547801153211140;0.014242424242424242195048655901;0.007272727272727272720964641906;0.021515151515151514916013297807;0.022121212121212121409774553626;0.014848484848484848688809911721;0.047878787878787881782116642171;0.018787878787878787428811122595;0.036666666666666666851703837438;0.027575757575757576384178904050;0.010606060606060606701928072937;0.016363636363636364923213051270;0.003030303030303030300401934127;0.006969696969696969474084013996;0.043939393939393937837945003366;0.008181818181818182461606525635;0.006969696969696969474084013996;0.014545454545454545441929283811;0.042727272727272724850422491727;0.013030303030303030942249620239;0.018787878787878787428811122595;0.010000000000000000208166817117;0.032727272727272729846426102540;0.007878787878787879214725897725;0.042121212121212121826108187861;0.000000000000000000000000000000;0.037575757575757574857622245190;0.004545454545454545233762466694;0.039696969696969695851063164582;0.027272727272727271402574800163;0.009696969696969696961286189207;0.024545454545454543915372624951;0.014242424242424242195048655901
-0.011388888888888889366901580047;0.012500000000000000693889390391;0.032777777777777780676693453188;0.421944444444444455299958463002;0.003055555555555555715535609451;0.009444444444444444544672911945;0.004166666666666666608842550801;0.018055555555555553859381490156;0.011111111111111111535154627461;0.016944444444444446001840631766;0.009444444444444444544672911945;0.001944444444444444388547799107;0.005000000000000000104083408559;0.018888888888888889089345823891;0.022777777777777778733803160094;0.003888888888888888777095598215;0.018888888888888889089345823891;0.033888888888888892003681263532;0.011111111111111111535154627461;0.007222222222222221890697291258;0.013333333333333334189130248149;0.011388888888888889366901580047;0.012500000000000000693889390391;0.028333333333333331899295259859;0.010833333333333333703407674875;0.014444444444444443781394582516;0.024166666666666666157814447047;0.007222222222222221890697291258;0.000833333333333333386820640509;0.008333333333333333217685101602;0.001388888888888888941894328433;0.015833333333333334674852821422;0.004444444444444444440589503387;0.005000000000000000104083408559;0.009166666666666666712925959359;0.028888888888888887562789165031;0.009166666666666666712925959359;0.003611111111111110945348645629;0.000000000000000000000000000000;0.014444444444444443781394582516;0.006388888888888889262818171488;0.003888888888888888777095598215;0.000000000000000000000000000000;0.012500000000000000693889390391;0.009722222222222222376419864531;0.011944444444444445030395485219;0.022499999999999999167332731531;0.008055555555555555385938149016;0.020833333333333332176851016015;0.006388888888888889262818171488
-0.022222222222222223070309254922;0.018627450980392156604237285933;0.036274509803921571593487982454;0.214379084967320249210942506579;0.002614379084967320080595820642;0.018627450980392156604237285933;0.002287581699346405341571886183;0.034967320261437909167945292666;0.024509803921568627110838534122;0.017647058823529411519803744568;0.012745098039215686097636037744;0.011111111111111111535154627461;0.008823529411764705759901872284;0.025163398692810458323609879017;0.028104575163398693576910503111;0.003594771241830065165029362007;0.020588235294117646773104368663;0.038888888888888889505679458125;0.022549019607843136941971451392;0.006535947712418300852010855095;0.016666666666666666435370203203;0.013725490196078431182069579108;0.014052287581699346788455251556;0.023529411764705882026404992757;0.016666666666666666435370203203;0.023202614379084968154742796287;0.033333333333333332870740406406;0.011111111111111111535154627461;0.003594771241830065165029362007;0.014705882352941176266503120473;0.004901960784313725422167706824;0.014379084967320260660117448026;0.009803921568627450844335413649;0.006209150326797385245625182648;0.016013071895424835222598858309;0.042483660130718955971751427114;0.017973856209150325391465941038;0.001307189542483660040297910321;0.002287581699346405341571886183;0.007516339869281045936444396460;0.010457516339869280322383282567;0.011111111111111111535154627461;0.000000000000000000000000000000;0.014379084967320260660117448026;0.015686274509803921350936661838;0.007843137254901960675468330919;0.025163398692810458323609879017;0.014705882352941176266503120473;0.024183006535947713239176337652;0.012745098039215686097636037744
-0.011805555555555555247160270937;0.016319444444444445446729119453;0.022222222222222223070309254922;0.476388888888888861750103842496;0.015277777777777777276635440273;0.013888888888888888117900677344;0.003125000000000000173472347598;0.017708333333333332870740406406;0.015625000000000000000000000000;0.010416666666666666088425508008;0.006250000000000000346944695195;0.006597222222222222202947516934;0.008680555555555555941049661328;0.013194444444444444405895033867;0.027083333333333334258519187188;0.006597222222222222202947516934;0.021874999999999998612221219219;0.016319444444444445446729119453;0.013541666666666667129259593594;0.005555555555555555767577313730;0.011805555555555555247160270937;0.009027777777777776929690745078;0.005208333333333333044212754004;0.014583333333333333564629796797;0.008333333333333333217685101602;0.010416666666666666088425508008;0.014930555555555556287994356524;0.011111111111111111535154627461;0.001041666666666666652210637700;0.006944444444444444058950338672;0.004513888888888888464845372539;0.013541666666666667129259593594;0.006250000000000000346944695195;0.011805555555555555247160270937;0.010069444444444445099784424258;0.016319444444444445446729119453;0.005208333333333333044212754004;0.004861111111111111188209932266;0.001388888888888888941894328433;0.015625000000000000000000000000;0.005555555555555555767577313730;0.011805555555555555247160270937;0.000000000000000000000000000000;0.007291666666666666782314898398;0.018749999999999999306110609609;0.009027777777777776929690745078;0.010069444444444445099784424258;0.007638888888888888638317720137;0.012152777777777777970524830664;0.006250000000000000346944695195
-0.011607142857142857539365365938;0.023511904761904761640423089375;0.017559523809523809589894227656;0.343452380952380953438307642500;0.022916666666666665047591422422;0.009226190476190476372209126055;0.006547619047619047775998790684;0.024404761904761904794947113828;0.011011904761904762681257174961;0.012202380952380952397473556914;0.011011904761904762681257174961;0.007738095238095238359576910625;0.011607142857142857539365365938;0.012500000000000000693889390391;0.032142857142857139685077072500;0.007440476190476190063161077148;0.022321428571428571924206707422;0.027678571428571427381903902187;0.020238095238095239053466301016;0.003273809523809523887999395342;0.013690476190476190410105772344;0.010714285714285714384841341484;0.011309523809523809242949532461;0.017261904761904763028201870156;0.011607142857142857539365365938;0.011904761904761904101057723437;0.022321428571428571924206707422;0.019940476190476189022326991562;0.002380952380952381167156239883;0.016666666666666666435370203203;0.004464285714285714037896646289;0.015476190476190476719153821250;0.009226190476190476372209126055;0.011309523809523809242949532461;0.015178571428571428422737987773;0.018749999999999999306110609609;0.008928571428571428075793292578;0.006250000000000000346944695195;0.002380952380952381167156239883;0.019940476190476189022326991562;0.009226190476190476372209126055;0.010714285714285714384841341484;0.000000000000000000000000000000;0.009821428571428571230317317031;0.031845238095238093123384715000;0.013095238095238095551997581367;0.009523809523809524668624959531;0.006845238095238095205052886172;0.014583333333333333564629796797;0.006250000000000000346944695195
-0.011382113821138212239603149101;0.016666666666666666435370203203;0.035772357723577237476053625187;0.347560975609756073190226288716;0.012195121951219512618225238043;0.007317073170731707744407490424;0.012195121951219512618225238043;0.020731707317073171797927599869;0.015447154471544715867437069790;0.010975609756097560315568628653;0.006097560975609756309112619022;0.003658536585365853872203745212;0.008536585365853659179702361826;0.022764227642276424479206298201;0.030487804878048779810839619131;0.006910569105691056687734707964;0.020731707317073171797927599869;0.029268292682926830977629961694;0.017479674796747966813992292145;0.007317073170731707744407490424;0.015853658536585366056748114261;0.019512195121951219495270990478;0.015040650406504065678126025318;0.017479674796747966813992292145;0.006504065040650406498423663493;0.011788617886178862428914193572;0.021138211382113820252515168363;0.013821138211382113375469415928;0.005284552845528455063128792091;0.007317073170731707744407490424;0.006097560975609756309112619022;0.017073170731707318359404723651;0.007723577235772357933718534895;0.009349593495934959558324450768;0.018699186991869919116648901536;0.024390243902439025236450476086;0.005691056910569106119801574550;0.004471544715447154684506703148;0.007317073170731707744407490424;0.025203252032520325615072565029;0.011788617886178862428914193572;0.011788617886178862428914193572;0.000000000000000000000000000000;0.009349593495934959558324450768;0.013008130081300812996847326986;0.010569105691056910126257584182;0.015447154471544715867437069790;0.007723577235772357933718534895;0.013821138211382113375469415928;0.003252032520325203249211831746
-0.018333333333333333425851918719;0.045277777777777777901135891625;0.053333333333333336756520992594;0.017222222222222222098864108375;0.019444444444444444752839729063;0.016388888888888890338346726594;0.005000000000000000104083408559;0.041944444444444443920172460594;0.019166666666666665186369300500;0.015277777777777777276635440273;0.016388888888888890338346726594;0.004722222222222222272336455973;0.014444444444444443781394582516;0.022499999999999999167332731531;0.035555555555555555524716027094;0.010277777777777778039913769703;0.015555555555555555108382392859;0.069166666666666667961926862063;0.030833333333333334119741309109;0.008333333333333333217685101602;0.021666666666666667406815349750;0.019722222222222220849863205672;0.019722222222222220849863205672;0.017222222222222222098864108375;0.019444444444444444752839729063;0.022222222222222223070309254922;0.048611111111111111882099322656;0.049444444444444443642616704437;0.001111111111111111110147375847;0.015555555555555555108382392859;0.002777777777777777883788656865;0.010000000000000000208166817117;0.025000000000000001387778780781;0.010555555555555555871660722289;0.013611111111111110286153724758;0.031666666666666669349705642844;0.018333333333333333425851918719;0.003888888888888888777095598215;0.003611111111111110945348645629;0.013611111111111110286153724758;0.012222222222222222862142437805;0.021388888888888887840344921187;0.000000000000000000000000000000;0.011111111111111111535154627461;0.021388888888888887840344921187;0.009444444444444444544672911945;0.018611111111111109522875395328;0.010833333333333333703407674875;0.036111111111111107718762980312;0.011944444444444445030395485219
-0.026923076923076924571454071611;0.020192307692307693428590553708;0.058653846153846153632649418341;0.009294871794871794809522747016;0.012500000000000000693889390391;0.019230769230769231836752908293;0.001923076923076923183675290829;0.041025641025641025605441569724;0.018910256410256408993175725186;0.024038461538461539795941135367;0.022115384615384616612265844537;0.008653846153846154326538808732;0.015064102564102564360548619504;0.034615384615384617306155234928;0.022115384615384616612265844537;0.012820512820512820068019621544;0.019551282051282051210883139447;0.054807692307692307265298836683;0.033333333333333332870740406406;0.008333333333333333217685101602;0.021474358974358974394558430276;0.023717948717948716952363952259;0.013141025641025641176873328675;0.024038461538461539795941135367;0.029807692307692309346967007855;0.024679487179487178544201597674;0.052243589743589745333363083546;0.007371794871794871625847456187;0.000961538461538461591837645415;0.019551282051282051210883139447;0.006410256410256410034009810772;0.017628205128205128027207848618;0.019230769230769231836752908293;0.013461538461538462285727035805;0.019871794871794870585013370601;0.037499999999999998612221219219;0.024038461538461539795941135367;0.006089743589743589792517841630;0.004166666666666666608842550801;0.021153846153846155020428199123;0.009615384615384615918376454147;0.015705128205128204843532557788;0.000000000000000000000000000000;0.011538461538461539102051744976;0.011217948717948717993198037846;0.009935897435897435292506685300;0.024038461538461539795941135367;0.016987179487179485809500434357;0.033012820512820513496610175252;0.017307692307692308653077617464
-0.035666666666666665963525417737;0.008999999999999999319988397417;0.094333333333333338477366680763;0.000000000000000000000000000000;0.000333333333333333322202191029;0.012999999999999999403255124264;0.000666666666666666644404382058;0.024333333333333331816028533012;0.022999999999999999611421941381;0.038999999999999999944488848769;0.015333333333333332496040135595;0.002666666666666666577617528233;0.009333333333333334105863521302;0.050999999999999996724842077356;0.007333333333333333196868419890;0.012999999999999999403255124264;0.038999999999999999944488848769;0.045666666666666667906415710831;0.008333333333333333217685101602;0.016333333333333331649495079319;0.017999999999999998639976794834;0.020000000000000000416333634234;0.009333333333333334105863521302;0.051333333333333334980164153194;0.024666666666666666601903656897;0.037666666666666667739882257138;0.034333333333333333758918826106;0.003000000000000000062450045135;0.000333333333333333322202191029;0.003000000000000000062450045135;0.003000000000000000062450045135;0.028333333333333331899295259859;0.008000000000000000166533453694;0.007333333333333333196868419890;0.017000000000000001221245327088;0.057000000000000002053912595557;0.017666666666666667323548622903;0.005666666666666667073748442363;0.000666666666666666644404382058;0.020000000000000000416333634234;0.005333333333333333155235056466;0.010000000000000000208166817117;0.000000000000000000000000000000;0.025666666666666667490082076597;0.002000000000000000041633363423;0.012333333333333333300951828448;0.049333333333333333203807313794;0.027666666666666665796991964044;0.038666666666666668628060676838;0.015333333333333332496040135595
-0.019503546099290780535540079654;0.004255319148936170282893076688;0.122340425531914889778484223370;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006382978723404254990658746038;0.001063829787234042570723269172;0.014539007092198581727604533853;0.023758865248226949951071418354;0.038297872340425531678675952207;0.008156028368794325869584049826;0.002482269503546099403967772901;0.007446808510638298211903318702;0.070212765957446812703501848318;0.002482269503546099403967772901;0.008510638297872340565786153377;0.047872340425531914598344940259;0.048936170212765958686951250911;0.003191489361702127495329373019;0.023049645390070920558667211253;0.007801418439716312040743684264;0.026595744680851064051241294806;0.014184397163120567031402430302;0.046099290780141841117334422506;0.014539007092198581727604533853;0.031205673758865248162974737056;0.018439716312056736446933769002;0.000354609929078014208311125932;0.000709219858156028416622251864;0.000709219858156028416622251864;0.001773049645390070878925303788;0.032624113475177303478336199305;0.002127659574468085141446538344;0.010638297872340425273551822727;0.020212765957446809927944286756;0.075886524822695033964947697314;0.017021276595744681131572306754;0.002482269503546099403967772901;0.001063829787234042570723269172;0.034042553191489362263144613507;0.003900709219858156020371842132;0.005673758865248227332978014914;0.000000000000000000000000000000;0.020212765957446809927944286756;0.000354609929078014208311125932;0.017021276595744681131572306754;0.069148936170212768614895537667;0.028014184397163119366602757054;0.030496453900709218770570529955;0.014184397163120567031402430302
-0.051960784313725492944424644293;0.003267973856209150426005427548;0.047058823529411764052809985515;0.000000000000000000000000000000;0.000326797385620915010074477580;0.020915032679738560644766565133;0.004248366013071895076758099918;0.012091503267973856619588168826;0.016339869281045752563708006733;0.026470588235294117279705616852;0.015686274509803921350936661838;0.008169934640522876281854003366;0.023202614379084968154742796287;0.040196078431372551931222147914;0.001633986928104575213002713774;0.019607843137254901688670827298;0.032026143790849670445197716617;0.027450980392156862364139158217;0.007516339869281045936444396460;0.015359477124183005744550989391;0.013725490196078431182069579108;0.016666666666666666435370203203;0.023529411764705882026404992757;0.037908496732026140951798964807;0.038562091503267975634017261655;0.043790849673202611458400212996;0.024509803921568627110838534122;0.000000000000000000000000000000;0.003594771241830065165029362007;0.004575163398692810683143772366;0.008823529411764705759901872284;0.028104575163398693576910503111;0.004575163398692810683143772366;0.009150326797385621366287544731;0.052287581699346406816086840763;0.044444444444444446140618509844;0.013725490196078431182069579108;0.019607843137254901688670827298;0.002614379084967320080595820642;0.039869281045751631120666047536;0.004901960784313725422167706824;0.008496732026143790153516199837;0.000000000000000000000000000000;0.029084967320261438661344044476;0.001633986928104575213002713774;0.030718954248366011489101978782;0.034640522875816995296283096195;0.033986928104575160614064799347;0.035294117647058823039607489136;0.017647058823529411519803744568
-0.074621212121212115997437308579;0.000000000000000000000000000000;0.031439393939393940613502564929;0.000000000000000000000000000000;0.000000000000000000000000000000;0.031439393939393940613502564929;0.000000000000000000000000000000;0.009090909090909090467524933388;0.001515151515151515150200967064;0.020075757575757576661734660206;0.028409090909090908144696285831;0.007954545454545453725403447720;0.073863636363636367421214856677;0.054924242424242424032154730185;0.000757575757575757575100483532;0.045454545454545455807071618892;0.007575757575757575967845269815;0.006060606060606060600803868255;0.009469696969696969959806587269;0.007575757575757575967845269815;0.013636363636363635701287400082;0.003030303030303030300401934127;0.004166666666666666608842550801;0.025378787878787879145336958686;0.104166666666666671292595935938;0.048863636363636366033436075895;0.021969696969696968918972501683;0.000000000000000000000000000000;0.000000000000000000000000000000;0.002272727272727272616881233347;0.003030303030303030300401934127;0.007954545454545453725403447720;0.007954545454545453725403447720;0.007196969696969697342925353922;0.066666666666666665741480812812;0.020833333333333332176851016015;0.006439393939393939225723784148;0.009090909090909090467524933388;0.000000000000000000000000000000;0.006818181818181817850643700041;0.000757575757575757575100483532;0.000378787878787878787550241766;0.000000000000000000000000000000;0.011742424242424241709326082628;0.000757575757575757575100483532;0.007575757575757575967845269815;0.044318181818181819064950133225;0.079924242424242425419933510966;0.031818181818181814901613790880;0.053030303030303031774916888708
-0.032653061224489798863857004108;0.002721088435374149471640548015;0.086734693877551019558502787277;0.000000000000000000000000000000;0.000000000000000000000000000000;0.014625850340136054006379140446;0.001360544217687074735820274007;0.015306122448979591482709494699;0.027551020408163266056655871239;0.026530612244897958107436863884;0.016666666666666666435370203203;0.005782312925170067681446273156;0.018707482993197278864361265960;0.060884353741496595457949325692;0.001360544217687074735820274007;0.017346938775510203911700557455;0.018707482993197278864361265960;0.038435374149659862208494587321;0.006462585034013605157776627408;0.027891156462585033060097572388;0.007823129251700680977799073901;0.034353741496598637350512461808;0.020748299319727891293352328717;0.037414965986394557728722531920;0.040476190476190478106932602032;0.034013605442176873816517712612;0.023809523809523808202115446875;0.000340136054421768683955068502;0.000000000000000000000000000000;0.001360544217687074735820274007;0.003401360544217686947970902267;0.015986394557823128959039848951;0.005442176870748298943281096030;0.013265306122448979053718431942;0.042176870748299316593588059732;0.041156462585034012113816004330;0.011564625850340135362892546311;0.005442176870748298943281096030;0.003401360544217686947970902267;0.050000000000000002775557561563;0.001360544217687074735820274007;0.009183673469387755930459782405;0.000000000000000000000000000000;0.017346938775510203911700557455;0.000680272108843537367910137004;0.012585034013605441577388077690;0.039795918367346937161155295826;0.045918367346938777917575436049;0.043537414965986391546248768236;0.017687074829931974384589210558
-0.031914893617021274085931992204;0.000709219858156028416622251864;0.086524822695035460973222996017;0.000000000000000000000000000000;0.000354609929078014208311125932;0.010283687943262410577349719176;0.001063829787234042570723269172;0.017021276595744681131572306754;0.008156028368794325869584049826;0.045390070921985818663824119312;0.011702127659574467627434657402;0.014184397163120567031402430302;0.009574468085106382919668988052;0.067730496453900709830087123464;0.001063829787234042570723269172;0.015602836879432624081487368528;0.021276595744680850547103645454;0.031560283687943259389729888653;0.009574468085106382919668988052;0.016666666666666666435370203203;0.011702127659574467627434657402;0.009219858156028368223466884501;0.005673758865248227332978014914;0.067021276595744680437682916363;0.036524822695035458197665434454;0.057446808510638297518013928311;0.033333333333333332870740406406;0.000000000000000000000000000000;0.000354609929078014208311125932;0.002836879432624113666489007457;0.006028368794326241161818380476;0.029078014184397163455209067706;0.004609929078014184111733442251;0.008865248226950355261988256927;0.018085106382978721750731665452;0.067021276595744680437682916363;0.015602836879432624081487368528;0.006737588652482269686860849589;0.000354609929078014208311125932;0.013829787234042552335200326752;0.004255319148936170282893076688;0.001773049645390070878925303788;0.000000000000000000000000000000;0.026241134751773049355039191255;0.001773049645390070878925303788;0.008510638297872340565786153377;0.069858156028368798007299744768;0.042553191489361701094207290907;0.031914893617021274085931992204;0.018439716312056736446933769002
-0.005691056910569106119801574550;0.007317073170731707744407490424;0.033739837398373981325327974901;0.343495934959349602522138411587;0.081300813008130079495572317683;0.006097560975609756309112619022;0.010162601626016259936946539710;0.015447154471544715867437069790;0.017886178861788618738026812593;0.019105691056910567571236470030;0.010975609756097560315568628653;0.004878048780487804873817747620;0.005691056910569106119801574550;0.024390243902439025236450476086;0.019105691056910567571236470030;0.005691056910569106119801574550;0.011788617886178862428914193572;0.019918699186991871419305510926;0.011382113821138212239603149101;0.004065040650406504495195658677;0.012601626016260162807536282514;0.014227642276422763564780460399;0.003658536585365853872203745212;0.022764227642276424479206298201;0.011382113821138212239603149101;0.017479674796747966813992292145;0.024796747967479673691038044581;0.033739837398373981325327974901;0.003252032520325203249211831746;0.007317073170731707744407490424;0.003252032520325203249211831746;0.016260162601626017980782634709;0.001626016260162601624605915873;0.009756097560975609747635495239;0.007317073170731707744407490424;0.025203252032520325615072565029;0.004878048780487804873817747620;0.008130081300813008990391317354;0.003252032520325203249211831746;0.004878048780487804873817747620;0.006097560975609756309112619022;0.008536585365853659179702361826;0.000000000000000000000000000000;0.015040650406504065678126025318;0.012601626016260162807536282514;0.009349593495934959558324450768;0.024796747967479673691038044581;0.012601626016260162807536282514;0.010975609756097560315568628653;0.006097560975609756309112619022
-0.006944444444444444058950338672;0.011388888888888889366901580047;0.025833333333333333148296162562;0.460833333333333317050062305498;0.008333333333333333217685101602;0.003333333333333333547282562037;0.008333333333333333217685101602;0.027500000000000000138777878078;0.009722222222222222376419864531;0.024444444444444445724284875610;0.005555555555555555767577313730;0.001944444444444444388547799107;0.000833333333333333386820640509;0.017222222222222222098864108375;0.031666666666666669349705642844;0.004722222222222222272336455973;0.015555555555555555108382392859;0.014444444444444443781394582516;0.007499999999999999722444243844;0.001944444444444444388547799107;0.013611111111111110286153724758;0.007222222222222221890697291258;0.001666666666666666773641281019;0.035000000000000003330669073875;0.005833333333333333599324266316;0.016666666666666666435370203203;0.021666666666666667406815349750;0.016666666666666666435370203203;0.002500000000000000052041704279;0.005000000000000000104083408559;0.000555555555555555555073687923;0.023333333333333334397297065266;0.003333333333333333547282562037;0.008333333333333333217685101602;0.001666666666666666773641281019;0.031944444444444441977282167500;0.005277777777777777935830361145;0.003333333333333333547282562037;0.000277777777777777777536843962;0.002222222222222222220294751693;0.013055555555555556357383295563;0.002500000000000000052041704279;0.000000000000000000000000000000;0.024444444444444445724284875610;0.014444444444444443781394582516;0.016111111111111110771876298031;0.020277777777777776513357110844;0.004166666666666666608842550801;0.005000000000000000104083408559;0.005833333333333333599324266316
-0.012179487179487179585035683260;0.015705128205128204843532557788;0.040064102564102567483050876262;0.370833333333333348136306995002;0.014743589743589743251694912374;0.007371794871794871625847456187;0.002884615384615384775512936244;0.023397435897435897578233721106;0.011538461538461539102051744976;0.014102564102564102768710974090;0.009294871794871794809522747016;0.002884615384615384775512936244;0.003525641025641025692177743522;0.017307692307692308653077617464;0.024679487179487178544201597674;0.010256410256410256401360392431;0.012820512820512820068019621544;0.023397435897435897578233721106;0.012179487179487179585035683260;0.005128205128205128200680196215;0.010897435897435896884344330715;0.015384615384615385469402326635;0.002884615384615384775512936244;0.023397435897435897578233721106;0.009935897435897435292506685300;0.014423076923076923877564681220;0.018589743589743589619045494032;0.087179487179487175074754645721;0.002243589743589743425167259971;0.008974358974358973700669039886;0.004166666666666666608842550801;0.017948717948717947401338079771;0.003205128205128205017004905386;0.009294871794871794809522747016;0.005128205128205128200680196215;0.021153846153846155020428199123;0.004487179487179486850334519943;0.004166666666666666608842550801;0.001923076923076923183675290829;0.006089743589743589792517841630;0.006730769230769231142863517903;0.009615384615384615918376454147;0.000000000000000000000000000000;0.009615384615384615918376454147;0.016987179487179485809500434357;0.011538461538461539102051744976;0.016987179487179485809500434357;0.008653846153846154326538808732;0.006089743589743589792517841630;0.008012820512820512108831394471
-0.022569444444444444058950338672;0.010069444444444445099784424258;0.058680555555555555247160270937;0.165972222222222215437525960624;0.011111111111111111535154627461;0.008333333333333333217685101602;0.007291666666666666782314898398;0.018749999999999999306110609609;0.018055555555555553859381490156;0.028125000000000000693889390391;0.012847222222222221682530474141;0.006944444444444444058950338672;0.009374999999999999653055304805;0.042013888888888892281237019688;0.021527777777777777623580135469;0.014930555555555556287994356524;0.034027777777777774848022573906;0.029513888888888888117900677344;0.014930555555555556287994356524;0.011805555555555555247160270937;0.011805555555555555247160270937;0.021180555555555556634939051719;0.007638888888888888638317720137;0.032291666666666669904817155157;0.020138888888888890199568848516;0.026041666666666667823148983985;0.025694444444444443365060948281;0.005902777777777777623580135469;0.001388888888888888941894328433;0.005902777777777777623580135469;0.006944444444444444058950338672;0.027083333333333334258519187188;0.004513888888888888464845372539;0.010763888888888888811790067734;0.016319444444444445446729119453;0.043055555555555555247160270937;0.010763888888888888811790067734;0.007638888888888888638317720137;0.001041666666666666652210637700;0.016666666666666666435370203203;0.005902777777777777623580135469;0.004166666666666666608842550801;0.000000000000000000000000000000;0.021180555555555556634939051719;0.009027777777777776929690745078;0.014583333333333333564629796797;0.036458333333333335646297967969;0.023958333333333334952408577578;0.020486111111111111188209932266;0.014583333333333333564629796797
-0.046666666666666668794594130532;0.006250000000000000346944695195;0.078333333333333338144299773376;0.000000000000000000000000000000;0.000833333333333333386820640509;0.014999999999999999444888487687;0.002083333333333333304421275400;0.012916666666666666574148081281;0.018333333333333333425851918719;0.037499999999999998612221219219;0.018749999999999999306110609609;0.012083333333333333078907223523;0.014166666666666665949647629930;0.058749999999999996669330926125;0.002916666666666666799662133158;0.022083333333333333287074040641;0.032083333333333331760517381781;0.034166666666666664631257788187;0.006250000000000000346944695195;0.020833333333333332176851016015;0.015416666666666667059870654555;0.019166666666666665186369300500;0.012083333333333333078907223523;0.047500000000000000555111512313;0.031250000000000000000000000000;0.036666666666666666851703837438;0.027500000000000000138777878078;0.000000000000000000000000000000;0.001250000000000000026020852140;0.007916666666666667337426410711;0.011249999999999999583666365766;0.023750000000000000277555756156;0.006250000000000000346944695195;0.009166666666666666712925959359;0.032500000000000001110223024625;0.055833333333333332038073137937;0.012500000000000000693889390391;0.007083333333333332974823814965;0.000000000000000000000000000000;0.022083333333333333287074040641;0.002916666666666666799662133158;0.003749999999999999861222121922;0.000000000000000000000000000000;0.021250000000000001526556658860;0.000833333333333333386820640509;0.016250000000000000555111512313;0.038749999999999999722444243844;0.041666666666666664353702032031;0.031666666666666669349705642844;0.023750000000000000277555756156
-0.016666666666666666435370203203;0.002592592592592592518063732143;0.038148148148148146308056283260;0.097407407407407400889987059145;0.000740740740740740703958178148;0.005555555555555555767577313730;0.010370370370370370072254928573;0.025185185185185185452461098521;0.001851851851851851922525771243;0.038888888888888889505679458125;0.015185185185185185244294281404;0.001111111111111111110147375847;0.006666666666666667094565124074;0.051481481481481482231910007386;0.012222222222222222862142437805;0.016296296296296294836558615771;0.011481481481481481399242738917;0.009259259259259258745267118229;0.003703703703703703845051542487;0.005555555555555555767577313730;0.013703703703703704053218359604;0.003333333333333333547282562037;0.005555555555555555767577313730;0.084814814814814815102650413792;0.015555555555555555108382392859;0.052222222222222225429533182250;0.036296296296296298722339201959;0.001481481481481481407916356297;0.007037037037037036958653235530;0.002962962962962962815832712593;0.000000000000000000000000000000;0.042592592592592591616007524635;0.004074074074074073709139653943;0.025185185185185185452461098521;0.018148148148148149361169600979;0.040000000000000000832667268469;0.006666666666666667094565124074;0.003703703703703703845051542487;0.000000000000000000000000000000;0.006666666666666667094565124074;0.009259259259259258745267118229;0.000000000000000000000000000000;0.000000000000000000000000000000;0.047037037037037036923958766010;0.005555555555555555767577313730;0.035925925925925923654080662573;0.044444444444444446140618509844;0.051481481481481482231910007386;0.022222222222222223070309254922;0.043703703703703702942995334979
-0.025617283950617283916351141215;0.003086419753086419581755706076;0.048148148148148148250946576354;0.147222222222222226539756206876;0.010493827160493827271858791050;0.005246913580246913635929395525;0.008333333333333333217685101602;0.023456790123456791596900927743;0.007407407407407407690103084974;0.036728395061728397186229244653;0.013888888888888888117900677344;0.001234567901234567876070369330;0.009567901234567901744276774423;0.047839506172839503517213444184;0.012654320987654321326032480499;0.009876543209876543008562954640;0.015740740740740739173064710599;0.018827160493827162224267368629;0.008333333333333333217685101602;0.009567901234567901744276774423;0.013580246913580246853614497127;0.004320987654320987240985640909;0.012654320987654321326032480499;0.056790123456790124467641334149;0.025308641975308642652064960998;0.040432098765432099296557311163;0.033641975308641977604473538577;0.000617283950617283938035184665;0.002777777777777777883788656865;0.001234567901234567876070369330;0.001851851851851851922525771243;0.022839506172839505598881615356;0.004012345679012345976699460692;0.013888888888888888117900677344;0.033024691358024688137007274236;0.046296296296296293726335591145;0.010802469135802468536144971267;0.005246913580246913635929395525;0.000308641975308641969017592332;0.021604938271604937072289942535;0.009567901234567901744276774423;0.002469135802469135752140738660;0.000000000000000000000000000000;0.028395061728395062233820667075;0.004938271604938271504281477320;0.020679012345679013279431401884;0.041358024691358026558862803768;0.030864197530864195817557060764;0.028086419753086420969534486858;0.019135802469135803488553548846
-0.013725490196078431182069579108;0.001960784313725490168867082730;0.043464052287581697586738016525;0.196732026143790844630032665918;0.001307189542483660040297910321;0.002287581699346405341571886183;0.006535947712418300852010855095;0.026797385620915031151367813322;0.000980392156862745084433541365;0.064052287581699340890395433235;0.007189542483660130330058724013;0.000980392156862745084433541365;0.003267973856209150426005427548;0.064052287581699340890395433235;0.011111111111111111535154627461;0.009477124183006535237949741202;0.006862745098039215591034789554;0.007843137254901960675468330919;0.003921568627450980337734165460;0.006535947712418300852010855095;0.013398692810457515575683906661;0.002614379084967320080595820642;0.002941176470588235253300624095;0.078758169934640520626345505661;0.010784313725490195928768955014;0.061764705882352943788760057942;0.021568627450980391857537910028;0.000326797385620915010074477580;0.001307189542483660040297910321;0.014379084967320260660117448026;0.000000000000000000000000000000;0.019934640522875815560333023768;0.001633986928104575213002713774;0.012418300653594770491250365296;0.006209150326797385245625182648;0.046405228758169936309485592574;0.010457516339869280322383282567;0.002941176470588235253300624095;0.000000000000000000000000000000;0.005555555555555555767577313730;0.005555555555555555767577313730;0.000000000000000000000000000000;0.000000000000000000000000000000;0.037908496732026140951798964807;0.003594771241830065165029362007;0.021568627450980391857537910028;0.066013071895424837998156419872;0.040849673202614379674546540855;0.013725490196078431182069579108;0.018300653594771242732575089462
-0.013276836158192089828999904455;0.003954802259887005462524189880;0.052542372881355929592483988699;0.131920903954802271051960360637;0.001977401129943502731262094940;0.003672316384180791034447244314;0.006214689265536723489224968375;0.025141242937853108818657688062;0.000000000000000000000000000000;0.064971751412429376570933925450;0.005932203389830508627467153815;0.000847457627118644043172357438;0.004802259887005650047797633562;0.066101694915254236017965183692;0.015536723163841808723062420938;0.006497175141242937483621044947;0.006497175141242937483621044947;0.008192090395480225786806194321;0.006497175141242937483621044947;0.006497175141242937483621044947;0.010451977401129942946145234828;0.004519774011299435186039819001;0.003672316384180791034447244314;0.082203389830508469260372805820;0.007909604519774010925048379761;0.055367231638418078210062134303;0.024011299435028249371626429820;0.002542372881355932021096855067;0.004519774011299435186039819001;0.003954802259887005462524189880;0.000282485875706214699127488688;0.027118644067796609381515438031;0.002542372881355932021096855067;0.012429378531073446978449936751;0.014406779661016949276031162697;0.062994350282485872538629223527;0.010169491525423728084387420267;0.002824858757062146882854669627;0.000000000000000000000000000000;0.008474576271186440648564008882;0.009604519774011300095595267123;0.000000000000000000000000000000;0.000000000000000000000000000000;0.035875706214689266626560737450;0.006497175141242937483621044947;0.025423728813559323680415502622;0.079096045197740119658824653470;0.031073446327683617446124841877;0.016949152542372881297128017763;0.024011299435028249371626429820
-0.009929078014184397615871091602;0.002127659574468085141446538344;0.052482269503546098710078382510;0.138652482269503551925993178884;0.001418439716312056833244503729;0.000354609929078014208311125932;0.006382978723404254990658746038;0.023404255319148935254869314804;0.000709219858156028416622251864;0.073758865248226945787735076010;0.004609929078014184111733442251;0.000354609929078014208311125932;0.000354609929078014208311125932;0.069858156028368798007299744768;0.009574468085106382919668988052;0.010992907801418439969753926277;0.006737588652482269686860849589;0.007801418439716312040743684264;0.003191489361702127495329373019;0.004609929078014184111733442251;0.009929078014184397615871091602;0.000709219858156028416622251864;0.002127659574468085141446538344;0.096099290780141843892891984069;0.007092198581560283515701215151;0.066666666666666665741480812812;0.030851063829787233466772633506;0.000709219858156028416622251864;0.004609929078014184111733442251;0.007092198581560283515701215151;0.000000000000000000000000000000;0.034042553191489362263144613507;0.001773049645390070878925303788;0.014893617021276596423806637404;0.009219858156028368223466884501;0.059929078014184400391428653165;0.007092198581560283515701215151;0.003546099290780141757850607576;0.000000000000000000000000000000;0.004609929078014184111733442251;0.006382978723404254990658746038;0.000000000000000000000000000000;0.000000000000000000000000000000;0.036524822695035458197665434454;0.003191489361702127495329373019;0.018794326241134751143135872553;0.080141843971631210319372939921;0.031205673758865248162974737056;0.014184397163120567031402430302;0.021276595744680850547103645454
-0.012681159420289855876973206250;0.000000000000000000000000000000;0.045652173913043478381545980938;0.157608695652173919077299046876;0.000000000000000000000000000000;0.003260869565217391127104340498;0.006884057971014492620376312715;0.032246376811594201772237511250;0.001086956521739130447981591665;0.074275362318840576492107175000;0.009782608695652174682355628477;0.000362318840579710149327197222;0.003260869565217391127104340498;0.058333333333333334258519187188;0.008333333333333333217685101602;0.008333333333333333217685101602;0.004347826086956521791926366660;0.007971014492753622851517469883;0.002898550724637681194617577773;0.004710144927536232158093998379;0.017028985507246376801537834922;0.002173913043478260895963183330;0.003985507246376811425758734941;0.097826086956521743354109332813;0.008333333333333333217685101602;0.061956521739130437920195504375;0.019565217391304349364711256953;0.000000000000000000000000000000;0.003623188405797101493271972217;0.000724637681159420298654394443;0.000362318840579710149327197222;0.033695652173913043236908038125;0.001086956521739130447981591665;0.009420289855072464316187996758;0.006521739130434782254208680996;0.066666666666666665741480812812;0.008333333333333333217685101602;0.002536231884057970828449946055;0.000000000000000000000000000000;0.004347826086956521791926366660;0.013768115942028985240752625430;0.000362318840579710149327197222;0.000000000000000000000000000000;0.038405797101449277997087250469;0.001811594202898550746635986108;0.029710144927536232678511041172;0.083695652173913046012465599688;0.023188405797101449556940622188;0.008695652173913043583852733320;0.010144927536231883313799784219
-0.025833333333333333148296162562;0.001666666666666666773641281019;0.056250000000000001387778780781;0.023750000000000000277555756156;0.000000000000000000000000000000;0.003749999999999999861222121922;0.004166666666666666608842550801;0.026249999999999999028554853453;0.007083333333333332974823814965;0.053333333333333336756520992594;0.014999999999999999444888487687;0.000416666666666666693410320255;0.012500000000000000693889390391;0.065416666666666664631257788187;0.008333333333333333217685101602;0.009166666666666666712925959359;0.020833333333333332176851016015;0.022499999999999999167332731531;0.005416666666666666851703837438;0.012916666666666666574148081281;0.019583333333333334536074943344;0.005000000000000000104083408559;0.022916666666666665047591422422;0.052916666666666667406815349750;0.020000000000000000416333634234;0.045416666666666667684371105906;0.037083333333333336201409480282;0.000000000000000000000000000000;0.002083333333333333304421275400;0.000833333333333333386820640509;0.000000000000000000000000000000;0.030416666666666668239482618219;0.007916666666666667337426410711;0.013333333333333334189130248149;0.043333333333333334813630699500;0.046666666666666668794594130532;0.017916666666666667545593227828;0.002916666666666666799662133158;0.000833333333333333386820640509;0.022499999999999999167332731531;0.004166666666666666608842550801;0.002916666666666666799662133158;0.000000000000000000000000000000;0.032083333333333331760517381781;0.002916666666666666799662133158;0.019583333333333334536074943344;0.055833333333333332038073137937;0.042083333333333333703407674875;0.046666666666666668794594130532;0.027500000000000000138777878078
-0.014393939393939394685850707845;0.004924242424242423858682382587;0.055303030303030305259159860043;0.141666666666666662965923251249;0.003409090909090908925321850020;0.004166666666666666608842550801;0.006060606060606060600803868255;0.028409090909090908144696285831;0.003787878787878787983922634908;0.036363636363636361870099733551;0.012500000000000000693889390391;0.000378787878787878787550241766;0.006060606060606060600803868255;0.057575757575757578743402831378;0.028030303030303030387138107926;0.009848484848484847717364765174;0.007575757575757575967845269815;0.012878787878787878451447568295;0.010227272727272727209646419055;0.012878787878787878451447568295;0.012121212121212121201607736509;0.003409090909090908925321850020;0.015530303030303029693248717535;0.045833333333333330095182844843;0.011363636363636363951767904723;0.040151515151515153323469320412;0.034848484848484850839867021932;0.004545454545454545233762466694;0.004545454545454545233762466694;0.002272727272727272616881233347;0.000378787878787878787550241766;0.019318181818181817677171352443;0.007196969696969697342925353922;0.013636363636363635701287400082;0.028030303030303030387138107926;0.045833333333333330095182844843;0.012878787878787878451447568295;0.003409090909090908925321850020;0.000000000000000000000000000000;0.018939393939393939919613174538;0.005303030303030303350964036468;0.001136363636363636308440616673;0.000000000000000000000000000000;0.021212121212121213403856145874;0.010606060606060606701928072937;0.021212121212121213403856145874;0.051893939393939395032795403040;0.042424242424242426807712291748;0.040530303030303027611580546363;0.025000000000000001387778780781
-0.012037037037037037062736644089;0.002777777777777777883788656865;0.050000000000000002775557561563;0.190123456790123462889496863681;0.003086419753086419581755706076;0.001851851851851851922525771243;0.009876543209876543008562954640;0.024382716049382715389759468394;0.001543209876543209790877853038;0.059259259259259261520824679792;0.007098765432098765558455166769;0.000617283950617283938035184665;0.003703703703703703845051542487;0.053703703703703704885885628073;0.016975308641975307699656383420;0.010185185185185186007572610833;0.011728395061728395798450463872;0.010493827160493827271858791050;0.007716049382716048954389265191;0.008024691358024691953398921385;0.012345679012345678327022824305;0.005864197530864197899225231936;0.006481481481481481295159330358;0.081481481481481488060580886668;0.008024691358024691953398921385;0.043209876543209874144579885069;0.024382716049382715389759468394;0.002777777777777777883788656865;0.002777777777777777883788656865;0.001851851851851851922525771243;0.000308641975308641969017592332;0.043209876543209874144579885069;0.000925925925925925961262885622;0.007098765432098765558455166769;0.011728395061728395798450463872;0.054012345679012342680724856336;0.009259259259259258745267118229;0.003703703703703703845051542487;0.000000000000000000000000000000;0.009876543209876543008562954640;0.006790123456790123426807248563;0.000925925925925925961262885622;0.000000000000000000000000000000;0.039814814814814816767984950729;0.006481481481481481295159330358;0.019753086419753086017125909279;0.057716049382716051729946826754;0.027469135802469134971515174470;0.012962962962962962590318660716;0.013580246913580246853614497127
-0.018787878787878787428811122595;0.006060606060606060600803868255;0.046666666666666668794594130532;0.180606060606060603301870060022;0.002727272727272727487202175212;0.007272727272727272720964641906;0.003939393939393939607362948863;0.029696969696969697377619823442;0.003939393939393939607362948863;0.050606060606060605799871865429;0.014242424242424242195048655901;0.001212121212121212120160773651;0.007272727272727272720964641906;0.050909090909090910781475969316;0.014545454545454545441929283811;0.009393939393939393714405561298;0.006060606060606060600803868255;0.023939393939393940891058321085;0.013030303030303030942249620239;0.008484848484848485708487153545;0.014242424242424242195048655901;0.003333333333333333547282562037;0.009393939393939393714405561298;0.057575757575757578743402831378;0.015757575757575758429451795450;0.045454545454545455807071618892;0.036363636363636361870099733551;0.001515151515151515150200967064;0.003333333333333333547282562037;0.004848484848484848480643094604;0.000303030303030303030040193413;0.022424242424242422921931705559;0.007575757575757575967845269815;0.013333333333333334189130248149;0.008787878787878787220644305478;0.050303030303030300818267761542;0.014242424242424242195048655901;0.002424242424242424240321547302;0.000000000000000000000000000000;0.009393939393939393714405561298;0.011212121212121211460965852780;0.001515151515151515150200967064;0.000000000000000000000000000000;0.033636363636363637852344510293;0.009393939393939393714405561298;0.013939393939393938948168027991;0.048181818181818179824826842150;0.019090909090909092410415226482;0.028181818181818182877940159869;0.014848484848484848688809911721
-0.023412698412698412786525636875;0.001587301587301587300210536924;0.049603174603174600421073847656;0.140079365079365081303564011250;0.000000000000000000000000000000;0.001984126984126984016842953906;0.005158730158730158617264027754;0.025396825396825396803368590781;0.003174603174603174600421073848;0.077777777777777779011358916250;0.007142857142857142634106981660;0.001587301587301587300210536924;0.005555555555555555767577313730;0.055555555555555552471602709375;0.008333333333333333217685101602;0.008333333333333333217685101602;0.011111111111111111535154627461;0.009920634920634920084214769531;0.006746031746031746351155433672;0.007539682539682539784420267637;0.011507936507936508685467913438;0.003174603174603174600421073848;0.003174603174603174600421073848;0.100000000000000005551115123126;0.011904761904761904101057723437;0.048809523809523809589894227656;0.019444444444444444752839729063;0.001984126984126984016842953906;0.001190476190476190583578119941;0.000396825396825396825052634231;0.001190476190476190583578119941;0.040476190476190478106932602032;0.002777777777777777883788656865;0.006349206349206349200842147695;0.010714285714285714384841341484;0.076587301587301592764589486251;0.015873015873015872134743631250;0.003571428571428571317053490830;0.000000000000000000000000000000;0.007142857142857142634106981660;0.007936507936507936067371815625;0.000396825396825396825052634231;0.000000000000000000000000000000;0.029761904761904760252644308594;0.005555555555555555767577313730;0.023809523809523808202115446875;0.065476190476190479494711382813;0.028571428571428570536427926640;0.011904761904761904101057723437;0.010317460317460317234528055508
-0.014682539682539682418527249297;0.008333333333333333217685101602;0.084523809523809528831961301876;0.066269841269841270325891002813;0.000000000000000000000000000000;0.001587301587301587300210536924;0.005158730158730158617264027754;0.010714285714285714384841341484;0.003571428571428571317053490830;0.048412698412698414174304417656;0.007539682539682539784420267637;0.000000000000000000000000000000;0.007539682539682539784420267637;0.057936507936507938842929377188;0.005952380952380952050528861719;0.008333333333333333217685101602;0.019047619047619049337249919063;0.021031746031746033354092872969;0.002777777777777777883788656865;0.014285714285714285268213963320;0.009126984126984127518311673555;0.009523809523809524668624959531;0.019444444444444444752839729063;0.068650793650793656697217670626;0.010317460317460317234528055508;0.041666666666666664353702032031;0.027777777777777776235801354687;0.003571428571428571317053490830;0.003571428571428571317053490830;0.000396825396825396825052634231;0.000793650793650793650105268462;0.035317460317460316887583360312;0.002777777777777777883788656865;0.018650793650793650452213157109;0.041269841269841268938112222031;0.054365079365079366224833279375;0.009126984126984127518311673555;0.002777777777777777883788656865;0.000396825396825396825052634231;0.037301587301587300904426314219;0.006746031746031746351155433672;0.003174603174603174600421073848;0.000000000000000000000000000000;0.032539682539682542039560786407;0.002777777777777777883788656865;0.030952380952380953438307642500;0.053174603174603173039169945469;0.032142857142857139685077072500;0.035714285714285712303173170312;0.018253968253968255036623347110
-0.013888888888888888117900677344;0.000396825396825396825052634231;0.055952380952380954826086423282;0.103571428571428578169211220938;0.000396825396825396825052634231;0.001190476190476190583578119941;0.007539682539682539784420267637;0.026190476190476191103995162734;0.002380952380952381167156239883;0.064682539682539688663531762813;0.009126984126984127518311673555;0.000000000000000000000000000000;0.001587301587301587300210536924;0.055952380952380954826086423282;0.011111111111111111535154627461;0.005952380952380952050528861719;0.009523809523809524668624959531;0.011904761904761904101057723437;0.003571428571428571317053490830;0.010714285714285714384841341484;0.018253968253968255036623347110;0.001587301587301587300210536924;0.004365079365079365183999193789;0.097222222222222223764198645313;0.007539682539682539784420267637;0.048015873015873018758714607657;0.030952380952380953438307642500;0.000000000000000000000000000000;0.002380952380952381167156239883;0.000000000000000000000000000000;0.000793650793650793650105268462;0.045238095238095236971798129844;0.001190476190476190583578119941;0.012301587301587301251371009414;0.012698412698412698401684295391;0.073809523809523810977673008438;0.012301587301587301251371009414;0.003968253968253968033685907812;0.000000000000000000000000000000;0.010317460317460317234528055508;0.011111111111111111535154627461;0.000000000000000000000000000000;0.000000000000000000000000000000;0.051587301587301584437916801562;0.004365079365079365183999193789;0.032936507936507937455150596406;0.067063492063492061157070622812;0.021825396825396824185272492969;0.019444444444444444752839729063;0.013095238095238095551997581367
-0.008333333333333333217685101602;0.001282051282051282050170049054;0.035897435897435894802676159543;0.158333333333333325931846502499;0.000000000000000000000000000000;0.001602564102564102508502452693;0.007371794871794871625847456187;0.021153846153846155020428199123;0.000320512820512820512542512263;0.095192307692307687183586040192;0.003846153846153846367350581659;0.000320512820512820512542512263;0.001282051282051282050170049054;0.041346153846153844979571800877;0.008012820512820512108831394471;0.005128205128205128200680196215;0.009935897435897435292506685300;0.006089743589743589792517841630;0.003525641025641025692177743522;0.004487179487179486850334519943;0.012179487179487179585035683260;0.000961538461538461591837645415;0.000641025641025641025085024527;0.140705128205128204843532557788;0.005769230769230769551025872488;0.040705128205128206231311338570;0.018589743589743589619045494032;0.000000000000000000000000000000;0.002243589743589743425167259971;0.006089743589743589792517841630;0.000000000000000000000000000000;0.055769230769230772326583434051;0.000641025641025641025085024527;0.003205128205128205017004905386;0.002884615384615384775512936244;0.083012820512820509333273832908;0.008653846153846154326538808732;0.002884615384615384775512936244;0.000000000000000000000000000000;0.002243589743589743425167259971;0.011858974358974358476181976130;0.000000000000000000000000000000;0.000000000000000000000000000000;0.065064102564102568870829657044;0.004487179487179486850334519943;0.029807692307692309346967007855;0.054487179487179487891168605529;0.017628205128205128027207848618;0.005128205128205128200680196215;0.010897435897435896884344330715
-0.015032679738562091872888792921;0.000980392156862745084433541365;0.042810457516339869843413623585;0.197712418300653586245019255330;0.022222222222222223070309254922;0.002287581699346405341571886183;0.007843137254901960675468330919;0.019934640522875815560333023768;0.000326797385620915010074477580;0.060457516339869281363217368153;0.004248366013071895076758099918;0.000326797385620915010074477580;0.002614379084967320080595820642;0.044444444444444446140618509844;0.008496732026143790153516199837;0.007189542483660130330058724013;0.016339869281045752563708006733;0.013071895424836601704021710191;0.002614379084967320080595820642;0.007843137254901960675468330919;0.011764705882352941013202496379;0.003594771241830065165029362007;0.003594771241830065165029362007;0.085947712418300653558489443640;0.006209150326797385245625182648;0.040849673202614379674546540855;0.016993464052287580307032399674;0.000000000000000000000000000000;0.004248366013071895076758099918;0.000326797385620915010074477580;0.000000000000000000000000000000;0.045098039215686273883942902785;0.001960784313725490168867082730;0.008823529411764705759901872284;0.014705882352941176266503120473;0.066993464052287579613143009283;0.008496732026143790153516199837;0.002287581699346405341571886183;0.000000000000000000000000000000;0.008169934640522876281854003366;0.009150326797385621366287544731;0.000653594771241830020148955160;0.000000000000000000000000000000;0.054248366013071896984953923493;0.004248366013071895076758099918;0.031699346405228756573535520147;0.045751633986928101627267295726;0.024836601307189540982500730593;0.010784313725490195928768955014;0.011764705882352941013202496379
-0.014492753623188405973087888867;0.002536231884057970828449946055;0.044565217391304347283043085781;0.140579710144927538806314260000;0.000724637681159420298654394443;0.001086956521739130447981591665;0.006159420289855072755402787266;0.029347826086956522312343409453;0.001449275362318840597308788887;0.065942028985507245009145549375;0.007971014492753622851517469883;0.000000000000000000000000000000;0.002173913043478260895963183330;0.052898550724637678766004711406;0.011594202898550724778470311094;0.008333333333333333217685101602;0.014855072463768116339255520586;0.016666666666666666435370203203;0.003985507246376811425758734941;0.009057971014492753950020365039;0.016304347826086956069202571484;0.002536231884057970828449946055;0.001449275362318840597308788887;0.105434782608695654104735695000;0.010869565217391304046135047656;0.048188405797101450944719402969;0.026449275362318839383002355703;0.001811594202898550746635986108;0.003985507246376811425758734941;0.001811594202898550746635986108;0.000724637681159420298654394443;0.036594202898550726166249091875;0.002536231884057970828449946055;0.003260869565217391127104340498;0.008695652173913043583852733320;0.073550724637681155759771911562;0.009420289855072464316187996758;0.003623188405797101493271972217;0.000000000000000000000000000000;0.005434782608695652023067523828;0.012318840579710145510805574531;0.000362318840579710149327197222;0.000000000000000000000000000000;0.050362318840579713141725193282;0.003260869565217391127104340498;0.032608695652173912138405142969;0.052898550724637678766004711406;0.023550724637681159923108253906;0.015942028985507245703034939766;0.011594202898550724778470311094
-0.009219858156028368223466884501;0.002127659574468085141446538344;0.060283687943262408148736852809;0.097872340425531917373902501822;0.000354609929078014208311125932;0.000354609929078014208311125932;0.002127659574468085141446538344;0.024113475177304964647273521905;0.000709219858156028416622251864;0.108865248226950359078379904076;0.005673758865248227332978014914;0.000000000000000000000000000000;0.000000000000000000000000000000;0.068085106382978724526289227015;0.010992907801418439969753926277;0.006737588652482269686860849589;0.005673758865248227332978014914;0.004964539007092198807935545801;0.004255319148936170282893076688;0.004964539007092198807935545801;0.010992907801418439969753926277;0.001418439716312056833244503729;0.000709219858156028416622251864;0.118085106382978727301846788578;0.006382978723404254990658746038;0.074113475177304960483937179561;0.031914893617021274085931992204;0.002127659574468085141446538344;0.001418439716312056833244503729;0.001063829787234042570723269172;0.000000000000000000000000000000;0.030496453900709218770570529955;0.000354609929078014208311125932;0.009929078014184397615871091602;0.002836879432624113666489007457;0.074113475177304960483937179561;0.008156028368794325869584049826;0.001063829787234042570723269172;0.000000000000000000000000000000;0.001063829787234042570723269172;0.008156028368794325869584049826;0.000000000000000000000000000000;0.000000000000000000000000000000;0.045744680851063826421132318956;0.003546099290780141757850607576;0.017730496453900710523976513855;0.087588652482269505061829306669;0.026950354609929078747443398356;0.008156028368794325869584049826;0.008510638297872340565786153377
-0.018749999999999999306110609609;0.007083333333333332974823814965;0.064166666666666663521034763562;0.074999999999999997224442438437;0.002083333333333333304421275400;0.002083333333333333304421275400;0.002916666666666666799662133158;0.023750000000000000277555756156;0.000833333333333333386820640509;0.065416666666666664631257788187;0.010000000000000000208166817117;0.000000000000000000000000000000;0.003749999999999999861222121922;0.058333333333333334258519187188;0.012083333333333333078907223523;0.009583333333333332593184650250;0.007499999999999999722444243844;0.015833333333333334674852821422;0.012083333333333333078907223523;0.007499999999999999722444243844;0.014583333333333333564629796797;0.006250000000000000346944695195;0.009583333333333332593184650250;0.080000000000000001665334536938;0.010000000000000000208166817117;0.062083333333333330650294357156;0.035416666666666665741480812812;0.001250000000000000026020852140;0.001250000000000000026020852140;0.002916666666666666799662133158;0.000416666666666666693410320255;0.027500000000000000138777878078;0.007083333333333332974823814965;0.007499999999999999722444243844;0.018333333333333333425851918719;0.058333333333333334258519187188;0.013333333333333334189130248149;0.002500000000000000052041704279;0.000000000000000000000000000000;0.005416666666666666851703837438;0.004583333333333333356462979680;0.000416666666666666693410320255;0.000000000000000000000000000000;0.038333333333333330372738601000;0.007499999999999999722444243844;0.024166666666666666157814447047;0.086249999999999993338661852249;0.037083333333333336201409480282;0.019583333333333334536074943344;0.019583333333333334536074943344
-0.014015151515151515193569053963;0.002272727272727272616881233347;0.049242424242424240321547301846;0.135606060606060618844992404775;0.001515151515151515150200967064;0.006439393939393939225723784148;0.004166666666666666608842550801;0.029924242424242422644375949403;0.002651515151515151675482018234;0.064015151515151511030232711619;0.010227272727272727209646419055;0.000757575757575757575100483532;0.006818181818181817850643700041;0.056060606060606060774276215852;0.009848484848484847717364765174;0.009090909090909090467524933388;0.006818181818181817850643700041;0.006818181818181817850643700041;0.008712121212121212709966755483;0.006439393939393939225723784148;0.012121212121212121201607736509;0.003787878787878787983922634908;0.010984848484848484459486250842;0.073484848484848486194209726818;0.013257575757575757943729222177;0.056060606060606060774276215852;0.028409090909090908144696285831;0.000757575757575757575100483532;0.001893939393939393991961317454;0.001515151515151515150200967064;0.000378787878787878787550241766;0.025757575757575756902895136591;0.003409090909090908925321850020;0.012121212121212121201607736509;0.015909090909090907450806895440;0.067803030303030309422496202387;0.015530303030303029693248717535;0.002651515151515151675482018234;0.000378787878787878787550241766;0.010606060606060606701928072937;0.006060606060606060600803868255;0.001136363636363636308440616673;0.000000000000000000000000000000;0.037499999999999998612221219219;0.006060606060606060600803868255;0.021969696969696968918972501683;0.065151515151515154711248101194;0.034848484848484850839867021932;0.021212121212121213403856145874;0.017803030303030303177491688871
-0.011956521739130435144637942813;0.003260869565217391127104340498;0.057608695652173913526183923750;0.130072463768115931248559036248;0.000362318840579710149327197222;0.003985507246376811425758734941;0.003623188405797101493271972217;0.028985507246376811946175777734;0.001086956521739130447981591665;0.075362318840579714529503974063;0.007608695652173913352711576152;0.000362318840579710149327197222;0.002536231884057970828449946055;0.066304347826086962314207085001;0.010507246376811593679967415937;0.010869565217391304046135047656;0.006159420289855072755402787266;0.010144927536231883313799784219;0.005797101449275362389235155547;0.010507246376811593679967415937;0.009782608695652174682355628477;0.002173913043478260895963183330;0.002536231884057970828449946055;0.088405797101449273833750908125;0.008333333333333333217685101602;0.063768115942028982812139759062;0.024275362318840580655443517344;0.000362318840579710149327197222;0.001449275362318840597308788887;0.004347826086956521791926366660;0.000362318840579710149327197222;0.030072463768115943044678672891;0.001086956521739130447981591665;0.006884057971014492620376312715;0.013768115942028985240752625430;0.068115942028985507206151339687;0.011594202898550724778470311094;0.004710144927536232158093998379;0.000000000000000000000000000000;0.002173913043478260895963183330;0.008695652173913043583852733320;0.000000000000000000000000000000;0.000000000000000000000000000000;0.038768115942028988363254882188;0.005434782608695652023067523828;0.011231884057971014412302679375;0.074637681159420293797168710626;0.036231884057971015800081460156;0.017028985507246376801537834922;0.016666666666666666435370203203
-0.005284552845528455063128792091;0.008943089430894309369013406297;0.043089430894308944353099377622;0.229674796747967480126106920579;0.013414634146341463186158371457;0.000406504065040650406151478968;0.008130081300813008990391317354;0.024796747967479673691038044581;0.000406504065040650406151478968;0.074390243902439021073114133742;0.005691056910569106119801574550;0.000406504065040650406151478968;0.001219512195121951218454436905;0.038617886178861790535954412462;0.017479674796747966813992292145;0.006504065040650406498423663493;0.008130081300813008990391317354;0.010162601626016259936946539710;0.004471544715447154684506703148;0.004878048780487804873817747620;0.012601626016260162807536282514;0.001219512195121951218454436905;0.000000000000000000000000000000;0.099593495934959350157633650724;0.004471544715447154684506703148;0.043495934959349592807686946117;0.022764227642276424479206298201;0.002439024390243902436908873810;0.001219512195121951218454436905;0.000813008130081300812302957937;0.000000000000000000000000000000;0.041056910569105688202373727336;0.002032520325203252247597829339;0.004878048780487804873817747620;0.003658536585365853872203745212;0.062601626016260167317817320054;0.007317073170731707744407490424;0.002032520325203252247597829339;0.000000000000000000000000000000;0.001219512195121951218454436905;0.011382113821138212239603149101;0.000406504065040650406151478968;0.000000000000000000000000000000;0.040650406504065039747786158841;0.011382113821138212239603149101;0.022357723577235772555171777753;0.045121951219512193564931124001;0.022764227642276424479206298201;0.008536585365853659179702361826;0.017886178861788618738026812593
-0.011481481481481481399242738917;0.003703703703703703845051542487;0.047407407407407405053323401489;0.139629629629629631315523852209;0.002222222222222222220294751693;0.002222222222222222220294751693;0.006666666666666667094565124074;0.029629629629629630760412339896;0.001481481481481481407916356297;0.066296296296296297612116177334;0.008518518518518519017090895318;0.000000000000000000000000000000;0.001111111111111111110147375847;0.058518518518518518323201504927;0.009259259259259258745267118229;0.007037037037037036958653235530;0.008888888888888888881179006773;0.013333333333333334189130248149;0.003703703703703703845051542487;0.004814814814814815172039352831;0.009629629629629630344078705662;0.001481481481481481407916356297;0.001481481481481481407916356297;0.100370370370370373680479758605;0.005185185185185185036127464286;0.045185185185185182399347780802;0.022222222222222223070309254922;0.001851851851851851922525771243;0.002222222222222222220294751693;0.007777777777777777554191196430;0.000370370370370370351979089074;0.042592592592592591616007524635;0.000740740740740740703958178148;0.008888888888888888881179006773;0.008518518518518519017090895318;0.069629629629629624654185704458;0.020000000000000000416333634234;0.002962962962962962815832712593;0.000000000000000000000000000000;0.004074074074074073709139653943;0.010370370370370370072254928573;0.000370370370370370351979089074;0.000000000000000000000000000000;0.048148148148148148250946576354;0.005555555555555555767577313730;0.027037037037037036507625131776;0.068888888888888888395456433500;0.025925925925925925180637321432;0.019259259259259260688157411323;0.013333333333333334189130248149
-0.020155038759689922200912803874;0.010852713178294573492799202086;0.046511627906976743540568008939;0.139922480620155026409534571030;0.008527131782945736315770801639;0.006976744186046511531085201341;0.007751937984496123923428001490;0.029457364341085270909026405661;0.004651162790697674354056800894;0.032558139534883720478397606257;0.012403100775193798277484802384;0.000000000000000000000000000000;0.011627906976744185885142002235;0.045348837209302328421500760669;0.029457364341085270909026405661;0.010852713178294573492799202086;0.013565891472868216865999002607;0.018217054263565891220055803501;0.009689922480620154904285001862;0.009689922480620154904285001862;0.017829457364341085023884403427;0.004263565891472868157885400819;0.013953488372093023062170402682;0.050775193798449615167900361712;0.017829457364341085023884403427;0.038759689922480619617140007449;0.032170542635658917751673158136;0.009689922480620154904285001862;0.003875968992248061961714000745;0.002713178294573643373199800521;0.001162790697674418588514200223;0.023255813953488371770284004469;0.005813953488372092942571001117;0.013178294573643410669827602533;0.034883720930232557655426006704;0.034883720930232557655426006704;0.012790697674418604473656202458;0.004651162790697674354056800894;0.000000000000000000000000000000;0.011240310077519379688970602160;0.009302325581395348708113601788;0.001162790697674418588514200223;0.000000000000000000000000000000;0.032945736434108530144015958285;0.011240310077519379688970602160;0.019379844961240309808570003725;0.044573643410852716029157960520;0.025581395348837208947312404916;0.037984496124031007224797207300;0.015891472868217054043027403054
-0.012962962962962962590318660716;0.006172839506172839163511412153;0.050308641975308640570396789826;0.168518518518518511939419113332;0.004012345679012345976699460692;0.004938271604938271504281477320;0.008950617283950617480980938012;0.029012345679012344762393027509;0.001543209876543209790877853038;0.057407407407407406996213694583;0.011728395061728395798450463872;0.000925925925925925961262885622;0.004629629629629629372633559115;0.056481481481481479733908201979;0.013888888888888888117900677344;0.008950617283950617480980938012;0.008333333333333333217685101602;0.013271604938271605589328316910;0.007098765432098765558455166769;0.007098765432098765558455166769;0.013271604938271605589328316910;0.003086419753086419581755706076;0.007098765432098765558455166769;0.066049382716049376274014548471;0.007407407407407407690103084974;0.036111111111111107718762980312;0.032407407407407405608434913802;0.001851851851851851922525771243;0.004938271604938271504281477320;0.014814814814814815380206169948;0.000000000000000000000000000000;0.022839506172839505598881615356;0.004320987654320987240985640909;0.012345679012345678327022824305;0.017592592592592593697675695807;0.049074074074074075513252068959;0.013271604938271605589328316910;0.003395061728395061713403624282;0.000000000000000000000000000000;0.013271604938271605589328316910;0.009567901234567901744276774423;0.001234567901234567876070369330;0.000000000000000000000000000000;0.032407407407407405608434913802;0.006481481481481481295159330358;0.018518518518518517490534236458;0.060185185185185181844236268489;0.031790123456790123079862553368;0.025925925925925925180637321432;0.014506172839506172381196513754
-0.011944444444444445030395485219;0.005555555555555555767577313730;0.050000000000000002775557561563;0.220000000000000001110223024625;0.000833333333333333386820640509;0.001388888888888888941894328433;0.014444444444444443781394582516;0.036666666666666666851703837438;0.005277777777777777935830361145;0.038888888888888889505679458125;0.008611111111111111049432054187;0.000277777777777777777536843962;0.004166666666666666608842550801;0.043333333333333334813630699500;0.024444444444444445724284875610;0.008333333333333333217685101602;0.013888888888888888117900677344;0.013888888888888888117900677344;0.005555555555555555767577313730;0.007222222222222221890697291258;0.013611111111111110286153724758;0.009444444444444444544672911945;0.009722222222222222376419864531;0.051944444444444445863062753688;0.010555555555555555871660722289;0.034166666666666664631257788187;0.025833333333333333148296162562;0.002222222222222222220294751693;0.005555555555555555767577313730;0.001111111111111111110147375847;0.000833333333333333386820640509;0.026388888888888888811790067734;0.001666666666666666773641281019;0.014999999999999999444888487687;0.025000000000000001387778780781;0.041111111111111112159655078813;0.006944444444444444058950338672;0.003888888888888888777095598215;0.000000000000000000000000000000;0.018611111111111109522875395328;0.015555555555555555108382392859;0.000833333333333333386820640509;0.000000000000000000000000000000;0.029166666666666667129259593594;0.008611111111111111049432054187;0.024166666666666666157814447047;0.041111111111111112159655078813;0.025277777777777777484802257391;0.019722222222222220849863205672;0.017222222222222222098864108375
-0.013821138211382113375469415928;0.005691056910569106119801574550;0.057723577235772358107190882492;0.144715447154471543722564774725;0.001219512195121951218454436905;0.003252032520325203249211831746;0.008943089430894309369013406297;0.024796747967479673691038044581;0.001219512195121951218454436905;0.047560975609756098170244342782;0.012195121951219512618225238043;0.000813008130081300812302957937;0.008130081300813008990391317354;0.064634146341463416529649066433;0.014634146341463415488814980847;0.008943089430894309369013406297;0.008536585365853659179702361826;0.008943089430894309369013406297;0.006910569105691056687734707964;0.008536585365853659179702361826;0.013821138211382113375469415928;0.004471544715447154684506703148;0.009349593495934959558324450768;0.053658536585365852744633485827;0.010162601626016259936946539710;0.046341463414634145867587733392;0.028455284552845527129560920798;0.002032520325203252247597829339;0.004065040650406504495195658677;0.002439024390243902436908873810;0.000000000000000000000000000000;0.021544715447154472176549688811;0.006097560975609756309112619022;0.017479674796747966813992292145;0.028455284552845527129560920798;0.041869918699186992050442768232;0.012195121951219512618225238043;0.006910569105691056687734707964;0.000000000000000000000000000000;0.012195121951219512618225238043;0.006504065040650406498423663493;0.001219512195121951218454436905;0.000000000000000000000000000000;0.028048780487804878674973352304;0.010162601626016259936946539710;0.019918699186991871419305510926;0.069918699186991867255969168582;0.045934959349593497413000164897;0.024796747967479673691038044581;0.020731707317073171797927599869
-0.014327485380116959656771058462;0.003508771929824561468941324094;0.065497076023391817556351668372;0.111695906432748542913557798784;0.001169590643274853822980441365;0.003801169590643274816266217186;0.005555555555555555767577313730;0.024561403508771929848908399663;0.002339181286549707645960882729;0.045029239766081870233183082064;0.012573099415204678705459961918;0.000877192982456140367235331023;0.007309941520467835851526672286;0.066081871345029241648916240592;0.014035087719298245875765296375;0.009649122807017544364849293004;0.012280701754385964924454199831;0.010526315789473683973143103287;0.009356725146198830583843530917;0.007602339181286549632532434373;0.016081871345029238873358679029;0.004970760233918129072927527545;0.008771929824561403021832006743;0.062865497076023388323129381661;0.015497076023391813046070630833;0.058187134502923974765931092179;0.035964912280701755165068789211;0.002046783625730994298635989637;0.002046783625730994298635989637;0.008771929824561403021832006743;0.000292397660818713455745110341;0.025730994152046784972931448010;0.006432748538011696243232862003;0.018713450292397661167687061834;0.024269005847953217802626113553;0.038596491228070177459397172015;0.014327485380116959656771058462;0.002923976608187134340610668914;0.000000000000000000000000000000;0.010526315789473683973143103287;0.007309941520467835851526672286;0.000584795321637426911490220682;0.000000000000000000000000000000;0.028947368421052631359824403035;0.008479532163742689240826244657;0.024853801169590641895190685773;0.061403508771929821152824047203;0.033333333333333332870740406406;0.023684210526315790240614589379;0.026608187134502924581225258294
-0.025252525252525252069668582067;0.008080808080808080801071824339;0.054040404040404041441369997756;0.010101010101010101868701518413;0.004040404040404040400535912170;0.008080808080808080801071824339;0.006565656565656565434030422779;0.029797979797979799038154524737;0.010101010101010101868701518413;0.035353535353535352203646624503;0.008585858585858585634298378864;0.001010101010101010100133978042;0.017171717171717171268596757727;0.040404040404040407474806073651;0.020202020202020203737403036826;0.009595959595959595300751487912;0.021212121212121213403856145874;0.031818181818181814901613790880;0.029292929292929294204927970213;0.014141414141414142269237430583;0.026767676767676766569348245639;0.019696969696969695434729530348;0.029797979797979799038154524737;0.039393939393939390869459060696;0.016666666666666666435370203203;0.030303030303030303871381079261;0.030808080808080808704607633786;0.001515151515151515150200967064;0.002020202020202020200267956085;0.015656565656565656768917094155;0.000000000000000000000000000000;0.023232323232323232736762363970;0.015151515151515151935690539631;0.015151515151515151935690539631;0.048484848484848484806430946037;0.039393939393939390869459060696;0.013636363636363635701287400082;0.005050505050505050934350759206;0.000000000000000000000000000000;0.044444444444444446140618509844;0.010606060606060606701928072937;0.002525252525252525467175379603;0.000000000000000000000000000000;0.032323232323232323204287297358;0.011616161616161616368381181985;0.022727272727272727903535809446;0.044444444444444446140618509844;0.026262626262626261736121691115;0.036363636363636361870099733551;0.011111111111111111535154627461
-0.024444444444444445724284875610;0.003703703703703703845051542487;0.045555555555555557467606320188;0.156666666666666676288599546751;0.000000000000000000000000000000;0.008518518518518519017090895318;0.008888888888888888881179006773;0.021111111111111111743321444578;0.003333333333333333547282562037;0.032592592592592589673117231541;0.015925925925925926707193980292;0.000740740740740740703958178148;0.013333333333333334189130248149;0.049259259259259259577934386698;0.010740740740740739936343040029;0.014814814814814815380206169948;0.010370370370370370072254928573;0.012222222222222222862142437805;0.006296296296296296363115274630;0.008888888888888888881179006773;0.013333333333333334189130248149;0.004814814814814815172039352831;0.015185185185185185244294281404;0.044074074074074071072359970458;0.018518518518518517490534236458;0.046666666666666668794594130532;0.028148148148148147834612942120;0.000370370370370370351979089074;0.005555555555555555767577313730;0.001851851851851851922525771243;0.001481481481481481407916356297;0.018888888888888889089345823891;0.008518518518518519017090895318;0.011851851851851851263330850372;0.047407407407407405053323401489;0.041851851851851848418384349770;0.016296296296296294836558615771;0.004814814814814815172039352831;0.000370370370370370351979089074;0.018518518518518517490534236458;0.004814814814814815172039352831;0.001481481481481481407916356297;0.000000000000000000000000000000;0.032222222222222221543752596062;0.005555555555555555767577313730;0.021481481481481479872686080057;0.043333333333333334813630699500;0.034814814814814812327092852229;0.035185185185185187395351391615;0.025185185185185185452461098521
-0.025000000000000001387778780781;0.002380952380952381167156239883;0.030158730158730159137681070547;0.138888888888888895056794581251;0.000396825396825396825052634231;0.016269841269841271019780393203;0.005555555555555555767577313730;0.018253968253968255036623347110;0.001587301587301587300210536924;0.033333333333333332870740406406;0.017063492063492061850960013203;0.002380952380952381167156239883;0.030555555555555554553270880547;0.046031746031746034741871653750;0.010714285714285714384841341484;0.009920634920634920084214769531;0.009126984126984127518311673555;0.014285714285714285268213963320;0.006349206349206349200842147695;0.006349206349206349200842147695;0.011507936507936508685467913438;0.004365079365079365183999193789;0.015873015873015872134743631250;0.049603174603174600421073847656;0.032142857142857139685077072500;0.034523809523809526056403740313;0.030555555555555554553270880547;0.000000000000000000000000000000;0.001984126984126984016842953906;0.002777777777777777883788656865;0.001587301587301587300210536924;0.017857142857142856151586585156;0.009920634920634920084214769531;0.019047619047619049337249919063;0.051190476190476189022326991562;0.040873015873015873522522412031;0.011111111111111111535154627461;0.006746031746031746351155433672;0.000000000000000000000000000000;0.022222222222222223070309254922;0.005158730158730158617264027754;0.000396825396825396825052634231;0.000000000000000000000000000000;0.022222222222222223070309254922;0.007142857142857142634106981660;0.016269841269841271019780393203;0.036507936507936510073246694219;0.055555555555555552471602709375;0.038888888888888889505679458125;0.029365079365079364837054498594
-0.016326530612244899431928502054;0.001020408163265306214495531378;0.037755102040816328201611185023;0.211564625850340137791505412679;0.001020408163265306214495531378;0.002380952380952381167156239883;0.008503401360544218454129428153;0.027891156462585033060097572388;0.002040816326530612428991062757;0.050340136054421766309552310759;0.012925170068027210315553254816;0.001360544217687074735820274007;0.006462585034013605157776627408;0.051360544217687077728218270067;0.011904761904761904101057723437;0.010204081632653060410231837807;0.007823129251700680977799073901;0.012244897959183672839222900564;0.007482993197278911372272158786;0.005102040816326530205115918903;0.015986394557823128959039848951;0.002380952380952381167156239883;0.013265306122448979053718431942;0.051020408163265307255329616964;0.015306122448979591482709494699;0.052380952380952382207990325469;0.030952380952380953438307642500;0.000680272108843537367910137004;0.005782312925170067681446273156;0.000680272108843537367910137004;0.000000000000000000000000000000;0.026530612244897958107436863884;0.004081632653061224857982125513;0.012244897959183672839222900564;0.024829931972789116151334454230;0.042857142857142857539365365938;0.008843537414965987192294605279;0.005782312925170067681446273156;0.000000000000000000000000000000;0.012244897959183672839222900564;0.007823129251700680977799073901;0.000340136054421768683955068502;0.000000000000000000000000000000;0.037414965986394557728722531920;0.003061224489795918209805725141;0.025170068027210883154776155379;0.047278911564625852870236144554;0.025850340136054420631106509632;0.024829931972789116151334454230;0.016666666666666666435370203203
-0.019047619047619049337249919063;0.002777777777777777883788656865;0.066666666666666665741480812812;0.135714285714285703976500485624;0.001190476190476190583578119941;0.005158730158730158617264027754;0.006746031746031746351155433672;0.026587301587301586519584972734;0.003968253968253968033685907812;0.061507936507936504522131571093;0.013095238095238095551997581367;0.000793650793650793650105268462;0.005555555555555555767577313730;0.065079365079365084079121572813;0.008730158730158730367998387578;0.005158730158730158617264027754;0.012301587301587301251371009414;0.013095238095238095551997581367;0.006746031746031746351155433672;0.008333333333333333217685101602;0.009920634920634920084214769531;0.002380952380952381167156239883;0.006746031746031746351155433672;0.077777777777777779011358916250;0.013492063492063492702310867344;0.044444444444444446140618509844;0.031746031746031744269487262500;0.000396825396825396825052634231;0.004365079365079365183999193789;0.001984126984126984016842953906;0.000000000000000000000000000000;0.034126984126984123701920026406;0.003571428571428571317053490830;0.008730158730158730367998387578;0.013492063492063492702310867344;0.059523809523809520505288617187;0.015079365079365079568840535273;0.001190476190476190583578119941;0.000000000000000000000000000000;0.005158730158730158617264027754;0.006746031746031746351155433672;0.000396825396825396825052634231;0.000000000000000000000000000000;0.039682539682539680336859078125;0.003174603174603174600421073848;0.021825396825396824185272492969;0.057539682539682536488445663281;0.031349206349206348853897452500;0.024206349206349207087152208828;0.012698412698412698401684295391
-0.014000000000000000291433543964;0.003000000000000000062450045135;0.034666666666666665075346998037;0.169333333333333335701809119200;0.000000000000000000000000000000;0.001666666666666666773641281019;0.007333333333333333196868419890;0.028666666666666666685170383744;0.001333333333333333288808764117;0.073333333333333333703407674875;0.009333333333333334105863521302;0.000000000000000000000000000000;0.004333333333333333134418374755;0.060999999999999998667732370450;0.009666666666666667157015169209;0.005333333333333333155235056466;0.006000000000000000124900090270;0.007000000000000000145716771982;0.005000000000000000104083408559;0.005000000000000000104083408559;0.012333333333333333300951828448;0.000666666666666666644404382058;0.002666666666666666577617528233;0.100333333333333329928649391150;0.011333333333333334147496884725;0.053999999999999999389377336456;0.024333333333333331816028533012;0.003000000000000000062450045135;0.004000000000000000083266726847;0.000333333333333333322202191029;0.000333333333333333322202191029;0.024666666666666666601903656897;0.002000000000000000041633363423;0.006333333333333333176051738178;0.018666666666666668211727042603;0.051999999999999997613020497056;0.015666666666666665547191783503;0.002333333333333333526465880325;0.000000000000000000000000000000;0.004666666666666667052931760651;0.010666666666666666310470112933;0.000333333333333333322202191029;0.000000000000000000000000000000;0.044666666666666667018237291131;0.002000000000000000041633363423;0.026999999999999999694688668228;0.059666666666666666463125778819;0.032000000000000000666133814775;0.022333333333333333509118645566;0.015666666666666665547191783503
-0.010740740740740739936343040029;0.004444444444444444440589503387;0.042962962962962959745372160114;0.151111111111111112714766591125;0.004814814814814815172039352831;0.001481481481481481407916356297;0.006666666666666667094565124074;0.029259259259259259161600752464;0.002962962962962962815832712593;0.057407407407407406996213694583;0.005185185185185185036127464286;0.000370370370370370351979089074;0.002222222222222222220294751693;0.057037037037037038866849059104;0.032962962962962964741375770927;0.005555555555555555767577313730;0.013333333333333334189130248149;0.011111111111111111535154627461;0.008148148148148147418279307885;0.005185185185185185036127464286;0.009629629629629630344078705662;0.003333333333333333547282562037;0.005925925925925925631665425186;0.080000000000000001665334536938;0.008888888888888888881179006773;0.037037037037037034981068472916;0.032592592592592589673117231541;0.003703703703703703845051542487;0.002222222222222222220294751693;0.003333333333333333547282562037;0.000000000000000000000000000000;0.042592592592592591616007524635;0.005185185185185185036127464286;0.013333333333333334189130248149;0.017037037037037038034181790636;0.048518518518518516380311211833;0.008518518518518519017090895318;0.002222222222222222220294751693;0.000000000000000000000000000000;0.015185185185185185244294281404;0.009259259259259258745267118229;0.000370370370370370351979089074;0.000000000000000000000000000000;0.038888888888888889505679458125;0.007777777777777777554191196430;0.025555555555555557051272685953;0.051481481481481482231910007386;0.032222222222222221543752596062;0.026666666666666668378260496297;0.015555555555555555108382392859
-0.013207547169811321291499339736;0.010062893081761005789620533335;0.051886792452830191035850759818;0.197484276729559760088505981912;0.003144654088050314634517068413;0.004716981132075471518094733625;0.009119496855345911659473934208;0.023270440251572325346396397094;0.002830188679245282824120666376;0.043396226415094336925637463764;0.013836477987421384044930405821;0.000628930817610062861851283333;0.005660377358490565648241332752;0.049371069182389940022126495478;0.022327044025157231216249797967;0.007547169811320754775896268995;0.010691823899371068543051599420;0.021698113207547168462818731882;0.006918238993710692022465202911;0.011949685534591195784637207566;0.014465408805031446798361471906;0.004402515723270440141379200583;0.005031446540880502894810266667;0.051886792452830191035850759818;0.011006289308176099919767132462;0.043081761006289305548921930722;0.021698113207547168462818731882;0.007232704402515723399180735953;0.002830188679245282824120666376;0.002830188679245282824120666376;0.000314465408805031430925641667;0.029559748427672956350154009897;0.004088050314465408764663667540;0.012264150943396227161352740609;0.012264150943396227161352740609;0.048113207547169814515264363308;0.012893081761006289914783806694;0.002830188679245282824120666376;0.000000000000000000000000000000;0.015408805031446540928508071033;0.010691823899371068543051599420;0.000943396226415094346987033624;0.000000000000000000000000000000;0.024213836477987422945989948175;0.012893081761006289914783806694;0.016981132075471697812085736246;0.054402515723270442049575024157;0.025157232704402517076136547303;0.025786163522012579829567613388;0.016981132075471697812085736246
-0.016954022988505748625875924063;0.006034482758620689571427142539;0.057183908045977012435390207656;0.105747126436781607727866116875;0.000862068965517241367346734648;0.003448275862068965469386938594;0.002586206896551724102040203945;0.027586206896551723755095508750;0.004310344827586206836733673242;0.059770114942528734802706935625;0.010919540229885057319725305547;0.000574712643678160911564489766;0.003160919540229885013604693711;0.063793103448275864653105315938;0.013218390804597700965983264609;0.010632183908045976863943060664;0.012356321839080459598636529961;0.014655172413793103244894489023;0.005172413793103448204080407891;0.010919540229885057319725305547;0.011494252873563218231289795312;0.005459770114942528659862652773;0.009770114942528735496596326016;0.069540229885057466829856309687;0.010344827586206896408160815781;0.050862068965517238938733868281;0.037931034482758620163256324531;0.002298850574712643646257959062;0.004310344827586206836733673242;0.004597701149425287292515918125;0.000287356321839080455782244883;0.027298850574712645034036739844;0.003448275862068965469386938594;0.016666666666666666435370203203;0.019540229885057470993192652031;0.054885057471264368789132248594;0.010632183908045976863943060664;0.003448275862068965469386938594;0.000000000000000000000000000000;0.019540229885057470993192652031;0.006609195402298850482991632305;0.002873563218390804557822448828;0.000000000000000000000000000000;0.035057471264367819074880827657;0.004310344827586206836733673242;0.017528735632183909537440413828;0.056896551724137933714331438750;0.033908045977011497251751848125;0.025574712643678162299343270547;0.025000000000000001387778780781
-0.018749999999999999306110609609;0.005357142857142857192420670742;0.051488095238095235584019349062;0.114880952380952375269096421562;0.000595238095238095291789059971;0.002976190476190476025264430859;0.005654761904761904621474766230;0.023511904761904761640423089375;0.001190476190476190583578119941;0.054464285714285715078730731875;0.011309523809523809242949532461;0.000297619047619047645894529985;0.003869047619047619179788455313;0.068154761904761898549942600312;0.016071428571428569842538536250;0.016369047619047619873677845703;0.008928571428571428075793292578;0.008630952380952381514100935078;0.005059523809523809763366575254;0.005654761904761904621474766230;0.015476190476190476719153821250;0.002380952380952381167156239883;0.002678571428571428596210335371;0.069940476190476191797884553125;0.016369047619047619873677845703;0.063988095238095232808461787499;0.028571428571428570536427926640;0.004464285714285714037896646289;0.002083333333333333304421275400;0.008928571428571428075793292578;0.000000000000000000000000000000;0.022023809523809525362514349922;0.002678571428571428596210335371;0.022321428571428571924206707422;0.008035714285714284921269268125;0.045833333333333330095182844843;0.008928571428571428075793292578;0.004761904761904762334312479766;0.000000000000000000000000000000;0.005059523809523809763366575254;0.010416666666666666088425508008;0.000297619047619047645894529985;0.000000000000000000000000000000;0.034821428571428572618096097813;0.005952380952380952050528861719;0.018749999999999999306110609609;0.071726190476190471168038698124;0.045535714285714283533490487343;0.016369047619047619873677845703;0.038392857142857145236192195625
-0.019230769230769231836752908293;0.001282051282051282050170049054;0.049038461538461537714272964195;0.142307692307692301714183713557;0.008974358974358973700669039886;0.001923076923076923183675290829;0.010256410256410256401360392431;0.033333333333333332870740406406;0.003846153846153846367350581659;0.054166666666666668517038374375;0.010576923076923077510214099561;0.001282051282051282050170049054;0.008012820512820512108831394471;0.049679487179487176462533426502;0.012820512820512820068019621544;0.008974358974358973700669039886;0.012500000000000000693889390391;0.022435897435897435986396075691;0.003205128205128205017004905386;0.009615384615384615918376454147;0.015064102564102564360548619504;0.002884615384615384775512936244;0.006089743589743589792517841630;0.072115384615384608979482550239;0.012500000000000000693889390391;0.044871794871794871972792151382;0.037179487179487179238090988065;0.000320512820512820512542512263;0.003205128205128205017004905386;0.000641025641025641025085024527;0.000320512820512820512542512263;0.034615384615384617306155234928;0.003205128205128205017004905386;0.011538461538461539102051744976;0.016025641025641024217662788942;0.055128205128205126639429067836;0.015384615384615385469402326635;0.003846153846153846367350581659;0.000000000000000000000000000000;0.008012820512820512108831394471;0.011858974358974358476181976130;0.000961538461538461591837645415;0.000000000000000000000000000000;0.041987179487179483727832263185;0.002884615384615384775512936244;0.026282051282051282353746657350;0.049038461538461537714272964195;0.027564102564102563319714533918;0.018910256410256408993175725186;0.014102564102564102768710974090
-0.024576271186440679095142058941;0.004802259887005650047797633562;0.053954802259887003901273061501;0.134463276836158190929992883866;0.000847457627118644043172357438;0.005367231638418078903951524694;0.003672316384180791034447244314;0.025988700564971749934484179789;0.005932203389830508627467153815;0.044632768361581920402159084915;0.012146892655367232116692122190;0.000282485875706214699127488688;0.009322033898305085233837452563;0.051694915254237285007210545018;0.013559322033898304690757719015;0.010169491525423728084387420267;0.016101694915254236711854574082;0.025141242937853108818657688062;0.009322033898305085233837452563;0.012994350282485874967242089895;0.014124293785310734414273348136;0.006497175141242937483621044947;0.008192090395480225786806194321;0.057344632768361582242366836226;0.018361581920903955605917090566;0.045480225988700564987432528596;0.033333333333333332870740406406;0.002824858757062146882854669627;0.001694915254237288086344714877;0.001129943502824858796509954750;0.000000000000000000000000000000;0.029378531073446328275577954514;0.005932203389830508627467153815;0.012994350282485874967242089895;0.019209039548022600191190534247;0.061581920903954805168734054632;0.016384180790960451573612388643;0.003954802259887005462524189880;0.000000000000000000000000000000;0.014689265536723164137788977257;0.007062146892655367207136674068;0.000847457627118644043172357438;0.000000000000000000000000000000;0.029943502824858757999093583635;0.007062146892655367207136674068;0.022033898305084745339321727897;0.045762711864406779849190343157;0.024293785310734464233384244380;0.028248587570621468828546696272;0.016666666666666666435370203203
-0.016101694915254236711854574082;0.003672316384180791034447244314;0.058474576271186441689398094468;0.109887005649717511834850824926;0.000847457627118644043172357438;0.001412429378531073441427334814;0.003389830508474576172689429754;0.023728813559322034509868615260;0.000847457627118644043172357438;0.066949152542372880603238627373;0.010169491525423728084387420267;0.000282485875706214699127488688;0.005084745762711864042193710134;0.075141242937853111594215249625;0.009604519774011300095595267123;0.011016949152542372669660863949;0.012711864406779661840207751311;0.008757062146892655510321823442;0.004237288135593220324282004441;0.012429378531073446978449936751;0.012429378531073446978449936751;0.002259887005649717593019909501;0.005932203389830508627467153815;0.079096045197740119658824653470;0.009887005649717514957353081684;0.048870056497175143328526303321;0.033615819209039547732498220967;0.000564971751412429398254977375;0.002542372881355932021096855067;0.000847457627118644043172357438;0.000000000000000000000000000000;0.032485875706214688285466962725;0.002259887005649717593019909501;0.011299435028248587531418678509;0.020903954802259885892290469656;0.055932203389830507933577763424;0.010734463276836157807903049388;0.001694915254237288086344714877;0.000000000000000000000000000000;0.008474576271186440648564008882;0.005649717514124293765709339254;0.000000000000000000000000000000;0.000000000000000000000000000000;0.032485875706214688285466962725;0.003107344632768361744612484188;0.016949152542372881297128017763;0.071186440677966103529605845779;0.045762711864406779849190343157;0.027966101694915253966788881712;0.022316384180790960201079542458
-0.009909909909909909303538100289;0.004054054054054054279099261748;0.046396396396396394345984504071;0.291891891891891908095146845881;0.000450450450450450457385437320;0.003153153153153153039067735364;0.003603603603603603659083498556;0.022522522522522521459809041744;0.001351351351351351426366420583;0.048198198198198198560771032817;0.008558558558558557877171679706;0.000900900900900900914770874639;0.001801801801801801829541749278;0.054054054054054057054656823311;0.009009009009009008930868311893;0.005405405405405405705465682331;0.009009009009009008930868311893;0.006756756756756757131832102914;0.005855855855855855891800576529;0.007657657657657657504501891310;0.013063063063063063209967573641;0.004954954954954954651769050145;0.003603603603603603659083498556;0.075675675675675679876519552636;0.006756756756756757131832102914;0.039639639639639637214152401157;0.022072072072072072140835885534;0.000900900900900900914770874639;0.002252252252252252232717077973;0.000900900900900900914770874639;0.000000000000000000000000000000;0.028828828828828829272667988448;0.003603603603603603659083498556;0.011711711711711711783601153058;0.010810810810810811410931364662;0.047747747747747745772350924653;0.009009009009009008930868311893;0.001801801801801801829541749278;0.000000000000000000000000000000;0.009909909909909909303538100289;0.008108108108108108558198523497;0.000450450450450450457385437320;0.000000000000000000000000000000;0.034234234234234231508686718826;0.006306306306306306078135470727;0.011711711711711711783601153058;0.045495495495495495708038191651;0.029729729729729731380061252821;0.018018018018018017861736623786;0.012162162162162162837297785245
-0.008139534883720930119599401564;0.002325581395348837177028400447;0.051162790697674417894624809833;0.254263565891472864688438448866;0.000387596899224806196171400074;0.000000000000000000000000000000;0.006201550387596899138742401192;0.022093023255813953181769804246;0.000000000000000000000000000000;0.065503875968992250622413564543;0.006976744186046511531085201341;0.000000000000000000000000000000;0.000387596899224806196171400074;0.061627906976744188660699563798;0.015116279069767441650684602905;0.005426356589147286746399601043;0.005813953488372092942571001117;0.003875968992248061961714000745;0.004263565891472868157885400819;0.003875968992248061961714000745;0.008914728682170542511942201713;0.001162790697674418588514200223;0.000775193798449612392342800149;0.077906976744186048899898366926;0.004263565891472868157885400819;0.053488372093023255071653210280;0.023643410852713177966455404544;0.005426356589147286746399601043;0.002325581395348837177028400447;0.000387596899224806196171400074;0.000000000000000000000000000000;0.031395348837209305359330357987;0.001162790697674418588514200223;0.007364341085271317727256601415;0.003100775193798449569371200596;0.050000000000000002775557561563;0.005426356589147286746399601043;0.003488372093023255765542600670;0.000000000000000000000000000000;0.001162790697674418588514200223;0.010852713178294573492799202086;0.000387596899224806196171400074;0.000000000000000000000000000000;0.039147286821705429282758359477;0.005426356589147286746399601043;0.019767441860465116004741403799;0.079457364341085273684583967224;0.028682170542635658516683605512;0.003100775193798449569371200596;0.014341085271317829258341802756
-0.010000000000000000208166817117;0.005555555555555555767577313730;0.043703703703703702942995334979;0.219629629629629619103070581332;0.000370370370370370351979089074;0.000000000000000000000000000000;0.002592592592592592518063732143;0.025185185185185185452461098521;0.000000000000000000000000000000;0.084814814814814815102650413792;0.007777777777777777554191196430;0.000000000000000000000000000000;0.000740740740740740703958178148;0.048888888888888891448569751219;0.011481481481481481399242738917;0.007407407407407407690103084974;0.005925925925925925631665425186;0.003333333333333333547282562037;0.003703703703703703845051542487;0.002222222222222222220294751693;0.010370370370370370072254928573;0.001851851851851851922525771243;0.000000000000000000000000000000;0.106666666666666673513041985188;0.005185185185185185036127464286;0.070370370370370374790702783230;0.020370370370370372015145221667;0.007037037037037036958653235530;0.000740740740740740703958178148;0.000740740740740740703958178148;0.000000000000000000000000000000;0.040000000000000000832667268469;0.000370370370370370351979089074;0.004444444444444444440589503387;0.001111111111111111110147375847;0.067777777777777784007362527063;0.005925925925925925631665425186;0.001851851851851851922525771243;0.000000000000000000000000000000;0.000370370370370370351979089074;0.007037037037037036958653235530;0.000000000000000000000000000000;0.000000000000000000000000000000;0.034814814814814812327092852229;0.004814814814814815172039352831;0.021481481481481479872686080057;0.066296296296296297612116177334;0.025555555555555557051272685953;0.004814814814814815172039352831;0.006666666666666667094565124074
-0.011805555555555555247160270937;0.006250000000000000346944695195;0.042013888888888892281237019688;0.265625000000000000000000000000;0.004166666666666666608842550801;0.000347222222222222235473582108;0.006944444444444444058950338672;0.022222222222222223070309254922;0.000000000000000000000000000000;0.051736111111111107718762980312;0.007291666666666666782314898398;0.000347222222222222235473582108;0.002083333333333333304421275400;0.053124999999999998612221219219;0.021180555555555556634939051719;0.008680555555555555941049661328;0.005902777777777777623580135469;0.007291666666666666782314898398;0.006944444444444444058950338672;0.005208333333333333044212754004;0.012847222222222221682530474141;0.002430555555555555594104966133;0.001736111111111111014737584668;0.064930555555555560798275394063;0.011111111111111111535154627461;0.050347222222222223764198645313;0.026388888888888888811790067734;0.002777777777777777883788656865;0.005902777777777777623580135469;0.002083333333333333304421275400;0.000347222222222222235473582108;0.034375000000000002775557561563;0.003125000000000000173472347598;0.006597222222222222202947516934;0.008680555555555555941049661328;0.040625000000000001387778780781;0.005208333333333333044212754004;0.003125000000000000173472347598;0.000000000000000000000000000000;0.002430555555555555594104966133;0.007986111111111110494320541875;0.000347222222222222235473582108;0.000000000000000000000000000000;0.035763888888888886730121896562;0.004861111111111111188209932266;0.021180555555555556634939051719;0.065277777777777781786916477813;0.025694444444444443365060948281;0.009374999999999999653055304805;0.015277777777777777276635440273
-0.017037037037037038034181790636;0.006666666666666667094565124074;0.050740740740740739034286832521;0.136296296296296304273454325084;0.000740740740740740703958178148;0.001481481481481481407916356297;0.011111111111111111535154627461;0.031851851851851853414387960584;0.001481481481481481407916356297;0.052962962962962961688262453208;0.010740740740740739936343040029;0.000370370370370370351979089074;0.004444444444444444440589503387;0.050370370370370370904922197042;0.017407407407407406163546426114;0.012592592592592592726230549260;0.013333333333333334189130248149;0.019259259259259260688157411323;0.011111111111111111535154627461;0.005185185185185185036127464286;0.020740740740740740144509857146;0.003703703703703703845051542487;0.005185185185185185036127464286;0.074814814814814820098654024605;0.010000000000000000208166817117;0.050740740740740739034286832521;0.025555555555555557051272685953;0.001481481481481481407916356297;0.007407407407407407690103084974;0.000740740740740740703958178148;0.000000000000000000000000000000;0.032222222222222221543752596062;0.002962962962962962815832712593;0.007407407407407407690103084974;0.011481481481481481399242738917;0.055185185185185184342238073896;0.014074074074074073917306471060;0.004074074074074073709139653943;0.000000000000000000000000000000;0.007407407407407407690103084974;0.012222222222222222862142437805;0.001111111111111111110147375847;0.000000000000000000000000000000;0.043333333333333334813630699500;0.007037037037037036958653235530;0.035185185185185187395351391615;0.047777777777777780121581940875;0.031111111111111110216764785719;0.017777777777777777762358013547;0.014074074074074073917306471060
-0.019858156028368795231742183205;0.010638297872340425273551822727;0.028368794326241134062804860605;0.134751773049645390267770039827;0.005673758865248227332978014914;0.012765957446808509981317492077;0.008156028368794325869584049826;0.036524822695035458197665434454;0.006737588652482269686860849589;0.024468085106382979343475625456;0.014893617021276596423806637404;0.002836879432624113666489007457;0.023758865248226949951071418354;0.035460992907801421047953027710;0.030851063829787233466772633506;0.011347517730496454665956029828;0.010638297872340425273551822727;0.020567375886524821154699438353;0.018439716312056736446933769002;0.006028368794326241161818380476;0.024113475177304964647273521905;0.005319148936170212636775911363;0.023758865248226949951071418354;0.028723404255319148759006964156;0.028368794326241134062804860605;0.034751773049645391655548820609;0.036879432624113472893867538005;0.003546099290780141757850607576;0.004964539007092198807935545801;0.005319148936170212636775911363;0.002836879432624113666489007457;0.018794326241134751143135872553;0.021276595744680850547103645454;0.015602836879432624081487368528;0.040070921985815605159686469960;0.030496453900709218770570529955;0.009219858156028368223466884501;0.003900709219858156020371842132;0.000709219858156028416622251864;0.019148936170212765839337976104;0.012765957446808509981317492077;0.004964539007092198807935545801;0.000000000000000000000000000000;0.022340425531914894635709956106;0.013120567375886524677519595627;0.015957446808510637042965996102;0.025886524822695034658837087704;0.026241134751773049355039191255;0.040780141843971634552090677062;0.017375886524822695827774410304
-0.013063063063063063209967573641;0.000900900900900900914770874639;0.051351351351351354201923982146;0.104954954954954951529266793386;0.000450450450450450457385437320;0.000900900900900900914770874639;0.003603603603603603659083498556;0.025675675675675677100961991073;0.000900900900900900914770874639;0.089189189189189194140183758464;0.005855855855855855891800576529;0.000000000000000000000000000000;0.002702702702702702852732841166;0.062162162162162165612855346808;0.011261261261261260729904520872;0.007657657657657657504501891310;0.011261261261261260729904520872;0.012612612612612612156270941455;0.003603603603603603659083498556;0.008558558558558557877171679706;0.007657657657657657504501891310;0.003603603603603603659083498556;0.003153153153153153039067735364;0.111711711711711708661098896300;0.006756756756756757131832102914;0.050000000000000002775557561563;0.026126126126126126419935147283;0.000450450450450450457385437320;0.002252252252252252232717077973;0.000450450450450450457385437320;0.000000000000000000000000000000;0.040990990990990988640518821740;0.000900900900900900914770874639;0.004504504504504504465434155946;0.009909909909909909303538100289;0.074774774774774774299679336309;0.016216216216216217116397046993;0.002702702702702702852732841166;0.000000000000000000000000000000;0.003603603603603603659083498556;0.005855855855855855891800576529;0.000000000000000000000000000000;0.000000000000000000000000000000;0.049099099099099097198717345236;0.001801801801801801829541749278;0.022522522522522521459809041744;0.071621621621621625597420290887;0.031981981981981981444373985823;0.022972972972972974248229149907;0.011711711711711711783601153058
-0.017777777777777777762358013547;0.003703703703703703845051542487;0.052222222222222225429533182250;0.132592592592592595224232354667;0.000740740740740740703958178148;0.003703703703703703845051542487;0.006666666666666667094565124074;0.024444444444444445724284875610;0.002592592592592592518063732143;0.055925925925925927539861248761;0.013333333333333334189130248149;0.001111111111111111110147375847;0.008518518518518519017090895318;0.066296296296296297612116177334;0.011481481481481481399242738917;0.011481481481481481399242738917;0.010000000000000000208166817117;0.013333333333333334189130248149;0.008148148148148147418279307885;0.010370370370370370072254928573;0.014444444444444443781394582516;0.002592592592592592518063732143;0.004814814814814815172039352831;0.078518518518518515270088187208;0.015925925925925926707193980292;0.046296296296296293726335591145;0.025925925925925925180637321432;0.001851851851851851922525771243;0.003703703703703703845051542487;0.002222222222222222220294751693;0.000370370370370370351979089074;0.035555555555555555524716027094;0.002962962962962962815832712593;0.013703703703703704053218359604;0.016666666666666666435370203203;0.056296296296296295669225884239;0.011851851851851851263330850372;0.004444444444444444440589503387;0.000000000000000000000000000000;0.007037037037037036958653235530;0.007407407407407407690103084974;0.000370370370370370351979089074;0.000000000000000000000000000000;0.032222222222222221543752596062;0.004444444444444444440589503387;0.020000000000000000416333634234;0.066666666666666665741480812812;0.031851851851851853414387960584;0.021111111111111111743321444578;0.016296296296296294836558615771
-0.022115384615384616612265844537;0.011538461538461539102051744976;0.046474358974358975782337211058;0.125320512820512819374130231154;0.001602564102564102508502452693;0.010256410256410256401360392431;0.007692307692307692734701163317;0.027243589743589743945584302764;0.008012820512820512108831394471;0.035576923076923075428545928389;0.016346153846153847061239972049;0.000000000000000000000000000000;0.012179487179487179585035683260;0.047435897435897433904727904519;0.011217948717948717993198037846;0.010256410256410256401360392431;0.014102564102564102768710974090;0.027564102564102563319714533918;0.009294871794871794809522747016;0.009294871794871794809522747016;0.018910256410256408993175725186;0.006089743589743589792517841630;0.023397435897435897578233721106;0.049038461538461537714272964195;0.018910256410256408993175725186;0.033974358974358971619000868714;0.033653846153846152244870637560;0.004166666666666666608842550801;0.003525641025641025692177743522;0.004487179487179486850334519943;0.000961538461538461591837645415;0.022435897435897435986396075691;0.009294871794871794809522747016;0.013782051282051281659857266959;0.025641025641025640136039243089;0.048717948717948718340142733041;0.012500000000000000693889390391;0.007051282051282051384355487045;0.000000000000000000000000000000;0.020192307692307693428590553708;0.008974358974358973700669039886;0.005128205128205128200680196215;0.000000000000000000000000000000;0.025641025641025640136039243089;0.008974358974358973700669039886;0.026602564102564101727876888503;0.039102564102564102421766278894;0.022115384615384616612265844537;0.039423076923076921795896510048;0.013782051282051281659857266959
-0.011111111111111111535154627461;0.008024691358024691953398921385;0.055246913580246914676763481111;0.246913580246913566540456486109;0.005246913580246913635929395525;0.005246913580246913635929395525;0.014197530864197531116910333537;0.031481481481481478346129421197;0.002160493827160493620492820455;0.043518518518518518878313017240;0.012037037037037037062736644089;0.000617283950617283938035184665;0.004629629629629629372633559115;0.036111111111111107718762980312;0.021296296296296295808003762318;0.004629629629629629372633559115;0.009259259259259258745267118229;0.018209876543209876226248056241;0.012345679012345678327022824305;0.009876543209876543008562954640;0.013888888888888888117900677344;0.006790123456790123426807248563;0.008641975308641974481971281818;0.045987654320987655931496362882;0.009567901234567901744276774423;0.026234567901234566444923501649;0.030864197530864195817557060764;0.001234567901234567876070369330;0.005246913580246913635929395525;0.008641975308641974481971281818;0.000925925925925925961262885622;0.027469135802469134971515174470;0.005864197530864197899225231936;0.009876543209876543008562954640;0.012654320987654321326032480499;0.041358024691358026558862803768;0.011419753086419752799440807678;0.004629629629629629372633559115;0.000000000000000000000000000000;0.007716049382716048954389265191;0.010493827160493827271858791050;0.001234567901234567876070369330;0.000000000000000000000000000000;0.034876543209876542661618259444;0.013888888888888888117900677344;0.024691358024691356654045648611;0.036419753086419752452496112483;0.013580246913580246853614497127;0.022839506172839505598881615356;0.010802469135802468536144971267
-0.016666666666666666435370203203;0.011481481481481481399242738917;0.035555555555555555524716027094;0.157037037037037030540176374416;0.007037037037037036958653235530;0.005185185185185185036127464286;0.010740740740740739936343040029;0.037037037037037034981068472916;0.002962962962962962815832712593;0.035925925925925923654080662573;0.013703703703703704053218359604;0.000370370370370370351979089074;0.010000000000000000208166817117;0.038888888888888889505679458125;0.031851851851851853414387960584;0.004444444444444444440589503387;0.008518518518518519017090895318;0.015185185185185185244294281404;0.020740740740740740144509857146;0.008888888888888888881179006773;0.021481481481481479872686080057;0.002962962962962962815832712593;0.011111111111111111535154627461;0.054074074074074073015250263552;0.014444444444444443781394582516;0.038888888888888889505679458125;0.037407407407407410049327012302;0.006666666666666667094565124074;0.005185185185185185036127464286;0.004444444444444444440589503387;0.000000000000000000000000000000;0.024444444444444445724284875610;0.011481481481481481399242738917;0.010370370370370370072254928573;0.023333333333333334397297065266;0.042962962962962959745372160114;0.016666666666666666435370203203;0.001111111111111111110147375847;0.000000000000000000000000000000;0.005555555555555555767577313730;0.015185185185185185244294281404;0.000740740740740740703958178148;0.000000000000000000000000000000;0.031111111111111110216764785719;0.019629629629629628817522046802;0.016296296296296294836558615771;0.045185185185185182399347780802;0.020000000000000000416333634234;0.032592592592592589673117231541;0.014444444444444443781394582516
-0.014074074074074073917306471060;0.013333333333333334189130248149;0.019259259259259260688157411323;0.124074074074074072737694507396;0.018148148148148149361169600979;0.002962962962962962815832712593;0.026666666666666668378260496297;0.050370370370370370904922197042;0.000740740740740740703958178148;0.050370370370370370904922197042;0.007407407407407407690103084974;0.000740740740740740703958178148;0.002962962962962962815832712593;0.021851851851851851471497667490;0.031481481481481478346129421197;0.005925925925925925631665425186;0.012222222222222222862142437805;0.018518518518518517490534236458;0.023333333333333334397297065266;0.002592592592592592518063732143;0.037037037037037034981068472916;0.000740740740740740703958178148;0.005925925925925925631665425186;0.074444444444444438091501581312;0.007407407407407407690103084974;0.032962962962962964741375770927;0.030740740740740742087400150240;0.009259259259259258745267118229;0.013333333333333334189130248149;0.007037037037037036958653235530;0.000370370370370370351979089074;0.029259259259259259161600752464;0.005925925925925925631665425186;0.005185185185185185036127464286;0.007037037037037036958653235530;0.043333333333333334813630699500;0.005925925925925925631665425186;0.004074074074074073709139653943;0.000370370370370370351979089074;0.002962962962962962815832712593;0.037407407407407410049327012302;0.000740740740740740703958178148;0.000000000000000000000000000000;0.060740740740740740977177125615;0.012592592592592592726230549260;0.054444444444444441144614899031;0.026666666666666668378260496297;0.013333333333333334189130248149;0.016666666666666666435370203203;0.007037037037037036958653235530
-0.023049645390070920558667211253;0.002482269503546099403967772901;0.065602836879432621652874502161;0.081560283687943269104181354123;0.000000000000000000000000000000;0.005319148936170212636775911363;0.003900709219858156020371842132;0.013829787234042552335200326752;0.006382978723404254990658746038;0.037943262411347516982473848657;0.010283687943262410577349719176;0.000709219858156028416622251864;0.016666666666666666435370203203;0.059574468085106385695226549615;0.008156028368794325869584049826;0.009574468085106382919668988052;0.018085106382978721750731665452;0.022340425531914894635709956106;0.003900709219858156020371842132;0.016666666666666666435370203203;0.012765957446808509981317492077;0.008865248226950355261988256927;0.026950354609929078747443398356;0.044326241134751774575217808660;0.019858156028368795231742183205;0.033687943262411347566942509957;0.025531914893617019962634984154;0.001418439716312056833244503729;0.002836879432624113666489007457;0.001063829787234042570723269172;0.000000000000000000000000000000;0.026241134751773049355039191255;0.003900709219858156020371842132;0.018439716312056736446933769002;0.058510638297872341606620238963;0.035815602836879435744155131260;0.015602836879432624081487368528;0.002482269503546099403967772901;0.000000000000000000000000000000;0.053546099290780142798684693162;0.003546099290780141757850607576;0.001063829787234042570723269172;0.000000000000000000000000000000;0.025177304964539008735879832557;0.005673758865248227332978014914;0.018794326241134751143135872553;0.046808510638297870509738629607;0.038652482269503546374878055758;0.040070921985815605159686469960;0.022340425531914894635709956106
-0.020740740740740740144509857146;0.004444444444444444440589503387;0.050740740740740739034286832521;0.135925925925925922266301881791;0.011481481481481481399242738917;0.004444444444444444440589503387;0.006296296296296296363115274630;0.019629629629629628817522046802;0.006666666666666667094565124074;0.043703703703703702942995334979;0.005925925925925925631665425186;0.000370370370370370351979089074;0.014074074074074073917306471060;0.046296296296296293726335591145;0.010000000000000000208166817117;0.008888888888888888881179006773;0.023333333333333334397297065266;0.021111111111111111743321444578;0.003333333333333333547282562037;0.010740740740740739936343040029;0.014444444444444443781394582516;0.011851851851851851263330850372;0.016666666666666666435370203203;0.069629629629629624654185704458;0.013703703703703704053218359604;0.031481481481481478346129421197;0.022222222222222223070309254922;0.001481481481481481407916356297;0.004814814814814815172039352831;0.001481481481481481407916356297;0.000370370370370370351979089074;0.042962962962962959745372160114;0.004444444444444444440589503387;0.009629629629629630344078705662;0.029259259259259259161600752464;0.056296296296296295669225884239;0.010740740740740739936343040029;0.006296296296296296363115274630;0.000000000000000000000000000000;0.029259259259259259161600752464;0.008518518518518519017090895318;0.001481481481481481407916356297;0.000000000000000000000000000000;0.038148148148148146308056283260;0.003333333333333333547282562037;0.027777777777777776235801354687;0.035555555555555555524716027094;0.025925925925925925180637321432;0.020000000000000000416333634234;0.014074074074074073917306471060
-0.021481481481481479872686080057;0.003703703703703703845051542487;0.053703703703703704885885628073;0.125555555555555559132940857126;0.000740740740740740703958178148;0.007407407407407407690103084974;0.005925925925925925631665425186;0.021851851851851851471497667490;0.004074074074074073709139653943;0.044814814814814814269983145323;0.008148148148148147418279307885;0.001851851851851851922525771243;0.010370370370370370072254928573;0.058148148148148150193836869448;0.011111111111111111535154627461;0.010740740740740739936343040029;0.018148148148148149361169600979;0.011111111111111111535154627461;0.005185185185185185036127464286;0.011851851851851851263330850372;0.012222222222222222862142437805;0.004074074074074073709139653943;0.005185185185185185036127464286;0.068518518518518520266091798021;0.021111111111111111743321444578;0.040370370370370368962031903948;0.020370370370370372015145221667;0.001481481481481481407916356297;0.002592592592592592518063732143;0.002962962962962962815832712593;0.002222222222222222220294751693;0.043703703703703702942995334979;0.002962962962962962815832712593;0.011481481481481481399242738917;0.026296296296296296779448908865;0.059629629629629629650189315271;0.010740740740740739936343040029;0.005925925925925925631665425186;0.000000000000000000000000000000;0.014444444444444443781394582516;0.007777777777777777554191196430;0.001111111111111111110147375847;0.000000000000000000000000000000;0.038518518518518521376314822646;0.002962962962962962815832712593;0.027407407407407408106436719208;0.056296296296296295669225884239;0.031481481481481478346129421197;0.024444444444444445724284875610;0.017777777777777777762358013547
-0.015454545454545455182571167541;0.003939393939393939607362948863;0.046969696969696966837304330511;0.179393939393939383375453644476;0.000909090909090909090120580238;0.002727272727272727487202175212;0.004545454545454545233762466694;0.016363636363636364923213051270;0.001212121212121212120160773651;0.046969696969696966837304330511;0.010606060606060606701928072937;0.000000000000000000000000000000;0.008484848484848485708487153545;0.067272727272727275704689020586;0.010000000000000000208166817117;0.012727272727272727695368992329;0.006363636363636363847684496164;0.004848484848484848480643094604;0.006666666666666667094565124074;0.009393939393939393714405561298;0.009696969696969696961286189207;0.000909090909090909090120580238;0.007878787878787879214725897725;0.056666666666666663798590519718;0.022121212121212121409774553626;0.053636363636363634799231192574;0.022121212121212121409774553626;0.002424242424242424240321547302;0.002121212121212121427121788386;0.006060606060606060600803868255;0.000000000000000000000000000000;0.022121212121212121409774553626;0.002727272727272727487202175212;0.017878787878787879422892714842;0.023636363636363635909454217199;0.035454545454545453864181325798;0.010303030303030303455047445027;0.003939393939393939607362948863;0.000000000000000000000000000000;0.010909090909090909948808700847;0.007272727272727272720964641906;0.000000000000000000000000000000;0.000000000000000000000000000000;0.024545454545454543915372624951;0.006666666666666667094565124074;0.016969696969696971416974307090;0.062121212121212118772994870142;0.052727272727272726793312784821;0.031515151515151516858903590901;0.032727272727272729846426102540
-0.010457516339869280322383282567;0.012745098039215686097636037744;0.037908496732026140951798964807;0.273529411764705909781980608386;0.002941176470588235253300624095;0.002287581699346405341571886183;0.009803921568627450844335413649;0.020261437908496732901442172192;0.004248366013071895076758099918;0.031372549019607842701873323676;0.007189542483660130330058724013;0.001307189542483660040297910321;0.004575163398692810683143772366;0.038235294117647061762355065184;0.028431372549019607448572699582;0.007516339869281045936444396460;0.015686274509803921350936661838;0.016666666666666666435370203203;0.008496732026143790153516199837;0.009477124183006535237949741202;0.015686274509803921350936661838;0.005882352941176470506601248189;0.012418300653594770491250365296;0.040849673202614379674546540855;0.012091503267973856619588168826;0.025816993464052286066934271958;0.017973856209150325391465941038;0.003921568627450980337734165460;0.002614379084967320080595820642;0.002941176470588235253300624095;0.000980392156862745084433541365;0.031045751633986928830211127206;0.007189542483660130330058724013;0.011764705882352941013202496379;0.026143790849673203408043420382;0.043137254901960783715075820055;0.012418300653594770491250365296;0.002287581699346405341571886183;0.000000000000000000000000000000;0.019934640522875815560333023768;0.011111111111111111535154627461;0.000980392156862745084433541365;0.000000000000000000000000000000;0.029411764705882352533006240947;0.010784313725490195928768955014;0.019281045751633987817008630827;0.033660130718954246742402602877;0.024183006535947713239176337652;0.021568627450980391857537910028;0.010784313725490195928768955014
-0.018713450292397661167687061834;0.009941520467836258145855055091;0.053216374269005849162450516587;0.118713450292397659779908281052;0.002046783625730994298635989637;0.004093567251461988597271979273;0.006140350877192982462227099916;0.028362573099415203797812878861;0.002046783625730994298635989637;0.049122807017543859697816799326;0.011111111111111111535154627461;0.001169590643274853822980441365;0.007602339181286549632532434373;0.052339181286549706084709754350;0.015789473684210526827076392919;0.012280701754385964924454199831;0.015204678362573099265064868746;0.017251461988304093997381727377;0.008187134502923977194543958547;0.010818713450292397754148865374;0.016081871345029238873358679029;0.008187134502923977194543958547;0.009941520467836258145855055091;0.069883040935672519067267671744;0.014035087719298245875765296375;0.046783625730994149449770702631;0.027777777777777776235801354687;0.005555555555555555767577313730;0.002339181286549707645960882729;0.003216374269005848121616431001;0.000292397660818713455745110341;0.031286549707602341607870499729;0.003508771929824561468941324094;0.014035087719298245875765296375;0.025438596491228069457202209946;0.051169590643274850960686706003;0.010818713450292397754148865374;0.006432748538011696243232862003;0.000292397660818713455745110341;0.016081871345029238873358679029;0.009064327485380116802837768830;0.001169590643274853822980441365;0.000000000000000000000000000000;0.031286549707602341607870499729;0.009941520467836258145855055091;0.024853801169590641895190685773;0.048538011695906435605252227106;0.028947368421052631359824403035;0.020175438596491228337992396291;0.018713450292397661167687061834
-0.020740740740740740144509857146;0.003703703703703703845051542487;0.036296296296296298722339201959;0.140000000000000013322676295502;0.000740740740740740703958178148;0.007777777777777777554191196430;0.005185185185185185036127464286;0.024444444444444445724284875610;0.001481481481481481407916356297;0.034814814814814812327092852229;0.012592592592592592726230549260;0.000740740740740740703958178148;0.013703703703703704053218359604;0.056296296296296295669225884239;0.011851851851851851263330850372;0.009629629629629630344078705662;0.010740740740740739936343040029;0.011111111111111111535154627461;0.008518518518518519017090895318;0.010000000000000000208166817117;0.014814814814814815380206169948;0.006666666666666667094565124074;0.021111111111111111743321444578;0.062962962962962956692258842395;0.020000000000000000416333634234;0.038888888888888889505679458125;0.033333333333333332870740406406;0.001111111111111111110147375847;0.003333333333333333547282562037;0.000740740740740740703958178148;0.000370370370370370351979089074;0.024074074074074074125473288177;0.008518518518518519017090895318;0.020370370370370372015145221667;0.044814814814814814269983145323;0.041111111111111112159655078813;0.011481481481481481399242738917;0.002592592592592592518063732143;0.000000000000000000000000000000;0.021481481481481479872686080057;0.008888888888888888881179006773;0.000740740740740740703958178148;0.000000000000000000000000000000;0.032592592592592589673117231541;0.004814814814814815172039352831;0.029259259259259259161600752464;0.042592592592592591616007524635;0.032222222222222221543752596062;0.035185185185185187395351391615;0.015555555555555555108382392859
-0.015447154471544715867437069790;0.006097560975609756309112619022;0.067479674796747962650655949801;0.095934959349593493249663822553;0.000406504065040650406151478968;0.002439024390243902436908873810;0.003658536585365853872203745212;0.025203252032520325615072565029;0.001626016260162601624605915873;0.050813008130081299684732698552;0.008943089430894309369013406297;0.001219512195121951218454436905;0.002439024390243902436908873810;0.078455284552845533374565434315;0.007723577235772357933718534895;0.010162601626016259936946539710;0.007317073170731707744407490424;0.006504065040650406498423663493;0.003658536585365853872203745212;0.013414634146341463186158371457;0.010975609756097560315568628653;0.003658536585365853872203745212;0.011788617886178862428914193572;0.064634146341463416529649066433;0.012195121951219512618225238043;0.050813008130081299684732698552;0.033333333333333332870740406406;0.003252032520325203249211831746;0.001219512195121951218454436905;0.000000000000000000000000000000;0.000000000000000000000000000000;0.029268292682926830977629961694;0.004471544715447154684506703148;0.023577235772357724857828387144;0.022357723577235772555171777753;0.052845528455284555835458348838;0.013414634146341463186158371457;0.000813008130081300812302957937;0.000406504065040650406151478968;0.012601626016260162807536282514;0.004065040650406504495195658677;0.004471544715447154684506703148;0.000000000000000000000000000000;0.026829268292682926372316742913;0.002032520325203252247597829339;0.017073170731707318359404723651;0.067886178861788618044137422203;0.053252032520325204290045917332;0.033333333333333332870740406406;0.030487804878048779810839619131
-0.020192307692307693428590553708;0.011538461538461539102051744976;0.032051282051282048435325577884;0.079166666666666662965923251249;0.001602564102564102508502452693;0.011858974358974358476181976130;0.010256410256410256401360392431;0.033974358974358971619000868714;0.006410256410256410034009810772;0.024038461538461539795941135367;0.013782051282051281659857266959;0.002243589743589743425167259971;0.024358974358974359170071366520;0.033012820512820513496610175252;0.023397435897435897578233721106;0.007692307692307692734701163317;0.017628205128205128027207848618;0.039743589743589741170026741202;0.016987179487179485809500434357;0.009935897435897435292506685300;0.025641025641025640136039243089;0.006089743589743589792517841630;0.048076923076923079591882270734;0.031410256410256409687065115577;0.016987179487179485809500434357;0.029807692307692309346967007855;0.040384615384615386857181107416;0.003846153846153846367350581659;0.002564102564102564100340098108;0.006730769230769231142863517903;0.001602564102564102508502452693;0.022435897435897435986396075691;0.021794871794871793768688661430;0.012500000000000000693889390391;0.056089743589743591700713665205;0.043589743589743587537377322860;0.011217948717948717993198037846;0.002884615384615384775512936244;0.000320512820512820512542512263;0.032371794871794874748349712945;0.010256410256410256401360392431;0.004487179487179486850334519943;0.000000000000000000000000000000;0.019551282051282051210883139447;0.006410256410256410034009810772;0.025320512820512820761909011935;0.016346153846153847061239972049;0.017307692307692308653077617464;0.050641025641025641523818023870;0.013461538461538462285727035805
-0.019259259259259260688157411323;0.006666666666666667094565124074;0.045555555555555557467606320188;0.146666666666666667406815349750;0.004074074074074073709139653943;0.007037037037037036958653235530;0.009259259259259258745267118229;0.036296296296296298722339201959;0.000000000000000000000000000000;0.045555555555555557467606320188;0.014444444444444443781394582516;0.000740740740740740703958178148;0.007407407407407407690103084974;0.054444444444444441144614899031;0.021481481481481479872686080057;0.009259259259259258745267118229;0.006666666666666667094565124074;0.020000000000000000416333634234;0.019259259259259260688157411323;0.005925925925925925631665425186;0.016666666666666666435370203203;0.000740740740740740703958178148;0.007407407407407407690103084974;0.057407407407407406996213694583;0.018518518518518517490534236458;0.045555555555555557467606320188;0.039629629629629632703302632990;0.004074074074074073709139653943;0.002962962962962962815832712593;0.004444444444444444440589503387;0.000370370370370370351979089074;0.026296296296296296779448908865;0.009259259259259258745267118229;0.013703703703703704053218359604;0.007777777777777777554191196430;0.043703703703703702942995334979;0.012222222222222222862142437805;0.003703703703703703845051542487;0.000000000000000000000000000000;0.002592592592592592518063732143;0.011851851851851851263330850372;0.000370370370370370351979089074;0.000000000000000000000000000000;0.031481481481481478346129421197;0.014444444444444443781394582516;0.020000000000000000416333634234;0.058148148148148150193836869448;0.027407407407407408106436719208;0.019259259259259260688157411323;0.020000000000000000416333634234
-0.020930232558139534593255604022;0.004651162790697674354056800894;0.057364341085271317033367211025;0.153488372093023267561662237313;0.000387596899224806196171400074;0.002325581395348837177028400447;0.005426356589147286746399601043;0.023255813953488371770284004469;0.003875968992248061961714000745;0.049612403100775193109939209535;0.013565891472868216865999002607;0.000387596899224806196171400074;0.006201550387596899138742401192;0.048062015503875968325253609237;0.011240310077519379688970602160;0.006201550387596899138742401192;0.029457364341085270909026405661;0.022480620155038759377941204320;0.005038759689922480550228200968;0.010465116279069767296627802011;0.015116279069767441650684602905;0.005038759689922480550228200968;0.007751937984496123923428001490;0.066279069767441856075862460784;0.011627906976744185885142002235;0.037596899224806204498072759179;0.031395348837209305359330357987;0.000387596899224806196171400074;0.005038759689922480550228200968;0.001937984496124030980857000372;0.001162790697674418588514200223;0.039534883720930232009482807598;0.003100775193798449569371200596;0.013565891472868216865999002607;0.020542635658914728397084203948;0.062403100775193801053042363947;0.013178294573643410669827602533;0.002325581395348837177028400447;0.000000000000000000000000000000;0.012790697674418604473656202458;0.009689922480620154904285001862;0.000387596899224806196171400074;0.000000000000000000000000000000;0.031395348837209305359330357987;0.005038759689922480550228200968;0.013565891472868216865999002607;0.042635658914728681578854008194;0.025581395348837208947312404916;0.031007751937984495693712005959;0.015503875968992247846856002980
-0.015277777777777777276635440273;0.002222222222222222220294751693;0.057500000000000002498001805407;0.147222222222222226539756206876;0.000833333333333333386820640509;0.004444444444444444440589503387;0.003333333333333333547282562037;0.023611111111111110494320541875;0.003333333333333333547282562037;0.040555555555555553026714221687;0.013888888888888888117900677344;0.002222222222222222220294751693;0.007499999999999999722444243844;0.063055555555555559132940857126;0.014722222222222221613141535101;0.008333333333333333217685101602;0.012777777777777778525636342977;0.017500000000000001665334536938;0.010555555555555555871660722289;0.014166666666666665949647629930;0.014444444444444443781394582516;0.009166666666666666712925959359;0.010833333333333333703407674875;0.051666666666666666296592325125;0.014722222222222221613141535101;0.037777777777777778178691647781;0.031111111111111110216764785719;0.000833333333333333386820640509;0.002500000000000000052041704279;0.003055555555555555715535609451;0.001111111111111111110147375847;0.022499999999999999167332731531;0.005000000000000000104083408559;0.015833333333333334674852821422;0.035000000000000003330669073875;0.041666666666666664353702032031;0.012500000000000000693889390391;0.002777777777777777883788656865;0.000277777777777777777536843962;0.021388888888888887840344921187;0.006388888888888889262818171488;0.001666666666666666773641281019;0.000000000000000000000000000000;0.023333333333333334397297065266;0.007499999999999999722444243844;0.019722222222222220849863205672;0.055555555555555552471602709375;0.029444444444444443226283070203;0.038333333333333330372738601000;0.020833333333333332176851016015
-0.014999999999999999444888487687;0.003749999999999999861222121922;0.072083333333333332593184650250;0.110000000000000000555111512313;0.000833333333333333386820640509;0.003333333333333333547282562037;0.007083333333333332974823814965;0.022499999999999999167332731531;0.001250000000000000026020852140;0.051249999999999996946886682281;0.012916666666666666574148081281;0.000833333333333333386820640509;0.001250000000000000026020852140;0.069166666666666667961926862063;0.013333333333333334189130248149;0.025833333333333333148296162562;0.010000000000000000208166817117;0.005416666666666666851703837438;0.005833333333333333599324266316;0.005416666666666666851703837438;0.013333333333333334189130248149;0.003333333333333333547282562037;0.002083333333333333304421275400;0.072499999999999995003996389187;0.013750000000000000069388939039;0.057083333333333333148296162562;0.042500000000000003053113317719;0.000416666666666666693410320255;0.004166666666666666608842550801;0.001250000000000000026020852140;0.000000000000000000000000000000;0.034166666666666664631257788187;0.001666666666666666773641281019;0.032500000000000001110223024625;0.004166666666666666608842550801;0.042916666666666665463925056656;0.007499999999999999722444243844;0.004166666666666666608842550801;0.000000000000000000000000000000;0.003749999999999999861222121922;0.007916666666666667337426410711;0.000000000000000000000000000000;0.000000000000000000000000000000;0.039583333333333331482961625625;0.003749999999999999861222121922;0.025833333333333333148296162562;0.063333333333333338699411285688;0.032916666666666663521034763562;0.010416666666666666088425508008;0.037916666666666667961926862063
-0.011711711711711711783601153058;0.003153153153153153039067735364;0.043693693693693691493251662905;0.172522522522522508969800014711;0.002252252252252252232717077973;0.002702702702702702852732841166;0.009009009009009008930868311893;0.023423423423423423567202306117;0.000450450450450450457385437320;0.054054054054054057054656823311;0.008558558558558557877171679706;0.000000000000000000000000000000;0.004054054054054054279099261748;0.065315315315315314315114392230;0.018918918918918919969129888159;0.011711711711711711783601153058;0.007207207207207207318166997112;0.008108108108108108558198523497;0.008108108108108108558198523497;0.008558558558558557877171679706;0.013963963963963963582637362038;0.003153153153153153039067735364;0.004504504504504504465434155946;0.081081081081081085581985234967;0.015765765765765764327976938830;0.045945945945945948496458299815;0.027027027027027028527328411656;0.004504504504504504465434155946;0.001801801801801801829541749278;0.001801801801801801829541749278;0.000900900900900900914770874639;0.028828828828828829272667988448;0.003153153153153153039067735364;0.008558558558558557877171679706;0.018468468468468467180709779996;0.054954954954954955692603135731;0.010810810810810811410931364662;0.002252252252252252232717077973;0.000000000000000000000000000000;0.006306306306306306078135470727;0.010810810810810811410931364662;0.001801801801801801829541749278;0.000000000000000000000000000000;0.035135135135135137085526935152;0.014864864864864865690030626411;0.015765765765765764327976938830;0.057207207207207205756915868733;0.030180180180180180699034409031;0.020720720720720720714469464951;0.016216216216216217116397046993
-0.014074074074074073917306471060;0.006296296296296296363115274630;0.038518518518518521376314822646;0.308888888888888879513672236499;0.001481481481481481407916356297;0.002962962962962962815832712593;0.010370370370370370072254928573;0.031111111111111110216764785719;0.002222222222222222220294751693;0.037777777777777778178691647781;0.006666666666666667094565124074;0.000370370370370370351979089074;0.002222222222222222220294751693;0.037407407407407410049327012302;0.019629629629629628817522046802;0.009629629629629630344078705662;0.008148148148148147418279307885;0.011481481481481481399242738917;0.008148148148148147418279307885;0.006666666666666667094565124074;0.012222222222222222862142437805;0.001481481481481481407916356297;0.004074074074074073709139653943;0.058888888888888886452566140406;0.007407407407407407690103084974;0.037777777777777778178691647781;0.028518518518518519433424529552;0.002222222222222222220294751693;0.005555555555555555767577313730;0.002222222222222222220294751693;0.000000000000000000000000000000;0.027037037037037036507625131776;0.005185185185185185036127464286;0.008888888888888888881179006773;0.009629629629629630344078705662;0.038518518518518521376314822646;0.008518518518518519017090895318;0.004444444444444444440589503387;0.000000000000000000000000000000;0.006666666666666667094565124074;0.012962962962962962590318660716;0.000000000000000000000000000000;0.000000000000000000000000000000;0.035925925925925923654080662573;0.011111111111111111535154627461;0.022592592592592591199673890401;0.034444444444444444197728216750;0.018518518518518517490534236458;0.016666666666666666435370203203;0.014444444444444443781394582516
-0.008187134502923977194543958547;0.016081871345029238873358679029;0.046491228070175437403488416521;0.267836257309941538906628011318;0.004385964912280701510916003372;0.002046783625730994298635989637;0.011111111111111111535154627461;0.028362573099415203797812878861;0.003801169590643274816266217186;0.042690058479532166924030889277;0.005847953216374268681221337829;0.000000000000000000000000000000;0.001461988304093567170305334457;0.038304093567251465413114885905;0.031286549707602341607870499729;0.004093567251461988597271979273;0.013742690058479532094759534289;0.013450292397660818313753772202;0.011111111111111111535154627461;0.005263157894736841986571551644;0.017251461988304093997381727377;0.004385964912280701510916003372;0.004970760233918129072927527545;0.054970760233918128379038137155;0.006140350877192982462227099916;0.034502923976608187994763454753;0.032456140350877189792999644169;0.008771929824561403021832006743;0.007309941520467835851526672286;0.003801169590643274816266217186;0.000000000000000000000000000000;0.026608187134502924581225258294;0.003216374269005848121616431001;0.009941520467836258145855055091;0.005847953216374268681221337829;0.042397660818713447938854699260;0.007017543859649122937882648188;0.001461988304093567170305334457;0.000000000000000000000000000000;0.007017543859649122937882648188;0.014327485380116959656771058462;0.000584795321637426911490220682;0.000000000000000000000000000000;0.030409356725146198530129737492;0.016666666666666666435370203203;0.020467836257309940384274682401;0.041228070175438599753725554820;0.020467836257309940384274682401;0.007602339181286549632532434373;0.014619883040935671703053344572
-0.026851851851851852442942814037;0.009259259259259258745267118229;0.042129629629629627984854778333;0.162037037037037034981068472916;0.004166666666666666608842550801;0.002314814814814814686316779557;0.005092592592592593003786305417;0.026388888888888888811790067734;0.002777777777777777883788656865;0.041203703703703700722549285729;0.016666666666666666435370203203;0.000925925925925925961262885622;0.006944444444444444058950338672;0.051388888888888886730121896562;0.015740740740740739173064710599;0.011574074074074073431583897786;0.012037037037037037062736644089;0.011574074074074073431583897786;0.009259259259259258745267118229;0.011574074074074073431583897786;0.010648148148148147904001881159;0.003240740740740740647579665179;0.015740740740740739173064710599;0.048611111111111111882099322656;0.020833333333333332176851016015;0.041666666666666664353702032031;0.031944444444444441977282167500;0.003240740740740740647579665179;0.006018518518518518531368322044;0.000925925925925925961262885622;0.001851851851851851922525771243;0.020833333333333332176851016015;0.004629629629629629372633559115;0.012500000000000000693889390391;0.031481481481481478346129421197;0.032870370370370369239587660104;0.012500000000000000693889390391;0.005092592592592593003786305417;0.000000000000000000000000000000;0.014814814814814815380206169948;0.011111111111111111535154627461;0.000000000000000000000000000000;0.000000000000000000000000000000;0.034722222222222223764198645313;0.005555555555555555767577313730;0.023611111111111110494320541875;0.043981481481481482509465763542;0.043055555555555555247160270937;0.028240740740740739866954100989;0.020370370370370372015145221667
-0.011347517730496454665956029828;0.003191489361702127495329373019;0.064893617021276592260470295059;0.132624113475177302090557418524;0.000709219858156028416622251864;0.001063829787234042570723269172;0.004609929078014184111733442251;0.027659574468085104670400653504;0.002836879432624113666489007457;0.040780141843971634552090677062;0.010992907801418439969753926277;0.000000000000000000000000000000;0.008510638297872340565786153377;0.070567375886524827399703951869;0.010992907801418439969753926277;0.005319148936170212636775911363;0.008156028368794325869584049826;0.017730496453900710523976513855;0.003546099290780141757850607576;0.012056737588652482323636760952;0.010992907801418439969753926277;0.003191489361702127495329373019;0.010283687943262410577349719176;0.067021276595744680437682916363;0.014539007092198581727604533853;0.047872340425531914598344940259;0.028723404255319148759006964156;0.000709219858156028416622251864;0.003900709219858156020371842132;0.000709219858156028416622251864;0.000000000000000000000000000000;0.021276595744680850547103645454;0.004609929078014184111733442251;0.012056737588652482323636760952;0.026241134751773049355039191255;0.057092198581560282821811824761;0.018794326241134751143135872553;0.001418439716312056833244503729;0.000000000000000000000000000000;0.014539007092198581727604533853;0.006382978723404254990658746038;0.000354609929078014208311125932;0.000000000000000000000000000000;0.029432624113475178151411171257;0.003900709219858156020371842132;0.014184397163120567031402430302;0.069148936170212768614895537667;0.036170212765957443501463330904;0.039716312056737590463484366410;0.019148936170212765839337976104
-0.017559523809523809589894227656;0.001785714285714285658526745415;0.069345238095238098674499838125;0.122023809523809520505288617187;0.000892857142857142829263372708;0.001190476190476190583578119941;0.003273809523809523887999395342;0.019940476190476189022326991562;0.001785714285714285658526745415;0.062500000000000000000000000000;0.009226190476190476372209126055;0.000595238095238095291789059971;0.006250000000000000346944695195;0.070535714285714284921269268125;0.006845238095238095205052886172;0.007738095238095238359576910625;0.010119047619047619526733150508;0.014880952380952380126322154297;0.003273809523809523887999395342;0.009226190476190476372209126055;0.014285714285714285268213963320;0.006250000000000000346944695195;0.007738095238095238359576910625;0.075892857142857136909519510937;0.015773809523809523280846178750;0.039880952380952378044653983125;0.028571428571428570536427926640;0.001785714285714285658526745415;0.001190476190476190583578119941;0.001190476190476190583578119941;0.000000000000000000000000000000;0.024107142857142858233254756328;0.003571428571428571317053490830;0.013988095238095238706521605820;0.018749999999999999306110609609;0.058928571428571427381903902187;0.014285714285714285268213963320;0.002678571428571428596210335371;0.000000000000000000000000000000;0.013690476190476190410105772344;0.008035714285714284921269268125;0.000000000000000000000000000000;0.000000000000000000000000000000;0.033333333333333332870740406406;0.003869047619047619179788455313;0.018452380952380952744418252109;0.069940476190476191797884553125;0.038095238095238098674499838125;0.029761904761904760252644308594;0.016964285714285712997062560703
-0.020754716981132074332672132755;0.005345911949685534271525799710;0.047169811320754720385117764181;0.207861635220125795520118572313;0.002830188679245282824120666376;0.006918238993710692022465202911;0.007232704402515723399180735953;0.022955974842767293969680864052;0.003144654088050314634517068413;0.031446540880503144610447208152;0.012893081761006289914783806694;0.000943396226415094346987033624;0.014465408805031446798361471906;0.049056603773584908645410962436;0.013836477987421384044930405821;0.008805031446540880282758401165;0.012893081761006289914783806694;0.018553459119496854695663401458;0.010062893081761005789620533335;0.008490566037735848906042868123;0.012578616352201258538068273651;0.005974842767295597892318603783;0.011635220125786162673198198547;0.055974842767295598933152689369;0.017295597484276729188801269288;0.030503144654088050480300609024;0.028930817610062893596722943812;0.002201257861635220070689600291;0.004402515723270440141379200583;0.009748427672955974412905000293;0.000628930817610062861851283333;0.024528301886792454322705481218;0.005974842767295597892318603783;0.010691823899371068543051599420;0.026729559748427673959714212515;0.046226415094339619316077261146;0.011320754716981131296482665505;0.002201257861635220070689600291;0.000000000000000000000000000000;0.016352201257861635058654670161;0.008490566037735848906042868123;0.000628930817610062861851283333;0.000000000000000000000000000000;0.028616352201257862220007410770;0.003773584905660377387948134498;0.022012578616352199839534264925;0.034276729559748427000887005534;0.025786163522012579829567613388;0.030188679245283019103585075982;0.016666666666666666435370203203
-0.011231884057971014412302679375;0.005434782608695652023067523828;0.048913043478260871677054666407;0.138768115942028980036582197499;0.001449275362318840597308788887;0.003985507246376811425758734941;0.007971014492753622851517469883;0.025724637681159418650667092265;0.001811594202898550746635986108;0.038043478260869567630919618750;0.011594202898550724778470311094;0.000362318840579710149327197222;0.007608695652173913352711576152;0.051449275362318837301334184531;0.017028985507246376801537834922;0.010507246376811593679967415937;0.009782608695652174682355628477;0.018478260869565218266208361797;0.009057971014492753950020365039;0.009420289855072464316187996758;0.016666666666666666435370203203;0.001449275362318840597308788887;0.011594202898550724778470311094;0.066304347826086962314207085001;0.010507246376811593679967415937;0.038768115942028988363254882188;0.030072463768115943044678672891;0.003623188405797101493271972217;0.003260869565217391127104340498;0.003260869565217391127104340498;0.000362318840579710149327197222;0.030072463768115943044678672891;0.005434782608695652023067523828;0.020652173913043476993767200156;0.032971014492753622504572774687;0.049637681159420292409389929844;0.014855072463768116339255520586;0.001811594202898550746635986108;0.000000000000000000000000000000;0.014855072463768116339255520586;0.010507246376811593679967415937;0.000724637681159420298654394443;0.000000000000000000000000000000;0.029347826086956522312343409453;0.007971014492753622851517469883;0.022101449275362318458437727031;0.054347826086956520230675238281;0.031521739130434781039902247812;0.036956521739130436532416723594;0.021739130434782608092270095312
-0.011711711711711711783601153058;0.007207207207207207318166997112;0.060810810810810814186488926225;0.028378378378378379953694832238;0.000900900900900900914770874639;0.000900900900900900914770874639;0.001351351351351351426366420583;0.028828828828828829272667988448;0.000900900900900900914770874639;0.063063063063063057311907755320;0.006306306306306306078135470727;0.000000000000000000000000000000;0.004954954954954954651769050145;0.077027027027027031302885973219;0.008108108108108108558198523497;0.010360360360360360357234732476;0.009909909909909909303538100289;0.013063063063063063209967573641;0.003153153153153153039067735364;0.013513513513513514263664205828;0.008558558558558557877171679706;0.004504504504504504465434155946;0.007207207207207207318166997112;0.083333333333333328707404064062;0.009009009009009008930868311893;0.054504504504504502904183027567;0.032882882882882880082320298243;0.003153153153153153039067735364;0.001351351351351351426366420583;0.000900900900900900914770874639;0.000450450450450450457385437320;0.033783783783783785659160514570;0.001801801801801801829541749278;0.019369369369369369288103044369;0.027477477477477477846301567865;0.064414414414414408738274175903;0.017117117117117115754343359413;0.001351351351351351426366420583;0.000000000000000000000000000000;0.007657657657657657504501891310;0.005855855855855855891800576529;0.003153153153153153039067735364;0.000000000000000000000000000000;0.056306306306306307118969556313;0.000900900900900900914770874639;0.031531531531531528655953877660;0.076126126126126125726045756892;0.044144144144144144281671771068;0.028378378378378379953694832238;0.024324324324324325674595570490
-0.010000000000000000208166817117;0.011111111111111111535154627461;0.033333333333333332870740406406;0.207777777777777783452251014751;0.010370370370370370072254928573;0.000740740740740740703958178148;0.002962962962962962815832712593;0.031481481481481478346129421197;0.001481481481481481407916356297;0.065185185185185179346234463083;0.008148148148148147418279307885;0.000000000000000000000000000000;0.001851851851851851922525771243;0.045555555555555557467606320188;0.021111111111111111743321444578;0.008518518518518519017090895318;0.005555555555555555767577313730;0.008148148148148147418279307885;0.011851851851851851263330850372;0.002962962962962962815832712593;0.017037037037037038034181790636;0.001111111111111111110147375847;0.002222222222222222220294751693;0.078518518518518515270088187208;0.010740740740740739936343040029;0.064444444444444443087505192125;0.033703703703703701000105041885;0.008888888888888888881179006773;0.001111111111111111110147375847;0.002222222222222222220294751693;0.000000000000000000000000000000;0.025925925925925925180637321432;0.002962962962962962815832712593;0.004444444444444444440589503387;0.001851851851851851922525771243;0.042592592592592591616007524635;0.009629629629629630344078705662;0.002962962962962962815832712593;0.000000000000000000000000000000;0.001851851851851851922525771243;0.009259259259259258745267118229;0.000370370370370370351979089074;0.000000000000000000000000000000;0.041851851851851848418384349770;0.014814814814814815380206169948;0.024444444444444445724284875610;0.057407407407407406996213694583;0.024814814814814813853649511088;0.007407407407407407690103084974;0.019259259259259260688157411323
-0.012592592592592592726230549260;0.006666666666666667094565124074;0.040740740740740744030290443334;0.321481481481481479178796689666;0.006666666666666667094565124074;0.001481481481481481407916356297;0.001481481481481481407916356297;0.024814814814814813853649511088;0.000370370370370370351979089074;0.048148148148148148250946576354;0.010740740740740739936343040029;0.000000000000000000000000000000;0.002592592592592592518063732143;0.042962962962962959745372160114;0.021481481481481479872686080057;0.004444444444444444440589503387;0.003703703703703703845051542487;0.009629629629629630344078705662;0.008148148148148147418279307885;0.004814814814814815172039352831;0.008518518518518519017090895318;0.002222222222222222220294751693;0.003703703703703703845051542487;0.048518518518518516380311211833;0.008888888888888888881179006773;0.040740740740740744030290443334;0.025185185185185185452461098521;0.008888888888888888881179006773;0.001481481481481481407916356297;0.003333333333333333547282562037;0.000370370370370370351979089074;0.017407407407407406163546426114;0.002222222222222222220294751693;0.009259259259259258745267118229;0.010740740740740739936343040029;0.042592592592592591616007524635;0.010370370370370370072254928573;0.002592592592592592518063732143;0.000000000000000000000000000000;0.005925925925925925631665425186;0.007777777777777777554191196430;0.001111111111111111110147375847;0.000000000000000000000000000000;0.025185185185185185452461098521;0.009259259259259258745267118229;0.012592592592592592726230549260;0.047407407407407405053323401489;0.032962962962962964741375770927;0.020370370370370372015145221667;0.017407407407407406163546426114
-0.010416666666666666088425508008;0.003333333333333333547282562037;0.049166666666666664076146275875;0.282083333333333352577199093503;0.001250000000000000026020852140;0.000833333333333333386820640509;0.007499999999999999722444243844;0.022916666666666665047591422422;0.001250000000000000026020852140;0.053749999999999999167332731531;0.004166666666666666608842550801;0.000000000000000000000000000000;0.005000000000000000104083408559;0.044583333333333335923853724125;0.013750000000000000069388939039;0.007499999999999999722444243844;0.007083333333333332974823814965;0.008750000000000000832667268469;0.005416666666666666851703837438;0.007083333333333332974823814965;0.008750000000000000832667268469;0.002083333333333333304421275400;0.004583333333333333356462979680;0.070416666666666669072149886688;0.008750000000000000832667268469;0.043333333333333334813630699500;0.025416666666666667268037471672;0.003333333333333333547282562037;0.005833333333333333599324266316;0.000416666666666666693410320255;0.000000000000000000000000000000;0.031666666666666669349705642844;0.002916666666666666799662133158;0.006666666666666667094565124074;0.010833333333333333703407674875;0.047083333333333331205405869468;0.005416666666666666851703837438;0.001666666666666666773641281019;0.000000000000000000000000000000;0.005000000000000000104083408559;0.009583333333333332593184650250;0.000833333333333333386820640509;0.000000000000000000000000000000;0.034583333333333333980963431031;0.005000000000000000104083408559;0.020833333333333332176851016015;0.050416666666666665186369300500;0.025833333333333333148296162562;0.014999999999999999444888487687;0.017916666666666667545593227828
-0.007986111111111110494320541875;0.003819444444444444319158860068;0.052083333333333335646297967969;0.134722222222222215437525960624;0.001041666666666666652210637700;0.002083333333333333304421275400;0.007638888888888888638317720137;0.019444444444444444752839729063;0.002430555555555555594104966133;0.062847222222222220988641083750;0.006597222222222222202947516934;0.000000000000000000000000000000;0.004513888888888888464845372539;0.040625000000000001387778780781;0.009374999999999999653055304805;0.005902777777777777623580135469;0.015625000000000000000000000000;0.015277777777777777276635440273;0.003819444444444444319158860068;0.006944444444444444058950338672;0.008333333333333333217685101602;0.003125000000000000173472347598;0.005555555555555555767577313730;0.109027777777777779011358916250;0.007291666666666666782314898398;0.030902777777777779011358916250;0.023263888888888889505679458125;0.000694444444444444470947164216;0.006250000000000000346944695195;0.000347222222222222235473582108;0.000347222222222222235473582108;0.065277777777777781786916477813;0.001388888888888888941894328433;0.008680555555555555941049661328;0.018402777777777778317469525859;0.066319444444444444752839729063;0.008680555555555555941049661328;0.002777777777777777883788656865;0.000000000000000000000000000000;0.011805555555555555247160270937;0.013888888888888888117900677344;0.000000000000000000000000000000;0.000000000000000000000000000000;0.059027777777777776235801354687;0.001736111111111111014737584668;0.032986111111111111882099322656;0.053124999999999998612221219219;0.019444444444444444752839729063;0.021874999999999998612221219219;0.016666666666666666435370203203
-0.014242424242424242195048655901;0.005151515151515151727523722514;0.056060606060606060774276215852;0.151515151515151519356905396307;0.000606060606060606060080386825;0.001818181818181818180241160476;0.007272727272727272720964641906;0.020000000000000000416333634234;0.002424242424242424240321547302;0.058484848484848486749321239131;0.009393939393939393714405561298;0.000303030303030303030040193413;0.003636363636363636360482320953;0.057272727272727273761798727492;0.012121212121212121201607736509;0.012727272727272727695368992329;0.007878787878787879214725897725;0.010909090909090909948808700847;0.005151515151515151727523722514;0.011818181818181817954727108599;0.011818181818181817954727108599;0.003636363636363636360482320953;0.005757575757575757353923240345;0.072121212121212127654779067143;0.010000000000000000208166817117;0.050000000000000002775557561563;0.025757575757575756902895136591;0.001515151515151515150200967064;0.004242424242424242854243576772;0.002121212121212121427121788386;0.000000000000000000000000000000;0.035757575757575758845785429685;0.001818181818181818180241160476;0.019696969696969695434729530348;0.016969696969696971416974307090;0.059999999999999997779553950750;0.010606060606060606701928072937;0.004545454545454545233762466694;0.000303030303030303030040193413;0.010909090909090909948808700847;0.008181818181818182461606525635;0.000606060606060606060080386825;0.000000000000000000000000000000;0.036060606060606063827389533571;0.004545454545454545233762466694;0.023939393939393940891058321085;0.063333333333333338699411285688;0.032424242424242424864821998653;0.015757575757575758429451795450;0.018787878787878787428811122595
-0.012000000000000000249800180541;0.001333333333333333288808764117;0.064000000000000001332267629550;0.180999999999999994226840271949;0.011333333333333334147496884725;0.000000000000000000000000000000;0.005000000000000000104083408559;0.032000000000000000666133814775;0.000666666666666666644404382058;0.074666666666666672846908170413;0.007000000000000000145716771982;0.000666666666666666644404382058;0.000333333333333333322202191029;0.065000000000000002220446049250;0.011666666666666667198648532633;0.010333333333333333259318465025;0.007666666666666666248020067798;0.004000000000000000083266726847;0.003666666666666666598434209945;0.001333333333333333288808764117;0.015666666666666665547191783503;0.002666666666666666577617528233;0.000000000000000000000000000000;0.092333333333333336701009841363;0.013333333333333334189130248149;0.065333333333333326597980317274;0.024666666666666666601903656897;0.000000000000000000000000000000;0.000333333333333333322202191029;0.000666666666666666644404382058;0.000000000000000000000000000000;0.032000000000000000666133814775;0.000333333333333333322202191029;0.005000000000000000104083408559;0.000666666666666666644404382058;0.053666666666666668072949164525;0.005000000000000000104083408559;0.003333333333333333547282562037;0.000000000000000000000000000000;0.000666666666666666644404382058;0.008333333333333333217685101602;0.000000000000000000000000000000;0.000000000000000000000000000000;0.039333333333333331260917020700;0.005333333333333333155235056466;0.017666666666666667323548622903;0.081000000000000002553512956638;0.020000000000000000416333634234;0.005333333333333333155235056466;0.013666666666666667240281896056
-0.019209039548022600191190534247;0.003672316384180791034447244314;0.047740112994350283881495045080;0.107909604519774007802546123003;0.010451977401129942946145234828;0.005084745762711864042193710134;0.004802259887005650047797633562;0.025141242937853108818657688062;0.002542372881355932021096855067;0.056497175141242937657093392545;0.012146892655367232116692122190;0.001412429378531073441427334814;0.008474576271186440648564008882;0.058474576271186441689398094468;0.012146892655367232116692122190;0.012146892655367232116692122190;0.008757062146892655510321823442;0.011299435028248587531418678509;0.008192090395480225786806194321;0.007627118644067796930652303189;0.014971751412429378999546791817;0.004237288135593220324282004441;0.009322033898305085233837452563;0.068361581920903954912027700175;0.018644067796610170467674905126;0.061016949152542375445218425511;0.032485875706214688285466962725;0.003954802259887005462524189880;0.002542372881355932021096855067;0.002824858757062146882854669627;0.000282485875706214699127488688;0.024293785310734464233384244380;0.005084745762711864042193710134;0.011016949152542372669660863949;0.020621468926553671030532655095;0.049152542372881358190284117882;0.011016949152542372669660863949;0.004237288135593220324282004441;0.000000000000000000000000000000;0.008757062146892655510321823442;0.009039548022598870372079638003;0.000000000000000000000000000000;0.000000000000000000000000000000;0.032485875706214688285466962725;0.004237288135593220324282004441;0.021468926553672315615806098776;0.068644067796610169773785514735;0.035028248587570622041287293769;0.029378531073446328275577954514;0.023163841807909604786352986139
-0.024031007751937984162626804618;0.004651162790697674354056800894;0.047674418604651165598529161116;0.159302325581395343156998478662;0.000775193798449612392342800149;0.005426356589147286746399601043;0.005426356589147286746399601043;0.019379844961240309808570003725;0.004263565891472868157885400819;0.029069767441860464712855005587;0.016666666666666666435370203203;0.001550387596899224784685600298;0.017829457364341085023884403427;0.046511627906976743540568008939;0.018217054263565891220055803501;0.010465116279069767296627802011;0.010465116279069767296627802011;0.016666666666666666435370203203;0.010077519379844961100456401937;0.009302325581395348708113601788;0.015116279069767441650684602905;0.007364341085271317727256601415;0.023255813953488371770284004469;0.051162790697674417894624809833;0.024031007751937984162626804618;0.044186046511627906363539608492;0.029457364341085270909026405661;0.011627906976744185885142002235;0.001937984496124030980857000372;0.003100775193798449569371200596;0.000000000000000000000000000000;0.021705426356589146985598404171;0.010852713178294573492799202086;0.012790697674418604473656202458;0.034883720930232557655426006704;0.030620155038759689497540605885;0.013953488372093023062170402682;0.005038759689922480550228200968;0.000000000000000000000000000000;0.018217054263565891220055803501;0.006589147286821705334913801266;0.001162790697674418588514200223;0.000000000000000000000000000000;0.026356589147286821339655205065;0.005813953488372092942571001117;0.021705426356589146985598404171;0.034496124031007754928701558583;0.029457364341085270909026405661;0.043798449612403103636815160371;0.013565891472868216865999002607
-0.020634920634920634469056111016;0.001984126984126984016842953906;0.054761904761904761640423089375;0.126984126984126977077949049999;0.001190476190476190583578119941;0.005555555555555555767577313730;0.005158730158730158617264027754;0.020634920634920634469056111016;0.002777777777777777883788656865;0.049603174603174600421073847656;0.012301587301587301251371009414;0.000000000000000000000000000000;0.007539682539682539784420267637;0.059523809523809520505288617187;0.008333333333333333217685101602;0.010317460317460317234528055508;0.016666666666666666435370203203;0.015476190476190476719153821250;0.003174603174603174600421073848;0.011904761904761904101057723437;0.007936507936507936067371815625;0.006349206349206349200842147695;0.006746031746031746351155433672;0.056349206349206350241676233281;0.020634920634920634469056111016;0.057936507936507938842929377188;0.030555555555555554553270880547;0.000396825396825396825052634231;0.003968253968253968033685907812;0.000396825396825396825052634231;0.000000000000000000000000000000;0.028571428571428570536427926640;0.006349206349206349200842147695;0.012698412698412698401684295391;0.019047619047619049337249919063;0.049206349206349205005484037656;0.016666666666666666435370203203;0.003571428571428571317053490830;0.000000000000000000000000000000;0.019444444444444444752839729063;0.008333333333333333217685101602;0.001984126984126984016842953906;0.000000000000000000000000000000;0.034920634920634921471993550313;0.003968253968253968033685907812;0.019841269841269840168429539062;0.057936507936507938842929377188;0.042857142857142857539365365938;0.028571428571428570536427926640;0.020238095238095239053466301016
-0.011111111111111111535154627461;0.000925925925925925961262885622;0.052777777777777777623580135469;0.210493827160493834904642085348;0.001543209876543209790877853038;0.000617283950617283938035184665;0.005864197530864197899225231936;0.032098765432098767813595685539;0.002469135802469135752140738660;0.064814814814814811216869827604;0.006172839506172839163511412153;0.000000000000000000000000000000;0.000925925925925925961262885622;0.051851851851851850361274642864;0.017283950617283948963942563637;0.006481481481481481295159330358;0.010802469135802468536144971267;0.011419753086419752799440807678;0.003703703703703703845051542487;0.008950617283950617480980938012;0.006481481481481481295159330358;0.002160493827160493620492820455;0.001234567901234567876070369330;0.087037037037037037756626034479;0.003703703703703703845051542487;0.042283950617283953821168296372;0.029320987654320986026679207725;0.000617283950617283938035184665;0.005246913580246913635929395525;0.000617283950617283938035184665;0.000617283950617283938035184665;0.041666666666666664353702032031;0.000308641975308641969017592332;0.008641975308641974481971281818;0.005864197530864197899225231936;0.070987654320987650380381239756;0.008024691358024691953398921385;0.000925925925925925961262885622;0.000000000000000000000000000000;0.003703703703703703845051542487;0.010185185185185186007572610833;0.000000000000000000000000000000;0.000000000000000000000000000000;0.041358024691358026558862803768;0.008641975308641974481971281818;0.022839506172839505598881615356;0.056790123456790124467641334149;0.018209876543209876226248056241;0.011111111111111111535154627461;0.011111111111111111535154627461
-0.009803921568627450844335413649;0.000980392156862745084433541365;0.056535947712418301025483202693;0.216993464052287587939815693971;0.002287581699346405341571886183;0.001307189542483660040297910321;0.007189542483660130330058724013;0.025163398692810458323609879017;0.000653594771241830020148955160;0.068954248366013076720903995920;0.004248366013071895076758099918;0.000000000000000000000000000000;0.003594771241830065165029362007;0.065359477124183010254832026931;0.011437908496732025406816823931;0.008169934640522876281854003366;0.005555555555555555767577313730;0.009150326797385621366287544731;0.003594771241830065165029362007;0.008823529411764705759901872284;0.009150326797385621366287544731;0.002287581699346405341571886183;0.002941176470588235253300624095;0.076797385620915037396372326839;0.007843137254901960675468330919;0.046078431372549022437823396103;0.026470588235294117279705616852;0.000653594771241830020148955160;0.001960784313725490168867082730;0.007843137254901960675468330919;0.000326797385620915010074477580;0.024183006535947713239176337652;0.001633986928104575213002713774;0.006209150326797385245625182648;0.007189542483660130330058724013;0.052287581699346406816086840763;0.012091503267973856619588168826;0.002614379084967320080595820642;0.000000000000000000000000000000;0.004901960784313725422167706824;0.010130718954248366450721086096;0.000326797385620915010074477580;0.000000000000000000000000000000;0.040849673202614379674546540855;0.003267973856209150426005427548;0.023202614379084968154742796287;0.060457516339869281363217368153;0.026470588235294117279705616852;0.016013071895424835222598858309;0.016013071895424835222598858309
-0.019387755102040816340691620212;0.015646258503401361955598147802;0.036394557823129253248950476518;0.096598639455782314700016399911;0.008843537414965987192294605279;0.007142857142857142634106981660;0.007142857142857142634106981660;0.027210884353741495583767218136;0.002040816326530612428991062757;0.058163265306122445552627908683;0.009863945578231291672066660681;0.002040816326530612428991062757;0.008503401360544218454129428153;0.049659863945578232302668908460;0.032312925170068028390968351005;0.009863945578231291672066660681;0.010884353741496597886562192059;0.015986394557823128959039848951;0.015646258503401361955598147802;0.003401360544217686947970902267;0.013605442176870747791883609068;0.003061224489795918209805725141;0.002380952380952381167156239883;0.067687074829931970221252868214;0.013265306122448979053718431942;0.053061224489795916214873727768;0.038095238095238098674499838125;0.012925170068027210315553254816;0.004761904761904762334312479766;0.022108843537414966246013037221;0.000340136054421768683955068502;0.028231292517006803532986225491;0.017006802721088436908258856306;0.010544217687074829148397014933;0.011224489795918366624727369185;0.047619047619047616404230893750;0.010884353741496597886562192059;0.005782312925170067681446273156;0.000000000000000000000000000000;0.004081632653061224857982125513;0.011564625850340135362892546311;0.001700680272108843473985451134;0.000000000000000000000000000000;0.032312925170068028390968351005;0.013945578231292516530048786194;0.020068027210884353817021974464;0.058503401360544216025516561785;0.030272108843537415961977288248;0.014285714285714285268213963320;0.013945578231292516530048786194
-0.008865248226950355261988256927;0.031205673758865248162974737056;0.011347517730496454665956029828;0.105319148936170212116358868570;0.042907801418439715790409394458;0.023049645390070920558667211253;0.010638297872340425273551822727;0.035460992907801421047953027710;0.013829787234042552335200326752;0.007446808510638298211903318702;0.012056737588652482323636760952;0.006737588652482269686860849589;0.021985815602836879939507852555;0.011702127659574467627434657402;0.078014184397163122142160318617;0.004964539007092198807935545801;0.013475177304964539373721699178;0.029787234042553192847613274807;0.039716312056737590463484366410;0.002482269503546099403967772901;0.017021276595744681131572306754;0.007801418439716312040743684264;0.021631205673758865243305749004;0.012411347517730497019838864503;0.012765957446808509981317492077;0.011702127659574467627434657402;0.032269503546099288782134095754;0.046099290780141841117334422506;0.003191489361702127495329373019;0.047163120567375885205940733158;0.006382978723404254990658746038;0.014539007092198581727604533853;0.038297872340425531678675952207;0.007092198581560283515701215151;0.019148936170212765839337976104;0.018085106382978721750731665452;0.003546099290780141757850607576;0.005673758865248227332978014914;0.004609929078014184111733442251;0.017375886524822695827774410304;0.012411347517730497019838864503;0.017730496453900710523976513855;0.000000000000000000000000000000;0.007446808510638298211903318702;0.053546099290780142798684693162;0.010638297872340425273551822727;0.006382978723404254990658746038;0.008156028368794325869584049826;0.017730496453900710523976513855;0.008156028368794325869584049826
-0.009567901234567901744276774423;0.015123456790123456644492350165;0.019444444444444444752839729063;0.416666666666666685170383743753;0.017283950617283948963942563637;0.012345679012345678327022824305;0.006790123456790123426807248563;0.025308641975308642652064960998;0.021604938271604937072289942535;0.012345679012345678327022824305;0.007716049382716048954389265191;0.012654320987654321326032480499;0.006790123456790123426807248563;0.008333333333333333217685101602;0.034567901234567897927885127274;0.008333333333333333217685101602;0.008641975308641974481971281818;0.017592592592592593697675695807;0.023456790123456791596900927743;0.002777777777777777883788656865;0.012962962962962962590318660716;0.012037037037037037062736644089;0.004938271604938271504281477320;0.018518518518518517490534236458;0.016975308641975307699656383420;0.013271604938271605589328316910;0.024382716049382715389759468394;0.015123456790123456644492350165;0.002469135802469135752140738660;0.020370370370370372015145221667;0.010185185185185186007572610833;0.011111111111111111535154627461;0.007407407407407407690103084974;0.005864197530864197899225231936;0.006172839506172839163511412153;0.015123456790123456644492350165;0.005864197530864197899225231936;0.003395061728395061713403624282;0.004320987654320987240985640909;0.004938271604938271504281477320;0.012654320987654321326032480499;0.012654320987654321326032480499;0.000000000000000000000000000000;0.014506172839506172381196513754;0.019444444444444444752839729063;0.009567901234567901744276774423;0.008024691358024691953398921385;0.004938271604938271504281477320;0.008641975308641974481971281818;0.006790123456790123426807248563
-0.013333333333333334189130248149;0.016000000000000000333066907388;0.017000000000000001221245327088;0.408999999999999974686915038546;0.013333333333333334189130248149;0.014000000000000000291433543964;0.021666666666666667406815349750;0.018333333333333333425851918719;0.014333333333333333342585191872;0.013333333333333334189130248149;0.007000000000000000145716771982;0.008666666666666666268836749509;0.008666666666666666268836749509;0.008999999999999999319988397417;0.031333333333333331094383567006;0.008333333333333333217685101602;0.009333333333333334105863521302;0.014666666666666666393736839780;0.010333333333333333259318465025;0.001333333333333333288808764117;0.012000000000000000249800180541;0.012000000000000000249800180541;0.004000000000000000083266726847;0.015666666666666665547191783503;0.008999999999999999319988397417;0.016333333333333331649495079319;0.021333333333333332620940225866;0.009333333333333334105863521302;0.007666666666666666248020067798;0.012999999999999999403255124264;0.008000000000000000166533453694;0.016333333333333331649495079319;0.007000000000000000145716771982;0.014000000000000000291433543964;0.012000000000000000249800180541;0.011666666666666667198648532633;0.003666666666666666598434209945;0.012000000000000000249800180541;0.009333333333333334105863521302;0.010333333333333333259318465025;0.010333333333333333259318465025;0.013333333333333334189130248149;0.000000000000000000000000000000;0.020666666666666666518636930050;0.020666666666666666518636930050;0.021999999999999998723243521681;0.008666666666666666268836749509;0.006333333333333333176051738178;0.006666666666666667094565124074;0.007666666666666666248020067798
-0.007222222222222221890697291258;0.029999999999999998889776975375;0.013333333333333334189130248149;0.485833333333333339254522798001;0.019166666666666665186369300500;0.003611111111111110945348645629;0.003888888888888888777095598215;0.024166666666666666157814447047;0.008055555555555555385938149016;0.005555555555555555767577313730;0.005833333333333333599324266316;0.002777777777777777883788656865;0.002500000000000000052041704279;0.006944444444444444058950338672;0.036944444444444446418174266000;0.004444444444444444440589503387;0.005277777777777777935830361145;0.018611111111111109522875395328;0.023333333333333334397297065266;0.001111111111111111110147375847;0.014722222222222221613141535101;0.005277777777777777935830361145;0.001111111111111111110147375847;0.008055555555555555385938149016;0.005833333333333333599324266316;0.010000000000000000208166817117;0.020277777777777776513357110844;0.085555555555555551361379684749;0.001111111111111111110147375847;0.012500000000000000693889390391;0.001666666666666666773641281019;0.006111111111111111431071218902;0.005555555555555555767577313730;0.003055555555555555715535609451;0.003888888888888888777095598215;0.009722222222222222376419864531;0.004166666666666666608842550801;0.003333333333333333547282562037;0.003055555555555555715535609451;0.005555555555555555767577313730;0.009166666666666666712925959359;0.009722222222222222376419864531;0.000000000000000000000000000000;0.008611111111111111049432054187;0.022777777777777778733803160094;0.007222222222222221890697291258;0.009166666666666666712925959359;0.003611111111111110945348645629;0.006666666666666667094565124074;0.003888888888888888777095598215
-0.009523809523809524668624959531;0.028571428571428570536427926640;0.022619047619047618485899064922;0.380357142857142838110462434997;0.011607142857142857539365365938;0.006547619047619047775998790684;0.004761904761904762334312479766;0.019940476190476189022326991562;0.022321428571428571924206707422;0.011011904761904762681257174961;0.006845238095238095205052886172;0.002083333333333333304421275400;0.002678571428571428596210335371;0.015178571428571428422737987773;0.030952380952380953438307642500;0.008035714285714284921269268125;0.008035714285714284921269268125;0.019642857142857142460634634062;0.019940476190476189022326991562;0.002380952380952381167156239883;0.011011904761904762681257174961;0.009523809523809524668624959531;0.003273809523809523887999395342;0.018154761904761906182725894610;0.008630952380952381514100935078;0.014583333333333333564629796797;0.020833333333333332176851016015;0.111904761904761909652172846563;0.001488095238095238012632215430;0.009523809523809524668624959531;0.001488095238095238012632215430;0.007738095238095238359576910625;0.004464285714285714037896646289;0.003571428571428571317053490830;0.003869047619047619179788455313;0.017857142857142856151586585156;0.005654761904761904621474766230;0.003273809523809523887999395342;0.002678571428571428596210335371;0.000595238095238095291789059971;0.011011904761904762681257174961;0.023511904761904761640423089375;0.000000000000000000000000000000;0.013690476190476190410105772344;0.019940476190476189022326991562;0.006845238095238095205052886172;0.013690476190476190410105772344;0.004761904761904762334312479766;0.006845238095238095205052886172;0.006547619047619047775998790684
-0.005555555555555555767577313730;0.015384615384615385469402326635;0.005128205128205128200680196215;0.657692307692307687183586040192;0.008547008547008547868495398347;0.005128205128205128200680196215;0.004273504273504273934247699174;0.008547008547008547868495398347;0.004700854700854700633783078700;0.008974358974358973700669039886;0.001709401709401709400226732072;0.002136752136752136967123849587;0.003418803418803418800453464144;0.003418803418803418800453464144;0.012820512820512820068019621544;0.001282051282051282050170049054;0.003418803418803418800453464144;0.008119658119658120301598280832;0.007264957264957265167804045802;0.000427350427350427350056683018;0.006410256410256410034009810772;0.000427350427350427350056683018;0.000427350427350427350056683018;0.005555555555555555767577313730;0.004700854700854700633783078700;0.005982905982905983334474431246;0.009401709401709401267566157401;0.118803418803418797677906582066;0.000427350427350427350056683018;0.004273504273504273934247699174;0.000854700854700854700113366036;0.006837606837606837600906928287;0.005555555555555555767577313730;0.003846153846153846367350581659;0.002136752136752136967123849587;0.006410256410256410034009810772;0.002991452991452991667237215623;0.001709401709401709400226732072;0.000000000000000000000000000000;0.000427350427350427350056683018;0.003846153846153846367350581659;0.009829059829059828834463274916;0.000000000000000000000000000000;0.004273504273504273934247699174;0.008547008547008547868495398347;0.005982905982905983334474431246;0.005555555555555555767577313730;0.001709401709401709400226732072;0.003846153846153846367350581659;0.001282051282051282050170049054
-0.016013071895424835222598858309;0.008823529411764705759901872284;0.016993464052287580307032399674;0.588235294117647078415700434562;0.003594771241830065165029362007;0.007843137254901960675468330919;0.003594771241830065165029362007;0.011437908496732025406816823931;0.008169934640522876281854003366;0.009803921568627450844335413649;0.004575163398692810683143772366;0.004248366013071895076758099918;0.003267973856209150426005427548;0.015359477124183005744550989391;0.016013071895424835222598858309;0.015032679738562091872888792921;0.008169934640522876281854003366;0.015686274509803921350936661838;0.006209150326797385245625182648;0.004248366013071895076758099918;0.014052287581699346788455251556;0.006209150326797385245625182648;0.003267973856209150426005427548;0.011111111111111111535154627461;0.012418300653594770491250365296;0.012745098039215686097636037744;0.011111111111111111535154627461;0.006862745098039215591034789554;0.000653594771241830020148955160;0.004901960784313725422167706824;0.006535947712418300852010855095;0.005228758169934640161191641283;0.003921568627450980337734165460;0.005228758169934640161191641283;0.007843137254901960675468330919;0.013725490196078431182069579108;0.002941176470588235253300624095;0.006535947712418300852010855095;0.002941176470588235253300624095;0.006535947712418300852010855095;0.005882352941176470506601248189;0.006862745098039215591034789554;0.000000000000000000000000000000;0.009477124183006535237949741202;0.011111111111111111535154627461;0.010457516339869280322383282567;0.015359477124183005744550989391;0.013071895424836601704021710191;0.006862745098039215591034789554;0.008823529411764705759901872284
-0.025833333333333333148296162562;0.012777777777777778525636342977;0.016666666666666666435370203203;0.167500000000000009992007221626;0.038333333333333330372738601000;0.046388888888888889228123701969;0.004166666666666666608842550801;0.017222222222222222098864108375;0.012500000000000000693889390391;0.014999999999999999444888487687;0.018611111111111109522875395328;0.030277777777777778456247403938;0.016666666666666666435370203203;0.012222222222222222862142437805;0.013888888888888888117900677344;0.024444444444444445724284875610;0.012500000000000000693889390391;0.021388888888888887840344921187;0.037777777777777778178691647781;0.001666666666666666773641281019;0.019722222222222220849863205672;0.009722222222222222376419864531;0.009444444444444444544672911945;0.016111111111111110771876298031;0.028333333333333331899295259859;0.019722222222222220849863205672;0.026111111111111112714766591125;0.005833333333333333599324266316;0.001111111111111111110147375847;0.072777777777777774570466817750;0.023333333333333334397297065266;0.009444444444444444544672911945;0.022777777777777778733803160094;0.006666666666666667094565124074;0.014444444444444443781394582516;0.016944444444444446001840631766;0.006111111111111111431071218902;0.010277777777777778039913769703;0.005277777777777777935830361145;0.012222222222222222862142437805;0.007222222222222221890697291258;0.011111111111111111535154627461;0.000000000000000000000000000000;0.009166666666666666712925959359;0.023055555555555554830826636703;0.014166666666666665949647629930;0.012500000000000000693889390391;0.015277777777777777276635440273;0.014444444444444443781394582516;0.010833333333333333703407674875
-0.014814814814814815380206169948;0.008148148148148147418279307885;0.019259259259259260688157411323;0.536666666666666625218340413994;0.009259259259259258745267118229;0.005185185185185185036127464286;0.005185185185185185036127464286;0.021851851851851851471497667490;0.001851851851851851922525771243;0.014814814814814815380206169948;0.012592592592592592726230549260;0.006666666666666667094565124074;0.001481481481481481407916356297;0.014814814814814815380206169948;0.020740740740740740144509857146;0.007407407407407407690103084974;0.004814814814814815172039352831;0.006666666666666667094565124074;0.010740740740740739936343040029;0.001851851851851851922525771243;0.019259259259259260688157411323;0.000740740740740740703958178148;0.001111111111111111110147375847;0.022222222222222223070309254922;0.010370370370370370072254928573;0.024814814814814813853649511088;0.019629629629629628817522046802;0.018148148148148149361169600979;0.001481481481481481407916356297;0.008518518518518519017090895318;0.002222222222222222220294751693;0.011481481481481481399242738917;0.001481481481481481407916356297;0.009259259259259258745267118229;0.002222222222222222220294751693;0.021481481481481479872686080057;0.002962962962962962815832712593;0.007037037037037036958653235530;0.000000000000000000000000000000;0.001851851851851851922525771243;0.009259259259259258745267118229;0.003333333333333333547282562037;0.000000000000000000000000000000;0.010740740740740739936343040029;0.007777777777777777554191196430;0.011111111111111111535154627461;0.018888888888888889089345823891;0.011111111111111111535154627461;0.006666666666666667094565124074;0.010000000000000000208166817117
-0.007575757575757575967845269815;0.014393939393939394685850707845;0.014772727272727272443408885749;0.562878787878787867349217322044;0.031060606060606059386497435071;0.007196969696969697342925353922;0.001136363636363636308440616673;0.022727272727272727903535809446;0.007954545454545453725403447720;0.009090909090909090467524933388;0.006439393939393939225723784148;0.012878787878787878451447568295;0.000757575757575757575100483532;0.008712121212121212709966755483;0.028030303030303030387138107926;0.012121212121212121201607736509;0.007575757575757575967845269815;0.014393939393939394685850707845;0.013257575757575757943729222177;0.000378787878787878787550241766;0.011742424242424241709326082628;0.004166666666666666608842550801;0.001515151515151515150200967064;0.010227272727272727209646419055;0.009469696969696969959806587269;0.011742424242424241709326082628;0.018560606060606062162054996634;0.030303030303030303871381079261;0.000757575757575757575100483532;0.019318181818181817677171352443;0.004924242424242423858682382587;0.006439393939393939225723784148;0.002651515151515151675482018234;0.006439393939393939225723784148;0.000757575757575757575100483532;0.008333333333333333217685101602;0.003787878787878787983922634908;0.002272727272727272616881233347;0.001136363636363636308440616673;0.000378787878787878787550241766;0.007954545454545453725403447720;0.007196969696969697342925353922;0.000000000000000000000000000000;0.005681818181818181975883952362;0.014015151515151515193569053963;0.006818181818181817850643700041;0.007954545454545453725403447720;0.001893939393939393991961317454;0.004166666666666666608842550801;0.006060606060606060600803868255
-0.017460317460317460735996775156;0.022619047619047618485899064922;0.008730158730158730367998387578;0.410714285714285698425385362498;0.033730158730158728286330216406;0.004761904761904762334312479766;0.017063492063492061850960013203;0.033730158730158728286330216406;0.005158730158730158617264027754;0.009920634920634920084214769531;0.007936507936507936067371815625;0.005555555555555555767577313730;0.004761904761904762334312479766;0.009126984126984127518311673555;0.043253968253968252954955175937;0.009920634920634920084214769531;0.012301587301587301251371009414;0.012698412698412698401684295391;0.030158730158730159137681070547;0.000793650793650793650105268462;0.022619047619047618485899064922;0.002380952380952381167156239883;0.008730158730158730367998387578;0.012698412698412698401684295391;0.015079365079365079568840535273;0.010714285714285714384841341484;0.019444444444444444752839729063;0.013888888888888888117900677344;0.002777777777777777883788656865;0.013492063492063492702310867344;0.007936507936507936067371815625;0.009126984126984127518311673555;0.009126984126984127518311673555;0.003571428571428571317053490830;0.001984126984126984016842953906;0.019841269841269840168429539062;0.003968253968253968033685907812;0.009920634920634920084214769531;0.000396825396825396825052634231;0.004761904761904762334312479766;0.012698412698412698401684295391;0.005952380952380952050528861719;0.000000000000000000000000000000;0.007936507936507936067371815625;0.028571428571428570536427926640;0.015476190476190476719153821250;0.011111111111111111535154627461;0.008730158730158730367998387578;0.008730158730158730367998387578;0.007936507936507936067371815625
-0.030555555555555554553270880547;0.014444444444444443781394582516;0.048055555555555552749158465531;0.143055555555555546920487586249;0.004722222222222222272336455973;0.017222222222222222098864108375;0.004166666666666666608842550801;0.028333333333333331899295259859;0.005833333333333333599324266316;0.029166666666666667129259593594;0.014444444444444443781394582516;0.008333333333333333217685101602;0.011388888888888889366901580047;0.044999999999999998334665463062;0.013611111111111110286153724758;0.015555555555555555108382392859;0.012222222222222222862142437805;0.035277777777777775958245598531;0.018888888888888889089345823891;0.009444444444444444544672911945;0.020555555555555556079827539406;0.009166666666666666712925959359;0.012500000000000000693889390391;0.034166666666666664631257788187;0.026944444444444444475283972906;0.043055555555555555247160270937;0.033333333333333332870740406406;0.005833333333333333599324266316;0.000555555555555555555073687923;0.007777777777777777554191196430;0.008888888888888888881179006773;0.014444444444444443781394582516;0.011111111111111111535154627461;0.002777777777777777883788656865;0.019166666666666665186369300500;0.045277777777777777901135891625;0.015833333333333334674852821422;0.007222222222222221890697291258;0.001944444444444444388547799107;0.008333333333333333217685101602;0.008333333333333333217685101602;0.004166666666666666608842550801;0.000000000000000000000000000000;0.023055555555555554830826636703;0.005555555555555555767577313730;0.014999999999999999444888487687;0.039166666666666669072149886688;0.025277777777777777484802257391;0.028333333333333331899295259859;0.012500000000000000693889390391
-0.086324786324786323410407362644;0.002564102564102564100340098108;0.030341880341880341637184059778;0.000000000000000000000000000000;0.000427350427350427350056683018;0.016239316239316240603196561665;0.001282051282051282050170049054;0.019658119658119657668926549832;0.004700854700854700633783078700;0.054700854700854700807255426298;0.021367521367521367936515019892;0.007264957264957265167804045802;0.007264957264957265167804045802;0.043162393162393161705203681322;0.001282051282051282050170049054;0.052991452991452990539666956238;0.008119658119658120301598280832;0.012393162393162392501122504029;0.008547008547008547868495398347;0.003418803418803418800453464144;0.027777777777777776235801354687;0.003846153846153846367350581659;0.002991452991452991667237215623;0.067521367521367517405828095889;0.041880341880341877269788852800;0.078632478632478630675706199327;0.019658119658119657668926549832;0.000000000000000000000000000000;0.000854700854700854700113366036;0.012820512820512820068019621544;0.010683760683760683968257509946;0.012820512820512820068019621544;0.003418803418803418800453464144;0.002564102564102564100340098108;0.014102564102564102768710974090;0.031623931623931622603151936346;0.007264957264957265167804045802;0.032905982905982907038566764868;0.000000000000000000000000000000;0.010683760683760683968257509946;0.005128205128205128200680196215;0.001709401709401709400226732072;0.000000000000000000000000000000;0.045299145299145297804965792920;0.001709401709401709400226732072;0.044871794871794871972792151382;0.049572649572649570004490016117;0.051709401709401706104252127716;0.016239316239316240603196561665;0.019658119658119657668926549832
-0.035757575757575758845785429685;0.008181818181818182461606525635;0.025454545454545455390737984658;0.170000000000000012212453270877;0.052121212121212123768998480955;0.028181818181818182877940159869;0.005757575757575757353923240345;0.020000000000000000416333634234;0.016363636363636364923213051270;0.009696969696969696961286189207;0.016363636363636364923213051270;0.027575757575757576384178904050;0.010303030303030303455047445027;0.022727272727272727903535809446;0.027272727272727271402574800163;0.029393939393939392396015719555;0.012121212121212121201607736509;0.021515151515151514916013297807;0.028181818181818182877940159869;0.003030303030303030300401934127;0.018181818181818180935049866775;0.005757575757575757353923240345;0.004848484848484848480643094604;0.015151515151515151935690539631;0.037272727272727269876018141304;0.023939393939393940891058321085;0.022121212121212121409774553626;0.029090909090909090883858567622;0.000606060606060606060080386825;0.037272727272727269876018141304;0.023333333333333334397297065266;0.013030303030303030942249620239;0.013030303030303030942249620239;0.005151515151515151727523722514;0.005757575757575757353923240345;0.018181818181818180935049866775;0.003939393939393939607362948863;0.011818181818181817954727108599;0.003636363636363636360482320953;0.007878787878787879214725897725;0.006363636363636363847684496164;0.012121212121212121201607736509;0.000000000000000000000000000000;0.013030303030303030942249620239;0.025757575757575756902895136591;0.007878787878787879214725897725;0.020000000000000000416333634234;0.019696969696969695434729530348;0.011818181818181817954727108599;0.013333333333333334189130248149
-0.006666666666666667094565124074;0.023333333333333334397297065266;0.011481481481481481399242738917;0.401481481481481494721919034419;0.016296296296296294836558615771;0.004814814814814815172039352831;0.004814814814814815172039352831;0.032222222222222221543752596062;0.002222222222222222220294751693;0.011481481481481481399242738917;0.009259259259259258745267118229;0.003703703703703703845051542487;0.017407407407407406163546426114;0.012962962962962962590318660716;0.048518518518518516380311211833;0.005925925925925925631665425186;0.015185185185185185244294281404;0.018518518518518517490534236458;0.024814814814814813853649511088;0.002222222222222222220294751693;0.018518518518518517490534236458;0.002222222222222222220294751693;0.004074074074074073709139653943;0.019629629629629628817522046802;0.007407407407407407690103084974;0.011111111111111111535154627461;0.028148148148148147834612942120;0.012222222222222222862142437805;0.009259259259259258745267118229;0.018148148148148149361169600979;0.001111111111111111110147375847;0.019629629629629628817522046802;0.011111111111111111535154627461;0.018888888888888889089345823891;0.008148148148148147418279307885;0.018148148148148149361169600979;0.003703703703703703845051542487;0.003703703703703703845051542487;0.000740740740740740703958178148;0.004444444444444444440589503387;0.020000000000000000416333634234;0.003333333333333333547282562037;0.000000000000000000000000000000;0.011481481481481481399242738917;0.034444444444444444197728216750;0.010000000000000000208166817117;0.006666666666666667094565124074;0.005555555555555555767577313730;0.006666666666666667094565124074;0.008148148148148147418279307885
-0.007407407407407407690103084974;0.010740740740740739936343040029;0.010740740740740739936343040029;0.569629629629629596898610088829;0.025925925925925925180637321432;0.011111111111111111535154627461;0.004444444444444444440589503387;0.015555555555555555108382392859;0.007407407407407407690103084974;0.005555555555555555767577313730;0.007407407407407407690103084974;0.010740740740740739936343040029;0.002962962962962962815832712593;0.006666666666666667094565124074;0.024814814814814813853649511088;0.005555555555555555767577313730;0.007777777777777777554191196430;0.010000000000000000208166817117;0.020740740740740740144509857146;0.000370370370370370351979089074;0.013333333333333334189130248149;0.004074074074074073709139653943;0.001481481481481481407916356297;0.010000000000000000208166817117;0.008888888888888888881179006773;0.007407407407407407690103084974;0.012962962962962962590318660716;0.004444444444444444440589503387;0.002222222222222222220294751693;0.032592592592592589673117231541;0.019259259259259260688157411323;0.008148148148148147418279307885;0.004814814814814815172039352831;0.003333333333333333547282562037;0.003703703703703703845051542487;0.012222222222222222862142437805;0.004074074074074073709139653943;0.004074074074074073709139653943;0.001481481481481481407916356297;0.003703703703703703845051542487;0.006296296296296296363115274630;0.005185185185185185036127464286;0.000000000000000000000000000000;0.008518518518518519017090895318;0.021481481481481479872686080057;0.006666666666666667094565124074;0.009259259259259258745267118229;0.002222222222222222220294751693;0.006296296296296296363115274630;0.006296296296296296363115274630
-0.009863945578231291672066660681;0.040816326530612241640927351227;0.006122448979591836419611450282;0.512244897959183709268415896076;0.022789115646258503722343391473;0.014285714285714285268213963320;0.002721088435374149471640548015;0.034693877551020407823401114911;0.009183673469387755930459782405;0.002721088435374149471640548015;0.008843537414965987192294605279;0.014965986394557822744544317572;0.003741496598639455686136079393;0.005102040816326530205115918903;0.059863945578231290978177270290;0.004761904761904762334312479766;0.003401360544217686947970902267;0.007482993197278911372272158786;0.027210884353741495583767218136;0.001020408163265306214495531378;0.015986394557823128959039848951;0.002721088435374149471640548015;0.001360544217687074735820274007;0.005442176870748298943281096030;0.010544217687074829148397014933;0.004081632653061224857982125513;0.016666666666666666435370203203;0.030272108843537415961977288248;0.000680272108843537367910137004;0.017687074829931974384589210558;0.010884353741496597886562192059;0.001020408163265306214495531378;0.004421768707482993596147302640;0.001020408163265306214495531378;0.002040816326530612428991062757;0.004761904761904762334312479766;0.007142857142857142634106981660;0.004421768707482993596147302640;0.002380952380952381167156239883;0.000680272108843537367910137004;0.011224489795918366624727369185;0.009183673469387755930459782405;0.000000000000000000000000000000;0.003401360544217686947970902267;0.024149659863945578675004099978;0.003741496598639455686136079393;0.002040816326530612428991062757;0.002380952380952381167156239883;0.004761904761904762334312479766;0.003061224489795918209805725141
-0.022807017543859650632320779096;0.015789473684210526827076392919;0.035964912280701755165068789211;0.128070175438596500772092667830;0.008333333333333333217685101602;0.004824561403508772182424646502;0.005701754385964912658080194774;0.023684210526315790240614589379;0.008333333333333333217685101602;0.052631578947368418130992040460;0.009210526315789472825978911885;0.003947368421052631706769098230;0.006140350877192982462227099916;0.050438596491228067375534038774;0.018421052631578945651957823770;0.015350877192982455288206011801;0.007017543859649122937882648188;0.021929824561403507554580016858;0.011403508771929825316160389548;0.003508771929824561468941324094;0.010964912280701753777290008429;0.003508771929824561468941324094;0.005263157894736841986571551644;0.077192982456140354918794344030;0.021929824561403507554580016858;0.050438596491228067375534038774;0.027631578947368420212660211632;0.028508771929824559820954021916;0.001315789473684210496642887911;0.008771929824561403021832006743;0.003508771929824561468941324094;0.024122807017543858310038018544;0.007017543859649122937882648188;0.003070175438596491231113549958;0.008333333333333333217685101602;0.046929824561403508942358797640;0.018859649122807017190828204889;0.005701754385964912658080194774;0.000000000000000000000000000000;0.007456140350877192742029553330;0.010087719298245614168996198146;0.002192982456140350755458001686;0.000000000000000000000000000000;0.032456140350877189792999644169;0.011842105263157895120307294690;0.017105263157894737974240584322;0.060087719298245613475106807755;0.032456140350877189792999644169;0.010526315789473683973143103287;0.009210526315789472825978911885
-0.009039548022598870372079638003;0.011864406779661017254934307630;0.091807909604519774560138500874;0.055084745762711863348304319743;0.003389830508474576172689429754;0.009322033898305085233837452563;0.001977401129943502731262094940;0.012994350282485874967242089895;0.065536723163841806294449554571;0.033898305084745762594256035527;0.005084745762711864042193710134;0.012711864406779661840207751311;0.004237288135593220324282004441;0.034463276836158192317771664648;0.006779661016949152345378859508;0.005084745762711864042193710134;0.072598870056497177838394918581;0.062711864406779657676871408967;0.004237288135593220324282004441;0.012994350282485874967242089895;0.006497175141242937483621044947;0.036158192090395481488318552010;0.004519774011299435186039819001;0.051129943502824862222588819805;0.011016949152542372669660863949;0.023446327683615819648110800699;0.019774011299435029914706163368;0.016101694915254236711854574082;0.000847457627118644043172357438;0.009322033898305085233837452563;0.006497175141242937483621044947;0.041242937853107342061065310190;0.002542372881355932021096855067;0.005649717514124293765709339254;0.007627118644067796930652303189;0.070621468926553673806090216658;0.011299435028248587531418678509;0.000847457627118644043172357438;0.003954802259887005462524189880;0.016384180790960451573612388643;0.003954802259887005462524189880;0.029378531073446328275577954514;0.000000000000000000000000000000;0.019209039548022600191190534247;0.002259887005649717593019909501;0.004237288135593220324282004441;0.043502824858757060955127826674;0.017796610169491525882401461445;0.012429378531073446978449936751;0.005932203389830508627467153815
-0.003333333333333333547282562037;0.008518518518518519017090895318;0.012222222222222222862142437805;0.543333333333333334813630699500;0.001851851851851851922525771243;0.006296296296296296363115274630;0.016666666666666666435370203203;0.032962962962962964741375770927;0.014814814814814815380206169948;0.009629629629629630344078705662;0.007777777777777777554191196430;0.002962962962962962815832712593;0.001481481481481481407916356297;0.004814814814814815172039352831;0.041111111111111112159655078813;0.007037037037037036958653235530;0.014814814814814815380206169948;0.008888888888888888881179006773;0.010370370370370370072254928573;0.000740740740740740703958178148;0.020370370370370372015145221667;0.015555555555555555108382392859;0.000740740740740740703958178148;0.018888888888888889089345823891;0.010000000000000000208166817117;0.008518518518518519017090895318;0.021851851851851851471497667490;0.004074074074074073709139653943;0.004074074074074073709139653943;0.002592592592592592518063732143;0.000000000000000000000000000000;0.010000000000000000208166817117;0.001481481481481481407916356297;0.026296296296296296779448908865;0.000370370370370370351979089074;0.013703703703703704053218359604;0.001481481481481481407916356297;0.001851851851851851922525771243;0.001111111111111111110147375847;0.001111111111111111110147375847;0.018888888888888889089345823891;0.003703703703703703845051542487;0.000000000000000000000000000000;0.009259259259259258745267118229;0.020740740740740740144509857146;0.017777777777777777762358013547;0.003333333333333333547282562037;0.000740740740740740703958178148;0.001481481481481481407916356297;0.010370370370370370072254928573
-0.012500000000000000693889390391;0.023809523809523808202115446875;0.035714285714285712303173170312;0.237499999999999988897769753748;0.013392857142857142113689938867;0.010714285714285714384841341484;0.003571428571428571317053490830;0.035416666666666665741480812812;0.008630952380952381514100935078;0.026488095238095237665687520234;0.017261904761904763028201870156;0.001785714285714285658526745415;0.005059523809523809763366575254;0.020535714285714285615158658516;0.027976190476190477413043211641;0.005952380952380952050528861719;0.024404761904761904794947113828;0.039880952380952378044653983125;0.031547619047619046561692357500;0.005952380952380952050528861719;0.017261904761904763028201870156;0.008333333333333333217685101602;0.008035714285714284921269268125;0.031547619047619046561692357500;0.011309523809523809242949532461;0.023511904761904761640423089375;0.034226190476190479494711382813;0.013690476190476190410105772344;0.000595238095238095291789059971;0.016964285714285712997062560703;0.002678571428571428596210335371;0.026785714285714284227379877734;0.010416666666666666088425508008;0.005654761904761904621474766230;0.006845238095238095205052886172;0.046428571428571430157461463750;0.014285714285714285268213963320;0.002976190476190476025264430859;0.000297619047619047645894529985;0.007440476190476190063161077148;0.011309523809523809242949532461;0.003869047619047619179788455313;0.000000000000000000000000000000;0.016964285714285712997062560703;0.022023809523809525362514349922;0.007440476190476190063161077148;0.019642857142857142460634634062;0.012797619047619047255581747891;0.019642857142857142460634634062;0.008928571428571428075793292578
-0.016346153846153847061239972049;0.006089743589743589792517841630;0.029166666666666667129259593594;0.404487179487179493442283728655;0.004166666666666666608842550801;0.005769230769230769551025872488;0.004487179487179486850334519943;0.022435897435897435986396075691;0.010897435897435896884344330715;0.037179487179487179238090988065;0.009294871794871794809522747016;0.005448717948717948442172165358;0.007051282051282051384355487045;0.022435897435897435986396075691;0.014743589743589743251694912374;0.009935897435897435292506685300;0.008012820512820512108831394471;0.013461538461538462285727035805;0.011538461538461539102051744976;0.004807692307692307959188227073;0.009615384615384615918376454147;0.006089743589743589792517841630;0.004807692307692307959188227073;0.046474358974358975782337211058;0.014743589743589743251694912374;0.031089743589743590312934884423;0.021794871794871793768688661430;0.005128205128205128200680196215;0.000320512820512820512542512263;0.004807692307692307959188227073;0.002243589743589743425167259971;0.012820512820512820068019621544;0.005128205128205128200680196215;0.005769230769230769551025872488;0.013141025641025641176873328675;0.032051282051282048435325577884;0.008012820512820512108831394471;0.005448717948717948442172165358;0.000000000000000000000000000000;0.005128205128205128200680196215;0.007371794871794871625847456187;0.004487179487179486850334519943;0.000000000000000000000000000000;0.021474358974358974394558430276;0.007692307692307692734701163317;0.016987179487179485809500434357;0.025000000000000001387778780781;0.013782051282051281659857266959;0.010897435897435896884344330715;0.009935897435897435292506685300
-0.021345029239766083462015444638;0.011403508771929825316160389548;0.030994152046783626092141261665;0.238011695906432757530168942139;0.002923976608187134340610668914;0.010233918128654970192137341201;0.006140350877192982462227099916;0.031871345029239765700435071949;0.005847953216374268681221337829;0.032456140350877189792999644169;0.017251461988304093997381727377;0.004970760233918129072927527545;0.006140350877192982462227099916;0.031871345029239765700435071949;0.026900584795321636627507544404;0.009649122807017544364849293004;0.010233918128654970192137341201;0.020760233918128655900003920465;0.017251461988304093997381727377;0.002631578947368420993285775822;0.018421052631578945651957823770;0.003801169590643274816266217186;0.008187134502923977194543958547;0.051461988304093569945862896020;0.017836257309941521559393251550;0.039473684210526313598244030345;0.038011695906432746427938695888;0.004385964912280701510916003372;0.003216374269005848121616431001;0.005263157894736841986571551644;0.003216374269005848121616431001;0.022807017543859650632320779096;0.011111111111111111535154627461;0.008187134502923977194543958547;0.010526315789473683973143103287;0.031871345029239765700435071949;0.012280701754385964924454199831;0.006725146198830409156876886101;0.000292397660818713455745110341;0.004385964912280701510916003372;0.009356725146198830583843530917;0.002631578947368420993285775822;0.000000000000000000000000000000;0.033625730994152044917022692516;0.011695906432748537362442675658;0.016666666666666666435370203203;0.035964912280701755165068789211;0.020467836257309940384274682401;0.016374269005847954389087917093;0.012865497076023392486465724005
-0.009064327485380116802837768830;0.022514619883040935116591541032;0.006140350877192982462227099916;0.425730994152046793299604132699;0.067251461988304089834045385032;0.009941520467836258145855055091;0.016374269005847954389087917093;0.024269005847953217802626113553;0.003216374269005848121616431001;0.006725146198830409156876886101;0.010233918128654970192137341201;0.004970760233918129072927527545;0.002046783625730994298635989637;0.004093567251461988597271979273;0.050000000000000002775557561563;0.005555555555555555767577313730;0.003801169590643274816266217186;0.009064327485380116802837768830;0.033040935672514620824458120296;0.000877192982456140367235331023;0.024561403508771929848908399663;0.001461988304093567170305334457;0.000877192982456140367235331023;0.015204678362573099265064868746;0.009649122807017544364849293004;0.008771929824561403021832006743;0.015204678362573099265064868746;0.031871345029239765700435071949;0.002631578947368420993285775822;0.033333333333333332870740406406;0.005847953216374268681221337829;0.006432748538011696243232862003;0.010526315789473683973143103287;0.002923976608187134340610668914;0.001169590643274853822980441365;0.008479532163742689240826244657;0.003216374269005848121616431001;0.005555555555555555767577313730;0.000292397660818713455745110341;0.000000000000000000000000000000;0.019883040935672516291710110181;0.002923976608187134340610668914;0.000000000000000000000000000000;0.007894736842105263413538196460;0.036549707602339179257633361431;0.014619883040935671703053344572;0.005847953216374268681221337829;0.002339181286549707645960882729;0.003508771929824561468941324094;0.003508771929824561468941324094
-0.009929078014184397615871091602;0.023404255319148935254869314804;0.012765957446808509981317492077;0.195744680851063834747805003644;0.095390070921985814500487776968;0.010992907801418439969753926277;0.009219858156028368223466884501;0.028368794326241134062804860605;0.011702127659574467627434657402;0.008156028368794325869584049826;0.011702127659574467627434657402;0.009219858156028368223466884501;0.008510638297872340565786153377;0.008156028368794325869584049826;0.078368794326241136838362422168;0.007446808510638298211903318702;0.008156028368794325869584049826;0.021276595744680850547103645454;0.043617021276595745182813601559;0.002127659574468085141446538344;0.019858156028368795231742183205;0.006028368794326241161818380476;0.012056737588652482323636760952;0.010638297872340425273551822727;0.009219858156028368223466884501;0.015248226950354609385285264977;0.029078014184397163455209067706;0.028014184397163119366602757054;0.004609929078014184111733442251;0.045744680851063826421132318956;0.005673758865248227332978014914;0.010638297872340425273551822727;0.025531914893617019962634984154;0.006382978723404254990658746038;0.003900709219858156020371842132;0.013120567375886524677519595627;0.006382978723404254990658746038;0.003900709219858156020371842132;0.006028368794326241161818380476;0.002127659574468085141446538344;0.006382978723404254990658746038;0.012056737588652482323636760952;0.000000000000000000000000000000;0.009574468085106382919668988052;0.057446808510638297518013928311;0.010283687943262410577349719176;0.009574468085106382919668988052;0.003900709219858156020371842132;0.014184397163120567031402430302;0.008156028368794325869584049826
-0.024814814814814813853649511088;0.019259259259259260688157411323;0.038518518518518521376314822646;0.130370370370370358692468926165;0.035555555555555555524716027094;0.018518518518518517490534236458;0.010740740740740739936343040029;0.027407407407407408106436719208;0.015185185185185185244294281404;0.015925925925925926707193980292;0.017037037037037038034181790636;0.005555555555555555767577313730;0.016296296296296294836558615771;0.020000000000000000416333634234;0.028148148148148147834612942120;0.011481481481481481399242738917;0.017407407407407406163546426114;0.038518518518518521376314822646;0.032592592592592589673117231541;0.006296296296296296363115274630;0.019259259259259260688157411323;0.011111111111111111535154627461;0.017407407407407406163546426114;0.018888888888888889089345823891;0.021111111111111111743321444578;0.020000000000000000416333634234;0.038148148148148146308056283260;0.017407407407407406163546426114;0.002222222222222222220294751693;0.024444444444444445724284875610;0.006666666666666667094565124074;0.018888888888888889089345823891;0.016296296296296294836558615771;0.005555555555555555767577313730;0.019629629629629628817522046802;0.028888888888888887562789165031;0.011481481481481481399242738917;0.010000000000000000208166817117;0.002592592592592592518063732143;0.010000000000000000208166817117;0.014814814814814815380206169948;0.012222222222222222862142437805;0.000000000000000000000000000000;0.011851851851851851263330850372;0.020000000000000000416333634234;0.017777777777777777762358013547;0.020000000000000000416333634234;0.014814814814814815380206169948;0.025185185185185185452461098521;0.013703703703703704053218359604
-0.039534883720930232009482807598;0.010077519379844961100456401937;0.022093023255813953181769804246;0.014728682170542635454513202831;0.093410852713178296746754369906;0.047286821705426355932910809088;0.003875968992248061961714000745;0.022868217054263565574112604395;0.013565891472868216865999002607;0.010852713178294573492799202086;0.021705426356589146985598404171;0.028682170542635658516683605512;0.017054263565891472631541603278;0.018217054263565891220055803501;0.024418604651162790358798204693;0.023643410852713177966455404544;0.010852713178294573492799202086;0.023255813953488371770284004469;0.052713178294573642679310410131;0.004651162790697674354056800894;0.020155038759689922200912803874;0.004651162790697674354056800894;0.009302325581395348708113601788;0.019379844961240309808570003725;0.037984496124031007224797207300;0.032945736434108530144015958285;0.026744186046511627535826605140;0.007364341085271317727256601415;0.000387596899224806196171400074;0.070542635658914734642088717465;0.022868217054263565574112604395;0.008914728682170542511942201713;0.024806201550387596554969604767;0.003488372093023255765542600670;0.013178294573643410669827602533;0.016279069767441860239198803129;0.010852713178294573492799202086;0.007364341085271317727256601415;0.001162790697674418588514200223;0.005038759689922480550228200968;0.005426356589147286746399601043;0.006589147286821705334913801266;0.000000000000000000000000000000;0.010465116279069767296627802011;0.035271317829457367321044358732;0.014728682170542635454513202831;0.022093023255813953181769804246;0.014728682170542635454513202831;0.027131782945736433731998005214;0.016666666666666666435370203203
-0.015579710144927537071590784024;0.030797101449275363777013936328;0.050362318840579713141725193282;0.186231884057971003310072433123;0.042391304347826085086037295468;0.013043478260869564508417361992;0.005434782608695652023067523828;0.038768115942028988363254882188;0.010507246376811593679967415937;0.015217391304347826705423152305;0.018840579710144928632375993516;0.004347826086956521791926366660;0.007608695652173913352711576152;0.024637681159420291021611149063;0.040942028985507243621366768593;0.013405797101449274874584993711;0.010507246376811593679967415937;0.027536231884057970481505250859;0.028623188405797101580008146016;0.002536231884057970828449946055;0.024275362318840580655443517344;0.012318840579710145510805574531;0.005797101449275362389235155547;0.017028985507246376801537834922;0.021014492753623187359934831875;0.030072463768115943044678672891;0.037681159420289857264751987032;0.020652173913043476993767200156;0.001449275362318840597308788887;0.017753623188405797533873098359;0.003985507246376811425758734941;0.010144927536231883313799784219;0.010869565217391304046135047656;0.005797101449275362389235155547;0.009057971014492753950020365039;0.031884057971014491406069879531;0.007246376811594202986543944434;0.002173913043478260895963183330;0.001086956521739130447981591665;0.003985507246376811425758734941;0.010869565217391304046135047656;0.008333333333333333217685101602;0.000000000000000000000000000000;0.006884057971014492620376312715;0.032971014492753622504572774687;0.006159420289855072755402787266;0.029710144927536232678511041172;0.011231884057971014412302679375;0.017753623188405797533873098359;0.014492753623188405973087888867
-0.014150943396226415421645938864;0.032704402515723270117309340321;0.014150943396226415421645938864;0.133647798742138362859677158667;0.059748427672955975453739085879;0.013207547169811321291499339736;0.027358490566037736713145278600;0.036163522012578615261180203788;0.010691823899371068543051599420;0.008490566037735848906042868123;0.014150943396226415421645938864;0.006289308176100629269034136826;0.013207547169811321291499339736;0.007547169811320754775896268995;0.063836477987421383351041015430;0.008176100628930817529327335080;0.009119496855345911659473934208;0.019182389937106917449094467543;0.058805031446540881323592486751;0.001886792452830188693974067249;0.042452830188679242795490864637;0.007232704402515723399180735953;0.006603773584905660645749669868;0.007547169811320754775896268995;0.012264150943396227161352740609;0.011949685534591195784637207566;0.027044025157232705336429745557;0.063522012578616351974325482388;0.000943396226415094346987033624;0.038679245283018866274904468128;0.008176100628930817529327335080;0.008490566037735848906042868123;0.028301886792452830843291877727;0.003144654088050314634517068413;0.005660377358490565648241332752;0.012578616352201258538068273651;0.005031446540880502894810266667;0.010691823899371068543051599420;0.003459119496855346011232601455;0.006289308176100629269034136826;0.019182389937106917449094467543;0.019496855345911948825810000585;0.000000000000000000000000000000;0.008176100628930817529327335080;0.051257861635220128282419693733;0.013836477987421384044930405821;0.005345911949685534271525799710;0.005345911949685534271525799710;0.008805031446540880282758401165;0.005974842767295597892318603783
-0.027083333333333334258519187188;0.020000000000000000416333634234;0.015833333333333334674852821422;0.430833333333333345915860945752;0.029999999999999998889776975375;0.014166666666666665949647629930;0.005833333333333333599324266316;0.014583333333333333564629796797;0.010416666666666666088425508008;0.009166666666666666712925959359;0.012083333333333333078907223523;0.012916666666666666574148081281;0.007499999999999999722444243844;0.017083333333333332315628894094;0.015416666666666667059870654555;0.014999999999999999444888487687;0.011666666666666667198648532633;0.010833333333333333703407674875;0.014583333333333333564629796797;0.003333333333333333547282562037;0.013750000000000000069388939039;0.008750000000000000832667268469;0.004166666666666666608842550801;0.014583333333333333564629796797;0.025416666666666667268037471672;0.020000000000000000416333634234;0.016250000000000000555111512313;0.007916666666666667337426410711;0.001250000000000000026020852140;0.018333333333333333425851918719;0.007916666666666667337426410711;0.012083333333333333078907223523;0.005416666666666666851703837438;0.005833333333333333599324266316;0.007916666666666667337426410711;0.010416666666666666088425508008;0.005416666666666666851703837438;0.012083333333333333078907223523;0.003333333333333333547282562037;0.005416666666666666851703837438;0.010833333333333333703407674875;0.002500000000000000052041704279;0.000000000000000000000000000000;0.013333333333333334189130248149;0.009166666666666666712925959359;0.008750000000000000832667268469;0.014166666666666665949647629930;0.013750000000000000069388939039;0.011249999999999999583666365766;0.011666666666666667198648532633
-0.009064327485380116802837768830;0.005263157894736841986571551644;0.022222222222222223070309254922;0.548538011695906435605252227106;0.007017543859649122937882648188;0.006725146198830409156876886101;0.008479532163742689240826244657;0.018421052631578945651957823770;0.003801169590643274816266217186;0.012865497076023392486465724005;0.009356725146198830583843530917;0.003508771929824561468941324094;0.004678362573099415291921765458;0.017251461988304093997381727377;0.024269005847953217802626113553;0.006725146198830409156876886101;0.004970760233918129072927527545;0.010526315789473683973143103287;0.011695906432748537362442675658;0.002339181286549707645960882729;0.013742690058479532094759534289;0.003508771929824561468941324094;0.002339181286549707645960882729;0.021637426900584795508297730748;0.009064327485380116802837768830;0.017836257309941521559393251550;0.020760233918128655900003920465;0.002631578947368420993285775822;0.002631578947368420993285775822;0.008479532163742689240826244657;0.005263157894736841986571551644;0.011695906432748537362442675658;0.006432748538011696243232862003;0.005555555555555555767577313730;0.004385964912280701510916003372;0.022222222222222223070309254922;0.004678362573099415291921765458;0.004093567251461988597271979273;0.000877192982456140367235331023;0.006140350877192982462227099916;0.006725146198830409156876886101;0.004093567251461988597271979273;0.000000000000000000000000000000;0.012573099415204678705459961918;0.012573099415204678705459961918;0.010818713450292397754148865374;0.018713450292397661167687061834;0.007894736842105263413538196460;0.008771929824561403021832006743;0.006140350877192982462227099916
-0.025833333333333333148296162562;0.004444444444444444440589503387;0.055555555555555552471602709375;0.001944444444444444388547799107;0.015277777777777777276635440273;0.009444444444444444544672911945;0.003333333333333333547282562037;0.025277777777777777484802257391;0.007499999999999999722444243844;0.056666666666666663798590519718;0.012500000000000000693889390391;0.006388888888888889262818171488;0.010000000000000000208166817117;0.062777777777777779566470428563;0.008888888888888888881179006773;0.015555555555555555108382392859;0.021388888888888887840344921187;0.022777777777777778733803160094;0.017777777777777777762358013547;0.010833333333333333703407674875;0.015277777777777777276635440273;0.006944444444444444058950338672;0.005555555555555555767577313730;0.075833333333333335923853724125;0.016666666666666666435370203203;0.058888888888888886452566140406;0.026388888888888888811790067734;0.007777777777777777554191196430;0.002500000000000000052041704279;0.011111111111111111535154627461;0.005000000000000000104083408559;0.030833333333333334119741309109;0.005555555555555555767577313730;0.008055555555555555385938149016;0.011388888888888889366901580047;0.061666666666666668239482618219;0.014444444444444443781394582516;0.008333333333333333217685101602;0.000277777777777777777536843962;0.011111111111111111535154627461;0.010000000000000000208166817117;0.008611111111111111049432054187;0.000000000000000000000000000000;0.031111111111111110216764785719;0.007499999999999999722444243844;0.021388888888888887840344921187;0.070000000000000006661338147751;0.037777777777777778178691647781;0.022222222222222223070309254922;0.013611111111111110286153724758
-0.035833333333333335091186455656;0.010555555555555555871660722289;0.044722222222222218768195034500;0.001111111111111111110147375847;0.014722222222222221613141535101;0.013888888888888888117900677344;0.001388888888888888941894328433;0.029166666666666667129259593594;0.009722222222222222376419864531;0.044999999999999998334665463062;0.015277777777777777276635440273;0.012500000000000000693889390391;0.013611111111111110286153724758;0.058611111111111113824989615750;0.010277777777777778039913769703;0.021111111111111111743321444578;0.011944444444444445030395485219;0.033333333333333332870740406406;0.017222222222222222098864108375;0.009444444444444444544672911945;0.018333333333333333425851918719;0.004166666666666666608842550801;0.014444444444444443781394582516;0.055555555555555552471602709375;0.028888888888888887562789165031;0.049444444444444443642616704437;0.035833333333333335091186455656;0.016666666666666666435370203203;0.001666666666666666773641281019;0.019722222222222220849863205672;0.006666666666666667094565124074;0.023333333333333334397297065266;0.010555555555555555871660722289;0.003888888888888888777095598215;0.015833333333333334674852821422;0.046388888888888889228123701969;0.019444444444444444752839729063;0.008333333333333333217685101602;0.001111111111111111110147375847;0.008055555555555555385938149016;0.008888888888888888881179006773;0.010555555555555555871660722289;0.000000000000000000000000000000;0.027222222222222220572307449515;0.005555555555555555767577313730;0.020000000000000000416333634234;0.050555555555555554969604514781;0.032500000000000001110223024625;0.031111111111111110216764785719;0.015833333333333334674852821422
-0.028611111111111111465765688422;0.010000000000000000208166817117;0.026666666666666668378260496297;0.265555555555555544700041536998;0.008055555555555555385938149016;0.011111111111111111535154627461;0.003055555555555555715535609451;0.025555555555555557051272685953;0.005277777777777777935830361145;0.026111111111111112714766591125;0.011388888888888889366901580047;0.007777777777777777554191196430;0.012500000000000000693889390391;0.036666666666666666851703837438;0.017222222222222222098864108375;0.018055555555555553859381490156;0.008055555555555555385938149016;0.023888888888888890060790970438;0.017500000000000001665334536938;0.004166666666666666608842550801;0.020555555555555556079827539406;0.006388888888888889262818171488;0.010000000000000000208166817117;0.029166666666666667129259593594;0.023333333333333334397297065266;0.033611111111111112437210834969;0.027500000000000000138777878078;0.005000000000000000104083408559;0.000555555555555555555073687923;0.012222222222222222862142437805;0.011111111111111111535154627461;0.010555555555555555871660722289;0.013611111111111110286153724758;0.002500000000000000052041704279;0.016111111111111110771876298031;0.036111111111111107718762980312;0.013333333333333334189130248149;0.007777777777777777554191196430;0.000833333333333333386820640509;0.007222222222222221890697291258;0.007777777777777777554191196430;0.005000000000000000104083408559;0.000000000000000000000000000000;0.020833333333333332176851016015;0.011944444444444445030395485219;0.011111111111111111535154627461;0.035000000000000003330669073875;0.019166666666666665186369300500;0.023055555555555554830826636703;0.011388888888888889366901580047
-0.009689922480620154904285001862;0.008139534883720930119599401564;0.008139534883720930119599401564;0.667054263565891480958214287966;0.006201550387596899138742401192;0.012790697674418604473656202458;0.006589147286821705334913801266;0.011627906976744185885142002235;0.002713178294573643373199800521;0.005038759689922480550228200968;0.006976744186046511531085201341;0.003100775193798449569371200596;0.006589147286821705334913801266;0.007751937984496123923428001490;0.015891472868217054043027403054;0.006201550387596899138742401192;0.006589147286821705334913801266;0.012015503875968992081313402309;0.018604651162790697416227203576;0.001550387596899224784685600298;0.010465116279069767296627802011;0.003875968992248061961714000745;0.005426356589147286746399601043;0.009302325581395348708113601788;0.006589147286821705334913801266;0.009689922480620154904285001862;0.010077519379844961100456401937;0.005813953488372092942571001117;0.001162790697674418588514200223;0.012790697674418604473656202458;0.004651162790697674354056800894;0.006589147286821705334913801266;0.003488372093023255765542600670;0.003875968992248061961714000745;0.004651162790697674354056800894;0.009689922480620154904285001862;0.003488372093023255765542600670;0.005426356589147286746399601043;0.000775193798449612392342800149;0.004651162790697674354056800894;0.007751937984496123923428001490;0.001550387596899224784685600298;0.000000000000000000000000000000;0.006589147286821705334913801266;0.008914728682170542511942201713;0.006589147286821705334913801266;0.006589147286821705334913801266;0.005038759689922480550228200968;0.009302325581395348708113601788;0.001937984496124030980857000372
-0.009294871794871794809522747016;0.009294871794871794809522747016;0.004487179487179486850334519943;0.696794871794871761849776703457;0.005769230769230769551025872488;0.005128205128205128200680196215;0.012820512820512820068019621544;0.018269230769230770244915262879;0.001602564102564102508502452693;0.004807692307692307959188227073;0.003525641025641025692177743522;0.002564102564102564100340098108;0.004487179487179486850334519943;0.004487179487179486850334519943;0.016346153846153847061239972049;0.003205128205128205017004905386;0.005128205128205128200680196215;0.010897435897435896884344330715;0.013782051282051281659857266959;0.001602564102564102508502452693;0.010897435897435896884344330715;0.003205128205128205017004905386;0.004807692307692307959188227073;0.008653846153846154326538808732;0.005769230769230769551025872488;0.007371794871794871625847456187;0.012820512820512820068019621544;0.007371794871794871625847456187;0.002243589743589743425167259971;0.007692307692307692734701163317;0.002564102564102564100340098108;0.002564102564102564100340098108;0.002243589743589743425167259971;0.002243589743589743425167259971;0.003846153846153846367350581659;0.010256410256410256401360392431;0.002243589743589743425167259971;0.003846153846153846367350581659;0.001923076923076923183675290829;0.003205128205128205017004905386;0.009615384615384615918376454147;0.001923076923076923183675290829;0.000000000000000000000000000000;0.008012820512820512108831394471;0.009615384615384615918376454147;0.013782051282051281659857266959;0.005769230769230769551025872488;0.002884615384615384775512936244;0.004487179487179486850334519943;0.003846153846153846367350581659
-0.011111111111111111535154627461;0.017777777777777777762358013547;0.006388888888888889262818171488;0.536944444444444446418174266000;0.033333333333333332870740406406;0.006666666666666667094565124074;0.005833333333333333599324266316;0.023055555555555554830826636703;0.004444444444444444440589503387;0.004722222222222222272336455973;0.012222222222222222862142437805;0.008333333333333333217685101602;0.004722222222222222272336455973;0.007222222222222221890697291258;0.032222222222222221543752596062;0.004166666666666666608842550801;0.004166666666666666608842550801;0.015555555555555555108382392859;0.028611111111111111465765688422;0.001111111111111111110147375847;0.012222222222222222862142437805;0.004722222222222222272336455973;0.004444444444444444440589503387;0.007777777777777777554191196430;0.008888888888888888881179006773;0.007222222222222221890697291258;0.014444444444444443781394582516;0.013333333333333334189130248149;0.002222222222222222220294751693;0.020000000000000000416333634234;0.013333333333333334189130248149;0.006111111111111111431071218902;0.010555555555555555871660722289;0.002222222222222222220294751693;0.006666666666666667094565124074;0.008333333333333333217685101602;0.005833333333333333599324266316;0.005277777777777777935830361145;0.003055555555555555715535609451;0.003888888888888888777095598215;0.008611111111111111049432054187;0.001944444444444444388547799107;0.000000000000000000000000000000;0.004444444444444444440589503387;0.026666666666666668378260496297;0.005555555555555555767577313730;0.007222222222222221890697291258;0.003333333333333333547282562037;0.010555555555555555871660722289;0.002500000000000000052041704279
-0.026422764227642277917729174419;0.033333333333333332870740406406;0.029674796747967479432217530189;0.032926829268292684416152837912;0.039024390243902438990541980957;0.018699186991869919116648901536;0.004878048780487804873817747620;0.043495934959349592807686946117;0.015853658536585366056748114261;0.026422764227642277917729174419;0.020325203252032519873893079421;0.024390243902439025236450476086;0.007317073170731707744407490424;0.021951219512195120631137257305;0.042276422764227640505030336726;0.017479674796747966813992292145;0.008536585365853659179702361826;0.043902439024390241262274514611;0.034959349593495933627984584291;0.007723577235772357933718534895;0.020325203252032519873893079421;0.009349593495934959558324450768;0.006504065040650406498423663493;0.029268292682926830977629961694;0.027235772357723578296351263361;0.026829268292682926372316742913;0.034552845528455285173397015797;0.031707317073170732113496228521;0.002032520325203252247597829339;0.030081300813008131356252050637;0.012195121951219512618225238043;0.011382113821138212239603149101;0.015853658536585366056748114261;0.001626016260162601624605915873;0.013414634146341463186158371457;0.026829268292682926372316742913;0.010569105691056910126257584182;0.006910569105691056687734707964;0.001626016260162601624605915873;0.004065040650406504495195658677;0.017886178861788618738026812593;0.015447154471544715867437069790;0.000000000000000000000000000000;0.019918699186991871419305510926;0.032113821138211380568083797016;0.015447154471544715867437069790;0.019918699186991871419305510926;0.019105691056910567571236470030;0.023170731707317072933793866696;0.015040650406504065678126025318
-0.021088435374149658296794029866;0.019047619047619049337249919063;0.048979591836734691356891602254;0.006462585034013605157776627408;0.003401360544217686947970902267;0.011904761904761904101057723437;0.007823129251700680977799073901;0.038095238095238098674499838125;0.024489795918367345678445801127;0.033673469387755103343629059509;0.011224489795918366624727369185;0.005782312925170067681446273156;0.003061224489795918209805725141;0.029591836734693878485646933996;0.028571428571428570536427926640;0.017006802721088436908258856306;0.025510204081632653627664808482;0.041496598639455782586704657433;0.015306122448979591482709494699;0.007142857142857142634106981660;0.018027210884353741388030911708;0.014625850340136054006379140446;0.017687074829931974384589210558;0.047959183673469386877119546853;0.017006802721088436908258856306;0.034013605442176873816517712612;0.041496598639455782586704657433;0.013265306122448979053718431942;0.004761904761904762334312479766;0.013605442176870747791883609068;0.008163265306122449715964251027;0.021428571428571428769682682969;0.010204081632653060410231837807;0.020408163265306120820463675614;0.019387755102040816340691620212;0.049659863945578232302668908460;0.011904761904761904101057723437;0.006122448979591836419611450282;0.005102040816326530205115918903;0.012925170068027210315553254816;0.013945578231292516530048786194;0.021768707482993195773124384118;0.000000000000000000000000000000;0.034013605442176873816517712612;0.011904761904761904101057723437;0.024829931972789116151334454230;0.029591836734693878485646933996;0.021428571428571428769682682969;0.037755102040816328201611185023;0.017346938775510203911700557455
-0.023333333333333334397297065266;0.017222222222222222098864108375;0.051388888888888886730121896562;0.037222222222222219045750790656;0.005555555555555555767577313730;0.014722222222222221613141535101;0.007499999999999999722444243844;0.040000000000000000832667268469;0.011388888888888889366901580047;0.040555555555555553026714221687;0.015833333333333334674852821422;0.003055555555555555715535609451;0.008888888888888888881179006773;0.037222222222222219045750790656;0.033888888888888892003681263532;0.011388888888888889366901580047;0.016666666666666666435370203203;0.031388888888888889783235214281;0.025833333333333333148296162562;0.008888888888888888881179006773;0.022499999999999999167332731531;0.012777777777777778525636342977;0.016111111111111110771876298031;0.052222222222222225429533182250;0.019166666666666665186369300500;0.033888888888888892003681263532;0.035000000000000003330669073875;0.012222222222222222862142437805;0.003333333333333333547282562037;0.015555555555555555108382392859;0.002222222222222222220294751693;0.028055555555555555802271783250;0.014166666666666665949647629930;0.009722222222222222376419864531;0.020000000000000000416333634234;0.043333333333333334813630699500;0.014444444444444443781394582516;0.008333333333333333217685101602;0.000833333333333333386820640509;0.010833333333333333703407674875;0.011388888888888889366901580047;0.006388888888888889262818171488;0.000000000000000000000000000000;0.030833333333333334119741309109;0.016944444444444446001840631766;0.028333333333333331899295259859;0.033888888888888892003681263532;0.017222222222222222098864108375;0.027777777777777776235801354687;0.010555555555555555871660722289
-0.033888888888888892003681263532;0.008888888888888888881179006773;0.041666666666666664353702032031;0.001111111111111111110147375847;0.007222222222222221890697291258;0.023055555555555554830826636703;0.006388888888888889262818171488;0.034444444444444444197728216750;0.017777777777777777762358013547;0.020833333333333332176851016015;0.025277777777777777484802257391;0.013333333333333334189130248149;0.018333333333333333425851918719;0.034444444444444444197728216750;0.021666666666666667406815349750;0.015277777777777777276635440273;0.020555555555555556079827539406;0.040277777777777780399137697032;0.026944444444444444475283972906;0.007777777777777777554191196430;0.017777777777777777762358013547;0.019166666666666665186369300500;0.022777777777777778733803160094;0.036388888888888887285233408875;0.034722222222222223764198645313;0.030833333333333334119741309109;0.038888888888888889505679458125;0.003888888888888888777095598215;0.005000000000000000104083408559;0.017777777777777777762358013547;0.014722222222222221613141535101;0.014166666666666665949647629930;0.016666666666666666435370203203;0.012222222222222222862142437805;0.037499999999999998612221219219;0.032777777777777780676693453188;0.014722222222222221613141535101;0.009444444444444444544672911945;0.003611111111111110945348645629;0.025833333333333333148296162562;0.007499999999999999722444243844;0.009722222222222222376419864531;0.000000000000000000000000000000;0.018888888888888889089345823891;0.011666666666666667198648532633;0.019444444444444444752839729063;0.029444444444444443226283070203;0.021388888888888887840344921187;0.039166666666666669072149886688;0.014722222222222221613141535101
-0.018888888888888889089345823891;0.014999999999999999444888487687;0.025277777777777777484802257391;0.378333333333333354797645142753;0.029166666666666667129259593594;0.014444444444444443781394582516;0.006388888888888889262818171488;0.025833333333333333148296162562;0.013888888888888888117900677344;0.010833333333333333703407674875;0.014166666666666665949647629930;0.010833333333333333703407674875;0.006944444444444444058950338672;0.014722222222222221613141535101;0.032500000000000001110223024625;0.006944444444444444058950338672;0.007499999999999999722444243844;0.016666666666666666435370203203;0.025000000000000001387778780781;0.004166666666666666608842550801;0.015555555555555555108382392859;0.005555555555555555767577313730;0.007499999999999999722444243844;0.016111111111111110771876298031;0.014722222222222221613141535101;0.017777777777777777762358013547;0.029722222222222222792753498766;0.013055555555555556357383295563;0.001944444444444444388547799107;0.015555555555555555108382392859;0.009166666666666666712925959359;0.008611111111111111049432054187;0.013333333333333334189130248149;0.002500000000000000052041704279;0.005555555555555555767577313730;0.022222222222222223070309254922;0.010833333333333333703407674875;0.004722222222222222272336455973;0.004166666666666666608842550801;0.003333333333333333547282562037;0.010000000000000000208166817117;0.007222222222222221890697291258;0.000000000000000000000000000000;0.010833333333333333703407674875;0.020555555555555556079827539406;0.006666666666666667094565124074;0.008611111111111111049432054187;0.008055555555555555385938149016;0.019722222222222220849863205672;0.008888888888888888881179006773
-0.005333333333333333155235056466;0.010999999999999999361621760841;0.004666666666666667052931760651;0.723666666666666680285402435402;0.006666666666666667094565124074;0.003666666666666666598434209945;0.004666666666666667052931760651;0.013666666666666667240281896056;0.006333333333333333176051738178;0.003666666666666666598434209945;0.005333333333333333155235056466;0.002000000000000000041633363423;0.004000000000000000083266726847;0.005333333333333333155235056466;0.022666666666666668294993769450;0.002000000000000000041633363423;0.007000000000000000145716771982;0.012333333333333333300951828448;0.007666666666666666248020067798;0.001333333333333333288808764117;0.007333333333333333196868419890;0.005000000000000000104083408559;0.002666666666666666577617528233;0.007333333333333333196868419890;0.004666666666666667052931760651;0.004666666666666667052931760651;0.008999999999999999319988397417;0.008333333333333333217685101602;0.001000000000000000020816681712;0.011666666666666667198648532633;0.004000000000000000083266726847;0.004000000000000000083266726847;0.004000000000000000083266726847;0.002666666666666666577617528233;0.003333333333333333547282562037;0.009333333333333334105863521302;0.002666666666666666577617528233;0.003000000000000000062450045135;0.002333333333333333526465880325;0.003333333333333333547282562037;0.005333333333333333155235056466;0.006333333333333333176051738178;0.000000000000000000000000000000;0.004000000000000000083266726847;0.014999999999999999444888487687;0.003666666666666666598434209945;0.003333333333333333547282562037;0.001666666666666666773641281019;0.005333333333333333155235056466;0.002000000000000000041633363423
-0.004347826086956521791926366660;0.007246376811594202986543944434;0.011231884057971014412302679375;0.672826086956521685067400539992;0.004347826086956521791926366660;0.006521739130434782254208680996;0.003985507246376811425758734941;0.011956521739130435144637942813;0.001811594202898550746635986108;0.006521739130434782254208680996;0.005434782608695652023067523828;0.002898550724637681194617577773;0.005072463768115941656899892109;0.007971014492753622851517469883;0.019202898550724638998543625235;0.003985507246376811425758734941;0.005434782608695652023067523828;0.014130434782608695606920257148;0.015942028985507245703034939766;0.001086956521739130447981591665;0.007246376811594202986543944434;0.003260869565217391127104340498;0.005072463768115941656899892109;0.009782608695652174682355628477;0.006159420289855072755402787266;0.009782608695652174682355628477;0.017391304347826087167705466641;0.008333333333333333217685101602;0.003985507246376811425758734941;0.006884057971014492620376312715;0.007246376811594202986543944434;0.004347826086956521791926366660;0.004347826086956521791926366660;0.003623188405797101493271972217;0.005797101449275362389235155547;0.011956521739130435144637942813;0.003623188405797101493271972217;0.003623188405797101493271972217;0.002173913043478260895963183330;0.002898550724637681194617577773;0.006159420289855072755402787266;0.003623188405797101493271972217;0.000000000000000000000000000000;0.007246376811594202986543944434;0.013405797101449274874584993711;0.006521739130434782254208680996;0.009057971014492753950020365039;0.002173913043478260895963183330;0.007971014492753622851517469883;0.004347826086956521791926366660
-0.026666666666666668378260496297;0.003703703703703703845051542487;0.024074074074074074125473288177;0.461111111111111138249896157504;0.004074074074074073709139653943;0.020740740740740740144509857146;0.003703703703703703845051542487;0.011481481481481481399242738917;0.008888888888888888881179006773;0.015555555555555555108382392859;0.014444444444444443781394582516;0.010740740740740739936343040029;0.007777777777777777554191196430;0.021111111111111111743321444578;0.018148148148148149361169600979;0.013703703703703704053218359604;0.005555555555555555767577313730;0.016666666666666666435370203203;0.012962962962962962590318660716;0.005555555555555555767577313730;0.009259259259259258745267118229;0.003703703703703703845051542487;0.003703703703703703845051542487;0.017777777777777777762358013547;0.025555555555555557051272685953;0.020740740740740740144509857146;0.024814814814814813853649511088;0.000370370370370370351979089074;0.001851851851851851922525771243;0.015925925925925926707193980292;0.009629629629629630344078705662;0.003703703703703703845051542487;0.006296296296296296363115274630;0.002962962962962962815832712593;0.011481481481481481399242738917;0.016666666666666666435370203203;0.011481481481481481399242738917;0.012592592592592592726230549260;0.003333333333333333547282562037;0.006666666666666667094565124074;0.002592592592592592518063732143;0.001481481481481481407916356297;0.000000000000000000000000000000;0.004444444444444444440589503387;0.008888888888888888881179006773;0.008518518518518519017090895318;0.021111111111111111743321444578;0.012962962962962962590318660716;0.014074074074074073917306471060;0.010740740740740739936343040029
-0.006388888888888889262818171488;0.007777777777777777554191196430;0.010833333333333333703407674875;0.625555555555555531377365241497;0.006666666666666667094565124074;0.009166666666666666712925959359;0.003333333333333333547282562037;0.011111111111111111535154627461;0.011666666666666667198648532633;0.006944444444444444058950338672;0.010555555555555555871660722289;0.007222222222222221890697291258;0.005277777777777777935830361145;0.005000000000000000104083408559;0.029722222222222222792753498766;0.006944444444444444058950338672;0.008333333333333333217685101602;0.010833333333333333703407674875;0.010277777777777778039913769703;0.001944444444444444388547799107;0.008055555555555555385938149016;0.005277777777777777935830361145;0.001666666666666666773641281019;0.011388888888888889366901580047;0.010277777777777778039913769703;0.014166666666666665949647629930;0.013611111111111110286153724758;0.012222222222222222862142437805;0.002500000000000000052041704279;0.008888888888888888881179006773;0.008611111111111111049432054187;0.007499999999999999722444243844;0.003333333333333333547282562037;0.002500000000000000052041704279;0.001666666666666666773641281019;0.011388888888888889366901580047;0.002222222222222222220294751693;0.006111111111111111431071218902;0.000833333333333333386820640509;0.001388888888888888941894328433;0.005000000000000000104083408559;0.008611111111111111049432054187;0.000000000000000000000000000000;0.008055555555555555385938149016;0.015277777777777777276635440273;0.006388888888888889262818171488;0.010000000000000000208166817117;0.004722222222222222272336455973;0.003611111111111110945348645629;0.009166666666666666712925959359
-0.023055555555555554830826636703;0.009444444444444444544672911945;0.013055555555555556357383295563;0.350833333333333330372738601000;0.031944444444444441977282167500;0.034722222222222223764198645313;0.005833333333333333599324266316;0.017777777777777777762358013547;0.010555555555555555871660722289;0.012222222222222222862142437805;0.013888888888888888117900677344;0.026944444444444444475283972906;0.011944444444444445030395485219;0.013611111111111110286153724758;0.020833333333333332176851016015;0.019722222222222220849863205672;0.008333333333333333217685101602;0.011388888888888889366901580047;0.028611111111111111465765688422;0.001944444444444444388547799107;0.014166666666666665949647629930;0.008333333333333333217685101602;0.003333333333333333547282562037;0.014444444444444443781394582516;0.027500000000000000138777878078;0.016388888888888890338346726594;0.021111111111111111743321444578;0.013055555555555556357383295563;0.001111111111111111110147375847;0.041388888888888891726125507375;0.013888888888888888117900677344;0.005833333333333333599324266316;0.010000000000000000208166817117;0.005000000000000000104083408559;0.007777777777777777554191196430;0.013055555555555556357383295563;0.006388888888888889262818171488;0.013888888888888888117900677344;0.001666666666666666773641281019;0.005555555555555555767577313730;0.006944444444444444058950338672;0.003333333333333333547282562037;0.000000000000000000000000000000;0.008333333333333333217685101602;0.018888888888888889089345823891;0.011111111111111111535154627461;0.010000000000000000208166817117;0.007499999999999999722444243844;0.012777777777777778525636342977;0.010555555555555555871660722289
-0.019883040935672516291710110181;0.006140350877192982462227099916;0.012280701754385964924454199831;0.488304093567251462637557324342;0.013742690058479532094759534289;0.036842105263157891303915647541;0.003801169590643274816266217186;0.011403508771929825316160389548;0.007894736842105263413538196460;0.006725146198830409156876886101;0.010526315789473683973143103287;0.042105263157894735892572413150;0.014912280701754385484059106659;0.009356725146198830583843530917;0.015497076023391813046070630833;0.014035087719298245875765296375;0.008187134502923977194543958547;0.008187134502923977194543958547;0.016374269005847954389087917093;0.001461988304093567170305334457;0.010526315789473683973143103287;0.007017543859649122937882648188;0.003216374269005848121616431001;0.007017543859649122937882648188;0.026900584795321636627507544404;0.009064327485380116802837768830;0.016081871345029238873358679029;0.002631578947368420993285775822;0.001461988304093567170305334457;0.037719298245614034381656409778;0.026315789473684209065496020230;0.004970760233918129072927527545;0.008187134502923977194543958547;0.003508771929824561468941324094;0.007309941520467835851526672286;0.010233918128654970192137341201;0.001754385964912280734470662047;0.007309941520467835851526672286;0.004970760233918129072927527545;0.002046783625730994298635989637;0.003216374269005848121616431001;0.004385964912280701510916003372;0.000000000000000000000000000000;0.004093567251461988597271979273;0.008187134502923977194543958547;0.005263157894736841986571551644;0.008771929824561403021832006743;0.005263157894736841986571551644;0.007309941520467835851526672286;0.007602339181286549632532434373
-0.005442176870748298943281096030;0.003741496598639455686136079393;0.004421768707482993596147302640;0.822789115646258450986749721778;0.002721088435374149471640548015;0.004761904761904762334312479766;0.002721088435374149471640548015;0.006462585034013605157776627408;0.000340136054421768683955068502;0.004421768707482993596147302640;0.002380952380952381167156239883;0.002721088435374149471640548015;0.003741496598639455686136079393;0.002721088435374149471640548015;0.012244897959183672839222900564;0.004081632653061224857982125513;0.002721088435374149471640548015;0.001360544217687074735820274007;0.006802721088435373895941804534;0.000680272108843537367910137004;0.004081632653061224857982125513;0.001020408163265306214495531378;0.002040816326530612428991062757;0.007823129251700680977799073901;0.003741496598639455686136079393;0.004081632653061224857982125513;0.005782312925170067681446273156;0.001360544217687074735820274007;0.000680272108843537367910137004;0.003401360544217686947970902267;0.004421768707482993596147302640;0.003061224489795918209805725141;0.002721088435374149471640548015;0.003401360544217686947970902267;0.004761904761904762334312479766;0.004081632653061224857982125513;0.001020408163265306214495531378;0.007142857142857142634106981660;0.000000000000000000000000000000;0.002380952380952381167156239883;0.001360544217687074735820274007;0.000340136054421768683955068502;0.000000000000000000000000000000;0.006122448979591836419611450282;0.007482993197278911372272158786;0.006462585034013605157776627408;0.003741496598639455686136079393;0.001360544217687074735820274007;0.006122448979591836419611450282;0.002721088435374149471640548015
-0.004848484848484848480643094604;0.014545454545454545441929283811;0.009393939393939393714405561298;0.578484848484848490635101825319;0.019393939393939393922572378415;0.008484848484848485708487153545;0.005454545454545454974404350423;0.017272727272727272929131459023;0.005757575757575757353923240345;0.005454545454545454974404350423;0.005757575757575757353923240345;0.006969696969696969474084013996;0.011818181818181817954727108599;0.004242424242424242854243576772;0.028787878787878789371701415689;0.004545454545454545233762466694;0.008181818181818182461606525635;0.018484848484848485916653970662;0.016666666666666666435370203203;0.003333333333333333547282562037;0.007272727272727272720964641906;0.004242424242424242854243576772;0.010606060606060606701928072937;0.007575757575757575967845269815;0.005151515151515151727523722514;0.005454545454545454974404350423;0.014848484848484848688809911721;0.019696969696969695434729530348;0.004848484848484848480643094604;0.014848484848484848688809911721;0.009090909090909090467524933388;0.004242424242424242854243576772;0.009393939393939393714405561298;0.002424242424242424240321547302;0.008787878787878787220644305478;0.009393939393939393714405561298;0.004242424242424242854243576772;0.004242424242424242854243576772;0.001515151515151515150200967064;0.007575757575757575967845269815;0.006363636363636363847684496164;0.005757575757575757353923240345;0.000000000000000000000000000000;0.005151515151515151727523722514;0.021818181818181819897617401693;0.005757575757575757353923240345;0.005151515151515151727523722514;0.004242424242424242854243576772;0.007575757575757575967845269815;0.004848484848484848480643094604
-0.011261261261261260729904520872;0.032882882882882880082320298243;0.012162162162162162837297785245;0.301801801801801827807025802031;0.021621621621621622821862729324;0.009009009009009008930868311893;0.007207207207207207318166997112;0.031981981981981981444373985823;0.025675675675675677100961991073;0.005855855855855855891800576529;0.007207207207207207318166997112;0.005405405405405405705465682331;0.016666666666666666435370203203;0.007657657657657657504501891310;0.053153153153153151477816606985;0.004954954954954954651769050145;0.011711711711711711783601153058;0.022972972972972974248229149907;0.016216216216216217116397046993;0.002252252252252252232717077973;0.020270270270270271395496308742;0.009459459459459459984564944079;0.013963963963963963582637362038;0.013513513513513514263664205828;0.011711711711711711783601153058;0.017567567567567568542763467576;0.036486486486486488511893355735;0.025675675675675677100961991073;0.003153153153153153039067735364;0.012612612612612612156270941455;0.010360360360360360357234732476;0.009009009009009008930868311893;0.012612612612612612156270941455;0.010360360360360360357234732476;0.017117117117117115754343359413;0.018918918918918919969129888159;0.007657657657657657504501891310;0.009459459459459459984564944079;0.008108108108108108558198523497;0.018018018018018017861736623786;0.009459459459459459984564944079;0.021171171171171170033442621161;0.000000000000000000000000000000;0.009459459459459459984564944079;0.026576576576576575738908303492;0.013963963963963963582637362038;0.003603603603603603659083498556;0.003603603603603603659083498556;0.014414414414414414636333994224;0.004054054054054054279099261748
-0.011594202898550724778470311094;0.014492753623188405973087888867;0.011594202898550724778470311094;0.418840579710144933489601726251;0.021739130434782608092270095312;0.008695652173913043583852733320;0.017753623188405797533873098359;0.034782608695652174335410933281;0.010869565217391304046135047656;0.009782608695652174682355628477;0.010869565217391304046135047656;0.004710144927536232158093998379;0.004710144927536232158093998379;0.005434782608695652023067523828;0.047101449275362319846216507813;0.008333333333333333217685101602;0.010507246376811593679967415937;0.015942028985507245703034939766;0.026449275362318839383002355703;0.001086956521739130447981591665;0.013405797101449274874584993711;0.011231884057971014412302679375;0.005434782608695652023067523828;0.014492753623188405973087888867;0.012681159420289855876973206250;0.009420289855072464316187996758;0.020289855072463766627599568437;0.014492753623188405973087888867;0.002536231884057970828449946055;0.015579710144927537071590784024;0.008695652173913043583852733320;0.014130434782608695606920257148;0.007971014492753622851517469883;0.006884057971014492620376312715;0.003260869565217391127104340498;0.013768115942028985240752625430;0.004710144927536232158093998379;0.011956521739130435144637942813;0.001811594202898550746635986108;0.004347826086956521791926366660;0.014492753623188405973087888867;0.005072463768115941656899892109;0.000000000000000000000000000000;0.018840579710144928632375993516;0.029710144927536232678511041172;0.014130434782608695606920257148;0.007608695652173913352711576152;0.003260869565217391127104340498;0.010507246376811593679967415937;0.003985507246376811425758734941
-0.035277777777777775958245598531;0.007777777777777777554191196430;0.050277777777777775403134086218;0.062222222222222220433529571437;0.008055555555555555385938149016;0.021388888888888887840344921187;0.010555555555555555871660722289;0.031388888888888889783235214281;0.013055555555555556357383295563;0.022777777777777778733803160094;0.017777777777777777762358013547;0.007777777777777777554191196430;0.012500000000000000693889390391;0.042777777777777775680689842375;0.011944444444444445030395485219;0.013888888888888888117900677344;0.015555555555555555108382392859;0.029999999999999998889776975375;0.023888888888888890060790970438;0.012500000000000000693889390391;0.023888888888888890060790970438;0.005555555555555555767577313730;0.014722222222222221613141535101;0.033888888888888892003681263532;0.024444444444444445724284875610;0.037499999999999998612221219219;0.038611111111111109939209029562;0.020555555555555556079827539406;0.000833333333333333386820640509;0.021666666666666667406815349750;0.008888888888888888881179006773;0.015277777777777777276635440273;0.015833333333333334674852821422;0.007777777777777777554191196430;0.019722222222222220849863205672;0.042500000000000003053113317719;0.018611111111111109522875395328;0.011388888888888889366901580047;0.000833333333333333386820640509;0.011388888888888889366901580047;0.008611111111111111049432054187;0.007499999999999999722444243844;0.000000000000000000000000000000;0.021388888888888887840344921187;0.009722222222222222376419864531;0.024722222222222221821308352219;0.034166666666666664631257788187;0.016944444444444446001840631766;0.037499999999999998612221219219;0.014166666666666665949647629930
-0.013055555555555556357383295563;0.006944444444444444058950338672;0.031388888888888889783235214281;0.400555555555555553581825734000;0.014722222222222221613141535101;0.005833333333333333599324266316;0.005555555555555555767577313730;0.014999999999999999444888487687;0.011666666666666667198648532633;0.022499999999999999167332731531;0.010000000000000000208166817117;0.008333333333333333217685101602;0.004166666666666666608842550801;0.017500000000000001665334536938;0.020000000000000000416333634234;0.012222222222222222862142437805;0.019722222222222220849863205672;0.019166666666666665186369300500;0.017222222222222222098864108375;0.005833333333333333599324266316;0.011666666666666667198648532633;0.008055555555555555385938149016;0.002500000000000000052041704279;0.034166666666666664631257788187;0.013888888888888888117900677344;0.021388888888888887840344921187;0.014722222222222221613141535101;0.013611111111111110286153724758;0.002500000000000000052041704279;0.011666666666666667198648532633;0.008611111111111111049432054187;0.017500000000000001665334536938;0.005000000000000000104083408559;0.009444444444444444544672911945;0.006388888888888889262818171488;0.026388888888888888811790067734;0.005833333333333333599324266316;0.005000000000000000104083408559;0.001388888888888888941894328433;0.003611111111111110945348645629;0.008333333333333333217685101602;0.005555555555555555767577313730;0.000000000000000000000000000000;0.014166666666666665949647629930;0.013611111111111110286153724758;0.013611111111111110286153724758;0.025833333333333333148296162562;0.013888888888888888117900677344;0.008055555555555555385938149016;0.012222222222222222862142437805
-0.020454545454545454419292838111;0.004924242424242423858682382587;0.043181818181818182322828647557;0.399621212121212099344091939201;0.000378787878787878787550241766;0.007575757575757575967845269815;0.000757575757575757575100483532;0.011363636363636363951767904723;0.008712121212121212709966755483;0.023106060606060605661093987351;0.012500000000000000693889390391;0.004545454545454545233762466694;0.003030303030303030300401934127;0.039772727272727272096464190554;0.005681818181818181975883952362;0.016666666666666666435370203203;0.004924242424242423858682382587;0.008712121212121212709966755483;0.005303030303030303350964036468;0.006818181818181817850643700041;0.008333333333333333217685101602;0.009469696969696969959806587269;0.002651515151515151675482018234;0.026136363636363634660453314495;0.022348484848484850145977631541;0.028787878787878789371701415689;0.016666666666666666435370203203;0.012500000000000000693889390391;0.000378787878787878787550241766;0.002651515151515151675482018234;0.006818181818181817850643700041;0.012121212121212121201607736509;0.002272727272727272616881233347;0.007954545454545453725403447720;0.013636363636363635701287400082;0.033712121212121214097745536264;0.008712121212121212709966755483;0.008712121212121212709966755483;0.001136363636363636308440616673;0.010606060606060606701928072937;0.003030303030303030300401934127;0.000757575757575757575100483532;0.000000000000000000000000000000;0.017045454545454544192928381108;0.001893939393939393991961317454;0.010227272727272727209646419055;0.038636363636363635354342704886;0.031439393939393940613502564929;0.013636363636363635701287400082;0.019696969696969695434729530348
-0.006089743589743589792517841630;0.010576923076923077510214099561;0.014102564102564102768710974090;0.703205128205128260354683789046;0.003525641025641025692177743522;0.004487179487179486850334519943;0.002243589743589743425167259971;0.011217948717948717993198037846;0.007692307692307692734701163317;0.006730769230769231142863517903;0.005448717948717948442172165358;0.002564102564102564100340098108;0.003205128205128205017004905386;0.007692307692307692734701163317;0.015064102564102564360548619504;0.003205128205128205017004905386;0.006730769230769231142863517903;0.010256410256410256401360392431;0.007692307692307692734701163317;0.002243589743589743425167259971;0.006730769230769231142863517903;0.008012820512820512108831394471;0.004487179487179486850334519943;0.010897435897435896884344330715;0.006089743589743589792517841630;0.003846153846153846367350581659;0.010897435897435896884344330715;0.004807692307692307959188227073;0.001282051282051282050170049054;0.005128205128205128200680196215;0.002243589743589743425167259971;0.008974358974358973700669039886;0.004166666666666666608842550801;0.003525641025641025692177743522;0.005128205128205128200680196215;0.016346153846153847061239972049;0.005448717948717948442172165358;0.005128205128205128200680196215;0.003846153846153846367350581659;0.003846153846153846367350581659;0.002884615384615384775512936244;0.001602564102564102508502452693;0.000000000000000000000000000000;0.005128205128205128200680196215;0.009294871794871794809522747016;0.003846153846153846367350581659;0.007371794871794871625847456187;0.004487179487179486850334519943;0.007051282051282051384355487045;0.003525641025641025692177743522
-0.007547169811320754775896268995;0.016352201257861635058654670161;0.016037735849056603681939137118;0.561635220125786149836244476319;0.012578616352201258538068273651;0.005974842767295597892318603783;0.007232704402515723399180735953;0.021383647798742137086103198840;0.006603773584905660645749669868;0.006918238993710692022465202911;0.006603773584905660645749669868;0.003459119496855346011232601455;0.004402515723270440141379200583;0.005974842767295597892318603783;0.029874213836477987726869542939;0.004088050314465408764663667540;0.010062893081761005789620533335;0.015408805031446540928508071033;0.017610062893081760565516802330;0.001257861635220125723702566667;0.016666666666666666435370203203;0.005031446540880502894810266667;0.005660377358490565648241332752;0.011635220125786162673198198547;0.008176100628930817529327335080;0.008805031446540880282758401165;0.015408805031446540928508071033;0.015723270440251572305223604076;0.001572327044025157317258534206;0.011320754716981131296482665505;0.007861635220125786152611802038;0.009119496855345911659473934208;0.008490566037735848906042868123;0.003459119496855346011232601455;0.003773584905660377387948134498;0.010691823899371068543051599420;0.002830188679245282824120666376;0.005345911949685534271525799710;0.003459119496855346011232601455;0.006289308176100629269034136826;0.008805031446540880282758401165;0.010377358490566037166336066377;0.000000000000000000000000000000;0.008805031446540880282758401165;0.016666666666666666435370203203;0.006603773584905660645749669868;0.008176100628930817529327335080;0.005345911949685534271525799710;0.007547169811320754775896268995;0.005345911949685534271525799710
-0.024166666666666666157814447047;0.010555555555555555871660722289;0.021111111111111111743321444578;0.293055555555555569124948078752;0.024444444444444445724284875610;0.021111111111111111743321444578;0.009722222222222222376419864531;0.015833333333333334674852821422;0.011388888888888889366901580047;0.013333333333333334189130248149;0.011944444444444445030395485219;0.015555555555555555108382392859;0.013888888888888888117900677344;0.011666666666666667198648532633;0.021666666666666667406815349750;0.013055555555555556357383295563;0.008611111111111111049432054187;0.021388888888888887840344921187;0.022499999999999999167332731531;0.004722222222222222272336455973;0.010555555555555555871660722289;0.005277777777777777935830361145;0.029444444444444443226283070203;0.015277777777777777276635440273;0.018055555555555553859381490156;0.013333333333333334189130248149;0.023055555555555554830826636703;0.013888888888888888117900677344;0.003055555555555555715535609451;0.028888888888888887562789165031;0.028333333333333331899295259859;0.007222222222222221890697291258;0.012500000000000000693889390391;0.006388888888888889262818171488;0.026111111111111112714766591125;0.017500000000000001665334536938;0.006388888888888889262818171488;0.009166666666666666712925959359;0.002500000000000000052041704279;0.026388888888888888811790067734;0.005833333333333333599324266316;0.010833333333333333703407674875;0.000000000000000000000000000000;0.010555555555555555871660722289;0.017500000000000001665334536938;0.014722222222222221613141535101;0.010555555555555555871660722289;0.008333333333333333217685101602;0.022777777777777778733803160094;0.005833333333333333599324266316
-0.013888888888888888117900677344;0.017063492063492061850960013203;0.027380952380952380820211544687;0.223015873015873028473166073127;0.001587301587301587300210536924;0.013492063492063492702310867344;0.010714285714285714384841341484;0.026190476190476191103995162734;0.019047619047619049337249919063;0.011111111111111111535154627461;0.008730158730158730367998387578;0.003571428571428571317053490830;0.017460317460317460735996775156;0.017063492063492061850960013203;0.018253968253968255036623347110;0.005555555555555555767577313730;0.014285714285714285268213963320;0.034126984126984123701920026406;0.011904761904761904101057723437;0.002777777777777777883788656865;0.012698412698412698401684295391;0.010317460317460317234528055508;0.053571428571428568454759755468;0.019047619047619049337249919063;0.014285714285714285268213963320;0.022619047619047618485899064922;0.030555555555555554553270880547;0.007142857142857142634106981660;0.004761904761904762334312479766;0.012301587301587301251371009414;0.003968253968253968033685907812;0.012301587301587301251371009414;0.014285714285714285268213963320;0.008730158730158730367998387578;0.043253968253968252954955175937;0.021825396825396824185272492969;0.010714285714285714384841341484;0.005158730158730158617264027754;0.004365079365079365183999193789;0.050793650793650793606737181562;0.009126984126984127518311673555;0.017063492063492061850960013203;0.000000000000000000000000000000;0.019047619047619049337249919063;0.009920634920634920084214769531;0.021428571428571428769682682969;0.013888888888888888117900677344;0.010714285714285714384841341484;0.031746031746031744269487262500;0.007142857142857142634106981660
-0.011111111111111111535154627461;0.006140350877192982462227099916;0.021345029239766083462015444638;0.549415204678362578682992989343;0.003508771929824561468941324094;0.011988304093567251143448437745;0.004970760233918129072927527545;0.017543859649122806043664013487;0.014327485380116959656771058462;0.011988304093567251143448437745;0.004678362573099415291921765458;0.011403508771929825316160389548;0.002631578947368420993285775822;0.009941520467836258145855055091;0.012573099415204678705459961918;0.007017543859649122937882648188;0.008187134502923977194543958547;0.013742690058479532094759534289;0.009356725146198830583843530917;0.003508771929824561468941324094;0.012280701754385964924454199831;0.010526315789473683973143103287;0.001754385964912280734470662047;0.012573099415204678705459961918;0.013742690058479532094759534289;0.012573099415204678705459961918;0.014327485380116959656771058462;0.055847953216374271456778899392;0.000584795321637426911490220682;0.007309941520467835851526672286;0.008771929824561403021832006743;0.008771929824561403021832006743;0.003508771929824561468941324094;0.004093567251461988597271979273;0.002339181286549707645960882729;0.013157894736842104532748010115;0.003508771929824561468941324094;0.005263157894736841986571551644;0.000877192982456140367235331023;0.004093567251461988597271979273;0.008187134502923977194543958547;0.004678362573099415291921765458;0.000000000000000000000000000000;0.007602339181286549632532434373;0.008771929824561403021832006743;0.007602339181286549632532434373;0.012280701754385964924454199831;0.005555555555555555767577313730;0.006432748538011696243232862003;0.007602339181286549632532434373
-0.028968253968253969421464688594;0.024603174603174602502742018828;0.046825396825396825573051273750;0.005952380952380952050528861719;0.006349206349206349200842147695;0.025000000000000001387778780781;0.002380952380952381167156239883;0.037301587301587300904426314219;0.036904761904761905488836504219;0.021031746031746033354092872969;0.014285714285714285268213963320;0.026587301587301586519584972734;0.009126984126984127518311673555;0.033333333333333332870740406406;0.019444444444444444752839729063;0.024206349206349207087152208828;0.018650793650793650452213157109;0.051984126984126986792400515469;0.032142857142857139685077072500;0.009920634920634920084214769531;0.015476190476190476719153821250;0.020238095238095239053466301016;0.014682539682539682418527249297;0.021825396825396824185272492969;0.041666666666666664353702032031;0.034523809523809526056403740313;0.030952380952380953438307642500;0.010317460317460317234528055508;0.002380952380952381167156239883;0.021428571428571428769682682969;0.016666666666666666435370203203;0.013095238095238095551997581367;0.015079365079365079568840535273;0.007142857142857142634106981660;0.013888888888888888117900677344;0.043253968253968252954955175937;0.015873015873015872134743631250;0.007936507936507936067371815625;0.003968253968253968033685907812;0.009920634920634920084214769531;0.009523809523809524668624959531;0.027777777777777776235801354687;0.000000000000000000000000000000;0.011507936507936508685467913438;0.015476190476190476719153821250;0.011111111111111111535154627461;0.029761904761904760252644308594;0.019841269841269840168429539062;0.028174603174603175120838116641;0.011507936507936508685467913438
-0.021186440677966100754048284216;0.021468926553672315615806098776;0.033898305084745762594256035527;0.183898305084745750104247008494;0.016666666666666666435370203203;0.015819209039548021850096759522;0.007909604519774010925048379761;0.023728813559322034509868615260;0.009322033898305085233837452563;0.020903954802259885892290469656;0.013841807909604519552515533576;0.005367231638418078903951524694;0.020621468926553671030532655095;0.021751412429378530477563913337;0.028248587570621468828546696272;0.014406779661016949276031162697;0.015536723163841808723062420938;0.025423728813559323680415502622;0.024011299435028249371626429820;0.006779661016949152345378859508;0.015254237288135593861304606378;0.007062146892655367207136674068;0.010734463276836157807903049388;0.025706214689265535072726365229;0.021468926553672315615806098776;0.022033898305084745339321727897;0.025423728813559323680415502622;0.038700564971751415244138883054;0.003107344632768361744612484188;0.025423728813559323680415502622;0.008474576271186440648564008882;0.015536723163841808723062420938;0.019774011299435029914706163368;0.008192090395480225786806194321;0.023446327683615819648110800699;0.020338983050847456168774840535;0.009039548022598870372079638003;0.012429378531073446978449936751;0.000000000000000000000000000000;0.012146892655367232116692122190;0.010734463276836157807903049388;0.004237288135593220324282004441;0.000000000000000000000000000000;0.013841807909604519552515533576;0.028248587570621468828546696272;0.014406779661016949276031162697;0.019491525423728815052948348807;0.019209039548022600191190534247;0.020056497175141241307017025974;0.014689265536723164137788977257
-0.014444444444444443781394582516;0.010555555555555555871660722289;0.013888888888888888117900677344;0.478888888888888863970549891746;0.025555555555555557051272685953;0.014166666666666665949647629930;0.007777777777777777554191196430;0.030833333333333334119741309109;0.004722222222222222272336455973;0.008888888888888888881179006773;0.010277777777777778039913769703;0.015555555555555555108382392859;0.006666666666666667094565124074;0.011388888888888889366901580047;0.028888888888888887562789165031;0.007222222222222221890697291258;0.004722222222222222272336455973;0.016666666666666666435370203203;0.021666666666666667406815349750;0.002500000000000000052041704279;0.015555555555555555108382392859;0.002500000000000000052041704279;0.003888888888888888777095598215;0.013055555555555556357383295563;0.011944444444444445030395485219;0.011111111111111111535154627461;0.023611111111111110494320541875;0.005277777777777777935830361145;0.001388888888888888941894328433;0.019722222222222220849863205672;0.010277777777777778039913769703;0.003333333333333333547282562037;0.007499999999999999722444243844;0.005277777777777777935830361145;0.004166666666666666608842550801;0.012500000000000000693889390391;0.006666666666666667094565124074;0.007222222222222221890697291258;0.002222222222222222220294751693;0.003611111111111110945348645629;0.008611111111111111049432054187;0.002500000000000000052041704279;0.000000000000000000000000000000;0.008888888888888888881179006773;0.022499999999999999167332731531;0.011666666666666667198648532633;0.013333333333333334189130248149;0.005277777777777777935830361145;0.013888888888888888117900677344;0.007222222222222221890697291258
-0.008024691358024691953398921385;0.016049382716049383906797842769;0.017901234567901234961961876024;0.352469135802469135665404564861;0.071604938271604939847847504097;0.014197530864197531116910333537;0.006790123456790123426807248563;0.019135802469135803488553548846;0.006790123456790123426807248563;0.004320987654320987240985640909;0.010493827160493827271858791050;0.017901234567901234961961876024;0.006790123456790123426807248563;0.007407407407407407690103084974;0.044444444444444446140618509844;0.007407407407407407690103084974;0.009259259259259258745267118229;0.024074074074074074125473288177;0.029012345679012344762393027509;0.002469135802469135752140738660;0.017283950617283948963942563637;0.006790123456790123426807248563;0.007407407407407407690103084974;0.011728395061728395798450463872;0.012962962962962962590318660716;0.008024691358024691953398921385;0.024074074074074074125473288177;0.020370370370370372015145221667;0.001234567901234567876070369330;0.046913580246913583193801855487;0.017901234567901234961961876024;0.008024691358024691953398921385;0.010493827160493827271858791050;0.002469135802469135752140738660;0.009876543209876543008562954640;0.012345679012345678327022824305;0.004938271604938271504281477320;0.006790123456790123426807248563;0.001234567901234567876070369330;0.007407407407407407690103084974;0.011111111111111111535154627461;0.006790123456790123426807248563;0.000000000000000000000000000000;0.003086419753086419581755706076;0.028395061728395062233820667075;0.005555555555555555767577313730;0.005555555555555555767577313730;0.007407407407407407690103084974;0.012345679012345678327022824305;0.004938271604938271504281477320
-0.029385964912280702898694784153;0.035964912280701755165068789211;0.026754385964912280604366401349;0.008333333333333333217685101602;0.010087719298245614168996198146;0.027631578947368420212660211632;0.007894736842105263413538196460;0.048245614035087716620076037088;0.012280701754385964924454199831;0.010087719298245614168996198146;0.014473684210526315679912201517;0.014912280701754385484059106659;0.020175438596491228337992396291;0.018421052631578945651957823770;0.031578947368421053654152785839;0.011842105263157895120307294690;0.012280701754385964924454199831;0.053947368421052632747603183816;0.045175438596491229725771177073;0.007017543859649122937882648188;0.032456140350877189792999644169;0.008333333333333333217685101602;0.033333333333333332870740406406;0.014473684210526315679912201517;0.020175438596491228337992396291;0.021491228070175439485156587693;0.053508771929824561208732802697;0.024122807017543858310038018544;0.000877192982456140367235331023;0.037719298245614034381656409778;0.008333333333333333217685101602;0.006578947368421052266374005058;0.035964912280701755165068789211;0.004824561403508772182424646502;0.024122807017543858310038018544;0.025438596491228069457202209946;0.021491228070175439485156587693;0.006140350877192982462227099916;0.006140350877192982462227099916;0.017543859649122806043664013487;0.017105263157894737974240584322;0.014912280701754385484059106659;0.000000000000000000000000000000;0.006578947368421052266374005058;0.023245614035087718701744208261;0.019298245614035088729698586008;0.011403508771929825316160389548;0.007456140350877192742029553330;0.043421052631578950509183556505;0.007017543859649122937882648188
-0.013888888888888888117900677344;0.027380952380952380820211544687;0.022222222222222223070309254922;0.024206349206349207087152208828;0.049206349206349205005484037656;0.013095238095238095551997581367;0.015079365079365079568840535273;0.044444444444444446140618509844;0.008730158730158730367998387578;0.011904761904761904101057723437;0.016666666666666666435370203203;0.012301587301587301251371009414;0.013492063492063492702310867344;0.015476190476190476719153821250;0.044047619047619050725028699844;0.005952380952380952050528861719;0.011904761904761904101057723437;0.039682539682539680336859078125;0.065079365079365084079121572813;0.003968253968253968033685907812;0.033730158730158728286330216406;0.005158730158730158617264027754;0.033730158730158728286330216406;0.016666666666666666435370203203;0.017857142857142856151586585156;0.019047619047619049337249919063;0.037301587301587300904426314219;0.023809523809523808202115446875;0.003968253968253968033685907812;0.034920634920634921471993550313;0.011904761904761904101057723437;0.011507936507936508685467913438;0.025793650793650792218958400781;0.008730158730158730367998387578;0.032936507936507937455150596406;0.026190476190476191103995162734;0.015079365079365079568840535273;0.009126984126984127518311673555;0.000396825396825396825052634231;0.013888888888888888117900677344;0.016269841269841271019780393203;0.010714285714285714384841341484;0.000000000000000000000000000000;0.015079365079365079568840535273;0.026587301587301586519584972734;0.025000000000000001387778780781;0.012301587301587301251371009414;0.009126984126984127518311673555;0.035317460317460316887583360312;0.009126984126984127518311673555
-0.014999999999999999444888487687;0.030666666666666664992080271190;0.017999999999999998639976794834;0.030333333333333333675652099259;0.090999999999999997557509345825;0.022333333333333333509118645566;0.010333333333333333259318465025;0.035333333333333334647097245806;0.008999999999999999319988397417;0.013333333333333334189130248149;0.020666666666666666518636930050;0.012999999999999999403255124264;0.011666666666666667198648532633;0.014000000000000000291433543964;0.062666666666666662188767134012;0.008000000000000000166533453694;0.006666666666666667094565124074;0.020333333333333331732761806165;0.062333333333333330872338962081;0.002000000000000000041633363423;0.025666666666666667490082076597;0.007666666666666666248020067798;0.009666666666666667157015169209;0.025000000000000001387778780781;0.013333333333333334189130248149;0.025000000000000001387778780781;0.031666666666666669349705642844;0.057666666666666664686768939418;0.005000000000000000104083408559;0.042999999999999996558308623662;0.012333333333333333300951828448;0.012666666666666666352103476356;0.018999999999999999528155214534;0.008999999999999999319988397417;0.018333333333333333425851918719;0.012999999999999999403255124264;0.005333333333333333155235056466;0.008999999999999999319988397417;0.004000000000000000083266726847;0.008999999999999999319988397417;0.012000000000000000249800180541;0.009666666666666667157015169209;0.000000000000000000000000000000;0.012333333333333333300951828448;0.045666666666666667906415710831;0.012666666666666666352103476356;0.016666666666666666435370203203;0.010666666666666666310470112933;0.017999999999999998639976794834;0.010333333333333333259318465025
-0.008187134502923977194543958547;0.015204678362573099265064868746;0.014619883040935671703053344572;0.411695906432748559566903168161;0.056432748538011695549343471612;0.010233918128654970192137341201;0.005847953216374268681221337829;0.022222222222222223070309254922;0.007894736842105263413538196460;0.012280701754385964924454199831;0.011111111111111111535154627461;0.005263157894736841986571551644;0.009649122807017544364849293004;0.016666666666666666435370203203;0.029532163742690058921835927208;0.007017543859649122937882648188;0.004385964912280701510916003372;0.017251461988304093997381727377;0.022222222222222223070309254922;0.003216374269005848121616431001;0.016959064327485378481652489313;0.002339181286549707645960882729;0.005555555555555555767577313730;0.021345029239766083462015444638;0.011403508771929825316160389548;0.018421052631578945651957823770;0.021637426900584795508297730748;0.012573099415204678705459961918;0.001169590643274853822980441365;0.022514619883040935116591541032;0.006432748538011696243232862003;0.011403508771929825316160389548;0.010818713450292397754148865374;0.003801169590643274816266217186;0.004970760233918129072927527545;0.020467836257309940384274682401;0.006432748538011696243232862003;0.004970760233918129072927527545;0.000584795321637426911490220682;0.003508771929824561468941324094;0.006432748538011696243232862003;0.007017543859649122937882648188;0.000000000000000000000000000000;0.010233918128654970192137341201;0.023099415204678362678603065206;0.009941520467836258145855055091;0.014035087719298245875765296375;0.008479532163742689240826244657;0.015789473684210526827076392919;0.006725146198830409156876886101
-0.026785714285714284227379877734;0.015773809523809523280846178750;0.048214285714285716466509512657;0.025297619047619047949471138281;0.016071428571428569842538536250;0.014583333333333333564629796797;0.005059523809523809763366575254;0.032440476190476193185663333907;0.004761904761904762334312479766;0.044940476190476190410105772344;0.020833333333333332176851016015;0.015773809523809523280846178750;0.007142857142857142634106981660;0.056547619047619047949471138281;0.025000000000000001387778780781;0.016666666666666666435370203203;0.010714285714285714384841341484;0.021726190476190475331375040469;0.026488095238095237665687520234;0.007440476190476190063161077148;0.012500000000000000693889390391;0.004464285714285714037896646289;0.001488095238095238012632215430;0.060416666666666667129259593594;0.029761904761904760252644308594;0.045535714285714283533490487343;0.032440476190476193185663333907;0.012202380952380952397473556914;0.000892857142857142829263372708;0.016964285714285712997062560703;0.009226190476190476372209126055;0.021130952380952382207990325469;0.011309523809523809242949532461;0.005357142857142857192420670742;0.013690476190476190410105772344;0.055952380952380954826086423282;0.016369047619047619873677845703;0.007440476190476190063161077148;0.000297619047619047645894529985;0.008333333333333333217685101602;0.004761904761904762334312479766;0.002678571428571428596210335371;0.000000000000000000000000000000;0.027678571428571427381903902187;0.013392857142857142113689938867;0.021130952380952382207990325469;0.055654761904761901325500161875;0.032440476190476193185663333907;0.023511904761904761640423089375;0.010714285714285714384841341484
-0.024576271186440679095142058941;0.009604519774011300095595267123;0.022598870056497175062837357018;0.353389830508474556136633282222;0.015254237288135593861304606378;0.011016949152542372669660863949;0.003107344632768361744612484188;0.017514124293785311020643646884;0.007627118644067796930652303189;0.028531073446327683690304510833;0.012429378531073446978449936751;0.013276836158192089828999904455;0.004802259887005650047797633562;0.030790960451977402584367027316;0.014406779661016949276031162697;0.014971751412429378999546791817;0.005367231638418078903951524694;0.014971751412429378999546791817;0.016666666666666666435370203203;0.003954802259887005462524189880;0.012711864406779661840207751311;0.005084745762711864042193710134;0.004802259887005650047797633562;0.040112994350282482614034051949;0.019774011299435029914706163368;0.033898305084745762594256035527;0.021468926553672315615806098776;0.002824858757062146882854669627;0.000847457627118644043172357438;0.014406779661016949276031162697;0.009039548022598870372079638003;0.012429378531073446978449936751;0.008474576271186440648564008882;0.003672316384180791034447244314;0.007627118644067796930652303189;0.027683615819209039105031067152;0.010451977401129942946145234828;0.007344632768361582068894488629;0.000847457627118644043172357438;0.003389830508474576172689429754;0.004802259887005650047797633562;0.004519774011299435186039819001;0.000000000000000000000000000000;0.019209039548022600191190534247;0.014406779661016949276031162697;0.009887005649717514957353081684;0.031920903954802258561951333604;0.020621468926553671030532655095;0.011016949152542372669660863949;0.011864406779661017254934307630
-0.010069444444444445099784424258;0.008680555555555555941049661328;0.018055555555555553859381490156;0.616666666666666696272613990004;0.007986111111111110494320541875;0.006944444444444444058950338672;0.004861111111111111188209932266;0.018749999999999999306110609609;0.009722222222222222376419864531;0.012152777777777777970524830664;0.006597222222222222202947516934;0.002777777777777777883788656865;0.003472222222222222029475169336;0.009722222222222222376419864531;0.021180555555555556634939051719;0.011111111111111111535154627461;0.010069444444444445099784424258;0.008333333333333333217685101602;0.012152777777777777970524830664;0.001041666666666666652210637700;0.011458333333333332523795711211;0.006597222222222222202947516934;0.000694444444444444470947164216;0.018402777777777778317469525859;0.011111111111111111535154627461;0.012152777777777777970524830664;0.014236111111111110841265237070;0.005555555555555555767577313730;0.001388888888888888941894328433;0.006250000000000000346944695195;0.002083333333333333304421275400;0.008680555555555555941049661328;0.002083333333333333304421275400;0.002430555555555555594104966133;0.003125000000000000173472347598;0.011458333333333332523795711211;0.002083333333333333304421275400;0.007291666666666666782314898398;0.000000000000000000000000000000;0.000694444444444444470947164216;0.007986111111111110494320541875;0.001736111111111111014737584668;0.000000000000000000000000000000;0.012847222222222221682530474141;0.012500000000000000693889390391;0.006597222222222222202947516934;0.013194444444444444405895033867;0.004861111111111111188209932266;0.005902777777777777623580135469;0.006250000000000000346944695195
-0.014999999999999999444888487687;0.018055555555555553859381490156;0.037499999999999998612221219219;0.297222222222222220988641083750;0.006666666666666667094565124074;0.006111111111111111431071218902;0.006666666666666667094565124074;0.019722222222222220849863205672;0.010277777777777778039913769703;0.028333333333333331899295259859;0.014166666666666665949647629930;0.003611111111111110945348645629;0.003611111111111110945348645629;0.029722222222222222792753498766;0.024722222222222221821308352219;0.012777777777777778525636342977;0.015555555555555555108382392859;0.026666666666666668378260496297;0.015833333333333334674852821422;0.001944444444444444388547799107;0.010555555555555555871660722289;0.007222222222222221890697291258;0.003333333333333333547282562037;0.038888888888888889505679458125;0.016944444444444446001840631766;0.033611111111111112437210834969;0.025833333333333333148296162562;0.025000000000000001387778780781;0.000833333333333333386820640509;0.006944444444444444058950338672;0.002500000000000000052041704279;0.015555555555555555108382392859;0.007222222222222221890697291258;0.005833333333333333599324266316;0.009444444444444444544672911945;0.028055555555555555802271783250;0.011944444444444445030395485219;0.005277777777777777935830361145;0.000555555555555555555073687923;0.005000000000000000104083408559;0.011111111111111111535154627461;0.005833333333333333599324266316;0.000000000000000000000000000000;0.024166666666666666157814447047;0.012222222222222222862142437805;0.012777777777777778525636342977;0.032777777777777780676693453188;0.013888888888888888117900677344;0.019722222222222220849863205672;0.012777777777777778525636342977
-0.030952380952380953438307642500;0.013945578231292516530048786194;0.058843537414965986498405214888;0.012925170068027210315553254816;0.005102040816326530205115918903;0.024149659863945578675004099978;0.001020408163265306214495531378;0.033333333333333332870740406406;0.009863945578231291672066660681;0.027210884353741495583767218136;0.024149659863945578675004099978;0.021088435374149658296794029866;0.014285714285714285268213963320;0.050340136054421766309552310759;0.020068027210884353817021974464;0.022108843537414966246013037221;0.011904761904761904101057723437;0.038095238095238098674499838125;0.026530612244897958107436863884;0.009523809523809524668624959531;0.019387755102040816340691620212;0.006802721088435373895941804534;0.012585034013605441577388077690;0.032993197278911562397851753303;0.042857142857142857539365365938;0.035714285714285712303173170312;0.034013605442176873816517712612;0.018707482993197278864361265960;0.000340136054421768683955068502;0.016326530612244899431928502054;0.012244897959183672839222900564;0.016666666666666666435370203203;0.017346938775510203911700557455;0.004761904761904762334312479766;0.018027210884353741388030911708;0.043197278911564628012254019040;0.022448979591836733249454738370;0.009183673469387755930459782405;0.000680272108843537367910137004;0.009863945578231291672066660681;0.006462585034013605157776627408;0.002380952380952381167156239883;0.000000000000000000000000000000;0.013945578231292516530048786194;0.015306122448979591482709494699;0.010884353741496597886562192059;0.037755102040816328201611185023;0.028571428571428570536427926640;0.037414965986394557728722531920;0.017687074829931974384589210558
-0.028888888888888887562789165031;0.020370370370370372015145221667;0.063333333333333338699411285688;0.022962962962962962798485477833;0.010370370370370370072254928573;0.031481481481481478346129421197;0.002962962962962962815832712593;0.015925925925925926707193980292;0.032222222222222221543752596062;0.027037037037037036507625131776;0.018888888888888889089345823891;0.030370370370370370488588562807;0.013333333333333334189130248149;0.037777777777777778178691647781;0.010740740740740739936343040029;0.035555555555555555524716027094;0.023703703703703702526661700745;0.029999999999999998889776975375;0.013703703703703704053218359604;0.010740740740740739936343040029;0.012222222222222222862142437805;0.018148148148148149361169600979;0.005555555555555555767577313730;0.027777777777777776235801354687;0.042592592592592591616007524635;0.034814814814814812327092852229;0.029629629629629630760412339896;0.029999999999999998889776975375;0.001111111111111111110147375847;0.024444444444444445724284875610;0.023703703703703702526661700745;0.021111111111111111743321444578;0.007407407407407407690103084974;0.002962962962962962815832712593;0.011111111111111111535154627461;0.034074074074074076068363581271;0.009259259259259258745267118229;0.009629629629629630344078705662;0.001111111111111111110147375847;0.007037037037037036958653235530;0.010740740740740739936343040029;0.020740740740740740144509857146;0.000000000000000000000000000000;0.015555555555555555108382392859;0.007407407407407407690103084974;0.014444444444444443781394582516;0.033333333333333332870740406406;0.026296296296296296779448908865;0.017037037037037038034181790636;0.020370370370370372015145221667
-0.029924242424242422644375949403;0.023106060606060605661093987351;0.035606060606060606354983377742;0.042424242424242426807712291748;0.056818181818181816289392571662;0.031818181818181814901613790880;0.007575757575757575967845269815;0.021969696969696968918972501683;0.011742424242424241709326082628;0.009090909090909090467524933388;0.016666666666666666435370203203;0.056060606060606060774276215852;0.008712121212121212709966755483;0.016287878787878788677812025298;0.029924242424242422644375949403;0.027651515151515152629579930021;0.011363636363636363951767904723;0.018560606060606062162054996634;0.031060606060606059386497435071;0.003409090909090908925321850020;0.015909090909090907450806895440;0.015530303030303029693248717535;0.018939393939393939919613174538;0.013636363636363635701287400082;0.038636363636363635354342704886;0.017424242424242425419933510966;0.023484848484848483418652165255;0.023106060606060605661093987351;0.000378787878787878787550241766;0.044696969696969700291955263083;0.080303030303030306646938640824;0.004545454545454545233762466694;0.012500000000000000693889390391;0.010606060606060606701928072937;0.010984848484848484459486250842;0.013257575757575757943729222177;0.006439393939393939225723784148;0.015909090909090907450806895440;0.005681818181818181975883952362;0.019696969696969695434729530348;0.007575757575757575967845269815;0.007954545454545453725403447720;0.000000000000000000000000000000;0.007954545454545453725403447720;0.022348484848484850145977631541;0.011363636363636363951767904723;0.015151515151515151935690539631;0.013636363636363635701287400082;0.021590909090909091161414323778;0.010984848484848484459486250842
-0.014236111111111110841265237070;0.016666666666666666435370203203;0.017361111111111111882099322656;0.289583333333333359238537241254;0.055902777777777780399137697032;0.016666666666666666435370203203;0.007638888888888888638317720137;0.013541666666666667129259593594;0.014583333333333333564629796797;0.006944444444444444058950338672;0.010069444444444445099784424258;0.010416666666666666088425508008;0.021527777777777777623580135469;0.007986111111111110494320541875;0.029513888888888888117900677344;0.009722222222222222376419864531;0.014930555555555556287994356524;0.017361111111111111882099322656;0.021527777777777777623580135469;0.002430555555555555594104966133;0.009027777777777776929690745078;0.008333333333333333217685101602;0.024305555555555555941049661328;0.009722222222222222376419864531;0.011458333333333332523795711211;0.009027777777777776929690745078;0.010416666666666666088425508008;0.021180555555555556634939051719;0.000694444444444444470947164216;0.060763888888888888117900677344;0.012500000000000000693889390391;0.009374999999999999653055304805;0.027430555555555555247160270937;0.007638888888888888638317720137;0.021180555555555556634939051719;0.009374999999999999653055304805;0.002777777777777777883788656865;0.009722222222222222376419864531;0.004861111111111111188209932266;0.018055555555555553859381490156;0.005902777777777777623580135469;0.024305555555555555941049661328;0.000000000000000000000000000000;0.010069444444444445099784424258;0.026388888888888888811790067734;0.012847222222222221682530474141;0.008333333333333333217685101602;0.007291666666666666782314898398;0.013541666666666667129259593594;0.004861111111111111188209932266
-0.035666666666666665963525417737;0.020333333333333331732761806165;0.033666666666666664187168578337;0.095666666666666663743079368487;0.007666666666666666248020067798;0.017000000000000001221245327088;0.004000000000000000083266726847;0.017666666666666667323548622903;0.017333333333333332537673499019;0.030333333333333333675652099259;0.013666666666666667240281896056;0.010999999999999999361621760841;0.008999999999999999319988397417;0.035000000000000003330669073875;0.015333333333333332496040135595;0.029666666666666667573348803444;0.015666666666666665547191783503;0.031333333333333331094383567006;0.014999999999999999444888487687;0.007666666666666666248020067798;0.014999999999999999444888487687;0.014000000000000000291433543964;0.022333333333333333509118645566;0.044333333333333335701809119200;0.029333333333333332787473679559;0.035000000000000003330669073875;0.028333333333333331899295259859;0.014333333333333333342585191872;0.002000000000000000041633363423;0.014666666666666666393736839780;0.012999999999999999403255124264;0.020666666666666666518636930050;0.012666666666666666352103476356;0.006000000000000000124900090270;0.018666666666666668211727042603;0.035999999999999997279953589668;0.012333333333333333300951828448;0.013333333333333334189130248149;0.006666666666666667094565124074;0.017333333333333332537673499019;0.007000000000000000145716771982;0.016000000000000000333066907388;0.000000000000000000000000000000;0.027333333333333334480563792113;0.009333333333333334105863521302;0.021666666666666667406815349750;0.029666666666666667573348803444;0.022333333333333333509118645566;0.018666666666666668211727042603;0.009333333333333334105863521302
-0.027777777777777776235801354687;0.011111111111111111535154627461;0.058333333333333334258519187188;0.030902777777777779011358916250;0.003472222222222222029475169336;0.020486111111111111188209932266;0.005555555555555555767577313730;0.011805555555555555247160270937;0.023263888888888889505679458125;0.025000000000000001387778780781;0.013194444444444444405895033867;0.008333333333333333217685101602;0.016319444444444445446729119453;0.042708333333333334258519187188;0.005902777777777777623580135469;0.020833333333333332176851016015;0.028472222222222221682530474141;0.032291666666666669904817155157;0.010069444444444445099784424258;0.015625000000000000000000000000;0.011458333333333332523795711211;0.023611111111111110494320541875;0.025000000000000001387778780781;0.035416666666666665741480812812;0.035416666666666665741480812812;0.035763888888888886730121896562;0.020833333333333332176851016015;0.006597222222222222202947516934;0.005902777777777777623580135469;0.011111111111111111535154627461;0.013194444444444444405895033867;0.021180555555555556634939051719;0.005902777777777777623580135469;0.008333333333333333217685101602;0.039236111111111110494320541875;0.040972222222222222376419864531;0.013194444444444444405895033867;0.016666666666666666435370203203;0.010416666666666666088425508008;0.042708333333333334258519187188;0.003472222222222222029475169336;0.023611111111111110494320541875;0.000000000000000000000000000000;0.020138888888888890199568848516;0.003125000000000000173472347598;0.019097222222222223764198645313;0.030208333333333333564629796797;0.026041666666666667823148983985;0.027430555555555555247160270937;0.012500000000000000693889390391
-0.010451977401129942946145234828;0.032768361581920903147224777285;0.025988700564971749934484179789;0.315819209039548021156207369131;0.031073446327683617446124841877;0.015254237288135593861304606378;0.003389830508474576172689429754;0.028248587570621468828546696272;0.025706214689265535072726365229;0.005932203389830508627467153815;0.012146892655367232116692122190;0.007344632768361582068894488629;0.012711864406779661840207751311;0.010734463276836157807903049388;0.048870056497175143328526303321;0.005649717514124293765709339254;0.009604519774011300095595267123;0.035028248587570622041287293769;0.025423728813559323680415502622;0.005084745762711864042193710134;0.014124293785310734414273348136;0.023728813559322034509868615260;0.009039548022598870372079638003;0.010734463276836157807903049388;0.010734463276836157807903049388;0.004802259887005650047797633562;0.020338983050847456168774840535;0.030508474576271187722609212756;0.001412429378531073441427334814;0.021468926553672315615806098776;0.008192090395480225786806194321;0.004519774011299435186039819001;0.008474576271186440648564008882;0.006214689265536723489224968375;0.011299435028248587531418678509;0.015254237288135593861304606378;0.005649717514124293765709339254;0.002824858757062146882854669627;0.004237288135593220324282004441;0.014124293785310734414273348136;0.006779661016949152345378859508;0.016101694915254236711854574082;0.000000000000000000000000000000;0.004237288135593220324282004441;0.034180790960451977456013850087;0.003954802259887005462524189880;0.010169491525423728084387420267;0.007062146892655367207136674068;0.014124293785310734414273348136;0.008474576271186440648564008882
-0.021376811594202897726102463594;0.014855072463768116339255520586;0.029710144927536232678511041172;0.275362318840579711753946412500;0.023550724637681159923108253906;0.020289855072463766627599568437;0.006521739130434782254208680996;0.010144927536231883313799784219;0.025362318840579711753946412500;0.013405797101449274874584993711;0.011594202898550724778470311094;0.012318840579710145510805574531;0.013768115942028985240752625430;0.022101449275362318458437727031;0.019565217391304349364711256953;0.013405797101449274874584993711;0.018115942028985507900040730078;0.024637681159420291021611149063;0.016304347826086956069202571484;0.005797101449275362389235155547;0.019202898550724638998543625235;0.018840579710144928632375993516;0.005072463768115941656899892109;0.022826086956521739190772990469;0.023913043478260870289275885625;0.017028985507246376801537834922;0.015217391304347826705423152305;0.019565217391304349364711256953;0.003260869565217391127104340498;0.018478260869565218266208361797;0.013043478260869564508417361992;0.011594202898550724778470311094;0.007246376811594202986543944434;0.006159420289855072755402787266;0.013043478260869564508417361992;0.019202898550724638998543625235;0.007246376811594202986543944434;0.012318840579710145510805574531;0.006521739130434782254208680996;0.010144927536231883313799784219;0.007971014492753622851517469883;0.014492753623188405973087888867;0.000000000000000000000000000000;0.016666666666666666435370203203;0.013043478260869564508417361992;0.014855072463768116339255520586;0.022463768115942028824605358750;0.013043478260869564508417361992;0.016666666666666666435370203203;0.012681159420289855876973206250
-0.022695035460992909331912059656;0.015602836879432624081487368528;0.034751773049645391655548820609;0.354609929078014196601742469284;0.024113475177304964647273521905;0.012765957446808509981317492077;0.004255319148936170282893076688;0.011702127659574467627434657402;0.016666666666666666435370203203;0.016666666666666666435370203203;0.009574468085106382919668988052;0.018794326241134751143135872553;0.004964539007092198807935545801;0.025531914893617019962634984154;0.013829787234042552335200326752;0.022695035460992909331912059656;0.015602836879432624081487368528;0.019858156028368795231742183205;0.009929078014184397615871091602;0.005673758865248227332978014914;0.007092198581560283515701215151;0.018439716312056736446933769002;0.001418439716312056833244503729;0.017375886524822695827774410304;0.020212765957446809927944286756;0.021985815602836879939507852555;0.013829787234042552335200326752;0.011347517730496454665956029828;0.000354609929078014208311125932;0.009219858156028368223466884501;0.018085106382978721750731665452;0.013475177304964539373721699178;0.004609929078014184111733442251;0.006737588652482269686860849589;0.009929078014184397615871091602;0.022695035460992909331912059656;0.007801418439716312040743684264;0.020212765957446809927944286756;0.001063829787234042570723269172;0.011702127659574467627434657402;0.005673758865248227332978014914;0.006737588652482269686860849589;0.000000000000000000000000000000;0.010283687943262410577349719176;0.014539007092198581727604533853;0.012056737588652482323636760952;0.019503546099290780535540079654;0.014184397163120567031402430302;0.008865248226950355261988256927;0.010283687943262410577349719176
-0.013333333333333334189130248149;0.014444444444444443781394582516;0.021111111111111111743321444578;0.495277777777777761247790522248;0.020277777777777776513357110844;0.009722222222222222376419864531;0.002777777777777777883788656865;0.023611111111111110494320541875;0.006666666666666667094565124074;0.011388888888888889366901580047;0.008611111111111111049432054187;0.006666666666666667094565124074;0.007777777777777777554191196430;0.014722222222222221613141535101;0.029444444444444443226283070203;0.006666666666666667094565124074;0.007499999999999999722444243844;0.019166666666666665186369300500;0.020277777777777776513357110844;0.004722222222222222272336455973;0.010555555555555555871660722289;0.005277777777777777935830361145;0.005000000000000000104083408559;0.011388888888888889366901580047;0.014166666666666665949647629930;0.010555555555555555871660722289;0.018055555555555553859381490156;0.010000000000000000208166817117;0.001111111111111111110147375847;0.013888888888888888117900677344;0.010000000000000000208166817117;0.006666666666666667094565124074;0.010000000000000000208166817117;0.003055555555555555715535609451;0.008888888888888888881179006773;0.014722222222222221613141535101;0.005833333333333333599324266316;0.007777777777777777554191196430;0.001111111111111111110147375847;0.005555555555555555767577313730;0.008888888888888888881179006773;0.003055555555555555715535609451;0.000000000000000000000000000000;0.004444444444444444440589503387;0.016666666666666666435370203203;0.008055555555555555385938149016;0.011388888888888889366901580047;0.006666666666666667094565124074;0.016388888888888890338346726594;0.006666666666666667094565124074
-0.022222222222222223070309254922;0.003968253968253968033685907812;0.017857142857142856151586585156;0.487301587301587291189974848749;0.009126984126984127518311673555;0.010317460317460317234528055508;0.005555555555555555767577313730;0.011904761904761904101057723437;0.005952380952380952050528861719;0.013492063492063492702310867344;0.007539682539682539784420267637;0.013492063492063492702310867344;0.009920634920634920084214769531;0.023015873015873017370935826875;0.014682539682539682418527249297;0.006746031746031746351155433672;0.009523809523809524668624959531;0.009126984126984127518311673555;0.012301587301587301251371009414;0.006349206349206349200842147695;0.010317460317460317234528055508;0.007936507936507936067371815625;0.003968253968253968033685907812;0.019841269841269840168429539062;0.019047619047619049337249919063;0.021825396825396824185272492969;0.011111111111111111535154627461;0.000396825396825396825052634231;0.000793650793650793650105268462;0.010317460317460317234528055508;0.013095238095238095551997581367;0.009920634920634920084214769531;0.005952380952380952050528861719;0.007539682539682539784420267637;0.010714285714285714384841341484;0.011111111111111111535154627461;0.005158730158730158617264027754;0.013888888888888888117900677344;0.000793650793650793650105268462;0.012301587301587301251371009414;0.004761904761904762334312479766;0.000000000000000000000000000000;0.000000000000000000000000000000;0.013888888888888888117900677344;0.013095238095238095551997581367;0.015079365079365079568840535273;0.020634920634920634469056111016;0.011904761904761904101057723437;0.014682539682539682418527249297;0.009523809523809524668624959531
-0.020155038759689922200912803874;0.004651162790697674354056800894;0.035658914728682170047768806853;0.372093023255813948324544071511;0.007364341085271317727256601415;0.010465116279069767296627802011;0.005813953488372092942571001117;0.008527131782945736315770801639;0.014341085271317829258341802756;0.018992248062015503612398603650;0.010465116279069767296627802011;0.012790697674418604473656202458;0.014728682170542635454513202831;0.023643410852713177966455404544;0.014341085271317829258341802756;0.013953488372093023062170402682;0.010465116279069767296627802011;0.020542635658914728397084203948;0.011240310077519379688970602160;0.007751937984496123923428001490;0.007364341085271317727256601415;0.017441860465116278827713003352;0.012790697674418604473656202458;0.022868217054263565574112604395;0.021705426356589146985598404171;0.023643410852713177966455404544;0.015116279069767441650684602905;0.003100775193798449569371200596;0.000775193798449612392342800149;0.009689922480620154904285001862;0.015503875968992247846856002980;0.007751937984496123923428001490;0.005813953488372092942571001117;0.006589147286821705334913801266;0.016279069767441860239198803129;0.019767441860465116004741403799;0.005813953488372092942571001117;0.015503875968992247846856002980;0.003488372093023255765542600670;0.019767441860465116004741403799;0.001550387596899224784685600298;0.007364341085271317727256601415;0.000000000000000000000000000000;0.013953488372093023062170402682;0.006976744186046511531085201341;0.012015503875968992081313402309;0.020542635658914728397084203948;0.017441860465116278827713003352;0.022093023255813953181769804246;0.009302325581395348708113601788
-0.015277777777777777276635440273;0.057222222222222222931531376844;0.035277777777777775958245598531;0.038888888888888889505679458125;0.026388888888888888811790067734;0.031666666666666669349705642844;0.010833333333333333703407674875;0.050555555555555554969604514781;0.024444444444444445724284875610;0.005833333333333333599324266316;0.017500000000000001665334536938;0.014166666666666665949647629930;0.008611111111111111049432054187;0.017500000000000001665334536938;0.049166666666666664076146275875;0.012777777777777778525636342977;0.010000000000000000208166817117;0.055277777777777779844026184719;0.047500000000000000555111512313;0.005833333333333333599324266316;0.029444444444444443226283070203;0.016666666666666666435370203203;0.012500000000000000693889390391;0.010000000000000000208166817117;0.021666666666666667406815349750;0.017222222222222222098864108375;0.032777777777777780676693453188;0.033333333333333332870740406406;0.000277777777777777777536843962;0.033333333333333332870740406406;0.010555555555555555871660722289;0.002222222222222222220294751693;0.027777777777777776235801354687;0.005000000000000000104083408559;0.007499999999999999722444243844;0.023333333333333334397297065266;0.013055555555555556357383295563;0.004444444444444444440589503387;0.003055555555555555715535609451;0.005000000000000000104083408559;0.021388888888888887840344921187;0.022222222222222223070309254922;0.000000000000000000000000000000;0.007222222222222221890697291258;0.031666666666666669349705642844;0.011666666666666667198648532633;0.013888888888888888117900677344;0.010000000000000000208166817117;0.027500000000000000138777878078;0.010555555555555555871660722289
-0.022549019607843136941971451392;0.010457516339869280322383282567;0.062091503267973857660422254412;0.135620915032679728584597000918;0.009803921568627450844335413649;0.009477124183006535237949741202;0.009150326797385621366287544731;0.020915032679738560644766565133;0.048366013071895426478352675304;0.028758169934640521320234896052;0.008169934640522876281854003366;0.005555555555555555767577313730;0.006862745098039215591034789554;0.031372549019607842701873323676;0.025816993464052286066934271958;0.014705882352941176266503120473;0.025490196078431372195272075487;0.033333333333333332870740406406;0.012091503267973856619588168826;0.006535947712418300852010855095;0.013725490196078431182069579108;0.033986928104575160614064799347;0.004575163398692810683143772366;0.033006535947712418999078209936;0.017320261437908497648141548098;0.027450980392156862364139158217;0.027124183006535948492476961746;0.009477124183006535237949741202;0.003267973856209150426005427548;0.009477124183006535237949741202;0.010130718954248366450721086096;0.017647058823529411519803744568;0.005882352941176470506601248189;0.009150326797385621366287544731;0.009150326797385621366287544731;0.039215686274509803377341654596;0.010784313725490195928768955014;0.010130718954248366450721086096;0.010457516339869280322383282567;0.011437908496732025406816823931;0.011111111111111111535154627461;0.017973856209150325391465941038;0.000000000000000000000000000000;0.023202614379084968154742796287;0.015032679738562091872888792921;0.017647058823529411519803744568;0.030065359477124183745777585841;0.018627450980392156604237285933;0.012745098039215686097636037744;0.013071895424836601704021710191
-0.015116279069767441650684602905;0.004263565891472868157885400819;0.042635658914728681578854008194;0.339922480620155065267340432911;0.007751937984496123923428001490;0.010852713178294573492799202086;0.001937984496124030980857000372;0.011627906976744185885142002235;0.029457364341085270909026405661;0.028682170542635658516683605512;0.011240310077519379688970602160;0.004263565891472868157885400819;0.007751937984496123923428001490;0.026744186046511627535826605140;0.009302325581395348708113601788;0.010852713178294573492799202086;0.014728682170542635454513202831;0.019379844961240309808570003725;0.017054263565891472631541603278;0.007364341085271317727256601415;0.008527131782945736315770801639;0.027131782945736433731998005214;0.002325581395348837177028400447;0.029457364341085270909026405661;0.017829457364341085023884403427;0.025581395348837208947312404916;0.020155038759689922200912803874;0.009689922480620154904285001862;0.001550387596899224784685600298;0.007364341085271317727256601415;0.007751937984496123923428001490;0.022093023255813953181769804246;0.002713178294573643373199800521;0.008139534883720930119599401564;0.013178294573643410669827602533;0.029844961240310077105197805736;0.007364341085271317727256601415;0.006976744186046511531085201341;0.004263565891472868157885400819;0.006201550387596899138742401192;0.004263565891472868157885400819;0.015116279069767441650684602905;0.000000000000000000000000000000;0.021317829457364340789427004097;0.011240310077519379688970602160;0.010465116279069767296627802011;0.021705426356589146985598404171;0.013565891472868216865999002607;0.010465116279069767296627802011;0.012790697674418604473656202458
-0.014999999999999999444888487687;0.001666666666666666773641281019;0.037916666666666667961926862063;0.431250000000000022204460492503;0.007083333333333332974823814965;0.014583333333333333564629796797;0.001666666666666666773641281019;0.010833333333333333703407674875;0.023333333333333334397297065266;0.013750000000000000069388939039;0.007916666666666667337426410711;0.009166666666666666712925959359;0.010000000000000000208166817117;0.025416666666666667268037471672;0.012083333333333333078907223523;0.016666666666666666435370203203;0.012500000000000000693889390391;0.018333333333333333425851918719;0.011249999999999999583666365766;0.005000000000000000104083408559;0.007083333333333332974823814965;0.018749999999999999306110609609;0.001250000000000000026020852140;0.013750000000000000069388939039;0.027500000000000000138777878078;0.025416666666666667268037471672;0.027083333333333334258519187188;0.002916666666666666799662133158;0.000416666666666666693410320255;0.010416666666666666088425508008;0.007499999999999999722444243844;0.011249999999999999583666365766;0.001666666666666666773641281019;0.009166666666666666712925959359;0.005000000000000000104083408559;0.017500000000000001665334536938;0.005000000000000000104083408559;0.010416666666666666088425508008;0.004166666666666666608842550801;0.013333333333333334189130248149;0.000833333333333333386820640509;0.009166666666666666712925959359;0.000000000000000000000000000000;0.007916666666666667337426410711;0.010416666666666666088425508008;0.008333333333333333217685101602;0.020416666666666666296592325125;0.014166666666666665949647629930;0.010416666666666666088425508008;0.013333333333333334189130248149
-0.021078431372549021050044615322;0.026960784313725491556645863511;0.044607843137254903076449608079;0.183823529411764718943800289708;0.007352941176470588133251560237;0.018137254901960785796743991227;0.006372549019607843048818018872;0.029901960784313726809946487606;0.025000000000000001387778780781;0.017647058823529411519803744568;0.008823529411764705759901872284;0.007352941176470588133251560237;0.011764705882352941013202496379;0.020588235294117646773104368663;0.015196078431372548808719891156;0.007352941176470588133251560237;0.029901960784313726809946487606;0.051470588235294115198037445680;0.025490196078431372195272075487;0.007843137254901960675468330919;0.016176470588235295627876908497;0.016176470588235295627876908497;0.015196078431372548808719891156;0.022549019607843136941971451392;0.018627450980392156604237285933;0.023039215686274511218911698052;0.021078431372549021050044615322;0.020588235294117646773104368663;0.000490196078431372542216770682;0.015686274509803921350936661838;0.007352941176470588133251560237;0.014705882352941176266503120473;0.012745098039215686097636037744;0.004411764705882352879950936142;0.008823529411764705759901872284;0.032843137254901962063247111701;0.011764705882352941013202496379;0.013725490196078431182069579108;0.006372549019607843048818018872;0.008333333333333333217685101602;0.010294117647058823386552184331;0.031862745098039213509366618382;0.000000000000000000000000000000;0.016666666666666666435370203203;0.013235294117647058639852808426;0.014705882352941176266503120473;0.020588235294117646773104368663;0.008823529411764705759901872284;0.016176470588235295627876908497;0.010294117647058823386552184331
-0.026724137931034484122472250078;0.018390804597701149170063672500;0.043103448275862071836783684375;0.075574712643678154666559976249;0.012068965517241379142854285078;0.017816091954022988258499182734;0.007758620689655172306120611836;0.027011494252873562843531018984;0.025287356321839080108837549687;0.026724137931034484122472250078;0.015517241379310344612241223672;0.015229885057471264156458978789;0.013218390804597700965983264609;0.028160919540229884666659998516;0.023850574712643679564649801250;0.015804597701149426802746944531;0.021551724137931035918391842188;0.020689655172413792816321631562;0.018103448275862070449004903594;0.007758620689655172306120611836;0.017528735632183909537440413828;0.016379310344827587714311434297;0.011206896551724137775507550430;0.035919540229885055238057134375;0.024137931034482758285708570156;0.027873563218390805945601229610;0.031034482758620689224482447344;0.022988505747126436462579590625;0.002873563218390804557822448828;0.016954022988505748625875924063;0.015229885057471264156458978789;0.020114942528735631904757141797;0.010057471264367815952378570898;0.011494252873563218231289795312;0.019540229885057470993192652031;0.030747126436781610503423678438;0.007758620689655172306120611836;0.016379310344827587714311434297;0.004022988505747126380951428359;0.023275862068965518653085311485;0.008620689655172413673467346484;0.018965517241379310081628162266;0.000000000000000000000000000000;0.022126436781609196829956331953;0.011494252873563218231289795312;0.022988505747126436462579590625;0.033333333333333332870740406406;0.019827586206896553183698372891;0.020402298850574714095262862656;0.016379310344827587714311434297
-0.038461538461538463673505816587;0.019658119658119657668926549832;0.032051282051282048435325577884;0.081623931623931625378709497909;0.029914529914529915805010418239;0.021367521367521367936515019892;0.003418803418803418800453464144;0.011111111111111111535154627461;0.054273504273504274975081784760;0.018803418803418802535132314802;0.014102564102564102768710974090;0.039316239316239315337853099663;0.005555555555555555767577313730;0.026495726495726495269833478119;0.019230769230769231836752908293;0.022222222222222223070309254922;0.018376068376068376702958673263;0.028632478632478631369595589717;0.018376068376068376702958673263;0.005982905982905983334474431246;0.013247863247863247634916739059;0.022222222222222223070309254922;0.002564102564102564100340098108;0.027350427350427350403627713149;0.035897435897435894802676159543;0.023931623931623933337897724982;0.019230769230769231836752908293;0.031196581196581196770978294808;0.001282051282051282050170049054;0.033760683760683758702914047944;0.029914529914529915805010418239;0.018803418803418802535132314802;0.005555555555555555767577313730;0.003418803418803418800453464144;0.006410256410256410034009810772;0.021794871794871793768688661430;0.004700854700854700633783078700;0.013675213675213675201813856575;0.005128205128205128200680196215;0.007692307692307692734701163317;0.009401709401709401267566157401;0.046153846153846156408206979904;0.000000000000000000000000000000;0.014529914529914530335608091605;0.020940170940170938634894426400;0.012393162393162392501122504029;0.021794871794871793768688661430;0.015811965811965811301575968173;0.008119658119658120301598280832;0.014102564102564102768710974090
-0.020833333333333332176851016015;0.023611111111111110494320541875;0.050694444444444444752839729063;0.062500000000000000000000000000;0.020833333333333332176851016015;0.015972222222222220988641083750;0.003472222222222222029475169336;0.029861111111111112575988713047;0.078472222222222220988641083750;0.026041666666666667823148983985;0.012847222222222221682530474141;0.011805555555555555247160270937;0.006944444444444444058950338672;0.028125000000000000693889390391;0.028472222222222221682530474141;0.020486111111111111188209932266;0.026736111111111109800431151484;0.035069444444444444752839729063;0.021874999999999998612221219219;0.004861111111111111188209932266;0.012152777777777777970524830664;0.033680555555555553859381490156;0.006597222222222222202947516934;0.024652777777777776929690745078;0.020833333333333332176851016015;0.029513888888888888117900677344;0.029861111111111112575988713047;0.026388888888888888811790067734;0.001736111111111111014737584668;0.019791666666666665741480812812;0.009374999999999999653055304805;0.014236111111111110841265237070;0.009027777777777776929690745078;0.006944444444444444058950338672;0.008333333333333333217685101602;0.033680555555555553859381490156;0.008680555555555555941049661328;0.011458333333333332523795711211;0.013194444444444444405895033867;0.008333333333333333217685101602;0.010069444444444445099784424258;0.032291666666666669904817155157;0.000000000000000000000000000000;0.012152777777777777970524830664;0.012500000000000000693889390391;0.011805555555555555247160270937;0.021180555555555556634939051719;0.013888888888888888117900677344;0.014236111111111110841265237070;0.013888888888888888117900677344
-0.021111111111111111743321444578;0.012222222222222222862142437805;0.071111111111111111049432054187;0.087777777777777774015355305437;0.007777777777777777554191196430;0.021851851851851851471497667490;0.003703703703703703845051542487;0.021481481481481479872686080057;0.039259259259259257635044093604;0.019629629629629628817522046802;0.018518518518518517490534236458;0.008518518518518519017090895318;0.018148148148148149361169600979;0.036296296296296298722339201959;0.018888888888888889089345823891;0.014814814814814815380206169948;0.023333333333333334397297065266;0.040370370370370368962031903948;0.013333333333333334189130248149;0.007037037037037036958653235530;0.014814814814814815380206169948;0.023333333333333334397297065266;0.012962962962962962590318660716;0.024074074074074074125473288177;0.024814814814814813853649511088;0.031481481481481478346129421197;0.028148148148148147834612942120;0.003333333333333333547282562037;0.001481481481481481407916356297;0.020740740740740740144509857146;0.014444444444444443781394582516;0.019259259259259260688157411323;0.010000000000000000208166817117;0.007777777777777777554191196430;0.021851851851851851471497667490;0.048148148148148148250946576354;0.010370370370370370072254928573;0.010740740740740739936343040029;0.004814814814814815172039352831;0.018148148148148149361169600979;0.005555555555555555767577313730;0.018148148148148149361169600979;0.000000000000000000000000000000;0.009629629629629630344078705662;0.009629629629629630344078705662;0.009259259259259258745267118229;0.033703703703703701000105041885;0.017407407407407406163546426114;0.027407407407407408106436719208;0.013333333333333334189130248149
-0.019444444444444444752839729063;0.007777777777777777554191196430;0.060277777777777777346024379312;0.120833333333333334258519187188;0.013888888888888888117900677344;0.029166666666666667129259593594;0.004166666666666666608842550801;0.013611111111111110286153724758;0.045277777777777777901135891625;0.020277777777777776513357110844;0.016388888888888890338346726594;0.019722222222222220849863205672;0.008333333333333333217685101602;0.029444444444444443226283070203;0.010833333333333333703407674875;0.020555555555555556079827539406;0.018055555555555553859381490156;0.026944444444444444475283972906;0.018611111111111109522875395328;0.010555555555555555871660722289;0.014166666666666665949647629930;0.024444444444444445724284875610;0.013055555555555556357383295563;0.027500000000000000138777878078;0.026944444444444444475283972906;0.019722222222222220849863205672;0.025277777777777777484802257391;0.028888888888888887562789165031;0.001388888888888888941894328433;0.022222222222222223070309254922;0.025277777777777777484802257391;0.013333333333333334189130248149;0.009444444444444444544672911945;0.011666666666666667198648532633;0.013055555555555556357383295563;0.026111111111111112714766591125;0.007777777777777777554191196430;0.011111111111111111535154627461;0.008611111111111111049432054187;0.016388888888888890338346726594;0.004722222222222222272336455973;0.032222222222222221543752596062;0.000000000000000000000000000000;0.014444444444444443781394582516;0.007222222222222221890697291258;0.013055555555555556357383295563;0.020833333333333332176851016015;0.013611111111111110286153724758;0.021388888888888887840344921187;0.011944444444444445030395485219
-0.025980392156862746472212322146;0.001470588235294117626650312047;0.097549019607843137635860841783;0.000000000000000000000000000000;0.000000000000000000000000000000;0.006372549019607843048818018872;0.001960784313725490168867082730;0.021568627450980391857537910028;0.009803921568627450844335413649;0.041666666666666664353702032031;0.010784313725490195928768955014;0.005392156862745097964384477507;0.011274509803921568470985725696;0.087745098039215679852631524227;0.003431372549019607795517394777;0.011274509803921568470985725696;0.013725490196078431182069579108;0.026470588235294117279705616852;0.001470588235294117626650312047;0.022549019607843136941971451392;0.007352941176470588133251560237;0.019607843137254901688670827298;0.012254901960784313555419267061;0.050980392156862744390544150974;0.019607843137254901688670827298;0.045588235294117644691436197490;0.036764705882352942400981277160;0.000000000000000000000000000000;0.000000000000000000000000000000;0.004411764705882352879950936142;0.006372549019607843048818018872;0.018627450980392156604237285933;0.002941176470588235253300624095;0.011274509803921568470985725696;0.027450980392156862364139158217;0.057843137254901963451025892482;0.012745098039215686097636037744;0.008823529411764705759901872284;0.001960784313725490168867082730;0.035294117647058823039607489136;0.001960784313725490168867082730;0.000980392156862745084433541365;0.000000000000000000000000000000;0.025000000000000001387778780781;0.000490196078431372542216770682;0.014215686274509803724286349791;0.063725490196078427018733236764;0.051470588235294115198037445680;0.042647058823529412907582525349;0.019117647058823530881177532592
-0.020833333333333332176851016015;0.004166666666666666608842550801;0.038333333333333330372738601000;0.355416666666666658525031152749;0.008333333333333333217685101602;0.017500000000000001665334536938;0.002083333333333333304421275400;0.008333333333333333217685101602;0.020416666666666666296592325125;0.020000000000000000416333634234;0.008750000000000000832667268469;0.007499999999999999722444243844;0.006250000000000000346944695195;0.036666666666666666851703837438;0.011249999999999999583666365766;0.018333333333333333425851918719;0.012500000000000000693889390391;0.016666666666666666435370203203;0.008333333333333333217685101602;0.004166666666666666608842550801;0.008750000000000000832667268469;0.020416666666666666296592325125;0.002916666666666666799662133158;0.030833333333333334119741309109;0.023333333333333334397297065266;0.029583333333333333009518284484;0.016666666666666666435370203203;0.002083333333333333304421275400;0.001666666666666666773641281019;0.008750000000000000832667268469;0.007499999999999999722444243844;0.012916666666666666574148081281;0.002500000000000000052041704279;0.007083333333333332974823814965;0.011249999999999999583666365766;0.029583333333333333009518284484;0.005416666666666666851703837438;0.011666666666666667198648532633;0.002500000000000000052041704279;0.005416666666666666851703837438;0.005416666666666666851703837438;0.009583333333333332593184650250;0.000000000000000000000000000000;0.018749999999999999306110609609;0.007083333333333332974823814965;0.011249999999999999583666365766;0.031666666666666669349705642844;0.020000000000000000416333634234;0.012500000000000000693889390391;0.017083333333333332315628894094
-0.034920634920634921471993550313;0.009523809523809524668624959531;0.050000000000000002775557561563;0.123412698412698418337640760001;0.001587301587301587300210536924;0.021428571428571428769682682969;0.002777777777777777883788656865;0.020634920634920634469056111016;0.029365079365079364837054498594;0.018650793650793650452213157109;0.018650793650793650452213157109;0.010317460317460317234528055508;0.015079365079365079568840535273;0.032936507936507937455150596406;0.011111111111111111535154627461;0.017063492063492061850960013203;0.023015873015873017370935826875;0.038492063492063494090089648125;0.016269841269841271019780393203;0.011507936507936508685467913438;0.015873015873015872134743631250;0.019444444444444444752839729063;0.013888888888888888117900677344;0.021428571428571428769682682969;0.035317460317460316887583360312;0.025793650793650792218958400781;0.034126984126984123701920026406;0.004365079365079365183999193789;0.003174603174603174600421073848;0.005952380952380952050528861719;0.006349206349206349200842147695;0.015873015873015872134743631250;0.015079365079365079568840535273;0.012698412698412698401684295391;0.020238095238095239053466301016;0.041269841269841268938112222031;0.019047619047619049337249919063;0.009920634920634920084214769531;0.004365079365079365183999193789;0.022619047619047618485899064922;0.006349206349206349200842147695;0.013095238095238095551997581367;0.000000000000000000000000000000;0.015873015873015872134743631250;0.005158730158730158617264027754;0.014682539682539682418527249297;0.029761904761904760252644308594;0.020238095238095239053466301016;0.029761904761904760252644308594;0.011507936507936508685467913438
-0.032222222222222221543752596062;0.012592592592592592726230549260;0.057777777777777775125578330062;0.000000000000000000000000000000;0.000740740740740740703958178148;0.018518518518518517490534236458;0.002222222222222222220294751693;0.025185185185185185452461098521;0.040000000000000000832667268469;0.028148148148148147834612942120;0.018148148148148149361169600979;0.010000000000000000208166817117;0.016666666666666666435370203203;0.035925925925925923654080662573;0.010740740740740739936343040029;0.018148148148148149361169600979;0.027777777777777776235801354687;0.051851851851851850361274642864;0.009259259259259258745267118229;0.015185185185185185244294281404;0.014814814814814815380206169948;0.025925925925925925180637321432;0.019259259259259260688157411323;0.034074074074074076068363581271;0.033333333333333332870740406406;0.035555555555555555524716027094;0.040000000000000000832667268469;0.004444444444444444440589503387;0.001111111111111111110147375847;0.012222222222222222862142437805;0.006666666666666667094565124074;0.015925925925925926707193980292;0.014444444444444443781394582516;0.015925925925925926707193980292;0.028148148148148147834612942120;0.045925925925925925596970955667;0.016666666666666666435370203203;0.009629629629629630344078705662;0.003703703703703703845051542487;0.026296296296296296779448908865;0.005925925925925925631665425186;0.019629629629629628817522046802;0.000000000000000000000000000000;0.013703703703703704053218359604;0.004074074074074073709139653943;0.017037037037037038034181790636;0.033703703703703701000105041885;0.021851851851851851471497667490;0.034444444444444444197728216750;0.014444444444444443781394582516
-0.028174603174603175120838116641;0.014285714285714285268213963320;0.076587301587301592764589486251;0.000793650793650793650105268462;0.000396825396825396825052634231;0.016269841269841271019780393203;0.001587301587301587300210536924;0.021031746031746033354092872969;0.050396825396825398191147371563;0.027777777777777776235801354687;0.012698412698412698401684295391;0.013492063492063492702310867344;0.005555555555555555767577313730;0.044841269841269841556208319844;0.005158730158730158617264027754;0.018253968253968255036623347110;0.030555555555555554553270880547;0.060714285714285713690951951094;0.004365079365079365183999193789;0.011111111111111111535154627461;0.012301587301587301251371009414;0.027380952380952380820211544687;0.013888888888888888117900677344;0.044047619047619050725028699844;0.026984126984126985404621734688;0.032936507936507937455150596406;0.034920634920634921471993550313;0.014285714285714285268213963320;0.001587301587301587300210536924;0.002777777777777777883788656865;0.012698412698412698401684295391;0.017063492063492061850960013203;0.003174603174603174600421073848;0.011111111111111111535154627461;0.013888888888888888117900677344;0.044841269841269841556208319844;0.012301587301587301251371009414;0.011507936507936508685467913438;0.026587301587301586519584972734;0.010317460317460317234528055508;0.005158730158730158617264027754;0.037301587301587300904426314219;0.000000000000000000000000000000;0.021031746031746033354092872969;0.001190476190476190583578119941;0.015476190476190476719153821250;0.040079365079365082691342792032;0.017857142857142856151586585156;0.029365079365079364837054498594;0.013888888888888888117900677344
-0.031481481481481478346129421197;0.007777777777777777554191196430;0.066296296296296297612116177334;0.001111111111111111110147375847;0.002962962962962962815832712593;0.017777777777777777762358013547;0.005555555555555555767577313730;0.024074074074074074125473288177;0.034444444444444444197728216750;0.028518518518518519433424529552;0.017037037037037038034181790636;0.009629629629629630344078705662;0.015925925925925926707193980292;0.037777777777777778178691647781;0.008888888888888888881179006773;0.015925925925925926707193980292;0.034444444444444444197728216750;0.037777777777777778178691647781;0.013703703703703704053218359604;0.011111111111111111535154627461;0.013703703703703704053218359604;0.025555555555555557051272685953;0.012962962962962962590318660716;0.048148148148148148250946576354;0.027407407407407408106436719208;0.033333333333333332870740406406;0.023333333333333334397297065266;0.007777777777777777554191196430;0.004444444444444444440589503387;0.002962962962962962815832712593;0.018518518518518517490534236458;0.026666666666666668378260496297;0.009629629629629630344078705662;0.008148148148148147418279307885;0.026296296296296296779448908865;0.053703703703703704885885628073;0.012592592592592592726230549260;0.013333333333333334189130248149;0.009259259259259258745267118229;0.015925925925925926707193980292;0.006666666666666667094565124074;0.029259259259259259161600752464;0.000000000000000000000000000000;0.022592592592592591199673890401;0.005555555555555555767577313730;0.023333333333333334397297065266;0.033333333333333332870740406406;0.021851851851851851471497667490;0.024074074074074074125473288177;0.017407407407407406163546426114
-0.035294117647058823039607489136;0.018627450980392156604237285933;0.033333333333333332870740406406;0.029411764705882352533006240947;0.033823529411764703678233701112;0.033823529411764703678233701112;0.004411764705882352879950936142;0.015686274509803921350936661838;0.025980392156862746472212322146;0.015196078431372548808719891156;0.015686274509803921350936661838;0.016176470588235295627876908497;0.017156862745098040712310449862;0.021568627450980391857537910028;0.028431372549019607448572699582;0.031372549019607842701873323676;0.016176470588235295627876908497;0.037745098039215684015967866571;0.026470588235294117279705616852;0.010294117647058823386552184331;0.014215686274509803724286349791;0.019607843137254901688670827298;0.016666666666666666435370203203;0.020098039215686275965611073957;0.046568627450980393245316690809;0.032843137254901962063247111701;0.026470588235294117279705616852;0.021568627450980391857537910028;0.000980392156862745084433541365;0.033823529411764703678233701112;0.022058823529411766134478156687;0.017156862745098040712310449862;0.014705882352941176266503120473;0.005392156862745097964384477507;0.013235294117647058639852808426;0.028431372549019607448572699582;0.007843137254901960675468330919;0.014705882352941176266503120473;0.005392156862745097964384477507;0.014705882352941176266503120473;0.005882352941176470506601248189;0.016666666666666666435370203203;0.000000000000000000000000000000;0.015196078431372548808719891156;0.020098039215686275965611073957;0.016176470588235295627876908497;0.026960784313725491556645863511;0.019117647058823530881177532592;0.023529411764705882026404992757;0.013235294117647058639852808426
-0.037083333333333336201409480282;0.009583333333333332593184650250;0.038749999999999999722444243844;0.252916666666666678509045596002;0.023750000000000000277555756156;0.019583333333333334536074943344;0.005833333333333333599324266316;0.015833333333333334674852821422;0.029999999999999998889776975375;0.018333333333333333425851918719;0.013333333333333334189130248149;0.018749999999999999306110609609;0.007916666666666667337426410711;0.021666666666666667406815349750;0.024583333333333332038073137937;0.025000000000000001387778780781;0.007499999999999999722444243844;0.019166666666666665186369300500;0.017500000000000001665334536938;0.000833333333333333386820640509;0.014166666666666665949647629930;0.016250000000000000555111512313;0.006666666666666667094565124074;0.020000000000000000416333634234;0.035416666666666665741480812812;0.027083333333333334258519187188;0.019583333333333334536074943344;0.005833333333333333599324266316;0.002083333333333333304421275400;0.017083333333333332315628894094;0.012500000000000000693889390391;0.012500000000000000693889390391;0.008750000000000000832667268469;0.007499999999999999722444243844;0.007083333333333332974823814965;0.017916666666666667545593227828;0.007083333333333332974823814965;0.017916666666666667545593227828;0.006666666666666667094565124074;0.007499999999999999722444243844;0.003333333333333333547282562037;0.011666666666666667198648532633;0.000000000000000000000000000000;0.012500000000000000693889390391;0.014999999999999999444888487687;0.017083333333333332315628894094;0.021250000000000001526556658860;0.018749999999999999306110609609;0.011249999999999999583666365766;0.011666666666666667198648532633
-0.016666666666666666435370203203;0.004545454545454545233762466694;0.041818181818181816844504083974;0.413939393939393940335946808773;0.008787878787878787220644305478;0.006969696969696969474084013996;0.003636363636363636360482320953;0.013939393939393938948168027991;0.039090909090909092826748860716;0.026666666666666668378260496297;0.008181818181818182461606525635;0.003939393939393939607362948863;0.003030303030303030300401934127;0.022424242424242422921931705559;0.013939393939393938948168027991;0.010909090909090909948808700847;0.020000000000000000416333634234;0.011212121212121211460965852780;0.006363636363636363847684496164;0.005151515151515151727523722514;0.007272727272727272720964641906;0.025151515151515150409133880771;0.001818181818181818180241160476;0.032727272727272729846426102540;0.011515151515151514707846480690;0.020000000000000000416333634234;0.017272727272727272929131459023;0.001212121212121212120160773651;0.001212121212121212120160773651;0.003636363636363636360482320953;0.000909090909090909090120580238;0.015757575757575758429451795450;0.002121212121212121427121788386;0.005454545454545454974404350423;0.004242424242424242854243576772;0.030606060606060605383538231195;0.004848484848484848480643094604;0.007272727272727272720964641906;0.007272727272727272720964641906;0.005454545454545454974404350423;0.005151515151515151727523722514;0.008787878787878787220644305478;0.000000000000000000000000000000;0.024242424242424242403215473018;0.015757575757575758429451795450;0.011515151515151514707846480690;0.022424242424242422921931705559;0.011212121212121211460965852780;0.006060606060606060600803868255;0.007878787878787879214725897725
-0.020000000000000000416333634234;0.022592592592592591199673890401;0.048518518518518516380311211833;0.219259259259259264851493753667;0.022592592592592591199673890401;0.017037037037037038034181790636;0.005925925925925925631665425186;0.021481481481481479872686080057;0.056666666666666663798590519718;0.016296296296296294836558615771;0.010740740740740739936343040029;0.012592592592592592726230549260;0.005925925925925925631665425186;0.018518518518518517490534236458;0.030370370370370370488588562807;0.015555555555555555108382392859;0.024444444444444445724284875610;0.029259259259259259161600752464;0.018518518518518517490534236458;0.004444444444444444440589503387;0.012222222222222222862142437805;0.029259259259259259161600752464;0.003703703703703703845051542487;0.022222222222222223070309254922;0.017777777777777777762358013547;0.020000000000000000416333634234;0.020370370370370372015145221667;0.009629629629629630344078705662;0.000740740740740740703958178148;0.016666666666666666435370203203;0.010740740740740739936343040029;0.016296296296296294836558615771;0.006666666666666667094565124074;0.005185185185185185036127464286;0.007777777777777777554191196430;0.025185185185185185452461098521;0.006296296296296296363115274630;0.011851851851851851263330850372;0.008148148148148147418279307885;0.008888888888888888881179006773;0.006666666666666667094565124074;0.014444444444444443781394582516;0.000000000000000000000000000000;0.012222222222222222862142437805;0.016296296296296294836558615771;0.009259259259259258745267118229;0.020370370370370372015145221667;0.014074074074074073917306471060;0.015185185185185185244294281404;0.011111111111111111535154627461
-0.012000000000000000249800180541;0.016000000000000000333066907388;0.032666666666666663298990158637;0.106999999999999997890576253212;0.119333333333333332926251557637;0.010666666666666666310470112933;0.003000000000000000062450045135;0.015666666666666665547191783503;0.051666666666666666296592325125;0.021000000000000001304512053935;0.012333333333333333300951828448;0.008333333333333333217685101602;0.003666666666666666598434209945;0.022333333333333333509118645566;0.030999999999999999777955395075;0.013666666666666667240281896056;0.015666666666666665547191783503;0.021999999999999998723243521681;0.016000000000000000333066907388;0.005000000000000000104083408559;0.010000000000000000208166817117;0.020333333333333331732761806165;0.002666666666666666577617528233;0.032333333333333331982561986706;0.018666666666666668211727042603;0.021666666666666667406815349750;0.021333333333333332620940225866;0.085333333333333330483760903462;0.001333333333333333288808764117;0.030999999999999999777955395075;0.006000000000000000124900090270;0.016000000000000000333066907388;0.005666666666666667073748442363;0.003333333333333333547282562037;0.003666666666666666598434209945;0.018666666666666668211727042603;0.006333333333333333176051738178;0.006333333333333333176051738178;0.014333333333333333342585191872;0.004666666666666667052931760651;0.007666666666666666248020067798;0.032000000000000000666133814775;0.000000000000000000000000000000;0.018666666666666668211727042603;0.025666666666666667490082076597;0.010000000000000000208166817117;0.012666666666666666352103476356;0.010000000000000000208166817117;0.005333333333333333155235056466;0.009333333333333334105863521302
-0.019444444444444444752839729063;0.014444444444444443781394582516;0.029999999999999998889776975375;0.104444444444444450859066364501;0.105277777777777775680689842375;0.018888888888888889089345823891;0.006388888888888889262818171488;0.022777777777777778733803160094;0.020277777777777776513357110844;0.017222222222222222098864108375;0.014999999999999999444888487687;0.011944444444444445030395485219;0.018888888888888889089345823891;0.021388888888888887840344921187;0.011111111111111111535154627461;0.012500000000000000693889390391;0.017777777777777777762358013547;0.025833333333333333148296162562;0.016388888888888890338346726594;0.005277777777777777935830361145;0.009722222222222222376419864531;0.013333333333333334189130248149;0.016944444444444446001840631766;0.027222222222222220572307449515;0.022499999999999999167332731531;0.022499999999999999167332731531;0.020555555555555556079827539406;0.041666666666666664353702032031;0.002500000000000000052041704279;0.044722222222222218768195034500;0.010555555555555555871660722289;0.014722222222222221613141535101;0.008333333333333333217685101602;0.008333333333333333217685101602;0.023888888888888890060790970438;0.022222222222222223070309254922;0.006666666666666667094565124074;0.011111111111111111535154627461;0.003611111111111110945348645629;0.014722222222222221613141535101;0.006388888888888889262818171488;0.022777777777777778733803160094;0.000000000000000000000000000000;0.017222222222222222098864108375;0.007499999999999999722444243844;0.019722222222222220849863205672;0.019166666666666665186369300500;0.014722222222222221613141535101;0.020555555555555556079827539406;0.010833333333333333703407674875
-0.022592592592592591199673890401;0.018148148148148149361169600979;0.032962962962962964741375770927;0.002962962962962962815832712593;0.012222222222222222862142437805;0.021111111111111111743321444578;0.013703703703703704053218359604;0.042962962962962959745372160114;0.030740740740740742087400150240;0.019259259259259260688157411323;0.016296296296296294836558615771;0.008148148148148147418279307885;0.018148148148148149361169600979;0.021481481481481479872686080057;0.036296296296296298722339201959;0.011481481481481481399242738917;0.027777777777777776235801354687;0.051481481481481482231910007386;0.041851851851851848418384349770;0.007777777777777777554191196430;0.025555555555555557051272685953;0.019259259259259260688157411323;0.015925925925925926707193980292;0.025925925925925925180637321432;0.024074074074074074125473288177;0.022962962962962962798485477833;0.036666666666666666851703837438;0.010740740740740739936343040029;0.002962962962962962815832712593;0.025185185185185185452461098521;0.011111111111111111535154627461;0.020000000000000000416333634234;0.020370370370370372015145221667;0.007037037037037036958653235530;0.015925925925925926707193980292;0.028888888888888887562789165031;0.017037037037037038034181790636;0.017777777777777777762358013547;0.018148148148148149361169600979;0.011481481481481481399242738917;0.013333333333333334189130248149;0.027407407407407408106436719208;0.000000000000000000000000000000;0.015185185185185185244294281404;0.018148148148148149361169600979;0.020000000000000000416333634234;0.017777777777777777762358013547;0.010370370370370370072254928573;0.034814814814814812327092852229;0.008518518518518519017090895318
-0.020370370370370372015145221667;0.026851851851851852442942814037;0.050925925925925923098969150260;0.001851851851851851922525771243;0.001851851851851851922525771243;0.009259259259259258745267118229;0.003240740740740740647579665179;0.035648148148148151026504137917;0.028240740740740739866954100989;0.050000000000000002775557561563;0.010185185185185186007572610833;0.004629629629629629372633559115;0.005555555555555555767577313730;0.031481481481481478346129421197;0.019907407407407408383992475365;0.013888888888888888117900677344;0.051388888888888886730121896562;0.068981481481481476958350640416;0.009722222222222222376419864531;0.007870370370370369586532355299;0.012962962962962962590318660716;0.017129629629629630066522949505;0.009722222222222222376419864531;0.060185185185185181844236268489;0.011111111111111111535154627461;0.034722222222222223764198645313;0.038425925925925925874526711823;0.012500000000000000693889390391;0.004629629629629629372633559115;0.005555555555555555767577313730;0.006018518518518518531368322044;0.045370370370370373402924002448;0.004166666666666666608842550801;0.004629629629629629372633559115;0.008333333333333333217685101602;0.063425925925925927262305492604;0.009259259259259258745267118229;0.006481481481481481295159330358;0.000925925925925925961262885622;0.006944444444444444058950338672;0.011111111111111111535154627461;0.031018518518518518184423626849;0.000000000000000000000000000000;0.035648148148148151026504137917;0.002314814814814814686316779557;0.027314814814814816074095560339;0.036111111111111107718762980312;0.015277777777777777276635440273;0.016666666666666666435370203203;0.010185185185185186007572610833
-0.023611111111111110494320541875;0.025347222222222222376419864531;0.046875000000000000000000000000;0.015625000000000000000000000000;0.044444444444444446140618509844;0.013541666666666667129259593594;0.010069444444444445099784424258;0.037152777777777777623580135469;0.026041666666666667823148983985;0.028819444444444446140618509844;0.013194444444444444405895033867;0.008680555555555555941049661328;0.006597222222222222202947516934;0.031250000000000000000000000000;0.029166666666666667129259593594;0.015972222222222220988641083750;0.023263888888888889505679458125;0.043402777777777776235801354687;0.028125000000000000693889390391;0.002430555555555555594104966133;0.023958333333333334952408577578;0.019444444444444444752839729063;0.010416666666666666088425508008;0.037847222222222219600862302968;0.019444444444444444752839729063;0.030555555555555554553270880547;0.036111111111111107718762980312;0.016666666666666666435370203203;0.002430555555555555594104966133;0.022222222222222223070309254922;0.007986111111111110494320541875;0.027777777777777776235801354687;0.014930555555555556287994356524;0.008333333333333333217685101602;0.010416666666666666088425508008;0.035069444444444444752839729063;0.009374999999999999653055304805;0.007291666666666666782314898398;0.005208333333333333044212754004;0.006250000000000000346944695195;0.016319444444444445446729119453;0.024652777777777776929690745078;0.000000000000000000000000000000;0.022916666666666665047591422422;0.014583333333333333564629796797;0.018402777777777778317469525859;0.031597222222222220988641083750;0.014236111111111110841265237070;0.014583333333333333564629796797;0.017361111111111111882099322656
-0.024537037037037037756626034479;0.011111111111111111535154627461;0.062962962962962956692258842395;0.005092592592592593003786305417;0.005092592592592593003786305417;0.020370370370370372015145221667;0.005092592592592593003786305417;0.018518518518518517490534236458;0.074537037037037040532183596042;0.020833333333333332176851016015;0.011574074074074073431583897786;0.008333333333333333217685101602;0.019444444444444444752839729063;0.025925925925925925180637321432;0.009722222222222222376419864531;0.015277777777777777276635440273;0.036574074074074071349915726614;0.056944444444444443365060948281;0.011111111111111111535154627461;0.011111111111111111535154627461;0.013888888888888888117900677344;0.033796296296296296501893152708;0.016666666666666666435370203203;0.025462962962962961549484575130;0.025000000000000001387778780781;0.031018518518518518184423626849;0.025462962962962961549484575130;0.026388888888888888811790067734;0.002777777777777777883788656865;0.011111111111111111535154627461;0.007407407407407407690103084974;0.018518518518518517490534236458;0.015277777777777777276635440273;0.008796296296296296848837847904;0.019444444444444444752839729063;0.041666666666666664353702032031;0.013888888888888888117900677344;0.005555555555555555767577313730;0.009722222222222222376419864531;0.022222222222222223070309254922;0.011111111111111111535154627461;0.040740740740740744030290443334;0.000000000000000000000000000000;0.018981481481481481121686982760;0.008333333333333333217685101602;0.017592592592592593697675695807;0.024537037037037037756626034479;0.013888888888888888117900677344;0.024074074074074074125473288177;0.012500000000000000693889390391
-0.026296296296296296779448908865;0.010370370370370370072254928573;0.052962962962962961688262453208;0.131851851851851858965503083709;0.004074074074074073709139653943;0.015555555555555555108382392859;0.001851851851851851922525771243;0.017407407407407406163546426114;0.062592592592592588562894206916;0.023333333333333334397297065266;0.014814814814814815380206169948;0.008888888888888888881179006773;0.010000000000000000208166817117;0.033333333333333332870740406406;0.014444444444444443781394582516;0.019629629629629628817522046802;0.022962962962962962798485477833;0.038888888888888889505679458125;0.008518518518518519017090895318;0.007407407407407407690103084974;0.011111111111111111535154627461;0.021481481481481479872686080057;0.009259259259259258745267118229;0.029629629629629630760412339896;0.024814814814814813853649511088;0.026296296296296296779448908865;0.024444444444444445724284875610;0.024444444444444445724284875610;0.001111111111111111110147375847;0.008888888888888888881179006773;0.009629629629629630344078705662;0.010740740740740739936343040029;0.007037037037037036958653235530;0.008148148148148147418279307885;0.014444444444444443781394582516;0.034814814814814812327092852229;0.012592592592592592726230549260;0.012222222222222222862142437805;0.010000000000000000208166817117;0.014444444444444443781394582516;0.003703703703703703845051542487;0.042592592592592591616007524635;0.000000000000000000000000000000;0.014444444444444443781394582516;0.005555555555555555767577313730;0.011481481481481481399242738917;0.023703703703703702526661700745;0.018148148148148149361169600979;0.028888888888888887562789165031;0.010740740740740739936343040029
-0.025925925925925925180637321432;0.002962962962962962815832712593;0.063333333333333338699411285688;0.063703703703703706828775921167;0.004074074074074073709139653943;0.016666666666666666435370203203;0.000000000000000000000000000000;0.016666666666666666435370203203;0.033703703703703701000105041885;0.042962962962962959745372160114;0.010740740740740739936343040029;0.012962962962962962590318660716;0.012592592592592592726230549260;0.044074074074074071072359970458;0.005925925925925925631665425186;0.020000000000000000416333634234;0.030370370370370370488588562807;0.031481481481481478346129421197;0.004814814814814815172039352831;0.012222222222222222862142437805;0.014444444444444443781394582516;0.020370370370370372015145221667;0.005185185185185185036127464286;0.050740740740740739034286832521;0.025925925925925925180637321432;0.042222222222222223486642889156;0.024814814814814813853649511088;0.003703703703703703845051542487;0.000370370370370370351979089074;0.016296296296296294836558615771;0.008518518518518519017090895318;0.024444444444444445724284875610;0.001481481481481481407916356297;0.008148148148148147418279307885;0.025925925925925925180637321432;0.059999999999999997779553950750;0.015185185185185185244294281404;0.008148148148148147418279307885;0.004814814814814815172039352831;0.011481481481481481399242738917;0.005555555555555555767577313730;0.018518518518518517490534236458;0.000000000000000000000000000000;0.023703703703703702526661700745;0.005185185185185185036127464286;0.014074074074074073917306471060;0.041111111111111112159655078813;0.028148148148148147834612942120;0.021851851851851851471497667490;0.014444444444444443781394582516
-0.016374269005847954389087917093;0.006140350877192982462227099916;0.047660818713450292527511464868;0.162573099415204674889068314769;0.014912280701754385484059106659;0.016374269005847954389087917093;0.001169590643274853822980441365;0.017543859649122806043664013487;0.051754385964912281992145182130;0.033040935672514620824458120296;0.014035087719298245875765296375;0.011403508771929825316160389548;0.015789473684210526827076392919;0.023976608187134502286896875489;0.014035087719298245875765296375;0.013742690058479532094759534289;0.025438596491228069457202209946;0.024269005847953217802626113553;0.008479532163742689240826244657;0.006725146198830409156876886101;0.009356725146198830583843530917;0.028070175438596491751530592751;0.004093567251461988597271979273;0.052923976608187137116168230477;0.020760233918128655900003920465;0.022807017543859650632320779096;0.015204678362573099265064868746;0.007894736842105263413538196460;0.002046783625730994298635989637;0.014912280701754385484059106659;0.010818713450292397754148865374;0.031286549707602341607870499729;0.004385964912280701510916003372;0.005263157894736841986571551644;0.009941520467836258145855055091;0.054385964912280704286473564935;0.004385964912280701510916003372;0.008479532163742689240826244657;0.009356725146198830583843530917;0.011695906432748537362442675658;0.006432748538011696243232862003;0.028362573099415203797812878861;0.000000000000000000000000000000;0.019005847953216373213969347944;0.009941520467836258145855055091;0.011111111111111111535154627461;0.032163742690058477746717358059;0.017251461988304093997381727377;0.009941520467836258145855055091;0.012280701754385964924454199831
-0.017171717171717171268596757727;0.031818181818181814901613790880;0.020202020202020203737403036826;0.102525252525252519308907039886;0.105050505050505046944486764460;0.011111111111111111535154627461;0.006565656565656565434030422779;0.026262626262626261736121691115;0.016666666666666666435370203203;0.024747474747474747236442027543;0.013131313131313130868060845557;0.005555555555555555767577313730;0.006060606060606060600803868255;0.017171717171717171268596757727;0.071717171717171721012640261961;0.013636363636363635701287400082;0.015151515151515151935690539631;0.017676767676767676101823312251;0.022222222222222223070309254922;0.002525252525252525467175379603;0.018686868686868685768276421300;0.007070707070707071134618715291;0.002525252525252525467175379603;0.033333333333333332870740406406;0.017171717171717171268596757727;0.021717171717171718237082700398;0.025757575757575756902895136591;0.045454545454545455807071618892;0.000000000000000000000000000000;0.019696969696969695434729530348;0.007070707070707071134618715291;0.020202020202020203737403036826;0.005555555555555555767577313730;0.002020202020202020200267956085;0.006565656565656565434030422779;0.025757575757575756902895136591;0.003535353535353535567309357646;0.009595959595959595300751487912;0.001515151515151515150200967064;0.001010101010101010100133978042;0.013131313131313130868060845557;0.015151515151515151935690539631;0.000000000000000000000000000000;0.028282828282828284538474861165;0.048989898989898993109104452515;0.014141414141414142269237430583;0.027777777777777776235801354687;0.014646464646464647102463985107;0.009090909090909090467524933388;0.007575757575757575967845269815
-0.006770833333333333564629796797;0.011458333333333332523795711211;0.016145833333333334952408577578;0.532291666666666718477074482507;0.056250000000000001387778780781;0.010937499999999999306110609609;0.001041666666666666652210637700;0.008333333333333333217685101602;0.029166666666666667129259593594;0.008333333333333333217685101602;0.011979166666666667476204288789;0.002604166666666666522106377002;0.003125000000000000173472347598;0.008333333333333333217685101602;0.023958333333333334952408577578;0.009895833333333332870740406406;0.003645833333333333391157449199;0.006770833333333333564629796797;0.016145833333333334952408577578;0.003125000000000000173472347598;0.008333333333333333217685101602;0.014062500000000000346944695195;0.000520833333333333326105318850;0.011979166666666667476204288789;0.013541666666666667129259593594;0.011458333333333332523795711211;0.014062500000000000346944695195;0.005729166666666666261897855605;0.000520833333333333326105318850;0.014062500000000000346944695195;0.008333333333333333217685101602;0.004687499999999999826527652402;0.007812500000000000000000000000;0.003645833333333333391157449199;0.003125000000000000173472347598;0.007812500000000000000000000000;0.000520833333333333326105318850;0.007291666666666666782314898398;0.004166666666666666608842550801;0.006250000000000000346944695195;0.003125000000000000173472347598;0.014583333333333333564629796797;0.000000000000000000000000000000;0.006250000000000000346944695195;0.027604166666666665741480812812;0.003125000000000000173472347598;0.009895833333333332870740406406;0.004687499999999999826527652402;0.005729166666666666261897855605;0.006770833333333333564629796797
-0.013541666666666667129259593594;0.003645833333333333391157449199;0.037499999999999998612221219219;0.502604166666666629659232512495;0.008854166666666666435370203203;0.010416666666666666088425508008;0.003125000000000000173472347598;0.011458333333333332523795711211;0.025000000000000001387778780781;0.009374999999999999653055304805;0.009374999999999999653055304805;0.009374999999999999653055304805;0.008854166666666666435370203203;0.017187500000000001387778780781;0.003125000000000000173472347598;0.011458333333333332523795711211;0.011458333333333332523795711211;0.014583333333333333564629796797;0.006770833333333333564629796797;0.008854166666666666435370203203;0.007291666666666666782314898398;0.027083333333333334258519187188;0.006770833333333333564629796797;0.013020833333333333911574491992;0.017187500000000001387778780781;0.012500000000000000693889390391;0.013541666666666667129259593594;0.000520833333333333326105318850;0.000520833333333333326105318850;0.008854166666666666435370203203;0.007291666666666666782314898398;0.004166666666666666608842550801;0.004166666666666666608842550801;0.005208333333333333044212754004;0.008854166666666666435370203203;0.015625000000000000000000000000;0.005729166666666666261897855605;0.004166666666666666608842550801;0.018229166666666667823148983985;0.015104166666666666782314898398;0.002083333333333333304421275400;0.008333333333333333217685101602;0.000000000000000000000000000000;0.006250000000000000346944695195;0.004166666666666666608842550801;0.005729166666666666261897855605;0.014583333333333333564629796797;0.014062500000000000346944695195;0.014062500000000000346944695195;0.008333333333333333217685101602
-0.051666666666666666296592325125;0.005555555555555555767577313730;0.061111111111111109106541761093;0.000000000000000000000000000000;0.000000000000000000000000000000;0.017222222222222222098864108375;0.002222222222222222220294751693;0.023333333333333334397297065266;0.017777777777777777762358013547;0.020555555555555556079827539406;0.021666666666666667406815349750;0.007222222222222221890697291258;0.026111111111111112714766591125;0.058888888888888886452566140406;0.005000000000000000104083408559;0.020555555555555556079827539406;0.014444444444444443781394582516;0.032777777777777780676693453188;0.008888888888888888881179006773;0.013888888888888888117900677344;0.021666666666666667406815349750;0.018333333333333333425851918719;0.021666666666666667406815349750;0.031666666666666669349705642844;0.032222222222222221543752596062;0.038333333333333330372738601000;0.031111111111111110216764785719;0.001666666666666666773641281019;0.003333333333333333547282562037;0.011666666666666667198648532633;0.007777777777777777554191196430;0.013888888888888888117900677344;0.015555555555555555108382392859;0.012777777777777778525636342977;0.043333333333333334813630699500;0.035555555555555555524716027094;0.018888888888888889089345823891;0.011666666666666667198648532633;0.007222222222222221890697291258;0.025000000000000001387778780781;0.001111111111111111110147375847;0.003333333333333333547282562037;0.000000000000000000000000000000;0.022777777777777778733803160094;0.001111111111111111110147375847;0.022777777777777778733803160094;0.029444444444444443226283070203;0.029444444444444443226283070203;0.056666666666666663798590519718;0.021111111111111111743321444578
-0.019444444444444444752839729063;0.004444444444444444440589503387;0.052777777777777777623580135469;0.143333333333333340364745822626;0.005000000000000000104083408559;0.016111111111111110771876298031;0.003333333333333333547282562037;0.016666666666666666435370203203;0.076111111111111115490324152688;0.013333333333333334189130248149;0.016111111111111110771876298031;0.010555555555555555871660722289;0.016111111111111110771876298031;0.029999999999999998889776975375;0.007222222222222221890697291258;0.013333333333333334189130248149;0.022222222222222223070309254922;0.033333333333333332870740406406;0.013333333333333334189130248149;0.011111111111111111535154627461;0.010555555555555555871660722289;0.047222222222222220988641083750;0.013888888888888888117900677344;0.025555555555555557051272685953;0.030555555555555554553270880547;0.025000000000000001387778780781;0.022777777777777778733803160094;0.005000000000000000104083408559;0.000555555555555555555073687923;0.008888888888888888881179006773;0.006666666666666667094565124074;0.008888888888888888881179006773;0.010555555555555555871660722289;0.009444444444444444544672911945;0.021666666666666667406815349750;0.026111111111111112714766591125;0.008888888888888888881179006773;0.007777777777777777554191196430;0.034444444444444444197728216750;0.026666666666666668378260496297;0.002777777777777777883788656865;0.016111111111111110771876298031;0.000000000000000000000000000000;0.008888888888888888881179006773;0.005555555555555555767577313730;0.009444444444444444544672911945;0.022777777777777778733803160094;0.020000000000000000416333634234;0.028333333333333331899295259859;0.011111111111111111535154627461
-0.023118279569892472014025486260;0.004838709677419355051353200281;0.040860215053763443426859680585;0.294086021505376327134229086369;0.009139784946236559348697880978;0.013440860215053763646042561675;0.005376344086021505805361719865;0.015591397849462364927353164035;0.066666666666666665741480812812;0.019892473118279570959421320708;0.008602150537634408594689361394;0.011827956989247311384017002922;0.004301075268817204297344680697;0.021505376344086023221446879461;0.015053763440860215908068120427;0.013978494623655914400051081259;0.014516129032258065154059600843;0.022043010752688170506008447092;0.011290322580645160630008483338;0.004301075268817204297344680697;0.010752688172043011610723439730;0.017741935483870967943387242372;0.000537634408602150537168085087;0.028494623655913979554110682102;0.029569892473118281062127721270;0.026881720430107527292085123349;0.020430107526881721713429840293;0.004838709677419355051353200281;0.001612903225806451611504255261;0.010752688172043011610723439730;0.010215053763440860856714920146;0.020430107526881721713429840293;0.004301075268817204297344680697;0.006989247311827957200025540629;0.002150537634408602148672340348;0.025806451612903225784068084181;0.005376344086021505805361719865;0.009139784946236559348697880978;0.004301075268817204297344680697;0.006989247311827957200025540629;0.005913978494623655692008501461;0.027419354838709678046093642934;0.000000000000000000000000000000;0.015591397849462364927353164035;0.011290322580645160630008483338;0.016129032258064515681361683619;0.030107526881720431816136240855;0.009677419354838710102706400562;0.004301075268817204297344680697;0.011827956989247311384017002922
-0.019791666666666665741480812812;0.003125000000000000173472347598;0.050520833333333334258519187188;0.311458333333333337034076748751;0.012500000000000000693889390391;0.014062500000000000346944695195;0.008333333333333333217685101602;0.014583333333333333564629796797;0.049479166666666664353702032031;0.019791666666666665741480812812;0.011458333333333332523795711211;0.015625000000000000000000000000;0.005208333333333333044212754004;0.020833333333333332176851016015;0.010416666666666666088425508008;0.018229166666666667823148983985;0.010416666666666666088425508008;0.017708333333333332870740406406;0.012500000000000000693889390391;0.003645833333333333391157449199;0.009374999999999999653055304805;0.023958333333333334952408577578;0.003645833333333333391157449199;0.022395833333333333564629796797;0.019270833333333334258519187188;0.016666666666666666435370203203;0.021874999999999998612221219219;0.002083333333333333304421275400;0.001562500000000000086736173799;0.008854166666666666435370203203;0.015104166666666666782314898398;0.018229166666666667823148983985;0.002083333333333333304421275400;0.007812500000000000000000000000;0.005208333333333333044212754004;0.023958333333333334952408577578;0.007291666666666666782314898398;0.010937499999999999306110609609;0.006770833333333333564629796797;0.008854166666666666435370203203;0.005729166666666666261897855605;0.025520833333333332870740406406;0.000000000000000000000000000000;0.021874999999999998612221219219;0.007812500000000000000000000000;0.015625000000000000000000000000;0.017187500000000001387778780781;0.019270833333333334258519187188;0.007291666666666666782314898398;0.014062500000000000346944695195
-0.017708333333333332870740406406;0.003645833333333333391157449199;0.036458333333333335646297967969;0.377083333333333325931846502499;0.010937499999999999306110609609;0.011458333333333332523795711211;0.003125000000000000173472347598;0.011458333333333332523795711211;0.042187500000000002775557561563;0.020312500000000000693889390391;0.005729166666666666261897855605;0.015625000000000000000000000000;0.001562500000000000086736173799;0.025000000000000001387778780781;0.010937499999999999306110609609;0.013541666666666667129259593594;0.017187500000000001387778780781;0.012500000000000000693889390391;0.012500000000000000693889390391;0.006250000000000000346944695195;0.010416666666666666088425508008;0.015104166666666666782314898398;0.001041666666666666652210637700;0.035416666666666665741480812812;0.021874999999999998612221219219;0.022916666666666665047591422422;0.015625000000000000000000000000;0.003125000000000000173472347598;0.000520833333333333326105318850;0.018749999999999999306110609609;0.013541666666666667129259593594;0.014062500000000000346944695195;0.003125000000000000173472347598;0.005729166666666666261897855605;0.004687499999999999826527652402;0.025520833333333332870740406406;0.006770833333333333564629796797;0.004687499999999999826527652402;0.007291666666666666782314898398;0.003645833333333333391157449199;0.003125000000000000173472347598;0.012500000000000000693889390391;0.000000000000000000000000000000;0.012500000000000000693889390391;0.010416666666666666088425508008;0.010937499999999999306110609609;0.027083333333333334258519187188;0.010937499999999999306110609609;0.007291666666666666782314898398;0.016145833333333334952408577578
-0.015517241379310344612241223672;0.004022988505747126380951428359;0.035632183908045976516998365469;0.305172413793103447510191017500;0.010919540229885057319725305547;0.012643678160919540054418774844;0.002873563218390804557822448828;0.012068965517241379142854285078;0.083333333333333328707404064062;0.021264367816091953727886121328;0.010344827586206896408160815781;0.009770114942528735496596326016;0.004597701149425287292515918125;0.022988505747126436462579590625;0.009770114942528735496596326016;0.016666666666666666435370203203;0.012068965517241379142854285078;0.014942528735632183700676733906;0.008045977011494252761902856719;0.003448275862068965469386938594;0.010919540229885057319725305547;0.024137931034482758285708570156;0.000574712643678160911564489766;0.032758620689655175428622868594;0.018390804597701149170063672500;0.030459770114942528312917957578;0.013218390804597700965983264609;0.005747126436781609115644897656;0.002298850574712643646257959062;0.008620689655172413673467346484;0.006896551724137930938773877187;0.019540229885057470993192652031;0.001724137931034482734693469297;0.004597701149425287292515918125;0.003448275862068965469386938594;0.022413793103448275551015100859;0.006896551724137930938773877187;0.006321839080459770027209387422;0.010344827586206896408160815781;0.002298850574712643646257959062;0.005172413793103448204080407891;0.030459770114942528312917957578;0.000000000000000000000000000000;0.018390804597701149170063672500;0.010344827586206896408160815781;0.015517241379310344612241223672;0.033333333333333332870740406406;0.015517241379310344612241223672;0.007471264367816091850338366953;0.016091954022988505523805713437
-0.015476190476190476719153821250;0.010119047619047619526733150508;0.055952380952380954826086423282;0.241666666666666668517038374375;0.009523809523809524668624959531;0.016071428571428569842538536250;0.002976190476190476025264430859;0.014880952380952380126322154297;0.074404761904761904101057723437;0.025595238095238094511163495781;0.011309523809523809242949532461;0.006547619047619047775998790684;0.004761904761904762334312479766;0.025000000000000001387778780781;0.013095238095238095551997581367;0.020238095238095239053466301016;0.017261904761904763028201870156;0.020833333333333332176851016015;0.008333333333333333217685101602;0.003571428571428571317053490830;0.011904761904761904101057723437;0.022619047619047618485899064922;0.002380952380952381167156239883;0.033928571428571425994125121406;0.024404761904761904794947113828;0.027380952380952380820211544687;0.017261904761904763028201870156;0.012500000000000000693889390391;0.001190476190476190583578119941;0.006547619047619047775998790684;0.009523809523809524668624959531;0.019047619047619049337249919063;0.005952380952380952050528861719;0.001785714285714285658526745415;0.004761904761904762334312479766;0.027380952380952380820211544687;0.005357142857142857192420670742;0.010714285714285714384841341484;0.005357142857142857192420670742;0.005357142857142857192420670742;0.006547619047619047775998790684;0.043452380952380950662750080937;0.000000000000000000000000000000;0.021428571428571428769682682969;0.008333333333333333217685101602;0.013095238095238095551997581367;0.028571428571428570536427926640;0.010714285714285714384841341484;0.005357142857142857192420670742;0.009523809523809524668624959531
-0.017171717171717171268596757727;0.007575757575757575967845269815;0.042929292929292928171491894318;0.246969696969696977939534576763;0.007070707070707071134618715291;0.011616161616161616368381181985;0.007070707070707071134618715291;0.017676767676767676101823312251;0.085353535353535348040310282158;0.024242424242424242403215473018;0.016666666666666666435370203203;0.005555555555555555767577313730;0.007575757575757575967845269815;0.022222222222222223070309254922;0.012626262626262626034834291033;0.020202020202020203737403036826;0.020202020202020203737403036826;0.020707070707070708570629591350;0.010606060606060606701928072937;0.005555555555555555767577313730;0.007070707070707071134618715291;0.027777777777777776235801354687;0.001515151515151515150200967064;0.029292929292929294204927970213;0.020707070707070708570629591350;0.033333333333333332870740406406;0.029292929292929294204927970213;0.002525252525252525467175379603;0.000000000000000000000000000000;0.009595959595959595300751487912;0.005555555555555555767577313730;0.015151515151515151935690539631;0.003030303030303030300401934127;0.007575757575757575967845269815;0.002020202020202020200267956085;0.026767676767676766569348245639;0.006565656565656565434030422779;0.009090909090909090467524933388;0.009090909090909090467524933388;0.006060606060606060600803868255;0.009090909090909090467524933388;0.021717171717171718237082700398;0.000000000000000000000000000000;0.021212121212121213403856145874;0.013636363636363635701287400082;0.010606060606060606701928072937;0.027272727272727271402574800163;0.010606060606060606701928072937;0.006060606060606060600803868255;0.018181818181818180935049866775
-0.017156862745098040712310449862;0.002450980392156862711083853412;0.031372549019607842701873323676;0.317647058823529393478679594409;0.009313725490196078302118642966;0.014705882352941176266503120473;0.004411764705882352879950936142;0.013725490196078431182069579108;0.068627450980392162849241799449;0.018627450980392156604237285933;0.015686274509803921350936661838;0.016666666666666666435370203203;0.006862745098039215591034789554;0.024019607843137256303345239417;0.015686274509803921350936661838;0.018137254901960785796743991227;0.012254901960784313555419267061;0.014215686274509803724286349791;0.008823529411764705759901872284;0.001960784313725490168867082730;0.012745098039215686097636037744;0.017647058823529411519803744568;0.000000000000000000000000000000;0.033333333333333332870740406406;0.024019607843137256303345239417;0.019117647058823530881177532592;0.022058823529411766134478156687;0.008333333333333333217685101602;0.002941176470588235253300624095;0.009313725490196078302118642966;0.021078431372549021050044615322;0.020588235294117646773104368663;0.002450980392156862711083853412;0.004901960784313725422167706824;0.002941176470588235253300624095;0.023529411764705882026404992757;0.003431372549019607795517394777;0.013725490196078431182069579108;0.003921568627450980337734165460;0.002941176470588235253300624095;0.003431372549019607795517394777;0.024509803921568627110838534122;0.000000000000000000000000000000;0.011764705882352941013202496379;0.011764705882352941013202496379;0.017647058823529411519803744568;0.017156862745098040712310449862;0.014705882352941176266503120473;0.005882352941176470506601248189;0.011764705882352941013202496379
-0.014705882352941176266503120473;0.004411764705882352879950936142;0.037745098039215684015967866571;0.399019607843137280589473903092;0.009313725490196078302118642966;0.011764705882352941013202496379;0.004411764705882352879950936142;0.011764705882352941013202496379;0.034803921568627452232114194430;0.019117647058823530881177532592;0.008333333333333333217685101602;0.021078431372549021050044615322;0.001960784313725490168867082730;0.019607843137254901688670827298;0.009313725490196078302118642966;0.016666666666666666435370203203;0.016176470588235295627876908497;0.014705882352941176266503120473;0.008333333333333333217685101602;0.001960784313725490168867082730;0.012254901960784313555419267061;0.019117647058823530881177532592;0.000000000000000000000000000000;0.025980392156862746472212322146;0.027941176470588236641079404876;0.025490196078431372195272075487;0.019117647058823530881177532592;0.001470588235294117626650312047;0.000490196078431372542216770682;0.009803921568627450844335413649;0.018627450980392156604237285933;0.012254901960784313555419267061;0.003921568627450980337734165460;0.005392156862745097964384477507;0.001960784313725490168867082730;0.018137254901960785796743991227;0.003431372549019607795517394777;0.009313725490196078302118642966;0.000490196078431372542216770682;0.004901960784313725422167706824;0.003921568627450980337734165460;0.007843137254901960675468330919;0.000000000000000000000000000000;0.020098039215686275965611073957;0.007843137254901960675468330919;0.017156862745098040712310449862;0.023529411764705882026404992757;0.013235294117647058639852808426;0.006862745098039215591034789554;0.014215686274509803724286349791
-0.019117647058823530881177532592;0.005392156862745097964384477507;0.046568627450980393245316690809;0.273039215686274483463336082423;0.008823529411764705759901872284;0.012254901960784313555419267061;0.002450980392156862711083853412;0.016176470588235295627876908497;0.058823529411764705066012481893;0.023529411764705882026404992757;0.012745098039215686097636037744;0.008823529411764705759901872284;0.001960784313725490168867082730;0.024019607843137256303345239417;0.013235294117647058639852808426;0.017156862745098040712310449862;0.020098039215686275965611073957;0.012254901960784313555419267061;0.005392156862745097964384477507;0.004901960784313725422167706824;0.015686274509803921350936661838;0.026960784313725491556645863511;0.000000000000000000000000000000;0.035784313725490193847100783842;0.023039215686274511218911698052;0.029901960784313726809946487606;0.021568627450980391857537910028;0.004411764705882352879950936142;0.002450980392156862711083853412;0.007352941176470588133251560237;0.009313725490196078302118642966;0.024509803921568627110838534122;0.001960784313725490168867082730;0.009313725490196078302118642966;0.003921568627450980337734165460;0.025980392156862746472212322146;0.007843137254901960675468330919;0.010294117647058823386552184331;0.006862745098039215591034789554;0.004901960784313725422167706824;0.003431372549019607795517394777;0.024509803921568627110838534122;0.000000000000000000000000000000;0.027941176470588236641079404876;0.005882352941176470506601248189;0.019607843137254901688670827298;0.026960784313725491556645863511;0.016176470588235295627876908497;0.002941176470588235253300624095;0.013725490196078431182069579108
-0.017171717171717171268596757727;0.004545454545454545233762466694;0.056565656565656569076949722330;0.227272727272727265157570286647;0.005050505050505050934350759206;0.012121212121212121201607736509;0.004040404040404040400535912170;0.015656565656565656768917094155;0.074747474747474743073105685198;0.035858585858585860506320130980;0.010101010101010101868701518413;0.009090909090909090467524933388;0.004040404040404040400535912170;0.022222222222222223070309254922;0.011616161616161616368381181985;0.016161616161616161602143648679;0.021717171717171718237082700398;0.020202020202020203737403036826;0.012121212121212121201607736509;0.002020202020202020200267956085;0.010101010101010101868701518413;0.026767676767676766569348245639;0.000505050505050505050066989021;0.040404040404040407474806073651;0.023232323232323232736762363970;0.029292929292929294204927970213;0.021212121212121213403856145874;0.004545454545454545233762466694;0.000505050505050505050066989021;0.008080808080808080801071824339;0.008080808080808080801071824339;0.022727272727272727903535809446;0.002525252525252525467175379603;0.007070707070707071134618715291;0.005050505050505050934350759206;0.033838383838383841173413912884;0.008585858585858585634298378864;0.009090909090909090467524933388;0.004040404040404040400535912170;0.005050505050505050934350759206;0.004545454545454545233762466694;0.015151515151515151935690539631;0.000000000000000000000000000000;0.024747474747474747236442027543;0.012121212121212121201607736509;0.014141414141414142269237430583;0.035353535353535352203646624503;0.017676767676767676101823312251;0.006060606060606060600803868255;0.017171717171717171268596757727
-0.021874999999999998612221219219;0.001562500000000000086736173799;0.042187500000000002775557561563;0.270833333333333314829616256247;0.008854166666666666435370203203;0.015104166666666666782314898398;0.003645833333333333391157449199;0.013541666666666667129259593594;0.048958333333333332870740406406;0.029166666666666667129259593594;0.010937499999999999306110609609;0.012500000000000000693889390391;0.005208333333333333044212754004;0.026041666666666667823148983985;0.004166666666666666608842550801;0.014062500000000000346944695195;0.019270833333333334258519187188;0.017187500000000001387778780781;0.008854166666666666435370203203;0.004687499999999999826527652402;0.011458333333333332523795711211;0.026562499999999999306110609609;0.001041666666666666652210637700;0.039583333333333331482961625625;0.026041666666666667823148983985;0.029687499999999998612221219219;0.022916666666666665047591422422;0.008854166666666666435370203203;0.000000000000000000000000000000;0.013020833333333333911574491992;0.008333333333333333217685101602;0.017187500000000001387778780781;0.004166666666666666608842550801;0.007291666666666666782314898398;0.003645833333333333391157449199;0.029166666666666667129259593594;0.005729166666666666261897855605;0.009895833333333332870740406406;0.004166666666666666608842550801;0.005729166666666666261897855605;0.003125000000000000173472347598;0.018229166666666667823148983985;0.000000000000000000000000000000;0.030729166666666665047591422422;0.009895833333333332870740406406;0.014062500000000000346944695195;0.032291666666666669904817155157;0.017708333333333332870740406406;0.007291666666666666782314898398;0.013541666666666667129259593594
-0.017171717171717171268596757727;0.004040404040404040400535912170;0.033333333333333332870740406406;0.307575757575757557926721119657;0.007070707070707071134618715291;0.013636363636363635701287400082;0.003535353535353535567309357646;0.016161616161616161602143648679;0.061616161616161617409215267571;0.020707070707070708570629591350;0.011111111111111111535154627461;0.006060606060606060600803868255;0.004545454545454545233762466694;0.025252525252525252069668582067;0.006565656565656565434030422779;0.015151515151515151935690539631;0.020202020202020203737403036826;0.020202020202020203737403036826;0.011111111111111111535154627461;0.004545454545454545233762466694;0.012626262626262626034834291033;0.028787878787878789371701415689;0.001010101010101010100133978042;0.036868686868686870172773240029;0.016666666666666666435370203203;0.030808080808080808704607633786;0.024747474747474747236442027543;0.005555555555555555767577313730;0.002525252525252525467175379603;0.005555555555555555767577313730;0.006060606060606060600803868255;0.018181818181818180935049866775;0.003535353535353535567309357646;0.009090909090909090467524933388;0.004545454545454545233762466694;0.026262626262626261736121691115;0.005555555555555555767577313730;0.007575757575757575967845269815;0.004545454545454545233762466694;0.005050505050505050934350759206;0.003535353535353535567309357646;0.020707070707070708570629591350;0.000000000000000000000000000000;0.018686868686868685768276421300;0.011616161616161616368381181985;0.019191919191919190601502975824;0.030303030303030303871381079261;0.009090909090909090467524933388;0.005555555555555555767577313730;0.016161616161616161602143648679
-0.020202020202020203737403036826;0.006565656565656565434030422779;0.036868686868686870172773240029;0.284848484848484850839867021932;0.004545454545454545233762466694;0.016161616161616161602143648679;0.006060606060606060600803868255;0.016161616161616161602143648679;0.041919191919191918505038785270;0.026262626262626261736121691115;0.015151515151515151935690539631;0.010101010101010101868701518413;0.005050505050505050934350759206;0.023737373737373737569988918494;0.011616161616161616368381181985;0.021717171717171718237082700398;0.015656565656565656768917094155;0.019191919191919190601502975824;0.008585858585858585634298378864;0.002525252525252525467175379603;0.008080808080808080801071824339;0.016666666666666666435370203203;0.001010101010101010100133978042;0.038383838383838381203005951647;0.028282828282828284538474861165;0.032828282828282831506960803836;0.018181818181818180935049866775;0.005555555555555555767577313730;0.002525252525252525467175379603;0.005555555555555555767577313730;0.011616161616161616368381181985;0.025757575757575756902895136591;0.003535353535353535567309357646;0.008080808080808080801071824339;0.002020202020202020200267956085;0.024747474747474747236442027543;0.007575757575757575967845269815;0.009090909090909090467524933388;0.003030303030303030300401934127;0.008585858585858585634298378864;0.004545454545454545233762466694;0.023232323232323232736762363970;0.000000000000000000000000000000;0.027777777777777776235801354687;0.004545454545454545233762466694;0.019191919191919190601502975824;0.023232323232323232736762363970;0.018686868686868685768276421300;0.006565656565656565434030422779;0.018181818181818180935049866775
-0.021951219512195120631137257305;0.004065040650406504495195658677;0.040650406504065039747786158841;0.331300813008130079495572317683;0.004065040650406504495195658677;0.011788617886178862428914193572;0.002439024390243902436908873810;0.010569105691056910126257584182;0.051626016260162603532801739448;0.020731707317073171797927599869;0.008943089430894309369013406297;0.012601626016260162807536282514;0.004065040650406504495195658677;0.026829268292682926372316742913;0.010162601626016259936946539710;0.018292682926829267192614381088;0.017886178861788618738026812593;0.015853658536585366056748114261;0.008536585365853659179702361826;0.008943089430894309369013406297;0.011382113821138212239603149101;0.015040650406504065678126025318;0.002032520325203252247597829339;0.035772357723577237476053625187;0.023577235772357724857828387144;0.026422764227642277917729174419;0.017479674796747966813992292145;0.001626016260162601624605915873;0.002032520325203252247597829339;0.008943089430894309369013406297;0.008130081300813008990391317354;0.020731707317073171797927599869;0.002439024390243902436908873810;0.004878048780487804873817747620;0.002032520325203252247597829339;0.029674796747967479432217530189;0.004065040650406504495195658677;0.010162601626016259936946539710;0.004878048780487804873817747620;0.005284552845528455063128792091;0.006097560975609756309112619022;0.019105691056910567571236470030;0.000000000000000000000000000000;0.022357723577235772555171777753;0.009756097560975609747635495239;0.016260162601626017980782634709;0.030081300813008131356252050637;0.015447154471544715867437069790;0.005691056910569106119801574550;0.007317073170731707744407490424
-0.015217391304347826705423152305;0.004710144927536232158093998379;0.044927536231884057649210717500;0.314130434782608713994989102503;0.006521739130434782254208680996;0.010144927536231883313799784219;0.005434782608695652023067523828;0.013405797101449274874584993711;0.072463768115942031600162920313;0.019202898550724638998543625235;0.013043478260869564508417361992;0.013043478260869564508417361992;0.002898550724637681194617577773;0.021739130434782608092270095312;0.012318840579710145510805574531;0.020289855072463766627599568437;0.020289855072463766627599568437;0.017391304347826087167705466641;0.009782608695652174682355628477;0.005072463768115941656899892109;0.010507246376811593679967415937;0.027173913043478260115337619141;0.001811594202898550746635986108;0.026811594202898549749169987422;0.021014492753623187359934831875;0.022101449275362318458437727031;0.023188405797101449556940622188;0.005072463768115941656899892109;0.003623188405797101493271972217;0.008333333333333333217685101602;0.011231884057971014412302679375;0.014492753623188405973087888867;0.003985507246376811425758734941;0.005434782608695652023067523828;0.002173913043478260895963183330;0.019927536231884056261431936719;0.004347826086956521791926366660;0.006884057971014492620376312715;0.011956521739130435144637942813;0.003260869565217391127104340498;0.005072463768115941656899892109;0.031521739130434781039902247812;0.000000000000000000000000000000;0.014855072463768116339255520586;0.009057971014492753950020365039;0.014492753623188405973087888867;0.019927536231884056261431936719;0.011956521739130435144637942813;0.009420289855072464316187996758;0.008333333333333333217685101602
-0.020175438596491228337992396291;0.004678362573099415291921765458;0.057017543859649119641908043832;0.228362573099415211430596173159;0.009649122807017544364849293004;0.009941520467836258145855055091;0.004678362573099415291921765458;0.015497076023391813046070630833;0.045906432748538013310923844301;0.032163742690058477746717358059;0.011403508771929825316160389548;0.008479532163742689240826244657;0.003801169590643274816266217186;0.030701754385964910576412023602;0.007894736842105263413538196460;0.023684210526315790240614589379;0.019298245614035088729698586008;0.018128654970760233605675537660;0.011111111111111111535154627461;0.004678362573099415291921765458;0.011111111111111111535154627461;0.020760233918128655900003920465;0.000877192982456140367235331023;0.054385964912280704286473564935;0.023976608187134502286896875489;0.029532163742690058921835927208;0.028947368421052631359824403035;0.004093567251461988597271979273;0.002046783625730994298635989637;0.007309941520467835851526672286;0.008479532163742689240826244657;0.021637426900584795508297730748;0.002923976608187134340610668914;0.007309941520467835851526672286;0.003216374269005848121616431001;0.027777777777777776235801354687;0.005847953216374268681221337829;0.011111111111111111535154627461;0.005555555555555555767577313730;0.003801169590643274816266217186;0.007017543859649122937882648188;0.026315789473684209065496020230;0.000000000000000000000000000000;0.023684210526315790240614589379;0.005263157894736841986571551644;0.016959064327485378481652489313;0.031578947368421053654152785839;0.018421052631578945651957823770;0.009356725146198830583843530917;0.013450292397660818313753772202
-0.013333333333333334189130248149;0.013888888888888888117900677344;0.038055555555555557745162076344;0.276944444444444437536390068999;0.014722222222222221613141535101;0.009444444444444444544672911945;0.004444444444444444440589503387;0.014166666666666665949647629930;0.059999999999999997779553950750;0.014722222222222221613141535101;0.010833333333333333703407674875;0.009166666666666666712925959359;0.008611111111111111049432054187;0.021666666666666667406815349750;0.017500000000000001665334536938;0.016111111111111110771876298031;0.017777777777777777762358013547;0.026388888888888888811790067734;0.010000000000000000208166817117;0.004722222222222222272336455973;0.011944444444444445030395485219;0.023611111111111110494320541875;0.004444444444444444440589503387;0.024166666666666666157814447047;0.018333333333333333425851918719;0.017500000000000001665334536938;0.020000000000000000416333634234;0.018888888888888889089345823891;0.002222222222222222220294751693;0.009722222222222222376419864531;0.005555555555555555767577313730;0.013333333333333334189130248149;0.005833333333333333599324266316;0.008055555555555555385938149016;0.007777777777777777554191196430;0.019444444444444444752839729063;0.007222222222222221890697291258;0.011111111111111111535154627461;0.016944444444444446001840631766;0.011944444444444445030395485219;0.007499999999999999722444243844;0.041666666666666664353702032031;0.000000000000000000000000000000;0.015555555555555555108382392859;0.010000000000000000208166817117;0.013333333333333334189130248149;0.017777777777777777762358013547;0.012777777777777778525636342977;0.010833333333333333703407674875;0.010000000000000000208166817117
-0.032471264367816089768670195781;0.016954022988505748625875924063;0.042528735632183907455772242656;0.108620689655172408816241613749;0.013218390804597700965983264609;0.025000000000000001387778780781;0.007758620689655172306120611836;0.027011494252873562843531018984;0.022413793103448275551015100859;0.016379310344827587714311434297;0.013793103448275861877547754375;0.020114942528735631904757141797;0.019252873563218392272133883125;0.026436781609195401931966529219;0.022988505747126436462579590625;0.021551724137931035918391842188;0.020114942528735631904757141797;0.033620689655172411591799175312;0.029022988505747127768730209141;0.006321839080459770027209387422;0.018390804597701149170063672500;0.016954022988505748625875924063;0.006321839080459770027209387422;0.021839080459770114639450611094;0.025000000000000001387778780781;0.020402298850574714095262862656;0.029597701149425288680294698906;0.018678160919540231360569393360;0.004022988505747126380951428359;0.024137931034482758285708570156;0.020977011494252875006827352422;0.014655172413793103244894489023;0.012931034482758620510201019727;0.003735632183908045925169183477;0.017816091954022988258499182734;0.027586206896551723755095508750;0.013218390804597700965983264609;0.014080459770114942333329999258;0.006896551724137930938773877187;0.015229885057471264156458978789;0.007183908045977011394556122070;0.016379310344827587714311434297;0.000000000000000000000000000000;0.011206896551724137775507550430;0.018103448275862070449004903594;0.018103448275862070449004903594;0.023563218390804597374144080391;0.015804597701149426802746944531;0.018678160919540231360569393360;0.012931034482758620510201019727
-0.036403508771929826703939170329;0.009649122807017544364849293004;0.032017543859649125193023166958;0.004385964912280701510916003372;0.020614035087719299876862777410;0.050438596491228067375534038774;0.007017543859649122937882648188;0.027631578947368420212660211632;0.017543859649122806043664013487;0.021491228070175439485156587693;0.025000000000000001387778780781;0.031140350877192982115282404720;0.021491228070175439485156587693;0.020175438596491228337992396291;0.015350877192982455288206011801;0.031578947368421053654152785839;0.011842105263157895120307294690;0.039035087719298248998267553134;0.039473684210526313598244030345;0.003947368421052631706769098230;0.026754385964912280604366401349;0.014035087719298245875765296375;0.009649122807017544364849293004;0.015789473684210526827076392919;0.044736842105263158186900795954;0.025877192982456140996072591065;0.039035087719298248998267553134;0.011842105263157895120307294690;0.000438596491228070183617665512;0.046491228070175437403488416521;0.029385964912280702898694784153;0.010526315789473683973143103287;0.021929824561403507554580016858;0.007456140350877192742029553330;0.017982456140350877582534394605;0.028070175438596491751530592751;0.011842105263157895120307294690;0.013157894736842104532748010115;0.000877192982456140367235331023;0.006578947368421052266374005058;0.008333333333333333217685101602;0.009649122807017544364849293004;0.000000000000000000000000000000;0.013596491228070176071618391234;0.021929824561403507554580016858;0.016666666666666666435370203203;0.025877192982456140996072591065;0.017982456140350877582534394605;0.026754385964912280604366401349;0.010526315789473683973143103287
-0.035277777777777775958245598531;0.023611111111111110494320541875;0.037777777777777778178691647781;0.005000000000000000104083408559;0.020555555555555556079827539406;0.036111111111111107718762980312;0.002500000000000000052041704279;0.029999999999999998889776975375;0.021944444444444443503838826359;0.017222222222222222098864108375;0.022222222222222223070309254922;0.025555555555555557051272685953;0.014999999999999999444888487687;0.021944444444444443503838826359;0.028888888888888887562789165031;0.024166666666666666157814447047;0.020000000000000000416333634234;0.041111111111111112159655078813;0.039166666666666669072149886688;0.008888888888888888881179006773;0.022777777777777778733803160094;0.016388888888888890338346726594;0.009722222222222222376419864531;0.028333333333333331899295259859;0.038611111111111109939209029562;0.025833333333333333148296162562;0.030555555555555554553270880547;0.025000000000000001387778780781;0.000555555555555555555073687923;0.035000000000000003330669073875;0.028055555555555555802271783250;0.012777777777777778525636342977;0.023333333333333334397297065266;0.005277777777777777935830361145;0.010277777777777778039913769703;0.028055555555555555802271783250;0.013333333333333334189130248149;0.017500000000000001665334536938;0.002777777777777777883788656865;0.010000000000000000208166817117;0.011388888888888889366901580047;0.012777777777777778525636342977;0.000000000000000000000000000000;0.012222222222222222862142437805;0.020833333333333332176851016015;0.012500000000000000693889390391;0.023055555555555554830826636703;0.011388888888888889366901580047;0.020000000000000000416333634234;0.014722222222222221613141535101
-0.022592592592592591199673890401;0.017777777777777777762358013547;0.048518518518518516380311211833;0.003333333333333333547282562037;0.005185185185185185036127464286;0.022222222222222223070309254922;0.004074074074074073709139653943;0.029259259259259259161600752464;0.027037037037037036507625131776;0.028148148148148147834612942120;0.014444444444444443781394582516;0.010000000000000000208166817117;0.023703703703703702526661700745;0.033703703703703701000105041885;0.017777777777777777762358013547;0.024074074074074074125473288177;0.025555555555555557051272685953;0.050000000000000002775557561563;0.020000000000000000416333634234;0.008148148148148147418279307885;0.023703703703703702526661700745;0.019629629629629628817522046802;0.014444444444444443781394582516;0.042592592592592591616007524635;0.029999999999999998889776975375;0.028518518518518519433424529552;0.029259259259259259161600752464;0.026296296296296296779448908865;0.001111111111111111110147375847;0.018148148148148149361169600979;0.011111111111111111535154627461;0.025185185185185185452461098521;0.015185185185185185244294281404;0.009629629629629630344078705662;0.020000000000000000416333634234;0.038518518518518521376314822646;0.017037037037037038034181790636;0.012592592592592592726230549260;0.001481481481481481407916356297;0.010370370370370370072254928573;0.007407407407407407690103084974;0.016666666666666666435370203203;0.000000000000000000000000000000;0.025925925925925925180637321432;0.013333333333333334189130248149;0.025925925925925925180637321432;0.025925925925925925180637321432;0.015555555555555555108382392859;0.026296296296296296779448908865;0.012592592592592592726230549260
-0.015277777777777777276635440273;0.015972222222222220988641083750;0.052777777777777777623580135469;0.140277777777777779011358916250;0.028472222222222221682530474141;0.019791666666666665741480812812;0.003819444444444444319158860068;0.019444444444444444752839729063;0.034722222222222223764198645313;0.019791666666666665741480812812;0.012152777777777777970524830664;0.010763888888888888811790067734;0.015972222222222220988641083750;0.024305555555555555941049661328;0.021527777777777777623580135469;0.012152777777777777970524830664;0.028472222222222221682530474141;0.021180555555555556634939051719;0.029166666666666667129259593594;0.007986111111111110494320541875;0.015277777777777777276635440273;0.020138888888888890199568848516;0.010069444444444445099784424258;0.034722222222222223764198645313;0.014583333333333333564629796797;0.018402777777777778317469525859;0.025694444444444443365060948281;0.017708333333333332870740406406;0.001388888888888888941894328433;0.030208333333333333564629796797;0.012500000000000000693889390391;0.020833333333333332176851016015;0.020486111111111111188209932266;0.006250000000000000346944695195;0.016666666666666666435370203203;0.031944444444444441977282167500;0.007986111111111110494320541875;0.007638888888888888638317720137;0.001041666666666666652210637700;0.016319444444444445446729119453;0.007291666666666666782314898398;0.023263888888888889505679458125;0.000000000000000000000000000000;0.014583333333333333564629796797;0.020486111111111111188209932266;0.013194444444444444405895033867;0.023263888888888889505679458125;0.011805555555555555247160270937;0.014236111111111110841265237070;0.007986111111111110494320541875
-0.013333333333333334189130248149;0.002121212121212121427121788386;0.010909090909090909948808700847;0.662121212121212110446322185453;0.013333333333333334189130248149;0.017272727272727272929131459023;0.001212121212121212120160773651;0.004848484848484848480643094604;0.006969696969696969474084013996;0.005757575757575757353923240345;0.006363636363636363847684496164;0.016969696969696971416974307090;0.010606060606060606701928072937;0.009090909090909090467524933388;0.007878787878787879214725897725;0.011212121212121211460965852780;0.003939393939393939607362948863;0.004242424242424242854243576772;0.010000000000000000208166817117;0.001515151515151515150200967064;0.007272727272727272720964641906;0.006666666666666667094565124074;0.002121212121212121427121788386;0.005757575757575757353923240345;0.018181818181818180935049866775;0.009696969696969696961286189207;0.009393939393939393714405561298;0.000606060606060606060080386825;0.000000000000000000000000000000;0.022727272727272727903535809446;0.015757575757575758429451795450;0.001515151515151515150200967064;0.003333333333333333547282562037;0.005151515151515151727523722514;0.005151515151515151727523722514;0.006363636363636363847684496164;0.002424242424242424240321547302;0.006666666666666667094565124074;0.000606060606060606060080386825;0.004242424242424242854243576772;0.003030303030303030300401934127;0.002727272727272727487202175212;0.000000000000000000000000000000;0.003939393939393939607362948863;0.005454545454545454974404350423;0.003636363636363636360482320953;0.009090909090909090467524933388;0.006969696969696969474084013996;0.006666666666666667094565124074;0.005151515151515151727523722514
-0.009027777777777776929690745078;0.012152777777777777970524830664;0.020486111111111111188209932266;0.605555555555555513613796847494;0.010069444444444445099784424258;0.007986111111111110494320541875;0.006250000000000000346944695195;0.012500000000000000693889390391;0.021180555555555556634939051719;0.007291666666666666782314898398;0.006597222222222222202947516934;0.002777777777777777883788656865;0.004513888888888888464845372539;0.008680555555555555941049661328;0.017361111111111111882099322656;0.009027777777777776929690745078;0.005902777777777777623580135469;0.014583333333333333564629796797;0.007638888888888888638317720137;0.001736111111111111014737584668;0.006944444444444444058950338672;0.010069444444444445099784424258;0.001736111111111111014737584668;0.010416666666666666088425508008;0.011458333333333332523795711211;0.008680555555555555941049661328;0.009027777777777776929690745078;0.012152777777777777970524830664;0.000694444444444444470947164216;0.012500000000000000693889390391;0.004166666666666666608842550801;0.003819444444444444319158860068;0.002777777777777777883788656865;0.003472222222222222029475169336;0.003819444444444444319158860068;0.011458333333333332523795711211;0.004166666666666666608842550801;0.003125000000000000173472347598;0.001736111111111111014737584668;0.006944444444444444058950338672;0.005208333333333333044212754004;0.015972222222222220988641083750;0.000000000000000000000000000000;0.006597222222222222202947516934;0.012500000000000000693889390391;0.007291666666666666782314898398;0.010416666666666666088425508008;0.008333333333333333217685101602;0.006597222222222222202947516934;0.006597222222222222202947516934
-0.023188405797101449556940622188;0.019565217391304349364711256953;0.040217391304347822889031505156;0.034782608695652174335410933281;0.027536231884057970481505250859;0.021376811594202897726102463594;0.006521739130434782254208680996;0.017028985507246376801537834922;0.015579710144927537071590784024;0.016666666666666666435370203203;0.016666666666666666435370203203;0.016666666666666666435370203203;0.019927536231884056261431936719;0.037681159420289857264751987032;0.018840579710144928632375993516;0.018115942028985507900040730078;0.019202898550724638998543625235;0.040217391304347822889031505156;0.013768115942028985240752625430;0.009782608695652174682355628477;0.011956521739130435144637942813;0.017753623188405797533873098359;0.017753623188405797533873098359;0.023550724637681159923108253906;0.030434782608695653410846304610;0.022826086956521739190772990469;0.019927536231884056261431936719;0.027173913043478260115337619141;0.006521739130434782254208680996;0.022463768115942028824605358750;0.020289855072463766627599568437;0.018478260869565218266208361797;0.007971014492753622851517469883;0.006884057971014492620376312715;0.034420289855072463969243301563;0.028623188405797101580008146016;0.012318840579710145510805574531;0.014855072463768116339255520586;0.006159420289855072755402787266;0.028985507246376811946175777734;0.006884057971014492620376312715;0.035507246376811595067746196719;0.000000000000000000000000000000;0.018840579710144928632375993516;0.020652173913043476993767200156;0.017028985507246376801537834922;0.025000000000000001387778780781;0.023188405797101449556940622188;0.025362318840579711753946412500;0.014855072463768116339255520586
-0.018018018018018017861736623786;0.045945945945945948496458299815;0.038288288288288285787785980574;0.010360360360360360357234732476;0.013063063063063063209967573641;0.008108108108108108558198523497;0.004054054054054054279099261748;0.050450450450450448625083765819;0.017567567567567568542763467576;0.012162162162162162837297785245;0.012162162162162162837297785245;0.003153153153153153039067735364;0.013063063063063063209967573641;0.023873873873873872886175462327;0.037837837837837839938259776318;0.007207207207207207318166997112;0.036036036036036035723473247572;0.073873873873873868722839119982;0.035135135135135137085526935152;0.010810810810810811410931364662;0.020270270270270271395496308742;0.015315315315315315009003782620;0.033333333333333332870740406406;0.018468468468468467180709779996;0.018918918918918919969129888159;0.014864864864864865690030626411;0.043243243243243245643725458649;0.041441441441441441428938929903;0.000450450450450450457385437320;0.015765765765765764327976938830;0.002702702702702702852732841166;0.013963963963963963582637362038;0.023423423423423423567202306117;0.007207207207207207318166997112;0.014414414414414414636333994224;0.033783783783783785659160514570;0.025225225225225224312541882909;0.004504504504504504465434155946;0.000000000000000000000000000000;0.015765765765765764327976938830;0.016666666666666666435370203203;0.036486486486486488511893355735;0.000000000000000000000000000000;0.007657657657657657504501891310;0.021171171171171170033442621161;0.008558558558558557877171679706;0.018018018018018017861736623786;0.013063063063063063209967573641;0.039189189189189191364626196901;0.004954954954954954651769050145
-0.017777777777777777762358013547;0.017407407407407406163546426114;0.068518518518518520266091798021;0.001481481481481481407916356297;0.006296296296296296363115274630;0.007777777777777777554191196430;0.002962962962962962815832712593;0.029259259259259259161600752464;0.027777777777777776235801354687;0.046666666666666668794594130532;0.008518518518518519017090895318;0.001111111111111111110147375847;0.010740740740740739936343040029;0.040000000000000000832667268469;0.015925925925925926707193980292;0.012962962962962962590318660716;0.040000000000000000832667268469;0.048888888888888891448569751219;0.011481481481481481399242738917;0.012222222222222222862142437805;0.014814814814814815380206169948;0.018888888888888889089345823891;0.014074074074074073917306471060;0.066666666666666665741480812812;0.012222222222222222862142437805;0.039629629629629632703302632990;0.029259259259259259161600752464;0.017407407407407406163546426114;0.001851851851851851922525771243;0.006296296296296296363115274630;0.003333333333333333547282562037;0.037037037037037034981068472916;0.005925925925925925631665425186;0.003703703703703703845051542487;0.016296296296296294836558615771;0.060740740740740740977177125615;0.015185185185185185244294281404;0.006296296296296296363115274630;0.001111111111111111110147375847;0.012592592592592592726230549260;0.013333333333333334189130248149;0.022222222222222223070309254922;0.000000000000000000000000000000;0.032962962962962964741375770927;0.007407407407407407690103084974;0.017407407407407406163546426114;0.041111111111111112159655078813;0.021481481481481479872686080057;0.022592592592592591199673890401;0.010370370370370370072254928573
-0.017500000000000001665334536938;0.020416666666666666296592325125;0.071666666666666670182372911313;0.017083333333333332315628894094;0.024166666666666666157814447047;0.011666666666666667198648532633;0.002916666666666666799662133158;0.024583333333333332038073137937;0.049166666666666664076146275875;0.028333333333333331899295259859;0.015833333333333334674852821422;0.006250000000000000346944695195;0.015416666666666667059870654555;0.027500000000000000138777878078;0.031250000000000000000000000000;0.012083333333333333078907223523;0.032916666666666663521034763562;0.059999999999999997779553950750;0.013333333333333334189130248149;0.011666666666666667198648532633;0.009583333333333332593184650250;0.026249999999999999028554853453;0.007916666666666667337426410711;0.036666666666666666851703837438;0.017916666666666667545593227828;0.026249999999999999028554853453;0.029999999999999998889776975375;0.016666666666666666435370203203;0.002083333333333333304421275400;0.014999999999999999444888487687;0.014999999999999999444888487687;0.025416666666666667268037471672;0.009166666666666666712925959359;0.007916666666666667337426410711;0.016250000000000000555111512313;0.056666666666666663798590519718;0.011249999999999999583666365766;0.007499999999999999722444243844;0.005416666666666666851703837438;0.020000000000000000416333634234;0.010833333333333333703407674875;0.031666666666666669349705642844;0.000000000000000000000000000000;0.011666666666666667198648532633;0.020833333333333332176851016015;0.008333333333333333217685101602;0.020000000000000000416333634234;0.014166666666666665949647629930;0.017083333333333332315628894094;0.008750000000000000832667268469
-0.018137254901960785796743991227;0.017647058823529411519803744568;0.025980392156862746472212322146;0.276470588235294134626940376620;0.025000000000000001387778780781;0.023039215686274511218911698052;0.003921568627450980337734165460;0.019607843137254901688670827298;0.019607843137254901688670827298;0.015196078431372548808719891156;0.012254901960784313555419267061;0.005392156862745097964384477507;0.017156862745098040712310449862;0.020098039215686275965611073957;0.025000000000000001387778780781;0.016176470588235295627876908497;0.017156862745098040712310449862;0.031862745098039213509366618382;0.015196078431372548808719891156;0.009803921568627450844335413649;0.010294117647058823386552184331;0.012254901960784313555419267061;0.004411764705882352879950936142;0.017156862745098040712310449862;0.021568627450980391857537910028;0.019607843137254901688670827298;0.019607843137254901688670827298;0.025980392156862746472212322146;0.002450980392156862711083853412;0.017156862745098040712310449862;0.008823529411764705759901872284;0.010784313725490195928768955014;0.008823529411764705759901872284;0.008823529411764705759901872284;0.016176470588235295627876908497;0.021078431372549021050044615322;0.006372549019607843048818018872;0.014215686274509803724286349791;0.004901960784313725422167706824;0.009803921568627450844335413649;0.009313725490196078302118642966;0.022058823529411766134478156687;0.000000000000000000000000000000;0.011764705882352941013202496379;0.015196078431372548808719891156;0.006372549019607843048818018872;0.016666666666666666435370203203;0.018627450980392156604237285933;0.016666666666666666435370203203;0.008333333333333333217685101602
-0.009166666666666666712925959359;0.015833333333333334674852821422;0.014583333333333333564629796797;0.542083333333333361458983290504;0.054583333333333330927850113312;0.008333333333333333217685101602;0.003749999999999999861222121922;0.014583333333333333564629796797;0.026249999999999999028554853453;0.009583333333333332593184650250;0.004583333333333333356462979680;0.004583333333333333356462979680;0.004583333333333333356462979680;0.007499999999999999722444243844;0.026249999999999999028554853453;0.005416666666666666851703837438;0.013333333333333334189130248149;0.015833333333333334674852821422;0.010416666666666666088425508008;0.004166666666666666608842550801;0.005833333333333333599324266316;0.007083333333333332974823814965;0.000833333333333333386820640509;0.007499999999999999722444243844;0.008333333333333333217685101602;0.004583333333333333356462979680;0.012083333333333333078907223523;0.019583333333333334536074943344;0.000416666666666666693410320255;0.011249999999999999583666365766;0.002916666666666666799662133158;0.009583333333333332593184650250;0.002916666666666666799662133158;0.003749999999999999861222121922;0.002916666666666666799662133158;0.010000000000000000208166817117;0.003333333333333333547282562037;0.006666666666666667094565124074;0.002083333333333333304421275400;0.001666666666666666773641281019;0.003333333333333333547282562037;0.018333333333333333425851918719;0.000000000000000000000000000000;0.007916666666666667337426410711;0.017916666666666667545593227828;0.005833333333333333599324266316;0.010416666666666666088425508008;0.007916666666666667337426410711;0.003749999999999999861222121922;0.005833333333333333599324266316
-0.018055555555555553859381490156;0.047685185185185184619793830052;0.039814814814814816767984950729;0.065740740740740738479175320208;0.041666666666666664353702032031;0.012962962962962962590318660716;0.008333333333333333217685101602;0.024537037037037037756626034479;0.041666666666666664353702032031;0.022685185185185186701462001224;0.012962962962962962590318660716;0.004166666666666666608842550801;0.010648148148148147904001881159;0.018981481481481481121686982760;0.071759259259259258745267118229;0.016203703703703702804217456901;0.017129629629629630066522949505;0.025462962962962961549484575130;0.018518518518518517490534236458;0.006944444444444444058950338672;0.012962962962962962590318660716;0.020370370370370372015145221667;0.010648148148148147904001881159;0.027777777777777776235801354687;0.018981481481481481121686982760;0.020370370370370372015145221667;0.027314814814814816074095560339;0.060185185185185181844236268489;0.003240740740740740647579665179;0.011574074074074073431583897786;0.004166666666666666608842550801;0.014351851851851851749053423646;0.010185185185185186007572610833;0.001851851851851851922525771243;0.014351851851851851749053423646;0.024537037037037037756626034479;0.008333333333333333217685101602;0.012962962962962962590318660716;0.006481481481481481295159330358;0.007870370370370369586532355299;0.011574074074074073431583897786;0.028703703703703703498106847292;0.000000000000000000000000000000;0.010185185185185186007572610833;0.032870370370370369239587660104;0.016666666666666666435370203203;0.019444444444444444752839729063;0.011574074074074073431583897786;0.013888888888888888117900677344;0.010648148148148147904001881159
-0.032478632478632481206393123330;0.005982905982905983334474431246;0.070085470085470086276657752933;0.083760683760683754539577705600;0.000854700854700854700113366036;0.013247863247863247634916739059;0.001709401709401709400226732072;0.014957264957264957902505209120;0.061111111111111109106541761093;0.023504273504273504036277131490;0.016239316239316240603196561665;0.002991452991452991667237215623;0.010256410256410256401360392431;0.049145299145299144172316374579;0.008119658119658120301598280832;0.018376068376068376702958673263;0.023076923076923078204103489952;0.036324786324786327573743704988;0.007692307692307692734701163317;0.014957264957264957902505209120;0.012393162393162392501122504029;0.030769230769230770938804653269;0.011538461538461539102051744976;0.027350427350427350403627713149;0.026923076923076924571454071611;0.035042735042735043138328876466;0.023076923076923078204103489952;0.005982905982905983334474431246;0.000427350427350427350056683018;0.002136752136752136967123849587;0.005128205128205128200680196215;0.025641025641025640136039243089;0.006410256410256410034009810772;0.010256410256410256401360392431;0.024786324786324785002245008059;0.032051282051282048435325577884;0.011111111111111111535154627461;0.007692307692307692734701163317;0.010256410256410256401360392431;0.020512820512820512802720784862;0.003846153846153846367350581659;0.027350427350427350403627713149;0.000000000000000000000000000000;0.019230769230769231836752908293;0.003418803418803418800453464144;0.013247863247863247634916739059;0.035042735042735043138328876466;0.021794871794871793768688661430;0.032905982905982907038566764868;0.018803418803418802535132314802
-0.011711711711711711783601153058;0.004504504504504504465434155946;0.045495495495495495708038191651;0.405405405405405427909926174834;0.004504504504504504465434155946;0.009909909909909909303538100289;0.002702702702702702852732841166;0.013063063063063063209967573641;0.046396396396396394345984504071;0.014864864864864865690030626411;0.007207207207207207318166997112;0.002252252252252252232717077973;0.003153153153153153039067735364;0.025225225225225224312541882909;0.009909909909909909303538100289;0.014414414414414414636333994224;0.020270270270270271395496308742;0.021171171171171170033442621161;0.013963963963963963582637362038;0.005855855855855855891800576529;0.010360360360360360357234732476;0.014414414414414414636333994224;0.004504504504504504465434155946;0.031531531531531528655953877660;0.014414414414414414636333994224;0.019819819819819818607076200578;0.018018018018018017861736623786;0.005855855855855855891800576529;0.000450450450450450457385437320;0.005855855855855855891800576529;0.005405405405405405705465682331;0.013063063063063063209967573641;0.003153153153153153039067735364;0.005405405405405405705465682331;0.006306306306306306078135470727;0.024774774774774774993568726700;0.005405405405405405705465682331;0.007207207207207207318166997112;0.001801801801801801829541749278;0.006756756756756757131832102914;0.007657657657657657504501891310;0.018018018018018017861736623786;0.000000000000000000000000000000;0.013513513513513514263664205828;0.012612612612612612156270941455;0.011711711711711711783601153058;0.015765765765765764327976938830;0.011711711711711711783601153058;0.012162162162162162837297785245;0.010360360360360360357234732476
-0.033333333333333332870740406406;0.010952380952380953021974008266;0.056190476190476193463219090063;0.032380952380952378322209739281;0.006666666666666667094565124074;0.019047619047619049337249919063;0.002857142857142857140378966463;0.016190476190476189161104869640;0.040476190476190478106932602032;0.028571428571428570536427926640;0.020000000000000000416333634234;0.012380952380952381375323057000;0.018095238095238094788719251937;0.048571428571428570952761560875;0.011904761904761904101057723437;0.025238095238095236555464495609;0.025238095238095236555464495609;0.029999999999999998889776975375;0.010476190476190475747708674703;0.010476190476190475747708674703;0.016190476190476189161104869640;0.023333333333333334397297065266;0.007619047619047619041010577234;0.035238095238095235028907836750;0.033809523809523810145005739969;0.035238095238095235028907836750;0.022857142857142857123031731703;0.008571428571428571854817768383;0.001904761904761904760252644309;0.006666666666666667094565124074;0.019047619047619049337249919063;0.023333333333333334397297065266;0.006190476190476190687661528500;0.012380952380952381375323057000;0.021904761904761906043948016531;0.034761904761904764693536407094;0.007142857142857142634106981660;0.017142857142857143709635536766;0.003809523809523809520505288617;0.019047619047619049337249919063;0.004761904761904762334312479766;0.028571428571428570536427926640;0.000000000000000000000000000000;0.016190476190476189161104869640;0.006666666666666667094565124074;0.016190476190476189161104869640;0.044761904761904759697532796281;0.024761904761904762750646114000;0.025238095238095236555464495609;0.017619047619047617514453918375
-0.017948717948717947401338079771;0.011965811965811966668948862491;0.038461538461538463673505816587;0.211965811965811962158667824951;0.029059829059829060671216183209;0.013247863247863247634916739059;0.004700854700854700633783078700;0.018376068376068376702958673263;0.046153846153846156408206979904;0.020512820512820512802720784862;0.011965811965811966668948862491;0.004700854700854700633783078700;0.008974358974358973700669039886;0.026068376068376069437659836581;0.026068376068376069437659836581;0.016239316239316240603196561665;0.018803418803418802535132314802;0.020512820512820512802720784862;0.017521367521367521569164438233;0.010683760683760683968257509946;0.014529914529914530335608091605;0.020940170940170938634894426400;0.007264957264957265167804045802;0.023076923076923078204103489952;0.018376068376068376702958673263;0.024786324786324785002245008059;0.021367521367521367936515019892;0.022649572649572648902482896460;0.000854700854700854700113366036;0.015811965811965811301575968173;0.006837606837606837600906928287;0.013247863247863247634916739059;0.005982905982905983334474431246;0.009401709401709401267566157401;0.010683760683760683968257509946;0.030769230769230770938804653269;0.007264957264957265167804045802;0.007692307692307692734701163317;0.011538461538461539102051744976;0.010683760683760683968257509946;0.006837606837606837600906928287;0.024786324786324785002245008059;0.000000000000000000000000000000;0.014102564102564102768710974090;0.016239316239316240603196561665;0.009401709401709401267566157401;0.026068376068376069437659836581;0.021794871794871793768688661430;0.011965811965811966668948862491;0.011111111111111111535154627461
-0.022222222222222223070309254922;0.014102564102564102768710974090;0.064957264957264962412786246659;0.001282051282051282050170049054;0.043162393162393161705203681322;0.014957264957264957902505209120;0.007692307692307692734701163317;0.014529914529914530335608091605;0.058547008547008547174606007957;0.029914529914529915805010418239;0.017521367521367521569164438233;0.008119658119658120301598280832;0.009829059829059828834463274916;0.038888888888888889505679458125;0.017948717948717947401338079771;0.019230769230769231836752908293;0.026495726495726495269833478119;0.031623931623931622603151936346;0.031623931623931622603151936346;0.005555555555555555767577313730;0.024786324786324785002245008059;0.021367521367521367936515019892;0.005982905982905983334474431246;0.038034188034188030902438271141;0.018376068376068376702958673263;0.023076923076923078204103489952;0.026068376068376069437659836581;0.008547008547008547868495398347;0.001709401709401709400226732072;0.028632478632478631369595589717;0.004700854700854700633783078700;0.025213675213675214303865601551;0.018803418803418802535132314802;0.007264957264957265167804045802;0.011965811965811966668948862491;0.032478632478632481206393123330;0.005982905982905983334474431246;0.007264957264957265167804045802;0.014102564102564102768710974090;0.009401709401709401267566157401;0.008547008547008547868495398347;0.028632478632478631369595589717;0.000000000000000000000000000000;0.026068376068376069437659836581;0.023931623931623933337897724982;0.016666666666666666435370203203;0.035470085470085468970502518005;0.014529914529914530335608091605;0.018803418803418802535132314802;0.015384615384615385469402326635
-0.029545454545454544886817771498;0.007575757575757575967845269815;0.075378787878787878451447568295;0.128030303030303022060465423237;0.004166666666666666608842550801;0.009848484848484847717364765174;0.001515151515151515150200967064;0.012878787878787878451447568295;0.056818181818181816289392571662;0.031439393939393940613502564929;0.009090909090909090467524933388;0.007575757575757575967845269815;0.004166666666666666608842550801;0.038636363636363635354342704886;0.006818181818181817850643700041;0.014393939393939394685850707845;0.029545454545454544886817771498;0.035606060606060606354983377742;0.003787878787878787983922634908;0.010227272727272727209646419055;0.006439393939393939225723784148;0.032954545454545451643735276548;0.002651515151515151675482018234;0.041666666666666664353702032031;0.018560606060606062162054996634;0.032196969696969696128618920739;0.019318181818181817677171352443;0.014393939393939394685850707845;0.001515151515151515150200967064;0.007196969696969697342925353922;0.008712121212121212709966755483;0.021212121212121213403856145874;0.003787878787878787983922634908;0.007196969696969697342925353922;0.009469696969696969959806587269;0.046590909090909092549193104560;0.007954545454545453725403447720;0.013636363636363635701287400082;0.014393939393939394685850707845;0.013257575757575757943729222177;0.003409090909090908925321850020;0.039393939393939390869459060696;0.000000000000000000000000000000;0.019318181818181817677171352443;0.004924242424242423858682382587;0.015151515151515151935690539631;0.033712121212121214097745536264;0.018181818181818180935049866775;0.014393939393939394685850707845;0.011363636363636363951767904723
-0.021794871794871793768688661430;0.009829059829059828834463274916;0.041880341880341877269788852800;0.272649572649572624616354232785;0.008974358974358973700669039886;0.011111111111111111535154627461;0.004700854700854700633783078700;0.011538461538461539102051744976;0.035042735042735043138328876466;0.027777777777777776235801354687;0.008974358974358973700669039886;0.006410256410256410034009810772;0.009829059829059828834463274916;0.027777777777777776235801354687;0.013675213675213675201813856575;0.015811965811965811301575968173;0.015384615384615385469402326635;0.017094017094017095736990796695;0.015384615384615385469402326635;0.005982905982905983334474431246;0.011538461538461539102051744976;0.028632478632478631369595589717;0.005128205128205128200680196215;0.032051282051282048435325577884;0.018803418803418802535132314802;0.026495726495726495269833478119;0.015811965811965811301575968173;0.009401709401709401267566157401;0.001709401709401709400226732072;0.011965811965811966668948862491;0.011538461538461539102051744976;0.015384615384615385469402326635;0.004700854700854700633783078700;0.013247863247863247634916739059;0.009401709401709401267566157401;0.027350427350427350403627713149;0.004273504273504273934247699174;0.009401709401709401267566157401;0.006410256410256410034009810772;0.009401709401709401267566157401;0.009401709401709401267566157401;0.023076923076923078204103489952;0.000000000000000000000000000000;0.018803418803418802535132314802;0.008547008547008547868495398347;0.018376068376068376702958673263;0.026068376068376069437659836581;0.020512820512820512802720784862;0.010256410256410256401360392431;0.010683760683760683968257509946
-0.022222222222222223070309254922;0.007407407407407407690103084974;0.044814814814814814269983145323;0.151481481481481494721919034419;0.006666666666666667094565124074;0.020000000000000000416333634234;0.002592592592592592518063732143;0.018888888888888889089345823891;0.044074074074074071072359970458;0.025555555555555557051272685953;0.009629629629629630344078705662;0.018888888888888889089345823891;0.008888888888888888881179006773;0.029629629629629630760412339896;0.010370370370370370072254928573;0.022222222222222223070309254922;0.023703703703703702526661700745;0.025555555555555557051272685953;0.012592592592592592726230549260;0.007407407407407407690103084974;0.016296296296296294836558615771;0.025555555555555557051272685953;0.010370370370370370072254928573;0.035925925925925923654080662573;0.031851851851851853414387960584;0.028518518518518519433424529552;0.025925925925925925180637321432;0.002962962962962962815832712593;0.003333333333333333547282562037;0.014074074074074073917306471060;0.018518518518518517490534236458;0.023703703703703702526661700745;0.004444444444444444440589503387;0.005555555555555555767577313730;0.017777777777777777762358013547;0.029629629629629630760412339896;0.007777777777777777554191196430;0.014814814814814815380206169948;0.005555555555555555767577313730;0.018888888888888889089345823891;0.009629629629629630344078705662;0.021481481481481479872686080057;0.000000000000000000000000000000;0.019259259259259260688157411323;0.011111111111111111535154627461;0.015185185185185185244294281404;0.024814814814814813853649511088;0.015925925925925926707193980292;0.017037037037037038034181790636;0.011481481481481481399242738917
-0.018055555555555553859381490156;0.021944444444444443503838826359;0.025833333333333333148296162562;0.206388888888888899497686679751;0.013333333333333334189130248149;0.020277777777777776513357110844;0.005277777777777777935830361145;0.022222222222222223070309254922;0.025000000000000001387778780781;0.012500000000000000693889390391;0.012500000000000000693889390391;0.020555555555555556079827539406;0.021111111111111111743321444578;0.017777777777777777762358013547;0.030277777777777778456247403938;0.013611111111111110286153724758;0.031388888888888889783235214281;0.028888888888888887562789165031;0.023333333333333334397297065266;0.004166666666666666608842550801;0.012777777777777778525636342977;0.016944444444444446001840631766;0.009722222222222222376419864531;0.016111111111111110771876298031;0.025833333333333333148296162562;0.019444444444444444752839729063;0.022222222222222223070309254922;0.014444444444444443781394582516;0.002777777777777777883788656865;0.034166666666666664631257788187;0.016388888888888890338346726594;0.011111111111111111535154627461;0.011111111111111111535154627461;0.006111111111111111431071218902;0.021944444444444443503838826359;0.021944444444444443503838826359;0.005555555555555555767577313730;0.011944444444444445030395485219;0.006388888888888889262818171488;0.014999999999999999444888487687;0.008333333333333333217685101602;0.018333333333333333425851918719;0.000000000000000000000000000000;0.011111111111111111535154627461;0.021944444444444443503838826359;0.013333333333333334189130248149;0.016666666666666666435370203203;0.010555555555555555871660722289;0.011944444444444445030395485219;0.011388888888888889366901580047
-0.024814814814814813853649511088;0.024814814814814813853649511088;0.058148148148148150193836869448;0.018888888888888889089345823891;0.001851851851851851922525771243;0.014444444444444443781394582516;0.012592592592592592726230549260;0.018518518518518517490534236458;0.058518518518518518323201504927;0.028888888888888887562789165031;0.012592592592592592726230549260;0.008518518518518519017090895318;0.009259259259259258745267118229;0.030370370370370370488588562807;0.014444444444444443781394582516;0.017037037037037038034181790636;0.029259259259259259161600752464;0.044444444444444446140618509844;0.008148148148148147418279307885;0.006296296296296296363115274630;0.023703703703703702526661700745;0.027777777777777776235801354687;0.013703703703703704053218359604;0.042592592592592591616007524635;0.018888888888888889089345823891;0.033333333333333332870740406406;0.022592592592592591199673890401;0.025185185185185185452461098521;0.001851851851851851922525771243;0.005185185185185185036127464286;0.005925925925925925631665425186;0.029629629629629630760412339896;0.011851851851851851263330850372;0.009629629629629630344078705662;0.008518518518518519017090895318;0.044444444444444446140618509844;0.008518518518518519017090895318;0.007037037037037036958653235530;0.013333333333333334189130248149;0.019259259259259260688157411323;0.009259259259259258745267118229;0.052592592592592593558897817729;0.000000000000000000000000000000;0.021481481481481479872686080057;0.004814814814814815172039352831;0.015185185185185185244294281404;0.031481481481481478346129421197;0.021111111111111111743321444578;0.014444444444444443781394582516;0.014814814814814815380206169948
-0.011538461538461539102051744976;0.054700854700854700807255426298;0.018376068376068376702958673263;0.000000000000000000000000000000;0.057264957264957262739191179435;0.014957264957264957902505209120;0.015811965811965811301575968173;0.028632478632478631369595589717;0.021367521367521367936515019892;0.008547008547008547868495398347;0.011538461538461539102051744976;0.005982905982905983334474431246;0.014957264957264957902505209120;0.008119658119658120301598280832;0.054700854700854700807255426298;0.005555555555555555767577313730;0.018376068376068376702958673263;0.046581196581196582240380621442;0.073931623931623932644008334591;0.004700854700854700633783078700;0.043589743589743587537377322860;0.014529914529914530335608091605;0.027777777777777776235801354687;0.007264957264957265167804045802;0.006837606837606837600906928287;0.012820512820512820068019621544;0.030769230769230770938804653269;0.024786324786324785002245008059;0.000854700854700854700113366036;0.057692307692307695510258724880;0.003846153846153846367350581659;0.004700854700854700633783078700;0.051282051282051280272078486178;0.005128205128205128200680196215;0.014957264957264957902505209120;0.020085470085470086970547143324;0.008119658119658120301598280832;0.005555555555555555767577313730;0.005982905982905983334474431246;0.005982905982905983334474431246;0.032478632478632481206393123330;0.015384615384615385469402326635;0.000000000000000000000000000000;0.006837606837606837600906928287;0.048717948717948718340142733041;0.016239316239316240603196561665;0.007264957264957265167804045802;0.008547008547008547868495398347;0.030341880341880341637184059778;0.005982905982905983334474431246
-0.025000000000000001387778780781;0.015579710144927537071590784024;0.047101449275362319846216507813;0.124275362318840579267664736562;0.000362318840579710149327197222;0.019202898550724638998543625235;0.001811594202898550746635986108;0.029710144927536232678511041172;0.014855072463768116339255520586;0.018115942028985507900040730078;0.019565217391304349364711256953;0.003260869565217391127104340498;0.018478260869565218266208361797;0.034420289855072463969243301563;0.018115942028985507900040730078;0.014855072463768116339255520586;0.014855072463768116339255520586;0.043478260869565216184540190625;0.018478260869565218266208361797;0.009420289855072464316187996758;0.017391304347826087167705466641;0.022826086956521739190772990469;0.031159420289855074143181568047;0.023913043478260870289275885625;0.028260869565217391213840514297;0.027898550724637680847672882578;0.039855072463768112522863873437;0.002898550724637681194617577773;0.001449275362318840597308788887;0.013768115942028985240752625430;0.006159420289855072755402787266;0.009420289855072464316187996758;0.014130434782608695606920257148;0.010869565217391304046135047656;0.033333333333333332870740406406;0.032971014492753622504572774687;0.015579710144927537071590784024;0.005072463768115941656899892109;0.003260869565217391127104340498;0.028985507246376811946175777734;0.007971014492753622851517469883;0.005797101449275362389235155547;0.000000000000000000000000000000;0.014130434782608695606920257148;0.006884057971014492620376312715;0.010144927536231883313799784219;0.017753623188405797533873098359;0.018115942028985507900040730078;0.046376811594202899113881244375;0.012681159420289855876973206250
-0.020125786163522011579241066670;0.012578616352201258538068273651;0.045597484276729556562646195061;0.129559748427672954962375229115;0.013207547169811321291499339736;0.019811320754716980202525533628;0.007861635220125786152611802038;0.018867924528301886072378934500;0.035849056603773583884464670746;0.013836477987421384044930405821;0.012264150943396227161352740609;0.008490566037735848906042868123;0.021383647798742137086103198840;0.025471698113207548452852080345;0.018867924528301886072378934500;0.015408805031446540928508071033;0.022012578616352199839534264925;0.033647798742138364247455939449;0.023584905660377360192558882090;0.006918238993710692022465202911;0.016666666666666666435370203203;0.030188679245283019103585075982;0.016666666666666666435370203203;0.024213836477987422945989948175;0.022955974842767293969680864052;0.020440251572327042955956599712;0.024842767295597485699421014260;0.009119496855345911659473934208;0.004088050314465408764663667540;0.024213836477987422945989948175;0.009748427672955974412905000293;0.017610062893081760565516802330;0.015723270440251572305223604076;0.008176100628930817529327335080;0.022327044025157231216249797967;0.029245283018867924973438476854;0.010377358490566037166336066377;0.010377358490566037166336066377;0.013207547169811321291499339736;0.023270440251572325346396397094;0.008490566037735848906042868123;0.019811320754716980202525533628;0.000000000000000000000000000000;0.013522012578616352668214872779;0.013522012578616352668214872779;0.015723270440251572305223604076;0.021698113207547168462818731882;0.013207547169811321291499339736;0.023899371069182391569274415133;0.011320754716981131296482665505
-0.015306122448979591482709494699;0.043537414965986391546248768236;0.044217687074829932492026074442;0.020408163265306120820463675614;0.012585034013605441577388077690;0.008503401360544218454129428153;0.004761904761904762334312479766;0.038095238095238098674499838125;0.059863945578231290978177270290;0.016666666666666666435370203203;0.013605442176870747791883609068;0.004761904761904762334312479766;0.009523809523809524668624959531;0.029591836734693878485646933996;0.037074829931972787255833878817;0.010204081632653060410231837807;0.025850340136054420631106509632;0.060544217687074831923954576496;0.022448979591836733249454738370;0.007482993197278911372272158786;0.020748299319727891293352328717;0.025510204081632653627664808482;0.015986394557823128959039848951;0.025850340136054420631106509632;0.014965986394557822744544317572;0.020068027210884353817021974464;0.034353741496598637350512461808;0.029251700680272108012758280893;0.001020408163265306214495531378;0.014625850340136054006379140446;0.006122448979591836419611450282;0.019727891156462583344133321361;0.018707482993197278864361265960;0.007142857142857142634106981660;0.009523809523809524668624959531;0.032312925170068028390968351005;0.013265306122448979053718431942;0.010544217687074829148397014933;0.012244897959183672839222900564;0.011224489795918366624727369185;0.013265306122448979053718431942;0.047959183673469386877119546853;0.000000000000000000000000000000;0.013605442176870747791883609068;0.020068027210884353817021974464;0.016326530612244899431928502054;0.021088435374149658296794029866;0.010884353741496597886562192059;0.020068027210884353817021974464;0.008503401360544218454129428153
-0.026356589147286821339655205065;0.014341085271317829258341802756;0.051937984496124030286967609982;0.000387596899224806196171400074;0.002713178294573643373199800521;0.032170542635658917751673158136;0.002325581395348837177028400447;0.029069767441860464712855005587;0.022868217054263565574112604395;0.024806201550387596554969604767;0.017829457364341085023884403427;0.012790697674418604473656202458;0.019379844961240309808570003725;0.029457364341085270909026405661;0.015503875968992247846856002980;0.020155038759689922200912803874;0.029069767441860464712855005587;0.058139534883720929425710011174;0.013178294573643410669827602533;0.007364341085271317727256601415;0.016279069767441860239198803129;0.020542635658914728397084203948;0.022093023255813953181769804246;0.029069767441860464712855005587;0.027519379844961239928169405289;0.031395348837209305359330357987;0.030620155038759689497540605885;0.018992248062015503612398603650;0.001550387596899224784685600298;0.021317829457364340789427004097;0.012790697674418604473656202458;0.018217054263565891220055803501;0.009689922480620154904285001862;0.010465116279069767296627802011;0.024418604651162790358798204693;0.041860465116279069186511208045;0.017054263565891472631541603278;0.013953488372093023062170402682;0.004651162790697674354056800894;0.027131782945736433731998005214;0.009302325581395348708113601788;0.018992248062015503612398603650;0.000000000000000000000000000000;0.020155038759689922200912803874;0.011240310077519379688970602160;0.013953488372093023062170402682;0.025968992248062015143483804991;0.023643410852713177966455404544;0.030232558139534883301369205810;0.017054263565891472631541603278
-0.030740740740740742087400150240;0.047777777777777780121581940875;0.047777777777777780121581940875;0.001111111111111111110147375847;0.002592592592592592518063732143;0.027777777777777776235801354687;0.002222222222222222220294751693;0.022222222222222223070309254922;0.047407407407407405053323401489;0.010000000000000000208166817117;0.011481481481481481399242738917;0.013703703703703704053218359604;0.012592592592592592726230549260;0.023703703703703702526661700745;0.014074074074074073917306471060;0.017037037037037038034181790636;0.027777777777777776235801354687;0.097037037037037032760622423666;0.013703703703703704053218359604;0.012222222222222222862142437805;0.015925925925925926707193980292;0.031111111111111110216764785719;0.021481481481481479872686080057;0.015925925925925926707193980292;0.028518518518518519433424529552;0.022592592592592591199673890401;0.022962962962962962798485477833;0.041481481481481480289019714291;0.000000000000000000000000000000;0.012962962962962962590318660716;0.035185185185185187395351391615;0.008148148148148147418279307885;0.008888888888888888881179006773;0.004074074074074073709139653943;0.017037037037037038034181790636;0.030370370370370370488588562807;0.015185185185185185244294281404;0.012962962962962962590318660716;0.004814814814814815172039352831;0.021851851851851851471497667490;0.012592592592592592726230549260;0.041851851851851848418384349770;0.000000000000000000000000000000;0.009629629629629630344078705662;0.004074074074074073709139653943;0.011111111111111111535154627461;0.016666666666666666435370203203;0.011481481481481481399242738917;0.025555555555555557051272685953;0.012592592592592592726230549260
-0.022222222222222223070309254922;0.012091503267973856619588168826;0.044117647058823532268956313374;0.128758169934640509524115259410;0.004901960784313725422167706824;0.019281045751633987817008630827;0.004248366013071895076758099918;0.019281045751633987817008630827;0.054248366013071896984953923493;0.025816993464052286066934271958;0.010457516339869280322383282567;0.021895424836601305729200106498;0.005882352941176470506601248189;0.020261437908496732901442172192;0.011111111111111111535154627461;0.025490196078431372195272075487;0.022222222222222223070309254922;0.042156862745098042100089230644;0.010784313725490195928768955014;0.004901960784313725422167706824;0.011764705882352941013202496379;0.024836601307189540982500730593;0.007516339869281045936444396460;0.039215686274509803377341654596;0.027777777777777776235801354687;0.028758169934640521320234896052;0.018954248366013070475899482403;0.012745098039215686097636037744;0.002614379084967320080595820642;0.008496732026143790153516199837;0.020261437908496732901442172192;0.018300653594771242732575089462;0.007189542483660130330058724013;0.006209150326797385245625182648;0.008496732026143790153516199837;0.043137254901960783715075820055;0.008496732026143790153516199837;0.010130718954248366450721086096;0.015032679738562091872888792921;0.011437908496732025406816823931;0.008169934640522876281854003366;0.025816993464052286066934271958;0.000000000000000000000000000000;0.028431372549019607448572699582;0.005555555555555555767577313730;0.022222222222222223070309254922;0.023529411764705882026404992757;0.020261437908496732901442172192;0.014705882352941176266503120473;0.009803921568627450844335413649
-0.015185185185185185244294281404;0.012222222222222222862142437805;0.045555555555555557467606320188;0.281851851851851853414387960584;0.012222222222222222862142437805;0.014444444444444443781394582516;0.006666666666666667094565124074;0.016666666666666666435370203203;0.020740740740740740144509857146;0.021851851851851851471497667490;0.014074074074074073917306471060;0.009259259259259258745267118229;0.005925925925925925631665425186;0.021481481481481479872686080057;0.010740740740740739936343040029;0.016666666666666666435370203203;0.013333333333333334189130248149;0.031111111111111110216764785719;0.013333333333333334189130248149;0.004074074074074073709139653943;0.015925925925925926707193980292;0.012962962962962962590318660716;0.004814814814814815172039352831;0.031481481481481478346129421197;0.024814814814814813853649511088;0.026666666666666668378260496297;0.022222222222222223070309254922;0.008518518518518519017090895318;0.000740740740740740703958178148;0.016296296296296294836558615771;0.007407407407407407690103084974;0.010000000000000000208166817117;0.003333333333333333547282562037;0.005555555555555555767577313730;0.011481481481481481399242738917;0.022222222222222223070309254922;0.006296296296296296363115274630;0.017037037037037038034181790636;0.007037037037037036958653235530;0.011111111111111111535154627461;0.004074074074074073709139653943;0.021111111111111111743321444578;0.000000000000000000000000000000;0.017407407407407406163546426114;0.012592592592592592726230549260;0.013333333333333334189130248149;0.031851851851851853414387960584;0.020370370370370372015145221667;0.014444444444444443781394582516;0.011481481481481481399242738917
-0.018018018018018017861736623786;0.021171171171171170033442621161;0.026576576576576575738908303492;0.332432432432432423130563847735;0.017117117117117115754343359413;0.018468468468468467180709779996;0.005405405405405405705465682331;0.020270270270270271395496308742;0.033783783783783785659160514570;0.009459459459459459984564944079;0.009009009009009008930868311893;0.015765765765765764327976938830;0.009009009009009008930868311893;0.008558558558558557877171679706;0.018468468468468467180709779996;0.009009009009009008930868311893;0.017567567567567568542763467576;0.028378378378378379953694832238;0.019369369369369369288103044369;0.006306306306306306078135470727;0.012612612612612612156270941455;0.013513513513513514263664205828;0.005405405405405405705465682331;0.008108108108108108558198523497;0.018918918918918919969129888159;0.011711711711711711783601153058;0.020270270270270271395496308742;0.035135135135135137085526935152;0.001351351351351351426366420583;0.029279279279279278591641144658;0.016666666666666666435370203203;0.006306306306306306078135470727;0.007207207207207207318166997112;0.005405405405405405705465682331;0.009909909909909909303538100289;0.019369369369369369288103044369;0.003153153153153153039067735364;0.010360360360360360357234732476;0.007657657657657657504501891310;0.008108108108108108558198523497;0.005405405405405405705465682331;0.038738738738738738576206088737;0.000000000000000000000000000000;0.007207207207207207318166997112;0.010810810810810811410931364662;0.007657657657657657504501891310;0.009909909909909909303538100289;0.009909909909909909303538100289;0.007207207207207207318166997112;0.008558558558558557877171679706
-0.037499999999999998612221219219;0.007986111111111110494320541875;0.059722222222222225151977426094;0.126041666666666662965923251249;0.005208333333333333044212754004;0.012152777777777777970524830664;0.002083333333333333304421275400;0.018055555555555553859381490156;0.026041666666666667823148983985;0.043055555555555555247160270937;0.013888888888888888117900677344;0.003472222222222222029475169336;0.009027777777777776929690745078;0.047569444444444441977282167500;0.007638888888888888638317720137;0.021180555555555556634939051719;0.020486111111111111188209932266;0.030555555555555554553270880547;0.007291666666666666782314898398;0.009374999999999999653055304805;0.009722222222222222376419864531;0.014236111111111110841265237070;0.004513888888888888464845372539;0.052083333333333335646297967969;0.027430555555555555247160270937;0.040277777777777780399137697032;0.018055555555555553859381490156;0.009722222222222222376419864531;0.001388888888888888941894328433;0.002777777777777777883788656865;0.002777777777777777883788656865;0.022569444444444444058950338672;0.004166666666666666608842550801;0.003472222222222222029475169336;0.006250000000000000346944695195;0.045833333333333330095182844843;0.014236111111111110841265237070;0.014236111111111110841265237070;0.006944444444444444058950338672;0.009027777777777776929690745078;0.003819444444444444319158860068;0.024305555555555555941049661328;0.000000000000000000000000000000;0.024305555555555555941049661328;0.002777777777777777883788656865;0.015625000000000000000000000000;0.045833333333333330095182844843;0.027777777777777776235801354687;0.018055555555555553859381490156;0.019444444444444444752839729063
-0.021481481481481479872686080057;0.028888888888888887562789165031;0.041481481481481480289019714291;0.005925925925925925631665425186;0.029629629629629630760412339896;0.018518518518518517490534236458;0.006296296296296296363115274630;0.036666666666666666851703837438;0.029259259259259259161600752464;0.023333333333333334397297065266;0.021481481481481479872686080057;0.011851851851851851263330850372;0.009259259259259258745267118229;0.034444444444444444197728216750;0.039629629629629632703302632990;0.017777777777777777762358013547;0.012962962962962962590318660716;0.042222222222222223486642889156;0.037037037037037034981068472916;0.009629629629629630344078705662;0.022222222222222223070309254922;0.017037037037037038034181790636;0.005925925925925925631665425186;0.031481481481481478346129421197;0.034074074074074076068363581271;0.036666666666666666851703837438;0.035925925925925923654080662573;0.014074074074074073917306471060;0.000370370370370370351979089074;0.020740740740740740144509857146;0.007777777777777777554191196430;0.018888888888888889089345823891;0.015925925925925926707193980292;0.005185185185185185036127464286;0.012962962962962962590318660716;0.033333333333333332870740406406;0.010740740740740739936343040029;0.010740740740740739936343040029;0.001481481481481481407916356297;0.008148148148148147418279307885;0.012962962962962962590318660716;0.008888888888888888881179006773;0.000000000000000000000000000000;0.016666666666666666435370203203;0.021111111111111111743321444578;0.017037037037037038034181790636;0.036666666666666666851703837438;0.026296296296296296779448908865;0.022962962962962962798485477833;0.015925925925925926707193980292
-0.018611111111111109522875395328;0.014722222222222221613141535101;0.029999999999999998889776975375;0.272500000000000019984014443253;0.011666666666666667198648532633;0.013611111111111110286153724758;0.005555555555555555767577313730;0.029166666666666667129259593594;0.016944444444444446001840631766;0.018055555555555553859381490156;0.012777777777777778525636342977;0.013333333333333334189130248149;0.008333333333333333217685101602;0.017500000000000001665334536938;0.028611111111111111465765688422;0.011111111111111111535154627461;0.013611111111111110286153724758;0.035555555555555555524716027094;0.025833333333333333148296162562;0.004722222222222222272336455973;0.022777777777777778733803160094;0.013888888888888888117900677344;0.007777777777777777554191196430;0.026111111111111112714766591125;0.018333333333333333425851918719;0.021944444444444443503838826359;0.025833333333333333148296162562;0.013055555555555556357383295563;0.000555555555555555555073687923;0.016944444444444446001840631766;0.012777777777777778525636342977;0.013611111111111110286153724758;0.011111111111111111535154627461;0.005833333333333333599324266316;0.010833333333333333703407674875;0.023611111111111110494320541875;0.008333333333333333217685101602;0.007499999999999999722444243844;0.004444444444444444440589503387;0.005000000000000000104083408559;0.013611111111111110286153724758;0.011666666666666667198648532633;0.000000000000000000000000000000;0.014444444444444443781394582516;0.016666666666666666435370203203;0.014166666666666665949647629930;0.016111111111111110771876298031;0.009444444444444444544672911945;0.020833333333333332176851016015;0.010555555555555555871660722289
-0.010526315789473683973143103287;0.003070175438596491231113549958;0.042543859649122807431442794268;0.467543859649122817145894259738;0.008771929824561403021832006743;0.008771929824561403021832006743;0.004385964912280701510916003372;0.007894736842105263413538196460;0.022807017543859650632320779096;0.021052631578947367946286206575;0.007017543859649122937882648188;0.002192982456140350755458001686;0.003508771929824561468941324094;0.017982456140350877582534394605;0.010087719298245614168996198146;0.011842105263157895120307294690;0.012280701754385964924454199831;0.018859649122807017190828204889;0.009210526315789472825978911885;0.003070175438596491231113549958;0.011403508771929825316160389548;0.021052631578947367946286206575;0.003070175438596491231113549958;0.035087719298245612087328026973;0.014473684210526315679912201517;0.013157894736842104532748010115;0.014035087719298245875765296375;0.001315789473684210496642887911;0.000877192982456140367235331023;0.007456140350877192742029553330;0.003947368421052631706769098230;0.013157894736842104532748010115;0.002631578947368420993285775822;0.008333333333333333217685101602;0.005263157894736841986571551644;0.018859649122807017190828204889;0.004824561403508772182424646502;0.008333333333333333217685101602;0.004385964912280701510916003372;0.011842105263157895120307294690;0.004385964912280701510916003372;0.007017543859649122937882648188;0.000000000000000000000000000000;0.018421052631578945651957823770;0.008771929824561403021832006743;0.014912280701754385484059106659;0.018859649122807017190828204889;0.011842105263157895120307294690;0.009210526315789472825978911885;0.009649122807017544364849293004
-0.010256410256410256401360392431;0.008974358974358973700669039886;0.019871794871794870585013370601;0.573717948717948678094558090379;0.009935897435897435292506685300;0.010897435897435896884344330715;0.004487179487179486850334519943;0.010897435897435896884344330715;0.021794871794871793768688661430;0.010256410256410256401360392431;0.005448717948717948442172165358;0.006730769230769231142863517903;0.006410256410256410034009810772;0.016346153846153847061239972049;0.010576923076923077510214099561;0.008653846153846154326538808732;0.014102564102564102768710974090;0.009935897435897435292506685300;0.006410256410256410034009810772;0.003525641025641025692177743522;0.010897435897435896884344330715;0.007371794871794871625847456187;0.001923076923076923183675290829;0.012820512820512820068019621544;0.015705128205128204843532557788;0.012500000000000000693889390391;0.007371794871794871625847456187;0.016025641025641024217662788942;0.001923076923076923183675290829;0.008333333333333333217685101602;0.011858974358974358476181976130;0.004807692307692307959188227073;0.003205128205128205017004905386;0.005128205128205128200680196215;0.007371794871794871625847456187;0.012820512820512820068019621544;0.004487179487179486850334519943;0.006410256410256410034009810772;0.003525641025641025692177743522;0.002884615384615384775512936244;0.004166666666666666608842550801;0.014743589743589743251694912374;0.000000000000000000000000000000;0.006410256410256410034009810772;0.008012820512820512108831394471;0.005769230769230769551025872488;0.010256410256410256401360392431;0.008653846153846154326538808732;0.008012820512820512108831394471;0.007371794871794871625847456187
-0.013703703703703704053218359604;0.004074074074074073709139653943;0.032222222222222221543752596062;0.534074074074074034435000157828;0.035185185185185187395351391615;0.010370370370370370072254928573;0.001481481481481481407916356297;0.007407407407407407690103084974;0.022222222222222223070309254922;0.012222222222222222862142437805;0.010000000000000000208166817117;0.005925925925925925631665425186;0.004444444444444444440589503387;0.017407407407407406163546426114;0.010740740740740739936343040029;0.020370370370370372015145221667;0.008148148148148147418279307885;0.013333333333333334189130248149;0.010740740740740739936343040029;0.003703703703703703845051542487;0.004814814814814815172039352831;0.011851851851851851263330850372;0.001851851851851851922525771243;0.013333333333333334189130248149;0.017037037037037038034181790636;0.018888888888888889089345823891;0.010740740740740739936343040029;0.001111111111111111110147375847;0.000370370370370370351979089074;0.006296296296296296363115274630;0.007407407407407407690103084974;0.006666666666666667094565124074;0.003703703703703703845051542487;0.003703703703703703845051542487;0.003333333333333333547282562037;0.014814814814814815380206169948;0.002592592592592592518063732143;0.007407407407407407690103084974;0.001481481481481481407916356297;0.001851851851851851922525771243;0.001851851851851851922525771243;0.008888888888888888881179006773;0.000000000000000000000000000000;0.005185185185185185036127464286;0.010000000000000000208166817117;0.003703703703703703845051542487;0.021111111111111111743321444578;0.013333333333333334189130248149;0.007777777777777777554191196430;0.011111111111111111535154627461
-0.029545454545454544886817771498;0.015151515151515151935690539631;0.037878787878787879839226349077;0.154545454545454541417370819545;0.014015151515151515193569053963;0.027651515151515152629579930021;0.003409090909090908925321850020;0.026893939393939393645016622258;0.027272727272727271402574800163;0.015151515151515151935690539631;0.020833333333333332176851016015;0.025000000000000001387778780781;0.014015151515151515193569053963;0.021590909090909091161414323778;0.015151515151515151935690539631;0.021212121212121213403856145874;0.010227272727272727209646419055;0.045833333333333330095182844843;0.025757575757575756902895136591;0.008333333333333333217685101602;0.020833333333333332176851016015;0.010227272727272727209646419055;0.016287878787878788677812025298;0.018560606060606062162054996634;0.035606060606060606354983377742;0.017045454545454544192928381108;0.032954545454545451643735276548;0.002651515151515151675482018234;0.000378787878787878787550241766;0.027272727272727271402574800163;0.026893939393939393645016622258;0.008712121212121212709966755483;0.017424242424242425419933510966;0.004166666666666666608842550801;0.015530303030303029693248717535;0.030303030303030303871381079261;0.017045454545454544192928381108;0.004924242424242423858682382587;0.002651515151515151675482018234;0.006818181818181817850643700041;0.005681818181818181975883952362;0.011363636363636363951767904723;0.000000000000000000000000000000;0.015151515151515151935690539631;0.009469696969696969959806587269;0.006439393939393939225723784148;0.020075757575757576661734660206;0.010984848484848484459486250842;0.033712121212121214097745536264;0.011363636363636363951767904723
-0.024206349206349207087152208828;0.042063492063492066708185745938;0.039285714285714284921269268125;0.033333333333333332870740406406;0.024206349206349207087152208828;0.018253968253968255036623347110;0.007142857142857142634106981660;0.030158730158730159137681070547;0.022222222222222223070309254922;0.020238095238095239053466301016;0.013492063492063492702310867344;0.009126984126984127518311673555;0.014682539682539682418527249297;0.026190476190476191103995162734;0.043253968253968252954955175937;0.013888888888888888117900677344;0.017857142857142856151586585156;0.038888888888888889505679458125;0.030952380952380953438307642500;0.004761904761904762334312479766;0.019444444444444444752839729063;0.023809523809523808202115446875;0.013888888888888888117900677344;0.023809523809523808202115446875;0.022222222222222223070309254922;0.027380952380952380820211544687;0.032539682539682542039560786407;0.028968253968253969421464688594;0.001190476190476190583578119941;0.014682539682539682418527249297;0.005952380952380952050528861719;0.016666666666666666435370203203;0.017460317460317460735996775156;0.018650793650793650452213157109;0.013095238095238095551997581367;0.031746031746031744269487262500;0.011904761904761904101057723437;0.013888888888888888117900677344;0.005158730158730158617264027754;0.019841269841269840168429539062;0.009523809523809524668624959531;0.007539682539682539784420267637;0.000000000000000000000000000000;0.017857142857142856151586585156;0.024206349206349207087152208828;0.011111111111111111535154627461;0.028174603174603175120838116641;0.016666666666666666435370203203;0.030952380952380953438307642500;0.017460317460317460735996775156
-0.017777777777777777762358013547;0.018518518518518517490534236458;0.028888888888888887562789165031;0.295555555555555571345394128002;0.014444444444444443781394582516;0.012222222222222222862142437805;0.005925925925925925631665425186;0.019629629629629628817522046802;0.018148148148148149361169600979;0.025185185185185185452461098521;0.014444444444444443781394582516;0.011481481481481481399242738917;0.011111111111111111535154627461;0.016296296296296294836558615771;0.031851851851851853414387960584;0.013703703703703704053218359604;0.014814814814814815380206169948;0.025185185185185185452461098521;0.020740740740740740144509857146;0.002592592592592592518063732143;0.011111111111111111535154627461;0.010000000000000000208166817117;0.014444444444444443781394582516;0.029629629629629630760412339896;0.017777777777777777762358013547;0.020370370370370372015145221667;0.028148148148148147834612942120;0.016666666666666666435370203203;0.000370370370370370351979089074;0.018518518518518517490534236458;0.005925925925925925631665425186;0.015555555555555555108382392859;0.007037037037037036958653235530;0.004444444444444444440589503387;0.009629629629629630344078705662;0.020000000000000000416333634234;0.005185185185185185036127464286;0.008888888888888888881179006773;0.003333333333333333547282562037;0.009259259259259258745267118229;0.008518518518518519017090895318;0.015185185185185185244294281404;0.000000000000000000000000000000;0.013333333333333334189130248149;0.022222222222222223070309254922;0.011481481481481481399242738917;0.019259259259259260688157411323;0.009629629629629630344078705662;0.012222222222222222862142437805;0.013333333333333334189130248149
-0.017687074829931974384589210558;0.026530612244897958107436863884;0.043197278911564628012254019040;0.153061224489795921765988850893;0.015986394557823128959039848951;0.009863945578231291672066660681;0.007823129251700680977799073901;0.029591836734693878485646933996;0.030952380952380953438307642500;0.021768707482993195773124384118;0.010884353741496597886562192059;0.008843537414965987192294605279;0.006802721088435373895941804534;0.025850340136054420631106509632;0.029931972789115645489088635145;0.014285714285714285268213963320;0.023129251700680270725785092623;0.038775510204081632681383240424;0.015306122448979591482709494699;0.008843537414965987192294605279;0.013945578231292516530048786194;0.020068027210884353817021974464;0.006802721088435373895941804534;0.034013605442176873816517712612;0.020408163265306120820463675614;0.026530612244897958107436863884;0.021088435374149658296794029866;0.023809523809523808202115446875;0.003061224489795918209805725141;0.010544217687074829148397014933;0.008843537414965987192294605279;0.025170068027210883154776155379;0.007142857142857142634106981660;0.008163265306122449715964251027;0.015306122448979591482709494699;0.037414965986394557728722531920;0.011564625850340135362892546311;0.005442176870748298943281096030;0.003741496598639455686136079393;0.010204081632653060410231837807;0.009183673469387755930459782405;0.028571428571428570536427926640;0.000000000000000000000000000000;0.011564625850340135362892546311;0.012585034013605441577388077690;0.014965986394557822744544317572;0.024829931972789116151334454230;0.017687074829931974384589210558;0.015306122448979591482709494699;0.012925170068027210315553254816
-0.020416666666666666296592325125;0.012916666666666666574148081281;0.052499999999999998057109706906;0.141666666666666662965923251249;0.005833333333333333599324266316;0.016666666666666666435370203203;0.003749999999999999861222121922;0.021250000000000001526556658860;0.033333333333333332870740406406;0.029999999999999998889776975375;0.012500000000000000693889390391;0.012916666666666666574148081281;0.005000000000000000104083408559;0.035833333333333335091186455656;0.018749999999999999306110609609;0.020416666666666666296592325125;0.020000000000000000416333634234;0.030416666666666668239482618219;0.010833333333333333703407674875;0.004583333333333333356462979680;0.013750000000000000069388939039;0.019583333333333334536074943344;0.004583333333333333356462979680;0.034583333333333333980963431031;0.027083333333333334258519187188;0.028333333333333331899295259859;0.024166666666666666157814447047;0.015833333333333334674852821422;0.002500000000000000052041704279;0.004583333333333333356462979680;0.012916666666666666574148081281;0.031250000000000000000000000000;0.004583333333333333356462979680;0.013750000000000000069388939039;0.010833333333333333703407674875;0.033750000000000002220446049250;0.010416666666666666088425508008;0.010833333333333333703407674875;0.004583333333333333356462979680;0.009166666666666666712925959359;0.010833333333333333703407674875;0.026249999999999999028554853453;0.000000000000000000000000000000;0.023333333333333334397297065266;0.007916666666666667337426410711;0.017916666666666667545593227828;0.031250000000000000000000000000;0.024166666666666666157814447047;0.016666666666666666435370203203;0.014999999999999999444888487687
-0.023931623931623933337897724982;0.009401709401709401267566157401;0.042735042735042735873030039784;0.112393162393162396317514151178;0.002564102564102564100340098108;0.009829059829059828834463274916;0.003418803418803418800453464144;0.023931623931623933337897724982;0.032478632478632481206393123330;0.053846153846153849142908143222;0.011538461538461539102051744976;0.004273504273504273934247699174;0.008974358974358973700669039886;0.032905982905982907038566764868;0.011111111111111111535154627461;0.022649572649572648902482896460;0.017948717948717947401338079771;0.035897435897435894802676159543;0.011111111111111111535154627461;0.006410256410256410034009810772;0.016666666666666666435370203203;0.016239316239316240603196561665;0.007692307692307692734701163317;0.064529914529914536580612605121;0.014102564102564102768710974090;0.044444444444444446140618509844;0.029914529914529915805010418239;0.014957264957264957902505209120;0.000854700854700854700113366036;0.006410256410256410034009810772;0.003846153846153846367350581659;0.020085470085470086970547143324;0.011111111111111111535154627461;0.010256410256410256401360392431;0.005555555555555555767577313730;0.040170940170940173941094286647;0.012820512820512820068019621544;0.008547008547008547868495398347;0.004273504273504273934247699174;0.005982905982905983334474431246;0.009401709401709401267566157401;0.031196581196581196770978294808;0.000000000000000000000000000000;0.038034188034188030902438271141;0.005982905982905983334474431246;0.025213675213675214303865601551;0.029914529914529915805010418239;0.015384615384615385469402326635;0.016666666666666666435370203203;0.012393162393162392501122504029
-0.020930232558139534593255604022;0.010077519379844961100456401937;0.046899224806201553206186360967;0.166666666666666657414808128124;0.003488372093023255765542600670;0.015891472868217054043027403054;0.003488372093023255765542600670;0.019767441860465116004741403799;0.029069767441860464712855005587;0.042635658914728681578854008194;0.013953488372093023062170402682;0.010077519379844961100456401937;0.011627906976744185885142002235;0.028294573643410852320512205438;0.020542635658914728397084203948;0.015891472868217054043027403054;0.016279069767441860239198803129;0.025581395348837208947312404916;0.009689922480620154904285001862;0.004651162790697674354056800894;0.012790697674418604473656202458;0.009689922480620154904285001862;0.008139534883720930119599401564;0.056589147286821704641024410876;0.020930232558139534593255604022;0.029844961240310077105197805736;0.024806201550387596554969604767;0.007751937984496123923428001490;0.002713178294573643373199800521;0.012403100775193798277484802384;0.009302325581395348708113601788;0.024418604651162790358798204693;0.006201550387596899138742401192;0.012403100775193798277484802384;0.010465116279069767296627802011;0.041472868217054266459786759924;0.008527131782945736315770801639;0.011240310077519379688970602160;0.003100775193798449569371200596;0.003488372093023255765542600670;0.007364341085271317727256601415;0.012015503875968992081313402309;0.000000000000000000000000000000;0.027519379844961239928169405289;0.010077519379844961100456401937;0.024031007751937984162626804618;0.044186046511627906363539608492;0.018217054263565891220055803501;0.010465116279069767296627802011;0.014341085271317829258341802756
-0.015757575757575758429451795450;0.010000000000000000208166817117;0.048484848484848484806430946037;0.210606060606060602191647035397;0.008484848484848485708487153545;0.004545454545454545233762466694;0.004545454545454545233762466694;0.025151515151515150409133880771;0.008181818181818182461606525635;0.046666666666666668794594130532;0.009090909090909090467524933388;0.002727272727272727487202175212;0.005454545454545454974404350423;0.036666666666666666851703837438;0.012727272727272727695368992329;0.010000000000000000208166817117;0.023939393939393940891058321085;0.025454545454545455390737984658;0.011515151515151514707846480690;0.003636363636363636360482320953;0.013333333333333334189130248149;0.006666666666666667094565124074;0.005454545454545454974404350423;0.073939393939393943666615882648;0.015757575757575758429451795450;0.031212121212121211877299487014;0.025454545454545455390737984658;0.006969696969696969474084013996;0.002424242424242424240321547302;0.006060606060606060600803868255;0.002121212121212121427121788386;0.036060606060606063827389533571;0.004242424242424242854243576772;0.005757575757575757353923240345;0.004242424242424242854243576772;0.053333333333333336756520992594;0.010909090909090909948808700847;0.008484848484848485708487153545;0.000000000000000000000000000000;0.005151515151515151727523722514;0.010303030303030303455047445027;0.003333333333333333547282562037;0.000000000000000000000000000000;0.040909090909090908838585676222;0.009393939393939393714405561298;0.023636363636363635909454217199;0.040303030303030305814271372356;0.012424242424242424448488364419;0.007878787878787879214725897725;0.010606060606060606701928072937
-0.012962962962962962590318660716;0.007407407407407407690103084974;0.043333333333333334813630699500;0.174814814814814811771981339916;0.015555555555555555108382392859;0.004814814814814815172039352831;0.005925925925925925631665425186;0.029629629629629630760412339896;0.005555555555555555767577313730;0.061111111111111109106541761093;0.008518518518518519017090895318;0.001851851851851851922525771243;0.003703703703703703845051542487;0.032962962962962964741375770927;0.015925925925925926707193980292;0.007777777777777777554191196430;0.015185185185185185244294281404;0.026296296296296296779448908865;0.009259259259259258745267118229;0.005185185185185185036127464286;0.011851851851851851263330850372;0.002592592592592592518063732143;0.001851851851851851922525771243;0.091481481481481483064577275854;0.008518518518518519017090895318;0.036296296296296298722339201959;0.027407407407407408106436719208;0.024444444444444445724284875610;0.001111111111111111110147375847;0.010000000000000000208166817117;0.001111111111111111110147375847;0.041851851851851848418384349770;0.004074074074074073709139653943;0.002592592592592592518063732143;0.003333333333333333547282562037;0.065555555555555561353386906376;0.009629629629629630344078705662;0.001851851851851851922525771243;0.000000000000000000000000000000;0.001851851851851851922525771243;0.011851851851851851263330850372;0.001111111111111111110147375847;0.000000000000000000000000000000;0.032222222222222221543752596062;0.013703703703703704053218359604;0.029259259259259259161600752464;0.042962962962962959745372160114;0.014814814814814815380206169948;0.007407407407407407690103084974;0.011481481481481481399242738917
-0.031981981981981981444373985823;0.009459459459459459984564944079;0.054954954954954955692603135731;0.027027027027027028527328411656;0.010810810810810811410931364662;0.036936936936936934361419559991;0.003153153153153153039067735364;0.013063063063063063209967573641;0.026126126126126126419935147283;0.024324324324324325674595570490;0.016216216216216217116397046993;0.019369369369369369288103044369;0.027027027027027028527328411656;0.040540540540540542790992617483;0.009459459459459459984564944079;0.022972972972972974248229149907;0.034684684684684684297106826989;0.042792792792792792855305350486;0.012162162162162162837297785245;0.011711711711711711783601153058;0.009909909909909909303538100289;0.015315315315315315009003782620;0.018468468468468467180709779996;0.023423423423423423567202306117;0.032882882882882880082320298243;0.026126126126126126419935147283;0.024324324324324325674595570490;0.004504504504504504465434155946;0.001351351351351351426366420583;0.030630630630630630018007565241;0.014414414414414414636333994224;0.018468468468468467180709779996;0.013513513513513514263664205828;0.008558558558558557877171679706;0.030630630630630630018007565241;0.046846846846846847134404612234;0.012612612612612612156270941455;0.010360360360360360357234732476;0.001351351351351351426366420583;0.022972972972972974248229149907;0.006306306306306306078135470727;0.018918918918918919969129888159;0.000000000000000000000000000000;0.017117117117117115754343359413;0.006756756756756757131832102914;0.009459459459459459984564944079;0.027477477477477477846301567865;0.022072072072072072140835885534;0.037387387387387387149839668155;0.013063063063063063209967573641
-0.029629629629629630760412339896;0.016358024691358025171084022986;0.079629629629629633535969901459;0.000000000000000000000000000000;0.001234567901234567876070369330;0.012962962962962962590318660716;0.000925925925925925961262885622;0.029012345679012344762393027509;0.027777777777777776235801354687;0.033333333333333332870740406406;0.019753086419753086017125909279;0.009259259259259258745267118229;0.010493827160493827271858791050;0.051851851851851850361274642864;0.011728395061728395798450463872;0.024382716049382715389759468394;0.018518518518518517490534236458;0.059259259259259261520824679792;0.009876543209876543008562954640;0.012654320987654321326032480499;0.019444444444444444752839729063;0.016975308641975307699656383420;0.017901234567901234961961876024;0.036111111111111107718762980312;0.030555555555555554553270880547;0.043209876543209874144579885069;0.033950617283950615399312766840;0.007407407407407407690103084974;0.000308641975308641969017592332;0.007716049382716048954389265191;0.009567901234567901744276774423;0.016049382716049383906797842769;0.007407407407407407690103084974;0.010185185185185186007572610833;0.014506172839506172381196513754;0.043209876543209874144579885069;0.018827160493827162224267368629;0.008024691358024691953398921385;0.001851851851851851922525771243;0.013271604938271605589328316910;0.007098765432098765558455166769;0.011111111111111111535154627461;0.000000000000000000000000000000;0.020987654320987654543717582101;0.003086419753086419581755706076;0.009567901234567901744276774423;0.039197530864197534239412590296;0.031172839506172840551290192934;0.037962962962962962243373965521;0.024691358024691356654045648611
-0.028333333333333331899295259859;0.005555555555555555767577313730;0.066388888888888886175010384250;0.000277777777777777777536843962;0.001388888888888888941894328433;0.019166666666666665186369300500;0.000277777777777777777536843962;0.011388888888888889366901580047;0.030555555555555554553270880547;0.021666666666666667406815349750;0.018055555555555553859381490156;0.011944444444444445030395485219;0.036111111111111107718762980312;0.069444444444444447528397290625;0.007222222222222221890697291258;0.017222222222222222098864108375;0.014722222222222221613141535101;0.026944444444444444475283972906;0.004444444444444444440589503387;0.013333333333333334189130248149;0.010000000000000000208166817117;0.015555555555555555108382392859;0.025277777777777777484802257391;0.024722222222222221821308352219;0.041666666666666664353702032031;0.037222222222222219045750790656;0.030833333333333334119741309109;0.003888888888888888777095598215;0.000555555555555555555073687923;0.004722222222222222272336455973;0.008333333333333333217685101602;0.013055555555555556357383295563;0.012500000000000000693889390391;0.011944444444444445030395485219;0.073888888888888892836348532001;0.026111111111111112714766591125;0.015555555555555555108382392859;0.005000000000000000104083408559;0.003333333333333333547282562037;0.022499999999999999167332731531;0.001666666666666666773641281019;0.012777777777777778525636342977;0.000000000000000000000000000000;0.012777777777777778525636342977;0.003888888888888888777095598215;0.005833333333333333599324266316;0.043055555555555555247160270937;0.048888888888888891448569751219;0.055833333333333332038073137937;0.024166666666666666157814447047
-0.023577235772357724857828387144;0.016666666666666666435370203203;0.046341463414634145867587733392;0.001219512195121951218454436905;0.001626016260162601624605915873;0.027642276422764226750938831856;0.002032520325203252247597829339;0.017886178861788618738026812593;0.068292682926829273437618894604;0.020731707317073171797927599869;0.017073170731707318359404723651;0.017886178861788618738026812593;0.021951219512195120631137257305;0.032113821138211380568083797016;0.008943089430894309369013406297;0.015447154471544715867437069790;0.030487804878048779810839619131;0.044715447154471545110343555507;0.010569105691056910126257584182;0.013414634146341463186158371457;0.013821138211382113375469415928;0.034146341463414636718809447302;0.017073170731707318359404723651;0.023170731707317072933793866696;0.035365853658536582082572152785;0.025203252032520325615072565029;0.024796747967479673691038044581;0.011382113821138212239603149101;0.002032520325203252247597829339;0.017073170731707318359404723651;0.016260162601626017980782634709;0.017886178861788618738026812593;0.011382113821138212239603149101;0.008536585365853659179702361826;0.030081300813008131356252050637;0.041869918699186992050442768232;0.011382113821138212239603149101;0.012601626016260162807536282514;0.009349593495934959558324450768;0.027642276422764226750938831856;0.003658536585365853872203745212;0.046747967479674794322175301886;0.000000000000000000000000000000;0.014227642276422763564780460399;0.003658536585365853872203745212;0.012601626016260162807536282514;0.028455284552845527129560920798;0.016260162601626017980782634709;0.028048780487804878674973352304;0.016666666666666666435370203203
-0.030263157894736842506988594437;0.003070175438596491231113549958;0.080701754385964913351969585165;0.000000000000000000000000000000;0.000438596491228070183617665512;0.017543859649122806043664013487;0.001315789473684210496642887911;0.015350877192982455288206011801;0.028947368421052631359824403035;0.032456140350877189792999644169;0.012280701754385964924454199831;0.018421052631578945651957823770;0.021929824561403507554580016858;0.047368421052631580481229178758;0.004824561403508772182424646502;0.022368421052631579093450397977;0.028508771929824559820954021916;0.036403508771929826703939170329;0.006140350877192982462227099916;0.018421052631578945651957823770;0.010526315789473683973143103287;0.023245614035087718701744208261;0.012719298245614034728601104973;0.042982456140350878970313175387;0.030263157894736842506988594437;0.039473684210526313598244030345;0.032017543859649125193023166958;0.000877192982456140367235331023;0.001754385964912280734470662047;0.012719298245614034728601104973;0.012719298245614034728601104973;0.025438596491228069457202209946;0.010087719298245614168996198146;0.010087719298245614168996198146;0.032017543859649125193023166958;0.046929824561403508942358797640;0.020175438596491228337992396291;0.010964912280701753777290008429;0.001754385964912280734470662047;0.021929824561403507554580016858;0.005701754385964912658080194774;0.010087719298245614168996198146;0.000000000000000000000000000000;0.021491228070175439485156587693;0.001315789473684210496642887911;0.021929824561403507554580016858;0.034210526315789475948481168643;0.025877192982456140996072591065;0.035526315789473683626198408092;0.018421052631578945651957823770
-0.010810810810810811410931364662;0.006306306306306306078135470727;0.022972972972972974248229149907;0.580630630630630584221307799453;0.006756756756756757131832102914;0.014414414414414414636333994224;0.000450450450450450457385437320;0.011261261261261260729904520872;0.036036036036036035723473247572;0.009459459459459459984564944079;0.008558558558558557877171679706;0.011711711711711711783601153058;0.006756756756756757131832102914;0.014864864864864865690030626411;0.008108108108108108558198523497;0.008108108108108108558198523497;0.012162162162162162837297785245;0.015315315315315315009003782620;0.009909909909909909303538100289;0.002702702702702702852732841166;0.004504504504504504465434155946;0.011261261261261260729904520872;0.002252252252252252232717077973;0.010810810810810811410931364662;0.011261261261261260729904520872;0.010810810810810811410931364662;0.006756756756756757131832102914;0.003603603603603603659083498556;0.000000000000000000000000000000;0.011711711711711711783601153058;0.006756756756756757131832102914;0.006306306306306306078135470727;0.002702702702702702852732841166;0.004504504504504504465434155946;0.003603603603603603659083498556;0.014864864864864865690030626411;0.003153153153153153039067735364;0.002702702702702702852732841166;0.001351351351351351426366420583;0.004954954954954954651769050145;0.003153153153153153039067735364;0.018468468468468467180709779996;0.000000000000000000000000000000;0.004054054054054054279099261748;0.011711711711711711783601153058;0.001801801801801801829541749278;0.012612612612612612156270941455;0.010810810810810811410931364662;0.009459459459459459984564944079;0.006756756756756757131832102914
-0.008527131782945736315770801639;0.005813953488372092942571001117;0.022093023255813953181769804246;0.569379844961240277889658045751;0.014728682170542635454513202831;0.012403100775193798277484802384;0.001937984496124030980857000372;0.006976744186046511531085201341;0.041472868217054266459786759924;0.004651162790697674354056800894;0.007364341085271317727256601415;0.009689922480620154904285001862;0.003488372093023255765542600670;0.008914728682170542511942201713;0.009302325581395348708113601788;0.011240310077519379688970602160;0.015116279069767441650684602905;0.012015503875968992081313402309;0.015503875968992247846856002980;0.002713178294573643373199800521;0.002713178294573643373199800521;0.019379844961240309808570003725;0.001162790697674418588514200223;0.010465116279069767296627802011;0.011240310077519379688970602160;0.010077519379844961100456401937;0.010852713178294573492799202086;0.005038759689922480550228200968;0.002325581395348837177028400447;0.015116279069767441650684602905;0.007751937984496123923428001490;0.006201550387596899138742401192;0.003875968992248061961714000745;0.002325581395348837177028400447;0.003100775193798449569371200596;0.008527131782945736315770801639;0.001937984496124030980857000372;0.004263565891472868157885400819;0.012015503875968992081313402309;0.006976744186046511531085201341;0.001550387596899224784685600298;0.023255813953488371770284004469;0.000000000000000000000000000000;0.005426356589147286746399601043;0.010077519379844961100456401937;0.002325581395348837177028400447;0.010077519379844961100456401937;0.006201550387596899138742401192;0.006589147286821705334913801266;0.005813953488372092942571001117
-0.015972222222222220988641083750;0.009027777777777776929690745078;0.036805555555555556634939051719;0.202777777777777779011358916250;0.024652777777777776929690745078;0.013888888888888888117900677344;0.007291666666666666782314898398;0.018402777777777778317469525859;0.051041666666666665741480812812;0.015277777777777777276635440273;0.010069444444444445099784424258;0.012847222222222221682530474141;0.010069444444444445099784424258;0.020138888888888890199568848516;0.021180555555555556634939051719;0.018055555555555553859381490156;0.018402777777777778317469525859;0.022222222222222223070309254922;0.012847222222222221682530474141;0.005902777777777777623580135469;0.014930555555555556287994356524;0.023611111111111110494320541875;0.004166666666666666608842550801;0.031250000000000000000000000000;0.022916666666666665047591422422;0.018749999999999999306110609609;0.021874999999999998612221219219;0.016666666666666666435370203203;0.004166666666666666608842550801;0.013194444444444444405895033867;0.015972222222222220988641083750;0.024305555555555555941049661328;0.008333333333333333217685101602;0.009027777777777776929690745078;0.011805555555555555247160270937;0.021527777777777777623580135469;0.005208333333333333044212754004;0.016319444444444445446729119453;0.012847222222222221682530474141;0.012152777777777777970524830664;0.005555555555555555767577313730;0.028472222222222221682530474141;0.000000000000000000000000000000;0.017361111111111111882099322656;0.013888888888888888117900677344;0.016666666666666666435370203203;0.023263888888888889505679458125;0.012847222222222221682530474141;0.013541666666666667129259593594;0.012500000000000000693889390391
-0.027037037037037036507625131776;0.007037037037037036958653235530;0.061111111111111109106541761093;0.057037037037037038866849059104;0.008518518518518519017090895318;0.011851851851851851263330850372;0.002592592592592592518063732143;0.015925925925925926707193980292;0.046666666666666668794594130532;0.034444444444444444197728216750;0.014444444444444443781394582516;0.005555555555555555767577313730;0.010370370370370370072254928573;0.039629629629629632703302632990;0.007777777777777777554191196430;0.020000000000000000416333634234;0.027037037037037036507625131776;0.032592592592592589673117231541;0.005925925925925925631665425186;0.008888888888888888881179006773;0.015555555555555555108382392859;0.018888888888888889089345823891;0.007407407407407407690103084974;0.058888888888888886452566140406;0.027407407407407408106436719208;0.039259259259259257635044093604;0.021111111111111111743321444578;0.008888888888888888881179006773;0.002222222222222222220294751693;0.014444444444444443781394582516;0.007777777777777777554191196430;0.023333333333333334397297065266;0.003333333333333333547282562037;0.008518518518518519017090895318;0.011851851851851851263330850372;0.048518518518518516380311211833;0.008888888888888888881179006773;0.008888888888888888881179006773;0.010000000000000000208166817117;0.017037037037037038034181790636;0.010000000000000000208166817117;0.017777777777777777762358013547;0.000000000000000000000000000000;0.038148148148148146308056283260;0.003703703703703703845051542487;0.017777777777777777762358013547;0.047407407407407405053323401489;0.025185185185185185452461098521;0.016296296296296294836558615771;0.017037037037037038034181790636
-0.018055555555555553859381490156;0.040277777777777780399137697032;0.036111111111111107718762980312;0.026851851851851852442942814037;0.054629629629629632148191120677;0.011574074074074073431583897786;0.007407407407407407690103084974;0.046296296296296293726335591145;0.016203703703703702804217456901;0.021759259259259259439156508620;0.017129629629629630066522949505;0.008796296296296296848837847904;0.005092592592592593003786305417;0.026388888888888888811790067734;0.054166666666666668517038374375;0.012037037037037037062736644089;0.012037037037037037062736644089;0.042592592592592591616007524635;0.038888888888888889505679458125;0.010185185185185186007572610833;0.023611111111111110494320541875;0.012037037037037037062736644089;0.006481481481481481295159330358;0.030555555555555554553270880547;0.018055555555555553859381490156;0.027777777777777776235801354687;0.035648148148148151026504137917;0.033796296296296296501893152708;0.000925925925925925961262885622;0.032407407407407405608434913802;0.006018518518518518531368322044;0.011111111111111111535154627461;0.014814814814814815380206169948;0.006481481481481481295159330358;0.007407407407407407690103084974;0.025925925925925925180637321432;0.015277777777777777276635440273;0.011574074074074073431583897786;0.002314814814814814686316779557;0.005555555555555555767577313730;0.017129629629629630066522949505;0.013425925925925926221471407018;0.000000000000000000000000000000;0.019907407407407408383992475365;0.031481481481481478346129421197;0.016203703703703702804217456901;0.023611111111111110494320541875;0.011111111111111111535154627461;0.022685185185185186701462001224;0.010185185185185186007572610833
-0.010648148148148147904001881159;0.062500000000000000000000000000;0.021296296296296295808003762318;0.048611111111111111882099322656;0.040740740740740744030290443334;0.011574074074074073431583897786;0.009259259259259258745267118229;0.059259259259259261520824679792;0.018055555555555553859381490156;0.016666666666666666435370203203;0.019444444444444444752839729063;0.004629629629629629372633559115;0.008796296296296296848837847904;0.016203703703703702804217456901;0.057407407407407406996213694583;0.007407407407407407690103084974;0.007870370370370369586532355299;0.073148148148148142699831453228;0.043055555555555555247160270937;0.003703703703703703845051542487;0.022222222222222223070309254922;0.012037037037037037062736644089;0.014814814814814815380206169948;0.027777777777777776235801354687;0.010185185185185186007572610833;0.015740740740740739173064710599;0.043981481481481482509465763542;0.045370370370370373402924002448;0.000000000000000000000000000000;0.026388888888888888811790067734;0.003240740740740740647579665179;0.008333333333333333217685101602;0.019444444444444444752839729063;0.003240740740740740647579665179;0.006481481481481481295159330358;0.027314814814814816074095560339;0.020833333333333332176851016015;0.004629629629629629372633559115;0.001851851851851851922525771243;0.006944444444444444058950338672;0.020833333333333332176851016015;0.008796296296296296848837847904;0.000000000000000000000000000000;0.011111111111111111535154627461;0.033333333333333332870740406406;0.011111111111111111535154627461;0.014814814814814815380206169948;0.007870370370370369586532355299;0.025000000000000001387778780781;0.006018518518518518531368322044
-0.021000000000000001304512053935;0.035333333333333334647097245806;0.047666666666666669682772550232;0.001666666666666666773641281019;0.005000000000000000104083408559;0.010999999999999999361621760841;0.004666666666666667052931760651;0.057000000000000002053912595557;0.023333333333333334397297065266;0.034666666666666665075346998037;0.017000000000000001221245327088;0.005000000000000000104083408559;0.011666666666666667198648532633;0.033666666666666664187168578337;0.038666666666666668628060676838;0.008333333333333333217685101602;0.017666666666666667323548622903;0.065333333333333326597980317274;0.029333333333333332787473679559;0.007333333333333333196868419890;0.018999999999999999528155214534;0.012333333333333333300951828448;0.012666666666666666352103476356;0.040333333333333332149095440400;0.014999999999999999444888487687;0.025000000000000001387778780781;0.050000000000000002775557561563;0.027333333333333334480563792113;0.000666666666666666644404382058;0.011666666666666667198648532633;0.005333333333333333155235056466;0.021666666666666667406815349750;0.017000000000000001221245327088;0.004000000000000000083266726847;0.011333333333333334147496884725;0.048333333333333332315628894094;0.018333333333333333425851918719;0.006000000000000000124900090270;0.003666666666666666598434209945;0.006666666666666667094565124074;0.017000000000000001221245327088;0.021666666666666667406815349750;0.000000000000000000000000000000;0.025333333333333332704206952712;0.011333333333333334147496884725;0.017999999999999998639976794834;0.025333333333333332704206952712;0.010999999999999999361621760841;0.033333333333333332870740406406;0.005333333333333333155235056466
-0.018666666666666668211727042603;0.012666666666666666352103476356;0.052999999999999998501198916756;0.141666666666666662965923251249;0.005000000000000000104083408559;0.015333333333333332496040135595;0.003000000000000000062450045135;0.035999999999999997279953589668;0.021999999999999998723243521681;0.032000000000000000666133814775;0.010000000000000000208166817117;0.007666666666666666248020067798;0.014666666666666666393736839780;0.025000000000000001387778780781;0.022666666666666668294993769450;0.013666666666666667240281896056;0.018333333333333333425851918719;0.050999999999999996724842077356;0.017666666666666667323548622903;0.005666666666666667073748442363;0.012666666666666666352103476356;0.017000000000000001221245327088;0.005333333333333333155235056466;0.043666666666666666130058871431;0.021666666666666667406815349750;0.035333333333333334647097245806;0.035333333333333334647097245806;0.006333333333333333176051738178;0.003000000000000000062450045135;0.012999999999999999403255124264;0.007000000000000000145716771982;0.026333333333333333592385372413;0.008999999999999999319988397417;0.006333333333333333176051738178;0.011333333333333334147496884725;0.037999999999999999056310429069;0.008999999999999999319988397417;0.007000000000000000145716771982;0.002666666666666666577617528233;0.008666666666666666268836749509;0.008000000000000000166533453694;0.010000000000000000208166817117;0.000000000000000000000000000000;0.023666666666666665713725237197;0.015333333333333332496040135595;0.017666666666666667323548622903;0.032333333333333331982561986706;0.012666666666666666352103476356;0.020666666666666666518636930050;0.015333333333333332496040135595
-0.018992248062015503612398603650;0.005426356589147286746399601043;0.041085271317829456794168407896;0.262403100775193798277484802384;0.008914728682170542511942201713;0.025581395348837208947312404916;0.004263565891472868157885400819;0.014728682170542635454513202831;0.039534883720930232009482807598;0.014728682170542635454513202831;0.011627906976744185885142002235;0.018604651162790697416227203576;0.018604651162790697416227203576;0.026744186046511627535826605140;0.017441860465116278827713003352;0.016279069767441860239198803129;0.015116279069767441650684602905;0.022868217054263565574112604395;0.014341085271317829258341802756;0.007751937984496123923428001490;0.010077519379844961100456401937;0.026356589147286821339655205065;0.005038759689922480550228200968;0.028682170542635658516683605512;0.025968992248062015143483804991;0.020542635658914728397084203948;0.018604651162790697416227203576;0.003875968992248061961714000745;0.001937984496124030980857000372;0.018217054263565891220055803501;0.014341085271317829258341802756;0.009302325581395348708113601788;0.008139534883720930119599401564;0.008527131782945736315770801639;0.014341085271317829258341802756;0.019767441860465116004741403799;0.008139534883720930119599401564;0.008527131782945736315770801639;0.006201550387596899138742401192;0.013178294573643410669827602533;0.005038759689922480550228200968;0.018604651162790697416227203576;0.000000000000000000000000000000;0.011627906976744185885142002235;0.012403100775193798277484802384;0.011627906976744185885142002235;0.021705426356589146985598404171;0.016279069767441860239198803129;0.013178294573643410669827602533;0.014728682170542635454513202831
-0.025000000000000001387778780781;0.018055555555555553859381490156;0.048611111111111111882099322656;0.075462962962962967794489088647;0.017129629629629630066522949505;0.016203703703703702804217456901;0.001851851851851851922525771243;0.030092592592592590922118134245;0.012037037037037037062736644089;0.034259259259259260133045899011;0.010648148148148147904001881159;0.017129629629629630066522949505;0.004166666666666666608842550801;0.031944444444444441977282167500;0.020833333333333332176851016015;0.017592592592592593697675695807;0.017592592592592593697675695807;0.037037037037037034981068472916;0.022685185185185186701462001224;0.006944444444444444058950338672;0.021296296296296295808003762318;0.011111111111111111535154627461;0.006944444444444444058950338672;0.055555555555555552471602709375;0.027314814814814816074095560339;0.041203703703703700722549285729;0.030555555555555554553270880547;0.019907407407407408383992475365;0.000925925925925925961262885622;0.012500000000000000693889390391;0.013425925925925926221471407018;0.028703703703703703498106847292;0.007407407407407407690103084974;0.004629629629629629372633559115;0.011111111111111111535154627461;0.037962962962962962243373965521;0.015277777777777777276635440273;0.012962962962962962590318660716;0.000925925925925925961262885622;0.009259259259259258745267118229;0.008333333333333333217685101602;0.010648148148148147904001881159;0.000000000000000000000000000000;0.028240740740740739866954100989;0.015740740740740739173064710599;0.013425925925925926221471407018;0.039814814814814816767984950729;0.021759259259259259439156508620;0.019907407407407408383992475365;0.007870370370370369586532355299
-0.029874213836477987726869542939;0.016037735849056603681939137118;0.053144654088050316542712891987;0.027358490566037736713145278600;0.011320754716981131296482665505;0.012893081761006289914783806694;0.006918238993710692022465202911;0.030188679245283019103585075982;0.010377358490566037166336066377;0.047169811320754720385117764181;0.015723270440251572305223604076;0.013522012578616352668214872779;0.007547169811320754775896268995;0.038050314465408803521473402043;0.025471698113207548452852080345;0.021698113207547168462818731882;0.016666666666666666435370203203;0.036163522012578615261180203788;0.016352201257861635058654670161;0.005660377358490565648241332752;0.018238993710691823318947868415;0.010062893081761005789620533335;0.009748427672955974412905000293;0.059748427672955975453739085879;0.021069182389937105709387665797;0.038993710691823897651620001170;0.038364779874213834898188935085;0.014465408805031446798361471906;0.002201257861635220070689600291;0.016037735849056603681939137118;0.009748427672955974412905000293;0.026100628930817611206283146430;0.008805031446540880282758401165;0.013836477987421384044930405821;0.011320754716981131296482665505;0.038679245283018866274904468128;0.012578616352201258538068273651;0.010377358490566037166336066377;0.000314465408805031430925641667;0.008176100628930817529327335080;0.008176100628930817529327335080;0.009433962264150943036189467250;0.000000000000000000000000000000;0.034905660377358489754318071618;0.014150943396226415421645938864;0.027358490566037736713145278600;0.044025157232704399679068529849;0.016666666666666666435370203203;0.016352201257861635058654670161;0.017924528301886791942232335373
-0.019841269841269840168429539062;0.011904761904761904101057723437;0.047619047619047616404230893750;0.161111111111111121596550788126;0.015873015873015872134743631250;0.015079365079365079568840535273;0.004761904761904762334312479766;0.020634920634920634469056111016;0.036904761904761905488836504219;0.030555555555555554553270880547;0.014682539682539682418527249297;0.009523809523809524668624959531;0.006746031746031746351155433672;0.025000000000000001387778780781;0.017063492063492061850960013203;0.015873015873015872134743631250;0.018253968253968255036623347110;0.032936507936507937455150596406;0.010714285714285714384841341484;0.004761904761904762334312479766;0.010714285714285714384841341484;0.018650793650793650452213157109;0.005555555555555555767577313730;0.045634920634920632387387939843;0.019047619047619049337249919063;0.034523809523809526056403740313;0.028968253968253969421464688594;0.010714285714285714384841341484;0.003968253968253968033685907812;0.019047619047619049337249919063;0.011904761904761904101057723437;0.026984126984126985404621734688;0.005952380952380952050528861719;0.008333333333333333217685101602;0.007539682539682539784420267637;0.035714285714285712303173170312;0.009920634920634920084214769531;0.010317460317460317234528055508;0.007142857142857142634106981660;0.005158730158730158617264027754;0.004365079365079365183999193789;0.023412698412698412786525636875;0.000000000000000000000000000000;0.024206349206349207087152208828;0.013095238095238095551997581367;0.016269841269841271019780393203;0.026190476190476191103995162734;0.016269841269841271019780393203;0.013888888888888888117900677344;0.016666666666666666435370203203
-0.016296296296296294836558615771;0.007037037037037036958653235530;0.040000000000000000832667268469;0.328888888888888897277240630501;0.006666666666666667094565124074;0.008518518518518519017090895318;0.003333333333333333547282562037;0.014074074074074073917306471060;0.046666666666666668794594130532;0.020370370370370372015145221667;0.012222222222222222862142437805;0.009259259259259258745267118229;0.015555555555555555108382392859;0.025555555555555557051272685953;0.010000000000000000208166817117;0.014444444444444443781394582516;0.017407407407407406163546426114;0.020740740740740740144509857146;0.016296296296296294836558615771;0.003703703703703703845051542487;0.011851851851851851263330850372;0.029259259259259259161600752464;0.002962962962962962815832712593;0.023333333333333334397297065266;0.024074074074074074125473288177;0.022222222222222223070309254922;0.015555555555555555108382392859;0.009259259259259258745267118229;0.002222222222222222220294751693;0.011481481481481481399242738917;0.008148148148148147418279307885;0.009629629629629630344078705662;0.005555555555555555767577313730;0.004814814814814815172039352831;0.013333333333333334189130248149;0.023333333333333334397297065266;0.005555555555555555767577313730;0.009259259259259258745267118229;0.007407407407407407690103084974;0.008148148148148147418279307885;0.004814814814814815172039352831;0.024074074074074074125473288177;0.000000000000000000000000000000;0.015185185185185185244294281404;0.010370370370370370072254928573;0.010740740740740739936343040029;0.019259259259259260688157411323;0.011481481481481481399242738917;0.009629629629629630344078705662;0.010000000000000000208166817117
-0.020075757575757576661734660206;0.018181818181818180935049866775;0.056818181818181816289392571662;0.008712121212121212709966755483;0.028787878787878789371701415689;0.023484848484848483418652165255;0.004924242424242423858682382587;0.021590909090909091161414323778;0.044318181818181819064950133225;0.020454545454545454419292838111;0.010984848484848484459486250842;0.014393939393939394685850707845;0.010606060606060606701928072937;0.025757575757575756902895136591;0.024621212121212120160773650923;0.014772727272727272443408885749;0.032196969696969696128618920739;0.055303030303030305259159860043;0.023863636363636364645657295114;0.008333333333333333217685101602;0.016666666666666666435370203203;0.027651515151515152629579930021;0.012500000000000000693889390391;0.026893939393939393645016622258;0.017803030303030303177491688871;0.025000000000000001387778780781;0.025000000000000001387778780781;0.010606060606060606701928072937;0.001515151515151515150200967064;0.032954545454545451643735276548;0.010606060606060606701928072937;0.020833333333333332176851016015;0.016666666666666666435370203203;0.009090909090909090467524933388;0.016666666666666666435370203203;0.041666666666666664353702032031;0.009848484848484847717364765174;0.008712121212121212709966755483;0.008712121212121212709966755483;0.022727272727272727903535809446;0.004545454545454545233762466694;0.033712121212121214097745536264;0.000000000000000000000000000000;0.021590909090909091161414323778;0.026136363636363634660453314495;0.013636363636363635701287400082;0.023106060606060605661093987351;0.015530303030303029693248717535;0.022348484848484850145977631541;0.009090909090909090467524933388
-0.026388888888888888811790067734;0.012500000000000000693889390391;0.053124999999999998612221219219;0.001388888888888888941894328433;0.015625000000000000000000000000;0.013541666666666667129259593594;0.004861111111111111188209932266;0.022916666666666665047591422422;0.038194444444444447528397290625;0.029513888888888888117900677344;0.011458333333333332523795711211;0.009374999999999999653055304805;0.011111111111111111535154627461;0.036458333333333335646297967969;0.015972222222222220988641083750;0.015972222222222220988641083750;0.030208333333333333564629796797;0.052430555555555556634939051719;0.028472222222222221682530474141;0.005902777777777777623580135469;0.021180555555555556634939051719;0.026388888888888888811790067734;0.023611111111111110494320541875;0.037499999999999998612221219219;0.021527777777777777623580135469;0.031250000000000000000000000000;0.029166666666666667129259593594;0.022569444444444444058950338672;0.001736111111111111014737584668;0.014236111111111110841265237070;0.008680555555555555941049661328;0.022569444444444444058950338672;0.014930555555555556287994356524;0.011458333333333332523795711211;0.014583333333333333564629796797;0.036458333333333335646297967969;0.019097222222222223764198645313;0.009374999999999999653055304805;0.004513888888888888464845372539;0.020833333333333332176851016015;0.009027777777777776929690745078;0.030902777777777779011358916250;0.000000000000000000000000000000;0.019791666666666665741480812812;0.010763888888888888811790067734;0.016319444444444445446729119453;0.023958333333333334952408577578;0.017013888888888887424011286953;0.029166666666666667129259593594;0.015972222222222220988641083750
-0.020416666666666666296592325125;0.047916666666666669904817155157;0.044583333333333335923853724125;0.032083333333333331760517381781;0.029999999999999998889776975375;0.012916666666666666574148081281;0.011249999999999999583666365766;0.040000000000000000832667268469;0.020416666666666666296592325125;0.018749999999999999306110609609;0.016666666666666666435370203203;0.005000000000000000104083408559;0.007083333333333332974823814965;0.029999999999999998889776975375;0.043333333333333334813630699500;0.013750000000000000069388939039;0.019583333333333334536074943344;0.041666666666666664353702032031;0.012500000000000000693889390391;0.006250000000000000346944695195;0.019166666666666665186369300500;0.012083333333333333078907223523;0.010416666666666666088425508008;0.030416666666666668239482618219;0.017083333333333332315628894094;0.024583333333333332038073137937;0.032083333333333331760517381781;0.070000000000000006661338147751;0.002083333333333333304421275400;0.014166666666666665949647629930;0.011249999999999999583666365766;0.017916666666666667545593227828;0.008750000000000000832667268469;0.006666666666666667094565124074;0.010833333333333333703407674875;0.026666666666666668378260496297;0.010833333333333333703407674875;0.005833333333333333599324266316;0.002500000000000000052041704279;0.011249999999999999583666365766;0.017500000000000001665334536938;0.023333333333333334397297065266;0.000000000000000000000000000000;0.022916666666666665047591422422;0.019166666666666665186369300500;0.014999999999999999444888487687;0.026249999999999999028554853453;0.016250000000000000555111512313;0.026666666666666668378260496297;0.014166666666666665949647629930
-0.022962962962962962798485477833;0.024074074074074074125473288177;0.038888888888888889505679458125;0.116296296296296300387673738896;0.012592592592592592726230549260;0.012592592592592592726230549260;0.006666666666666667094565124074;0.021851851851851851471497667490;0.030740740740740742087400150240;0.024074074074074074125473288177;0.013333333333333334189130248149;0.009629629629629630344078705662;0.010740740740740739936343040029;0.029259259259259259161600752464;0.031111111111111110216764785719;0.024444444444444445724284875610;0.021481481481481479872686080057;0.028888888888888887562789165031;0.020370370370370372015145221667;0.006666666666666667094565124074;0.015925925925925926707193980292;0.024074074074074074125473288177;0.008888888888888888881179006773;0.035555555555555555524716027094;0.022222222222222223070309254922;0.029259259259259259161600752464;0.020740740740740740144509857146;0.026666666666666668378260496297;0.000370370370370370351979089074;0.010740740740740739936343040029;0.011111111111111111535154627461;0.020000000000000000416333634234;0.007777777777777777554191196430;0.008148148148148147418279307885;0.018148148148148149361169600979;0.030370370370370370488588562807;0.010370370370370370072254928573;0.010740740740740739936343040029;0.004074074074074073709139653943;0.012222222222222222862142437805;0.008148148148148147418279307885;0.031481481481481478346129421197;0.000000000000000000000000000000;0.020740740740740740144509857146;0.012222222222222222862142437805;0.017037037037037038034181790636;0.027037037037037036507625131776;0.019629629629629628817522046802;0.012222222222222222862142437805;0.017407407407407406163546426114
-0.016319444444444445446729119453;0.014236111111111110841265237070;0.049652777777777774848022573906;0.125000000000000000000000000000;0.021874999999999998612221219219;0.010763888888888888811790067734;0.005902777777777777623580135469;0.024652777777777776929690745078;0.047222222222222220988641083750;0.039236111111111110494320541875;0.010763888888888888811790067734;0.005208333333333333044212754004;0.009374999999999999653055304805;0.023958333333333334952408577578;0.023611111111111110494320541875;0.014930555555555556287994356524;0.020486111111111111188209932266;0.027430555555555555247160270937;0.012500000000000000693889390391;0.007291666666666666782314898398;0.014583333333333333564629796797;0.025347222222222222376419864531;0.006597222222222222202947516934;0.042013888888888892281237019688;0.019097222222222223764198645313;0.029166666666666667129259593594;0.026041666666666667823148983985;0.018402777777777778317469525859;0.001388888888888888941894328433;0.014236111111111110841265237070;0.002083333333333333304421275400;0.023611111111111110494320541875;0.012500000000000000693889390391;0.008333333333333333217685101602;0.006250000000000000346944695195;0.036111111111111107718762980312;0.008680555555555555941049661328;0.007986111111111110494320541875;0.009027777777777776929690745078;0.012152777777777777970524830664;0.008333333333333333217685101602;0.020833333333333332176851016015;0.000000000000000000000000000000;0.025347222222222222376419864531;0.014583333333333333564629796797;0.014583333333333333564629796797;0.037847222222222219600862302968;0.017013888888888887424011286953;0.015972222222222220988641083750;0.011458333333333332523795711211
-0.017924528301886791942232335373;0.045597484276729556562646195061;0.030817610062893081857016142067;0.050000000000000002775557561563;0.029559748427672956350154009897;0.014150943396226415421645938864;0.010062893081761005789620533335;0.032389937106918238740593807279;0.039308176100628929028335534213;0.021069182389937105709387665797;0.012578616352201258538068273651;0.018553459119496854695663401458;0.007547169811320754775896268995;0.016981132075471697812085736246;0.046540880503144650692792794189;0.011320754716981131296482665505;0.017610062893081760565516802330;0.040566037735849054535197666382;0.024213836477987422945989948175;0.002201257861635220070689600291;0.014779874213836478175077004948;0.022641509433962262592965331010;0.013207547169811321291499339736;0.024528301886792454322705481218;0.014779874213836478175077004948;0.019811320754716980202525533628;0.022641509433962262592965331010;0.067924528301886791248342944982;0.002201257861635220070689600291;0.026415094339622642582998679472;0.012893081761006289914783806694;0.018238993710691823318947868415;0.014150943396226415421645938864;0.002830188679245282824120666376;0.007547169811320754775896268995;0.026415094339622642582998679472;0.011006289308176099919767132462;0.009433962264150943036189467250;0.011949685534591195784637207566;0.016037735849056603681939137118;0.018867924528301886072378934500;0.027044025157232705336429745557;0.000000000000000000000000000000;0.014779874213836478175077004948;0.030188679245283019103585075982;0.012578616352201258538068273651;0.019496855345911948825810000585;0.008176100628930817529327335080;0.012578616352201258538068273651;0.007861635220125786152611802038
-0.028518518518518519433424529552;0.024074074074074074125473288177;0.041481481481481480289019714291;0.038888888888888889505679458125;0.027777777777777776235801354687;0.016666666666666666435370203203;0.007407407407407407690103084974;0.024444444444444445724284875610;0.025555555555555557051272685953;0.032962962962962964741375770927;0.020370370370370372015145221667;0.008888888888888888881179006773;0.006296296296296296363115274630;0.028888888888888887562789165031;0.032962962962962964741375770927;0.021481481481481479872686080057;0.018148148148148149361169600979;0.028148148148148147834612942120;0.024074074074074074125473288177;0.006666666666666667094565124074;0.015925925925925926707193980292;0.025925925925925925180637321432;0.002962962962962962815832712593;0.044814814814814814269983145323;0.030370370370370370488588562807;0.036296296296296298722339201959;0.034814814814814812327092852229;0.027777777777777776235801354687;0.003333333333333333547282562037;0.010740740740740739936343040029;0.012222222222222222862142437805;0.023703703703703702526661700745;0.011851851851851851263330850372;0.008148148148148147418279307885;0.007037037037037036958653235530;0.035555555555555555524716027094;0.007407407407407407690103084974;0.012592592592592592726230549260;0.004074074074074073709139653943;0.006296296296296296363115274630;0.007407407407407407690103084974;0.006296296296296296363115274630;0.000000000000000000000000000000;0.028888888888888887562789165031;0.020370370370370372015145221667;0.021111111111111111743321444578;0.031481481481481478346129421197;0.023333333333333334397297065266;0.017407407407407406163546426114;0.018148148148148149361169600979
-0.028333333333333331899295259859;0.017083333333333332315628894094;0.037083333333333336201409480282;0.002916666666666666799662133158;0.019166666666666665186369300500;0.021250000000000001526556658860;0.005000000000000000104083408559;0.031250000000000000000000000000;0.016666666666666666435370203203;0.040000000000000000832667268469;0.016250000000000000555111512313;0.010833333333333333703407674875;0.008333333333333333217685101602;0.029583333333333333009518284484;0.020000000000000000416333634234;0.020000000000000000416333634234;0.012916666666666666574148081281;0.028333333333333331899295259859;0.034583333333333333980963431031;0.005833333333333333599324266316;0.020000000000000000416333634234;0.011666666666666667198648532633;0.008750000000000000832667268469;0.059166666666666666019036568969;0.030416666666666668239482618219;0.048750000000000001665334536938;0.040000000000000000832667268469;0.010000000000000000208166817117;0.002500000000000000052041704279;0.025416666666666667268037471672;0.013750000000000000069388939039;0.031666666666666669349705642844;0.014999999999999999444888487687;0.007083333333333332974823814965;0.006666666666666667094565124074;0.043333333333333334813630699500;0.010416666666666666088425508008;0.014999999999999999444888487687;0.002500000000000000052041704279;0.004166666666666666608842550801;0.010833333333333333703407674875;0.012500000000000000693889390391;0.000000000000000000000000000000;0.038333333333333330372738601000;0.017916666666666667545593227828;0.020833333333333332176851016015;0.032083333333333331760517381781;0.020833333333333332176851016015;0.019583333333333334536074943344;0.015416666666666667059870654555
-0.030092592592592590922118134245;0.016203703703703702804217456901;0.036111111111111107718762980312;0.113425925925925930037863054167;0.014814814814814815380206169948;0.019444444444444444752839729063;0.005092592592592593003786305417;0.025462962962962961549484575130;0.017129629629629630066522949505;0.037037037037037034981068472916;0.016203703703703702804217456901;0.013425925925925926221471407018;0.011111111111111111535154627461;0.029629629629629630760412339896;0.022685185185185186701462001224;0.018055555555555553859381490156;0.014814814814814815380206169948;0.025462962962962961549484575130;0.024074074074074074125473288177;0.005092592592592593003786305417;0.021759259259259259439156508620;0.010648148148148147904001881159;0.009722222222222222376419864531;0.047685185185185184619793830052;0.029166666666666667129259593594;0.040277777777777780399137697032;0.032407407407407405608434913802;0.016203703703703702804217456901;0.002777777777777777883788656865;0.016666666666666666435370203203;0.009259259259259258745267118229;0.014351851851851851749053423646;0.015277777777777777276635440273;0.005092592592592593003786305417;0.009259259259259258745267118229;0.036574074074074071349915726614;0.009722222222222222376419864531;0.012500000000000000693889390391;0.002314814814814814686316779557;0.005092592592592593003786305417;0.005555555555555555767577313730;0.011574074074074073431583897786;0.000000000000000000000000000000;0.028703703703703703498106847292;0.023611111111111110494320541875;0.014351851851851851749053423646;0.030092592592592590922118134245;0.014351851851851851749053423646;0.015740740740740739173064710599;0.013888888888888888117900677344
-0.027777777777777776235801354687;0.010740740740740739936343040029;0.050000000000000002775557561563;0.096296296296296296501893152708;0.008148148148148147418279307885;0.014814814814814815380206169948;0.004814814814814815172039352831;0.017407407407407406163546426114;0.017777777777777777762358013547;0.038148148148148146308056283260;0.010740740740740739936343040029;0.010000000000000000208166817117;0.021111111111111111743321444578;0.034814814814814812327092852229;0.017037037037037038034181790636;0.023333333333333334397297065266;0.019259259259259260688157411323;0.029259259259259259161600752464;0.021111111111111111743321444578;0.007777777777777777554191196430;0.016296296296296294836558615771;0.012222222222222222862142437805;0.010370370370370370072254928573;0.048148148148148148250946576354;0.028148148148148147834612942120;0.037407407407407410049327012302;0.025555555555555557051272685953;0.008888888888888888881179006773;0.003333333333333333547282562037;0.018888888888888889089345823891;0.012222222222222222862142437805;0.028888888888888887562789165031;0.014444444444444443781394582516;0.009259259259259258745267118229;0.012222222222222222862142437805;0.041111111111111112159655078813;0.007037037037037036958653235530;0.011851851851851851263330850372;0.001481481481481481407916356297;0.004444444444444444440589503387;0.008148148148148147418279307885;0.010740740740740739936343040029;0.000000000000000000000000000000;0.031111111111111110216764785719;0.010000000000000000208166817117;0.018888888888888889089345823891;0.037407407407407410049327012302;0.018888888888888889089345823891;0.017037037037037038034181790636;0.015185185185185185244294281404
-0.023333333333333334397297065266;0.019259259259259260688157411323;0.042222222222222223486642889156;0.012962962962962962590318660716;0.020000000000000000416333634234;0.031481481481481478346129421197;0.004814814814814815172039352831;0.024814814814814813853649511088;0.027777777777777776235801354687;0.023703703703703702526661700745;0.017037037037037038034181790636;0.010370370370370370072254928573;0.022592592592592591199673890401;0.032222222222222221543752596062;0.020000000000000000416333634234;0.018148148148148149361169600979;0.017777777777777777762358013547;0.029629629629629630760412339896;0.029999999999999998889776975375;0.006666666666666667094565124074;0.017777777777777777762358013547;0.022592592592592591199673890401;0.013333333333333334189130248149;0.036296296296296298722339201959;0.027777777777777776235801354687;0.031111111111111110216764785719;0.032962962962962964741375770927;0.022962962962962962798485477833;0.001111111111111111110147375847;0.033333333333333332870740406406;0.013703703703703704053218359604;0.017037037037037038034181790636;0.020000000000000000416333634234;0.005925925925925925631665425186;0.023703703703703702526661700745;0.027037037037037036507625131776;0.006666666666666667094565124074;0.012592592592592592726230549260;0.002222222222222222220294751693;0.015185185185185185244294281404;0.008148148148148147418279307885;0.033333333333333332870740406406;0.000000000000000000000000000000;0.018888888888888889089345823891;0.018518518518518517490534236458;0.017407407407407406163546426114;0.034814814814814812327092852229;0.018518518518518517490534236458;0.016666666666666666435370203203;0.015555555555555555108382392859
-0.019827586206896553183698372891;0.020689655172413792816321631562;0.055459770114942526231249786406;0.006609195402298850482991632305;0.035919540229885055238057134375;0.017816091954022988258499182734;0.007758620689655172306120611836;0.025000000000000001387778780781;0.029310344827586206489788978047;0.034195402298850575972810617031;0.017528735632183909537440413828;0.009195402298850574585031836250;0.011206896551724137775507550430;0.032183908045977011047611426875;0.026149425287356323210907760313;0.015804597701149426802746944531;0.018965517241379310081628162266;0.030459770114942528312917957578;0.033045977011494254149681637500;0.006034482758620689571427142539;0.018678160919540231360569393360;0.025574712643678162299343270547;0.011206896551724137775507550430;0.043965517241379307999959991093;0.021551724137931035918391842188;0.026436781609195401931966529219;0.028735632183908045578224488281;0.020114942528735631904757141797;0.001724137931034482734693469297;0.035057471264367819074880827657;0.004310344827586206836733673242;0.020114942528735631904757141797;0.019540229885057470993192652031;0.006034482758620689571427142539;0.013505747126436781421765509492;0.037356321839080462721138786719;0.008908045977011494129249591367;0.011206896551724137775507550430;0.004022988505747126380951428359;0.013505747126436781421765509492;0.009195402298850574585031836250;0.017528735632183909537440413828;0.000000000000000000000000000000;0.018103448275862070449004903594;0.030459770114942528312917957578;0.012643678160919540054418774844;0.033620689655172411591799175312;0.018103448275862070449004903594;0.021839080459770114639450611094;0.013793103448275861877547754375
-0.054487179487179487891168605529;0.006089743589743589792517841630;0.041346153846153844979571800877;0.071153846153846150857091856778;0.001282051282051282050170049054;0.018910256410256408993175725186;0.003205128205128205017004905386;0.014102564102564102768710974090;0.028846153846153847755129362440;0.040705128205128206231311338570;0.018269230769230770244915262879;0.009615384615384615918376454147;0.009294871794871794809522747016;0.048717948717948718340142733041;0.005128205128205128200680196215;0.029166666666666667129259593594;0.021794871794871793768688661430;0.024679487179487178544201597674;0.008012820512820512108831394471;0.008333333333333333217685101602;0.017948717948717947401338079771;0.015384615384615385469402326635;0.004807692307692307959188227073;0.046474358974358975782337211058;0.048076923076923079591882270734;0.053846153846153849142908143222;0.025641025641025640136039243089;0.004166666666666666608842550801;0.002243589743589743425167259971;0.004807692307692307959188227073;0.016346153846153847061239972049;0.016346153846153847061239972049;0.003846153846153846367350581659;0.005128205128205128200680196215;0.011858974358974358476181976130;0.034615384615384617306155234928;0.011858974358974358476181976130;0.016025641025641024217662788942;0.002884615384615384775512936244;0.009294871794871794809522747016;0.002243589743589743425167259971;0.015384615384615385469402326635;0.000000000000000000000000000000;0.027884615384615386163291717025;0.003205128205128205017004905386;0.020512820512820512802720784862;0.040384615384615386857181107416;0.034935897435897436680285466082;0.018589743589743589619045494032;0.022115384615384616612265844537
-0.025193798449612402751141004842;0.002713178294573643373199800521;0.051937984496124030286967609982;0.188759689922480627943812692138;0.003100775193798449569371200596;0.019767441860465116004741403799;0.005038759689922480550228200968;0.013178294573643410669827602533;0.054651162790697677129614362457;0.030620155038759689497540605885;0.011627906976744185885142002235;0.012790697674418604473656202458;0.007364341085271317727256601415;0.036434108527131782440111607002;0.008527131782945736315770801639;0.025193798449612402751141004842;0.019379844961240309808570003725;0.019767441860465116004741403799;0.005038759689922480550228200968;0.008139534883720930119599401564;0.007751937984496123923428001490;0.024806201550387596554969604767;0.003100775193798449569371200596;0.037984496124031007224797207300;0.030620155038759689497540605885;0.034883720930232557655426006704;0.013953488372093023062170402682;0.007364341085271317727256601415;0.003488372093023255765542600670;0.006976744186046511531085201341;0.011627906976744185885142002235;0.020155038759689922200912803874;0.002325581395348837177028400447;0.006589147286821705334913801266;0.006201550387596899138742401192;0.036821705426356592105729959030;0.006589147286821705334913801266;0.017054263565891472631541603278;0.003488372093023255765542600670;0.008527131782945736315770801639;0.005038759689922480550228200968;0.032945736434108530144015958285;0.000000000000000000000000000000;0.020155038759689922200912803874;0.007751937984496123923428001490;0.018217054263565891220055803501;0.033333333333333332870740406406;0.019379844961240309808570003725;0.006976744186046511531085201341;0.016666666666666666435370203203
-0.023404255319148935254869314804;0.002127659574468085141446538344;0.082269503546099284618797753410;0.000000000000000000000000000000;0.000000000000000000000000000000;0.012765957446808509981317492077;0.001063829787234042570723269172;0.015957446808510637042965996102;0.017375886524822695827774410304;0.073404255319148931091532972459;0.009574468085106382919668988052;0.008510638297872340565786153377;0.003191489361702127495329373019;0.056737588652482268125609721210;0.001773049645390070878925303788;0.023404255319148935254869314804;0.022695035460992909331912059656;0.018439716312056736446933769002;0.002127659574468085141446538344;0.012056737588652482323636760952;0.009574468085106382919668988052;0.013120567375886524677519595627;0.000709219858156028416622251864;0.101063829787234035761933625963;0.030141843971631204074368426404;0.050000000000000002775557561563;0.020921985815602835850901541903;0.000709219858156028416622251864;0.001773049645390070878925303788;0.000709219858156028416622251864;0.006028368794326241161818380476;0.043262411347517730486611498009;0.001418439716312056833244503729;0.004964539007092198807935545801;0.006028368794326241161818380476;0.087588652482269505061829306669;0.015248226950354609385285264977;0.008865248226950355261988256927;0.001063829787234042570723269172;0.006028368794326241161818380476;0.003546099290780141757850607576;0.006737588652482269686860849589;0.000000000000000000000000000000;0.041489361702127657005600980256;0.000709219858156028416622251864;0.025177304964539008735879832557;0.071985815602836886184512366071;0.026595744680851064051241294806;0.010638297872340425273551822727;0.017021276595744681131572306754
-0.024603174603174602502742018828;0.011111111111111111535154627461;0.063888888888888883954564334999;0.019841269841269840168429539062;0.015476190476190476719153821250;0.015873015873015872134743631250;0.005555555555555555767577313730;0.020238095238095239053466301016;0.021428571428571428769682682969;0.043650793650793648370544985937;0.018650793650793650452213157109;0.009126984126984127518311673555;0.016269841269841271019780393203;0.055158730158730157056012899375;0.016666666666666666435370203203;0.021428571428571428769682682969;0.016666666666666666435370203203;0.025000000000000001387778780781;0.019047619047619049337249919063;0.009523809523809524668624959531;0.014682539682539682418527249297;0.014682539682539682418527249297;0.005555555555555555767577313730;0.053174603174603173039169945469;0.037301587301587300904426314219;0.042063492063492066708185745938;0.030555555555555554553270880547;0.005158730158730158617264027754;0.001984126984126984016842953906;0.006746031746031746351155433672;0.009126984126984127518311673555;0.018253968253968255036623347110;0.007539682539682539784420267637;0.013095238095238095551997581367;0.018253968253968255036623347110;0.040476190476190478106932602032;0.014285714285714285268213963320;0.009920634920634920084214769531;0.002380952380952381167156239883;0.014285714285714285268213963320;0.005555555555555555767577313730;0.007539682539682539784420267637;0.000000000000000000000000000000;0.022222222222222223070309254922;0.013492063492063492702310867344;0.013888888888888888117900677344;0.051190476190476189022326991562;0.033730158730158728286330216406;0.021825396825396824185272492969;0.021825396825396824185272492969
-0.023529411764705882026404992757;0.015032679738562091872888792921;0.043137254901960783715075820055;0.179738562091503267792447218199;0.011764705882352941013202496379;0.007516339869281045936444396460;0.003921568627450980337734165460;0.017647058823529411519803744568;0.030718954248366011489101978782;0.042483660130718955971751427114;0.012745098039215686097636037744;0.013398692810457515575683906661;0.007843137254901960675468330919;0.033006535947712418999078209936;0.024836601307189540982500730593;0.022875816993464050813633647863;0.015359477124183005744550989391;0.019607843137254901688670827298;0.014705882352941176266503120473;0.002941176470588235253300624095;0.013398692810457515575683906661;0.015686274509803921350936661838;0.003921568627450980337734165460;0.042810457516339869843413623585;0.025163398692810458323609879017;0.034640522875816995296283096195;0.026797385620915031151367813322;0.012091503267973856619588168826;0.001633986928104575213002713774;0.005555555555555555767577313730;0.010457516339869280322383282567;0.025490196078431372195272075487;0.004248366013071895076758099918;0.006535947712418300852010855095;0.008169934640522876281854003366;0.036601307189542485465150178925;0.004901960784313725422167706824;0.011111111111111111535154627461;0.003594771241830065165029362007;0.006209150326797385245625182648;0.008823529411764705759901872284;0.012091503267973856619588168826;0.000000000000000000000000000000;0.029738562091503266404668437417;0.013725490196078431182069579108;0.021568627450980391857537910028;0.033660130718954246742402602877;0.016993464052287580307032399674;0.006535947712418300852010855095;0.015032679738562091872888792921
-0.021111111111111111743321444578;0.021851851851851851471497667490;0.048148148148148148250946576354;0.067037037037037033870845448291;0.014444444444444443781394582516;0.017037037037037038034181790636;0.003333333333333333547282562037;0.035555555555555555524716027094;0.041851851851851848418384349770;0.021481481481481479872686080057;0.017037037037037038034181790636;0.010000000000000000208166817117;0.010000000000000000208166817117;0.034444444444444444197728216750;0.030370370370370370488588562807;0.021111111111111111743321444578;0.015185185185185185244294281404;0.043703703703703702942995334979;0.020370370370370372015145221667;0.007407407407407407690103084974;0.022592592592592591199673890401;0.027037037037037036507625131776;0.010740740740740739936343040029;0.019629629629629628817522046802;0.030740740740740742087400150240;0.023703703703703702526661700745;0.030370370370370370488588562807;0.017037037037037038034181790636;0.000000000000000000000000000000;0.022222222222222223070309254922;0.008518518518518519017090895318;0.011851851851851851263330850372;0.015185185185185185244294281404;0.007407407407407407690103084974;0.013333333333333334189130248149;0.025925925925925925180637321432;0.011851851851851851263330850372;0.010740740740740739936343040029;0.007407407407407407690103084974;0.020000000000000000416333634234;0.010370370370370370072254928573;0.024814814814814813853649511088;0.000000000000000000000000000000;0.011481481481481481399242738917;0.020740740740740740144509857146;0.010370370370370370072254928573;0.028518518518518519433424529552;0.018148148148148149361169600979;0.022592592592592591199673890401;0.015185185185185185244294281404
-0.015625000000000000000000000000;0.019444444444444444752839729063;0.053472222222222219600862302968;0.016319444444444445446729119453;0.012500000000000000693889390391;0.013888888888888888117900677344;0.005208333333333333044212754004;0.019791666666666665741480812812;0.072569444444444450303954852188;0.026736111111111109800431151484;0.017708333333333332870740406406;0.028472222222222221682530474141;0.009374999999999999653055304805;0.028472222222222221682530474141;0.023958333333333334952408577578;0.017013888888888887424011286953;0.032986111111111111882099322656;0.057291666666666664353702032031;0.014583333333333333564629796797;0.008333333333333333217685101602;0.013541666666666667129259593594;0.030555555555555554553270880547;0.011805555555555555247160270937;0.028125000000000000693889390391;0.019097222222222223764198645313;0.015625000000000000000000000000;0.025694444444444443365060948281;0.021527777777777777623580135469;0.001041666666666666652210637700;0.017708333333333332870740406406;0.018055555555555553859381490156;0.019791666666666665741480812812;0.012152777777777777970524830664;0.009027777777777776929690745078;0.013194444444444444405895033867;0.035763888888888886730121896562;0.010416666666666666088425508008;0.009722222222222222376419864531;0.011111111111111111535154627461;0.014236111111111110841265237070;0.006597222222222222202947516934;0.042361111111111113269878103438;0.000000000000000000000000000000;0.021527777777777777623580135469;0.013194444444444444405895033867;0.014930555555555556287994356524;0.026041666666666667823148983985;0.013888888888888888117900677344;0.016319444444444445446729119453;0.013194444444444444405895033867
-0.050628930817610065528988627648;0.008176100628930817529327335080;0.050943396226415096905704160690;0.005031446540880502894810266667;0.003144654088050314634517068413;0.016981132075471697812085736246;0.002201257861635220070689600291;0.020754716981132074332672132755;0.016037735849056603681939137118;0.032075471698113207363878274236;0.016981132075471697812085736246;0.011635220125786162673198198547;0.014465408805031446798361471906;0.047169811320754720385117764181;0.008490566037735848906042868123;0.038679245283018866274904468128;0.020440251572327042955956599712;0.027672955974842768089860811642;0.009119496855345911659473934208;0.008490566037735848906042868123;0.016352201257861635058654670161;0.017924528301886791942232335373;0.002830188679245282824120666376;0.045597484276729556562646195061;0.059119496855345912700308019794;0.058176100628930818570161420666;0.027987421383647799466576344685;0.006289308176100629269034136826;0.003459119496855346011232601455;0.006603773584905660645749669868;0.008490566037735848906042868123;0.020754716981132074332672132755;0.004716981132075471518094733625;0.011006289308176099919767132462;0.016981132075471697812085736246;0.036163522012578615261180203788;0.010377358490566037166336066377;0.014150943396226415421645938864;0.001572327044025157317258534206;0.005974842767295597892318603783;0.007547169811320754775896268995;0.011635220125786162673198198547;0.000000000000000000000000000000;0.027987421383647799466576344685;0.005345911949685534271525799710;0.016037735849056603681939137118;0.047798742138364783138548830266;0.047484276729559751761833297223;0.020754716981132074332672132755;0.031761006289308175987162741194
-0.048148148148148148250946576354;0.008333333333333333217685101602;0.052777777777777777623580135469;0.000000000000000000000000000000;0.001851851851851851922525771243;0.014351851851851851749053423646;0.004166666666666666608842550801;0.014351851851851851749053423646;0.025462962962962961549484575130;0.036111111111111107718762980312;0.017129629629629630066522949505;0.006944444444444444058950338672;0.010648148148148147904001881159;0.055092592592592595779343866980;0.004166666666666666608842550801;0.033333333333333332870740406406;0.020833333333333332176851016015;0.022222222222222223070309254922;0.002777777777777777883788656865;0.006944444444444444058950338672;0.014814814814814815380206169948;0.026388888888888888811790067734;0.010185185185185186007572610833;0.046759259259259257357488337448;0.031944444444444441977282167500;0.047222222222222220988641083750;0.025925925925925925180637321432;0.002314814814814814686316779557;0.001851851851851851922525771243;0.006944444444444444058950338672;0.017129629629629630066522949505;0.025462962962962961549484575130;0.004166666666666666608842550801;0.010648148148148147904001881159;0.025925925925925925180637321432;0.042592592592592591616007524635;0.010185185185185186007572610833;0.017592592592592593697675695807;0.006018518518518518531368322044;0.025000000000000001387778780781;0.003703703703703703845051542487;0.016203703703703702804217456901;0.000000000000000000000000000000;0.027777777777777776235801354687;0.001388888888888888941894328433;0.017592592592592593697675695807;0.058333333333333334258519187188;0.047685185185185184619793830052;0.021759259259259259439156508620;0.020833333333333332176851016015
-0.029239766081871343406106689145;0.014912280701754385484059106659;0.061403508771929821152824047203;0.023391812865497074724885351316;0.009356725146198830583843530917;0.011403508771929825316160389548;0.004678362573099415291921765458;0.022807017543859650632320779096;0.036257309941520467211351075321;0.032163742690058477746717358059;0.011111111111111111535154627461;0.011111111111111111535154627461;0.008771929824561403021832006743;0.038888888888888889505679458125;0.017836257309941521559393251550;0.025730994152046784972931448010;0.031578947368421053654152785839;0.030994152046783626092141261665;0.011695906432748537362442675658;0.004678362573099415291921765458;0.012865497076023392486465724005;0.024853801169590641895190685773;0.007309941520467835851526672286;0.048538011695906435605252227106;0.021637426900584795508297730748;0.034502923976608187994763454753;0.022222222222222223070309254922;0.025730994152046784972931448010;0.002631578947368420993285775822;0.008771929824561403021832006743;0.009941520467836258145855055091;0.030409356725146198530129737492;0.002339181286549707645960882729;0.011111111111111111535154627461;0.017543859649122806043664013487;0.039181286549707601551961744235;0.011111111111111111535154627461;0.011988304093567251143448437745;0.006725146198830409156876886101;0.014619883040935671703053344572;0.007017543859649122937882648188;0.018713450292397661167687061834;0.000000000000000000000000000000;0.027777777777777776235801354687;0.011403508771929825316160389548;0.022807017543859650632320779096;0.045614035087719301264641558191;0.026315789473684209065496020230;0.021637426900584795508297730748;0.016666666666666666435370203203
-0.030555555555555554553270880547;0.004761904761904762334312479766;0.056746031746031745657266043281;0.151190476190476180695654306874;0.001587301587301587300210536924;0.008333333333333333217685101602;0.003174603174603174600421073848;0.021428571428571428769682682969;0.024206349206349207087152208828;0.041666666666666664353702032031;0.013492063492063492702310867344;0.011507936507936508685467913438;0.005158730158730158617264027754;0.041269841269841268938112222031;0.010714285714285714384841341484;0.019841269841269840168429539062;0.019047619047619049337249919063;0.026587301587301586519584972734;0.005158730158730158617264027754;0.005952380952380952050528861719;0.012698412698412698401684295391;0.017063492063492061850960013203;0.002777777777777777883788656865;0.056349206349206350241676233281;0.030952380952380953438307642500;0.046031746031746034741871653750;0.022222222222222223070309254922;0.001190476190476190583578119941;0.001984126984126984016842953906;0.006349206349206349200842147695;0.011904761904761904101057723437;0.032142857142857139685077072500;0.001984126984126984016842953906;0.011904761904761904101057723437;0.007936507936507936067371815625;0.050793650793650793606737181562;0.009523809523809524668624959531;0.008333333333333333217685101602;0.001190476190476190583578119941;0.007936507936507936067371815625;0.005158730158730158617264027754;0.009523809523809524668624959531;0.000000000000000000000000000000;0.028571428571428570536427926640;0.002380952380952381167156239883;0.018650793650793650452213157109;0.047222222222222220988641083750;0.021428571428571428769682682969;0.006349206349206349200842147695;0.017063492063492061850960013203
-0.030208333333333333564629796797;0.014236111111111110841265237070;0.031944444444444441977282167500;0.196180555555555552471602709375;0.016319444444444445446729119453;0.019097222222222223764198645313;0.005555555555555555767577313730;0.014583333333333333564629796797;0.025347222222222222376419864531;0.027083333333333334258519187188;0.012152777777777777970524830664;0.007638888888888888638317720137;0.008333333333333333217685101602;0.023611111111111110494320541875;0.016319444444444445446729119453;0.020486111111111111188209932266;0.019444444444444444752839729063;0.023611111111111110494320541875;0.014236111111111110841265237070;0.002430555555555555594104966133;0.011111111111111111535154627461;0.015277777777777777276635440273;0.008680555555555555941049661328;0.042013888888888892281237019688;0.023958333333333334952408577578;0.029513888888888888117900677344;0.019097222222222223764198645313;0.029513888888888888117900677344;0.004166666666666666608842550801;0.015625000000000000000000000000;0.013888888888888888117900677344;0.015972222222222220988641083750;0.009374999999999999653055304805;0.007291666666666666782314898398;0.011111111111111111535154627461;0.031250000000000000000000000000;0.009027777777777776929690745078;0.014236111111111110841265237070;0.003819444444444444319158860068;0.009027777777777776929690745078;0.009722222222222222376419864531;0.020138888888888890199568848516;0.000000000000000000000000000000;0.025347222222222222376419864531;0.010416666666666666088425508008;0.021180555555555556634939051719;0.021527777777777777623580135469;0.015625000000000000000000000000;0.013541666666666667129259593594;0.009722222222222222376419864531
-0.025177304964539008735879832557;0.026595744680851064051241294806;0.034397163120567376959346717058;0.010638297872340425273551822727;0.023049645390070920558667211253;0.023758865248226949951071418354;0.005673758865248227332978014914;0.036879432624113472893867538005;0.026241134751773049355039191255;0.017021276595744681131572306754;0.021631205673758865243305749004;0.012411347517730497019838864503;0.012056737588652482323636760952;0.029787234042553192847613274807;0.049290780141843973383153354462;0.026595744680851064051241294806;0.016312056737588651739168099652;0.043971631205673759879015705110;0.037943262411347516982473848657;0.005319148936170212636775911363;0.023049645390070920558667211253;0.024468085106382979343475625456;0.011702127659574467627434657402;0.026595744680851064051241294806;0.031205673758865248162974737056;0.024822695035460994039677729006;0.035460992907801421047953027710;0.021276595744680850547103645454;0.000709219858156028416622251864;0.025531914893617019962634984154;0.015957446808510637042965996102;0.011347517730496454665956029828;0.021631205673758865243305749004;0.005319148936170212636775911363;0.012765957446808509981317492077;0.024822695035460994039677729006;0.012056737588652482323636760952;0.007446808510638298211903318702;0.003191489361702127495329373019;0.013829787234042552335200326752;0.010283687943262410577349719176;0.015248226950354609385285264977;0.000000000000000000000000000000;0.013120567375886524677519595627;0.017021276595744681131572306754;0.013829787234042552335200326752;0.031560283687943259389729888653;0.019148936170212765839337976104;0.029787234042553192847613274807;0.012056737588652482323636760952
-0.019281045751633987817008630827;0.034640522875816995296283096195;0.040522875816993465802884344384;0.093464052287581700362295578088;0.046732026143790850181147789044;0.013725490196078431182069579108;0.006209150326797385245625182648;0.034640522875816995296283096195;0.019607843137254901688670827298;0.024509803921568627110838534122;0.015032679738562091872888792921;0.011764705882352941013202496379;0.007516339869281045936444396460;0.020915032679738560644766565133;0.051633986928104572133868543915;0.014052287581699346788455251556;0.009477124183006535237949741202;0.023856209150326795898067189228;0.030718954248366011489101978782;0.003267973856209150426005427548;0.016013071895424835222598858309;0.017320261437908497648141548098;0.006535947712418300852010855095;0.031045751633986928830211127206;0.020261437908496732901442172192;0.023202614379084968154742796287;0.026470588235294117279705616852;0.052941176470588234559411233704;0.000980392156862745084433541365;0.021241830065359477985875713557;0.010130718954248366450721086096;0.018954248366013070475899482403;0.011437908496732025406816823931;0.007189542483660130330058724013;0.006535947712418300852010855095;0.028431372549019607448572699582;0.009803921568627450844335413649;0.008169934640522876281854003366;0.010784313725490195928768955014;0.006862745098039215591034789554;0.008169934640522876281854003366;0.010130718954248366450721086096;0.000000000000000000000000000000;0.019607843137254901688670827298;0.038235294117647061762355065184;0.014379084967320260660117448026;0.020915032679738560644766565133;0.009150326797385621366287544731;0.011111111111111111535154627461;0.012418300653594770491250365296
-0.013939393939393938948168027991;0.038181818181818184820830452963;0.043636363636363639795234803387;0.071818181818181822673174963256;0.076363636363636369641660905927;0.004848484848484848480643094604;0.004242424242424242854243576772;0.035151515151515148882577221912;0.024545454545454543915372624951;0.030303030303030303871381079261;0.013939393939393938948168027991;0.006363636363636363847684496164;0.004242424242424242854243576772;0.029090909090909090883858567622;0.050000000000000002775557561563;0.022727272727272727903535809446;0.016666666666666666435370203203;0.029393939393939392396015719555;0.016060606060606059941608947383;0.003030303030303030300401934127;0.011515151515151514707846480690;0.018181818181818180935049866775;0.002727272727272727487202175212;0.046363636363636363812990026645;0.017575757575757574441288610956;0.024242424242424242403215473018;0.026969696969696969890417648230;0.033939393939393942833948614179;0.002121212121212121427121788386;0.010303030303030303455047445027;0.005454545454545454974404350423;0.025757575757575756902895136591;0.009090909090909090467524933388;0.006666666666666667094565124074;0.005454545454545454974404350423;0.038181818181818184820830452963;0.005454545454545454974404350423;0.009090909090909090467524933388;0.006666666666666667094565124074;0.002727272727272727487202175212;0.017272727272727272929131459023;0.006666666666666667094565124074;0.000000000000000000000000000000;0.021212121212121213403856145874;0.029090909090909090883858567622;0.017272727272727272929131459023;0.032727272727272729846426102540;0.012727272727272727695368992329;0.006969696969696969474084013996;0.013030303030303030942249620239
-0.029347826086956522312343409453;0.008695652173913043583852733320;0.068478260869565210633425067499;0.014130434782608695606920257148;0.003985507246376811425758734941;0.013405797101449274874584993711;0.002536231884057970828449946055;0.028623188405797101580008146016;0.023188405797101449556940622188;0.056884057971014492793848660313;0.010869565217391304046135047656;0.008333333333333333217685101602;0.007246376811594202986543944434;0.041666666666666664353702032031;0.011594202898550724778470311094;0.027536231884057970481505250859;0.026811594202898549749169987422;0.033333333333333332870740406406;0.010144927536231883313799784219;0.009057971014492753950020365039;0.014130434782608695606920257148;0.020289855072463766627599568437;0.004710144927536232158093998379;0.064130434782608700117201294688;0.034782608695652174335410933281;0.043478260869565216184540190625;0.029347826086956522312343409453;0.006521739130434782254208680996;0.000724637681159420298654394443;0.006159420289855072755402787266;0.008333333333333333217685101602;0.035869565217391305433913828438;0.004710144927536232158093998379;0.007246376811594202986543944434;0.006884057971014492620376312715;0.052536231884057968399837079687;0.009420289855072464316187996758;0.010507246376811593679967415937;0.000000000000000000000000000000;0.011231884057971014412302679375;0.007608695652173913352711576152;0.004347826086956521791926366660;0.000000000000000000000000000000;0.032971014492753622504572774687;0.009782608695652174682355628477;0.020652173913043476993767200156;0.049275362318840582043222298125;0.033695652173913043236908038125;0.015579710144927537071590784024;0.019202898550724638998543625235
-0.037209302325581394832454407151;0.005426356589147286746399601043;0.055813953488372092248681610727;0.045348837209302328421500760669;0.007364341085271317727256601415;0.016666666666666666435370203203;0.002325581395348837177028400447;0.016666666666666666435370203203;0.009302325581395348708113601788;0.038372093023255816890415559328;0.015503875968992247846856002980;0.011240310077519379688970602160;0.009302325581395348708113601788;0.047286821705426355932910809088;0.012403100775193798277484802384;0.036046511627906979713387158881;0.012403100775193798277484802384;0.018604651162790697416227203576;0.008139534883720930119599401564;0.004651162790697674354056800894;0.013565891472868216865999002607;0.013565891472868216865999002607;0.004263565891472868157885400819;0.070930232558139530429919261678;0.038372093023255816890415559328;0.055813953488372092248681610727;0.024031007751937984162626804618;0.005426356589147286746399601043;0.002325581395348837177028400447;0.009302325581395348708113601788;0.011240310077519379688970602160;0.033720930232558142536358758434;0.006589147286821705334913801266;0.008527131782945736315770801639;0.008527131782945736315770801639;0.043410852713178293971196808343;0.005038759689922480550228200968;0.019767441860465116004741403799;0.000000000000000000000000000000;0.005038759689922480550228200968;0.005038759689922480550228200968;0.003488372093023255765542600670;0.000000000000000000000000000000;0.036821705426356592105729959030;0.008914728682170542511942201713;0.028294573643410852320512205438;0.051550387596899227560243161861;0.039147286821705429282758359477;0.010465116279069767296627802011;0.026744186046511627535826605140
-0.040370370370370368962031903948;0.010370370370370370072254928573;0.065925925925925929482751541855;0.018148148148148149361169600979;0.007037037037037036958653235530;0.015555555555555555108382392859;0.001851851851851851922525771243;0.024444444444444445724284875610;0.012962962962962962590318660716;0.023703703703703702526661700745;0.014814814814814815380206169948;0.013703703703703704053218359604;0.013703703703703704053218359604;0.049259259259259259577934386698;0.016296296296296294836558615771;0.042962962962962959745372160114;0.021851851851851851471497667490;0.037037037037037034981068472916;0.021851851851851851471497667490;0.008888888888888888881179006773;0.012962962962962962590318660716;0.013703703703703704053218359604;0.016666666666666666435370203203;0.024444444444444445724284875610;0.041851851851851848418384349770;0.041111111111111112159655078813;0.036666666666666666851703837438;0.006666666666666667094565124074;0.000000000000000000000000000000;0.013333333333333334189130248149;0.023703703703703702526661700745;0.014814814814814815380206169948;0.010370370370370370072254928573;0.008148148148148147418279307885;0.020000000000000000416333634234;0.043333333333333334813630699500;0.014444444444444443781394582516;0.017407407407407406163546426114;0.000000000000000000000000000000;0.015185185185185185244294281404;0.007037037037037036958653235530;0.005925925925925925631665425186;0.000000000000000000000000000000;0.013703703703703704053218359604;0.012222222222222222862142437805;0.016296296296296294836558615771;0.037407407407407410049327012302;0.024074074074074074125473288177;0.028888888888888887562789165031;0.018888888888888889089345823891
-0.027906976744186046124340805363;0.007751937984496123923428001490;0.061240310077519378995081211770;0.111240310077519374831744869425;0.010465116279069767296627802011;0.018217054263565891220055803501;0.002713178294573643373199800521;0.017441860465116278827713003352;0.040310077519379844401825607747;0.023255813953488371770284004469;0.012015503875968992081313402309;0.012015503875968992081313402309;0.012015503875968992081313402309;0.042248062015503878852129560073;0.014341085271317829258341802756;0.027131782945736433731998005214;0.017441860465116278827713003352;0.018604651162790697416227203576;0.013565891472868216865999002607;0.009689922480620154904285001862;0.013565891472868216865999002607;0.025968992248062015143483804991;0.001162790697674418588514200223;0.039147286821705429282758359477;0.032558139534883720478397606257;0.033720930232558142536358758434;0.025193798449612402751141004842;0.010852713178294573492799202086;0.001550387596899224784685600298;0.018217054263565891220055803501;0.014728682170542635454513202831;0.014728682170542635454513202831;0.008914728682170542511942201713;0.008527131782945736315770801639;0.013953488372093023062170402682;0.035658914728682170047768806853;0.010465116279069767296627802011;0.008527131782945736315770801639;0.008914728682170542511942201713;0.010077519379844961100456401937;0.007751937984496123923428001490;0.012790697674418604473656202458;0.000000000000000000000000000000;0.016279069767441860239198803129;0.013953488372093023062170402682;0.015116279069767441650684602905;0.042635658914728681578854008194;0.026356589147286821339655205065;0.010852713178294573492799202086;0.018217054263565891220055803501
-0.012962962962962962590318660716;0.027777777777777776235801354687;0.051851851851851850361274642864;0.120987654320987653155938801319;0.019753086419753086017125909279;0.008024691358024691953398921385;0.003086419753086419581755706076;0.019135802469135803488553548846;0.050000000000000002775557561563;0.034567901234567897927885127274;0.010802469135802468536144971267;0.004938271604938271504281477320;0.005864197530864197899225231936;0.030555555555555554553270880547;0.031481481481481478346129421197;0.015123456790123456644492350165;0.021913580246913581806023074705;0.033024691358024688137007274236;0.013580246913580246853614497127;0.005864197530864197899225231936;0.011728395061728395798450463872;0.024382716049382715389759468394;0.005555555555555555767577313730;0.046913580246913583193801855487;0.018518518518518517490534236458;0.022839506172839505598881615356;0.023456790123456791596900927743;0.039814814814814816767984950729;0.001234567901234567876070369330;0.010802469135802468536144971267;0.004012345679012345976699460692;0.029320987654320986026679207725;0.004938271604938271504281477320;0.004320987654320987240985640909;0.009259259259259258745267118229;0.041975308641975309087435164201;0.006172839506172839163511412153;0.007098765432098765558455166769;0.008024691358024691953398921385;0.003703703703703703845051542487;0.006481481481481481295159330358;0.037345679012345679714801605087;0.000000000000000000000000000000;0.022530864197530864334595435139;0.015740740740740739173064710599;0.016975308641975307699656383420;0.027777777777777776235801354687;0.011111111111111111535154627461;0.006790123456790123426807248563;0.009876543209876543008562954640
-0.032962962962962964741375770927;0.015185185185185185244294281404;0.054444444444444441144614899031;0.010370370370370370072254928573;0.024074074074074074125473288177;0.024444444444444445724284875610;0.005555555555555555767577313730;0.032222222222222221543752596062;0.018518518518518517490534236458;0.045185185185185182399347780802;0.017037037037037038034181790636;0.015925925925925926707193980292;0.011481481481481481399242738917;0.035555555555555555524716027094;0.015555555555555555108382392859;0.017407407407407406163546426114;0.015185185185185185244294281404;0.033333333333333332870740406406;0.029999999999999998889776975375;0.005925925925925925631665425186;0.017037037037037038034181790636;0.011851851851851851263330850372;0.005925925925925925631665425186;0.055925925925925927539861248761;0.027407407407407408106436719208;0.033703703703703701000105041885;0.029259259259259259161600752464;0.007407407407407407690103084974;0.000740740740740740703958178148;0.025925925925925925180637321432;0.012222222222222222862142437805;0.027407407407407408106436719208;0.017407407407407406163546426114;0.006666666666666667094565124074;0.008148148148148147418279307885;0.043703703703703702942995334979;0.014444444444444443781394582516;0.008148148148148147418279307885;0.002962962962962962815832712593;0.008148148148148147418279307885;0.006666666666666667094565124074;0.006296296296296296363115274630;0.000000000000000000000000000000;0.025925925925925925180637321432;0.011851851851851851263330850372;0.017777777777777777762358013547;0.039259259259259257635044093604;0.026666666666666668378260496297;0.022962962962962962798485477833;0.017777777777777777762358013547
-0.027272727272727271402574800163;0.008585858585858585634298378864;0.052020202020202022108463779659;0.189393939393939392257237841477;0.019696969696969695434729530348;0.015151515151515151935690539631;0.005050505050505050934350759206;0.020202020202020203737403036826;0.043434343434343436474165400796;0.024747474747474747236442027543;0.014141414141414142269237430583;0.007575757575757575967845269815;0.010101010101010101868701518413;0.028787878787878789371701415689;0.016666666666666666435370203203;0.016161616161616161602143648679;0.021717171717171718237082700398;0.020707070707070708570629591350;0.024747474747474747236442027543;0.009595959595959595300751487912;0.015656565656565656768917094155;0.024747474747474747236442027543;0.002525252525252525467175379603;0.041919191919191918505038785270;0.024242424242424242403215473018;0.023737373737373737569988918494;0.022222222222222223070309254922;0.006060606060606060600803868255;0.001010101010101010100133978042;0.021212121212121213403856145874;0.013636363636363635701287400082;0.018686868686868685768276421300;0.005555555555555555767577313730;0.006565656565656565434030422779;0.007070707070707071134618715291;0.027272727272727271402574800163;0.008080808080808080801071824339;0.008080808080808080801071824339;0.006565656565656565434030422779;0.006060606060606060600803868255;0.005555555555555555767577313730;0.014141414141414142269237430583;0.000000000000000000000000000000;0.014646464646464647102463985107;0.009595959595959595300751487912;0.011111111111111111535154627461;0.032828282828282831506960803836;0.020202020202020203737403036826;0.013636363636363635701287400082;0.011616161616161616368381181985
-0.014215686274509803724286349791;0.031862745098039213509366618382;0.033333333333333332870740406406;0.177450980392156870690811842906;0.017156862745098040712310449862;0.017156862745098040712310449862;0.004901960784313725422167706824;0.020588235294117646773104368663;0.053921568627450983113291727022;0.012254901960784313555419267061;0.009803921568627450844335413649;0.010784313725490195928768955014;0.013725490196078431182069579108;0.020098039215686275965611073957;0.033823529411764703678233701112;0.015196078431372548808719891156;0.023039215686274511218911698052;0.033823529411764703678233701112;0.015686274509803921350936661838;0.005392156862745097964384477507;0.007843137254901960675468330919;0.026960784313725491556645863511;0.007843137254901960675468330919;0.019607843137254901688670827298;0.018627450980392156604237285933;0.013725490196078431182069579108;0.021078431372549021050044615322;0.059313725490196075873505776599;0.000490196078431372542216770682;0.020588235294117646773104368663;0.008823529411764705759901872284;0.012745098039215686097636037744;0.012254901960784313555419267061;0.006372549019607843048818018872;0.009803921568627450844335413649;0.028921568627450981725512946241;0.005882352941176470506601248189;0.004901960784313725422167706824;0.008823529411764705759901872284;0.008333333333333333217685101602;0.004411764705882352879950936142;0.036274509803921571593487982454;0.000000000000000000000000000000;0.008823529411764705759901872284;0.018627450980392156604237285933;0.006862745098039215591034789554;0.016666666666666666435370203203;0.012254901960784313555419267061;0.013725490196078431182069579108;0.015196078431372548808719891156
-0.020720720720720720714469464951;0.036036036036036035723473247572;0.064414414414414408738274175903;0.011261261261261260729904520872;0.006756756756756757131832102914;0.022972972972972974248229149907;0.002702702702702702852732841166;0.025675675675675677100961991073;0.038738738738738738576206088737;0.014414414414414414636333994224;0.018468468468468467180709779996;0.013513513513513514263664205828;0.013963963963963963582637362038;0.033333333333333332870740406406;0.015315315315315315009003782620;0.024324324324324325674595570490;0.027927927927927927165274724075;0.048198198198198198560771032817;0.012612612612612612156270941455;0.004954954954954954651769050145;0.012612612612612612156270941455;0.027027027027027028527328411656;0.011711711711711711783601153058;0.028378378378378379953694832238;0.029279279279279278591641144658;0.029729729729729731380061252821;0.027027027027027028527328411656;0.033333333333333332870740406406;0.001351351351351351426366420583;0.013513513513513514263664205828;0.021171171171171170033442621161;0.022522522522522521459809041744;0.006306306306306306078135470727;0.010360360360360360357234732476;0.022072072072072072140835885534;0.026576576576576575738908303492;0.010810810810810811410931364662;0.019369369369369369288103044369;0.005855855855855855891800576529;0.016216216216216217116397046993;0.006306306306306306078135470727;0.035135135135135137085526935152;0.000000000000000000000000000000;0.018018018018018017861736623786;0.004054054054054054279099261748;0.013963963963963963582637362038;0.029729729729729731380061252821;0.020270270270270271395496308742;0.021171171171171170033442621161;0.019819819819819818607076200578
-0.029385964912280702898694784153;0.007456140350877192742029553330;0.067543859649122808819221575050;0.014035087719298245875765296375;0.003508771929824561468941324094;0.008333333333333333217685101602;0.002192982456140350755458001686;0.016666666666666666435370203203;0.029824561403508770968118213318;0.063596491228070178847175952797;0.013157894736842104532748010115;0.009649122807017544364849293004;0.004824561403508772182424646502;0.043859649122807015109160033717;0.009649122807017544364849293004;0.020614035087719299876862777410;0.050877192982456138914404419893;0.031578947368421053654152785839;0.007894736842105263413538196460;0.007017543859649122937882648188;0.011403508771929825316160389548;0.022368421052631579093450397977;0.003070175438596491231113549958;0.067105263157894737280351193931;0.027631578947368420212660211632;0.037719298245614034381656409778;0.016228070175438594896499822084;0.006578947368421052266374005058;0.003947368421052631706769098230;0.007894736842105263413538196460;0.007456140350877192742029553330;0.048684210526315788158946418207;0.003947368421052631706769098230;0.005263157894736841986571551644;0.009210526315789472825978911885;0.058333333333333334258519187188;0.009649122807017544364849293004;0.010526315789473683973143103287;0.003947368421052631706769098230;0.007017543859649122937882648188;0.007017543859649122937882648188;0.014912280701754385484059106659;0.000000000000000000000000000000;0.033333333333333332870740406406;0.002631578947368420993285775822;0.025877192982456140996072591065;0.049122807017543859697816799326;0.017982456140350877582534394605;0.017982456140350877582534394605;0.021491228070175439485156587693
-0.030208333333333333564629796797;0.016666666666666666435370203203;0.059374999999999997224442438437;0.102604166666666662965923251249;0.031250000000000000000000000000;0.016145833333333334952408577578;0.005729166666666666261897855605;0.019791666666666665741480812812;0.020312500000000000693889390391;0.031770833333333331482961625625;0.016666666666666666435370203203;0.006250000000000000346944695195;0.007291666666666666782314898398;0.033333333333333332870740406406;0.029687499999999998612221219219;0.022916666666666665047591422422;0.018749999999999999306110609609;0.029166666666666667129259593594;0.014062500000000000346944695195;0.011458333333333332523795711211;0.013020833333333333911574491992;0.025520833333333332870740406406;0.009895833333333332870740406406;0.040625000000000001387778780781;0.021874999999999998612221219219;0.025520833333333332870740406406;0.020833333333333332176851016015;0.011979166666666667476204288789;0.001041666666666666652210637700;0.019791666666666665741480812812;0.017187500000000001387778780781;0.016666666666666666435370203203;0.007812500000000000000000000000;0.006770833333333333564629796797;0.011979166666666667476204288789;0.039062500000000000000000000000;0.008333333333333333217685101602;0.011979166666666667476204288789;0.002083333333333333304421275400;0.012500000000000000693889390391;0.008854166666666666435370203203;0.005729166666666666261897855605;0.000000000000000000000000000000;0.018749999999999999306110609609;0.017187500000000001387778780781;0.017187500000000001387778780781;0.029166666666666667129259593594;0.022916666666666665047591422422;0.018229166666666667823148983985;0.014062500000000000346944695195
-0.044444444444444446140618509844;0.008148148148148147418279307885;0.038518518518518521376314822646;0.078148148148148147140723551729;0.010370370370370370072254928573;0.027037037037037036507625131776;0.005555555555555555767577313730;0.011851851851851851263330850372;0.020370370370370372015145221667;0.022592592592592591199673890401;0.023333333333333334397297065266;0.015185185185185185244294281404;0.023333333333333334397297065266;0.035555555555555555524716027094;0.011111111111111111535154627461;0.031851851851851853414387960584;0.018518518518518517490534236458;0.025925925925925925180637321432;0.018518518518518517490534236458;0.006666666666666667094565124074;0.012962962962962962590318660716;0.016296296296296294836558615771;0.007407407407407407690103084974;0.029259259259259259161600752464;0.048148148148148148250946576354;0.040370370370370368962031903948;0.026666666666666668378260496297;0.007407407407407407690103084974;0.000740740740740740703958178148;0.022222222222222223070309254922;0.010370370370370370072254928573;0.019259259259259260688157411323;0.007037037037037036958653235530;0.013703703703703704053218359604;0.035555555555555555524716027094;0.016666666666666666435370203203;0.010370370370370370072254928573;0.011111111111111111535154627461;0.003333333333333333547282562037;0.012962962962962962590318660716;0.007037037037037036958653235530;0.011111111111111111535154627461;0.000000000000000000000000000000;0.014814814814814815380206169948;0.013333333333333334189130248149;0.015555555555555555108382392859;0.024074074074074074125473288177;0.035555555555555555524716027094;0.027777777777777776235801354687;0.021851851851851851471497667490
-0.022222222222222223070309254922;0.011538461538461539102051744976;0.049572649572649570004490016117;0.114957264957264951310556000408;0.055128205128205126639429067836;0.012393162393162392501122504029;0.005128205128205128200680196215;0.023504273504273504036277131490;0.037606837606837605070264629603;0.033760683760683758702914047944;0.007692307692307692734701163317;0.008547008547008547868495398347;0.004273504273504273934247699174;0.028632478632478631369595589717;0.022649572649572648902482896460;0.024358974358974359170071366520;0.017521367521367521569164438233;0.030769230769230770938804653269;0.011965811965811966668948862491;0.005555555555555555767577313730;0.011538461538461539102051744976;0.020940170940170938634894426400;0.003846153846153846367350581659;0.044871794871794871972792151382;0.028632478632478631369595589717;0.035042735042735043138328876466;0.023504273504273504036277131490;0.007264957264957265167804045802;0.004700854700854700633783078700;0.025641025641025640136039243089;0.008974358974358973700669039886;0.027777777777777776235801354687;0.006410256410256410034009810772;0.004700854700854700633783078700;0.005555555555555555767577313730;0.036324786324786327573743704988;0.005555555555555555767577313730;0.007692307692307692734701163317;0.006837606837606837600906928287;0.005982905982905983334474431246;0.003418803418803418800453464144;0.015384615384615385469402326635;0.000000000000000000000000000000;0.027777777777777776235801354687;0.014957264957264957902505209120;0.021367521367521367936515019892;0.034615384615384617306155234928;0.014529914529914530335608091605;0.007264957264957265167804045802;0.011111111111111111535154627461
-0.023584905660377360192558882090;0.011006289308176099919767132462;0.062893081761006289220894416303;0.022955974842767293969680864052;0.081446540880503140447110865807;0.011006289308176099919767132462;0.004088050314465408764663667540;0.022012578616352199839534264925;0.042138364779874211418775331595;0.030817610062893081857016142067;0.017295597484276729188801269288;0.007861635220125786152611802038;0.006289308176100629269034136826;0.034591194968553458377602538576;0.017610062893081760565516802330;0.020440251572327042955956599712;0.033962264150943395624171472491;0.038050314465408803521473402043;0.024528301886792454322705481218;0.012893081761006289914783806694;0.015408805031446540928508071033;0.016666666666666666435370203203;0.003773584905660377387948134498;0.039937106918238991781766600297;0.024213836477987422945989948175;0.031761006289308175987162741194;0.021698113207547168462818731882;0.008176100628930817529327335080;0.000943396226415094346987033624;0.026100628930817611206283146430;0.005031446540880502894810266667;0.026415094339622642582998679472;0.013522012578616352668214872779;0.004402515723270440141379200583;0.005031446540880502894810266667;0.051886792452830191035850759818;0.007232704402515723399180735953;0.007861635220125786152611802038;0.003144654088050314634517068413;0.004716981132075471518094733625;0.005031446540880502894810266667;0.015094339622641509551792537991;0.000000000000000000000000000000;0.019182389937106917449094467543;0.026729559748427673959714212515;0.013522012578616352668214872779;0.036477987421383646637895736831;0.016037735849056603681939137118;0.014779874213836478175077004948;0.009748427672955974412905000293
-0.016666666666666666435370203203;0.013636363636363635701287400082;0.049090909090909087830745249903;0.214545454545454539196924770295;0.012424242424242424448488364419;0.023939393939393940891058321085;0.001818181818181818180241160476;0.016666666666666666435370203203;0.059393939393939394755239646884;0.013030303030303030942249620239;0.009090909090909090467524933388;0.025151515151515150409133880771;0.010909090909090909948808700847;0.023030303030303029415692961379;0.010606060606060606701928072937;0.018787878787878787428811122595;0.020606060606060606910094890054;0.039090909090909092826748860716;0.011818181818181817954727108599;0.003939393939393939607362948863;0.008181818181818182461606525635;0.023030303030303029415692961379;0.006363636363636363847684496164;0.012727272727272727695368992329;0.027272727272727271402574800163;0.025151515151515150409133880771;0.016060606060606059941608947383;0.015757575757575758429451795450;0.000000000000000000000000000000;0.026363636363636363396656392410;0.020303030303030301928490786167;0.007575757575757575967845269815;0.004848484848484848480643094604;0.007575757575757575967845269815;0.006969696969696969474084013996;0.023333333333333334397297065266;0.009393939393939393714405561298;0.008181818181818182461606525635;0.006969696969696969474084013996;0.011212121212121211460965852780;0.005757575757575757353923240345;0.048484848484848484806430946037;0.000000000000000000000000000000;0.011515151515151514707846480690;0.010909090909090909948808700847;0.003030303030303030300401934127;0.018181818181818180935049866775;0.014848484848484848688809911721;0.012121212121212121201607736509;0.013636363636363635701287400082
-0.029166666666666667129259593594;0.010185185185185186007572610833;0.044907407407407409771771256146;0.318055555555555535818257339997;0.011574074074074073431583897786;0.014814814814814815380206169948;0.014351851851851851749053423646;0.012962962962962962590318660716;0.013425925925925926221471407018;0.018055555555555553859381490156;0.004629629629629629372633559115;0.009259259259259258745267118229;0.010185185185185186007572610833;0.014814814814814815380206169948;0.018518518518518517490534236458;0.016203703703703702804217456901;0.016203703703703702804217456901;0.023611111111111110494320541875;0.009722222222222222376419864531;0.003703703703703703845051542487;0.014351851851851851749053423646;0.014351851851851851749053423646;0.004166666666666666608842550801;0.023148148148148146863167795573;0.020833333333333332176851016015;0.025925925925925925180637321432;0.023611111111111110494320541875;0.007870370370370369586532355299;0.001388888888888888941894328433;0.012037037037037037062736644089;0.019907407407407408383992475365;0.018518518518518517490534236458;0.005555555555555555767577313730;0.011574074074074073431583897786;0.005092592592592593003786305417;0.023148148148148146863167795573;0.006018518518518518531368322044;0.016203703703703702804217456901;0.003240740740740740647579665179;0.011574074074074073431583897786;0.006481481481481481295159330358;0.007407407407407407690103084974;0.000000000000000000000000000000;0.021759259259259259439156508620;0.014351851851851851749053423646;0.018981481481481481121686982760;0.023148148148148146863167795573;0.009259259259259258745267118229;0.009722222222222222376419864531;0.006018518518518518531368322044
-0.030555555555555554553270880547;0.018518518518518517490534236458;0.037962962962962962243373965521;0.064351851851851854524610985209;0.024537037037037037756626034479;0.025462962962962961549484575130;0.004629629629629629372633559115;0.038888888888888889505679458125;0.012500000000000000693889390391;0.021759259259259259439156508620;0.020833333333333332176851016015;0.012037037037037037062736644089;0.014814814814814815380206169948;0.027777777777777776235801354687;0.029629629629629630760412339896;0.012500000000000000693889390391;0.010185185185185186007572610833;0.052314814814814813992427389167;0.043055555555555555247160270937;0.005555555555555555767577313730;0.021759259259259259439156508620;0.007870370370370369586532355299;0.011574074074074073431583897786;0.040277777777777780399137697032;0.026388888888888888811790067734;0.026388888888888888811790067734;0.043055555555555555247160270937;0.010648148148148147904001881159;0.001851851851851851922525771243;0.023148148148148146863167795573;0.015277777777777777276635440273;0.012500000000000000693889390391;0.018981481481481481121686982760;0.007407407407407407690103084974;0.009259259259259258745267118229;0.037962962962962962243373965521;0.013888888888888888117900677344;0.011111111111111111535154627461;0.000925925925925925961262885622;0.006481481481481481295159330358;0.011574074074074073431583897786;0.005092592592592593003786305417;0.000000000000000000000000000000;0.020370370370370372015145221667;0.018055555555555553859381490156;0.015740740740740739173064710599;0.025000000000000001387778780781;0.018518518518518517490534236458;0.021759259259259259439156508620;0.009259259259259258745267118229
-0.028571428571428570536427926640;0.019444444444444444752839729063;0.026190476190476191103995162734;0.005555555555555555767577313730;0.037698412698412696320016124218;0.026190476190476191103995162734;0.003571428571428571317053490830;0.052777777777777777623580135469;0.012301587301587301251371009414;0.025396825396825396803368590781;0.025000000000000001387778780781;0.016666666666666666435370203203;0.011507936507936508685467913438;0.021428571428571428769682682969;0.042460317460317462123775555938;0.016269841269841271019780393203;0.014285714285714285268213963320;0.041666666666666664353702032031;0.053174603174603173039169945469;0.002777777777777777883788656865;0.024206349206349207087152208828;0.009920634920634920084214769531;0.012698412698412698401684295391;0.028174603174603175120838116641;0.022222222222222223070309254922;0.023412698412698412786525636875;0.047222222222222220988641083750;0.019444444444444444752839729063;0.000396825396825396825052634231;0.037301587301587300904426314219;0.020634920634920634469056111016;0.013888888888888888117900677344;0.023809523809523808202115446875;0.007539682539682539784420267637;0.011111111111111111535154627461;0.031349206349206348853897452500;0.015079365079365079568840535273;0.007936507936507936067371815625;0.000793650793650793650105268462;0.009523809523809524668624959531;0.013492063492063492702310867344;0.008730158730158730367998387578;0.000000000000000000000000000000;0.013492063492063492702310867344;0.026587301587301586519584972734;0.014285714285714285268213963320;0.017460317460317460735996775156;0.015873015873015872134743631250;0.031349206349206348853897452500;0.009126984126984127518311673555
-0.023913043478260870289275885625;0.018115942028985507900040730078;0.030072463768115943044678672891;0.116304347826086951211976838749;0.013043478260869564508417361992;0.021014492753623187359934831875;0.006521739130434782254208680996;0.026811594202898549749169987422;0.011594202898550724778470311094;0.021014492753623187359934831875;0.015579710144927537071590784024;0.021014492753623187359934831875;0.017391304347826087167705466641;0.028623188405797101580008146016;0.020289855072463766627599568437;0.021739130434782608092270095312;0.010507246376811593679967415937;0.028985507246376811946175777734;0.027536231884057970481505250859;0.006521739130434782254208680996;0.015579710144927537071590784024;0.010507246376811593679967415937;0.014492753623188405973087888867;0.037681159420289857264751987032;0.036956521739130436532416723594;0.024275362318840580655443517344;0.033695652173913043236908038125;0.010869565217391304046135047656;0.002898550724637681194617577773;0.028623188405797101580008146016;0.015942028985507245703034939766;0.022463768115942028824605358750;0.016666666666666666435370203203;0.005797101449275362389235155547;0.017753623188405797533873098359;0.027173913043478260115337619141;0.010507246376811593679967415937;0.015217391304347826705423152305;0.000724637681159420298654394443;0.014492753623188405973087888867;0.007971014492753622851517469883;0.005072463768115941656899892109;0.000000000000000000000000000000;0.020652173913043476993767200156;0.019202898550724638998543625235;0.021739130434782608092270095312;0.023913043478260870289275885625;0.016666666666666666435370203203;0.027173913043478260115337619141;0.008695652173913043583852733320
-0.024583333333333332038073137937;0.005833333333333333599324266316;0.043749999999999997224442438437;0.208333333333333342585191871876;0.009166666666666666712925959359;0.020833333333333332176851016015;0.004166666666666666608842550801;0.017916666666666667545593227828;0.014583333333333333564629796797;0.026249999999999999028554853453;0.010833333333333333703407674875;0.028750000000000001249000902703;0.011249999999999999583666365766;0.029583333333333333009518284484;0.011249999999999999583666365766;0.025000000000000001387778780781;0.017500000000000001665334536938;0.017500000000000001665334536938;0.012916666666666666574148081281;0.006666666666666667094565124074;0.009583333333333332593184650250;0.012916666666666666574148081281;0.005833333333333333599324266316;0.042916666666666665463925056656;0.029999999999999998889776975375;0.026249999999999999028554853453;0.022499999999999999167332731531;0.006250000000000000346944695195;0.000833333333333333386820640509;0.020416666666666666296592325125;0.018749999999999999306110609609;0.017500000000000001665334536938;0.006666666666666667094565124074;0.007083333333333332974823814965;0.015833333333333334674852821422;0.032083333333333331760517381781;0.010000000000000000208166817117;0.010416666666666666088425508008;0.002500000000000000052041704279;0.014583333333333333564629796797;0.004166666666666666608842550801;0.009583333333333332593184650250;0.000000000000000000000000000000;0.023750000000000000277555756156;0.009166666666666666712925959359;0.016666666666666666435370203203;0.025416666666666667268037471672;0.022083333333333333287074040641;0.014999999999999999444888487687;0.014583333333333333564629796797
-0.018518518518518517490534236458;0.004444444444444444440589503387;0.041481481481481480289019714291;0.284814814814814798449305044414;0.010370370370370370072254928573;0.014074074074074073917306471060;0.002592592592592592518063732143;0.014814814814814815380206169948;0.033703703703703701000105041885;0.023333333333333334397297065266;0.012592592592592592726230549260;0.017407407407407406163546426114;0.010370370370370370072254928573;0.025185185185185185452461098521;0.018148148148148149361169600979;0.015925925925925926707193980292;0.017037037037037038034181790636;0.014444444444444443781394582516;0.012222222222222222862142437805;0.005925925925925925631665425186;0.007777777777777777554191196430;0.021481481481481479872686080057;0.005555555555555555767577313730;0.031851851851851853414387960584;0.022592592592592591199673890401;0.029259259259259259161600752464;0.015555555555555555108382392859;0.004444444444444444440589503387;0.001481481481481481407916356297;0.018148148148148149361169600979;0.010000000000000000208166817117;0.021481481481481479872686080057;0.005925925925925925631665425186;0.007407407407407407690103084974;0.012222222222222222862142437805;0.027777777777777776235801354687;0.003703703703703703845051542487;0.011481481481481481399242738917;0.003333333333333333547282562037;0.010370370370370370072254928573;0.006666666666666667094565124074;0.016666666666666666435370203203;0.000000000000000000000000000000;0.020370370370370372015145221667;0.010370370370370370072254928573;0.013333333333333334189130248149;0.024814814814814813853649511088;0.016296296296296294836558615771;0.010370370370370370072254928573;0.011851851851851851263330850372
-0.010185185185185186007572610833;0.009259259259259258745267118229;0.037499999999999998612221219219;0.195833333333333331482961625625;0.009722222222222222376419864531;0.015740740740740739173064710599;0.003703703703703703845051542487;0.019907407407407408383992475365;0.075925925925925924486747931041;0.013888888888888888117900677344;0.016203703703703702804217456901;0.003703703703703703845051542487;0.013425925925925926221471407018;0.018981481481481481121686982760;0.019444444444444444752839729063;0.013888888888888888117900677344;0.020370370370370372015145221667;0.036574074074074071349915726614;0.024537037037037037756626034479;0.007407407407407407690103084974;0.014351851851851851749053423646;0.029166666666666667129259593594;0.010185185185185186007572610833;0.018055555555555553859381490156;0.012500000000000000693889390391;0.019444444444444444752839729063;0.025925925925925925180637321432;0.025000000000000001387778780781;0.001851851851851851922525771243;0.021759259259259259439156508620;0.005555555555555555767577313730;0.007407407407407407690103084974;0.014814814814814815380206169948;0.010185185185185186007572610833;0.017129629629629630066522949505;0.019444444444444444752839729063;0.010185185185185186007572610833;0.009259259259259258745267118229;0.013425925925925926221471407018;0.018055555555555553859381490156;0.007407407407407407690103084974;0.040277777777777780399137697032;0.000000000000000000000000000000;0.009722222222222222376419864531;0.013425925925925926221471407018;0.014351851851851851749053423646;0.013888888888888888117900677344;0.007870370370370369586532355299;0.015277777777777777276635440273;0.007870370370370369586532355299
-0.029569892473118281062127721270;0.013978494623655914400051081259;0.036021505376344083171336052374;0.002688172043010752902680859933;0.008064516129032257840680841809;0.020967741935483872467438359877;0.003763440860215053977017030107;0.026344086021505376538076603765;0.092473118279569888056101945040;0.016129032258064515681361683619;0.018279569892473118697395761956;0.011827956989247311384017002922;0.016129032258064515681361683619;0.019354838709677420205412801124;0.016666666666666666435370203203;0.019892473118279570959421320708;0.021505376344086023221446879461;0.044086021505376341012016894183;0.024193548387096773522042525428;0.007526881720430107954034060214;0.019892473118279570959421320708;0.031720430107526884078161799607;0.021505376344086023221446879461;0.023118279569892472014025486260;0.025806451612903225784068084181;0.024731182795698924276051045013;0.028494623655913979554110682102;0.020967741935483872467438359877;0.004301075268817204297344680697;0.024731182795698924276051045013;0.011827956989247311384017002922;0.018279569892473118697395761956;0.018279569892473118697395761956;0.007526881720430107954034060214;0.019892473118279570959421320708;0.031720430107526884078161799607;0.012365591397849462138025522506;0.015591397849462364927353164035;0.004838709677419355051353200281;0.023118279569892472014025486260;0.006989247311827957200025540629;0.025268817204301075030059564597;0.000000000000000000000000000000;0.018817204301075269451404281540;0.012903225806451612892034042090;0.021505376344086023221446879461;0.017741935483870967943387242372;0.018279569892473118697395761956;0.030107526881720431816136240855;0.010215053763440860856714920146
-0.026111111111111112714766591125;0.025000000000000001387778780781;0.056111111111111111604543566500;0.001111111111111111110147375847;0.010555555555555555871660722289;0.013888888888888888117900677344;0.003888888888888888777095598215;0.025555555555555557051272685953;0.029999999999999998889776975375;0.033333333333333332870740406406;0.012222222222222222862142437805;0.011111111111111111535154627461;0.005555555555555555767577313730;0.032777777777777780676693453188;0.021111111111111111743321444578;0.015555555555555555108382392859;0.017777777777777777762358013547;0.066666666666666665741480812812;0.027777777777777776235801354687;0.010555555555555555871660722289;0.018888888888888889089345823891;0.020000000000000000416333634234;0.011111111111111111535154627461;0.050000000000000002775557561563;0.030555555555555554553270880547;0.039444444444444441699726411343;0.041111111111111112159655078813;0.011111111111111111535154627461;0.002222222222222222220294751693;0.010000000000000000208166817117;0.013333333333333334189130248149;0.016666666666666666435370203203;0.013888888888888888117900677344;0.004444444444444444440589503387;0.008333333333333333217685101602;0.047222222222222220988641083750;0.017222222222222222098864108375;0.006111111111111111431071218902;0.000555555555555555555073687923;0.011111111111111111535154627461;0.011111111111111111535154627461;0.015555555555555555108382392859;0.000000000000000000000000000000;0.025000000000000001387778780781;0.012777777777777778525636342977;0.016666666666666666435370203203;0.031666666666666669349705642844;0.025555555555555557051272685953;0.026666666666666668378260496297;0.014999999999999999444888487687
-0.025862068965517241020402039453;0.022413793103448275551015100859;0.027586206896551723755095508750;0.048275862068965516571417140312;0.065517241379310350857245737188;0.035632183908045976516998365469;0.012068965517241379142854285078;0.026436781609195401931966529219;0.034482758620689654693869385937;0.011494252873563218231289795312;0.013793103448275861877547754375;0.040229885057471263809514283594;0.013793103448275861877547754375;0.014942528735632183700676733906;0.036781609195402298340127345000;0.018965517241379310081628162266;0.011494252873563218231289795312;0.027586206896551723755095508750;0.025862068965517241020402039453;0.004022988505747126380951428359;0.013793103448275861877547754375;0.013218390804597700965983264609;0.006321839080459770027209387422;0.017241379310344827346934692969;0.031609195402298853605493889063;0.016666666666666666435370203203;0.022413793103448275551015100859;0.048850574712643680952428582032;0.002873563218390804557822448828;0.055747126436781611891202459219;0.019540229885057470993192652031;0.016666666666666666435370203203;0.018390804597701149170063672500;0.002873563218390804557822448828;0.008620689655172413673467346484;0.012643678160919540054418774844;0.004022988505747126380951428359;0.007471264367816091850338366953;0.007471264367816091850338366953;0.007471264367816091850338366953;0.012068965517241379142854285078;0.020689655172413792816321631562;0.000000000000000000000000000000;0.010919540229885057319725305547;0.033908045977011497251751848125;0.013218390804597700965983264609;0.022988505747126436462579590625;0.017241379310344827346934692969;0.007471264367816091850338366953;0.010344827586206896408160815781
-0.018794326241134751143135872553;0.013829787234042552335200326752;0.031914893617021274085931992204;0.264184397163120587848084142024;0.021985815602836879939507852555;0.021985815602836879939507852555;0.004964539007092198807935545801;0.015248226950354609385285264977;0.037943262411347516982473848657;0.015602836879432624081487368528;0.008510638297872340565786153377;0.029432624113475178151411171257;0.003900709219858156020371842132;0.015248226950354609385285264977;0.029078014184397163455209067706;0.013475177304964539373721699178;0.013829787234042552335200326752;0.023404255319148935254869314804;0.020921985815602835850901541903;0.004255319148936170282893076688;0.012765957446808509981317492077;0.017730496453900710523976513855;0.003191489361702127495329373019;0.017375886524822695827774410304;0.034751773049645391655548820609;0.011702127659574467627434657402;0.018439716312056736446933769002;0.037588652482269502286271745106;0.001063829787234042570723269172;0.028368794326241134062804860605;0.027304964539007093443645501907;0.010638297872340425273551822727;0.003900709219858156020371842132;0.003546099290780141757850607576;0.006737588652482269686860849589;0.019503546099290780535540079654;0.004255319148936170282893076688;0.006382978723404254990658746038;0.006028368794326241161818380476;0.006737588652482269686860849589;0.006028368794326241161818380476;0.023049645390070920558667211253;0.000000000000000000000000000000;0.010992907801418439969753926277;0.017021276595744681131572306754;0.010283687943262410577349719176;0.018085106382978721750731665452;0.011702127659574467627434657402;0.007801418439716312040743684264;0.008510638297872340565786153377
-0.014893617021276596423806637404;0.006382978723404254990658746038;0.038652482269503546374878055758;0.317730496453900723707874931279;0.027304964539007093443645501907;0.012765957446808509981317492077;0.001418439716312056833244503729;0.011702127659574467627434657402;0.060638297872340422844938956359;0.012765957446808509981317492077;0.010992907801418439969753926277;0.012056737588652482323636760952;0.013120567375886524677519595627;0.013829787234042552335200326752;0.014184397163120567031402430302;0.012056737588652482323636760952;0.024468085106382979343475625456;0.024822695035460994039677729006;0.009929078014184397615871091602;0.004609929078014184111733442251;0.012411347517730497019838864503;0.028368794326241134062804860605;0.002482269503546099403967772901;0.015248226950354609385285264977;0.014184397163120567031402430302;0.015602836879432624081487368528;0.012411347517730497019838864503;0.012765957446808509981317492077;0.000000000000000000000000000000;0.016312056737588651739168099652;0.009574468085106382919668988052;0.009929078014184397615871091602;0.005319148936170212636775911363;0.004255319148936170282893076688;0.014539007092198581727604533853;0.019858156028368795231742183205;0.005673758865248227332978014914;0.009219858156028368223466884501;0.017021276595744681131572306754;0.009574468085106382919668988052;0.003900709219858156020371842132;0.039007092198581561071080159309;0.000000000000000000000000000000;0.012056737588652482323636760952;0.010638297872340425273551822727;0.010283687943262410577349719176;0.017021276595744681131572306754;0.010992907801418439969753926277;0.010992907801418439969753926277;0.006028368794326241161818380476
-0.018055555555555553859381490156;0.008333333333333333217685101602;0.041203703703703700722549285729;0.300462962962962987223392019587;0.032407407407407405608434913802;0.006481481481481481295159330358;0.004166666666666666608842550801;0.009259259259259258745267118229;0.052314814814814813992427389167;0.014814814814814815380206169948;0.006944444444444444058950338672;0.015277777777777777276635440273;0.006481481481481481295159330358;0.019444444444444444752839729063;0.014351851851851851749053423646;0.008333333333333333217685101602;0.027314814814814816074095560339;0.020833333333333332176851016015;0.014351851851851851749053423646;0.006944444444444444058950338672;0.011111111111111111535154627461;0.028240740740740739866954100989;0.004166666666666666608842550801;0.018055555555555553859381490156;0.020370370370370372015145221667;0.017129629629629630066522949505;0.019907407407407408383992475365;0.006018518518518518531368322044;0.002777777777777777883788656865;0.025462962962962961549484575130;0.008333333333333333217685101602;0.011111111111111111535154627461;0.003240740740740740647579665179;0.008333333333333333217685101602;0.012500000000000000693889390391;0.022685185185185186701462001224;0.004629629629629629372633559115;0.012500000000000000693889390391;0.007870370370370369586532355299;0.013888888888888888117900677344;0.003240740740740740647579665179;0.025462962962962961549484575130;0.000000000000000000000000000000;0.011111111111111111535154627461;0.016203703703703702804217456901;0.007870370370370369586532355299;0.019907407407407408383992475365;0.011574074074074073431583897786;0.009259259259259258745267118229;0.009259259259259258745267118229
-0.022115384615384616612265844537;0.020192307692307693428590553708;0.028525641025641024911552179333;0.071153846153846150857091856778;0.019551282051282051210883139447;0.015384615384615385469402326635;0.008333333333333333217685101602;0.020192307692307693428590553708;0.066987179487179485115611043966;0.019230769230769231836752908293;0.013461538461538462285727035805;0.016987179487179485809500434357;0.016025641025641024217662788942;0.026602564102564101727876888503;0.025641025641025640136039243089;0.014743589743589743251694912374;0.021153846153846155020428199123;0.032371794871794874748349712945;0.022756410256410255360526306845;0.005128205128205128200680196215;0.015705128205128204843532557788;0.031730769230769229061195346731;0.008012820512820512108831394471;0.021794871794871793768688661430;0.023397435897435897578233721106;0.018269230769230770244915262879;0.026282051282051282353746657350;0.020512820512820512802720784862;0.002884615384615384775512936244;0.028205128205128205537421948179;0.020833333333333332176851016015;0.016025641025641024217662788942;0.006730769230769231142863517903;0.009294871794871794809522747016;0.024679487179487178544201597674;0.025961538461538462979616426196;0.007371794871794871625847456187;0.011538461538461539102051744976;0.014102564102564102768710974090;0.014743589743589743251694912374;0.005128205128205128200680196215;0.045833333333333330095182844843;0.000000000000000000000000000000;0.018910256410256408993175725186;0.016025641025641024217662788942;0.018589743589743589619045494032;0.022435897435897435986396075691;0.012820512820512820068019621544;0.013782051282051281659857266959;0.011858974358974358476181976130
-0.020909090909090908422252041987;0.027272727272727271402574800163;0.033636363636363637852344510293;0.107575757575757574580066489034;0.014242424242424242195048655901;0.013636363636363635701287400082;0.010303030303030303455047445027;0.024545454545454543915372624951;0.064242424242424239766435789534;0.013636363636363635701287400082;0.014242424242424242195048655901;0.008484848484848485708487153545;0.013030303030303030942249620239;0.021515151515151514916013297807;0.032727272727272729846426102540;0.011212121212121211460965852780;0.021515151515151514916013297807;0.035454545454545453864181325798;0.024545454545454543915372624951;0.006060606060606060600803868255;0.016363636363636364923213051270;0.023030303030303029415692961379;0.007878787878787879214725897725;0.021212121212121213403856145874;0.017878787878787879422892714842;0.020000000000000000416333634234;0.026363636363636363396656392410;0.023030303030303029415692961379;0.002727272727272727487202175212;0.024242424242424242403215473018;0.013636363636363635701287400082;0.015151515151515151935690539631;0.013636363636363635701287400082;0.007272727272727272720964641906;0.014545454545454545441929283811;0.028181818181818182877940159869;0.009393939393939393714405561298;0.009696969696969696961286189207;0.006060606060606060600803868255;0.014242424242424242195048655901;0.008787878787878787220644305478;0.050606060606060605799871865429;0.000000000000000000000000000000;0.013636363636363635701287400082;0.024242424242424242403215473018;0.017272727272727272929131459023;0.015151515151515151935690539631;0.009696969696969696961286189207;0.015757575757575758429451795450;0.011515151515151514707846480690
-0.014705882352941176266503120473;0.034313725490196081424620899725;0.035947712418300650782931882077;0.081699346405228759349093081710;0.021895424836601305729200106498;0.010784313725490195928768955014;0.005882352941176470506601248189;0.035620915032679736911269685606;0.029084967320261438661344044476;0.010784313725490195928768955014;0.013398692810457515575683906661;0.008169934640522876281854003366;0.011437908496732025406816823931;0.018627450980392156604237285933;0.049346405228758168093339264715;0.009477124183006535237949741202;0.021895424836601305729200106498;0.046732026143790850181147789044;0.037908496732026140951798964807;0.006209150326797385245625182648;0.022222222222222223070309254922;0.019607843137254901688670827298;0.011764705882352941013202496379;0.015686274509803921350936661838;0.013725490196078431182069579108;0.018300653594771242732575089462;0.038562091503267975634017261655;0.055882352941176473282158809752;0.000980392156862745084433541365;0.021568627450980391857537910028;0.009803921568627450844335413649;0.013725490196078431182069579108;0.017973856209150325391465941038;0.006535947712418300852010855095;0.007843137254901960675468330919;0.028104575163398693576910503111;0.012745098039215686097636037744;0.007189542483660130330058724013;0.008496732026143790153516199837;0.013071895424836601704021710191;0.015032679738562091872888792921;0.023529411764705882026404992757;0.000000000000000000000000000000;0.009150326797385621366287544731;0.036274509803921571593487982454;0.013398692810457515575683906661;0.014052287581699346788455251556;0.009477124183006535237949741202;0.022549019607843136941971451392;0.008823529411764705759901872284
-0.020155038759689922200912803874;0.028294573643410852320512205438;0.027131782945736433731998005214;0.055813953488372092248681610727;0.032558139534883720478397606257;0.021705426356589146985598404171;0.009689922480620154904285001862;0.034883720930232557655426006704;0.020542635658914728397084203948;0.011627906976744185885142002235;0.018992248062015503612398603650;0.018604651162790697416227203576;0.023255813953488371770284004469;0.014728682170542635454513202831;0.035658914728682170047768806853;0.012403100775193798277484802384;0.020155038759689922200912803874;0.038372093023255816890415559328;0.034883720930232557655426006704;0.003875968992248061961714000745;0.026744186046511627535826605140;0.017054263565891472631541603278;0.018217054263565891220055803501;0.015891472868217054043027403054;0.016279069767441860239198803129;0.017054263565891472631541603278;0.030232558139534883301369205810;0.027906976744186046124340805363;0.002325581395348837177028400447;0.032558139534883720478397606257;0.014341085271317829258341802756;0.013953488372093023062170402682;0.017441860465116278827713003352;0.009689922480620154904285001862;0.023643410852713177966455404544;0.022480620155038759377941204320;0.012790697674418604473656202458;0.014728682170542635454513202831;0.004263565891472868157885400819;0.025581395348837208947312404916;0.014341085271317829258341802756;0.014728682170542635454513202831;0.000000000000000000000000000000;0.013178294573643410669827602533;0.028294573643410852320512205438;0.016279069767441860239198803129;0.013565891472868216865999002607;0.010852713178294573492799202086;0.034108527131782945263083206555;0.008139534883720930119599401564
-0.026388888888888888811790067734;0.016319444444444445446729119453;0.050694444444444444752839729063;0.000000000000000000000000000000;0.001388888888888888941894328433;0.023263888888888889505679458125;0.004513888888888888464845372539;0.029166666666666667129259593594;0.026041666666666667823148983985;0.027430555555555555247160270937;0.015625000000000000000000000000;0.016319444444444445446729119453;0.026388888888888888811790067734;0.033680555555555553859381490156;0.012152777777777777970524830664;0.019444444444444444752839729063;0.027083333333333334258519187188;0.061111111111111109106541761093;0.013888888888888888117900677344;0.011458333333333332523795711211;0.016666666666666666435370203203;0.023611111111111110494320541875;0.024652777777777776929690745078;0.029513888888888888117900677344;0.034722222222222223764198645313;0.023958333333333334952408577578;0.031250000000000000000000000000;0.004861111111111111188209932266;0.002777777777777777883788656865;0.019444444444444444752839729063;0.017013888888888887424011286953;0.018402777777777778317469525859;0.010416666666666666088425508008;0.011458333333333332523795711211;0.032291666666666669904817155157;0.037847222222222219600862302968;0.012152777777777777970524830664;0.011805555555555555247160270937;0.001736111111111111014737584668;0.033333333333333332870740406406;0.002430555555555555594104966133;0.010763888888888888811790067734;0.000000000000000000000000000000;0.020486111111111111188209932266;0.003819444444444444319158860068;0.020486111111111111188209932266;0.030555555555555554553270880547;0.028472222222222221682530474141;0.029166666666666667129259593594;0.013541666666666667129259593594
-0.028333333333333331899295259859;0.032916666666666663521034763562;0.038749999999999999722444243844;0.000000000000000000000000000000;0.004583333333333333356462979680;0.017916666666666667545593227828;0.007499999999999999722444243844;0.054166666666666668517038374375;0.014583333333333333564629796797;0.019583333333333334536074943344;0.020000000000000000416333634234;0.007916666666666667337426410711;0.019583333333333334536074943344;0.028333333333333331899295259859;0.030833333333333334119741309109;0.017500000000000001665334536938;0.016250000000000000555111512313;0.065000000000000002220446049250;0.026249999999999999028554853453;0.007916666666666667337426410711;0.027916666666666666019036568969;0.012916666666666666574148081281;0.018333333333333333425851918719;0.028750000000000001249000902703;0.030833333333333334119741309109;0.028333333333333331899295259859;0.047500000000000000555111512313;0.015416666666666667059870654555;0.001250000000000000026020852140;0.017500000000000001665334536938;0.007499999999999999722444243844;0.015833333333333334674852821422;0.019583333333333334536074943344;0.007083333333333332974823814965;0.020833333333333332176851016015;0.040000000000000000832667268469;0.017500000000000001665334536938;0.009166666666666666712925959359;0.003749999999999999861222121922;0.012916666666666666574148081281;0.017083333333333332315628894094;0.006666666666666667094565124074;0.000000000000000000000000000000;0.017916666666666667545593227828;0.015833333333333334674852821422;0.015833333333333334674852821422;0.023333333333333334397297065266;0.015416666666666667059870654555;0.036249999999999997501998194593;0.010833333333333333703407674875
-0.021428571428571428769682682969;0.015714285714285715356286488031;0.053333333333333336756520992594;0.079523809523809524391069203375;0.010952380952380953021974008266;0.016190476190476189161104869640;0.006190476190476190687661528500;0.032380952380952378322209739281;0.020476190476190477690598967797;0.025714285714285713829729829172;0.015714285714285715356286488031;0.009523809523809524668624959531;0.012857142857142856914864914586;0.038571428571428569009871267781;0.021904761904761906043948016531;0.010476190476190475747708674703;0.022380952380952379848766398140;0.040476190476190478106932602032;0.021904761904761906043948016531;0.007142857142857142634106981660;0.019523809523809523142068300672;0.011904761904761904101057723437;0.007619047619047619041010577234;0.048571428571428570952761560875;0.018571428571428572062984585500;0.035238095238095235028907836750;0.031428571428571430712572976063;0.011904761904761904101057723437;0.000952380952380952380126322154;0.010952380952380953021974008266;0.007142857142857142634106981660;0.027142857142857142183078877906;0.011428571428571428561515865852;0.006190476190476190687661528500;0.015714285714285715356286488031;0.048571428571428570952761560875;0.018571428571428572062984585500;0.006666666666666667094565124074;0.002380952380952381167156239883;0.010000000000000000208166817117;0.010952380952380953021974008266;0.010952380952380953021974008266;0.000000000000000000000000000000;0.025238095238095236555464495609;0.016666666666666666435370203203;0.013809523809523809728672105734;0.035714285714285712303173170312;0.015714285714285715356286488031;0.026666666666666668378260496297;0.010952380952380953021974008266
-0.032222222222222221543752596062;0.015185185185185185244294281404;0.054444444444444441144614899031;0.082222222222222224319310157625;0.018518518518518517490534236458;0.011851851851851851263330850372;0.005925925925925925631665425186;0.026666666666666668378260496297;0.017037037037037038034181790636;0.031481481481481478346129421197;0.011481481481481481399242738917;0.011851851851851851263330850372;0.012592592592592592726230549260;0.035925925925925923654080662573;0.021851851851851851471497667490;0.022962962962962962798485477833;0.022592592592592591199673890401;0.029629629629629630760412339896;0.018518518518518517490534236458;0.010370370370370370072254928573;0.012962962962962962590318660716;0.012592592592592592726230549260;0.007037037037037036958653235530;0.039629629629629632703302632990;0.030370370370370370488588562807;0.035185185185185187395351391615;0.026296296296296296779448908865;0.014444444444444443781394582516;0.002962962962962962815832712593;0.017037037037037038034181790636;0.010370370370370370072254928573;0.024444444444444445724284875610;0.006666666666666667094565124074;0.009259259259259258745267118229;0.014074074074074073917306471060;0.038518518518518521376314822646;0.008518518518518519017090895318;0.014444444444444443781394582516;0.001481481481481481407916356297;0.011481481481481481399242738917;0.009259259259259258745267118229;0.007777777777777777554191196430;0.000000000000000000000000000000;0.024444444444444445724284875610;0.018518518518518517490534236458;0.012592592592592592726230549260;0.038518518518518521376314822646;0.021481481481481479872686080057;0.020370370370370372015145221667;0.015925925925925926707193980292
-0.035772357723577237476053625187;0.006504065040650406498423663493;0.061382113821138208076266806756;0.058536585365853661955259923388;0.003658536585365853872203745212;0.014227642276422763564780460399;0.001626016260162601624605915873;0.019918699186991871419305510926;0.022764227642276424479206298201;0.032926829268292684416152837912;0.016666666666666666435370203203;0.013821138211382113375469415928;0.008536585365853659179702361826;0.047560975609756098170244342782;0.008536585365853659179702361826;0.019918699186991871419305510926;0.028048780487804878674973352304;0.027642276422764226750938831856;0.011788617886178862428914193572;0.008130081300813008990391317354;0.015447154471544715867437069790;0.019512195121951219495270990478;0.010975609756097560315568628653;0.031300813008130083658908660027;0.035772357723577237476053625187;0.045121951219512193564931124001;0.027235772357723578296351263361;0.013821138211382113375469415928;0.001219512195121951218454436905;0.012601626016260162807536282514;0.013821138211382113375469415928;0.028455284552845527129560920798;0.003658536585365853872203745212;0.008943089430894309369013406297;0.018699186991869919116648901536;0.052032520325203251987389307942;0.016666666666666666435370203203;0.010569105691056910126257584182;0.002032520325203252247597829339;0.017886178861788618738026812593;0.002845528455284553059900787275;0.006504065040650406498423663493;0.000000000000000000000000000000;0.021544715447154472176549688811;0.003658536585365853872203745212;0.013008130081300812996847326986;0.041869918699186992050442768232;0.029268292682926830977629961694;0.027235772357723578296351263361;0.020325203252032519873893079421
-0.023333333333333334397297065266;0.005833333333333333599324266316;0.051388888888888886730121896562;0.163055555555555564684055980251;0.010833333333333333703407674875;0.015555555555555555108382392859;0.005000000000000000104083408559;0.016666666666666666435370203203;0.020000000000000000416333634234;0.031666666666666669349705642844;0.014999999999999999444888487687;0.010277777777777778039913769703;0.011111111111111111535154627461;0.038333333333333330372738601000;0.008333333333333333217685101602;0.017222222222222222098864108375;0.023888888888888890060790970438;0.021111111111111111743321444578;0.013888888888888888117900677344;0.009722222222222222376419864531;0.019166666666666665186369300500;0.013888888888888888117900677344;0.006111111111111111431071218902;0.036111111111111107718762980312;0.028888888888888887562789165031;0.034722222222222223764198645313;0.022777777777777778733803160094;0.003333333333333333547282562037;0.002222222222222222220294751693;0.011111111111111111535154627461;0.011111111111111111535154627461;0.021111111111111111743321444578;0.006111111111111111431071218902;0.007777777777777777554191196430;0.015277777777777777276635440273;0.044722222222222218768195034500;0.010833333333333333703407674875;0.014444444444444443781394582516;0.003333333333333333547282562037;0.011666666666666667198648532633;0.006944444444444444058950338672;0.010000000000000000208166817117;0.000000000000000000000000000000;0.020555555555555556079827539406;0.008888888888888888881179006773;0.013333333333333334189130248149;0.036666666666666666851703837438;0.029444444444444443226283070203;0.021944444444444443503838826359;0.015277777777777777276635440273
-0.028205128205128205537421948179;0.018803418803418802535132314802;0.041025641025641025605441569724;0.028632478632478631369595589717;0.018376068376068376702958673263;0.031196581196581196770978294808;0.006837606837606837600906928287;0.026495726495726495269833478119;0.036752136752136753405917346527;0.016666666666666666435370203203;0.020512820512820512802720784862;0.038034188034188030902438271141;0.010683760683760683968257509946;0.020085470085470086970547143324;0.029914529914529915805010418239;0.018803418803418802535132314802;0.025641025641025640136039243089;0.057264957264957262739191179435;0.021367521367521367936515019892;0.005982905982905983334474431246;0.021794871794871793768688661430;0.015811965811965811301575968173;0.009401709401709401267566157401;0.026068376068376069437659836581;0.019658119658119657668926549832;0.033333333333333332870740406406;0.032051282051282048435325577884;0.008119658119658120301598280832;0.002136752136752136967123849587;0.037179487179487179238090988065;0.024358974358974359170071366520;0.015811965811965811301575968173;0.011111111111111111535154627461;0.008974358974358973700669039886;0.008547008547008547868495398347;0.040598290598290599773267928185;0.010256410256410256401360392431;0.005555555555555555767577313730;0.007264957264957265167804045802;0.008974358974358973700669039886;0.013247863247863247634916739059;0.026068376068376069437659836581;0.000000000000000000000000000000;0.014529914529914530335608091605;0.015811965811965811301575968173;0.012820512820512820068019621544;0.020512820512820512802720784862;0.014102564102564102768710974090;0.024358974358974359170071366520;0.010256410256410256401360392431
-0.043269230769230768163247091707;0.010576923076923077510214099561;0.043589743589743587537377322860;0.024679487179487178544201597674;0.007371794871794871625847456187;0.030128205128205128721097239008;0.002884615384615384775512936244;0.021153846153846155020428199123;0.029487179487179486503389824748;0.028205128205128205537421948179;0.021153846153846155020428199123;0.032692307692307694122479944099;0.010897435897435896884344330715;0.027564102564102563319714533918;0.008333333333333333217685101602;0.034294871794871797932025003774;0.017307692307692308653077617464;0.036538461538461540489830525757;0.019551282051282051210883139447;0.007371794871794871625847456187;0.017628205128205128027207848618;0.011858974358974358476181976130;0.006730769230769231142863517903;0.037820512820512817986351450372;0.044230769230769233224531689075;0.040064102564102567483050876262;0.031089743589743590312934884423;0.041025641025641025605441569724;0.000000000000000000000000000000;0.018910256410256408993175725186;0.022435897435897435986396075691;0.019551282051282051210883139447;0.007371794871794871625847456187;0.005128205128205128200680196215;0.010256410256410256401360392431;0.038461538461538463673505816587;0.012820512820512820068019621544;0.011858974358974358476181976130;0.002243589743589743425167259971;0.004807692307692307959188227073;0.007051282051282051384355487045;0.018269230769230770244915262879;0.000000000000000000000000000000;0.018269230769230770244915262879;0.010897435897435896884344330715;0.015705128205128204843532557788;0.025961538461538462979616426196;0.021474358974358974394558430276;0.025641025641025640136039243089;0.015384615384615385469402326635
-0.023270440251572325346396397094;0.010691823899371068543051599420;0.032075471698113207363878274236;0.171698113207547159442256656803;0.086163522012578611097843861444;0.019496855345911948825810000585;0.003773584905660377387948134498;0.007547169811320754775896268995;0.030188679245283019103585075982;0.025471698113207548452852080345;0.010691823899371068543051599420;0.010691823899371068543051599420;0.011320754716981131296482665505;0.028301886792452830843291877727;0.013836477987421384044930405821;0.019496855345911948825810000585;0.018553459119496854695663401458;0.016352201257861635058654670161;0.016037735849056603681939137118;0.005031446540880502894810266667;0.023270440251572325346396397094;0.018867924528301886072378934500;0.004716981132075471518094733625;0.027044025157232705336429745557;0.022955974842767293969680864052;0.022012578616352199839534264925;0.013836477987421384044930405821;0.012578616352201258538068273651;0.001257861635220125723702566667;0.019182389937106917449094467543;0.014465408805031446798361471906;0.016981132075471697812085736246;0.004088050314465408764663667540;0.007547169811320754775896268995;0.015408805031446540928508071033;0.026729559748427673959714212515;0.004088050314465408764663667540;0.012264150943396227161352740609;0.005660377358490565648241332752;0.014779874213836478175077004948;0.002830188679245282824120666376;0.027358490566037736713145278600;0.000000000000000000000000000000;0.019496855345911948825810000585;0.016666666666666666435370203203;0.012893081761006289914783806694;0.022641509433962262592965331010;0.021383647798742137086103198840;0.012264150943396227161352740609;0.016037735849056603681939137118
-0.017021276595744681131572306754;0.020212765957446809927944286756;0.044326241134751774575217808660;0.123049645390070919170888430472;0.023404255319148935254869314804;0.015248226950354609385285264977;0.008156028368794325869584049826;0.030496453900709218770570529955;0.020567375886524821154699438353;0.032269503546099288782134095754;0.015248226950354609385285264977;0.009219858156028368223466884501;0.007801418439716312040743684264;0.026241134751773049355039191255;0.036879432624113472893867538005;0.013120567375886524677519595627;0.022340425531914894635709956106;0.027659574468085104670400653504;0.020921985815602835850901541903;0.002127659574468085141446538344;0.013475177304964539373721699178;0.017021276595744681131572306754;0.008865248226950355261988256927;0.042907801418439715790409394458;0.015602836879432624081487368528;0.027304964539007093443645501907;0.026950354609929078747443398356;0.037234042553191487590069641556;0.002836879432624113666489007457;0.020567375886524821154699438353;0.012056737588652482323636760952;0.018794326241134751143135872553;0.012765957446808509981317492077;0.006737588652482269686860849589;0.005673758865248227332978014914;0.035106382978723406351750924159;0.007446808510638298211903318702;0.008865248226950355261988256927;0.004255319148936170282893076688;0.007446808510638298211903318702;0.014893617021276596423806637404;0.022340425531914894635709956106;0.000000000000000000000000000000;0.021631205673758865243305749004;0.021631205673758865243305749004;0.012765957446808509981317492077;0.025531914893617019962634984154;0.009929078014184397615871091602;0.010992907801418439969753926277;0.012056737588652482323636760952
-0.017500000000000001665334536938;0.017500000000000001665334536938;0.046388888888888889228123701969;0.040000000000000000832667268469;0.031111111111111110216764785719;0.019166666666666665186369300500;0.009444444444444444544672911945;0.027222222222222220572307449515;0.040555555555555553026714221687;0.018333333333333333425851918719;0.013333333333333334189130248149;0.013055555555555556357383295563;0.014999999999999999444888487687;0.022499999999999999167332731531;0.026388888888888888811790067734;0.011666666666666667198648532633;0.028055555555555555802271783250;0.042777777777777775680689842375;0.026944444444444444475283972906;0.006666666666666667094565124074;0.019444444444444444752839729063;0.032500000000000001110223024625;0.021388888888888887840344921187;0.027777777777777776235801354687;0.018611111111111109522875395328;0.019166666666666665186369300500;0.021944444444444443503838826359;0.013611111111111110286153724758;0.002500000000000000052041704279;0.025833333333333333148296162562;0.008055555555555555385938149016;0.021388888888888887840344921187;0.021388888888888887840344921187;0.009722222222222222376419864531;0.018611111111111109522875395328;0.025277777777777777484802257391;0.008888888888888888881179006773;0.008611111111111111049432054187;0.008888888888888888881179006773;0.024166666666666666157814447047;0.011111111111111111535154627461;0.033611111111111112437210834969;0.000000000000000000000000000000;0.016388888888888890338346726594;0.023888888888888890060790970438;0.019166666666666665186369300500;0.018333333333333333425851918719;0.013055555555555556357383295563;0.023611111111111110494320541875;0.009444444444444444544672911945
-0.023333333333333334397297065266;0.017777777777777777762358013547;0.038518518518518521376314822646;0.105925925925925923376524906416;0.009259259259259258745267118229;0.022592592592592591199673890401;0.002962962962962962815832712593;0.019259259259259260688157411323;0.032222222222222221543752596062;0.015185185185185185244294281404;0.017037037037037038034181790636;0.020370370370370372015145221667;0.012962962962962962590318660716;0.032592592592592589673117231541;0.023333333333333334397297065266;0.020370370370370372015145221667;0.022592592592592591199673890401;0.041851851851851848418384349770;0.014074074074074073917306471060;0.008888888888888888881179006773;0.011111111111111111535154627461;0.015555555555555555108382392859;0.011481481481481481399242738917;0.020000000000000000416333634234;0.031481481481481478346129421197;0.029629629629629630760412339896;0.029259259259259259161600752464;0.017037037037037038034181790636;0.002962962962962962815832712593;0.015185185185185185244294281404;0.022592592592592591199673890401;0.022222222222222223070309254922;0.009629629629629630344078705662;0.010000000000000000208166817117;0.020000000000000000416333634234;0.029259259259259259161600752464;0.011481481481481481399242738917;0.020000000000000000416333634234;0.005185185185185185036127464286;0.020740740740740740144509857146;0.005555555555555555767577313730;0.021111111111111111743321444578;0.000000000000000000000000000000;0.017407407407407406163546426114;0.012222222222222222862142437805;0.011111111111111111535154627461;0.021851851851851851471497667490;0.017777777777777777762358013547;0.020370370370370372015145221667;0.016666666666666666435370203203
-0.027407407407407408106436719208;0.007407407407407407690103084974;0.026296296296296296779448908865;0.375925925925925941140093300419;0.007777777777777777554191196430;0.024444444444444445724284875610;0.002962962962962962815832712593;0.015555555555555555108382392859;0.005925925925925925631665425186;0.012962962962962962590318660716;0.014814814814814815380206169948;0.006666666666666667094565124074;0.026666666666666668378260496297;0.021111111111111111743321444578;0.014444444444444443781394582516;0.014444444444444443781394582516;0.018148148148148149361169600979;0.014074074074074073917306471060;0.013703703703703704053218359604;0.007037037037037036958653235530;0.008518518518518519017090895318;0.005925925925925925631665425186;0.011851851851851851263330850372;0.016666666666666666435370203203;0.030740740740740742087400150240;0.023703703703703702526661700745;0.018888888888888889089345823891;0.004074074074074073709139653943;0.001481481481481481407916356297;0.017037037037037038034181790636;0.002592592592592592518063732143;0.012222222222222222862142437805;0.010740740740740739936343040029;0.004074074074074073709139653943;0.017037037037037038034181790636;0.020370370370370372015145221667;0.009259259259259258745267118229;0.007407407407407407690103084974;0.000000000000000000000000000000;0.011111111111111111535154627461;0.005555555555555555767577313730;0.006296296296296296363115274630;0.000000000000000000000000000000;0.009629629629629630344078705662;0.008148148148148147418279307885;0.006296296296296296363115274630;0.021111111111111111743321444578;0.020000000000000000416333634234;0.017777777777777777762358013547;0.013703703703703704053218359604
-0.026388888888888888811790067734;0.026388888888888888811790067734;0.046944444444444441422170655187;0.001944444444444444388547799107;0.003611111111111110945348645629;0.020555555555555556079827539406;0.005555555555555555767577313730;0.040000000000000000832667268469;0.013888888888888888117900677344;0.025833333333333333148296162562;0.017777777777777777762358013547;0.013055555555555556357383295563;0.016111111111111110771876298031;0.031666666666666669349705642844;0.027222222222222220572307449515;0.019166666666666665186369300500;0.021944444444444443503838826359;0.056388888888888891171013995063;0.024166666666666666157814447047;0.011111111111111111535154627461;0.023333333333333334397297065266;0.009722222222222222376419864531;0.020833333333333332176851016015;0.030277777777777778456247403938;0.026944444444444444475283972906;0.042777777777777775680689842375;0.044722222222222218768195034500;0.008611111111111111049432054187;0.000833333333333333386820640509;0.016944444444444446001840631766;0.011944444444444445030395485219;0.017500000000000001665334536938;0.013888888888888888117900677344;0.006388888888888889262818171488;0.019166666666666665186369300500;0.045277777777777777901135891625;0.021388888888888887840344921187;0.009722222222222222376419864531;0.000833333333333333386820640509;0.006666666666666667094565124074;0.013888888888888888117900677344;0.006666666666666667094565124074;0.000000000000000000000000000000;0.025555555555555557051272685953;0.010000000000000000208166817117;0.016388888888888890338346726594;0.031944444444444441977282167500;0.019722222222222220849863205672;0.033333333333333332870740406406;0.014999999999999999444888487687
-0.034814814814814812327092852229;0.007407407407407407690103084974;0.068888888888888888395456433500;0.000000000000000000000000000000;0.000740740740740740703958178148;0.018888888888888889089345823891;0.002222222222222222220294751693;0.025925925925925925180637321432;0.022962962962962962798485477833;0.042222222222222223486642889156;0.017777777777777777762358013547;0.006666666666666667094565124074;0.014074074074074073917306471060;0.048888888888888891448569751219;0.004444444444444444440589503387;0.021851851851851851471497667490;0.027407407407407408106436719208;0.043703703703703702942995334979;0.006296296296296296363115274630;0.015555555555555555108382392859;0.014814814814814815380206169948;0.013333333333333334189130248149;0.011111111111111111535154627461;0.044814814814814814269983145323;0.032222222222222221543752596062;0.056666666666666663798590519718;0.039259259259259257635044093604;0.003703703703703703845051542487;0.001481481481481481407916356297;0.003333333333333333547282562037;0.007407407407407407690103084974;0.016296296296296294836558615771;0.004814814814814815172039352831;0.005555555555555555767577313730;0.024814814814814813853649511088;0.056296296296296295669225884239;0.022222222222222223070309254922;0.012962962962962962590318660716;0.002592592592592592518063732143;0.019629629629629628817522046802;0.006666666666666667094565124074;0.008518518518518519017090895318;0.000000000000000000000000000000;0.023333333333333334397297065266;0.001851851851851851922525771243;0.017037037037037038034181790636;0.038148148148148146308056283260;0.029999999999999998889776975375;0.033333333333333332870740406406;0.017037037037037038034181790636
-0.025146198830409357410919923836;0.014619883040935671703053344572;0.046491228070175437403488416521;0.178362573099415194777250803781;0.004093567251461988597271979273;0.013742690058479532094759534289;0.002339181286549707645960882729;0.020760233918128655900003920465;0.035672514619883043118786503101;0.024269005847953217802626113553;0.017836257309941521559393251550;0.011988304093567251143448437745;0.008479532163742689240826244657;0.036549707602339179257633361431;0.017543859649122806043664013487;0.014619883040935671703053344572;0.018421052631578945651957823770;0.056432748538011695549343471612;0.011111111111111111535154627461;0.007894736842105263413538196460;0.016081871345029238873358679029;0.020467836257309940384274682401;0.012865497076023392486465724005;0.024561403508771929848908399663;0.024269005847953217802626113553;0.032456140350877189792999644169;0.030409356725146198530129737492;0.006725146198830409156876886101;0.000292397660818713455745110341;0.010818713450292397754148865374;0.007309941520467835851526672286;0.014619883040935671703053344572;0.008187134502923977194543958547;0.005555555555555555767577313730;0.010526315789473683973143103287;0.030701754385964910576412023602;0.016374269005847954389087917093;0.007602339181286549632532434373;0.007309941520467835851526672286;0.009064327485380116802837768830;0.007017543859649122937882648188;0.019298245614035088729698586008;0.000000000000000000000000000000;0.010526315789473683973143103287;0.005847953216374268681221337829;0.014327485380116959656771058462;0.025146198830409357410919923836;0.020467836257309940384274682401;0.022807017543859650632320779096;0.011988304093567251143448437745
-0.005782312925170067681446273156;0.011564625850340135362892546311;0.030272108843537415961977288248;0.543537414965986398485142672143;0.008843537414965987192294605279;0.013605442176870747791883609068;0.002721088435374149471640548015;0.009863945578231291672066660681;0.029591836734693878485646933996;0.004081632653061224857982125513;0.007823129251700680977799073901;0.007482993197278911372272158786;0.004421768707482993596147302640;0.012585034013605441577388077690;0.015306122448979591482709494699;0.010544217687074829148397014933;0.011564625850340135362892546311;0.026190476190476191103995162734;0.007142857142857142634106981660;0.003741496598639455686136079393;0.005442176870748298943281096030;0.017687074829931974384589210558;0.004421768707482993596147302640;0.006122448979591836419611450282;0.014625850340136054006379140446;0.008163265306122449715964251027;0.017346938775510203911700557455;0.013265306122448979053718431942;0.000340136054421768683955068502;0.007823129251700680977799073901;0.008503401360544218454129428153;0.005102040816326530205115918903;0.004081632653061224857982125513;0.003741496598639455686136079393;0.002380952380952381167156239883;0.012925170068027210315553254816;0.007142857142857142634106981660;0.003401360544217686947970902267;0.004761904761904762334312479766;0.007142857142857142634106981660;0.006122448979591836419611450282;0.022108843537414966246013037221;0.000000000000000000000000000000;0.004761904761904762334312479766;0.007482993197278911372272158786;0.002380952380952381167156239883;0.013605442176870747791883609068;0.007482993197278911372272158786;0.009523809523809524668624959531;0.005442176870748298943281096030
-0.024652777777777776929690745078;0.020138888888888890199568848516;0.058680555555555555247160270937;0.106944444444444439201724605937;0.003472222222222222029475169336;0.014583333333333333564629796797;0.002777777777777777883788656865;0.026388888888888888811790067734;0.032291666666666669904817155157;0.022569444444444444058950338672;0.014583333333333333564629796797;0.013194444444444444405895033867;0.007638888888888888638317720137;0.033680555555555553859381490156;0.017013888888888887424011286953;0.022569444444444444058950338672;0.028125000000000000693889390391;0.050694444444444444752839729063;0.016319444444444445446729119453;0.007986111111111110494320541875;0.013194444444444444405895033867;0.020138888888888890199568848516;0.011805555555555555247160270937;0.035069444444444444752839729063;0.026388888888888888811790067734;0.027430555555555555247160270937;0.032986111111111111882099322656;0.006944444444444444058950338672;0.003125000000000000173472347598;0.006250000000000000346944695195;0.011805555555555555247160270937;0.013194444444444444405895033867;0.012847222222222221682530474141;0.008680555555555555941049661328;0.011805555555555555247160270937;0.036458333333333335646297967969;0.010416666666666666088425508008;0.011458333333333332523795711211;0.001736111111111111014737584668;0.009722222222222222376419864531;0.008680555555555555941049661328;0.017361111111111111882099322656;0.000000000000000000000000000000;0.022916666666666665047591422422;0.011805555555555555247160270937;0.018402777777777778317469525859;0.031250000000000000000000000000;0.017013888888888887424011286953;0.025694444444444443365060948281;0.011111111111111111535154627461
-0.012962962962962962590318660716;0.004166666666666666608842550801;0.027777777777777776235801354687;0.592592592592592559697095566662;0.010648148148148147904001881159;0.009259259259259258745267118229;0.002314814814814814686316779557;0.008333333333333333217685101602;0.008796296296296296848837847904;0.012962962962962962590318660716;0.009259259259259258745267118229;0.002777777777777777883788656865;0.005092592592592593003786305417;0.021296296296296295808003762318;0.007407407407407407690103084974;0.012962962962962962590318660716;0.007407407407407407690103084974;0.007407407407407407690103084974;0.014351851851851851749053423646;0.003703703703703703845051542487;0.007870370370370369586532355299;0.017592592592592593697675695807;0.001388888888888888941894328433;0.008796296296296296848837847904;0.011111111111111111535154627461;0.018981481481481481121686982760;0.013425925925925926221471407018;0.000925925925925925961262885622;0.000000000000000000000000000000;0.007407407407407407690103084974;0.006481481481481481295159330358;0.004166666666666666608842550801;0.001851851851851851922525771243;0.004629629629629629372633559115;0.006944444444444444058950338672;0.010185185185185186007572610833;0.003703703703703703845051542487;0.007407407407407407690103084974;0.002314814814814814686316779557;0.012037037037037037062736644089;0.000000000000000000000000000000;0.001388888888888888941894328433;0.000000000000000000000000000000;0.006018518518518518531368322044;0.007407407407407407690103084974;0.006481481481481481295159330358;0.015740740740740739173064710599;0.014351851851851851749053423646;0.009259259259259258745267118229;0.010648148148148147904001881159
-0.019607843137254901688670827298;0.016176470588235295627876908497;0.046078431372549022437823396103;0.248039215686274516770026821177;0.001470588235294117626650312047;0.017647058823529411519803744568;0.001470588235294117626650312047;0.015196078431372548808719891156;0.050000000000000002775557561563;0.012254901960784313555419267061;0.008333333333333333217685101602;0.020098039215686275965611073957;0.006862745098039215591034789554;0.019607843137254901688670827298;0.010294117647058823386552184331;0.015196078431372548808719891156;0.016666666666666666435370203203;0.047549019607843134860303280220;0.008333333333333333217685101602;0.008823529411764705759901872284;0.012254901960784313555419267061;0.030392156862745097617439782312;0.013235294117647058639852808426;0.017156862745098040712310449862;0.025000000000000001387778780781;0.023529411764705882026404992757;0.026470588235294117279705616852;0.005882352941176470506601248189;0.001960784313725490168867082730;0.013725490196078431182069579108;0.012745098039215686097636037744;0.010784313725490195928768955014;0.005882352941176470506601248189;0.004411764705882352879950936142;0.013725490196078431182069579108;0.021568627450980391857537910028;0.015686274509803921350936661838;0.004901960784313725422167706824;0.008823529411764705759901872284;0.020098039215686275965611073957;0.004411764705882352879950936142;0.022549019607843136941971451392;0.000000000000000000000000000000;0.008823529411764705759901872284;0.003921568627450980337734165460;0.010784313725490195928768955014;0.025000000000000001387778780781;0.015196078431372548808719891156;0.020098039215686275965611073957;0.011274509803921568470985725696
-0.025277777777777777484802257391;0.028888888888888887562789165031;0.026944444444444444475283972906;0.037222222222222219045750790656;0.034166666666666664631257788187;0.023611111111111110494320541875;0.005555555555555555767577313730;0.029166666666666667129259593594;0.026944444444444444475283972906;0.015833333333333334674852821422;0.018888888888888889089345823891;0.027777777777777776235801354687;0.010833333333333333703407674875;0.022222222222222223070309254922;0.054166666666666668517038374375;0.018333333333333333425851918719;0.014444444444444443781394582516;0.035555555555555555524716027094;0.036111111111111107718762980312;0.006666666666666667094565124074;0.017222222222222222098864108375;0.018611111111111109522875395328;0.009722222222222222376419864531;0.015555555555555555108382392859;0.030277777777777778456247403938;0.027500000000000000138777878078;0.031944444444444441977282167500;0.035833333333333335091186455656;0.001666666666666666773641281019;0.022777777777777778733803160094;0.020277777777777776513357110844;0.011944444444444445030395485219;0.014999999999999999444888487687;0.005555555555555555767577313730;0.013611111111111110286153724758;0.026111111111111112714766591125;0.010277777777777778039913769703;0.006944444444444444058950338672;0.008055555555555555385938149016;0.013888888888888888117900677344;0.010555555555555555871660722289;0.013055555555555556357383295563;0.000000000000000000000000000000;0.013055555555555556357383295563;0.032222222222222221543752596062;0.011944444444444445030395485219;0.021111111111111111743321444578;0.016944444444444446001840631766;0.024444444444444445724284875610;0.015277777777777777276635440273
-0.023333333333333334397297065266;0.019444444444444444752839729063;0.038888888888888889505679458125;0.144999999999999990007992778374;0.012500000000000000693889390391;0.016944444444444446001840631766;0.006111111111111111431071218902;0.027777777777777776235801354687;0.022222222222222223070309254922;0.022222222222222223070309254922;0.015833333333333334674852821422;0.011111111111111111535154627461;0.008333333333333333217685101602;0.025833333333333333148296162562;0.033333333333333332870740406406;0.014722222222222221613141535101;0.018333333333333333425851918719;0.030833333333333334119741309109;0.022222222222222223070309254922;0.005833333333333333599324266316;0.016388888888888890338346726594;0.016388888888888890338346726594;0.004722222222222222272336455973;0.041944444444444443920172460594;0.022777777777777778733803160094;0.028055555555555555802271783250;0.025000000000000001387778780781;0.018055555555555553859381490156;0.001944444444444444388547799107;0.016944444444444446001840631766;0.016388888888888890338346726594;0.017500000000000001665334536938;0.009444444444444444544672911945;0.007777777777777777554191196430;0.009722222222222222376419864531;0.033333333333333332870740406406;0.008611111111111111049432054187;0.013611111111111110286153724758;0.005555555555555555767577313730;0.008055555555555555385938149016;0.010555555555555555871660722289;0.014166666666666665949647629930;0.000000000000000000000000000000;0.018333333333333333425851918719;0.021388888888888887840344921187;0.012500000000000000693889390391;0.030555555555555554553270880547;0.020833333333333332176851016015;0.014999999999999999444888487687;0.013611111111111110286153724758
-0.043055555555555555247160270937;0.005555555555555555767577313730;0.042129629629629627984854778333;0.024074074074074074125473288177;0.012962962962962962590318660716;0.034259259259259260133045899011;0.002777777777777777883788656865;0.022222222222222223070309254922;0.044907407407407409771771256146;0.014814814814814815380206169948;0.014814814814814815380206169948;0.064351851851851854524610985209;0.007870370370370369586532355299;0.029166666666666667129259593594;0.011574074074074073431583897786;0.049074074074074075513252068959;0.012037037037037037062736644089;0.037037037037037034981068472916;0.016203703703703702804217456901;0.010185185185185186007572610833;0.019907407407407408383992475365;0.019907407407407408383992475365;0.010185185185185186007572610833;0.021759259259259259439156508620;0.040740740740740744030290443334;0.021759259259259259439156508620;0.027777777777777776235801354687;0.025925925925925925180637321432;0.000925925925925925961262885622;0.034259259259259260133045899011;0.054629629629629632148191120677;0.016203703703703702804217456901;0.006481481481481481295159330358;0.003240740740740740647579665179;0.006481481481481481295159330358;0.023148148148148146863167795573;0.010185185185185186007572610833;0.011111111111111111535154627461;0.006481481481481481295159330358;0.008333333333333333217685101602;0.003703703703703703845051542487;0.025462962962962961549484575130;0.000000000000000000000000000000;0.013425925925925926221471407018;0.010648148148148147904001881159;0.008333333333333333217685101602;0.022222222222222223070309254922;0.024537037037037037756626034479;0.016203703703703702804217456901;0.006944444444444444058950338672
-0.085185185185185183232015049271;0.002777777777777777883788656865;0.027777777777777776235801354687;0.000000000000000000000000000000;0.001388888888888888941894328433;0.036574074074074071349915726614;0.000000000000000000000000000000;0.010648148148148147904001881159;0.056944444444444443365060948281;0.020833333333333332176851016015;0.006944444444444444058950338672;0.094907407407407412547328817709;0.006018518518518518531368322044;0.019444444444444444752839729063;0.004166666666666666608842550801;0.099074074074074078288809630521;0.015277777777777777276635440273;0.020833333333333332176851016015;0.009259259259259258745267118229;0.004166666666666666608842550801;0.007870370370370369586532355299;0.021296296296296295808003762318;0.000462962962962962980631442811;0.029166666666666667129259593594;0.088425925925925921711190369479;0.029629629629629630760412339896;0.009259259259259258745267118229;0.002314814814814814686316779557;0.001388888888888888941894328433;0.012037037037037037062736644089;0.083333333333333328707404064062;0.014351851851851851749053423646;0.003240740740740740647579665179;0.001851851851851851922525771243;0.004629629629629629372633559115;0.019907407407407408383992475365;0.005555555555555555767577313730;0.018981481481481481121686982760;0.007870370370370369586532355299;0.003703703703703703845051542487;0.001388888888888888941894328433;0.020833333333333332176851016015;0.000000000000000000000000000000;0.016203703703703702804217456901;0.002314814814814814686316779557;0.012962962962962962590318660716;0.019907407407407408383992475365;0.020370370370370372015145221667;0.005555555555555555767577313730;0.012962962962962962590318660716
-0.030555555555555554553270880547;0.003055555555555555715535609451;0.021388888888888887840344921187;0.388888888888888895056794581251;0.016944444444444446001840631766;0.019722222222222220849863205672;0.000000000000000000000000000000;0.007777777777777777554191196430;0.021666666666666667406815349750;0.015833333333333334674852821422;0.007499999999999999722444243844;0.047500000000000000555111512313;0.006666666666666667094565124074;0.010833333333333333703407674875;0.006944444444444444058950338672;0.038888888888888889505679458125;0.012777777777777778525636342977;0.016388888888888890338346726594;0.016111111111111110771876298031;0.005277777777777777935830361145;0.007499999999999999722444243844;0.011666666666666667198648532633;0.001666666666666666773641281019;0.013333333333333334189130248149;0.037499999999999998612221219219;0.021111111111111111743321444578;0.013611111111111110286153724758;0.001388888888888888941894328433;0.000555555555555555555073687923;0.028333333333333331899295259859;0.046111111111111109661653273406;0.007499999999999999722444243844;0.002500000000000000052041704279;0.002222222222222222220294751693;0.002500000000000000052041704279;0.014999999999999999444888487687;0.005833333333333333599324266316;0.008055555555555555385938149016;0.005000000000000000104083408559;0.003055555555555555715535609451;0.001388888888888888941894328433;0.008055555555555555385938149016;0.000000000000000000000000000000;0.008333333333333333217685101602;0.011388888888888889366901580047;0.005277777777777777935830361145;0.014722222222222221613141535101;0.008333333333333333217685101602;0.007222222222222221890697291258;0.006111111111111111431071218902
-0.016111111111111110771876298031;0.005555555555555555767577313730;0.033055555555555553304269977843;0.392222222222222249854439724004;0.015555555555555555108382392859;0.014999999999999999444888487687;0.002777777777777777883788656865;0.013888888888888888117900677344;0.018888888888888889089345823891;0.017222222222222222098864108375;0.008611111111111111049432054187;0.013611111111111110286153724758;0.007777777777777777554191196430;0.021666666666666667406815349750;0.012500000000000000693889390391;0.017500000000000001665334536938;0.015277777777777777276635440273;0.019722222222222220849863205672;0.010833333333333333703407674875;0.005277777777777777935830361145;0.008611111111111111049432054187;0.013055555555555556357383295563;0.003611111111111110945348645629;0.026944444444444444475283972906;0.019444444444444444752839729063;0.023888888888888890060790970438;0.013333333333333334189130248149;0.005833333333333333599324266316;0.001388888888888888941894328433;0.019166666666666665186369300500;0.014999999999999999444888487687;0.013055555555555556357383295563;0.002222222222222222220294751693;0.004444444444444444440589503387;0.009166666666666666712925959359;0.022777777777777778733803160094;0.007222222222222221890697291258;0.007777777777777777554191196430;0.003611111111111110945348645629;0.008055555555555555385938149016;0.005000000000000000104083408559;0.010833333333333333703407674875;0.000000000000000000000000000000;0.014444444444444443781394582516;0.008888888888888888881179006773;0.012500000000000000693889390391;0.021388888888888887840344921187;0.013333333333333334189130248149;0.010833333333333333703407674875;0.011111111111111111535154627461
-0.014814814814814815380206169948;0.011111111111111111535154627461;0.039351851851851853136832204427;0.351851851851851860075726108334;0.012500000000000000693889390391;0.009722222222222222376419864531;0.006018518518518518531368322044;0.014351851851851851749053423646;0.017129629629629630066522949505;0.022685185185185186701462001224;0.010185185185185186007572610833;0.013888888888888888117900677344;0.011111111111111111535154627461;0.024537037037037037756626034479;0.014351851851851851749053423646;0.017129629629629630066522949505;0.012500000000000000693889390391;0.016666666666666666435370203203;0.013888888888888888117900677344;0.005555555555555555767577313730;0.010648148148148147904001881159;0.016666666666666666435370203203;0.007407407407407407690103084974;0.022685185185185186701462001224;0.018518518518518517490534236458;0.023148148148148146863167795573;0.015277777777777777276635440273;0.007870370370370369586532355299;0.002314814814814814686316779557;0.016666666666666666435370203203;0.009722222222222222376419864531;0.012962962962962962590318660716;0.005555555555555555767577313730;0.003703703703703703845051542487;0.011111111111111111535154627461;0.025462962962962961549484575130;0.005092592592592593003786305417;0.011111111111111111535154627461;0.005092592592592593003786305417;0.012962962962962962590318660716;0.008333333333333333217685101602;0.009722222222222222376419864531;0.000000000000000000000000000000;0.021759259259259259439156508620;0.009722222222222222376419864531;0.011111111111111111535154627461;0.026388888888888888811790067734;0.013425925925925926221471407018;0.006018518518518518531368322044;0.010185185185185186007572610833
-0.017816091954022988258499182734;0.005459770114942528659862652773;0.020977011494252875006827352422;0.488218390804597723864333147503;0.008908045977011494129249591367;0.014367816091954022789112244141;0.009482758620689655040814081133;0.010344827586206896408160815781;0.014942528735632183700676733906;0.012068965517241379142854285078;0.007758620689655172306120611836;0.008333333333333333217685101602;0.004885057471264367748298163008;0.016954022988505748625875924063;0.012068965517241379142854285078;0.016954022988505748625875924063;0.012068965517241379142854285078;0.014655172413793103244894489023;0.010919540229885057319725305547;0.004310344827586206836733673242;0.011781609195402298687072040195;0.015517241379310344612241223672;0.006321839080459770027209387422;0.016954022988505748625875924063;0.012068965517241379142854285078;0.018390804597701149170063672500;0.014942528735632183700676733906;0.006896551724137930938773877187;0.002011494252873563190475714180;0.012643678160919540054418774844;0.005459770114942528659862652773;0.008908045977011494129249591367;0.005459770114942528659862652773;0.006609195402298850482991632305;0.006609195402298850482991632305;0.012931034482758620510201019727;0.004310344827586206836733673242;0.008333333333333333217685101602;0.003160919540229885013604693711;0.020114942528735631904757141797;0.002586206896551724102040203945;0.003160919540229885013604693711;0.000000000000000000000000000000;0.018965517241379310081628162266;0.010344827586206896408160815781;0.013505747126436781421765509492;0.013218390804597700965983264609;0.011206896551724137775507550430;0.008908045977011494129249591367;0.007183908045977011394556122070
-0.025490196078431372195272075487;0.011437908496732025406816823931;0.024509803921568627110838534122;0.143464052287581689260065331837;0.058496732026143791194350285423;0.023202614379084968154742796287;0.005228758169934640161191641283;0.021241830065359477985875713557;0.031372549019607842701873323676;0.011764705882352941013202496379;0.016666666666666666435370203203;0.016666666666666666435370203203;0.025816993464052286066934271958;0.021895424836601305729200106498;0.038235294117647061762355065184;0.018300653594771242732575089462;0.009477124183006535237949741202;0.018300653594771242732575089462;0.025490196078431372195272075487;0.004248366013071895076758099918;0.015359477124183005744550989391;0.024509803921568627110838534122;0.013398692810457515575683906661;0.013071895424836601704021710191;0.023856209150326795898067189228;0.020588235294117646773104368663;0.020588235294117646773104368663;0.018954248366013070475899482403;0.000653594771241830020148955160;0.036928104575163399336812375395;0.014052287581699346788455251556;0.009803921568627450844335413649;0.017973856209150325391465941038;0.005555555555555555767577313730;0.019607843137254901688670827298;0.020261437908496732901442172192;0.006535947712418300852010855095;0.015032679738562091872888792921;0.019281045751633987817008630827;0.015359477124183005744550989391;0.005228758169934640161191641283;0.005555555555555555767577313730;0.000000000000000000000000000000;0.011111111111111111535154627461;0.025490196078431372195272075487;0.008169934640522876281854003366;0.017973856209150325391465941038;0.017320261437908497648141548098;0.015359477124183005744550989391;0.011111111111111111535154627461
-0.025185185185185185452461098521;0.031111111111111110216764785719;0.022592592592592591199673890401;0.056296296296296295669225884239;0.027777777777777776235801354687;0.017777777777777777762358013547;0.009629629629629630344078705662;0.043333333333333334813630699500;0.014814814814814815380206169948;0.016296296296296294836558615771;0.023333333333333334397297065266;0.010740740740740739936343040029;0.013333333333333334189130248149;0.018518518518518517490534236458;0.059999999999999997779553950750;0.013703703703703704053218359604;0.012222222222222222862142437805;0.042222222222222223486642889156;0.037777777777777778178691647781;0.002222222222222222220294751693;0.025555555555555557051272685953;0.004814814814814815172039352831;0.018148148148148149361169600979;0.019259259259259260688157411323;0.025185185185185185452461098521;0.029629629629629630760412339896;0.036666666666666666851703837438;0.049629629629629627707299022177;0.002592592592592592518063732143;0.028888888888888887562789165031;0.012592592592592592726230549260;0.011111111111111111535154627461;0.018148148148148149361169600979;0.003703703703703703845051542487;0.012962962962962962590318660716;0.026296296296296296779448908865;0.010740740740740739936343040029;0.012962962962962962590318660716;0.002222222222222222220294751693;0.011111111111111111535154627461;0.014444444444444443781394582516;0.008518518518518519017090895318;0.000000000000000000000000000000;0.015925925925925926707193980292;0.031111111111111110216764785719;0.011851851851851851263330850372;0.014814814814814815380206169948;0.008888888888888888881179006773;0.020000000000000000416333634234;0.013333333333333334189130248149
-0.026666666666666668378260496297;0.021666666666666667406815349750;0.042916666666666665463925056656;0.035416666666666665741480812812;0.024166666666666666157814447047;0.014166666666666665949647629930;0.005416666666666666851703837438;0.027500000000000000138777878078;0.020833333333333332176851016015;0.024583333333333332038073137937;0.013750000000000000069388939039;0.013750000000000000069388939039;0.012916666666666666574148081281;0.040000000000000000832667268469;0.038749999999999999722444243844;0.025833333333333333148296162562;0.014583333333333333564629796797;0.026249999999999999028554853453;0.026666666666666668378260496297;0.011666666666666667198648532633;0.020833333333333332176851016015;0.017916666666666667545593227828;0.006250000000000000346944695195;0.035416666666666665741480812812;0.028333333333333331899295259859;0.031250000000000000000000000000;0.023750000000000000277555756156;0.030833333333333334119741309109;0.001666666666666666773641281019;0.014583333333333333564629796797;0.011666666666666667198648532633;0.024166666666666666157814447047;0.012500000000000000693889390391;0.006666666666666667094565124074;0.011666666666666667198648532633;0.034166666666666664631257788187;0.010833333333333333703407674875;0.012500000000000000693889390391;0.003749999999999999861222121922;0.012916666666666666574148081281;0.011249999999999999583666365766;0.008750000000000000832667268469;0.000000000000000000000000000000;0.020416666666666666296592325125;0.020000000000000000416333634234;0.025416666666666667268037471672;0.037083333333333336201409480282;0.027500000000000000138777878078;0.016666666666666666435370203203;0.013750000000000000069388939039
-0.033653846153846152244870637560;0.018269230769230770244915262879;0.034294871794871797932025003774;0.015064102564102564360548619504;0.071153846153846150857091856778;0.021153846153846155020428199123;0.009615384615384615918376454147;0.029166666666666667129259593594;0.033653846153846152244870637560;0.022115384615384616612265844537;0.014423076923076923877564681220;0.015064102564102564360548619504;0.006730769230769231142863517903;0.021474358974358974394558430276;0.044551282051282052598661920229;0.024679487179487178544201597674;0.016666666666666666435370203203;0.036217948717948721115700294604;0.041346153846153844979571800877;0.005448717948717948442172165358;0.028525641025641024911552179333;0.017628205128205128027207848618;0.007051282051282051384355487045;0.025961538461538462979616426196;0.027243589743589743945584302764;0.025961538461538462979616426196;0.032051282051282048435325577884;0.017307692307692308653077617464;0.001923076923076923183675290829;0.028205128205128205537421948179;0.011538461538461539102051744976;0.014743589743589743251694912374;0.020512820512820512802720784862;0.001602564102564102508502452693;0.006089743589743589792517841630;0.026282051282051282353746657350;0.010897435897435896884344330715;0.006089743589743589792517841630;0.008333333333333333217685101602;0.004807692307692307959188227073;0.016346153846153847061239972049;0.017628205128205128027207848618;0.000000000000000000000000000000;0.016666666666666666435370203203;0.035256410256410256054415697236;0.016987179487179485809500434357;0.019551282051282051210883139447;0.013782051282051281659857266959;0.012820512820512820068019621544;0.013461538461538462285727035805
-0.017916666666666667545593227828;0.027500000000000000138777878078;0.041666666666666664353702032031;0.018333333333333333425851918719;0.057916666666666664908813544344;0.016250000000000000555111512313;0.002083333333333333304421275400;0.036249999999999997501998194593;0.050833333333333334536074943344;0.012916666666666666574148081281;0.017500000000000001665334536938;0.013750000000000000069388939039;0.007083333333333332974823814965;0.029583333333333333009518284484;0.026666666666666668378260496297;0.020000000000000000416333634234;0.016250000000000000555111512313;0.064583333333333339809634310313;0.020416666666666666296592325125;0.010833333333333333703407674875;0.015833333333333334674852821422;0.021666666666666667406815349750;0.013750000000000000069388939039;0.021666666666666667406815349750;0.035000000000000003330669073875;0.027500000000000000138777878078;0.045833333333333330095182844843;0.017500000000000001665334536938;0.001666666666666666773641281019;0.014166666666666665949647629930;0.008750000000000000832667268469;0.006250000000000000346944695195;0.016666666666666666435370203203;0.006666666666666667094565124074;0.008750000000000000832667268469;0.041666666666666664353702032031;0.014999999999999999444888487687;0.005416666666666666851703837438;0.005416666666666666851703837438;0.011249999999999999583666365766;0.007916666666666667337426410711;0.022499999999999999167332731531;0.000000000000000000000000000000;0.011666666666666667198648532633;0.024166666666666666157814447047;0.008750000000000000832667268469;0.020000000000000000416333634234;0.012500000000000000693889390391;0.027916666666666666019036568969;0.015833333333333334674852821422
-0.030180180180180180699034409031;0.020720720720720720714469464951;0.056306306306306307118969556313;0.000000000000000000000000000000;0.000000000000000000000000000000;0.016216216216216217116397046993;0.000450450450450450457385437320;0.037387387387387387149839668155;0.045045045045045042919618083488;0.025675675675675677100961991073;0.018018018018018017861736623786;0.008108108108108108558198523497;0.009009009009009008930868311893;0.040540540540540542790992617483;0.012162162162162162837297785245;0.018918918918918919969129888159;0.020270270270270271395496308742;0.074774774774774774299679336309;0.014414414414414414636333994224;0.012162162162162162837297785245;0.015315315315315315009003782620;0.015315315315315315009003782620;0.016666666666666666435370203203;0.022972972972972974248229149907;0.033783783783783785659160514570;0.036486486486486488511893355735;0.048198198198198198560771032817;0.003153153153153153039067735364;0.001351351351351351426366420583;0.006756756756756757131832102914;0.009909909909909909303538100289;0.015765765765765764327976938830;0.013963963963963963582637362038;0.007207207207207207318166997112;0.013063063063063063209967573641;0.044144144144144144281671771068;0.026576576576576575738908303492;0.006306306306306306078135470727;0.001801801801801801829541749278;0.011261261261261260729904520872;0.008108108108108108558198523497;0.020270270270270271395496308742;0.000000000000000000000000000000;0.017567567567567568542763467576;0.005855855855855855891800576529;0.011711711711711711783601153058;0.034234234234234231508686718826;0.026126126126126126419935147283;0.042792792792792792855305350486;0.022972972972972974248229149907
-0.017272727272727272929131459023;0.008484848484848485708487153545;0.042121212121212121826108187861;0.411818181818181805464718081566;0.005757575757575757353923240345;0.008484848484848485708487153545;0.004242424242424242854243576772;0.017272727272727272929131459023;0.024242424242424242403215473018;0.018484848484848485916653970662;0.008787878787878787220644305478;0.003636363636363636360482320953;0.004545454545454545233762466694;0.023939393939393940891058321085;0.015151515151515151935690539631;0.010909090909090909948808700847;0.019696969696969695434729530348;0.032727272727272729846426102540;0.011818181818181817954727108599;0.010606060606060606701928072937;0.011515151515151514707846480690;0.013636363636363635701287400082;0.004242424242424242854243576772;0.018787878787878787428811122595;0.015757575757575758429451795450;0.021212121212121213403856145874;0.021515151515151514916013297807;0.003636363636363636360482320953;0.000909090909090909090120580238;0.005454545454545454974404350423;0.001212121212121212120160773651;0.015151515151515151935690539631;0.003030303030303030300401934127;0.003939393939393939607362948863;0.008181818181818182461606525635;0.024545454545454543915372624951;0.008787878787878787220644305478;0.003939393939393939607362948863;0.001212121212121212120160773651;0.009090909090909090467524933388;0.002727272727272727487202175212;0.012424242424242424448488364419;0.000000000000000000000000000000;0.013636363636363635701287400082;0.007878787878787879214725897725;0.006363636363636363847684496164;0.018787878787878787428811122595;0.014848484848484848688809911721;0.018787878787878787428811122595;0.008787878787878787220644305478
-0.015740740740740739173064710599;0.016975308641975307699656383420;0.020061728395061727281412089496;0.324382716049382735512551789725;0.026234567901234566444923501649;0.016975308641975307699656383420;0.004320987654320987240985640909;0.015740740740740739173064710599;0.027160493827160493707228994253;0.009876543209876543008562954640;0.009567901234567901744276774423;0.014814814814814815380206169948;0.008641975308641974481971281818;0.016049382716049383906797842769;0.030864197530864195817557060764;0.012037037037037037062736644089;0.008024691358024691953398921385;0.028395061728395062233820667075;0.015740740740740739173064710599;0.004012345679012345976699460692;0.014197530864197531116910333537;0.010185185185185186007572610833;0.010185185185185186007572610833;0.017901234567901234961961876024;0.018209876543209876226248056241;0.013580246913580246853614497127;0.021913580246913581806023074705;0.032716049382716050342168045972;0.000308641975308641969017592332;0.017592592592592593697675695807;0.016049382716049383906797842769;0.006790123456790123426807248563;0.007098765432098765558455166769;0.003703703703703703845051542487;0.010802469135802468536144971267;0.017901234567901234961961876024;0.007407407407407407690103084974;0.012037037037037037062736644089;0.007716049382716048954389265191;0.016049382716049383906797842769;0.006481481481481481295159330358;0.027469135802469134971515174470;0.000000000000000000000000000000;0.009259259259259258745267118229;0.017283950617283948963942563637;0.007407407407407407690103084974;0.012962962962962962590318660716;0.007407407407407407690103084974;0.017592592592592593697675695807;0.006172839506172839163511412153
-0.010555555555555555871660722289;0.006111111111111111431071218902;0.023333333333333334397297065266;0.431388888888888877293226187248;0.108333333333333337034076748751;0.010555555555555555871660722289;0.000277777777777777777536843962;0.007777777777777777554191196430;0.011388888888888889366901580047;0.011111111111111111535154627461;0.010833333333333333703407674875;0.011388888888888889366901580047;0.003333333333333333547282562037;0.014166666666666665949647629930;0.009722222222222222376419864531;0.015555555555555555108382392859;0.010000000000000000208166817117;0.011111111111111111535154627461;0.009166666666666666712925959359;0.001666666666666666773641281019;0.004166666666666666608842550801;0.015277777777777777276635440273;0.003055555555555555715535609451;0.018055555555555553859381490156;0.014722222222222221613141535101;0.014722222222222221613141535101;0.011388888888888889366901580047;0.039166666666666669072149886688;0.001944444444444444388547799107;0.011111111111111111535154627461;0.007499999999999999722444243844;0.013611111111111110286153724758;0.003333333333333333547282562037;0.003333333333333333547282562037;0.005277777777777777935830361145;0.012777777777777778525636342977;0.004722222222222222272336455973;0.007222222222222221890697291258;0.005000000000000000104083408559;0.007222222222222221890697291258;0.001944444444444444388547799107;0.005555555555555555767577313730;0.000000000000000000000000000000;0.008888888888888888881179006773;0.010000000000000000208166817117;0.007777777777777777554191196430;0.017777777777777777762358013547;0.011666666666666667198648532633;0.004166666666666666608842550801;0.010833333333333333703407674875
-0.019444444444444444752839729063;0.011111111111111111535154627461;0.040555555555555553026714221687;0.295277777777777750145560275996;0.008611111111111111049432054187;0.011944444444444445030395485219;0.003888888888888888777095598215;0.016111111111111110771876298031;0.033611111111111112437210834969;0.013888888888888888117900677344;0.012777777777777778525636342977;0.010277777777777778039913769703;0.010833333333333333703407674875;0.022222222222222223070309254922;0.012500000000000000693889390391;0.009444444444444444544672911945;0.021944444444444443503838826359;0.039166666666666669072149886688;0.006944444444444444058950338672;0.008055555555555555385938149016;0.009166666666666666712925959359;0.034722222222222223764198645313;0.013611111111111110286153724758;0.020555555555555556079827539406;0.019166666666666665186369300500;0.018055555555555553859381490156;0.018611111111111109522875395328;0.004722222222222222272336455973;0.001111111111111111110147375847;0.019722222222222220849863205672;0.014166666666666665949647629930;0.009722222222222222376419864531;0.006111111111111111431071218902;0.004722222222222222272336455973;0.013055555555555556357383295563;0.028888888888888887562789165031;0.009722222222222222376419864531;0.009444444444444444544672911945;0.011666666666666667198648532633;0.016666666666666666435370203203;0.006388888888888889262818171488;0.017222222222222222098864108375;0.000000000000000000000000000000;0.011111111111111111535154627461;0.006388888888888889262818171488;0.011111111111111111535154627461;0.015555555555555555108382392859;0.011944444444444445030395485219;0.014999999999999999444888487687;0.013055555555555556357383295563
-0.030612244897959182965418989397;0.012585034013605441577388077690;0.044897959183673466498909476741;0.000340136054421768683955068502;0.010544217687074829148397014933;0.025850340136054420631106509632;0.006462585034013605157776627408;0.025170068027210883154776155379;0.032993197278911562397851753303;0.018707482993197278864361265960;0.021088435374149658296794029866;0.022108843537414966246013037221;0.023129251700680270725785092623;0.032653061224489798863857004108;0.013605442176870747791883609068;0.017006802721088436908258856306;0.031632653061224487445191044799;0.054421768707482991167534436272;0.015306122448979591482709494699;0.009863945578231291672066660681;0.018707482993197278864361265960;0.022789115646258503722343391473;0.019387755102040816340691620212;0.035714285714285712303173170312;0.031632653061224487445191044799;0.026530612244897958107436863884;0.030612244897959182965418989397;0.008503401360544218454129428153;0.001360544217687074735820274007;0.029251700680272108012758280893;0.022448979591836733249454738370;0.020068027210884353817021974464;0.017346938775510203911700557455;0.007823129251700680977799073901;0.021428571428571428769682682969;0.037074829931972787255833878817;0.012244897959183672839222900564;0.016666666666666666435370203203;0.004761904761904762334312479766;0.018367346938775511860919564811;0.006802721088435373895941804534;0.020068027210884353817021974464;0.000000000000000000000000000000;0.013265306122448979053718431942;0.008163265306122449715964251027;0.018027210884353741388030911708;0.019387755102040816340691620212;0.018027210884353741388030911708;0.029591836734693878485646933996;0.014965986394557822744544317572
-0.043197278911564628012254019040;0.016666666666666666435370203203;0.029251700680272108012758280893;0.003401360544217686947970902267;0.024829931972789116151334454230;0.041156462585034012113816004330;0.009863945578231291672066660681;0.028571428571428570536427926640;0.012925170068027210315553254816;0.015306122448979591482709494699;0.026870748299319728580325516987;0.041836734693877553059593310536;0.020068027210884353817021974464;0.022789115646258503722343391473;0.023129251700680270725785092623;0.025850340136054420631106509632;0.008163265306122449715964251027;0.032993197278911562397851753303;0.038095238095238098674499838125;0.006122448979591836419611450282;0.024489795918367345678445801127;0.007823129251700680977799073901;0.019047619047619049337249919063;0.015646258503401361955598147802;0.038775510204081632681383240424;0.025510204081632653627664808482;0.034693877551020407823401114911;0.009863945578231291672066660681;0.000680272108843537367910137004;0.044217687074829932492026074442;0.051360544217687077728218270067;0.006122448979591836419611450282;0.022108843537414966246013037221;0.006122448979591836419611450282;0.014965986394557822744544317572;0.020408163265306120820463675614;0.009863945578231291672066660681;0.026530612244897958107436863884;0.001360544217687074735820274007;0.008163265306122449715964251027;0.010204081632653060410231837807;0.013945578231292516530048786194;0.000000000000000000000000000000;0.008503401360544218454129428153;0.022108843537414966246013037221;0.016326530612244899431928502054;0.018367346938775511860919564811;0.019047619047619049337249919063;0.022448979591836733249454738370;0.010204081632653060410231837807
-0.028472222222222221682530474141;0.014583333333333333564629796797;0.044791666666666667129259593594;0.001041666666666666652210637700;0.015972222222222220988641083750;0.028125000000000000693889390391;0.002777777777777777883788656865;0.028125000000000000693889390391;0.036111111111111107718762980312;0.022569444444444444058950338672;0.018402777777777778317469525859;0.051041666666666665741480812812;0.012500000000000000693889390391;0.026388888888888888811790067734;0.012152777777777777970524830664;0.025694444444444443365060948281;0.021527777777777777623580135469;0.050347222222222223764198645313;0.022569444444444444058950338672;0.011805555555555555247160270937;0.023263888888888889505679458125;0.019097222222222223764198645313;0.013888888888888888117900677344;0.023263888888888889505679458125;0.037499999999999998612221219219;0.027083333333333334258519187188;0.028819444444444446140618509844;0.002777777777777777883788656865;0.000347222222222222235473582108;0.032986111111111111882099322656;0.036805555555555556634939051719;0.015277777777777777276635440273;0.012152777777777777970524830664;0.005208333333333333044212754004;0.012847222222222221682530474141;0.044444444444444446140618509844;0.016666666666666666435370203203;0.010416666666666666088425508008;0.005208333333333333044212754004;0.012500000000000000693889390391;0.005208333333333333044212754004;0.022222222222222223070309254922;0.000000000000000000000000000000;0.014583333333333333564629796797;0.009722222222222222376419864531;0.014583333333333333564629796797;0.022916666666666665047591422422;0.019791666666666665741480812812;0.023611111111111110494320541875;0.011805555555555555247160270937
-0.024425287356321840476214291016;0.009482758620689655040814081133;0.041379310344827585632643263125;0.220977011494252861822928934998;0.009482758620689655040814081133;0.010919540229885057319725305547;0.008333333333333333217685101602;0.014080459770114942333329999258;0.022126436781609196829956331953;0.027298850574712645034036739844;0.013218390804597700965983264609;0.010919540229885057319725305547;0.009195402298850574585031836250;0.029597701149425288680294698906;0.015229885057471264156458978789;0.017816091954022988258499182734;0.017528735632183909537440413828;0.016379310344827587714311434297;0.011494252873563218231289795312;0.004310344827586206836733673242;0.013505747126436781421765509492;0.015804597701149426802746944531;0.005459770114942528659862652773;0.037356321839080462721138786719;0.031034482758620689224482447344;0.029022988505747127768730209141;0.019827586206896553183698372891;0.006609195402298850482991632305;0.003448275862068965469386938594;0.008045977011494252761902856719;0.011494252873563218231289795312;0.025287356321839080108837549687;0.004885057471264367748298163008;0.008908045977011494129249591367;0.013793103448275861877547754375;0.031896551724137932326552657969;0.007183908045977011394556122070;0.010344827586206896408160815781;0.006609195402298850482991632305;0.010344827586206896408160815781;0.007183908045977011394556122070;0.010632183908045976863943060664;0.000000000000000000000000000000;0.027298850574712645034036739844;0.008333333333333333217685101602;0.023275862068965518653085311485;0.031896551724137932326552657969;0.025287356321839080108837549687;0.014655172413793103244894489023;0.016379310344827587714311434297
-0.028518518518518519433424529552;0.008518518518518519017090895318;0.056666666666666663798590519718;0.001851851851851851922525771243;0.001481481481481481407916356297;0.020370370370370372015145221667;0.005555555555555555767577313730;0.016296296296296294836558615771;0.022592592592592591199673890401;0.021851851851851851471497667490;0.020370370370370372015145221667;0.012222222222222222862142437805;0.020000000000000000416333634234;0.058518518518518518323201504927;0.005555555555555555767577313730;0.020740740740740740144509857146;0.021111111111111111743321444578;0.028518518518518519433424529552;0.012222222222222222862142437805;0.008518518518518519017090895318;0.013703703703703704053218359604;0.020370370370370372015145221667;0.017777777777777777762358013547;0.031851851851851853414387960584;0.033703703703703701000105041885;0.036666666666666666851703837438;0.031111111111111110216764785719;0.002962962962962962815832712593;0.004074074074074073709139653943;0.013333333333333334189130248149;0.011111111111111111535154627461;0.017037037037037038034181790636;0.011481481481481481399242738917;0.015555555555555555108382392859;0.034074074074074076068363581271;0.031851851851851853414387960584;0.022962962962962962798485477833;0.013703703703703704053218359604;0.004814814814814815172039352831;0.028888888888888887562789165031;0.003703703703703703845051542487;0.016666666666666666435370203203;0.000000000000000000000000000000;0.012222222222222222862142437805;0.006296296296296296363115274630;0.010740740740740739936343040029;0.042592592592592591616007524635;0.050000000000000002775557561563;0.041481481481481480289019714291;0.027777777777777776235801354687
-0.023423423423423423567202306117;0.015765765765765764327976938830;0.071171171171171165870106278817;0.002252252252252252232717077973;0.002252252252252252232717077973;0.014414414414414414636333994224;0.004504504504504504465434155946;0.016216216216216217116397046993;0.029729729729729731380061252821;0.029279279279279278591641144658;0.011711711711711711783601153058;0.016666666666666666435370203203;0.015315315315315315009003782620;0.048198198198198198560771032817;0.009909909909909909303538100289;0.021621621621621622821862729324;0.032432432432432434232794093987;0.043693693693693691493251662905;0.006756756756756757131832102914;0.007657657657657657504501891310;0.011261261261261260729904520872;0.028378378378378379953694832238;0.013063063063063063209967573641;0.040540540540540542790992617483;0.024324324324324325674595570490;0.042792792792792792855305350486;0.031981981981981981444373985823;0.005855855855855855891800576529;0.000900900900900900914770874639;0.008558558558558557877171679706;0.011261261261261260729904520872;0.033783783783783785659160514570;0.008108108108108108558198523497;0.015315315315315315009003782620;0.018468468468468467180709779996;0.049099099099099097198717345236;0.014414414414414414636333994224;0.018468468468468467180709779996;0.005855855855855855891800576529;0.023423423423423423567202306117;0.004954954954954954651769050145;0.021621621621621622821862729324;0.000000000000000000000000000000;0.019369369369369369288103044369;0.005855855855855855891800576529;0.012612612612612612156270941455;0.038738738738738738576206088737;0.023423423423423423567202306117;0.028378378378378379953694832238;0.016216216216216217116397046993
-0.040136054421768707634043948929;0.013945578231292516530048786194;0.060204081632653061451065923393;0.003061224489795918209805725141;0.000340136054421768683955068502;0.025510204081632653627664808482;0.003401360544217686947970902267;0.024149659863945578675004099978;0.016666666666666666435370203203;0.029931972789115645489088635145;0.017346938775510203911700557455;0.012925170068027210315553254816;0.023129251700680270725785092623;0.052040816326530611735101672366;0.009183673469387755930459782405;0.019727891156462583344133321361;0.022108843537414966246013037221;0.045918367346938777917575436049;0.013605442176870747791883609068;0.012925170068027210315553254816;0.017006802721088436908258856306;0.016666666666666666435370203203;0.012585034013605441577388077690;0.034693877551020407823401114911;0.038775510204081632681383240424;0.043537414965986391546248768236;0.038435374149659862208494587321;0.002040816326530612428991062757;0.001020408163265306214495531378;0.007142857142857142634106981660;0.005102040816326530205115918903;0.019387755102040816340691620212;0.007823129251700680977799073901;0.008163265306122449715964251027;0.025510204081632653627664808482;0.043537414965986391546248768236;0.021428571428571428769682682969;0.014965986394557822744544317572;0.001360544217687074735820274007;0.015986394557823128959039848951;0.004081632653061224857982125513;0.015306122448979591482709494699;0.000000000000000000000000000000;0.020748299319727891293352328717;0.005102040816326530205115918903;0.016326530612244899431928502054;0.037074829931972787255833878817;0.030952380952380953438307642500;0.032653061224489798863857004108;0.016326530612244899431928502054
-0.020370370370370372015145221667;0.016666666666666666435370203203;0.034814814814814812327092852229;0.053703703703703704885885628073;0.057407407407407406996213694583;0.028148148148148147834612942120;0.005555555555555555767577313730;0.029259259259259259161600752464;0.012222222222222222862142437805;0.025185185185185185452461098521;0.016666666666666666435370203203;0.029999999999999998889776975375;0.008888888888888888881179006773;0.030740740740740742087400150240;0.026666666666666668378260496297;0.020000000000000000416333634234;0.015555555555555555108382392859;0.025555555555555557051272685953;0.033703703703703701000105041885;0.012962962962962962590318660716;0.012592592592592592726230549260;0.009629629629629630344078705662;0.006666666666666667094565124074;0.035555555555555555524716027094;0.018888888888888889089345823891;0.024814814814814813853649511088;0.025555555555555557051272685953;0.018518518518518517490534236458;0.001481481481481481407916356297;0.044074074074074071072359970458;0.031851851851851853414387960584;0.018148148148148149361169600979;0.010000000000000000208166817117;0.005185185185185185036127464286;0.010740740740740739936343040029;0.031481481481481478346129421197;0.012592592592592592726230549260;0.010000000000000000208166817117;0.001481481481481481407916356297;0.010370370370370370072254928573;0.006666666666666667094565124074;0.008518518518518519017090895318;0.000000000000000000000000000000;0.021481481481481479872686080057;0.030740740740740742087400150240;0.016296296296296294836558615771;0.028518518518518519433424529552;0.015555555555555555108382392859;0.019259259259259260688157411323;0.009259259259259258745267118229
-0.028333333333333331899295259859;0.022916666666666665047591422422;0.029166666666666667129259593594;0.052083333333333335646297967969;0.072916666666666671292595935938;0.033333333333333332870740406406;0.005000000000000000104083408559;0.017916666666666667545593227828;0.016250000000000000555111512313;0.014583333333333333564629796797;0.018749999999999999306110609609;0.047500000000000000555111512313;0.015833333333333334674852821422;0.016666666666666666435370203203;0.040416666666666663243479007406;0.021666666666666667406815349750;0.014583333333333333564629796797;0.025416666666666667268037471672;0.046666666666666668794594130532;0.003749999999999999861222121922;0.019166666666666665186369300500;0.012083333333333333078907223523;0.011666666666666667198648532633;0.021250000000000001526556658860;0.028750000000000001249000902703;0.013750000000000000069388939039;0.025833333333333333148296162562;0.019583333333333334536074943344;0.002083333333333333304421275400;0.071666666666666670182372911313;0.037083333333333336201409480282;0.006666666666666667094565124074;0.027500000000000000138777878078;0.000833333333333333386820640509;0.009583333333333332593184650250;0.018333333333333333425851918719;0.005000000000000000104083408559;0.007083333333333332974823814965;0.002083333333333333304421275400;0.005833333333333333599324266316;0.005833333333333333599324266316;0.012500000000000000693889390391;0.000000000000000000000000000000;0.007083333333333332974823814965;0.029999999999999998889776975375;0.005416666666666666851703837438;0.012083333333333333078907223523;0.011249999999999999583666365766;0.017500000000000001665334536938;0.008750000000000000832667268469
-0.027777777777777776235801354687;0.011574074074074073431583897786;0.053703703703703704885885628073;0.021759259259259259439156508620;0.026388888888888888811790067734;0.013425925925925926221471407018;0.005092592592592593003786305417;0.018055555555555553859381490156;0.020370370370370372015145221667;0.033333333333333332870740406406;0.011574074074074073431583897786;0.013888888888888888117900677344;0.009259259259259258745267118229;0.047222222222222220988641083750;0.020833333333333332176851016015;0.014814814814814815380206169948;0.032407407407407405608434913802;0.033333333333333332870740406406;0.025000000000000001387778780781;0.013425925925925926221471407018;0.016666666666666666435370203203;0.021296296296296295808003762318;0.008796296296296296848837847904;0.040277777777777780399137697032;0.030555555555555554553270880547;0.033796296296296296501893152708;0.023148148148148146863167795573;0.013425925925925926221471407018;0.001388888888888888941894328433;0.026388888888888888811790067734;0.007407407407407407690103084974;0.024537037037037037756626034479;0.011574074074074073431583897786;0.004629629629629629372633559115;0.020370370370370372015145221667;0.045833333333333330095182844843;0.013888888888888888117900677344;0.007407407407407407690103084974;0.001851851851851851922525771243;0.016666666666666666435370203203;0.012037037037037037062736644089;0.009722222222222222376419864531;0.000000000000000000000000000000;0.015740740740740739173064710599;0.018055555555555553859381490156;0.017592592592592593697675695807;0.045370370370370373402924002448;0.025462962962962961549484575130;0.018055555555555553859381490156;0.014814814814814815380206169948
-0.029259259259259259161600752464;0.032962962962962964741375770927;0.055555555555555552471602709375;0.035925925925925923654080662573;0.032592592592592589673117231541;0.015555555555555555108382392859;0.004074074074074073709139653943;0.027407407407407408106436719208;0.030370370370370370488588562807;0.020740740740740740144509857146;0.014814814814814815380206169948;0.015555555555555555108382392859;0.006666666666666667094565124074;0.029629629629629630760412339896;0.034444444444444444197728216750;0.018518518518518517490534236458;0.027407407407407408106436719208;0.040740740740740744030290443334;0.022962962962962962798485477833;0.011851851851851851263330850372;0.012592592592592592726230549260;0.017407407407407406163546426114;0.005925925925925925631665425186;0.035555555555555555524716027094;0.028518518518518519433424529552;0.026666666666666668378260496297;0.030370370370370370488588562807;0.025185185185185185452461098521;0.000740740740740740703958178148;0.014074074074074073917306471060;0.015555555555555555108382392859;0.018148148148148149361169600979;0.006296296296296296363115274630;0.005185185185185185036127464286;0.012962962962962962590318660716;0.042962962962962959745372160114;0.014444444444444443781394582516;0.007407407407407407690103084974;0.003703703703703703845051542487;0.012962962962962962590318660716;0.010000000000000000208166817117;0.019259259259259260688157411323;0.000000000000000000000000000000;0.017777777777777777762358013547;0.016666666666666666435370203203;0.008518518518518519017090895318;0.032222222222222221543752596062;0.020740740740740740144509857146;0.013333333333333334189130248149;0.017777777777777777762358013547
-0.020061728395061727281412089496;0.032098765432098767813595685539;0.033333333333333332870740406406;0.154938271604938282433039375974;0.035493827160493825190190619878;0.017901234567901234961961876024;0.005246913580246913635929395525;0.019753086419753086017125909279;0.020679012345679013279431401884;0.024074074074074074125473288177;0.016358024691358025171084022986;0.018518518518518517490534236458;0.008950617283950617480980938012;0.020370370370370372015145221667;0.042592592592592591616007524635;0.014814814814814815380206169948;0.016358024691358025171084022986;0.033024691358024688137007274236;0.018518518518518517490534236458;0.004938271604938271504281477320;0.008950617283950617480980938012;0.013888888888888888117900677344;0.006481481481481481295159330358;0.021296296296296295808003762318;0.020370370370370372015145221667;0.018209876543209876226248056241;0.021913580246913581806023074705;0.050000000000000002775557561563;0.001234567901234567876070369330;0.026543209876543211178656633820;0.012037037037037037062736644089;0.012345679012345678327022824305;0.006172839506172839163511412153;0.003703703703703703845051542487;0.012345679012345678327022824305;0.027160493827160493707228994253;0.006172839506172839163511412153;0.004629629629629629372633559115;0.004320987654320987240985640909;0.011728395061728395798450463872;0.008641975308641974481971281818;0.028086419753086420969534486858;0.000000000000000000000000000000;0.013888888888888888117900677344;0.028395061728395062233820667075;0.012654320987654321326032480499;0.022839506172839505598881615356;0.012037037037037037062736644089;0.013888888888888888117900677344;0.012037037037037037062736644089
-0.019333333333333334314030338419;0.021000000000000001304512053935;0.061666666666666668239482618219;0.068666666666666667517837652213;0.006666666666666667094565124074;0.014999999999999999444888487687;0.002666666666666666577617528233;0.018999999999999999528155214534;0.062333333333333330872338962081;0.020333333333333331732761806165;0.012000000000000000249800180541;0.020666666666666666518636930050;0.007666666666666666248020067798;0.029666666666666667573348803444;0.020666666666666666518636930050;0.014999999999999999444888487687;0.032333333333333331982561986706;0.049333333333333333203807313794;0.012000000000000000249800180541;0.009333333333333334105863521302;0.009333333333333334105863521302;0.033666666666666664187168578337;0.009333333333333334105863521302;0.027333333333333334480563792113;0.026999999999999999694688668228;0.026333333333333333592385372413;0.031333333333333331094383567006;0.014333333333333333342585191872;0.002333333333333333526465880325;0.014666666666666666393736839780;0.018999999999999999528155214534;0.019666666666666665630458510350;0.011666666666666667198648532633;0.008333333333333333217685101602;0.012999999999999999403255124264;0.038666666666666668628060676838;0.008666666666666666268836749509;0.008666666666666666268836749509;0.011666666666666667198648532633;0.008333333333333333217685101602;0.008666666666666666268836749509;0.032333333333333331982561986706;0.000000000000000000000000000000;0.016333333333333331649495079319;0.009666666666666667157015169209;0.010999999999999999361621760841;0.025999999999999998806510248528;0.016000000000000000333066907388;0.020000000000000000416333634234;0.011333333333333334147496884725
-0.012790697674418604473656202458;0.001550387596899224784685600298;0.009302325581395348708113601788;0.660852713178294526308320655517;0.012790697674418604473656202458;0.007364341085271317727256601415;0.002713178294573643373199800521;0.008139534883720930119599401564;0.006589147286821705334913801266;0.008527131782945736315770801639;0.006976744186046511531085201341;0.009689922480620154904285001862;0.006976744186046511531085201341;0.015503875968992247846856002980;0.007364341085271317727256601415;0.010077519379844961100456401937;0.007364341085271317727256601415;0.007751937984496123923428001490;0.010852713178294573492799202086;0.002713178294573643373199800521;0.008527131782945736315770801639;0.005813953488372092942571001117;0.002325581395348837177028400447;0.011240310077519379688970602160;0.012015503875968992081313402309;0.014341085271317829258341802756;0.009689922480620154904285001862;0.000775193798449612392342800149;0.000000000000000000000000000000;0.012015503875968992081313402309;0.005813953488372092942571001117;0.007364341085271317727256601415;0.001550387596899224784685600298;0.004651162790697674354056800894;0.004263565891472868157885400819;0.009689922480620154904285001862;0.003100775193798449569371200596;0.005038759689922480550228200968;0.001937984496124030980857000372;0.006976744186046511531085201341;0.002713178294573643373199800521;0.004263565891472868157885400819;0.000000000000000000000000000000;0.010852713178294573492799202086;0.003488372093023255765542600670;0.005813953488372092942571001117;0.007751937984496123923428001490;0.008527131782945736315770801639;0.006589147286821705334913801266;0.006976744186046511531085201341
-0.014236111111111110841265237070;0.004513888888888888464845372539;0.025347222222222222376419864531;0.488888888888888872852334088748;0.010069444444444445099784424258;0.006250000000000000346944695195;0.003472222222222222029475169336;0.012847222222222221682530474141;0.004166666666666666608842550801;0.022569444444444444058950338672;0.007291666666666666782314898398;0.003819444444444444319158860068;0.004861111111111111188209932266;0.019097222222222223764198645313;0.014583333333333333564629796797;0.010763888888888888811790067734;0.012500000000000000693889390391;0.013541666666666667129259593594;0.010069444444444445099784424258;0.004861111111111111188209932266;0.009027777777777776929690745078;0.004166666666666666608842550801;0.001736111111111111014737584668;0.031944444444444441977282167500;0.014583333333333333564629796797;0.028819444444444446140618509844;0.019097222222222223764198645313;0.007638888888888888638317720137;0.000694444444444444470947164216;0.004513888888888888464845372539;0.006597222222222222202947516934;0.017361111111111111882099322656;0.002083333333333333304421275400;0.002430555555555555594104966133;0.003472222222222222029475169336;0.027430555555555555247160270937;0.006944444444444444058950338672;0.009374999999999999653055304805;0.000694444444444444470947164216;0.002430555555555555594104966133;0.005208333333333333044212754004;0.000000000000000000000000000000;0.000000000000000000000000000000;0.019791666666666665741480812812;0.015625000000000000000000000000;0.011458333333333332523795711211;0.025000000000000001387778780781;0.011111111111111111535154627461;0.007291666666666666782314898398;0.009722222222222222376419864531
-0.011481481481481481399242738917;0.007777777777777777554191196430;0.027407407407407408106436719208;0.555925925925925934478755152668;0.012222222222222222862142437805;0.005185185185185185036127464286;0.002222222222222222220294751693;0.014074074074074073917306471060;0.014444444444444443781394582516;0.018518518518518517490534236458;0.007407407407407407690103084974;0.004444444444444444440589503387;0.001481481481481481407916356297;0.011481481481481481399242738917;0.021481481481481479872686080057;0.005555555555555555767577313730;0.013703703703703704053218359604;0.011111111111111111535154627461;0.012962962962962962590318660716;0.002222222222222222220294751693;0.011111111111111111535154627461;0.006296296296296296363115274630;0.000740740740740740703958178148;0.018148148148148149361169600979;0.012222222222222222862142437805;0.018888888888888889089345823891;0.016296296296296294836558615771;0.014444444444444443781394582516;0.002962962962962962815832712593;0.006666666666666667094565124074;0.003333333333333333547282562037;0.007777777777777777554191196430;0.002592592592592592518063732143;0.006296296296296296363115274630;0.004074074074074073709139653943;0.017407407407407406163546426114;0.002592592592592592518063732143;0.004814814814814815172039352831;0.000370370370370370351979089074;0.002222222222222222220294751693;0.006296296296296296363115274630;0.005185185185185185036127464286;0.000000000000000000000000000000;0.014074074074074073917306471060;0.014074074074074073917306471060;0.009629629629629630344078705662;0.014814814814814815380206169948;0.005555555555555555767577313730;0.004074074074074073709139653943;0.005925925925925925631665425186
-0.024390243902439025236450476086;0.017479674796747966813992292145;0.027642276422764226750938831856;0.192276422764227655770596925322;0.008943089430894309369013406297;0.019918699186991871419305510926;0.006910569105691056687734707964;0.027642276422764226750938831856;0.015853658536585366056748114261;0.016260162601626017980782634709;0.024390243902439025236450476086;0.007723577235772357933718534895;0.018292682926829267192614381088;0.015040650406504065678126025318;0.026422764227642277917729174419;0.014227642276422763564780460399;0.016260162601626017980782634709;0.036991869918699189778710234577;0.021951219512195120631137257305;0.001219512195121951218454436905;0.018699186991869919116648901536;0.011788617886178862428914193572;0.012601626016260162807536282514;0.023170731707317072933793866696;0.020731707317073171797927599869;0.019918699186991871419305510926;0.038211382113821135142472940061;0.010975609756097560315568628653;0.004471544715447154684506703148;0.018292682926829267192614381088;0.009756097560975609747635495239;0.012601626016260162807536282514;0.020325203252032519873893079421;0.011382113821138212239603149101;0.019918699186991871419305510926;0.030081300813008131356252050637;0.013821138211382113375469415928;0.017073170731707318359404723651;0.002032520325203252247597829339;0.013821138211382113375469415928;0.010162601626016259936946539710;0.010569105691056910126257584182;0.000000000000000000000000000000;0.012195121951219512618225238043;0.017073170731707318359404723651;0.012601626016260162807536282514;0.014227642276422763564780460399;0.013821138211382113375469415928;0.024390243902439025236450476086;0.015447154471544715867437069790
-0.020740740740740740144509857146;0.029999999999999998889776975375;0.021481481481481479872686080057;0.032592592592592589673117231541;0.054444444444444441144614899031;0.013333333333333334189130248149;0.018518518518518517490534236458;0.048518518518518516380311211833;0.018518518518518517490534236458;0.012592592592592592726230549260;0.015925925925925926707193980292;0.007407407407407407690103084974;0.014074074074074073917306471060;0.010000000000000000208166817117;0.043333333333333334813630699500;0.010000000000000000208166817117;0.022962962962962962798485477833;0.045555555555555557467606320188;0.069259259259259256524821068979;0.004074074074074073709139653943;0.038148148148148146308056283260;0.012222222222222222862142437805;0.006296296296296296363115274630;0.023333333333333334397297065266;0.015555555555555555108382392859;0.015925925925925926707193980292;0.036666666666666666851703837438;0.026666666666666668378260496297;0.006296296296296296363115274630;0.039629629629629632703302632990;0.007037037037037036958653235530;0.021851851851851851471497667490;0.020740740740740740144509857146;0.003703703703703703845051542487;0.007777777777777777554191196430;0.025555555555555557051272685953;0.011851851851851851263330850372;0.005555555555555555767577313730;0.001851851851851851922525771243;0.007037037037037036958653235530;0.023703703703703702526661700745;0.018518518518518517490534236458;0.000000000000000000000000000000;0.012592592592592592726230549260;0.035185185185185187395351391615;0.015925925925925926707193980292;0.008148148148148147418279307885;0.006296296296296296363115274630;0.024814814814814813853649511088;0.007777777777777777554191196430
-0.025203252032520325615072565029;0.044715447154471545110343555507;0.029674796747967479432217530189;0.076016260162601628769252215534;0.021138211382113820252515168363;0.018292682926829267192614381088;0.014227642276422763564780460399;0.035772357723577237476053625187;0.021138211382113820252515168363;0.013008130081300812996847326986;0.008536585365853659179702361826;0.009349593495934959558324450768;0.017073170731707318359404723651;0.018292682926829267192614381088;0.038617886178861790535954412462;0.014634146341463415488814980847;0.031300813008130083658908660027;0.040650406504065039747786158841;0.026422764227642277917729174419;0.009349593495934959558324450768;0.021951219512195120631137257305;0.017073170731707318359404723651;0.010975609756097560315568628653;0.024796747967479673691038044581;0.019105691056910567571236470030;0.015447154471544715867437069790;0.023577235772357724857828387144;0.050000000000000002775557561563;0.003658536585365853872203745212;0.017073170731707318359404723651;0.012601626016260162807536282514;0.018292682926829267192614381088;0.013008130081300812996847326986;0.006097560975609756309112619022;0.017886178861788618738026812593;0.027642276422764226750938831856;0.009349593495934959558324450768;0.015853658536585366056748114261;0.001626016260162601624605915873;0.017886178861788618738026812593;0.013414634146341463186158371457;0.015040650406504065678126025318;0.000000000000000000000000000000;0.021544715447154472176549688811;0.017073170731707318359404723651;0.018699186991869919116648901536;0.017886178861788618738026812593;0.010569105691056910126257584182;0.019105691056910567571236470030;0.009349593495934959558324450768
-0.056609195402298848054378765937;0.008620689655172413673467346484;0.031896551724137932326552657969;0.001436781609195402278911224414;0.013218390804597700965983264609;0.034770114942528733414928154843;0.007758620689655172306120611836;0.019252873563218392272133883125;0.011494252873563218231289795312;0.026436781609195401931966529219;0.021839080459770114639450611094;0.033333333333333332870740406406;0.018678160919540231360569393360;0.026436781609195401931966529219;0.010632183908045976863943060664;0.035057471264367819074880827657;0.018965517241379310081628162266;0.026149425287356323210907760313;0.018390804597701149170063672500;0.006321839080459770027209387422;0.023275862068965518653085311485;0.008908045977011494129249591367;0.022126436781609196829956331953;0.043390804597701150557842453281;0.038218390804597698884315093437;0.039080459770114941986385304062;0.022126436781609196829956331953;0.005459770114942528659862652773;0.003160919540229885013604693711;0.027298850574712645034036739844;0.016666666666666666435370203203;0.024712643678160919197273059922;0.012356321839080459598636529961;0.006321839080459770027209387422;0.023563218390804597374144080391;0.028448275862068966857165719375;0.012068965517241379142854285078;0.022413793103448275551015100859;0.004022988505747126380951428359;0.020402298850574714095262862656;0.004885057471264367748298163008;0.011206896551724137775507550430;0.000000000000000000000000000000;0.025862068965517241020402039453;0.007758620689655172306120611836;0.030459770114942528312917957578;0.024137931034482758285708570156;0.024712643678160919197273059922;0.023563218390804597374144080391;0.016091954022988505523805713437
-0.062592592592592588562894206916;0.002222222222222222220294751693;0.038148148148148146308056283260;0.000000000000000000000000000000;0.001851851851851851922525771243;0.025925925925925925180637321432;0.001481481481481481407916356297;0.020370370370370372015145221667;0.017777777777777777762358013547;0.022592592592592591199673890401;0.029259259259259259161600752464;0.011481481481481481399242738917;0.027407407407407408106436719208;0.039629629629629632703302632990;0.004444444444444444440589503387;0.035925925925925923654080662573;0.015185185185185185244294281404;0.028888888888888887562789165031;0.010740740740740739936343040029;0.010000000000000000208166817117;0.020370370370370372015145221667;0.011481481481481481399242738917;0.015555555555555555108382392859;0.037037037037037034981068472916;0.059259259259259261520824679792;0.052222222222222225429533182250;0.033333333333333332870740406406;0.006666666666666667094565124074;0.000370370370370370351979089074;0.007777777777777777554191196430;0.009629629629629630344078705662;0.014444444444444443781394582516;0.010370370370370370072254928573;0.008888888888888888881179006773;0.030740740740740742087400150240;0.032592592592592589673117231541;0.010000000000000000208166817117;0.020370370370370372015145221667;0.002222222222222222220294751693;0.021111111111111111743321444578;0.001111111111111111110147375847;0.009259259259259258745267118229;0.000000000000000000000000000000;0.023703703703703702526661700745;0.001481481481481481407916356297;0.022592592592592591199673890401;0.032962962962962964741375770927;0.043703703703703702942995334979;0.034074074074074076068363581271;0.020740740740740740144509857146
-0.040310077519379844401825607747;0.006201550387596899138742401192;0.038759689922480619617140007449;0.000775193798449612392342800149;0.003100775193798449569371200596;0.030232558139534883301369205810;0.003875968992248061961714000745;0.032170542635658917751673158136;0.005038759689922480550228200968;0.025968992248062015143483804991;0.025968992248062015143483804991;0.007751937984496123923428001490;0.031782945736434108086054806108;0.044573643410852716029157960520;0.013178294573643410669827602533;0.023643410852713177966455404544;0.006976744186046511531085201341;0.028682170542635658516683605512;0.030232558139534883301369205810;0.007751937984496123923428001490;0.020542635658914728397084203948;0.005426356589147286746399601043;0.015116279069767441650684602905;0.032945736434108530144015958285;0.046124031007751940813843560818;0.047674418604651165598529161116;0.034883720930232557655426006704;0.022868217054263565574112604395;0.000387596899224806196171400074;0.016666666666666666435370203203;0.007364341085271317727256601415;0.018217054263565891220055803501;0.021705426356589146985598404171;0.015503875968992247846856002980;0.030232558139534883301369205810;0.027131782945736433731998005214;0.020155038759689922200912803874;0.010465116279069767296627802011;0.000387596899224806196171400074;0.018217054263565891220055803501;0.003488372093023255765542600670;0.001162790697674418588514200223;0.000000000000000000000000000000;0.020930232558139534593255604022;0.008914728682170542511942201713;0.023255813953488371770284004469;0.033333333333333332870740406406;0.021705426356589146985598404171;0.044961240310077518755882408641;0.023255813953488371770284004469
-0.023888888888888890060790970438;0.005000000000000000104083408559;0.113055555555555561908498418688;0.001111111111111111110147375847;0.001388888888888888941894328433;0.015555555555555555108382392859;0.001944444444444444388547799107;0.022222222222222223070309254922;0.025833333333333333148296162562;0.033888888888888892003681263532;0.011666666666666667198648532633;0.003611111111111110945348645629;0.008611111111111111049432054187;0.066388888888888886175010384250;0.006666666666666667094565124074;0.020555555555555556079827539406;0.029444444444444443226283070203;0.045277777777777777901135891625;0.007499999999999999722444243844;0.014999999999999999444888487687;0.008611111111111111049432054187;0.025555555555555557051272685953;0.005555555555555555767577313730;0.047222222222222220988641083750;0.030555555555555554553270880547;0.038333333333333330372738601000;0.028055555555555555802271783250;0.002500000000000000052041704279;0.000833333333333333386820640509;0.006666666666666667094565124074;0.005277777777777777935830361145;0.028888888888888887562789165031;0.006666666666666667094565124074;0.012222222222222222862142437805;0.017222222222222222098864108375;0.058055555555555554692048758625;0.012500000000000000693889390391;0.006388888888888889262818171488;0.000555555555555555555073687923;0.011944444444444445030395485219;0.001666666666666666773641281019;0.007222222222222221890697291258;0.000000000000000000000000000000;0.013611111111111110286153724758;0.003888888888888888777095598215;0.014722222222222221613141535101;0.056388888888888891171013995063;0.033888888888888892003681263532;0.030277777777777778456247403938;0.026111111111111112714766591125
-0.025378787878787879145336958686;0.017045454545454544192928381108;0.047348484848484848064309460369;0.060984848484848482030873384474;0.009848484848484847717364765174;0.016287878787878788677812025298;0.011742424242424241709326082628;0.035606060606060606354983377742;0.022727272727272727903535809446;0.017045454545454544192928381108;0.018939393939393939919613174538;0.006439393939393939225723784148;0.022348484848484850145977631541;0.023484848484848483418652165255;0.020833333333333332176851016015;0.010606060606060606701928072937;0.023106060606060605661093987351;0.044696969696969700291955263083;0.024621212121212120160773650923;0.012878787878787878451447568295;0.017045454545454544192928381108;0.021969696969696968918972501683;0.020833333333333332176851016015;0.028030303030303030387138107926;0.025757575757575756902895136591;0.020075757575757576661734660206;0.036363636363636361870099733551;0.015530303030303029693248717535;0.004166666666666666608842550801;0.016666666666666666435370203203;0.007575757575757575967845269815;0.022727272727272727903535809446;0.021590909090909091161414323778;0.013636363636363635701287400082;0.023863636363636364645657295114;0.033712121212121214097745536264;0.010227272727272727209646419055;0.010606060606060606701928072937;0.006439393939393939225723784148;0.028787878787878789371701415689;0.010227272727272727209646419055;0.017803030303030303177491688871;0.000000000000000000000000000000;0.018181818181818180935049866775;0.009090909090909090467524933388;0.015151515151515151935690539631;0.020833333333333332176851016015;0.009848484848484847717364765174;0.030681818181818181628939257166;0.010606060606060606701928072937
-0.027083333333333334258519187188;0.033750000000000002220446049250;0.024166666666666666157814447047;0.035000000000000003330669073875;0.023333333333333334397297065266;0.026249999999999999028554853453;0.009583333333333332593184650250;0.041250000000000001942890293094;0.010416666666666666088425508008;0.013750000000000000069388939039;0.016250000000000000555111512313;0.010833333333333333703407674875;0.022083333333333333287074040641;0.016666666666666666435370203203;0.047916666666666669904817155157;0.012916666666666666574148081281;0.013333333333333334189130248149;0.043333333333333334813630699500;0.037083333333333336201409480282;0.001250000000000000026020852140;0.027916666666666666019036568969;0.010000000000000000208166817117;0.017500000000000001665334536938;0.020416666666666666296592325125;0.021250000000000001526556658860;0.026666666666666668378260496297;0.034166666666666664631257788187;0.035833333333333335091186455656;0.005416666666666666851703837438;0.040000000000000000832667268469;0.021250000000000001526556658860;0.018333333333333333425851918719;0.017500000000000001665334536938;0.007083333333333332974823814965;0.016666666666666666435370203203;0.020833333333333332176851016015;0.010000000000000000208166817117;0.015416666666666667059870654555;0.003749999999999999861222121922;0.012916666666666666574148081281;0.013333333333333334189130248149;0.018749999999999999306110609609;0.000000000000000000000000000000;0.015833333333333334674852821422;0.028333333333333331899295259859;0.016250000000000000555111512313;0.011666666666666667198648532633;0.008750000000000000832667268469;0.027083333333333334258519187188;0.010833333333333333703407674875
-0.023577235772357724857828387144;0.028048780487804878674973352304;0.055691056910569108895359136113;0.021951219512195120631137257305;0.013008130081300812996847326986;0.015853658536585366056748114261;0.003658536585365853872203745212;0.046747967479674794322175301886;0.025203252032520325615072565029;0.019918699186991871419305510926;0.017073170731707318359404723651;0.006504065040650406498423663493;0.012195121951219512618225238043;0.033739837398373981325327974901;0.037804878048780486687885371566;0.012601626016260162807536282514;0.027235772357723578296351263361;0.052032520325203251987389307942;0.024796747967479673691038044581;0.013414634146341463186158371457;0.018292682926829267192614381088;0.017479674796747966813992292145;0.012601626016260162807536282514;0.027642276422764226750938831856;0.020731707317073171797927599869;0.029674796747967479432217530189;0.046341463414634145867587733392;0.015040650406504065678126025318;0.003252032520325203249211831746;0.012601626016260162807536282514;0.005691056910569106119801574550;0.015853658536585366056748114261;0.014634146341463415488814980847;0.011788617886178862428914193572;0.019105691056910567571236470030;0.041056910569105688202373727336;0.017886178861788618738026812593;0.006097560975609756309112619022;0.002439024390243902436908873810;0.019918699186991871419305510926;0.010975609756097560315568628653;0.014227642276422763564780460399;0.000000000000000000000000000000;0.015447154471544715867437069790;0.017479674796747966813992292145;0.009756097560975609747635495239;0.023170731707317072933793866696;0.016260162601626017980782634709;0.030487804878048779810839619131;0.013008130081300812996847326986
-0.028645833333333332176851016015;0.011979166666666667476204288789;0.051562499999999997224442438437;0.004166666666666666608842550801;0.034895833333333334258519187188;0.025000000000000001387778780781;0.005208333333333333044212754004;0.039583333333333331482961625625;0.018749999999999999306110609609;0.022916666666666665047591422422;0.016666666666666666435370203203;0.006770833333333333564629796797;0.015625000000000000000000000000;0.023958333333333334952408577578;0.022916666666666665047591422422;0.012500000000000000693889390391;0.025000000000000001387778780781;0.059895833333333335646297967969;0.022395833333333333564629796797;0.008854166666666666435370203203;0.020833333333333332176851016015;0.021354166666666667129259593594;0.022395833333333333564629796797;0.023958333333333334952408577578;0.028125000000000000693889390391;0.027083333333333334258519187188;0.043229166666666665741480812812;0.007291666666666666782314898398;0.001562500000000000086736173799;0.013541666666666667129259593594;0.007812500000000000000000000000;0.010416666666666666088425508008;0.014062500000000000346944695195;0.010937499999999999306110609609;0.016145833333333334952408577578;0.034895833333333334258519187188;0.017187500000000001387778780781;0.011979166666666667476204288789;0.004166666666666666608842550801;0.025520833333333332870740406406;0.009895833333333332870740406406;0.014062500000000000346944695195;0.000000000000000000000000000000;0.021874999999999998612221219219;0.009895833333333332870740406406;0.025000000000000001387778780781;0.025520833333333332870740406406;0.018749999999999999306110609609;0.041145833333333332870740406406;0.014062500000000000346944695195
-0.055925925925925927539861248761;0.011111111111111111535154627461;0.032222222222222221543752596062;0.001851851851851851922525771243;0.006666666666666667094565124074;0.051851851851851850361274642864;0.008888888888888888881179006773;0.024814814814814813853649511088;0.014074074074074073917306471060;0.019259259259259260688157411323;0.020740740740740740144509857146;0.029629629629629630760412339896;0.031111111111111110216764785719;0.024444444444444445724284875610;0.013333333333333334189130248149;0.029629629629629630760412339896;0.020000000000000000416333634234;0.024444444444444445724284875610;0.023703703703703702526661700745;0.009259259259259258745267118229;0.014444444444444443781394582516;0.011481481481481481399242738917;0.008518518518518519017090895318;0.032592592592592589673117231541;0.045925925925925925596970955667;0.033333333333333332870740406406;0.025185185185185185452461098521;0.005555555555555555767577313730;0.002222222222222222220294751693;0.036296296296296298722339201959;0.025555555555555557051272685953;0.018518518518518517490534236458;0.013333333333333334189130248149;0.007037037037037036958653235530;0.029629629629629630760412339896;0.031481481481481478346129421197;0.014814814814814815380206169948;0.027777777777777776235801354687;0.001851851851851851922525771243;0.018518518518518517490534236458;0.010000000000000000208166817117;0.005555555555555555767577313730;0.000000000000000000000000000000;0.015185185185185185244294281404;0.009629629629629630344078705662;0.021481481481481479872686080057;0.021111111111111111743321444578;0.015925925925925926707193980292;0.029259259259259259161600752464;0.014814814814814815380206169948
-0.026086956521739129016834723984;0.026811594202898549749169987422;0.022826086956521739190772990469;0.065217391304347824276810285937;0.037681159420289857264751987032;0.031159420289855074143181568047;0.009057971014492753950020365039;0.025724637681159418650667092265;0.014492753623188405973087888867;0.011231884057971014412302679375;0.016666666666666666435370203203;0.014130434782608695606920257148;0.024275362318840580655443517344;0.009057971014492753950020365039;0.031884057971014491406069879531;0.018478260869565218266208361797;0.013405797101449274874584993711;0.030072463768115943044678672891;0.042753623188405795452204927187;0.004347826086956521791926366660;0.027173913043478260115337619141;0.015217391304347826705423152305;0.018478260869565218266208361797;0.019927536231884056261431936719;0.025000000000000001387778780781;0.018115942028985507900040730078;0.029710144927536232678511041172;0.027898550724637680847672882578;0.002536231884057970828449946055;0.048550724637681161310887034688;0.016304347826086956069202571484;0.012318840579710145510805574531;0.026449275362318839383002355703;0.005434782608695652023067523828;0.026086956521739129016834723984;0.016304347826086956069202571484;0.009057971014492753950020365039;0.017028985507246376801537834922;0.005072463768115941656899892109;0.021014492753623187359934831875;0.010144927536231883313799784219;0.017391304347826087167705466641;0.000000000000000000000000000000;0.011956521739130435144637942813;0.023188405797101449556940622188;0.017753623188405797533873098359;0.009420289855072464316187996758;0.009057971014492753950020365039;0.026811594202898549749169987422;0.011231884057971014412302679375
-0.054093567251461985301297374917;0.009941520467836258145855055091;0.023976608187134502286896875489;0.033918128654970756963304978626;0.024269005847953217802626113553;0.064035087719298250386046333915;0.002923976608187134340610668914;0.017251461988304093997381727377;0.010233918128654970192137341201;0.009356725146198830583843530917;0.025146198830409357410919923836;0.047660818713450292527511464868;0.029532163742690058921835927208;0.026315789473684209065496020230;0.013742690058479532094759534289;0.035380116959064324133610313083;0.011988304093567251143448437745;0.020760233918128655900003920465;0.026608187134502924581225258294;0.004678362573099415291921765458;0.021345029239766083462015444638;0.006725146198830409156876886101;0.011403508771929825316160389548;0.018128654970760233605675537660;0.059649122807017541936236426636;0.031871345029239765700435071949;0.020760233918128655900003920465;0.003801169590643274816266217186;0.000877192982456140367235331023;0.039181286549707601551961744235;0.041228070175438599753725554820;0.008479532163742689240826244657;0.017543859649122806043664013487;0.008479532163742689240826244657;0.020175438596491228337992396291;0.018713450292397661167687061834;0.010526315789473683973143103287;0.020175438596491228337992396291;0.000877192982456140367235331023;0.011695906432748537362442675658;0.005555555555555555767577313730;0.005555555555555555767577313730;0.000000000000000000000000000000;0.012865497076023392486465724005;0.014912280701754385484059106659;0.011403508771929825316160389548;0.018421052631578945651957823770;0.023391812865497074724885351316;0.026608187134502924581225258294;0.017836257309941521559393251550
-0.045114942528735629823088970625;0.009770114942528735496596326016;0.039367816091954020707444072968;0.005459770114942528659862652773;0.024712643678160919197273059922;0.029885057471264367401353467812;0.006034482758620689571427142539;0.023275862068965518653085311485;0.022701149425287357741520821719;0.031321839080459767945541216250;0.019252873563218392272133883125;0.029310344827586206489788978047;0.018103448275862070449004903594;0.032183908045977011047611426875;0.012356321839080459598636529961;0.031609195402298853605493889063;0.021551724137931035918391842188;0.028160919540229884666659998516;0.020689655172413792816321631562;0.006609195402298850482991632305;0.018103448275862070449004903594;0.010344827586206896408160815781;0.007471264367816091850338366953;0.038505747126436784544267766250;0.043390804597701150557842453281;0.034195402298850575972810617031;0.022988505747126436462579590625;0.029022988505747127768730209141;0.002011494252873563190475714180;0.031609195402298853605493889063;0.015517241379310344612241223672;0.015229885057471264156458978789;0.008045977011494252761902856719;0.006609195402298850482991632305;0.018678160919540231360569393360;0.041954022988505750013654704844;0.013793103448275861877547754375;0.012068965517241379142854285078;0.002873563218390804557822448828;0.010919540229885057319725305547;0.009195402298850574585031836250;0.016954022988505748625875924063;0.000000000000000000000000000000;0.021264367816091953727886121328;0.005459770114942528659862652773;0.020402298850574714095262862656;0.028735632183908045578224488281;0.020402298850574714095262862656;0.018965517241379310081628162266;0.017816091954022988258499182734
-0.029629629629629630760412339896;0.018888888888888889089345823891;0.029999999999999998889776975375;0.005555555555555555767577313730;0.027777777777777776235801354687;0.027407407407407408106436719208;0.008518518518518519017090895318;0.025185185185185185452461098521;0.013703703703703704053218359604;0.021111111111111111743321444578;0.017407407407407406163546426114;0.015555555555555555108382392859;0.023333333333333334397297065266;0.024074074074074074125473288177;0.027037037037037036507625131776;0.017407407407407406163546426114;0.022962962962962962798485477833;0.041851851851851848418384349770;0.029629629629629630760412339896;0.007777777777777777554191196430;0.018148148148148149361169600979;0.012962962962962962590318660716;0.018148148148148149361169600979;0.025555555555555557051272685953;0.029999999999999998889776975375;0.032962962962962964741375770927;0.036666666666666666851703837438;0.008888888888888888881179006773;0.004444444444444444440589503387;0.030740740740740742087400150240;0.019259259259259260688157411323;0.018518518518518517490534236458;0.017037037037037038034181790636;0.006666666666666667094565124074;0.033333333333333332870740406406;0.027407407407407408106436719208;0.014814814814814815380206169948;0.021481481481481479872686080057;0.003703703703703703845051542487;0.021851851851851851471497667490;0.008518518518518519017090895318;0.011851851851851851263330850372;0.000000000000000000000000000000;0.018888888888888889089345823891;0.016666666666666666435370203203;0.015925925925925926707193980292;0.017407407407407406163546426114;0.018888888888888889089345823891;0.038888888888888889505679458125;0.015555555555555555108382392859
-0.043333333333333334813630699500;0.000416666666666666693410320255;0.054583333333333330927850113312;0.000000000000000000000000000000;0.007083333333333332974823814965;0.044999999999999998334665463062;0.003333333333333333547282562037;0.014583333333333333564629796797;0.009583333333333332593184650250;0.024166666666666666157814447047;0.034583333333333333980963431031;0.024583333333333332038073137937;0.029166666666666667129259593594;0.045833333333333330095182844843;0.003749999999999999861222121922;0.039166666666666669072149886688;0.013333333333333334189130248149;0.019166666666666665186369300500;0.022083333333333333287074040641;0.007916666666666667337426410711;0.014583333333333333564629796797;0.015416666666666667059870654555;0.012916666666666666574148081281;0.019166666666666665186369300500;0.055416666666666669627261399000;0.035416666666666665741480812812;0.027916666666666666019036568969;0.000000000000000000000000000000;0.000000000000000000000000000000;0.038333333333333330372738601000;0.022916666666666665047591422422;0.014166666666666665949647629930;0.014583333333333333564629796797;0.013333333333333334189130248149;0.035833333333333335091186455656;0.027083333333333334258519187188;0.013750000000000000069388939039;0.018749999999999999306110609609;0.002916666666666666799662133158;0.021250000000000001526556658860;0.002916666666666666799662133158;0.004166666666666666608842550801;0.000000000000000000000000000000;0.013333333333333334189130248149;0.004583333333333333356462979680;0.016666666666666666435370203203;0.031250000000000000000000000000;0.027916666666666666019036568969;0.033333333333333332870740406406;0.020416666666666666296592325125
-0.021527777777777777623580135469;0.030208333333333333564629796797;0.034375000000000002775557561563;0.065625000000000002775557561563;0.023263888888888889505679458125;0.020138888888888890199568848516;0.008333333333333333217685101602;0.035416666666666665741480812812;0.017361111111111111882099322656;0.017708333333333332870740406406;0.019444444444444444752839729063;0.012847222222222221682530474141;0.017708333333333332870740406406;0.016666666666666666435370203203;0.032291666666666669904817155157;0.015972222222222220988641083750;0.023611111111111110494320541875;0.052083333333333335646297967969;0.020138888888888890199568848516;0.002430555555555555594104966133;0.021874999999999998612221219219;0.014583333333333333564629796797;0.021180555555555556634939051719;0.021180555555555556634939051719;0.023263888888888889505679458125;0.020833333333333332176851016015;0.033680555555555553859381490156;0.024652777777777776929690745078;0.002430555555555555594104966133;0.028472222222222221682530474141;0.014236111111111110841265237070;0.016319444444444445446729119453;0.020138888888888890199568848516;0.009374999999999999653055304805;0.022222222222222223070309254922;0.030208333333333333564629796797;0.008333333333333333217685101602;0.011458333333333332523795711211;0.004861111111111111188209932266;0.023958333333333334952408577578;0.014583333333333333564629796797;0.013541666666666667129259593594;0.000000000000000000000000000000;0.017361111111111111882099322656;0.015625000000000000000000000000;0.016666666666666666435370203203;0.016319444444444445446729119453;0.010069444444444445099784424258;0.022916666666666665047591422422;0.012500000000000000693889390391
-0.020740740740740740144509857146;0.025185185185185185452461098521;0.027037037037037036507625131776;0.111111111111111104943205418749;0.037777777777777778178691647781;0.018518518518518517490534236458;0.009629629629629630344078705662;0.037037037037037034981068472916;0.012222222222222222862142437805;0.014074074074074073917306471060;0.017407407407407406163546426114;0.008518518518518519017090895318;0.015555555555555555108382392859;0.011851851851851851263330850372;0.039259259259259257635044093604;0.014444444444444443781394582516;0.015555555555555555108382392859;0.028148148148148147834612942120;0.024074074074074074125473288177;0.005925925925925925631665425186;0.023333333333333334397297065266;0.012962962962962962590318660716;0.016666666666666666435370203203;0.023703703703703702526661700745;0.023333333333333334397297065266;0.018888888888888889089345823891;0.028888888888888887562789165031;0.024814814814814813853649511088;0.003703703703703703845051542487;0.024074074074074074125473288177;0.015185185185185185244294281404;0.012962962962962962590318660716;0.011111111111111111535154627461;0.005925925925925925631665425186;0.028518518518518519433424529552;0.029629629629629630760412339896;0.008518518518518519017090895318;0.015555555555555555108382392859;0.002592592592592592518063732143;0.017777777777777777762358013547;0.008518518518518519017090895318;0.011851851851851851263330850372;0.000000000000000000000000000000;0.016666666666666666435370203203;0.021481481481481479872686080057;0.031111111111111110216764785719;0.018518518518518517490534236458;0.011851851851851851263330850372;0.024074074074074074125473288177;0.013703703703703704053218359604
-0.035185185185185187395351391615;0.006666666666666667094565124074;0.051851851851851850361274642864;0.007037037037037036958653235530;0.006296296296296296363115274630;0.024444444444444445724284875610;0.008888888888888888881179006773;0.023703703703703702526661700745;0.010370370370370370072254928573;0.029629629629629630760412339896;0.024444444444444445724284875610;0.009629629629629630344078705662;0.028518518518518519433424529552;0.044444444444444446140618509844;0.011851851851851851263330850372;0.020740740740740740144509857146;0.018518518518518517490534236458;0.025925925925925925180637321432;0.019629629629629628817522046802;0.009259259259259258745267118229;0.015555555555555555108382392859;0.008148148148148147418279307885;0.018888888888888889089345823891;0.041481481481481480289019714291;0.037777777777777778178691647781;0.036296296296296298722339201959;0.034444444444444444197728216750;0.002222222222222222220294751693;0.004074074074074073709139653943;0.022592592592592591199673890401;0.015555555555555555108382392859;0.021851851851851851471497667490;0.014074074074074073917306471060;0.008888888888888888881179006773;0.036296296296296298722339201959;0.032222222222222221543752596062;0.010740740740740739936343040029;0.013703703703703704053218359604;0.001481481481481481407916356297;0.014074074074074073917306471060;0.009259259259259258745267118229;0.004444444444444444440589503387;0.000000000000000000000000000000;0.025555555555555557051272685953;0.008888888888888888881179006773;0.026296296296296296779448908865;0.038148148148148146308056283260;0.022222222222222223070309254922;0.035925925925925923654080662573;0.021851851851851851471497667490
-0.050340136054421766309552310759;0.003741496598639455686136079393;0.036054421768707482776061823415;0.000340136054421768683955068502;0.002721088435374149471640548015;0.041836734693877553059593310536;0.007142857142857142634106981660;0.020068027210884353817021974464;0.020748299319727891293352328717;0.021428571428571428769682682969;0.021768707482993195773124384118;0.026870748299319728580325516987;0.030612244897959182965418989397;0.031292517006802723911196295603;0.007142857142857142634106981660;0.037074829931972787255833878817;0.021428571428571428769682682969;0.026530612244897958107436863884;0.019727891156462583344133321361;0.006802721088435373895941804534;0.023469387755102041198673745726;0.019387755102040816340691620212;0.012585034013605441577388077690;0.033333333333333332870740406406;0.050000000000000002775557561563;0.032993197278911562397851753303;0.025170068027210883154776155379;0.001700680272108843473985451134;0.003061224489795918209805725141;0.027891156462585033060097572388;0.021768707482993195773124384118;0.019727891156462583344133321361;0.012244897959183672839222900564;0.008163265306122449715964251027;0.027891156462585033060097572388;0.035034013605442178296289768014;0.008843537414965987192294605279;0.022108843537414966246013037221;0.002721088435374149471640548015;0.018367346938775511860919564811;0.002040816326530612428991062757;0.009863945578231291672066660681;0.000000000000000000000000000000;0.022789115646258503722343391473;0.007142857142857142634106981660;0.023129251700680270725785092623;0.022789115646258503722343391473;0.023129251700680270725785092623;0.030952380952380953438307642500;0.018027210884353741388030911708
-0.029166666666666667129259593594;0.020833333333333332176851016015;0.025833333333333333148296162562;0.006666666666666667094565124074;0.021250000000000001526556658860;0.032916666666666663521034763562;0.010000000000000000208166817117;0.046249999999999999444888487687;0.006666666666666667094565124074;0.015416666666666667059870654555;0.017500000000000001665334536938;0.017083333333333332315628894094;0.028750000000000001249000902703;0.016666666666666666435370203203;0.038333333333333330372738601000;0.022083333333333333287074040641;0.010000000000000000208166817117;0.038333333333333330372738601000;0.042083333333333333703407674875;0.003333333333333333547282562037;0.035416666666666665741480812812;0.009583333333333332593184650250;0.028333333333333331899295259859;0.024583333333333332038073137937;0.035416666666666665741480812812;0.024166666666666666157814447047;0.038333333333333330372738601000;0.012916666666666666574148081281;0.002916666666666666799662133158;0.039583333333333331482961625625;0.012500000000000000693889390391;0.010833333333333333703407674875;0.032500000000000001110223024625;0.008333333333333333217685101602;0.020416666666666666296592325125;0.022916666666666665047591422422;0.016250000000000000555111512313;0.011666666666666667198648532633;0.001666666666666666773641281019;0.011249999999999999583666365766;0.010416666666666666088425508008;0.003333333333333333547282562037;0.000000000000000000000000000000;0.016666666666666666435370203203;0.026249999999999999028554853453;0.018749999999999999306110609609;0.017500000000000001665334536938;0.014166666666666665949647629930;0.035000000000000003330669073875;0.009166666666666666712925959359
-0.015064102564102564360548619504;0.021474358974358974394558430276;0.066346153846153846367350581659;0.003205128205128205017004905386;0.013461538461538462285727035805;0.015064102564102564360548619504;0.006410256410256410034009810772;0.030448717948717948095227470162;0.051923076923076925959232852392;0.022756410256410255360526306845;0.011217948717948717993198037846;0.004166666666666666608842550801;0.014423076923076923877564681220;0.030128205128205128721097239008;0.023397435897435897578233721106;0.009935897435897435292506685300;0.029487179487179486503389824748;0.062820512820512819374130231154;0.017307692307692308653077617464;0.011538461538461539102051744976;0.017948717948717947401338079771;0.043269230769230768163247091707;0.026602564102564101727876888503;0.024679487179487178544201597674;0.016666666666666666435370203203;0.020192307692307693428590553708;0.031410256410256409687065115577;0.012820512820512820068019621544;0.002884615384615384775512936244;0.020192307692307693428590553708;0.006089743589743589792517841630;0.022756410256410255360526306845;0.014743589743589743251694912374;0.009935897435897435292506685300;0.020512820512820512802720784862;0.042948717948717948789116860553;0.013782051282051281659857266959;0.008012820512820512108831394471;0.009294871794871794809522747016;0.031410256410256409687065115577;0.009615384615384615918376454147;0.023397435897435897578233721106;0.000000000000000000000000000000;0.013141025641025641176873328675;0.015064102564102564360548619504;0.014102564102564102768710974090;0.019871794871794870585013370601;0.011217948717948717993198037846;0.025320512820512820761909011935;0.011538461538461539102051744976
-0.034821428571428572618096097813;0.017559523809523809589894227656;0.046726190476190476719153821250;0.048214285714285716466509512657;0.005357142857142857192420670742;0.019047619047619049337249919063;0.005654761904761904621474766230;0.026190476190476191103995162734;0.013095238095238095551997581367;0.029761904761904760252644308594;0.016964285714285712997062560703;0.009226190476190476372209126055;0.011309523809523809242949532461;0.038392857142857145236192195625;0.018452380952380952744418252109;0.023214285714285715078730731875;0.019642857142857142460634634062;0.032440476190476193185663333907;0.021428571428571428769682682969;0.010416666666666666088425508008;0.018452380952380952744418252109;0.011309523809523809242949532461;0.009226190476190476372209126055;0.052380952380952382207990325469;0.028571428571428570536427926640;0.036309523809523812365451789219;0.028869047619047620567567236094;0.019642857142857142460634634062;0.002083333333333333304421275400;0.009226190476190476372209126055;0.006250000000000000346944695195;0.018452380952380952744418252109;0.004761904761904762334312479766;0.006547619047619047775998790684;0.018154761904761906182725894610;0.043154761904761904101057723437;0.014880952380952380126322154297;0.013095238095238095551997581367;0.000297619047619047645894529985;0.018749999999999999306110609609;0.013095238095238095551997581367;0.012797619047619047255581747891;0.000000000000000000000000000000;0.027976190476190477413043211641;0.012500000000000000693889390391;0.021130952380952382207990325469;0.038690476190476191797884553125;0.026488095238095237665687520234;0.021428571428571428769682682969;0.017559523809523809589894227656
-0.035919540229885055238057134375;0.006896551724137930938773877187;0.058908045977011491700636725000;0.002586206896551724102040203945;0.005459770114942528659862652773;0.025000000000000001387778780781;0.004597701149425287292515918125;0.025287356321839080108837549687;0.013793103448275861877547754375;0.025000000000000001387778780781;0.023850574712643679564649801250;0.008045977011494252761902856719;0.022126436781609196829956331953;0.035919540229885055238057134375;0.010057471264367815952378570898;0.020689655172413792816321631562;0.018390804597701149170063672500;0.034770114942528733414928154843;0.015229885057471264156458978789;0.011781609195402298687072040195;0.019540229885057470993192652031;0.015804597701149426802746944531;0.019540229885057470993192652031;0.031321839080459767945541216250;0.039655172413793106367396745782;0.039367816091954020707444072968;0.033620689655172411591799175312;0.024425287356321840476214291016;0.002873563218390804557822448828;0.009770114942528735496596326016;0.011494252873563218231289795312;0.020689655172413792816321631562;0.014942528735632183700676733906;0.015804597701149426802746944531;0.037356321839080462721138786719;0.043678160919540229278901222187;0.014655172413793103244894489023;0.011781609195402298687072040195;0.000862068965517241367346734648;0.022701149425287357741520821719;0.004885057471264367748298163008;0.007758620689655172306120611836;0.000000000000000000000000000000;0.017241379310344827346934692969;0.006609195402298850482991632305;0.019540229885057470993192652031;0.028448275862068966857165719375;0.022701149425287357741520821719;0.037931034482758620163256324531;0.020689655172413792816321631562
-0.026851851851851852442942814037;0.008333333333333333217685101602;0.069444444444444447528397290625;0.002314814814814814686316779557;0.001388888888888888941894328433;0.012962962962962962590318660716;0.003703703703703703845051542487;0.026388888888888888811790067734;0.026851851851851852442942814037;0.025925925925925925180637321432;0.015277777777777777276635440273;0.004166666666666666608842550801;0.010185185185185186007572610833;0.047685185185185184619793830052;0.008796296296296296848837847904;0.012500000000000000693889390391;0.037037037037037034981068472916;0.046296296296296293726335591145;0.006018518518518518531368322044;0.012962962962962962590318660716;0.012500000000000000693889390391;0.022222222222222223070309254922;0.018981481481481481121686982760;0.039351851851851853136832204427;0.028703703703703703498106847292;0.036574074074074071349915726614;0.028240740740740739866954100989;0.031481481481481478346129421197;0.002777777777777777883788656865;0.004166666666666666608842550801;0.004166666666666666608842550801;0.023148148148148146863167795573;0.006481481481481481295159330358;0.015277777777777777276635440273;0.025000000000000001387778780781;0.053240740740740741254732881771;0.011574074074074073431583897786;0.010185185185185186007572610833;0.002314814814814814686316779557;0.020370370370370372015145221667;0.004629629629629629372633559115;0.016666666666666666435370203203;0.000000000000000000000000000000;0.028703703703703703498106847292;0.006018518518518518531368322044;0.019907407407407408383992475365;0.037037037037037034981068472916;0.031018518518518518184423626849;0.042129629629629627984854778333;0.012037037037037037062736644089
-0.025757575757575756902895136591;0.019191919191919190601502975824;0.053030303030303031774916888708;0.080808080808080814949612147302;0.012121212121212121201607736509;0.018181818181818180935049866775;0.008585858585858585634298378864;0.027272727272727271402574800163;0.020707070707070708570629591350;0.018181818181818180935049866775;0.011111111111111111535154627461;0.005555555555555555767577313730;0.019191919191919190601502975824;0.019696969696969695434729530348;0.030303030303030303871381079261;0.011616161616161616368381181985;0.031313131313131313537834188310;0.047474747474747475139977836989;0.018686868686868685768276421300;0.008585858585858585634298378864;0.018686868686868685768276421300;0.024242424242424242403215473018;0.022222222222222223070309254922;0.021717171717171718237082700398;0.019696969696969695434729530348;0.020202020202020203737403036826;0.027272727272727271402574800163;0.027777777777777776235801354687;0.007070707070707071134618715291;0.019191919191919190601502975824;0.004545454545454545233762466694;0.021212121212121213403856145874;0.018686868686868685768276421300;0.010101010101010101868701518413;0.015656565656565656768917094155;0.039393939393939390869459060696;0.009090909090909090467524933388;0.008080808080808080801071824339;0.005050505050505050934350759206;0.023232323232323232736762363970;0.007575757575757575967845269815;0.027777777777777776235801354687;0.000000000000000000000000000000;0.014141414141414142269237430583;0.015656565656565656768917094155;0.021212121212121213403856145874;0.021717171717171718237082700398;0.010101010101010101868701518413;0.018686868686868685768276421300;0.012626262626262626034834291033
-0.032246376811594201772237511250;0.010869565217391304046135047656;0.032608695652173912138405142969;0.027536231884057970481505250859;0.012681159420289855876973206250;0.023913043478260870289275885625;0.013768115942028985240752625430;0.024637681159420291021611149063;0.015579710144927537071590784024;0.014130434782608695606920257148;0.017028985507246376801537834922;0.009782608695652174682355628477;0.035869565217391305433913828438;0.029347826086956522312343409453;0.016666666666666666435370203203;0.019927536231884056261431936719;0.016666666666666666435370203203;0.029710144927536232678511041172;0.015942028985507245703034939766;0.008695652173913043583852733320;0.020652173913043476993767200156;0.024637681159420291021611149063;0.045289855072463768015378349219;0.024275362318840580655443517344;0.024637681159420291021611149063;0.023913043478260870289275885625;0.024637681159420291021611149063;0.010507246376811593679967415937;0.002898550724637681194617577773;0.018840579710144928632375993516;0.010507246376811593679967415937;0.016666666666666666435370203203;0.019202898550724638998543625235;0.013405797101449274874584993711;0.056159420289855072061513396875;0.028623188405797101580008146016;0.010144927536231883313799784219;0.015579710144927537071590784024;0.005797101449275362389235155547;0.042028985507246374719869663750;0.010144927536231883313799784219;0.014855072463768116339255520586;0.000000000000000000000000000000;0.011594202898550724778470311094;0.012681159420289855876973206250;0.019202898550724638998543625235;0.022101449275362318458437727031;0.018478260869565218266208361797;0.034057971014492753603075669844;0.010869565217391304046135047656
-0.046899224806201553206186360967;0.016279069767441860239198803129;0.022480620155038759377941204320;0.013953488372093023062170402682;0.001937984496124030980857000372;0.025581395348837208947312404916;0.010465116279069767296627802011;0.023255813953488371770284004469;0.014728682170542635454513202831;0.018604651162790697416227203576;0.021705426356589146985598404171;0.016279069767441860239198803129;0.024418604651162790358798204693;0.031395348837209305359330357987;0.011627906976744185885142002235;0.021705426356589146985598404171;0.026356589147286821339655205065;0.037209302325581394832454407151;0.018992248062015503612398603650;0.003875968992248061961714000745;0.024418604651162790358798204693;0.012790697674418604473656202458;0.022480620155038759377941204320;0.032945736434108530144015958285;0.043798449612403103636815160371;0.041085271317829456794168407896;0.028294573643410852320512205438;0.008139534883720930119599401564;0.006589147286821705334913801266;0.013565891472868216865999002607;0.013565891472868216865999002607;0.036046511627906979713387158881;0.016279069767441860239198803129;0.008139534883720930119599401564;0.029069767441860464712855005587;0.037984496124031007224797207300;0.012015503875968992081313402309;0.018604651162790697416227203576;0.004651162790697674354056800894;0.019379844961240309808570003725;0.011240310077519379688970602160;0.007751937984496123923428001490;0.000000000000000000000000000000;0.020542635658914728397084203948;0.005813953488372092942571001117;0.026356589147286821339655205065;0.024418604651162790358798204693;0.018217054263565891220055803501;0.034883720930232557655426006704;0.013178294573643410669827602533
-0.078104575163398692883021112721;0.016013071895424835222598858309;0.025490196078431372195272075487;0.000653594771241830020148955160;0.002941176470588235253300624095;0.044117647058823532268956313374;0.002287581699346405341571886183;0.013398692810457515575683906661;0.003594771241830065165029362007;0.023202614379084968154742796287;0.027450980392156862364139158217;0.035947712418300650782931882077;0.027777777777777776235801354687;0.034640522875816995296283096195;0.003921568627450980337734165460;0.059477124183006532809336874834;0.005882352941176470506601248189;0.013071895424836601704021710191;0.016339869281045752563708006733;0.003921568627450980337734165460;0.021568627450980391857537910028;0.005228758169934640161191641283;0.004248366013071895076758099918;0.034640522875816995296283096195;0.073856209150326798673624750791;0.054901960784313724728278316434;0.025816993464052286066934271958;0.003594771241830065165029362007;0.000326797385620915010074477580;0.017973856209150325391465941038;0.030392156862745097617439782312;0.013071895424836601704021710191;0.009803921568627450844335413649;0.011111111111111111535154627461;0.017647058823529411519803744568;0.022549019607843136941971451392;0.008496732026143790153516199837;0.024183006535947713239176337652;0.000326797385620915010074477580;0.008169934640522876281854003366;0.001960784313725490168867082730;0.008823529411764705759901872284;0.000000000000000000000000000000;0.029411764705882352533006240947;0.005555555555555555767577313730;0.015032679738562091872888792921;0.037254901960784313208474571866;0.032679738562091505127416013465;0.023202614379084968154742796287;0.019934640522875815560333023768
-0.040000000000000000832667268469;0.019259259259259260688157411323;0.041851851851851848418384349770;0.006296296296296296363115274630;0.010740740740740739936343040029;0.027777777777777776235801354687;0.003703703703703703845051542487;0.053703703703703704885885628073;0.007037037037037036958653235530;0.022592592592592591199673890401;0.024444444444444445724284875610;0.012222222222222222862142437805;0.022222222222222223070309254922;0.035555555555555555524716027094;0.025925925925925925180637321432;0.015185185185185185244294281404;0.008518518518518519017090895318;0.047407407407407405053323401489;0.037037037037037034981068472916;0.005925925925925925631665425186;0.029999999999999998889776975375;0.005925925925925925631665425186;0.012962962962962962590318660716;0.022962962962962962798485477833;0.031851851851851853414387960584;0.030370370370370370488588562807;0.047037037037037036923958766010;0.011481481481481481399242738917;0.000370370370370370351979089074;0.024074074074074074125473288177;0.018518518518518517490534236458;0.009259259259259258745267118229;0.021111111111111111743321444578;0.008518518518518519017090895318;0.021111111111111111743321444578;0.034444444444444444197728216750;0.024074074074074074125473288177;0.008888888888888888881179006773;0.001851851851851851922525771243;0.008888888888888888881179006773;0.009259259259259258745267118229;0.006666666666666667094565124074;0.000000000000000000000000000000;0.014444444444444443781394582516;0.016296296296296294836558615771;0.015185185185185185244294281404;0.025555555555555557051272685953;0.013703703703703704053218359604;0.042222222222222223486642889156;0.015555555555555555108382392859
-0.037037037037037034981068472916;0.005185185185185185036127464286;0.047777777777777780121581940875;0.000740740740740740703958178148;0.003333333333333333547282562037;0.021481481481481479872686080057;0.007777777777777777554191196430;0.026666666666666668378260496297;0.010370370370370370072254928573;0.021481481481481479872686080057;0.020740740740740740144509857146;0.012222222222222222862142437805;0.017777777777777777762358013547;0.043703703703703702942995334979;0.011111111111111111535154627461;0.016666666666666666435370203203;0.017037037037037038034181790636;0.039259259259259257635044093604;0.021111111111111111743321444578;0.011481481481481481399242738917;0.023703703703703702526661700745;0.009259259259259258745267118229;0.025925925925925925180637321432;0.037777777777777778178691647781;0.031111111111111110216764785719;0.043333333333333334813630699500;0.040740740740740744030290443334;0.003333333333333333547282562037;0.002592592592592592518063732143;0.017407407407407406163546426114;0.011851851851851851263330850372;0.014814814814814815380206169948;0.019629629629629628817522046802;0.008518518518518519017090895318;0.024444444444444445724284875610;0.043333333333333334813630699500;0.021851851851851851471497667490;0.011851851851851851263330850372;0.002222222222222222220294751693;0.019629629629629628817522046802;0.008148148148148147418279307885;0.007407407407407407690103084974;0.000000000000000000000000000000;0.028148148148148147834612942120;0.006296296296296296363115274630;0.022592592592592591199673890401;0.028888888888888887562789165031;0.026666666666666668378260496297;0.047037037037037036923958766010;0.018518518518518517490534236458
-0.027519379844961239928169405289;0.010465116279069767296627802011;0.073643410852713184211459918060;0.000775193798449612392342800149;0.025193798449612402751141004842;0.021317829457364340789427004097;0.002325581395348837177028400447;0.023255813953488371770284004469;0.024418604651162790358798204693;0.028294573643410852320512205438;0.017441860465116278827713003352;0.013565891472868216865999002607;0.024418604651162790358798204693;0.043410852713178293971196808343;0.014728682170542635454513202831;0.015503875968992247846856002980;0.017441860465116278827713003352;0.039922480620155041675101159626;0.010465116279069767296627802011;0.009302325581395348708113601788;0.016279069767441860239198803129;0.034496124031007754928701558583;0.017054263565891472631541603278;0.028294573643410852320512205438;0.023643410852713177966455404544;0.035271317829457367321044358732;0.033720930232558142536358758434;0.006589147286821705334913801266;0.000387596899224806196171400074;0.007751937984496123923428001490;0.009302325581395348708113601788;0.018604651162790697416227203576;0.010465116279069767296627802011;0.013953488372093023062170402682;0.026744186046511627535826605140;0.035658914728682170047768806853;0.013178294573643410669827602533;0.012403100775193798277484802384;0.004651162790697674354056800894;0.038372093023255816890415559328;0.006201550387596899138742401192;0.008914728682170542511942201713;0.000000000000000000000000000000;0.017054263565891472631541603278;0.004651162790697674354056800894;0.019379844961240309808570003725;0.036046511627906979713387158881;0.020155038759689922200912803874;0.037984496124031007224797207300;0.019379844961240309808570003725
-0.018699186991869919116648901536;0.011382113821138212239603149101;0.028455284552845527129560920798;0.400000000000000022204460492503;0.001626016260162601624605915873;0.012601626016260162807536282514;0.002439024390243902436908873810;0.020731707317073171797927599869;0.027642276422764226750938831856;0.008536585365853659179702361826;0.011788617886178862428914193572;0.004471544715447154684506703148;0.006910569105691056687734707964;0.015853658536585366056748114261;0.021951219512195120631137257305;0.006504065040650406498423663493;0.013821138211382113375469415928;0.030894308943089431734874139579;0.015853658536585366056748114261;0.005691056910569106119801574550;0.011382113821138212239603149101;0.027235772357723578296351263361;0.012195121951219512618225238043;0.017886178861788618738026812593;0.015447154471544715867437069790;0.010162601626016259936946539710;0.024390243902439025236450476086;0.010569105691056910126257584182;0.001626016260162601624605915873;0.008130081300813008990391317354;0.007723577235772357933718534895;0.004471544715447154684506703148;0.009756097560975609747635495239;0.008943089430894309369013406297;0.007723577235772357933718534895;0.018292682926829267192614381088;0.011382113821138212239603149101;0.003252032520325203249211831746;0.010162601626016259936946539710;0.020731707317073171797927599869;0.004065040650406504495195658677;0.009756097560975609747635495239;0.000000000000000000000000000000;0.007723577235772357933718534895;0.010569105691056910126257584182;0.006097560975609756309112619022;0.014227642276422763564780460399;0.009349593495934959558324450768;0.022764227642276424479206298201;0.008130081300813008990391317354
-0.015819209039548021850096759522;0.009887005649717514957353081684;0.028813559322033898552062325393;0.396045197740112986384275473029;0.008474576271186440648564008882;0.012429378531073446978449936751;0.005084745762711864042193710134;0.015819209039548021850096759522;0.012429378531073446978449936751;0.011864406779661017254934307630;0.012994350282485874967242089895;0.012429378531073446978449936751;0.015819209039548021850096759522;0.015536723163841808723062420938;0.019209039548022600191190534247;0.011299435028248587531418678509;0.016949152542372881297128017763;0.020903954802259885892290469656;0.009887005649717514957353081684;0.006497175141242937483621044947;0.011864406779661017254934307630;0.009604519774011300095595267123;0.009887005649717514957353081684;0.015819209039548021850096759522;0.021751412429378530477563913337;0.015254237288135593861304606378;0.023446327683615819648110800699;0.007627118644067796930652303189;0.003107344632768361744612484188;0.013559322033898304690757719015;0.009887005649717514957353081684;0.013276836158192089828999904455;0.006214689265536723489224968375;0.007062146892655367207136674068;0.019774011299435029914706163368;0.017231638418079096158885832324;0.005367231638418078903951524694;0.009887005649717514957353081684;0.003107344632768361744612484188;0.013276836158192089828999904455;0.006214689265536723489224968375;0.008757062146892655510321823442;0.000000000000000000000000000000;0.011016949152542372669660863949;0.012429378531073446978449936751;0.011581920903954802393176493069;0.014124293785310734414273348136;0.012994350282485874967242089895;0.017231638418079096158885832324;0.010451977401129942946145234828
-0.042283950617283953821168296372;0.009876543209876543008562954640;0.051851851851851850361274642864;0.026234567901234566444923501649;0.002469135802469135752140738660;0.026543209876543211178656633820;0.003395061728395061713403624282;0.016358024691358025171084022986;0.012654320987654321326032480499;0.037345679012345679714801605087;0.019753086419753086017125909279;0.009567901234567901744276774423;0.013580246913580246853614497127;0.042283950617283953821168296372;0.008024691358024691953398921385;0.035802469135802469923923752049;0.021913580246913581806023074705;0.028086419753086420969534486858;0.012654320987654321326032480499;0.009259259259259258745267118229;0.020987654320987654543717582101;0.012654320987654321326032480499;0.007098765432098765558455166769;0.047222222222222220988641083750;0.039197530864197534239412590296;0.049074074074074075513252068959;0.025617283950617283916351141215;0.011728395061728395798450463872;0.001234567901234567876070369330;0.007407407407407407690103084974;0.011728395061728395798450463872;0.025308641975308642652064960998;0.006172839506172839163511412153;0.006790123456790123426807248563;0.014506172839506172381196513754;0.041975308641975309087435164201;0.010493827160493827271858791050;0.025000000000000001387778780781;0.000000000000000000000000000000;0.010185185185185186007572610833;0.005864197530864197899225231936;0.015123456790123456644492350165;0.000000000000000000000000000000;0.035493827160493825190190619878;0.005555555555555555767577313730;0.023765432098765432861187107960;0.039506172839506172034251818559;0.032098765432098767813595685539;0.022839506172839505598881615356;0.015432098765432097908778530382
-0.034722222222222223764198645313;0.010277777777777778039913769703;0.056944444444444443365060948281;0.003611111111111110945348645629;0.008055555555555555385938149016;0.027222222222222220572307449515;0.001944444444444444388547799107;0.020277777777777776513357110844;0.031111111111111110216764785719;0.024722222222222221821308352219;0.019166666666666665186369300500;0.016111111111111110771876298031;0.017500000000000001665334536938;0.043333333333333334813630699500;0.012222222222222222862142437805;0.024166666666666666157814447047;0.025000000000000001387778780781;0.035555555555555555524716027094;0.019722222222222220849863205672;0.007222222222222221890697291258;0.018611111111111109522875395328;0.023888888888888890060790970438;0.015277777777777777276635440273;0.028611111111111111465765688422;0.035555555555555555524716027094;0.035000000000000003330669073875;0.032777777777777780676693453188;0.025000000000000001387778780781;0.001111111111111111110147375847;0.020555555555555556079827539406;0.014444444444444443781394582516;0.015277777777777777276635440273;0.016666666666666666435370203203;0.009722222222222222376419864531;0.023055555555555554830826636703;0.037499999999999998612221219219;0.013333333333333334189130248149;0.008333333333333333217685101602;0.003333333333333333547282562037;0.017500000000000001665334536938;0.005833333333333333599324266316;0.011666666666666667198648532633;0.000000000000000000000000000000;0.015555555555555555108382392859;0.009444444444444444544672911945;0.014166666666666665949647629930;0.037499999999999998612221219219;0.026111111111111112714766591125;0.031111111111111110216764785719;0.014166666666666665949647629930
-0.037931034482758620163256324531;0.011494252873563218231289795312;0.065229885057471265197293064375;0.039080459770114941986385304062;0.003160919540229885013604693711;0.019827586206896553183698372891;0.004310344827586206836733673242;0.021839080459770114639450611094;0.030747126436781610503423678438;0.026436781609195401931966529219;0.012356321839080459598636529961;0.009770114942528735496596326016;0.014655172413793103244894489023;0.041666666666666664353702032031;0.011494252873563218231289795312;0.022126436781609196829956331953;0.026724137931034484122472250078;0.032758620689655175428622868594;0.012931034482758620510201019727;0.012356321839080459598636529961;0.012068965517241379142854285078;0.027298850574712645034036739844;0.011206896551724137775507550430;0.028448275862068966857165719375;0.031609195402298853605493889063;0.035057471264367819074880827657;0.026149425287356323210907760313;0.016954022988505748625875924063;0.001149425287356321823128979531;0.012643678160919540054418774844;0.011494252873563218231289795312;0.016954022988505748625875924063;0.006609195402298850482991632305;0.011781609195402298687072040195;0.023275862068965518653085311485;0.045402298850574715483041643438;0.012068965517241379142854285078;0.010919540229885057319725305547;0.010057471264367815952378570898;0.023850574712643679564649801250;0.004597701149425287292515918125;0.018390804597701149170063672500;0.000000000000000000000000000000;0.015804597701149426802746944531;0.007471264367816091850338366953;0.012931034482758620510201019727;0.040517241379310342530573052500;0.027586206896551723755095508750;0.023275862068965518653085311485;0.017528735632183909537440413828
-0.021212121212121213403856145874;0.016060606060606059941608947383;0.036363636363636361870099733551;0.288181818181818205637512164685;0.017272727272727272929131459023;0.016363636363636364923213051270;0.004545454545454545233762466694;0.020606060606060606910094890054;0.019090909090909092410415226482;0.010909090909090909948808700847;0.009696969696969696961286189207;0.013939393939393938948168027991;0.009393939393939393714405561298;0.022424242424242422921931705559;0.025454545454545455390737984658;0.021212121212121213403856145874;0.017878787878787879422892714842;0.018484848484848485916653970662;0.016666666666666666435370203203;0.004242424242424242854243576772;0.015151515151515151935690539631;0.026969696969696969890417648230;0.002121212121212121427121788386;0.023030303030303029415692961379;0.023030303030303029415692961379;0.016060606060606059941608947383;0.019090909090909092410415226482;0.023333333333333334397297065266;0.002121212121212121427121788386;0.014242424242424242195048655901;0.021212121212121213403856145874;0.010303030303030303455047445027;0.006363636363636363847684496164;0.016363636363636364923213051270;0.009393939393939393714405561298;0.016666666666666666435370203203;0.003333333333333333547282562037;0.009696969696969696961286189207;0.005454545454545454974404350423;0.016666666666666666435370203203;0.006060606060606060600803868255;0.005454545454545454974404350423;0.000000000000000000000000000000;0.011212121212121211460965852780;0.016363636363636364923213051270;0.012727272727272727695368992329;0.019090909090909092410415226482;0.012424242424242424448488364419;0.012121212121212121201607736509;0.013939393939393938948168027991
-0.013276836158192089828999904455;0.006497175141242937483621044947;0.051977401129943499868968359579;0.359039548022598853371789573430;0.003389830508474576172689429754;0.015254237288135593861304606378;0.004802259887005650047797633562;0.020903954802259885892290469656;0.036440677966101696350076366571;0.015819209039548021850096759522;0.009604519774011300095595267123;0.009322033898305085233837452563;0.003954802259887005462524189880;0.015536723163841808723062420938;0.017514124293785311020643646884;0.009604519774011300095595267123;0.020621468926553671030532655095;0.023728813559322034509868615260;0.009322033898305085233837452563;0.006497175141242937483621044947;0.009887005649717514957353081684;0.031355932203389828838435704483;0.001977401129943502731262094940;0.022033898305084745339321727897;0.017231638418079096158885832324;0.015254237288135593861304606378;0.017796610169491525882401461445;0.009039548022598870372079638003;0.003107344632768361744612484188;0.007062146892655367207136674068;0.013276836158192089828999904455;0.015819209039548021850096759522;0.003954802259887005462524189880;0.011016949152542372669660863949;0.006779661016949152345378859508;0.022316384180790960201079542458;0.006497175141242937483621044947;0.007909604519774010925048379761;0.009604519774011300095595267123;0.009604519774011300095595267123;0.009039548022598870372079638003;0.012429378531073446978449936751;0.000000000000000000000000000000;0.013276836158192089828999904455;0.013276836158192089828999904455;0.009887005649717514957353081684;0.018361581920903955605917090566;0.011299435028248587531418678509;0.008474576271186440648564008882;0.009322033898305085233837452563
-0.018611111111111109522875395328;0.007222222222222221890697291258;0.047222222222222220988641083750;0.218888888888888882844341310374;0.019444444444444444752839729063;0.017500000000000001665334536938;0.004444444444444444440589503387;0.017500000000000001665334536938;0.041666666666666664353702032031;0.012222222222222222862142437805;0.011388888888888889366901580047;0.012500000000000000693889390391;0.012222222222222222862142437805;0.023333333333333334397297065266;0.008611111111111111049432054187;0.016944444444444446001840631766;0.019444444444444444752839729063;0.024722222222222221821308352219;0.007499999999999999722444243844;0.005833333333333333599324266316;0.009166666666666666712925959359;0.038888888888888889505679458125;0.006111111111111111431071218902;0.012222222222222222862142437805;0.026388888888888888811790067734;0.019722222222222220849863205672;0.019444444444444444752839729063;0.074444444444444438091501581312;0.001944444444444444388547799107;0.017222222222222222098864108375;0.014166666666666665949647629930;0.010000000000000000208166817117;0.003611111111111110945348645629;0.008333333333333333217685101602;0.009444444444444444544672911945;0.024722222222222221821308352219;0.005833333333333333599324266316;0.008611111111111111049432054187;0.009166666666666666712925959359;0.017222222222222222098864108375;0.006944444444444444058950338672;0.021944444444444443503838826359;0.000000000000000000000000000000;0.006944444444444444058950338672;0.004166666666666666608842550801;0.010000000000000000208166817117;0.024166666666666666157814447047;0.014444444444444443781394582516;0.013888888888888888117900677344;0.013611111111111110286153724758
-0.019540229885057470993192652031;0.010344827586206896408160815781;0.066091954022988508299363275000;0.036206896551724140898009807188;0.042241379310344828734713473750;0.026436781609195401931966529219;0.002586206896551724102040203945;0.020402298850574714095262862656;0.029022988505747127768730209141;0.019540229885057470993192652031;0.017528735632183909537440413828;0.016379310344827587714311434297;0.016954022988505748625875924063;0.036781609195402298340127345000;0.017816091954022988258499182734;0.018103448275862070449004903594;0.026149425287356323210907760313;0.035057471264367819074880827657;0.018965517241379310081628162266;0.007471264367816091850338366953;0.012068965517241379142854285078;0.031896551724137932326552657969;0.005459770114942528659862652773;0.028448275862068966857165719375;0.027298850574712645034036739844;0.031034482758620689224482447344;0.026149425287356323210907760313;0.024137931034482758285708570156;0.001436781609195402278911224414;0.030459770114942528312917957578;0.012931034482758620510201019727;0.020402298850574714095262862656;0.012068965517241379142854285078;0.011781609195402298687072040195;0.018390804597701149170063672500;0.033620689655172411591799175312;0.006896551724137930938773877187;0.007471264367816091850338366953;0.007471264367816091850338366953;0.014655172413793103244894489023;0.008908045977011494129249591367;0.015229885057471264156458978789;0.000000000000000000000000000000;0.012643678160919540054418774844;0.012643678160919540054418774844;0.010344827586206896408160815781;0.031896551724137932326552657969;0.021264367816091953727886121328;0.021264367816091953727886121328;0.018103448275862070449004903594
-0.036249999999999997501998194593;0.022916666666666665047591422422;0.031666666666666669349705642844;0.021666666666666667406815349750;0.044999999999999998334665463062;0.021666666666666667406815349750;0.003749999999999999861222121922;0.024583333333333332038073137937;0.016250000000000000555111512313;0.017916666666666667545593227828;0.021250000000000001526556658860;0.012083333333333333078907223523;0.015416666666666667059870654555;0.025416666666666667268037471672;0.043749999999999997224442438437;0.022083333333333333287074040641;0.012083333333333333078907223523;0.025833333333333333148296162562;0.040833333333333332593184650250;0.002500000000000000052041704279;0.018749999999999999306110609609;0.024166666666666666157814447047;0.006250000000000000346944695195;0.023333333333333334397297065266;0.028750000000000001249000902703;0.028750000000000001249000902703;0.036666666666666666851703837438;0.062500000000000000000000000000;0.001250000000000000026020852140;0.040833333333333332593184650250;0.014999999999999999444888487687;0.012916666666666666574148081281;0.020416666666666666296592325125;0.005416666666666666851703837438;0.009166666666666666712925959359;0.018333333333333333425851918719;0.006250000000000000346944695195;0.030416666666666668239482618219;0.009166666666666666712925959359;0.007083333333333332974823814965;0.005416666666666666851703837438;0.006250000000000000346944695195;0.000000000000000000000000000000;0.013333333333333334189130248149;0.029166666666666667129259593594;0.017500000000000001665334536938;0.023333333333333334397297065266;0.012916666666666666574148081281;0.014999999999999999444888487687;0.008750000000000000832667268469
-0.033703703703703701000105041885;0.003703703703703703845051542487;0.057037037037037038866849059104;0.000000000000000000000000000000;0.002962962962962962815832712593;0.042962962962962959745372160114;0.001851851851851851922525771243;0.011481481481481481399242738917;0.033703703703703701000105041885;0.018148148148148149361169600979;0.020740740740740740144509857146;0.025185185185185185452461098521;0.022592592592592591199673890401;0.038148148148148146308056283260;0.005555555555555555767577313730;0.027407407407407408106436719208;0.021481481481481479872686080057;0.024814814814814813853649511088;0.013703703703703704053218359604;0.010740740740740739936343040029;0.016296296296296294836558615771;0.038148148148148146308056283260;0.011851851851851851263330850372;0.029629629629629630760412339896;0.052592592592592593558897817729;0.032962962962962964741375770927;0.026296296296296296779448908865;0.001851851851851851922525771243;0.002592592592592592518063732143;0.024814814814814813853649511088;0.023703703703703702526661700745;0.019629629629629628817522046802;0.010000000000000000208166817117;0.012222222222222222862142437805;0.027777777777777776235801354687;0.036296296296296298722339201959;0.008888888888888888881179006773;0.012222222222222222862142437805;0.015185185185185185244294281404;0.025925925925925925180637321432;0.003333333333333333547282562037;0.018518518518518517490534236458;0.000000000000000000000000000000;0.017037037037037038034181790636;0.001481481481481481407916356297;0.011111111111111111535154627461;0.028888888888888887562789165031;0.024814814814814813853649511088;0.031851851851851853414387960584;0.018148148148148149361169600979
-0.033898305084745762594256035527;0.015536723163841808723062420938;0.056497175141242937657093392545;0.000847457627118644043172357438;0.007062146892655367207136674068;0.024858757062146893956899873501;0.002824858757062146882854669627;0.031073446327683617446124841877;0.033615819209039547732498220967;0.019491525423728815052948348807;0.018079096045197740744159276005;0.009887005649717514957353081684;0.016949152542372881297128017763;0.022881355932203389924595171578;0.022033898305084745339321727897;0.012146892655367232116692122190;0.024011299435028249371626429820;0.059604519774011301136429352709;0.020056497175141241307017025974;0.011016949152542372669660863949;0.016666666666666666435370203203;0.032768361581920903147224777285;0.019209039548022600191190534247;0.023728813559322034509868615260;0.026553672316384179657999808910;0.028248587570621468828546696272;0.044632768361581920402159084915;0.007062146892655367207136674068;0.001694915254237288086344714877;0.029096045197740113413820139954;0.012711864406779661840207751311;0.016666666666666666435370203203;0.012711864406779661840207751311;0.008757062146892655510321823442;0.025141242937853108818657688062;0.038135593220338985520623253933;0.016384180790960451573612388643;0.010169491525423728084387420267;0.011016949152542372669660863949;0.026836158192090394519757623470;0.007909604519774010925048379761;0.022316384180790960201079542458;0.000000000000000000000000000000;0.009887005649717514957353081684;0.009039548022598870372079638003;0.010451977401129942946145234828;0.022881355932203389924595171578;0.017514124293785311020643646884;0.034745762711864407179529479208;0.014689265536723164137788977257
-0.027401129943502824243273252591;0.010451977401129942946145234828;0.075141242937853111594215249625;0.000000000000000000000000000000;0.001694915254237288086344714877;0.021468926553672315615806098776;0.001412429378531073441427334814;0.021751412429378530477563913337;0.038418079096045200382381068493;0.028813559322033898552062325393;0.016949152542372881297128017763;0.008757062146892655510321823442;0.016666666666666666435370203203;0.046045197740112994710948157717;0.004519774011299435186039819001;0.015819209039548021850096759522;0.030790960451977402584367027316;0.043785310734463275816885641234;0.011864406779661017254934307630;0.008192090395480225786806194321;0.016384180790960451573612388643;0.030790960451977402584367027316;0.017514124293785311020643646884;0.038418079096045200382381068493;0.033898305084745762594256035527;0.035310734463276836903045108329;0.032203389830508473423709148165;0.004237288135593220324282004441;0.000847457627118644043172357438;0.009604519774011300095595267123;0.003954802259887005462524189880;0.020338983050847456168774840535;0.007627118644067796930652303189;0.009887005649717514957353081684;0.026271186440677964796241994350;0.047457627118644069019737230519;0.016101694915254236711854574082;0.015536723163841808723062420938;0.006497175141242937483621044947;0.021751412429378530477563913337;0.003954802259887005462524189880;0.013841807909604519552515533576;0.000000000000000000000000000000;0.017231638418079096158885832324;0.001412429378531073441427334814;0.016101694915254236711854574082;0.044350282485875705540401270355;0.029378531073446328275577954514;0.030790960451977402584367027316;0.018361581920903955605917090566
-0.026100628930817611206283146430;0.013836477987421384044930405821;0.068867924528301885378489544109;0.000000000000000000000000000000;0.016981132075471697812085736246;0.020754716981132074332672132755;0.000628930817610062861851283333;0.030188679245283019103585075982;0.054088050314465410672859491115;0.024528301886792454322705481218;0.015408805031446540928508071033;0.012264150943396227161352740609;0.013522012578616352668214872779;0.033962264150943395624171472491;0.008805031446540880282758401165;0.016352201257861635058654670161;0.028930817610062893596722943812;0.051257861635220128282419693733;0.016037735849056603681939137118;0.010691823899371068543051599420;0.016037735849056603681939137118;0.029559748427672956350154009897;0.010691823899371068543051599420;0.032389937106918238740593807279;0.028301886792452830843291877727;0.033333333333333332870740406406;0.032389937106918238740593807279;0.003459119496855346011232601455;0.000000000000000000000000000000;0.022327044025157231216249797967;0.006603773584905660645749669868;0.017924528301886791942232335373;0.014779874213836478175077004948;0.009748427672955974412905000293;0.023270440251572325346396397094;0.038993710691823897651620001170;0.015094339622641509551792537991;0.008490566037735848906042868123;0.006289308176100629269034136826;0.018553459119496854695663401458;0.006289308176100629269034136826;0.026100628930817611206283146430;0.000000000000000000000000000000;0.016981132075471697812085736246;0.005660377358490565648241332752;0.013207547169811321291499339736;0.034276729559748427000887005534;0.024528301886792454322705481218;0.027358490566037736713145278600;0.014150943396226415421645938864
-0.022962962962962962798485477833;0.037407407407407410049327012302;0.034444444444444444197728216750;0.013333333333333334189130248149;0.046666666666666668794594130532;0.026296296296296296779448908865;0.005185185185185185036127464286;0.038518518518518521376314822646;0.027037037037037036507625131776;0.006666666666666667094565124074;0.013333333333333334189130248149;0.027037037037037036507625131776;0.012962962962962962590318660716;0.014074074074074073917306471060;0.022222222222222223070309254922;0.014444444444444443781394582516;0.008148148148148147418279307885;0.062222222222222220433529571437;0.038518518518518521376314822646;0.006666666666666667094565124074;0.021851851851851851471497667490;0.021481481481481479872686080057;0.024074074074074074125473288177;0.013333333333333334189130248149;0.028888888888888887562789165031;0.016296296296296294836558615771;0.032592592592592589673117231541;0.056296296296296295669225884239;0.001111111111111111110147375847;0.041851851851851848418384349770;0.014444444444444443781394582516;0.009629629629629630344078705662;0.016296296296296294836558615771;0.003333333333333333547282562037;0.014074074074074073917306471060;0.029259259259259259161600752464;0.012592592592592592726230549260;0.005555555555555555767577313730;0.007037037037037036958653235530;0.012962962962962962590318660716;0.011851851851851851263330850372;0.028888888888888887562789165031;0.000000000000000000000000000000;0.004814814814814815172039352831;0.016296296296296294836558615771;0.010370370370370370072254928573;0.017777777777777777762358013547;0.009629629629629630344078705662;0.032222222222222221543752596062;0.007037037037037036958653235530
-0.027380952380952380820211544687;0.014285714285714285268213963320;0.062301587301587302292205095000;0.002380952380952381167156239883;0.004365079365079365183999193789;0.019047619047619049337249919063;0.005952380952380952050528861719;0.015476190476190476719153821250;0.066269841269841270325891002813;0.020238095238095239053466301016;0.013095238095238095551997581367;0.015079365079365079568840535273;0.013095238095238095551997581367;0.036507936507936510073246694219;0.009523809523809524668624959531;0.015873015873015872134743631250;0.046031746031746034741871653750;0.044841269841269841556208319844;0.009920634920634920084214769531;0.007936507936507936067371815625;0.011111111111111111535154627461;0.044047619047619050725028699844;0.007539682539682539784420267637;0.034126984126984123701920026406;0.037698412698412696320016124218;0.030158730158730159137681070547;0.018253968253968255036623347110;0.003174603174603174600421073848;0.002380952380952381167156239883;0.011904761904761904101057723437;0.017063492063492061850960013203;0.023015873015873017370935826875;0.007142857142857142634106981660;0.007936507936507936067371815625;0.021428571428571428769682682969;0.038492063492063494090089648125;0.007936507936507936067371815625;0.009523809523809524668624959531;0.019841269841269840168429539062;0.021825396825396824185272492969;0.005158730158730158617264027754;0.040873015873015873522522412031;0.000000000000000000000000000000;0.019047619047619049337249919063;0.005555555555555555767577313730;0.013095238095238095551997581367;0.036904761904761905488836504219;0.021825396825396824185272492969;0.022222222222222223070309254922;0.011111111111111111535154627461
-0.025151515151515150409133880771;0.022424242424242422921931705559;0.055454545454545457749961911986;0.041212121212121213820189780108;0.014242424242424242195048655901;0.020303030303030301928490786167;0.004545454545454545233762466694;0.019393939393939393922572378415;0.022727272727272727903535809446;0.025151515151515150409133880771;0.010303030303030303455047445027;0.017272727272727272929131459023;0.009393939393939393714405561298;0.039393939393939390869459060696;0.023030303030303029415692961379;0.022121212121212121409774553626;0.013939393939393938948168027991;0.024848484848484848896976728838;0.009393939393939393714405561298;0.009090909090909090467524933388;0.013636363636363635701287400082;0.023333333333333334397297065266;0.005757575757575757353923240345;0.033333333333333332870740406406;0.030303030303030303871381079261;0.030606060606060605383538231195;0.022424242424242422921931705559;0.093333333333333337589188261063;0.002121212121212121427121788386;0.017878787878787879422892714842;0.009393939393939393714405561298;0.013939393939393938948168027991;0.007575757575757575967845269815;0.009090909090909090467524933388;0.013636363636363635701287400082;0.033636363636363637852344510293;0.008787878787878787220644305478;0.010606060606060606701928072937;0.003030303030303030300401934127;0.015151515151515151935690539631;0.006060606060606060600803868255;0.010606060606060606701928072937;0.000000000000000000000000000000;0.021515151515151514916013297807;0.010606060606060606701928072937;0.012121212121212121201607736509;0.044545454545454547801153211140;0.028181818181818182877940159869;0.021515151515151514916013297807;0.017878787878787879422892714842
-0.041666666666666664353702032031;0.012962962962962962590318660716;0.040432098765432099296557311163;0.004012345679012345976699460692;0.006481481481481481295159330358;0.028395061728395062233820667075;0.004320987654320987240985640909;0.016975308641975307699656383420;0.022530864197530864334595435139;0.026234567901234566444923501649;0.021296296296296295808003762318;0.025925925925925925180637321432;0.013888888888888888117900677344;0.045370370370370373402924002448;0.011728395061728395798450463872;0.025925925925925925180637321432;0.011111111111111111535154627461;0.022530864197530864334595435139;0.016975308641975307699656383420;0.010802469135802468536144971267;0.014814814814814815380206169948;0.024691358024691356654045648611;0.006790123456790123426807248563;0.039197530864197534239412590296;0.047530864197530865722374215920;0.045679012345679011197763230712;0.021913580246913581806023074705;0.026543209876543211178656633820;0.000617283950617283938035184665;0.015740740740740739173064710599;0.022839506172839505598881615356;0.014197530864197531116910333537;0.009259259259259258745267118229;0.007716049382716048954389265191;0.022530864197530864334595435139;0.033641975308641977604473538577;0.013580246913580246853614497127;0.012345679012345678327022824305;0.007407407407407407690103084974;0.015432098765432097908778530382;0.007098765432098765558455166769;0.008950617283950617480980938012;0.000000000000000000000000000000;0.021913580246913581806023074705;0.006790123456790123426807248563;0.016049382716049383906797842769;0.038271604938271606977107097691;0.043209876543209874144579885069;0.028703703703703703498106847292;0.016975308641975307699656383420
-0.024382716049382715389759468394;0.017901234567901234961961876024;0.071296296296296302053008275834;0.000617283950617283938035184665;0.004012345679012345976699460692;0.023765432098765432861187107960;0.002160493827160493620492820455;0.019444444444444444752839729063;0.057716049382716051729946826754;0.017592592592592593697675695807;0.012654320987654321326032480499;0.025308641975308642652064960998;0.020370370370370372015145221667;0.037037037037037034981068472916;0.008950617283950617480980938012;0.012962962962962962590318660716;0.029012345679012344762393027509;0.050925925925925923098969150260;0.008950617283950617480980938012;0.009567901234567901744276774423;0.011419753086419752799440807678;0.040123456790123454562824178993;0.019135802469135803488553548846;0.020370370370370372015145221667;0.031481481481481478346129421197;0.020061728395061727281412089496;0.025000000000000001387778780781;0.008641975308641974481971281818;0.002160493827160493620492820455;0.016975308641975307699656383420;0.021913580246913581806023074705;0.021604938271604937072289942535;0.008950617283950617480980938012;0.013271604938271605589328316910;0.021296296296296295808003762318;0.036419753086419752452496112483;0.011419753086419752799440807678;0.006172839506172839163511412153;0.018827160493827162224267368629;0.026234567901234566444923501649;0.005864197530864197899225231936;0.037345679012345679714801605087;0.000000000000000000000000000000;0.014197530864197531116910333537;0.006790123456790123426807248563;0.006790123456790123426807248563;0.028703703703703703498106847292;0.021913580246913581806023074705;0.027777777777777776235801354687;0.014506172839506172381196513754
-0.033333333333333332870740406406;0.008000000000000000166533453694;0.080333333333333339920656612776;0.008333333333333333217685101602;0.001333333333333333288808764117;0.026666666666666668378260496297;0.001666666666666666773641281019;0.016333333333333331649495079319;0.041333333333333333037273860100;0.021999999999999998723243521681;0.016666666666666666435370203203;0.017333333333333332537673499019;0.010999999999999999361621760841;0.053333333333333336756520992594;0.006000000000000000124900090270;0.022333333333333333509118645566;0.030666666666666664992080271190;0.043333333333333334813630699500;0.008666666666666666268836749509;0.010000000000000000208166817117;0.010333333333333333259318465025;0.029666666666666667573348803444;0.008000000000000000166533453694;0.033000000000000001554312234475;0.040333333333333332149095440400;0.038999999999999999944488848769;0.030999999999999999777955395075;0.006000000000000000124900090270;0.001000000000000000020816681712;0.009666666666666667157015169209;0.014666666666666666393736839780;0.021000000000000001304512053935;0.010666666666666666310470112933;0.008333333333333333217685101602;0.021999999999999998723243521681;0.043999999999999997446487043362;0.010999999999999999361621760841;0.009666666666666667157015169209;0.003666666666666666598434209945;0.017999999999999998639976794834;0.004666666666666667052931760651;0.014000000000000000291433543964;0.000000000000000000000000000000;0.018999999999999999528155214534;0.005000000000000000104083408559;0.014333333333333333342585191872;0.044999999999999998334665463062;0.023666666666666665713725237197;0.023666666666666665713725237197;0.021000000000000001304512053935
-0.027683615819209039105031067152;0.006497175141242937483621044947;0.077966101694915260211793395229;0.001977401129943502731262094940;0.002259887005649717593019909501;0.018644067796610170467674905126;0.000847457627118644043172357438;0.034745762711864407179529479208;0.040395480225988697475791866509;0.029943502824858757999093583635;0.016949152542372881297128017763;0.013841807909604519552515533576;0.012994350282485874967242089895;0.040395480225988697475791866509;0.011299435028248587531418678509;0.022598870056497175062837357018;0.023446327683615819648110800699;0.055649717514124293071819948864;0.011581920903954802393176493069;0.007909604519774010925048379761;0.013841807909604519552515533576;0.033615819209039547732498220967;0.014124293785310734414273348136;0.030225988700564972860851398195;0.035310734463276836903045108329;0.040677966101694912337549681070;0.037570621468926555797107624812;0.016101694915254236711854574082;0.000564971751412429398254977375;0.012146892655367232116692122190;0.016101694915254236711854574082;0.013841807909604519552515533576;0.007909604519774010925048379761;0.008192090395480225786806194321;0.014406779661016949276031162697;0.052824858757062144454241803260;0.014124293785310734414273348136;0.011016949152542372669660863949;0.004519774011299435186039819001;0.013841807909604519552515533576;0.006214689265536723489224968375;0.011864406779661017254934307630;0.000000000000000000000000000000;0.009322033898305085233837452563;0.006497175141242937483621044947;0.014406779661016949276031162697;0.031920903954802258561951333604;0.022033898305084745339321727897;0.031920903954802258561951333604;0.017231638418079096158885832324
-0.047407407407407405053323401489;0.008888888888888888881179006773;0.061851851851851852304164935958;0.002222222222222222220294751693;0.006666666666666667094565124074;0.034074074074074076068363581271;0.002962962962962962815832712593;0.022592592592592591199673890401;0.052222222222222225429533182250;0.016296296296296294836558615771;0.017037037037037038034181790636;0.027037037037037036507625131776;0.015185185185185185244294281404;0.038888888888888889505679458125;0.008148148148148147418279307885;0.036296296296296298722339201959;0.018148148148148149361169600979;0.037407407407407410049327012302;0.021111111111111111743321444578;0.010740740740740739936343040029;0.012962962962962962590318660716;0.031481481481481478346129421197;0.005925925925925925631665425186;0.021481481481481479872686080057;0.051851851851851850361274642864;0.036296296296296298722339201959;0.031111111111111110216764785719;0.005925925925925925631665425186;0.000000000000000000000000000000;0.025555555555555557051272685953;0.025555555555555557051272685953;0.008148148148148147418279307885;0.014074074074074073917306471060;0.004814814814814815172039352831;0.008888888888888888881179006773;0.039259259259259257635044093604;0.011111111111111111535154627461;0.009629629629629630344078705662;0.004074074074074073709139653943;0.013703703703703704053218359604;0.007777777777777777554191196430;0.024444444444444445724284875610;0.000000000000000000000000000000;0.009259259259259258745267118229;0.005925925925925925631665425186;0.008888888888888888881179006773;0.035925925925925923654080662573;0.026666666666666668378260496297;0.017407407407407406163546426114;0.016666666666666666435370203203
-0.022955974842767293969680864052;0.030817610062893081857016142067;0.057861635220125787193445887624;0.034591194968553458377602538576;0.013836477987421384044930405821;0.022641509433962262592965331010;0.002830188679245282824120666376;0.014779874213836478175077004948;0.032704402515723270117309340321;0.023270440251572325346396397094;0.018238993710691823318947868415;0.024213836477987422945989948175;0.013207547169811321291499339736;0.024528301886792454322705481218;0.014465408805031446798361471906;0.020125786163522011579241066670;0.022327044025157231216249797967;0.038050314465408803521473402043;0.013522012578616352668214872779;0.008176100628930817529327335080;0.016352201257861635058654670161;0.030188679245283019103585075982;0.012893081761006289914783806694;0.026415094339622642582998679472;0.027358490566037736713145278600;0.032389937106918238740593807279;0.023270440251572325346396397094;0.033962264150943395624171472491;0.002830188679245282824120666376;0.030503144654088050480300609024;0.015408805031446540928508071033;0.016352201257861635058654670161;0.012264150943396227161352740609;0.012893081761006289914783806694;0.013522012578616352668214872779;0.035849056603773583884464670746;0.009119496855345911659473934208;0.007232704402515723399180735953;0.007861635220125786152611802038;0.018238993710691823318947868415;0.008176100628930817529327335080;0.037106918238993709391326802916;0.000000000000000000000000000000;0.015408805031446540928508071033;0.009748427672955974412905000293;0.011949685534591195784637207566;0.030188679245283019103585075982;0.015094339622641509551792537991;0.021698113207547168462818731882;0.012578616352201258538068273651
-0.012146892655367232116692122190;0.018926553672316385329432719686;0.067514124293785310326754256494;0.065254237288135591432691740010;0.152259887005649713342947393357;0.017796610169491525882401461445;0.001129943502824858796509954750;0.009604519774011300095595267123;0.047740112994350283881495045080;0.010451977401129942946145234828;0.008757062146892655510321823442;0.020621468926553671030532655095;0.007909604519774010925048379761;0.027966101694915253966788881712;0.005367231638418078903951524694;0.017231638418079096158885832324;0.022598870056497175062837357018;0.040960451977401127199307495630;0.010451977401129942946145234828;0.006214689265536723489224968375;0.005932203389830508627467153815;0.048587570621468928466768488761;0.011299435028248587531418678509;0.018079096045197740744159276005;0.021751412429378530477563913337;0.016384180790960451573612388643;0.016666666666666666435370203203;0.013559322033898304690757719015;0.000282485875706214699127488688;0.022881355932203389924595171578;0.019491525423728815052948348807;0.012429378531073446978449936751;0.004519774011299435186039819001;0.005649717514124293765709339254;0.012429378531073446978449936751;0.023163841807909604786352986139;0.007627118644067796930652303189;0.009887005649717514957353081684;0.011016949152542372669660863949;0.030790960451977402584367027316;0.003107344632768361744612484188;0.030508474576271187722609212756;0.000000000000000000000000000000;0.007062146892655367207136674068;0.003107344632768361744612484188;0.003954802259887005462524189880;0.020056497175141241307017025974;0.019774011299435029914706163368;0.017796610169491525882401461445;0.011299435028248587531418678509
-0.021264367816091953727886121328;0.009770114942528735496596326016;0.029022988505747127768730209141;0.012068965517241379142854285078;0.390229885057471248543947694998;0.016666666666666666435370203203;0.002586206896551724102040203945;0.011781609195402298687072040195;0.025862068965517241020402039453;0.011781609195402298687072040195;0.009195402298850574585031836250;0.016091954022988505523805713437;0.003448275862068965469386938594;0.014655172413793103244894489023;0.012931034482758620510201019727;0.018103448275862070449004903594;0.014655172413793103244894489023;0.027011494252873562843531018984;0.015229885057471264156458978789;0.003448275862068965469386938594;0.008908045977011494129249591367;0.019540229885057470993192652031;0.004885057471264367748298163008;0.019252873563218392272133883125;0.016379310344827587714311434297;0.010919540229885057319725305547;0.014367816091954022789112244141;0.013505747126436781421765509492;0.001149425287356321823128979531;0.021839080459770114639450611094;0.024137931034482758285708570156;0.015229885057471264156458978789;0.006034482758620689571427142539;0.005747126436781609115644897656;0.008045977011494252761902856719;0.017241379310344827346934692969;0.004597701149425287292515918125;0.011494252873563218231289795312;0.004885057471264367748298163008;0.008908045977011494129249591367;0.002011494252873563190475714180;0.017528735632183909537440413828;0.000000000000000000000000000000;0.008620689655172413673467346484;0.013793103448275861877547754375;0.013505747126436781421765509492;0.013218390804597700965983264609;0.008908045977011494129249591367;0.010632183908045976863943060664;0.008908045977011494129249591367
-0.023611111111111110494320541875;0.013888888888888888117900677344;0.079722222222222222098864108375;0.001666666666666666773641281019;0.000555555555555555555073687923;0.017777777777777777762358013547;0.003055555555555555715535609451;0.020000000000000000416333634234;0.060833333333333336478965236438;0.017777777777777777762358013547;0.013333333333333334189130248149;0.014722222222222221613141535101;0.014999999999999999444888487687;0.040555555555555553026714221687;0.007222222222222221890697291258;0.022222222222222223070309254922;0.033333333333333332870740406406;0.044166666666666666574148081281;0.010833333333333333703407674875;0.008055555555555555385938149016;0.010277777777777778039913769703;0.044166666666666666574148081281;0.007499999999999999722444243844;0.030833333333333334119741309109;0.026111111111111112714766591125;0.030833333333333334119741309109;0.025555555555555557051272685953;0.012222222222222222862142437805;0.002777777777777777883788656865;0.011111111111111111535154627461;0.019444444444444444752839729063;0.026388888888888888811790067734;0.008611111111111111049432054187;0.008333333333333333217685101602;0.016944444444444446001840631766;0.042777777777777775680689842375;0.009722222222222222376419864531;0.018055555555555553859381490156;0.006944444444444444058950338672;0.021944444444444443503838826359;0.005277777777777777935830361145;0.033611111111111112437210834969;0.000000000000000000000000000000;0.016388888888888890338346726594;0.005833333333333333599324266316;0.019166666666666665186369300500;0.032222222222222221543752596062;0.025000000000000001387778780781;0.018055555555555553859381490156;0.015555555555555555108382392859
-0.019753086419753086017125909279;0.008641975308641974481971281818;0.103395061728395062927710057465;0.015740740740740739173064710599;0.002469135802469135752140738660;0.024074074074074074125473288177;0.000617283950617283938035184665;0.016666666666666666435370203203;0.048456790123456792984679708525;0.023148148148148146863167795573;0.012037037037037037062736644089;0.020061728395061727281412089496;0.013580246913580246853614497127;0.040740740740740744030290443334;0.012345679012345678327022824305;0.015123456790123456644492350165;0.033024691358024688137007274236;0.048456790123456792984679708525;0.017283950617283948963942563637;0.012654320987654321326032480499;0.013888888888888888117900677344;0.039506172839506172034251818559;0.017592592592592593697675695807;0.029320987654320986026679207725;0.025925925925925925180637321432;0.026851851851851852442942814037;0.029320987654320986026679207725;0.015123456790123456644492350165;0.000617283950617283938035184665;0.016358024691358025171084022986;0.008333333333333333217685101602;0.023148148148148146863167795573;0.010802469135802468536144971267;0.012345679012345678327022824305;0.016049382716049383906797842769;0.042592592592592591616007524635;0.011111111111111111535154627461;0.005555555555555555767577313730;0.003703703703703703845051542487;0.024691358024691356654045648611;0.004012345679012345976699460692;0.013271604938271605589328316910;0.000000000000000000000000000000;0.008950617283950617480980938012;0.008333333333333333217685101602;0.005555555555555555767577313730;0.038271604938271606977107097691;0.019444444444444444752839729063;0.028703703703703703498106847292;0.012345679012345678327022824305
-0.025193798449612402751141004842;0.011240310077519379688970602160;0.034883720930232557655426006704;0.161627906976744173395132975202;0.006201550387596899138742401192;0.026356589147286821339655205065;0.001162790697674418588514200223;0.022093023255813953181769804246;0.034108527131782945263083206555;0.010077519379844961100456401937;0.017054263565891472631541603278;0.013953488372093023062170402682;0.020930232558139534593255604022;0.020155038759689922200912803874;0.012403100775193798277484802384;0.014728682170542635454513202831;0.016666666666666666435370203203;0.045736434108527131148225208790;0.018604651162790697416227203576;0.010077519379844961100456401937;0.021705426356589146985598404171;0.022868217054263565574112604395;0.021705426356589146985598404171;0.019379844961240309808570003725;0.028682170542635658516683605512;0.018604651162790697416227203576;0.024806201550387596554969604767;0.008914728682170542511942201713;0.001162790697674418588514200223;0.018604651162790697416227203576;0.010852713178294573492799202086;0.007751937984496123923428001490;0.017829457364341085023884403427;0.010465116279069767296627802011;0.018992248062015503612398603650;0.024806201550387596554969604767;0.019379844961240309808570003725;0.010077519379844961100456401937;0.013565891472868216865999002607;0.021705426356589146985598404171;0.006589147286821705334913801266;0.020155038759689922200912803874;0.000000000000000000000000000000;0.006589147286821705334913801266;0.010077519379844961100456401937;0.008914728682170542511942201713;0.016279069767441860239198803129;0.015891472868217054043027403054;0.038372093023255816890415559328;0.012015503875968992081313402309
-0.021666666666666667406815349750;0.011388888888888889366901580047;0.029722222222222222792753498766;0.265277777777777779011358916250;0.013055555555555556357383295563;0.018888888888888889089345823891;0.004444444444444444440589503387;0.019444444444444444752839729063;0.041666666666666664353702032031;0.015277777777777777276635440273;0.009722222222222222376419864531;0.012500000000000000693889390391;0.008333333333333333217685101602;0.017500000000000001665334536938;0.016666666666666666435370203203;0.017777777777777777762358013547;0.030833333333333334119741309109;0.025277777777777777484802257391;0.016944444444444446001840631766;0.003888888888888888777095598215;0.012777777777777778525636342977;0.032500000000000001110223024625;0.009722222222222222376419864531;0.023888888888888890060790970438;0.017777777777777777762358013547;0.019444444444444444752839729063;0.018611111111111109522875395328;0.009166666666666666712925959359;0.006666666666666667094565124074;0.015833333333333334674852821422;0.017222222222222222098864108375;0.023611111111111110494320541875;0.006111111111111111431071218902;0.006666666666666667094565124074;0.004166666666666666608842550801;0.026944444444444444475283972906;0.006388888888888889262818171488;0.008055555555555555385938149016;0.012500000000000000693889390391;0.006666666666666667094565124074;0.006111111111111111431071218902;0.022222222222222223070309254922;0.000000000000000000000000000000;0.010000000000000000208166817117;0.013055555555555556357383295563;0.007777777777777777554191196430;0.018333333333333333425851918719;0.014999999999999999444888487687;0.010277777777777778039913769703;0.012222222222222222862142437805
-0.026666666666666668378260496297;0.021481481481481479872686080057;0.038518518518518521376314822646;0.002222222222222222220294751693;0.007407407407407407690103084974;0.036666666666666666851703837438;0.003333333333333333547282562037;0.019629629629629628817522046802;0.041851851851851848418384349770;0.013703703703703704053218359604;0.012592592592592592726230549260;0.017037037037037038034181790636;0.025555555555555557051272685953;0.021481481481481479872686080057;0.005925925925925925631665425186;0.016296296296296294836558615771;0.051851851851851850361274642864;0.053333333333333336756520992594;0.014814814814814815380206169948;0.004814814814814815172039352831;0.014074074074074073917306471060;0.038148148148148146308056283260;0.022222222222222223070309254922;0.014074074074074073917306471060;0.029259259259259259161600752464;0.017777777777777777762358013547;0.021851851851851851471497667490;0.019629629629629628817522046802;0.004444444444444444440589503387;0.026296296296296296779448908865;0.024074074074074074125473288177;0.022222222222222223070309254922;0.016666666666666666435370203203;0.007037037037037036958653235530;0.030740740740740742087400150240;0.031851851851851853414387960584;0.010000000000000000208166817117;0.011481481481481481399242738917;0.017777777777777777762358013547;0.037037037037037034981068472916;0.005555555555555555767577313730;0.045555555555555557467606320188;0.000000000000000000000000000000;0.011481481481481481399242738917;0.007037037037037036958653235530;0.012222222222222222862142437805;0.015185185185185185244294281404;0.011111111111111111535154627461;0.027777777777777776235801354687;0.012222222222222222862142437805
-0.018518518518518517490534236458;0.008641975308641974481971281818;0.069753086419753085323236518889;0.217592592592592587452671182291;0.004629629629629629372633559115;0.010802469135802468536144971267;0.002469135802469135752140738660;0.015123456790123456644492350165;0.042901234567901236349740656806;0.020370370370370372015145221667;0.013271604938271605589328316910;0.005555555555555555767577313730;0.010493827160493827271858791050;0.035493827160493825190190619878;0.014814814814814815380206169948;0.011419753086419752799440807678;0.020679012345679013279431401884;0.029629629629629630760412339896;0.008024691358024691953398921385;0.008641975308641974481971281818;0.009259259259259258745267118229;0.036111111111111107718762980312;0.006790123456790123426807248563;0.027777777777777776235801354687;0.020370370370370372015145221667;0.026543209876543211178656633820;0.024074074074074074125473288177;0.008024691358024691953398921385;0.001234567901234567876070369330;0.008333333333333333217685101602;0.006790123456790123426807248563;0.019135802469135803488553548846;0.006172839506172839163511412153;0.010185185185185186007572610833;0.011111111111111111535154627461;0.038271604938271606977107097691;0.008950617283950617480980938012;0.003703703703703703845051542487;0.008950617283950617480980938012;0.020370370370370372015145221667;0.003703703703703703845051542487;0.016049382716049383906797842769;0.000000000000000000000000000000;0.011419753086419752799440807678;0.010185185185185186007572610833;0.007407407407407407690103084974;0.033641975308641977604473538577;0.017283950617283948963942563637;0.015432098765432097908778530382;0.013888888888888888117900677344
-0.040677966101694912337549681070;0.001694915254237288086344714877;0.071751412429378533253121474900;0.000000000000000000000000000000;0.000000000000000000000000000000;0.014406779661016949276031162697;0.000847457627118644043172357438;0.014689265536723164137788977257;0.039265536723163844967654512175;0.039830508474576267752276237388;0.016666666666666666435370203203;0.011581920903954802393176493069;0.010169491525423728084387420267;0.055367231638418078210062134303;0.001694915254237288086344714877;0.028813559322033898552062325393;0.021186440677966100754048284216;0.022881355932203389924595171578;0.010169491525423728084387420267;0.018926553672316385329432719686;0.012146892655367232116692122190;0.040112994350282482614034051949;0.005367231638418078903951524694;0.046045197740112994710948157717;0.038418079096045200382381068493;0.052542372881355929592483988699;0.023728813559322034509868615260;0.001412429378531073441427334814;0.001412429378531073441427334814;0.003107344632768361744612484188;0.011581920903954802393176493069;0.019491525423728815052948348807;0.002824858757062146882854669627;0.009039548022598870372079638003;0.013559322033898304690757719015;0.047740112994350283881495045080;0.016101694915254236711854574082;0.020056497175141241307017025974;0.007344632768361582068894488629;0.016666666666666666435370203203;0.002824858757062146882854669627;0.008192090395480225786806194321;0.000000000000000000000000000000;0.023163841807909604786352986139;0.000847457627118644043172357438;0.015536723163841808723062420938;0.056214689265536722795335577985;0.033615819209039547732498220967;0.027683615819209039105031067152;0.022598870056497175062837357018
-0.040229885057471263809514283594;0.006034482758620689571427142539;0.062931034482758621551035105313;0.035919540229885055238057134375;0.009195402298850574585031836250;0.018965517241379310081628162266;0.001436781609195402278911224414;0.021264367816091953727886121328;0.021264367816091953727886121328;0.029885057471264367401353467812;0.017528735632183909537440413828;0.011781609195402298687072040195;0.014080459770114942333329999258;0.048563218390804595292475909218;0.008908045977011494129249591367;0.025862068965517241020402039453;0.020114942528735631904757141797;0.028735632183908045578224488281;0.014367816091954022789112244141;0.010919540229885057319725305547;0.018965517241379310081628162266;0.023563218390804597374144080391;0.008045977011494252761902856719;0.043678160919540229278901222187;0.034770114942528733414928154843;0.048275862068965516571417140312;0.024425287356321840476214291016;0.001149425287356321823128979531;0.000574712643678160911564489766;0.018678160919540231360569393360;0.017528735632183909537440413828;0.020689655172413792816321631562;0.008908045977011494129249591367;0.010344827586206896408160815781;0.016666666666666666435370203203;0.040517241379310342530573052500;0.010632183908045976863943060664;0.012931034482758620510201019727;0.003448275862068965469386938594;0.014080459770114942333329999258;0.006896551724137930938773877187;0.004022988505747126380951428359;0.000000000000000000000000000000;0.023563218390804597374144080391;0.004022988505747126380951428359;0.018678160919540231360569393360;0.045114942528735629823088970625;0.031034482758620689224482447344;0.021839080459770114639450611094;0.018965517241379310081628162266
-0.028395061728395062233820667075;0.006481481481481481295159330358;0.080864197530864198593114622327;0.045370370370370373402924002448;0.015740740740740739173064710599;0.010802469135802468536144971267;0.002160493827160493620492820455;0.021913580246913581806023074705;0.037345679012345679714801605087;0.024382716049382715389759468394;0.017283950617283948963942563637;0.007098765432098765558455166769;0.009876543209876543008562954640;0.036111111111111107718762980312;0.008024691358024691953398921385;0.018827160493827162224267368629;0.032098765432098767813595685539;0.044753086419753083935457738107;0.009567901234567901744276774423;0.014506172839506172381196513754;0.008024691358024691953398921385;0.030555555555555554553270880547;0.013580246913580246853614497127;0.029938271604938272024698520113;0.027160493827160493707228994253;0.033333333333333332870740406406;0.029320987654320986026679207725;0.004012345679012345976699460692;0.002160493827160493620492820455;0.010185185185185186007572610833;0.012345679012345678327022824305;0.020370370370370372015145221667;0.006481481481481481295159330358;0.010493827160493827271858791050;0.020679012345679013279431401884;0.050925925925925923098969150260;0.014506172839506172381196513754;0.008333333333333333217685101602;0.006790123456790123426807248563;0.020987654320987654543717582101;0.005555555555555555767577313730;0.013888888888888888117900677344;0.000000000000000000000000000000;0.017283950617283948963942563637;0.006172839506172839163511412153;0.012962962962962962590318660716;0.037037037037037034981068472916;0.031481481481481478346129421197;0.027469135802469134971515174470;0.016358024691358025171084022986
-0.018181818181818180935049866775;0.009469696969696969959806587269;0.081060606060606055223161092727;0.000000000000000000000000000000;0.002651515151515151675482018234;0.025757575757575756902895136591;0.000757575757575757575100483532;0.023484848484848483418652165255;0.042424242424242426807712291748;0.028030303030303030387138107926;0.021969696969696968918972501683;0.014393939393939394685850707845;0.016287878787878788677812025298;0.055303030303030305259159860043;0.005303030303030303350964036468;0.015151515151515151935690539631;0.016287878787878788677812025298;0.046590909090909092549193104560;0.011742424242424241709326082628;0.011742424242424241709326082628;0.014393939393939394685850707845;0.037878787878787879839226349077;0.013636363636363635701287400082;0.019696969696969695434729530348;0.034090909090909088385856762216;0.036363636363636361870099733551;0.037121212121212124324109993267;0.004924242424242423858682382587;0.000757575757575757575100483532;0.014393939393939394685850707845;0.013257575757575757943729222177;0.015151515151515151935690539631;0.009469696969696969959806587269;0.010227272727272727209646419055;0.025378787878787879145336958686;0.036363636363636361870099733551;0.013257575757575757943729222177;0.005303030303030303350964036468;0.004166666666666666608842550801;0.029545454545454544886817771498;0.004166666666666666608842550801;0.022348484848484850145977631541;0.000000000000000000000000000000;0.012500000000000000693889390391;0.002272727272727272616881233347;0.010984848484848484459486250842;0.043560606060606063549833777415;0.024242424242424242403215473018;0.037878787878787879839226349077;0.020075757575757576661734660206
-0.022916666666666665047591422422;0.005902777777777777623580135469;0.100694444444444447528397290625;0.001388888888888888941894328433;0.000347222222222222235473582108;0.019444444444444444752839729063;0.001388888888888888941894328433;0.015972222222222220988641083750;0.033680555555555553859381490156;0.031944444444444441977282167500;0.017361111111111111882099322656;0.011111111111111111535154627461;0.007986111111111110494320541875;0.053472222222222219600862302968;0.007638888888888888638317720137;0.027430555555555555247160270937;0.026736111111111109800431151484;0.032638888888888890893458238907;0.005208333333333333044212754004;0.010416666666666666088425508008;0.007638888888888888638317720137;0.037152777777777777623580135469;0.007638888888888888638317720137;0.029861111111111112575988713047;0.036805555555555556634939051719;0.052083333333333335646297967969;0.035416666666666665741480812812;0.002083333333333333304421275400;0.000347222222222222235473582108;0.005902777777777777623580135469;0.013541666666666667129259593594;0.017708333333333332870740406406;0.003125000000000000173472347598;0.018055555555555553859381490156;0.015972222222222220988641083750;0.045138888888888888117900677344;0.013541666666666667129259593594;0.007986111111111110494320541875;0.005902777777777777623580135469;0.022916666666666665047591422422;0.004513888888888888464845372539;0.012500000000000000693889390391;0.000000000000000000000000000000;0.015277777777777777276635440273;0.002083333333333333304421275400;0.014583333333333333564629796797;0.058333333333333334258519187188;0.033680555555555553859381490156;0.022569444444444444058950338672;0.023958333333333334952408577578
-0.025574712643678162299343270547;0.009482758620689655040814081133;0.072126436781609196136066941563;0.002586206896551724102040203945;0.015517241379310344612241223672;0.033045977011494254149681637500;0.000574712643678160911564489766;0.010344827586206896408160815781;0.069252873563218395047691444688;0.014942528735632183700676733906;0.014655172413793103244894489023;0.022413793103448275551015100859;0.027298850574712645034036739844;0.033908045977011497251751848125;0.005459770114942528659862652773;0.024137931034482758285708570156;0.036206896551724140898009807188;0.030747126436781610503423678438;0.008908045977011494129249591367;0.013218390804597700965983264609;0.006609195402298850482991632305;0.046839080459770116027229391875;0.010057471264367815952378570898;0.024425287356321840476214291016;0.031321839080459767945541216250;0.023563218390804597374144080391;0.017241379310344827346934692969;0.007471264367816091850338366953;0.000574712643678160911564489766;0.029597701149425288680294698906;0.012643678160919540054418774844;0.014655172413793103244894489023;0.005459770114942528659862652773;0.010919540229885057319725305547;0.027011494252873562843531018984;0.031034482758620689224482447344;0.008620689655172413673467346484;0.010919540229885057319725305547;0.012931034482758620510201019727;0.026149425287356323210907760313;0.002586206896551724102040203945;0.043965517241379307999959991093;0.000000000000000000000000000000;0.008620689655172413673467346484;0.005172413793103448204080407891;0.007758620689655172306120611836;0.035344827586206897795939596563;0.026149425287356323210907760313;0.028735632183908045578224488281;0.013218390804597700965983264609
-0.039285714285714284921269268125;0.013095238095238095551997581367;0.073809523809523810977673008438;0.000297619047619047645894529985;0.001190476190476190583578119941;0.030357142857142856845475975547;0.001190476190476190583578119941;0.019940476190476189022326991562;0.027678571428571427381903902187;0.036607142857142858927144146719;0.025000000000000001387778780781;0.012797619047619047255581747891;0.016666666666666666435370203203;0.052976190476190475331375040469;0.005952380952380952050528861719;0.040178571428571431545240244532;0.015476190476190476719153821250;0.027678571428571427381903902187;0.014880952380952380126322154297;0.008333333333333333217685101602;0.015476190476190476719153821250;0.021130952380952382207990325469;0.006250000000000000346944695195;0.039583333333333331482961625625;0.052380952380952382207990325469;0.043154761904761904101057723437;0.029166666666666667129259593594;0.002380952380952381167156239883;0.000297619047619047645894529985;0.007440476190476190063161077148;0.014285714285714285268213963320;0.012500000000000000693889390391;0.005059523809523809763366575254;0.005654761904761904621474766230;0.016369047619047619873677845703;0.040476190476190478106932602032;0.014285714285714285268213963320;0.019345238095238095898942276563;0.001190476190476190583578119941;0.009821428571428571230317317031;0.005059523809523809763366575254;0.009821428571428571230317317031;0.000000000000000000000000000000;0.019345238095238095898942276563;0.003273809523809523887999395342;0.013392857142857142113689938867;0.047916666666666669904817155157;0.026488095238095237665687520234;0.029761904761904760252644308594;0.025297619047619047949471138281
-0.023809523809523808202115446875;0.014880952380952380126322154297;0.088095238095238101450057399688;0.064583333333333339809634310313;0.019940476190476189022326991562;0.020833333333333332176851016015;0.000595238095238095291789059971;0.015773809523809523280846178750;0.050595238095238095898942276563;0.017559523809523809589894227656;0.013392857142857142113689938867;0.018154761904761906182725894610;0.010416666666666666088425508008;0.039583333333333331482961625625;0.016369047619047619873677845703;0.023214285714285715078730731875;0.028869047619047620567567236094;0.048214285714285716466509512657;0.010119047619047619526733150508;0.010416666666666666088425508008;0.008333333333333333217685101602;0.036309523809523812365451789219;0.009226190476190476372209126055;0.022619047619047618485899064922;0.036904761904761905488836504219;0.028273809523809523974735569141;0.025000000000000001387778780781;0.005654761904761904621474766230;0.000595238095238095291789059971;0.005654761904761904621474766230;0.022916666666666665047591422422;0.012500000000000000693889390391;0.003273809523809523887999395342;0.009523809523809524668624959531;0.011011904761904762681257174961;0.036011904761904758864865527812;0.013690476190476190410105772344;0.005952380952380952050528861719;0.006547619047619047775998790684;0.019642857142857142460634634062;0.002678571428571428596210335371;0.021726190476190475331375040469;0.000000000000000000000000000000;0.008928571428571428075793292578;0.005357142857142857192420670742;0.007738095238095238359576910625;0.036904761904761905488836504219;0.020238095238095239053466301016;0.021130952380952382207990325469;0.020238095238095239053466301016
-0.029943502824858757999093583635;0.011864406779661017254934307630;0.074858757062146896732457435064;0.176836158192090392438089452298;0.009604519774011300095595267123;0.023163841807909604786352986139;0.001694915254237288086344714877;0.012146892655367232116692122190;0.040112994350282482614034051949;0.012429378531073446978449936751;0.010451977401129942946145234828;0.015254237288135593861304606378;0.009604519774011300095595267123;0.031073446327683617446124841877;0.010734463276836157807903049388;0.026836158192090394519757623470;0.024293785310734464233384244380;0.033898305084745762594256035527;0.010169491525423728084387420267;0.008757062146892655510321823442;0.011299435028248587531418678509;0.036723163841807911211834181131;0.005649717514124293765709339254;0.013559322033898304690757719015;0.025423728813559323680415502622;0.026553672316384179657999808910;0.019209039548022600191190534247;0.009322033898305085233837452563;0.001129943502824858796509954750;0.011016949152542372669660863949;0.018361581920903955605917090566;0.015536723163841808723062420938;0.007627118644067796930652303189;0.009322033898305085233837452563;0.012146892655367232116692122190;0.029096045197740113413820139954;0.007909604519774010925048379761;0.014689265536723164137788977257;0.010169491525423728084387420267;0.021468926553672315615806098776;0.005084745762711864042193710134;0.016101694915254236711854574082;0.000000000000000000000000000000;0.010169491525423728084387420267;0.006497175141242937483621044947;0.006779661016949152345378859508;0.027966101694915253966788881712;0.019209039548022600191190534247;0.015254237288135593861304606378;0.012994350282485874967242089895
-0.028000000000000000582867087928;0.014333333333333333342585191872;0.066666666666666665741480812812;0.001000000000000000020816681712;0.012000000000000000249800180541;0.025999999999999998806510248528;0.003000000000000000062450045135;0.014333333333333333342585191872;0.027333333333333334480563792113;0.020000000000000000416333634234;0.018333333333333333425851918719;0.024666666666666666601903656897;0.014666666666666666393736839780;0.043999999999999997446487043362;0.007000000000000000145716771982;0.035999999999999997279953589668;0.021333333333333332620940225866;0.035333333333333334647097245806;0.014666666666666666393736839780;0.008333333333333333217685101602;0.012000000000000000249800180541;0.027333333333333334480563792113;0.010666666666666666310470112933;0.025000000000000001387778780781;0.041333333333333333037273860100;0.041000000000000001720845688169;0.029000000000000001471045507628;0.009333333333333334105863521302;0.000666666666666666644404382058;0.029666666666666667573348803444;0.021999999999999998723243521681;0.018666666666666668211727042603;0.005666666666666667073748442363;0.006666666666666667094565124074;0.016333333333333331649495079319;0.033666666666666664187168578337;0.012333333333333333300951828448;0.016333333333333331649495079319;0.006666666666666667094565124074;0.022333333333333333509118645566;0.003666666666666666598434209945;0.016333333333333331649495079319;0.000000000000000000000000000000;0.010666666666666666310470112933;0.004333333333333333134418374755;0.014666666666666666393736839780;0.040666666666666663465523612331;0.038333333333333330372738601000;0.022666666666666668294993769450;0.025000000000000001387778780781
-0.028911564625850341009316579743;0.008163265306122449715964251027;0.084693877551020410598958676474;0.007142857142857142634106981660;0.019387755102040816340691620212;0.030612244897959182965418989397;0.000680272108843537367910137004;0.017346938775510203911700557455;0.030612244897959182965418989397;0.024829931972789116151334454230;0.022108843537414966246013037221;0.022108843537414966246013037221;0.011564625850340135362892546311;0.045918367346938777917575436049;0.008503401360544218454129428153;0.034013605442176873816517712612;0.015646258503401361955598147802;0.033673469387755103343629059509;0.015986394557823128959039848951;0.009183673469387755930459782405;0.011224489795918366624727369185;0.022789115646258503722343391473;0.010204081632653060410231837807;0.027210884353741495583767218136;0.048299319727891157350008199955;0.046598639455782311924458838348;0.027210884353741495583767218136;0.003741496598639455686136079393;0.000340136054421768683955068502;0.023469387755102041198673745726;0.024829931972789116151334454230;0.010884353741496597886562192059;0.014625850340136054006379140446;0.006462585034013605157776627408;0.013945578231292516530048786194;0.032653061224489798863857004108;0.009523809523809524668624959531;0.009863945578231291672066660681;0.003061224489795918209805725141;0.010884353741496597886562192059;0.002040816326530612428991062757;0.010204081632653060410231837807;0.000000000000000000000000000000;0.011904761904761904101057723437;0.009523809523809524668624959531;0.012585034013605441577388077690;0.051700680272108841262213019263;0.027891156462585033060097572388;0.023469387755102041198673745726;0.021768707482993195773124384118
-0.022222222222222223070309254922;0.021666666666666667406815349750;0.062777777777777779566470428563;0.014444444444444443781394582516;0.007777777777777777554191196430;0.025555555555555557051272685953;0.002500000000000000052041704279;0.024444444444444445724284875610;0.051388888888888886730121896562;0.015277777777777777276635440273;0.023055555555555554830826636703;0.019444444444444444752839729063;0.015555555555555555108382392859;0.030277777777777778456247403938;0.007499999999999999722444243844;0.023888888888888890060790970438;0.024444444444444445724284875610;0.052222222222222225429533182250;0.012500000000000000693889390391;0.009444444444444444544672911945;0.009444444444444444544672911945;0.037499999999999998612221219219;0.008888888888888888881179006773;0.022777777777777778733803160094;0.031666666666666669349705642844;0.026111111111111112714766591125;0.031388888888888889783235214281;0.037777777777777778178691647781;0.000000000000000000000000000000;0.019722222222222220849863205672;0.014999999999999999444888487687;0.013333333333333334189130248149;0.008333333333333333217685101602;0.012777777777777778525636342977;0.016666666666666666435370203203;0.035277777777777775958245598531;0.009444444444444444544672911945;0.006111111111111111431071218902;0.010833333333333333703407674875;0.017500000000000001665334536938;0.005833333333333333599324266316;0.038333333333333330372738601000;0.000000000000000000000000000000;0.010277777777777778039913769703;0.005833333333333333599324266316;0.009444444444444444544672911945;0.030555555555555554553270880547;0.015833333333333334674852821422;0.023333333333333334397297065266;0.023611111111111110494320541875
-0.025925925925925925180637321432;0.009876543209876543008562954640;0.063271604938271608364885878473;0.029320987654320986026679207725;0.007098765432098765558455166769;0.024691358024691356654045648611;0.003086419753086419581755706076;0.022530864197530864334595435139;0.032407407407407405608434913802;0.022222222222222223070309254922;0.011728395061728395798450463872;0.033641975308641977604473538577;0.023765432098765432861187107960;0.041666666666666664353702032031;0.008641975308641974481971281818;0.017592592592592593697675695807;0.016358024691358025171084022986;0.046604938271604938460068723316;0.006481481481481481295159330358;0.013888888888888888117900677344;0.008950617283950617480980938012;0.028395061728395062233820667075;0.017901234567901234961961876024;0.030246913580246913288984700330;0.027469135802469134971515174470;0.028395061728395062233820667075;0.029938271604938272024698520113;0.014197530864197531116910333537;0.004320987654320987240985640909;0.023765432098765432861187107960;0.016049382716049383906797842769;0.016975308641975307699656383420;0.012345679012345678327022824305;0.009876543209876543008562954640;0.019753086419753086017125909279;0.041049382716049381825129671597;0.013580246913580246853614497127;0.007407407407407407690103084974;0.005864197530864197899225231936;0.029938271604938272024698520113;0.005246913580246913635929395525;0.016358024691358025171084022986;0.000000000000000000000000000000;0.016358024691358025171084022986;0.004629629629629629372633559115;0.012037037037037037062736644089;0.034567901234567897927885127274;0.019135802469135803488553548846;0.025000000000000001387778780781;0.019444444444444444752839729063
-0.026608187134502924581225258294;0.016666666666666666435370203203;0.066959064327485384726657002830;0.122222222222222218213083522187;0.002631578947368420993285775822;0.025730994152046784972931448010;0.002631578947368420993285775822;0.018713450292397661167687061834;0.038888888888888889505679458125;0.018713450292397661167687061834;0.012865497076023392486465724005;0.010818713450292397754148865374;0.013742690058479532094759534289;0.033918128654970756963304978626;0.015789473684210526827076392919;0.028070175438596491751530592751;0.025146198830409357410919923836;0.034502923976608187994763454753;0.013157894736842104532748010115;0.008771929824561403021832006743;0.012280701754385964924454199831;0.028947368421052631359824403035;0.004093567251461988597271979273;0.021052631578947367946286206575;0.035672514619883043118786503101;0.029239766081871343406106689145;0.025730994152046784972931448010;0.026023391812865497019213734120;0.000877192982456140367235331023;0.011988304093567251143448437745;0.009941520467836258145855055091;0.013742690058479532094759534289;0.004093567251461988597271979273;0.008187134502923977194543958547;0.014619883040935671703053344572;0.033040935672514620824458120296;0.006432748538011696243232862003;0.006140350877192982462227099916;0.004970760233918129072927527545;0.012865497076023392486465724005;0.005555555555555555767577313730;0.027192982456140352143236782467;0.000000000000000000000000000000;0.011988304093567251143448437745;0.010818713450292397754148865374;0.010526315789473683973143103287;0.029239766081871343406106689145;0.022222222222222223070309254922;0.018713450292397661167687061834;0.017251461988304093997381727377
-0.024358974358974359170071366520;0.007371794871794871625847456187;0.053205128205128203455753777007;0.266346153846153843591793020096;0.009615384615384615918376454147;0.028846153846153847755129362440;0.001923076923076923183675290829;0.011858974358974358476181976130;0.030769230769230770938804653269;0.009935897435897435292506685300;0.012500000000000000693889390391;0.013782051282051281659857266959;0.009615384615384615918376454147;0.023397435897435897578233721106;0.009935897435897435292506685300;0.025320512820512820761909011935;0.010576923076923077510214099561;0.025641025641025640136039243089;0.014743589743589743251694912374;0.003846153846153846367350581659;0.008333333333333333217685101602;0.025961538461538462979616426196;0.006089743589743589792517841630;0.015705128205128204843532557788;0.035897435897435894802676159543;0.023717948717948716952363952259;0.021794871794871793768688661430;0.005448717948717948442172165358;0.000320512820512820512542512263;0.024358974358974359170071366520;0.019230769230769231836752908293;0.008653846153846154326538808732;0.005448717948717948442172165358;0.008653846153846154326538808732;0.014102564102564102768710974090;0.016987179487179485809500434357;0.006410256410256410034009810772;0.013461538461538462285727035805;0.010576923076923077510214099561;0.017948717948717947401338079771;0.002243589743589743425167259971;0.015064102564102564360548619504;0.000000000000000000000000000000;0.008333333333333333217685101602;0.005128205128205128200680196215;0.008012820512820512108831394471;0.022756410256410255360526306845;0.020192307692307693428590553708;0.016666666666666666435370203203;0.018910256410256408993175725186
-0.022727272727272727903535809446;0.013636363636363635701287400082;0.081818181818181817677171352443;0.000303030303030303030040193413;0.018484848484848485916653970662;0.016060606060606059941608947383;0.000909090909090909090120580238;0.016666666666666666435370203203;0.066060606060606055778272605039;0.022121212121212121409774553626;0.015757575757575758429451795450;0.011212121212121211460965852780;0.013030303030303030942249620239;0.034545454545454545858262918046;0.004848484848484848480643094604;0.018787878787878787428811122595;0.024848484848484848896976728838;0.051818181818181818787394377068;0.005151515151515151727523722514;0.012727272727272727695368992329;0.006060606060606060600803868255;0.053333333333333336756520992594;0.015757575757575758429451795450;0.026666666666666668378260496297;0.028181818181818182877940159869;0.026060606060606061884499240477;0.023333333333333334397297065266;0.016060606060606059941608947383;0.000606060606060606060080386825;0.005757575757575757353923240345;0.009393939393939393714405561298;0.014545454545454545441929283811;0.005757575757575757353923240345;0.013030303030303030942249620239;0.023939393939393940891058321085;0.034848484848484850839867021932;0.012727272727272727695368992329;0.004545454545454545233762466694;0.016666666666666666435370203203;0.036666666666666666851703837438;0.003030303030303030300401934127;0.052727272727272726793312784821;0.000000000000000000000000000000;0.007878787878787879214725897725;0.001212121212121212120160773651;0.011818181818181817954727108599;0.030909090909090910365142335081;0.023030303030303029415692961379;0.029090909090909090883858567622;0.014848484848484848688809911721
-0.024038461538461539795941135367;0.025320512820512820761909011935;0.062820512820512819374130231154;0.009294871794871794809522747016;0.008333333333333333217685101602;0.014743589743589743251694912374;0.002884615384615384775512936244;0.020833333333333332176851016015;0.059294871794871792380909880649;0.017948717948717947401338079771;0.011538461538461539102051744976;0.005769230769230769551025872488;0.014743589743589743251694912374;0.029487179487179486503389824748;0.011538461538461539102051744976;0.008974358974358973700669039886;0.027243589743589743945584302764;0.050320512820512822149687792717;0.008012820512820512108831394471;0.010256410256410256401360392431;0.011538461538461539102051744976;0.031410256410256409687065115577;0.022756410256410255360526306845;0.024358974358974359170071366520;0.018910256410256408993175725186;0.024038461538461539795941135367;0.027884615384615386163291717025;0.051282051282051280272078486178;0.000961538461538461591837645415;0.004487179487179486850334519943;0.003846153846153846367350581659;0.011858974358974358476181976130;0.012179487179487179585035683260;0.009935897435897435292506685300;0.025320512820512820761909011935;0.037820512820512817986351450372;0.012500000000000000693889390391;0.005448717948717948442172165358;0.007371794871794871625847456187;0.037820512820512817986351450372;0.006089743589743589792517841630;0.077243589743589746721141864327;0.000000000000000000000000000000;0.012500000000000000693889390391;0.003205128205128205017004905386;0.010256410256410256401360392431;0.024038461538461539795941135367;0.013782051282051281659857266959;0.037179487179487179238090988065;0.010576923076923077510214099561
-0.017045454545454544192928381108;0.009090909090909090467524933388;0.085227272727272720964641905539;0.028409090909090908144696285831;0.016287878787878788677812025298;0.017045454545454544192928381108;0.001136363636363636308440616673;0.012878787878787878451447568295;0.056439393939393942001281345711;0.022727272727272727903535809446;0.012500000000000000693889390391;0.018560606060606062162054996634;0.007954545454545453725403447720;0.036363636363636361870099733551;0.005681818181818181975883952362;0.014772727272727272443408885749;0.032954545454545451643735276548;0.042045454545454545580707161889;0.010227272727272727209646419055;0.010984848484848484459486250842;0.012121212121212121201607736509;0.056060606060606060774276215852;0.006060606060606060600803868255;0.031818181818181814901613790880;0.017045454545454544192928381108;0.029924242424242422644375949403;0.020075757575757576661734660206;0.045075757575757574580066489034;0.001136363636363636308440616673;0.010227272727272727209646419055;0.013636363636363635701287400082;0.021212121212121213403856145874;0.004924242424242423858682382587;0.005303030303030303350964036468;0.009848484848484847717364765174;0.042424242424242426807712291748;0.009469696969696969959806587269;0.013636363636363635701287400082;0.037121212121212124324109993267;0.015530303030303029693248717535;0.003787878787878787983922634908;0.017803030303030303177491688871;0.000000000000000000000000000000;0.016287878787878788677812025298;0.001893939393939393991961317454;0.011363636363636363951767904723;0.039015151515151516581347834745;0.019696969696969695434729530348;0.015530303030303029693248717535;0.013636363636363635701287400082
-0.024814814814814813853649511088;0.015185185185185185244294281404;0.067777777777777784007362527063;0.002592592592592592518063732143;0.004074074074074073709139653943;0.027037037037037036507625131776;0.001481481481481481407916356297;0.015925925925925926707193980292;0.038888888888888889505679458125;0.015185185185185185244294281404;0.014074074074074073917306471060;0.013703703703703704053218359604;0.018148148148148149361169600979;0.038888888888888889505679458125;0.015925925925925926707193980292;0.026666666666666668378260496297;0.021481481481481479872686080057;0.048518518518518516380311211833;0.012962962962962962590318660716;0.008518518518518519017090895318;0.011851851851851851263330850372;0.050370370370370370904922197042;0.024814814814814813853649511088;0.020000000000000000416333634234;0.033333333333333332870740406406;0.025925925925925925180637321432;0.031111111111111110216764785719;0.018518518518518517490534236458;0.001481481481481481407916356297;0.013703703703703704053218359604;0.008148148148148147418279307885;0.012222222222222222862142437805;0.012962962962962962590318660716;0.019259259259259260688157411323;0.024444444444444445724284875610;0.027407407407407408106436719208;0.009629629629629630344078705662;0.011481481481481481399242738917;0.016666666666666666435370203203;0.044074074074074071072359970458;0.004074074074074073709139653943;0.018888888888888889089345823891;0.000000000000000000000000000000;0.010740740740740739936343040029;0.006296296296296296363115274630;0.013703703703703704053218359604;0.027037037037037036507625131776;0.023333333333333334397297065266;0.029999999999999998889776975375;0.016666666666666666435370203203
-0.027243589743589743945584302764;0.015064102564102564360548619504;0.035897435897435894802676159543;0.192307692307692318367529082934;0.014423076923076923877564681220;0.018910256410256408993175725186;0.006730769230769231142863517903;0.015384615384615385469402326635;0.025320512820512820761909011935;0.012179487179487179585035683260;0.008974358974358973700669039886;0.022115384615384616612265844537;0.018910256410256408993175725186;0.024038461538461539795941135367;0.022115384615384616612265844537;0.021474358974358974394558430276;0.013141025641025641176873328675;0.025000000000000001387778780781;0.012820512820512820068019621544;0.007371794871794871625847456187;0.011217948717948717993198037846;0.020192307692307693428590553708;0.013461538461538462285727035805;0.016666666666666666435370203203;0.027564102564102563319714533918;0.021153846153846155020428199123;0.025641025641025640136039243089;0.008333333333333333217685101602;0.003205128205128205017004905386;0.025961538461538462979616426196;0.020512820512820512802720784862;0.013782051282051281659857266959;0.008653846153846154326538808732;0.012820512820512820068019621544;0.021153846153846155020428199123;0.024358974358974359170071366520;0.009294871794871794809522747016;0.012500000000000000693889390391;0.010576923076923077510214099561;0.027564102564102563319714533918;0.007692307692307692734701163317;0.016346153846153847061239972049;0.000000000000000000000000000000;0.014102564102564102768710974090;0.013141025641025641176873328675;0.011858974358974358476181976130;0.014423076923076923877564681220;0.015064102564102564360548619504;0.018589743589743589619045494032;0.014743589743589743251694912374
-0.033620689655172411591799175312;0.008333333333333333217685101602;0.050862068965517238938733868281;0.091379310344827588408200824688;0.007758620689655172306120611836;0.037356321839080462721138786719;0.004022988505747126380951428359;0.013218390804597700965983264609;0.025862068965517241020402039453;0.025000000000000001387778780781;0.018103448275862070449004903594;0.028160919540229884666659998516;0.013218390804597700965983264609;0.030172413793103449591859188672;0.006034482758620689571427142539;0.029597701149425288680294698906;0.020689655172413792816321631562;0.037931034482758620163256324531;0.014080459770114942333329999258;0.004885057471264367748298163008;0.012356321839080459598636529961;0.026436781609195401931966529219;0.006034482758620689571427142539;0.034482758620689654693869385937;0.035919540229885055238057134375;0.031321839080459767945541216250;0.019252873563218392272133883125;0.003160919540229885013604693711;0.004310344827586206836733673242;0.021264367816091953727886121328;0.021551724137931035918391842188;0.025574712643678162299343270547;0.006034482758620689571427142539;0.007758620689655172306120611836;0.012068965517241379142854285078;0.039942528735632185088455514688;0.006896551724137930938773877187;0.013793103448275861877547754375;0.002586206896551724102040203945;0.012068965517241379142854285078;0.005459770114942528659862652773;0.008908045977011494129249591367;0.000000000000000000000000000000;0.023563218390804597374144080391;0.005459770114942528659862652773;0.013218390804597700965983264609;0.037068965517241377061186113906;0.033045977011494254149681637500;0.016666666666666666435370203203;0.013505747126436781421765509492
-0.017346938775510203911700557455;0.048299319727891157350008199955;0.039795918367346937161155295826;0.050000000000000002775557561563;0.027891156462585033060097572388;0.020068027210884353817021974464;0.004081632653061224857982125513;0.026530612244897958107436863884;0.040136054421768707634043948929;0.014965986394557822744544317572;0.012925170068027210315553254816;0.011224489795918366624727369185;0.010884353741496597886562192059;0.012585034013605441577388077690;0.035374149659863948769178421117;0.010884353741496597886562192059;0.034353741496598637350512461808;0.067006802721088429275475562008;0.022448979591836733249454738370;0.004421768707482993596147302640;0.011564625850340135362892546311;0.020408163265306120820463675614;0.011564625850340135362892546311;0.023809523809523808202115446875;0.015986394557823128959039848951;0.017687074829931974384589210558;0.028571428571428570536427926640;0.047959183673469386877119546853;0.006122448979591836419611450282;0.027551020408163266056655871239;0.006122448979591836419611450282;0.020748299319727891293352328717;0.015306122448979591482709494699;0.006122448979591836419611450282;0.009863945578231291672066660681;0.026190476190476191103995162734;0.012585034013605441577388077690;0.004081632653061224857982125513;0.005442176870748298943281096030;0.010204081632653060410231837807;0.011564625850340135362892546311;0.048979591836734691356891602254;0.000000000000000000000000000000;0.012585034013605441577388077690;0.023129251700680270725785092623;0.017006802721088436908258856306;0.017006802721088436908258856306;0.007823129251700680977799073901;0.014625850340136054006379140446;0.008163265306122449715964251027
-0.024404761904761904794947113828;0.025595238095238094511163495781;0.046726190476190476719153821250;0.098511904761904758864865527812;0.062797619047619046561692357500;0.019940476190476189022326991562;0.004761904761904762334312479766;0.022321428571428571924206707422;0.028571428571428570536427926640;0.012202380952380952397473556914;0.013392857142857142113689938867;0.016666666666666666435370203203;0.010119047619047619526733150508;0.020833333333333332176851016015;0.029761904761904760252644308594;0.018452380952380952744418252109;0.020535714285714285615158658516;0.027976190476190477413043211641;0.023809523809523808202115446875;0.009523809523809524668624959531;0.013095238095238095551997581367;0.023214285714285715078730731875;0.006547619047619047775998790684;0.015773809523809523280846178750;0.019345238095238095898942276563;0.017857142857142856151586585156;0.023511904761904761640423089375;0.041071428571428571230317317031;0.000892857142857142829263372708;0.039583333333333331482961625625;0.018154761904761906182725894610;0.010416666666666666088425508008;0.012500000000000000693889390391;0.007738095238095238359576910625;0.010416666666666666088425508008;0.021130952380952382207990325469;0.008630952380952381514100935078;0.013690476190476190410105772344;0.010416666666666666088425508008;0.017559523809523809589894227656;0.004761904761904762334312479766;0.015476190476190476719153821250;0.000000000000000000000000000000;0.010416666666666666088425508008;0.025297619047619047949471138281;0.012202380952380952397473556914;0.023214285714285715078730731875;0.010714285714285714384841341484;0.017857142857142856151586585156;0.011607142857142857539365365938
-0.020731707317073171797927599869;0.010569105691056910126257584182;0.055691056910569108895359136113;0.321138211382113847314201393601;0.006504065040650406498423663493;0.013414634146341463186158371457;0.003658536585365853872203745212;0.015040650406504065678126025318;0.034146341463414636718809447302;0.013414634146341463186158371457;0.009756097560975609747635495239;0.011382113821138212239603149101;0.003658536585365853872203745212;0.024796747967479673691038044581;0.013008130081300812996847326986;0.021138211382113820252515168363;0.016666666666666666435370203203;0.026422764227642277917729174419;0.014227642276422763564780460399;0.006504065040650406498423663493;0.014634146341463415488814980847;0.028861788617886179053595441246;0.006097560975609756309112619022;0.021138211382113820252515168363;0.021544715447154472176549688811;0.020731707317073171797927599869;0.018699186991869919116648901536;0.013008130081300812996847326986;0.000813008130081300812302957937;0.009349593495934959558324450768;0.018699186991869919116648901536;0.017886178861788618738026812593;0.008130081300813008990391317354;0.008943089430894309369013406297;0.005691056910569106119801574550;0.028861788617886179053595441246;0.006910569105691056687734707964;0.008536585365853659179702361826;0.003658536585365853872203745212;0.007723577235772357933718534895;0.004471544715447154684506703148;0.006910569105691056687734707964;0.000000000000000000000000000000;0.009756097560975609747635495239;0.008130081300813008990391317354;0.009349593495934959558324450768;0.019918699186991871419305510926;0.009756097560975609747635495239;0.010975609756097560315568628653;0.008943089430894309369013406297
-0.025968992248062015143483804991;0.005426356589147286746399601043;0.062015503875968991387424011918;0.067054263565891475407099164840;0.008914728682170542511942201713;0.029457364341085270909026405661;0.000387596899224806196171400074;0.012015503875968992081313402309;0.050387596899224805502282009684;0.015891472868217054043027403054;0.016666666666666666435370203203;0.033333333333333332870740406406;0.012403100775193798277484802384;0.038372093023255816890415559328;0.010077519379844961100456401937;0.034108527131782945263083206555;0.017441860465116278827713003352;0.027131782945736433731998005214;0.006976744186046511531085201341;0.006201550387596899138742401192;0.007751937984496123923428001490;0.034883720930232557655426006704;0.005813953488372092942571001117;0.027519379844961239928169405289;0.042248062015503878852129560073;0.036434108527131782440111607002;0.024806201550387596554969604767;0.016666666666666666435370203203;0.000387596899224806196171400074;0.023643410852713177966455404544;0.024418604651162790358798204693;0.015891472868217054043027403054;0.007364341085271317727256601415;0.011627906976744185885142002235;0.017054263565891472631541603278;0.025968992248062015143483804991;0.005038759689922480550228200968;0.014728682170542635454513202831;0.007751937984496123923428001490;0.021317829457364340789427004097;0.002325581395348837177028400447;0.023643410852713177966455404544;0.000000000000000000000000000000;0.008914728682170542511942201713;0.003875968992248061961714000745;0.012015503875968992081313402309;0.030232558139534883301369205810;0.029069767441860464712855005587;0.018604651162790697416227203576;0.019767441860465116004741403799
-0.034000000000000002442490654175;0.004333333333333333134418374755;0.099000000000000004662936703426;0.000000000000000000000000000000;0.001333333333333333288808764117;0.024000000000000000499600361081;0.000333333333333333322202191029;0.014666666666666666393736839780;0.050333333333333334091985733494;0.035999999999999997279953589668;0.015333333333333332496040135595;0.030999999999999999777955395075;0.006333333333333333176051738178;0.040000000000000000832667268469;0.005666666666666667073748442363;0.041000000000000001720845688169;0.024333333333333331816028533012;0.033000000000000001554312234475;0.005000000000000000104083408559;0.008333333333333333217685101602;0.005666666666666667073748442363;0.031333333333333331094383567006;0.003666666666666666598434209945;0.038666666666666668628060676838;0.042000000000000002609024107869;0.050000000000000002775557561563;0.025666666666666667490082076597;0.001666666666666666773641281019;0.000333333333333333322202191029;0.008333333333333333217685101602;0.023333333333333334397297065266;0.025333333333333332704206952712;0.003666666666666666598434209945;0.007333333333333333196868419890;0.007333333333333333196868419890;0.056333333333333332482162347787;0.007666666666666666248020067798;0.009666666666666667157015169209;0.004333333333333333134418374755;0.008666666666666666268836749509;0.006000000000000000124900090270;0.008999999999999999319988397417;0.000000000000000000000000000000;0.020666666666666666518636930050;0.003333333333333333547282562037;0.016000000000000000333066907388;0.053333333333333336756520992594;0.025666666666666667490082076597;0.012666666666666666352103476356;0.018333333333333333425851918719
-0.031896551724137932326552657969;0.008908045977011494129249591367;0.073850574712643682340207362813;0.025287356321839080108837549687;0.006609195402298850482991632305;0.028735632183908045578224488281;0.002011494252873563190475714180;0.013793103448275861877547754375;0.047413793103448273469346929687;0.022413793103448275551015100859;0.015517241379310344612241223672;0.055459770114942526231249786406;0.009482758620689655040814081133;0.038218390804597698884315093437;0.010057471264367815952378570898;0.021264367816091953727886121328;0.024137931034482758285708570156;0.031896551724137932326552657969;0.009770114942528735496596326016;0.008908045977011494129249591367;0.010344827586206896408160815781;0.025862068965517241020402039453;0.008333333333333333217685101602;0.029597701149425288680294698906;0.035344827586206897795939596563;0.030172413793103449591859188672;0.025574712643678162299343270547;0.013505747126436781421765509492;0.001149425287356321823128979531;0.027298850574712645034036739844;0.031609195402298853605493889063;0.016379310344827587714311434297;0.003735632183908045925169183477;0.008620689655172413673467346484;0.014942528735632183700676733906;0.035632183908045976516998365469;0.010344827586206896408160815781;0.009770114942528735496596326016;0.007758620689655172306120611836;0.013218390804597700965983264609;0.006321839080459770027209387422;0.022413793103448275551015100859;0.000000000000000000000000000000;0.014942528735632183700676733906;0.004597701149425287292515918125;0.008333333333333333217685101602;0.039080459770114941986385304062;0.023850574712643679564649801250;0.020977011494252875006827352422;0.014655172413793103244894489023
-0.023391812865497074724885351316;0.014619883040935671703053344572;0.058187134502923974765931092179;0.128362573099415205879481050033;0.010233918128654970192137341201;0.015497076023391813046070630833;0.003508771929824561468941324094;0.021345029239766083462015444638;0.035672514619883043118786503101;0.024853801169590641895190685773;0.013157894736842104532748010115;0.022807017543859650632320779096;0.014619883040935671703053344572;0.030994152046783626092141261665;0.025438596491228069457202209946;0.019590643274853800775980872118;0.026608187134502924581225258294;0.028070175438596491751530592751;0.015789473684210526827076392919;0.007309941520467835851526672286;0.014912280701754385484059106659;0.028654970760233919313542116925;0.008187134502923977194543958547;0.032456140350877189792999644169;0.022514619883040935116591541032;0.027777777777777776235801354687;0.028654970760233919313542116925;0.011695906432748537362442675658;0.002339181286549707645960882729;0.014327485380116959656771058462;0.014619883040935671703053344572;0.022807017543859650632320779096;0.008771929824561403021832006743;0.010233918128654970192137341201;0.013450292397660818313753772202;0.030994152046783626092141261665;0.006432748538011696243232862003;0.006725146198830409156876886101;0.004093567251461988597271979273;0.011111111111111111535154627461;0.007017543859649122937882648188;0.009064327485380116802837768830;0.000000000000000000000000000000;0.020175438596491228337992396291;0.016081871345029238873358679029;0.018713450292397661167687061834;0.023391812865497074724885351316;0.019883040935672516291710110181;0.011695906432748537362442675658;0.013157894736842104532748010115
-0.022126436781609196829956331953;0.015229885057471264156458978789;0.044827586206896551102030201719;0.034770114942528733414928154843;0.033908045977011497251751848125;0.027586206896551723755095508750;0.005459770114942528659862652773;0.026724137931034484122472250078;0.026436781609195401931966529219;0.019540229885057470993192652031;0.014080459770114942333329999258;0.011781609195402298687072040195;0.021839080459770114639450611094;0.029022988505747127768730209141;0.027873563218390805945601229610;0.016379310344827587714311434297;0.017816091954022988258499182734;0.036494252873563219619068576094;0.027586206896551723755095508750;0.008620689655172413673467346484;0.014942528735632183700676733906;0.024712643678160919197273059922;0.013505747126436781421765509492;0.021264367816091953727886121328;0.028448275862068966857165719375;0.026724137931034484122472250078;0.033620689655172411591799175312;0.018390804597701149170063672500;0.001724137931034482734693469297;0.032758620689655175428622868594;0.011494252873563218231289795312;0.016091954022988505523805713437;0.015804597701149426802746944531;0.010344827586206896408160815781;0.020977011494252875006827352422;0.030747126436781610503423678438;0.008620689655172413673467346484;0.010632183908045976863943060664;0.007471264367816091850338366953;0.022701149425287357741520821719;0.007471264367816091850338366953;0.014367816091954022789112244141;0.000000000000000000000000000000;0.012643678160919540054418774844;0.024425287356321840476214291016;0.014367816091954022789112244141;0.026436781609195401931966529219;0.020402298850574714095262862656;0.023850574712643679564649801250;0.016954022988505748625875924063
-0.022340425531914894635709956106;0.016312056737588651739168099652;0.051773049645390069317674175409;0.173049645390070921946445992035;0.009219858156028368223466884501;0.012056737588652482323636760952;0.005319148936170212636775911363;0.025886524822695034658837087704;0.017021276595744681131572306754;0.024468085106382979343475625456;0.017730496453900710523976513855;0.008510638297872340565786153377;0.007801418439716312040743684264;0.026241134751773049355039191255;0.025886524822695034658837087704;0.015248226950354609385285264977;0.018085106382978721750731665452;0.030851063829787233466772633506;0.014539007092198581727604533853;0.009574468085106382919668988052;0.010283687943262410577349719176;0.025886524822695034658837087704;0.009219858156028368223466884501;0.029432624113475178151411171257;0.020921985815602835850901541903;0.030851063829787233466772633506;0.029078014184397163455209067706;0.018439716312056736446933769002;0.003900709219858156020371842132;0.006737588652482269686860849589;0.009574468085106382919668988052;0.018439716312056736446933769002;0.005673758865248227332978014914;0.007092198581560283515701215151;0.011702127659574467627434657402;0.032624113475177303478336199305;0.011702127659574467627434657402;0.010283687943262410577349719176;0.004609929078014184111733442251;0.021276595744680850547103645454;0.007092198581560283515701215151;0.014893617021276596423806637404;0.000000000000000000000000000000;0.017375886524822695827774410304;0.013829787234042552335200326752;0.012411347517730497019838864503;0.031914893617021274085931992204;0.019148936170212765839337976104;0.017021276595744681131572306754;0.016666666666666666435370203203
-0.021698113207547168462818731882;0.023270440251572325346396397094;0.042452830188679242795490864637;0.181132075471698100743722648076;0.008805031446540880282758401165;0.015408805031446540928508071033;0.006289308176100629269034136826;0.021698113207547168462818731882;0.035849056603773583884464670746;0.016352201257861635058654670161;0.011320754716981131296482665505;0.008490566037735848906042868123;0.008490566037735848906042868123;0.022955974842767293969680864052;0.023270440251572325346396397094;0.012264150943396227161352740609;0.020440251572327042955956599712;0.030503144654088050480300609024;0.013836477987421384044930405821;0.007547169811320754775896268995;0.011635220125786162673198198547;0.035849056603773583884464670746;0.005660377358490565648241332752;0.026415094339622642582998679472;0.024842767295597485699421014260;0.024842767295597485699421014260;0.022641509433962262592965331010;0.025786163522012579829567613388;0.003773584905660377387948134498;0.012893081761006289914783806694;0.008805031446540880282758401165;0.019811320754716980202525533628;0.007861635220125786152611802038;0.007861635220125786152611802038;0.013836477987421384044930405821;0.033333333333333332870740406406;0.006289308176100629269034136826;0.009748427672955974412905000293;0.007232704402515723399180735953;0.017295597484276729188801269288;0.006603773584905660645749669868;0.021383647798742137086103198840;0.000000000000000000000000000000;0.015094339622641509551792537991;0.014465408805031446798361471906;0.012578616352201258538068273651;0.029874213836477987726869542939;0.014465408805031446798361471906;0.015723270440251572305223604076;0.011320754716981131296482665505
-0.019629629629629628817522046802;0.011481481481481481399242738917;0.033333333333333332870740406406;0.224814814814814828425326709294;0.059999999999999997779553950750;0.029629629629629630760412339896;0.001111111111111111110147375847;0.011481481481481481399242738917;0.028148148148148147834612942120;0.006666666666666667094565124074;0.010370370370370370072254928573;0.030740740740740742087400150240;0.011851851851851851263330850372;0.014444444444444443781394582516;0.013703703703703704053218359604;0.018888888888888889089345823891;0.008888888888888888881179006773;0.017037037037037038034181790636;0.015555555555555555108382392859;0.002962962962962962815832712593;0.012592592592592592726230549260;0.033333333333333332870740406406;0.011481481481481481399242738917;0.012592592592592592726230549260;0.021481481481481479872686080057;0.018148148148148149361169600979;0.017037037037037038034181790636;0.021481481481481479872686080057;0.001111111111111111110147375847;0.043333333333333334813630699500;0.043333333333333334813630699500;0.004444444444444444440589503387;0.010370370370370370072254928573;0.011481481481481481399242738917;0.010740740740740739936343040029;0.010740740740740739936343040029;0.005555555555555555767577313730;0.015925925925925926707193980292;0.009629629629629630344078705662;0.012222222222222222862142437805;0.003703703703703703845051542487;0.017037037037037038034181790636;0.000000000000000000000000000000;0.008518518518518519017090895318;0.012222222222222222862142437805;0.010370370370370370072254928573;0.016296296296296294836558615771;0.010000000000000000208166817117;0.009629629629629630344078705662;0.014444444444444443781394582516
-0.026282051282051282353746657350;0.011858974358974358476181976130;0.038461538461538463673505816587;0.076282051282051288598751170866;0.066346153846153846367350581659;0.023076923076923078204103489952;0.005128205128205128200680196215;0.011217948717948717993198037846;0.014102564102564102768710974090;0.019871794871794870585013370601;0.009935897435897435292506685300;0.021153846153846155020428199123;0.025961538461538462979616426196;0.022115384615384616612265844537;0.007692307692307692734701163317;0.015384615384615385469402326635;0.022756410256410255360526306845;0.021474358974358974394558430276;0.010256410256410256401360392431;0.007692307692307692734701163317;0.013461538461538462285727035805;0.014743589743589743251694912374;0.017307692307692308653077617464;0.027884615384615386163291717025;0.026602564102564101727876888503;0.024358974358974359170071366520;0.016666666666666666435370203203;0.057051282051282049823104358666;0.004487179487179486850334519943;0.034294871794871797932025003774;0.014423076923076923877564681220;0.025000000000000001387778780781;0.008012820512820512108831394471;0.007692307692307692734701163317;0.035256410256410256054415697236;0.023397435897435897578233721106;0.011538461538461539102051744976;0.012500000000000000693889390391;0.002243589743589743425167259971;0.022435897435897435986396075691;0.005128205128205128200680196215;0.025641025641025640136039243089;0.000000000000000000000000000000;0.016346153846153847061239972049;0.010576923076923077510214099561;0.017628205128205128027207848618;0.021153846153846155020428199123;0.019871794871794870585013370601;0.018910256410256408993175725186;0.008333333333333333217685101602
-0.034444444444444444197728216750;0.008611111111111111049432054187;0.049722222222222223209087133000;0.003333333333333333547282562037;0.001111111111111111110147375847;0.012777777777777778525636342977;0.004166666666666666608842550801;0.016388888888888890338346726594;0.016388888888888890338346726594;0.024722222222222221821308352219;0.013055555555555556357383295563;0.004444444444444444440589503387;0.021944444444444443503838826359;0.053055555555555557190050564031;0.006388888888888889262818171488;0.021944444444444443503838826359;0.024722222222222221821308352219;0.032777777777777780676693453188;0.010833333333333333703407674875;0.013888888888888888117900677344;0.012500000000000000693889390391;0.023055555555555554830826636703;0.020555555555555556079827539406;0.041111111111111112159655078813;0.029722222222222222792753498766;0.039166666666666669072149886688;0.024722222222222221821308352219;0.007499999999999999722444243844;0.003055555555555555715535609451;0.008888888888888888881179006773;0.010555555555555555871660722289;0.030833333333333334119741309109;0.010833333333333333703407674875;0.012500000000000000693889390391;0.036111111111111107718762980312;0.041944444444444443920172460594;0.009722222222222222376419864531;0.017222222222222222098864108375;0.004444444444444444440589503387;0.036666666666666666851703837438;0.004444444444444444440589503387;0.014166666666666665949647629930;0.000000000000000000000000000000;0.031388888888888889783235214281;0.005555555555555555767577313730;0.019166666666666665186369300500;0.037499999999999998612221219219;0.035833333333333335091186455656;0.036388888888888887285233408875;0.019722222222222220849863205672
-0.035897435897435894802676159543;0.020085470085470086970547143324;0.039316239316239315337853099663;0.002991452991452991667237215623;0.004700854700854700633783078700;0.020512820512820512802720784862;0.009829059829059828834463274916;0.028632478632478631369595589717;0.013247863247863247634916739059;0.026495726495726495269833478119;0.022222222222222223070309254922;0.006837606837606837600906928287;0.022222222222222223070309254922;0.030341880341880341637184059778;0.016239316239316240603196561665;0.018376068376068376702958673263;0.023931623931623933337897724982;0.032905982905982907038566764868;0.025641025641025640136039243089;0.011111111111111111535154627461;0.021794871794871793768688661430;0.016239316239316240603196561665;0.017948717948717947401338079771;0.044017094017094020308444868306;0.029059829059829060671216183209;0.033333333333333332870740406406;0.032478632478632481206393123330;0.011965811965811966668948862491;0.004273504273504273934247699174;0.015811965811965811301575968173;0.013247863247863247634916739059;0.023504273504273504036277131490;0.012820512820512820068019621544;0.009401709401709401267566157401;0.031196581196581196770978294808;0.033333333333333332870740406406;0.013675213675213675201813856575;0.015384615384615385469402326635;0.002136752136752136967123849587;0.035897435897435894802676159543;0.010256410256410256401360392431;0.011111111111111111535154627461;0.000000000000000000000000000000;0.028205128205128205537421948179;0.011965811965811966668948862491;0.021794871794871793768688661430;0.027777777777777776235801354687;0.020512820512820512802720784862;0.024786324786324785002245008059;0.014529914529914530335608091605
-0.037037037037037034981068472916;0.003240740740740740647579665179;0.076851851851851851749053423646;0.000462962962962962980631442811;0.000000000000000000000000000000;0.007407407407407407690103084974;0.001388888888888888941894328433;0.019444444444444444752839729063;0.010648148148148147904001881159;0.055092592592592595779343866980;0.015277777777777777276635440273;0.008796296296296296848837847904;0.009259259259259258745267118229;0.061111111111111109106541761093;0.003240740740740740647579665179;0.034259259259259260133045899011;0.029166666666666667129259593594;0.019444444444444444752839729063;0.002777777777777777883788656865;0.007870370370370369586532355299;0.010185185185185186007572610833;0.020833333333333332176851016015;0.003240740740740740647579665179;0.052777777777777777623580135469;0.038425925925925925874526711823;0.054629629629629632148191120677;0.025925925925925925180637321432;0.019444444444444444752839729063;0.001388888888888888941894328433;0.001388888888888888941894328433;0.008796296296296296848837847904;0.031018518518518518184423626849;0.000925925925925925961262885622;0.014814814814814815380206169948;0.018981481481481481121686982760;0.048148148148148148250946576354;0.008333333333333333217685101602;0.013425925925925926221471407018;0.000925925925925925961262885622;0.013888888888888888117900677344;0.005555555555555555767577313730;0.001851851851851851922525771243;0.000000000000000000000000000000;0.023148148148148146863167795573;0.000462962962962962980631442811;0.014351851851851851749053423646;0.068055555555555549696045147812;0.044444444444444446140618509844;0.019444444444444444752839729063;0.032407407407407405608434913802
-0.023333333333333334397297065266;0.003333333333333333547282562037;0.102777777777777773460243793124;0.005555555555555555767577313730;0.000000000000000000000000000000;0.013888888888888888117900677344;0.000000000000000000000000000000;0.013333333333333334189130248149;0.038333333333333330372738601000;0.033888888888888892003681263532;0.009444444444444444544672911945;0.012222222222222222862142437805;0.012777777777777778525636342977;0.052777777777777777623580135469;0.007222222222222221890697291258;0.040000000000000000832667268469;0.029444444444444443226283070203;0.022777777777777778733803160094;0.008333333333333333217685101602;0.006111111111111111431071218902;0.009444444444444444544672911945;0.031666666666666669349705642844;0.003333333333333333547282562037;0.049444444444444443642616704437;0.036111111111111107718762980312;0.055555555555555552471602709375;0.025000000000000001387778780781;0.010000000000000000208166817117;0.002777777777777777883788656865;0.005000000000000000104083408559;0.008333333333333333217685101602;0.024444444444444445724284875610;0.002777777777777777883788656865;0.013333333333333334189130248149;0.015555555555555555108382392859;0.037222222222222219045750790656;0.007777777777777777554191196430;0.005555555555555555767577313730;0.004444444444444444440589503387;0.011666666666666667198648532633;0.005555555555555555767577313730;0.012222222222222222862142437805;0.000000000000000000000000000000;0.020555555555555556079827539406;0.002777777777777777883788656865;0.012222222222222222862142437805;0.050555555555555554969604514781;0.045555555555555557467606320188;0.018333333333333333425851918719;0.037222222222222219045750790656
-0.021111111111111111743321444578;0.008148148148148147418279307885;0.107777777777777777901135891625;0.049629629629629627707299022177;0.001111111111111111110147375847;0.012592592592592592726230549260;0.001111111111111111110147375847;0.012962962962962962590318660716;0.050740740740740739034286832521;0.024074074074074074125473288177;0.020740740740740740144509857146;0.007407407407407407690103084974;0.005925925925925925631665425186;0.058888888888888886452566140406;0.011481481481481481399242738917;0.043333333333333334813630699500;0.018148148148148149361169600979;0.032592592592592589673117231541;0.005925925925925925631665425186;0.006666666666666667094565124074;0.010370370370370370072254928573;0.033333333333333332870740406406;0.002222222222222222220294751693;0.028518518518518519433424529552;0.042962962962962959745372160114;0.051851851851851850361274642864;0.027777777777777776235801354687;0.008518518518518519017090895318;0.001111111111111111110147375847;0.005185185185185185036127464286;0.007037037037037036958653235530;0.014814814814814815380206169948;0.004074074074074073709139653943;0.012962962962962962590318660716;0.004444444444444444440589503387;0.032592592592592589673117231541;0.003703703703703703845051542487;0.003703703703703703845051542487;0.002962962962962962815832712593;0.008518518518518519017090895318;0.003333333333333333547282562037;0.013703703703703704053218359604;0.000000000000000000000000000000;0.012222222222222222862142437805;0.002222222222222222220294751693;0.007407407407407407690103084974;0.060370370370370372847812490136;0.040000000000000000832667268469;0.015185185185185185244294281404;0.038518518518518521376314822646
-0.051481481481481482231910007386;0.008518518518518519017090895318;0.046296296296296293726335591145;0.007777777777777777554191196430;0.007407407407407407690103084974;0.017407407407407406163546426114;0.002222222222222222220294751693;0.019259259259259260688157411323;0.012962962962962962590318660716;0.037407407407407410049327012302;0.022222222222222223070309254922;0.012962962962962962590318660716;0.014074074074074073917306471060;0.060740740740740740977177125615;0.011851851851851851263330850372;0.030370370370370370488588562807;0.013333333333333334189130248149;0.017037037037037038034181790636;0.017037037037037038034181790636;0.009629629629629630344078705662;0.017037037037037038034181790636;0.013333333333333334189130248149;0.002222222222222222220294751693;0.047777777777777780121581940875;0.046666666666666668794594130532;0.054444444444444441144614899031;0.027777777777777776235801354687;0.025925925925925925180637321432;0.001481481481481481407916356297;0.006296296296296296363115274630;0.007037037037037036958653235530;0.017777777777777777762358013547;0.007407407407407407690103084974;0.012962962962962962590318660716;0.017407407407407406163546426114;0.037777777777777778178691647781;0.007037037037037036958653235530;0.012962962962962962590318660716;0.001851851851851851922525771243;0.012962962962962962590318660716;0.005185185185185185036127464286;0.008148148148148147418279307885;0.000000000000000000000000000000;0.031111111111111110216764785719;0.004444444444444444440589503387;0.016296296296296294836558615771;0.048148148148148148250946576354;0.041481481481481480289019714291;0.024074074074074074125473288177;0.022962962962962962798485477833
-0.042543859649122807431442794268;0.004824561403508772182424646502;0.051754385964912281992145182130;0.032894736842105261331870025288;0.000438596491228070183617665512;0.009210526315789472825978911885;0.001754385964912280734470662047;0.015789473684210526827076392919;0.007456140350877192742029553330;0.048245614035087716620076037088;0.017982456140350877582534394605;0.004824561403508772182424646502;0.009649122807017544364849293004;0.057017543859649119641908043832;0.006578947368421052266374005058;0.035087719298245612087328026973;0.014912280701754385484059106659;0.023684210526315790240614589379;0.005263157894736841986571551644;0.003508771929824561468941324094;0.012280701754385964924454199831;0.010526315789473683973143103287;0.007894736842105263413538196460;0.067982456140350880358091956168;0.043859649122807015109160033717;0.061842105263157892691694428322;0.024122807017543858310038018544;0.000438596491228070183617665512;0.003508771929824561468941324094;0.001315789473684210496642887911;0.002631578947368420993285775822;0.030263157894736842506988594437;0.001754385964912280734470662047;0.010964912280701753777290008429;0.014912280701754385484059106659;0.050000000000000002775557561563;0.007456140350877192742029553330;0.014035087719298245875765296375;0.001754385964912280734470662047;0.012280701754385964924454199831;0.003947368421052631706769098230;0.003508771929824561468941324094;0.000000000000000000000000000000;0.036403508771929826703939170329;0.000877192982456140367235331023;0.021491228070175439485156587693;0.063157894736842107308305571678;0.051315789473684210453274801012;0.023684210526315790240614589379;0.022368421052631579093450397977
-0.031521739130434781039902247812;0.005072463768115941656899892109;0.048550724637681161310887034688;0.048913043478260871677054666407;0.033333333333333332870740406406;0.010507246376811593679967415937;0.003985507246376811425758734941;0.016666666666666666435370203203;0.026811594202898549749169987422;0.030797101449275363777013936328;0.014855072463768116339255520586;0.016304347826086956069202571484;0.009782608695652174682355628477;0.048188405797101450944719402969;0.007246376811594202986543944434;0.024637681159420291021611149063;0.025362318840579711753946412500;0.016666666666666666435370203203;0.005797101449275362389235155547;0.008695652173913043583852733320;0.009782608695652174682355628477;0.012318840579710145510805574531;0.012318840579710145510805574531;0.048550724637681161310887034688;0.027536231884057970481505250859;0.043115942028985505818372558906;0.026449275362318839383002355703;0.015942028985507245703034939766;0.004347826086956521791926366660;0.012681159420289855876973206250;0.007608695652173913352711576152;0.024637681159420291021611149063;0.006884057971014492620376312715;0.007971014492753622851517469883;0.036956521739130436532416723594;0.032608695652173912138405142969;0.007608695652173913352711576152;0.013043478260869564508417361992;0.003623188405797101493271972217;0.021376811594202897726102463594;0.006159420289855072755402787266;0.011231884057971014412302679375;0.000000000000000000000000000000;0.030797101449275363777013936328;0.002898550724637681194617577773;0.019565217391304349364711256953;0.045652173913043478381545980938;0.028260869565217391213840514297;0.030072463768115943044678672891;0.016304347826086956069202571484
-0.034166666666666664631257788187;0.005416666666666666851703837438;0.061249999999999998889776975375;0.000000000000000000000000000000;0.031250000000000000000000000000;0.016250000000000000555111512313;0.001666666666666666773641281019;0.010416666666666666088425508008;0.054583333333333330927850113312;0.022083333333333333287074040641;0.012916666666666666574148081281;0.020416666666666666296592325125;0.020000000000000000416333634234;0.046666666666666668794594130532;0.001666666666666666773641281019;0.031666666666666669349705642844;0.032500000000000001110223024625;0.027916666666666666019036568969;0.005000000000000000104083408559;0.009166666666666666712925959359;0.007083333333333332974823814965;0.033333333333333332870740406406;0.013750000000000000069388939039;0.021250000000000001526556658860;0.033750000000000002220446049250;0.031666666666666669349705642844;0.015833333333333334674852821422;0.029999999999999998889776975375;0.001250000000000000026020852140;0.016666666666666666435370203203;0.015833333333333334674852821422;0.014999999999999999444888487687;0.005000000000000000104083408559;0.010833333333333333703407674875;0.027500000000000000138777878078;0.034583333333333333980963431031;0.007916666666666667337426410711;0.014166666666666665949647629930;0.005000000000000000104083408559;0.022916666666666665047591422422;0.000416666666666666693410320255;0.044166666666666666574148081281;0.000000000000000000000000000000;0.014583333333333333564629796797;0.000833333333333333386820640509;0.014166666666666665949647629930;0.041666666666666664353702032031;0.030833333333333334119741309109;0.024166666666666666157814447047;0.020833333333333332176851016015
-0.021111111111111111743321444578;0.015185185185185185244294281404;0.061111111111111109106541761093;0.013703703703703704053218359604;0.007407407407407407690103084974;0.020370370370370372015145221667;0.003333333333333333547282562037;0.021851851851851851471497667490;0.034074074074074076068363581271;0.018888888888888889089345823891;0.014814814814814815380206169948;0.014074074074074073917306471060;0.019259259259259260688157411323;0.036666666666666666851703837438;0.020740740740740740144509857146;0.017407407407407406163546426114;0.027777777777777776235801354687;0.031851851851851853414387960584;0.017777777777777777762358013547;0.011111111111111111535154627461;0.010740740740740739936343040029;0.027777777777777776235801354687;0.025925925925925925180637321432;0.027777777777777776235801354687;0.031111111111111110216764785719;0.024814814814814813853649511088;0.027407407407407408106436719208;0.013703703703703704053218359604;0.002222222222222222220294751693;0.018888888888888889089345823891;0.007407407407407407690103084974;0.013703703703703704053218359604;0.016296296296296294836558615771;0.015185185185185185244294281404;0.037777777777777778178691647781;0.028888888888888887562789165031;0.012222222222222222862142437805;0.011111111111111111535154627461;0.002962962962962962815832712593;0.034814814814814812327092852229;0.011481481481481481399242738917;0.024074074074074074125473288177;0.000000000000000000000000000000;0.015555555555555555108382392859;0.009629629629629630344078705662;0.016296296296296294836558615771;0.031851851851851853414387960584;0.023333333333333334397297065266;0.030740740740740742087400150240;0.017777777777777777762358013547
-0.047872340425531914598344940259;0.011702127659574467627434657402;0.050709219858156025229067864757;0.005319148936170212636775911363;0.006028368794326241161818380476;0.027659574468085104670400653504;0.003546099290780141757850607576;0.024822695035460994039677729006;0.012411347517730497019838864503;0.020567375886524821154699438353;0.021276595744680850547103645454;0.009574468085106382919668988052;0.019503546099290780535540079654;0.042907801418439715790409394458;0.017730496453900710523976513855;0.026595744680851064051241294806;0.015957446808510637042965996102;0.025886524822695034658837087704;0.020567375886524821154699438353;0.009929078014184397615871091602;0.015957446808510637042965996102;0.016312056737588651739168099652;0.012056737588652482323636760952;0.032624113475177303478336199305;0.042198581560283686398005187357;0.035106382978723406351750924159;0.032624113475177303478336199305;0.021276595744680850547103645454;0.001418439716312056833244503729;0.010992907801418439969753926277;0.010638297872340425273551822727;0.015957446808510637042965996102;0.014539007092198581727604533853;0.015957446808510637042965996102;0.033687943262411347566942509957;0.036170212765957443501463330904;0.016666666666666666435370203203;0.013120567375886524677519595627;0.001773049645390070878925303788;0.022695035460992909331912059656;0.005673758865248227332978014914;0.005673758865248227332978014914;0.000000000000000000000000000000;0.023049645390070920558667211253;0.009574468085106382919668988052;0.014184397163120567031402430302;0.035460992907801421047953027710;0.030496453900709218770570529955;0.030851063829787233466772633506;0.022695035460992909331912059656
-0.035964912280701755165068789211;0.005263157894736841986571551644;0.054385964912280704286473564935;0.004385964912280701510916003372;0.003508771929824561468941324094;0.021491228070175439485156587693;0.002192982456140350755458001686;0.021929824561403507554580016858;0.018859649122807017190828204889;0.042105263157894735892572413150;0.020614035087719299876862777410;0.023245614035087718701744208261;0.016228070175438594896499822084;0.049122807017543859697816799326;0.008771929824561403021832006743;0.033333333333333332870740406406;0.019736842105263156799122015173;0.022807017543859650632320779096;0.008333333333333333217685101602;0.008771929824561403021832006743;0.013157894736842104532748010115;0.014912280701754385484059106659;0.008333333333333333217685101602;0.046052631578947365864618035403;0.043859649122807015109160033717;0.041228070175438599753725554820;0.024122807017543858310038018544;0.014035087719298245875765296375;0.001315789473684210496642887911;0.012719298245614034728601104973;0.013157894736842104532748010115;0.024122807017543858310038018544;0.009649122807017544364849293004;0.011403508771929825316160389548;0.028947368421052631359824403035;0.041228070175438599753725554820;0.008333333333333333217685101602;0.011403508771929825316160389548;0.002631578947368420993285775822;0.014035087719298245875765296375;0.007894736842105263413538196460;0.008771929824561403021832006743;0.000000000000000000000000000000;0.025877192982456140996072591065;0.001754385964912280734470662047;0.020614035087719299876862777410;0.046929824561403508942358797640;0.029824561403508770968118213318;0.026754385964912280604366401349;0.025877192982456140996072591065
-0.027083333333333334258519187188;0.013194444444444444405895033867;0.042013888888888892281237019688;0.003472222222222222029475169336;0.006944444444444444058950338672;0.018402777777777778317469525859;0.008333333333333333217685101602;0.022916666666666665047591422422;0.042708333333333334258519187188;0.027430555555555555247160270937;0.013541666666666667129259593594;0.019097222222222223764198645313;0.013194444444444444405895033867;0.025694444444444443365060948281;0.011805555555555555247160270937;0.021180555555555556634939051719;0.032986111111111111882099322656;0.028125000000000000693889390391;0.011805555555555555247160270937;0.008333333333333333217685101602;0.012500000000000000693889390391;0.020833333333333332176851016015;0.018402777777777778317469525859;0.041319444444444443365060948281;0.028125000000000000693889390391;0.033680555555555553859381490156;0.024652777777777776929690745078;0.013541666666666667129259593594;0.004861111111111111188209932266;0.016319444444444445446729119453;0.020486111111111111188209932266;0.030902777777777779011358916250;0.008680555555555555941049661328;0.008333333333333333217685101602;0.025347222222222222376419864531;0.042013888888888892281237019688;0.007291666666666666782314898398;0.018055555555555553859381490156;0.010416666666666666088425508008;0.024305555555555555941049661328;0.008680555555555555941049661328;0.034375000000000002775557561563;0.000000000000000000000000000000;0.023611111111111110494320541875;0.007291666666666666782314898398;0.019097222222222223764198645313;0.036458333333333335646297967969;0.021874999999999998612221219219;0.025347222222222222376419864531;0.014930555555555556287994356524
-0.028571428571428570536427926640;0.031904761904761907986838309625;0.037142857142857144125969171000;0.081904761904761910762395871188;0.008095238095238094580552434820;0.027142857142857142183078877906;0.009047619047619047394359625969;0.032380952380952378322209739281;0.020000000000000000416333634234;0.015238095238095238082021154469;0.016190476190476189161104869640;0.013809523809523809728672105734;0.019523809523809523142068300672;0.031428571428571430712572976063;0.032857142857142855596475072844;0.011904761904761904101057723437;0.017619047619047617514453918375;0.032857142857142855596475072844;0.027619047619047619457344211469;0.008095238095238094580552434820;0.019047619047619049337249919063;0.013333333333333334189130248149;0.026666666666666668378260496297;0.016190476190476189161104869640;0.020476190476190477690598967797;0.020476190476190477690598967797;0.025238095238095236555464495609;0.021904761904761906043948016531;0.001904761904761904760252644309;0.029047619047619047810693260203;0.010476190476190475747708674703;0.010000000000000000208166817117;0.015714285714285715356286488031;0.006666666666666667094565124074;0.030476190476190476164042308937;0.026666666666666668378260496297;0.008571428571428571854817768383;0.006666666666666667094565124074;0.002380952380952381167156239883;0.024761904761904762750646114000;0.012857142857142856914864914586;0.018095238095238094788719251937;0.000000000000000000000000000000;0.011904761904761904101057723437;0.020000000000000000416333634234;0.016666666666666666435370203203;0.025238095238095236555464495609;0.016190476190476189161104869640;0.028571428571428570536427926640;0.010476190476190475747708674703
-0.027304964539007093443645501907;0.010638297872340425273551822727;0.060283687943262408148736852809;0.098936170212765961462508812474;0.007092198581560283515701215151;0.025177304964539008735879832557;0.006028368794326241161818380476;0.018085106382978721750731665452;0.017730496453900710523976513855;0.025886524822695034658837087704;0.017021276595744681131572306754;0.015248226950354609385285264977;0.014893617021276596423806637404;0.038297872340425531678675952207;0.009219858156028368223466884501;0.021276595744680850547103645454;0.024113475177304964647273521905;0.029432624113475178151411171257;0.017375886524822695827774410304;0.009219858156028368223466884501;0.010638297872340425273551822727;0.013120567375886524677519595627;0.012765957446808509981317492077;0.037588652482269502286271745106;0.034042553191489362263144613507;0.037943262411347516982473848657;0.024113475177304964647273521905;0.015602836879432624081487368528;0.001418439716312056833244503729;0.017021276595744681131572306754;0.010283687943262410577349719176;0.016312056737588651739168099652;0.007446808510638298211903318702;0.006028368794326241161818380476;0.024113475177304964647273521905;0.043617021276595745182813601559;0.011702127659574467627434657402;0.012056737588652482323636760952;0.004964539007092198807935545801;0.018439716312056736446933769002;0.006737588652482269686860849589;0.012056737588652482323636760952;0.000000000000000000000000000000;0.020567375886524821154699438353;0.008156028368794325869584049826;0.018794326241134751143135872553;0.026950354609929078747443398356;0.021276595744680850547103645454;0.018794326241134751143135872553;0.014184397163120567031402430302
-0.029931972789115645489088635145;0.005442176870748298943281096030;0.069047619047619052112807480626;0.000000000000000000000000000000;0.000340136054421768683955068502;0.021088435374149658296794029866;0.001700680272108843473985451134;0.011564625850340135362892546311;0.022108843537414966246013037221;0.036054421768707482776061823415;0.015986394557823128959039848951;0.009523809523809524668624959531;0.026190476190476191103995162734;0.047959183673469386877119546853;0.002721088435374149471640548015;0.024829931972789116151334454230;0.031292517006802723911196295603;0.023469387755102041198673745726;0.005442176870748298943281096030;0.014965986394557822744544317572;0.012244897959183672839222900564;0.025170068027210883154776155379;0.011564625850340135362892546311;0.042857142857142857539365365938;0.032312925170068028390968351005;0.034353741496598637350512461808;0.024489795918367345678445801127;0.000340136054421768683955068502;0.002040816326530612428991062757;0.006462585034013605157776627408;0.008503401360544218454129428153;0.029591836734693878485646933996;0.007482993197278911372272158786;0.018367346938775511860919564811;0.042176870748299316593588059732;0.044557823129251702964914727545;0.009183673469387755930459782405;0.015646258503401361955598147802;0.001700680272108843473985451134;0.038775510204081632681383240424;0.004761904761904762334312479766;0.006802721088435373895941804534;0.000000000000000000000000000000;0.023469387755102041198673745726;0.001700680272108843473985451134;0.019047619047619049337249919063;0.039455782312925166688266642723;0.041836734693877553059593310536;0.028231292517006803532986225491;0.027210884353741495583767218136
-0.040666666666666663465523612331;0.007333333333333333196868419890;0.039666666666666669516239096538;0.198666666666666658080941942899;0.006000000000000000124900090270;0.010999999999999999361621760841;0.004000000000000000083266726847;0.018666666666666668211727042603;0.006666666666666667094565124074;0.027333333333333334480563792113;0.016000000000000000333066907388;0.005666666666666667073748442363;0.014000000000000000291433543964;0.030999999999999999777955395075;0.021666666666666667406815349750;0.021333333333333332620940225866;0.014666666666666666393736839780;0.017999999999999998639976794834;0.009333333333333334105863521302;0.008999999999999999319988397417;0.012333333333333333300951828448;0.007000000000000000145716771982;0.008333333333333333217685101602;0.041000000000000001720845688169;0.032666666666666663298990158637;0.037333333333333336423454085207;0.017333333333333332537673499019;0.010666666666666666310470112933;0.000666666666666666644404382058;0.008333333333333333217685101602;0.012000000000000000249800180541;0.018999999999999999528155214534;0.008000000000000000166533453694;0.012000000000000000249800180541;0.025000000000000001387778780781;0.025999999999999998806510248528;0.008666666666666666268836749509;0.010333333333333333259318465025;0.000666666666666666644404382058;0.018333333333333333425851918719;0.008666666666666666268836749509;0.004333333333333333134418374755;0.000000000000000000000000000000;0.024333333333333331816028533012;0.012666666666666666352103476356;0.017999999999999998639976794834;0.029666666666666667573348803444;0.023666666666666665713725237197;0.020666666666666666518636930050;0.021666666666666667406815349750
-0.039583333333333331482961625625;0.006250000000000000346944695195;0.044999999999999998334665463062;0.067500000000000004440892098501;0.006250000000000000346944695195;0.034583333333333333980963431031;0.004166666666666666608842550801;0.018749999999999999306110609609;0.019166666666666665186369300500;0.018749999999999999306110609609;0.023333333333333334397297065266;0.031250000000000000000000000000;0.019583333333333334536074943344;0.040000000000000000832667268469;0.003333333333333333547282562037;0.028333333333333331899295259859;0.015416666666666667059870654555;0.021250000000000001526556658860;0.018333333333333333425851918719;0.010416666666666666088425508008;0.021250000000000001526556658860;0.015833333333333334674852821422;0.011666666666666667198648532633;0.019583333333333334536074943344;0.048333333333333332315628894094;0.030416666666666668239482618219;0.032916666666666663521034763562;0.007499999999999999722444243844;0.001666666666666666773641281019;0.025833333333333333148296162562;0.023750000000000000277555756156;0.009583333333333332593184650250;0.011249999999999999583666365766;0.005000000000000000104083408559;0.024583333333333332038073137937;0.027083333333333334258519187188;0.012083333333333333078907223523;0.010833333333333333703407674875;0.002083333333333333304421275400;0.017083333333333332315628894094;0.005000000000000000104083408559;0.014166666666666665949647629930;0.000000000000000000000000000000;0.016666666666666666435370203203;0.008333333333333333217685101602;0.012916666666666666574148081281;0.032083333333333331760517381781;0.032083333333333331760517381781;0.034166666666666664631257788187;0.014999999999999999444888487687
-0.022916666666666665047591422422;0.017187500000000001387778780781;0.040625000000000001387778780781;0.031250000000000000000000000000;0.064583333333333339809634310313;0.009374999999999999653055304805;0.006250000000000000346944695195;0.021874999999999998612221219219;0.022395833333333333564629796797;0.017187500000000001387778780781;0.014583333333333333564629796797;0.014062500000000000346944695195;0.015104166666666666782314898398;0.038541666666666668517038374375;0.029166666666666667129259593594;0.017187500000000001387778780781;0.019270833333333334258519187188;0.021874999999999998612221219219;0.016666666666666666435370203203;0.019270833333333334258519187188;0.010416666666666666088425508008;0.010416666666666666088425508008;0.013020833333333333911574491992;0.042187500000000002775557561563;0.025520833333333332870740406406;0.029687499999999998612221219219;0.023437500000000000000000000000;0.022395833333333333564629796797;0.002083333333333333304421275400;0.016666666666666666435370203203;0.012500000000000000693889390391;0.023958333333333334952408577578;0.015104166666666666782314898398;0.009895833333333332870740406406;0.030729166666666665047591422422;0.038541666666666668517038374375;0.009895833333333332870740406406;0.010416666666666666088425508008;0.006250000000000000346944695195;0.019270833333333334258519187188;0.007291666666666666782314898398;0.013541666666666667129259593594;0.000000000000000000000000000000;0.011979166666666667476204288789;0.024479166666666666435370203203;0.015104166666666666782314898398;0.030729166666666665047591422422;0.020312500000000000693889390391;0.031250000000000000000000000000;0.013541666666666667129259593594
-0.023170731707317072933793866696;0.006910569105691056687734707964;0.060975609756097559621679238262;0.072764227642276427254763859764;0.103252032520325207065603478895;0.009349593495934959558324450768;0.004878048780487804873817747620;0.014227642276422763564780460399;0.014227642276422763564780460399;0.032520325203252035961565269417;0.011788617886178862428914193572;0.004878048780487804873817747620;0.006097560975609756309112619022;0.036178861788617885930641193681;0.027235772357723578296351263361;0.018699186991869919116648901536;0.026422764227642277917729174419;0.021544715447154472176549688811;0.019918699186991871419305510926;0.010162601626016259936946539710;0.013414634146341463186158371457;0.018699186991869919116648901536;0.006097560975609756309112619022;0.032520325203252035961565269417;0.023577235772357724857828387144;0.033333333333333332870740406406;0.022357723577235772555171777753;0.010975609756097560315568628653;0.004471544715447154684506703148;0.013821138211382113375469415928;0.008536585365853659179702361826;0.025203252032520325615072565029;0.010975609756097560315568628653;0.005691056910569106119801574550;0.018699186991869919116648901536;0.036991869918699189778710234577;0.007723577235772357933718534895;0.011382113821138212239603149101;0.000000000000000000000000000000;0.018292682926829267192614381088;0.006910569105691056687734707964;0.003252032520325203249211831746;0.000000000000000000000000000000;0.022764227642276424479206298201;0.019918699186991871419305510926;0.013821138211382113375469415928;0.035365853658536582082572152785;0.020325203252032519873893079421;0.014227642276422763564780460399;0.015447154471544715867437069790
-0.023263888888888889505679458125;0.006944444444444444058950338672;0.076041666666666660190365689687;0.085416666666666668517038374375;0.010416666666666666088425508008;0.010416666666666666088425508008;0.002083333333333333304421275400;0.016319444444444445446729119453;0.015625000000000000000000000000;0.028819444444444446140618509844;0.015625000000000000000000000000;0.005208333333333333044212754004;0.010069444444444445099784424258;0.054861111111111110494320541875;0.018055555555555553859381490156;0.011111111111111111535154627461;0.027777777777777776235801354687;0.033680555555555553859381490156;0.008680555555555555941049661328;0.009027777777777776929690745078;0.012152777777777777970524830664;0.019791666666666665741480812812;0.012500000000000000693889390391;0.040277777777777780399137697032;0.026736111111111109800431151484;0.032986111111111111882099322656;0.028125000000000000693889390391;0.004861111111111111188209932266;0.003472222222222222029475169336;0.006250000000000000346944695195;0.004513888888888888464845372539;0.025694444444444443365060948281;0.002083333333333333304421275400;0.014930555555555556287994356524;0.021527777777777777623580135469;0.051041666666666665741480812812;0.010416666666666666088425508008;0.007986111111111110494320541875;0.000347222222222222235473582108;0.025000000000000001387778780781;0.004166666666666666608842550801;0.006250000000000000346944695195;0.000000000000000000000000000000;0.024305555555555555941049661328;0.009722222222222222376419864531;0.013541666666666667129259593594;0.047222222222222220988641083750;0.035763888888888886730121896562;0.021527777777777777623580135469;0.017361111111111111882099322656
-0.029268292682926830977629961694;0.009756097560975609747635495239;0.056910569105691054259121841596;0.127235772357723569969678578673;0.008130081300813008990391317354;0.011788617886178862428914193572;0.006097560975609756309112619022;0.020325203252032519873893079421;0.008130081300813008990391317354;0.035365853658536582082572152785;0.007723577235772357933718534895;0.005284552845528455063128792091;0.003658536585365853872203745212;0.048780487804878050472900952172;0.021951219512195120631137257305;0.024796747967479673691038044581;0.017886178861788618738026812593;0.014227642276422763564780460399;0.014634146341463415488814980847;0.008130081300813008990391317354;0.013821138211382113375469415928;0.007317073170731707744407490424;0.002845528455284553059900787275;0.049593495934959347382076089161;0.023983739837398373312415955638;0.045934959349593497413000164897;0.029674796747967479432217530189;0.019512195121951219495270990478;0.002845528455284553059900787275;0.010975609756097560315568628653;0.009349593495934959558324450768;0.018699186991869919116648901536;0.003658536585365853872203745212;0.012195121951219512618225238043;0.007317073170731707744407490424;0.047967479674796746624831911276;0.013821138211382113375469415928;0.008536585365853659179702361826;0.003658536585365853872203745212;0.007723577235772357933718534895;0.009349593495934959558324450768;0.006504065040650406498423663493;0.000000000000000000000000000000;0.022764227642276424479206298201;0.010975609756097560315568628653;0.023983739837398373312415955638;0.050000000000000002775557561563;0.024390243902439025236450476086;0.014227642276422763564780460399;0.018292682926829267192614381088
-0.024275362318840580655443517344;0.032246376811594201772237511250;0.034782608695652174335410933281;0.009057971014492753950020365039;0.022463768115942028824605358750;0.011594202898550724778470311094;0.005434782608695652023067523828;0.032246376811594201772237511250;0.007971014492753622851517469883;0.055072463768115940963010501719;0.009057971014492753950020365039;0.012318840579710145510805574531;0.007971014492753622851517469883;0.038768115942028988363254882188;0.034057971014492753603075669844;0.012681159420289855876973206250;0.016666666666666666435370203203;0.019927536231884056261431936719;0.030072463768115943044678672891;0.007246376811594202986543944434;0.021014492753623187359934831875;0.005797101449275362389235155547;0.005797101449275362389235155547;0.069202898550724631365760330937;0.014492753623188405973087888867;0.041666666666666664353702032031;0.028260869565217391213840514297;0.047463768115942030212384139531;0.000362318840579710149327197222;0.013043478260869564508417361992;0.007608695652173913352711576152;0.027898550724637680847672882578;0.012318840579710145510805574531;0.005434782608695652023067523828;0.011594202898550724778470311094;0.055797101449275361695345765156;0.009420289855072464316187996758;0.007971014492753622851517469883;0.001811594202898550746635986108;0.007971014492753622851517469883;0.021376811594202897726102463594;0.005072463768115941656899892109;0.000000000000000000000000000000;0.034420289855072463969243301563;0.018478260869565218266208361797;0.023550724637681159923108253906;0.035507246376811595067746196719;0.021376811594202897726102463594;0.010869565217391304046135047656;0.010507246376811593679967415937
-0.007777777777777777554191196430;0.027407407407407408106436719208;0.032222222222222221543752596062;0.168888888888888893946571556626;0.067407407407407402000210083770;0.004814814814814815172039352831;0.014814814814814815380206169948;0.028518518518518519433424529552;0.009629629629629630344078705662;0.034074074074074076068363581271;0.011111111111111111535154627461;0.001851851851851851922525771243;0.004074074074074073709139653943;0.020370370370370372015145221667;0.030740740740740742087400150240;0.004074074074074073709139653943;0.015555555555555555108382392859;0.021481481481481479872686080057;0.039259259259259257635044093604;0.001481481481481481407916356297;0.027037037037037036507625131776;0.005555555555555555767577313730;0.012222222222222222862142437805;0.052592592592592593558897817729;0.006296296296296296363115274630;0.015925925925925926707193980292;0.027037037037037036507625131776;0.040000000000000000832667268469;0.000740740740740740703958178148;0.024444444444444445724284875610;0.001481481481481481407916356297;0.025925925925925925180637321432;0.017037037037037038034181790636;0.005185185185185185036127464286;0.002592592592592592518063732143;0.038148148148148146308056283260;0.003703703703703703845051542487;0.002962962962962962815832712593;0.000370370370370370351979089074;0.001481481481481481407916356297;0.015185185185185185244294281404;0.008148148148148147418279307885;0.000000000000000000000000000000;0.021111111111111111743321444578;0.021481481481481479872686080057;0.022222222222222223070309254922;0.032962962962962964741375770927;0.008518518518518519017090895318;0.011851851851851851263330850372;0.002222222222222222220294751693
-0.025438596491228069457202209946;0.007017543859649122937882648188;0.041666666666666664353702032031;0.112280701754385967006122371004;0.028947368421052631359824403035;0.023684210526315790240614589379;0.007017543859649122937882648188;0.021491228070175439485156587693;0.007456140350877192742029553330;0.029385964912280702898694784153;0.010964912280701753777290008429;0.023245614035087718701744208261;0.023245614035087718701744208261;0.038596491228070177459397172015;0.013157894736842104532748010115;0.024122807017543858310038018544;0.013596491228070176071618391234;0.017105263157894737974240584322;0.012280701754385964924454199831;0.006140350877192982462227099916;0.012280701754385964924454199831;0.010964912280701753777290008429;0.010964912280701753777290008429;0.032894736842105261331870025288;0.033333333333333332870740406406;0.026315789473684209065496020230;0.017543859649122806043664013487;0.033771929824561404409610787525;0.001315789473684210496642887911;0.021491228070175439485156587693;0.017982456140350877582534394605;0.023245614035087718701744208261;0.010964912280701753777290008429;0.010526315789473683973143103287;0.040350877192982456675984792582;0.028508771929824559820954021916;0.007017543859649122937882648188;0.011403508771929825316160389548;0.000438596491228070183617665512;0.014473684210526315679912201517;0.005701754385964912658080194774;0.004385964912280701510916003372;0.000000000000000000000000000000;0.018421052631578945651957823770;0.008771929824561403021832006743;0.018859649122807017190828204889;0.031578947368421053654152785839;0.019736842105263156799122015173;0.021052631578947367946286206575;0.018859649122807017190828204889
-0.034469696969696969612861892074;0.008712121212121212709966755483;0.019696969696969695434729530348;0.225757575757575768005125382842;0.024242424242424242403215473018;0.045833333333333330095182844843;0.004545454545454545233762466694;0.024242424242424242403215473018;0.005681818181818181975883952362;0.014015151515151515193569053963;0.016287878787878788677812025298;0.025757575757575756902895136591;0.035984848484848487581988507600;0.022348484848484850145977631541;0.013257575757575757943729222177;0.018560606060606062162054996634;0.011363636363636363951767904723;0.012878787878787878451447568295;0.020075757575757576661734660206;0.004545454545454545233762466694;0.010606060606060606701928072937;0.003409090909090908925321850020;0.011742424242424241709326082628;0.016287878787878788677812025298;0.039015151515151516581347834745;0.018939393939393939919613174538;0.018560606060606062162054996634;0.026893939393939393645016622258;0.001515151515151515150200967064;0.036742424242424243097104863409;0.012500000000000000693889390391;0.005681818181818181975883952362;0.012878787878787878451447568295;0.005303030303030303350964036468;0.041287878787878790065590806080;0.015530303030303029693248717535;0.008712121212121212709966755483;0.007954545454545453725403447720;0.000000000000000000000000000000;0.014393939393939394685850707845;0.001893939393939393991961317454;0.003030303030303030300401934127;0.000000000000000000000000000000;0.005303030303030303350964036468;0.015530303030303029693248717535;0.007954545454545453725403447720;0.015151515151515151935690539631;0.017803030303030303177491688871;0.024242424242424242403215473018;0.012878787878787878451447568295
-0.023076923076923078204103489952;0.017521367521367521569164438233;0.044017094017094020308444868306;0.073931623931623932644008334591;0.006837606837606837600906928287;0.008119658119658120301598280832;0.005128205128205128200680196215;0.029059829059829060671216183209;0.008119658119658120301598280832;0.033333333333333332870740406406;0.011538461538461539102051744976;0.004700854700854700633783078700;0.008974358974358973700669039886;0.044444444444444446140618509844;0.023504273504273504036277131490;0.011538461538461539102051744976;0.024358974358974359170071366520;0.036324786324786327573743704988;0.021794871794871793768688661430;0.009829059829059828834463274916;0.020940170940170938634894426400;0.013247863247863247634916739059;0.012393162393162392501122504029;0.043589743589743587537377322860;0.028205128205128205537421948179;0.040598290598290599773267928185;0.032051282051282048435325577884;0.020940170940170938634894426400;0.001709401709401709400226732072;0.010683760683760683968257509946;0.003846153846153846367350581659;0.020085470085470086970547143324;0.012393162393162392501122504029;0.006837606837606837600906928287;0.023504273504273504036277131490;0.049572649572649570004490016117;0.014957264957264957902505209120;0.006410256410256410034009810772;0.000427350427350427350056683018;0.014102564102564102768710974090;0.010256410256410256401360392431;0.002564102564102564100340098108;0.000000000000000000000000000000;0.024358974358974359170071366520;0.016239316239316240603196561665;0.019658119658119657668926549832;0.037179487179487179238090988065;0.025213675213675214303865601551;0.025213675213675214303865601551;0.016666666666666666435370203203
-0.030769230769230770938804653269;0.011858974358974358476181976130;0.046794871794871795156467442212;0.172756410256410253278858135673;0.003846153846153846367350581659;0.013461538461538462285727035805;0.003205128205128205017004905386;0.019230769230769231836752908293;0.010576923076923077510214099561;0.028846153846153847755129362440;0.016666666666666666435370203203;0.006089743589743589792517841630;0.014102564102564102768710974090;0.041666666666666664353702032031;0.012820512820512820068019621544;0.016666666666666666435370203203;0.018269230769230770244915262879;0.020512820512820512802720784862;0.017307692307692308653077617464;0.009294871794871794809522747016;0.017628205128205128027207848618;0.015384615384615385469402326635;0.011858974358974358476181976130;0.040064102564102567483050876262;0.024358974358974359170071366520;0.033333333333333332870740406406;0.024038461538461539795941135367;0.003846153846153846367350581659;0.001602564102564102508502452693;0.011538461538461539102051744976;0.006730769230769231142863517903;0.018589743589743589619045494032;0.009935897435897435292506685300;0.009294871794871794809522747016;0.018910256410256408993175725186;0.035576923076923075428545928389;0.007692307692307692734701163317;0.009615384615384615918376454147;0.001602564102564102508502452693;0.022435897435897435986396075691;0.007371794871794871625847456187;0.003525641025641025692177743522;0.000000000000000000000000000000;0.017307692307692308653077617464;0.009935897435897435292506685300;0.016346153846153847061239972049;0.035576923076923075428545928389;0.030769230769230770938804653269;0.023076923076923078204103489952;0.017307692307692308653077617464
-0.025347222222222222376419864531;0.005902777777777777623580135469;0.061458333333333330095182844843;0.131250000000000005551115123126;0.004513888888888888464845372539;0.011458333333333332523795711211;0.002083333333333333304421275400;0.013888888888888888117900677344;0.020833333333333332176851016015;0.028819444444444446140618509844;0.013541666666666667129259593594;0.015972222222222220988641083750;0.010763888888888888811790067734;0.049305555555555553859381490156;0.009722222222222222376419864531;0.020833333333333332176851016015;0.016666666666666666435370203203;0.021874999999999998612221219219;0.010416666666666666088425508008;0.011458333333333332523795711211;0.011805555555555555247160270937;0.019791666666666665741480812812;0.015625000000000000000000000000;0.027083333333333334258519187188;0.035763888888888886730121896562;0.032291666666666669904817155157;0.021180555555555556634939051719;0.004166666666666666608842550801;0.001736111111111111014737584668;0.007291666666666666782314898398;0.012847222222222221682530474141;0.015625000000000000000000000000;0.007638888888888888638317720137;0.014930555555555556287994356524;0.032638888888888890893458238907;0.036458333333333335646297967969;0.016666666666666666435370203203;0.006597222222222222202947516934;0.003125000000000000173472347598;0.032291666666666669904817155157;0.005208333333333333044212754004;0.003125000000000000173472347598;0.000000000000000000000000000000;0.017708333333333332870740406406;0.003125000000000000173472347598;0.006944444444444444058950338672;0.046527777777777779011358916250;0.030208333333333333564629796797;0.028472222222222221682530474141;0.017013888888888887424011286953
-0.027083333333333334258519187188;0.009722222222222222376419864531;0.047569444444444441977282167500;0.002777777777777777883788656865;0.009722222222222222376419864531;0.029166666666666667129259593594;0.007986111111111110494320541875;0.019791666666666665741480812812;0.023958333333333334952408577578;0.023611111111111110494320541875;0.014583333333333333564629796797;0.017013888888888887424011286953;0.020833333333333332176851016015;0.040277777777777780399137697032;0.011458333333333332523795711211;0.014236111111111110841265237070;0.023263888888888889505679458125;0.036458333333333335646297967969;0.019097222222222223764198645313;0.008680555555555555941049661328;0.013888888888888888117900677344;0.027430555555555555247160270937;0.024305555555555555941049661328;0.030902777777777779011358916250;0.030555555555555554553270880547;0.030208333333333333564629796797;0.023263888888888889505679458125;0.011458333333333332523795711211;0.002777777777777777883788656865;0.019444444444444444752839729063;0.020833333333333332176851016015;0.021527777777777777623580135469;0.017361111111111111882099322656;0.009374999999999999653055304805;0.033680555555555553859381490156;0.034722222222222223764198645313;0.007986111111111110494320541875;0.023958333333333334952408577578;0.003472222222222222029475169336;0.038888888888888889505679458125;0.004166666666666666608842550801;0.015972222222222220988641083750;0.000000000000000000000000000000;0.022569444444444444058950338672;0.005555555555555555767577313730;0.020833333333333332176851016015;0.031250000000000000000000000000;0.022222222222222223070309254922;0.026736111111111109800431151484;0.017361111111111111882099322656
-0.041025641025641025605441569724;0.006410256410256410034009810772;0.058547008547008547174606007957;0.007264957264957265167804045802;0.004700854700854700633783078700;0.013675213675213675201813856575;0.001282051282051282050170049054;0.017948717948717947401338079771;0.020085470085470086970547143324;0.025641025641025640136039243089;0.012820512820512820068019621544;0.010256410256410256401360392431;0.020085470085470086970547143324;0.048717948717948718340142733041;0.008974358974358973700669039886;0.015384615384615385469402326635;0.026068376068376069437659836581;0.026495726495726495269833478119;0.015384615384615385469402326635;0.017521367521367521569164438233;0.011538461538461539102051744976;0.017948717948717947401338079771;0.017948717948717947401338079771;0.044017094017094020308444868306;0.029487179487179486503389824748;0.035470085470085468970502518005;0.022222222222222223070309254922;0.022649572649572648902482896460;0.000854700854700854700113366036;0.009401709401709401267566157401;0.007264957264957265167804045802;0.020512820512820512802720784862;0.013675213675213675201813856575;0.009829059829059828834463274916;0.038034188034188030902438271141;0.040598290598290599773267928185;0.011965811965811966668948862491;0.012393162393162392501122504029;0.002564102564102564100340098108;0.039743589743589741170026741202;0.004273504273504273934247699174;0.006410256410256410034009810772;0.000000000000000000000000000000;0.028632478632478631369595589717;0.004273504273504273934247699174;0.015811965811965811301575968173;0.047435897435897433904727904519;0.039316239316239315337853099663;0.029059829059829060671216183209;0.018376068376068376702958673263
-0.031481481481481478346129421197;0.006018518518518518531368322044;0.072222222222222215437525960624;0.007870370370370369586532355299;0.007870370370370369586532355299;0.015277777777777777276635440273;0.000925925925925925961262885622;0.017129629629629630066522949505;0.021296296296296295808003762318;0.023611111111111110494320541875;0.016203703703703702804217456901;0.007870370370370369586532355299;0.017129629629629630066522949505;0.059259259259259261520824679792;0.006944444444444444058950338672;0.023611111111111110494320541875;0.027314814814814816074095560339;0.037499999999999998612221219219;0.010648148148148147904001881159;0.014814814814814815380206169948;0.011111111111111111535154627461;0.030092592592592590922118134245;0.011111111111111111535154627461;0.030555555555555554553270880547;0.043981481481481482509465763542;0.042592592592592591616007524635;0.024074074074074074125473288177;0.022685185185185186701462001224;0.000925925925925925961262885622;0.006481481481481481295159330358;0.003703703703703703845051542487;0.020833333333333332176851016015;0.007870370370370369586532355299;0.012500000000000000693889390391;0.035648148148148151026504137917;0.037037037037037034981068472916;0.012037037037037037062736644089;0.006944444444444444058950338672;0.001388888888888888941894328433;0.027314814814814816074095560339;0.003240740740740740647579665179;0.006018518518518518531368322044;0.000000000000000000000000000000;0.015277777777777777276635440273;0.006018518518518518531368322044;0.011574074074074073431583897786;0.051388888888888886730121896562;0.041203703703703700722549285729;0.026388888888888888811790067734;0.025000000000000001387778780781
-0.026530612244897958107436863884;0.008163265306122449715964251027;0.091156462585034014889373565893;0.000340136054421768683955068502;0.003061224489795918209805725141;0.012925170068027210315553254816;0.004081632653061224857982125513;0.022448979591836733249454738370;0.029251700680272108012758280893;0.032653061224489798863857004108;0.017346938775510203911700557455;0.012585034013605441577388077690;0.006462585034013605157776627408;0.046938775510204082397347491451;0.007823129251700680977799073901;0.016326530612244899431928502054;0.029591836734693878485646933996;0.041496598639455782586704657433;0.012585034013605441577388077690;0.015646258503401361955598147802;0.011564625850340135362892546311;0.029251700680272108012758280893;0.012925170068027210315553254816;0.036734693877551023721839129621;0.027551020408163266056655871239;0.037414965986394557728722531920;0.025510204081632653627664808482;0.015646258503401361955598147802;0.000000000000000000000000000000;0.008503401360544218454129428153;0.013945578231292516530048786194;0.015646258503401361955598147802;0.008503401360544218454129428153;0.011904761904761904101057723437;0.019047619047619049337249919063;0.044217687074829932492026074442;0.011224489795918366624727369185;0.009523809523809524668624959531;0.007142857142857142634106981660;0.025170068027210883154776155379;0.005782312925170067681446273156;0.006802721088435373895941804534;0.000000000000000000000000000000;0.017006802721088436908258856306;0.006462585034013605157776627408;0.014625850340136054006379140446;0.053741496598639457160651033973;0.038775510204081632681383240424;0.030612244897959182965418989397;0.017346938775510203911700557455
-0.028205128205128205537421948179;0.014957264957264957902505209120;0.080769230769230773714362214832;0.000854700854700854700113366036;0.026923076923076924571454071611;0.009829059829059828834463274916;0.006837606837606837600906928287;0.019658119658119657668926549832;0.029487179487179486503389824748;0.028632478632478631369595589717;0.008119658119658120301598280832;0.009829059829059828834463274916;0.010683760683760683968257509946;0.047008547008547008072554262981;0.009401709401709401267566157401;0.021794871794871793768688661430;0.029914529914529915805010418239;0.050854700854700854439904844639;0.010256410256410256401360392431;0.011111111111111111535154627461;0.014529914529914530335608091605;0.031196581196581196770978294808;0.019658119658119657668926549832;0.041880341880341877269788852800;0.024786324786324785002245008059;0.035470085470085468970502518005;0.022222222222222223070309254922;0.003846153846153846367350581659;0.001709401709401709400226732072;0.005982905982905983334474431246;0.008547008547008547868495398347;0.023076923076923078204103489952;0.002136752136752136967123849587;0.011538461538461539102051744976;0.023076923076923078204103489952;0.039743589743589741170026741202;0.009829059829059828834463274916;0.015384615384615385469402326635;0.008974358974358973700669039886;0.031623931623931622603151936346;0.006837606837606837600906928287;0.019658119658119657668926549832;0.000000000000000000000000000000;0.020512820512820512802720784862;0.005982905982905983334474431246;0.012820512820512820068019621544;0.038034188034188030902438271141;0.025213675213675214303865601551;0.028632478632478631369595589717;0.011965811965811966668948862491
-0.035185185185185187395351391615;0.015185185185185185244294281404;0.055555555555555552471602709375;0.000000000000000000000000000000;0.005185185185185185036127464286;0.024074074074074074125473288177;0.000740740740740740703958178148;0.018148148148148149361169600979;0.051481481481481482231910007386;0.024444444444444445724284875610;0.012962962962962962590318660716;0.022222222222222223070309254922;0.017777777777777777762358013547;0.042222222222222223486642889156;0.010370370370370370072254928573;0.022592592592592591199673890401;0.025185185185185185452461098521;0.032962962962962964741375770927;0.008148148148148147418279307885;0.008518518518518519017090895318;0.012222222222222222862142437805;0.035555555555555555524716027094;0.009259259259259258745267118229;0.042592592592592591616007524635;0.034444444444444444197728216750;0.040000000000000000832667268469;0.022222222222222223070309254922;0.012222222222222222862142437805;0.001111111111111111110147375847;0.020000000000000000416333634234;0.013703703703703704053218359604;0.020740740740740740144509857146;0.008518518518518519017090895318;0.005925925925925925631665425186;0.022222222222222223070309254922;0.040370370370370368962031903948;0.008518518518518519017090895318;0.017037037037037038034181790636;0.017777777777777777762358013547;0.010740740740740739936343040029;0.004444444444444444440589503387;0.040740740740740744030290443334;0.000000000000000000000000000000;0.017777777777777777762358013547;0.005555555555555555767577313730;0.010370370370370370072254928573;0.029629629629629630760412339896;0.028888888888888887562789165031;0.016666666666666666435370203203;0.017777777777777777762358013547
-0.025438596491228069457202209946;0.059210526315789470397366045518;0.038157894736842105920526790896;0.041228070175438599753725554820;0.010087719298245614168996198146;0.012280701754385964924454199831;0.005701754385964912658080194774;0.017105263157894737974240584322;0.027631578947368420212660211632;0.028070175438596491751530592751;0.008333333333333333217685101602;0.003070175438596491231113549958;0.006140350877192982462227099916;0.034649122807017540548457645855;0.039473684210526313598244030345;0.021929824561403507554580016858;0.026754385964912280604366401349;0.048245614035087716620076037088;0.009210526315789472825978911885;0.006140350877192982462227099916;0.011403508771929825316160389548;0.017982456140350877582534394605;0.003947368421052631706769098230;0.029385964912280702898694784153;0.020175438596491228337992396291;0.032456140350877189792999644169;0.025438596491228069457202209946;0.099122807017543862473374360889;0.001754385964912280734470662047;0.010526315789473683973143103287;0.006578947368421052266374005058;0.011842105263157895120307294690;0.007017543859649122937882648188;0.002631578947368420993285775822;0.007017543859649122937882648188;0.030263157894736842506988594437;0.008333333333333333217685101602;0.007456140350877192742029553330;0.017543859649122806043664013487;0.005701754385964912658080194774;0.008771929824561403021832006743;0.032456140350877189792999644169;0.000000000000000000000000000000;0.017105263157894737974240584322;0.013157894736842104532748010115;0.012719298245614034728601104973;0.035964912280701755165068789211;0.028508771929824559820954021916;0.012719298245614034728601104973;0.013157894736842104532748010115
-0.017521367521367521569164438233;0.047863247863247866675795449964;0.042307692307692310040856398246;0.020512820512820512802720784862;0.016239316239316240603196561665;0.006837606837606837600906928287;0.014529914529914530335608091605;0.025641025641025640136039243089;0.040598290598290599773267928185;0.016666666666666666435370203203;0.013675213675213675201813856575;0.011538461538461539102051744976;0.006410256410256410034009810772;0.029487179487179486503389824748;0.027777777777777776235801354687;0.013247863247863247634916739059;0.029059829059829060671216183209;0.050854700854700854439904844639;0.021367521367521367936515019892;0.010256410256410256401360392431;0.012393162393162392501122504029;0.018376068376068376702958673263;0.006410256410256410034009810772;0.020940170940170938634894426400;0.019230769230769231836752908293;0.026068376068376069437659836581;0.027350427350427350403627713149;0.057692307692307695510258724880;0.003846153846153846367350581659;0.017521367521367521569164438233;0.013675213675213675201813856575;0.022649572649572648902482896460;0.006410256410256410034009810772;0.006837606837606837600906928287;0.008119658119658120301598280832;0.035470085470085468970502518005;0.011111111111111111535154627461;0.008547008547008547868495398347;0.013675213675213675201813856575;0.012820512820512820068019621544;0.017521367521367521569164438233;0.067094017094017091573654454351;0.000000000000000000000000000000;0.007692307692307692734701163317;0.016666666666666666435370203203;0.014102564102564102768710974090;0.023504273504273504036277131490;0.017521367521367521569164438233;0.012820512820512820068019621544;0.011538461538461539102051744976
-0.046590909090909092549193104560;0.004924242424242423858682382587;0.061742424242424244484883644191;0.000000000000000000000000000000;0.023106060606060605661093987351;0.021212121212121213403856145874;0.001893939393939393991961317454;0.017045454545454544192928381108;0.035606060606060606354983377742;0.024621212121212120160773650923;0.018939393939393939919613174538;0.009090909090909090467524933388;0.012500000000000000693889390391;0.047348484848484848064309460369;0.001515151515151515150200967064;0.035606060606060606354983377742;0.023863636363636364645657295114;0.025757575757575756902895136591;0.012500000000000000693889390391;0.012121212121212121201607736509;0.011742424242424241709326082628;0.035984848484848487581988507600;0.006060606060606060600803868255;0.038257575757575754127337575028;0.046969696969696966837304330511;0.052651515151515150547911758849;0.026515151515151515887458444354;0.000378787878787878787550241766;0.000757575757575757575100483532;0.008333333333333333217685101602;0.007575757575757575967845269815;0.015909090909090907450806895440;0.004166666666666666608842550801;0.007196969696969697342925353922;0.018181818181818180935049866775;0.040151515151515153323469320412;0.012500000000000000693889390391;0.012878787878787878451447568295;0.008333333333333333217685101602;0.017803030303030303177491688871;0.001893939393939393991961317454;0.014772727272727272443408885749;0.000000000000000000000000000000;0.015151515151515151935690539631;0.000757575757575757575100483532;0.012500000000000000693889390391;0.057954545454545453031514057329;0.038257575757575754127337575028;0.023863636363636364645657295114;0.026515151515151515887458444354
-0.044715447154471545110343555507;0.010975609756097560315568628653;0.034552845528455285173397015797;0.000000000000000000000000000000;0.002439024390243902436908873810;0.041056910569105688202373727336;0.001219512195121951218454436905;0.032520325203252035961565269417;0.033333333333333332870740406406;0.020325203252032519873893079421;0.020731707317073171797927599869;0.023170731707317072933793866696;0.017886178861788618738026812593;0.037804878048780486687885371566;0.010162601626016259936946539710;0.033333333333333332870740406406;0.016260162601626017980782634709;0.030081300813008131356252050637;0.021544715447154472176549688811;0.007723577235772357933718534895;0.020731707317073171797927599869;0.027235772357723578296351263361;0.017886178861788618738026812593;0.022764227642276424479206298201;0.065447154471544713438824203422;0.035772357723577237476053625187;0.032113821138211380568083797016;0.006097560975609756309112619022;0.000406504065040650406151478968;0.015447154471544715867437069790;0.017073170731707318359404723651;0.011788617886178862428914193572;0.017886178861788618738026812593;0.005284552845528455063128792091;0.017479674796747966813992292145;0.030081300813008131356252050637;0.010975609756097560315568628653;0.018292682926829267192614381088;0.005691056910569106119801574550;0.010975609756097560315568628653;0.005284552845528455063128792091;0.010569105691056910126257584182;0.000000000000000000000000000000;0.012195121951219512618225238043;0.007317073170731707744407490424;0.014227642276422763564780460399;0.036585365853658534385228762176;0.030487804878048779810839619131;0.032113821138211380568083797016;0.021951219512195120631137257305
-0.021621621621621622821862729324;0.022522522522522521459809041744;0.038288288288288285787785980574;0.000000000000000000000000000000;0.011261261261261260729904520872;0.023873873873873872886175462327;0.006756756756756757131832102914;0.042342342342342340066885242322;0.040540540540540542790992617483;0.012612612612612612156270941455;0.015765765765765764327976938830;0.015765765765765764327976938830;0.012612612612612612156270941455;0.018918918918918919969129888159;0.021621621621621622821862729324;0.011261261261261260729904520872;0.038288288288288285787785980574;0.051801801801801800051450186402;0.042792792792792792855305350486;0.004054054054054054279099261748;0.024774774774774774993568726700;0.022072072072072072140835885534;0.015315315315315315009003782620;0.015315315315315315009003782620;0.022072072072072072140835885534;0.019819819819819818607076200578;0.044144144144144144281671771068;0.015765765765765764327976938830;0.002252252252252252232717077973;0.023873873873873872886175462327;0.017117117117117115754343359413;0.022072072072072072140835885534;0.026126126126126126419935147283;0.004954954954954954651769050145;0.009459459459459459984564944079;0.038738738738738738576206088737;0.013513513513513514263664205828;0.005855855855855855891800576529;0.016666666666666666435370203203;0.004954954954954954651769050145;0.018918918918918919969129888159;0.047297297297297299922824720397;0.000000000000000000000000000000;0.012162162162162162837297785245;0.025225225225225224312541882909;0.012612612612612612156270941455;0.013963963963963963582637362038;0.013063063063063063209967573641;0.032882882882882880082320298243;0.006306306306306306078135470727
-0.014227642276422763564780460399;0.037398373983739838233297803072;0.036178861788617885930641193681;0.003658536585365853872203745212;0.019918699186991871419305510926;0.029268292682926830977629961694;0.004471544715447154684506703148;0.034959349593495933627984584291;0.035365853658536582082572152785;0.013008130081300812996847326986;0.019918699186991871419305510926;0.014227642276422763564780460399;0.010162601626016259936946539710;0.013008130081300812996847326986;0.044715447154471545110343555507;0.015447154471544715867437069790;0.021951219512195120631137257305;0.054065040650406501199221054321;0.044308943089430896655755987013;0.004471544715447154684506703148;0.019918699186991871419305510926;0.034959349593495933627984584291;0.006910569105691056687734707964;0.019918699186991871419305510926;0.020731707317073171797927599869;0.016666666666666666435370203203;0.031707317073170732113496228521;0.031707317073170732113496228521;0.002845528455284553059900787275;0.035772357723577237476053625187;0.017073170731707318359404723651;0.011382113821138212239603149101;0.017479674796747966813992292145;0.005691056910569106119801574550;0.007317073170731707744407490424;0.030487804878048779810839619131;0.013821138211382113375469415928;0.007723577235772357933718534895;0.019105691056910567571236470030;0.005284552845528455063128792091;0.013008130081300812996847326986;0.056504065040650405804534273102;0.000000000000000000000000000000;0.008943089430894309369013406297;0.024796747967479673691038044581;0.013821138211382113375469415928;0.017073170731707318359404723651;0.009349593495934959558324450768;0.019105691056910567571236470030;0.010162601626016259936946539710
-0.017129629629629630066522949505;0.029166666666666667129259593594;0.033796296296296296501893152708;0.010185185185185186007572610833;0.024074074074074074125473288177;0.025462962962962961549484575130;0.005092592592592593003786305417;0.050000000000000002775557561563;0.043055555555555555247160270937;0.011574074074074073431583897786;0.016203703703703702804217456901;0.018055555555555553859381490156;0.007870370370370369586532355299;0.011111111111111111535154627461;0.043981481481481482509465763542;0.006018518518518518531368322044;0.021759259259259259439156508620;0.044907407407407409771771256146;0.040740740740740744030290443334;0.005092592592592593003786305417;0.026388888888888888811790067734;0.018518518518518517490534236458;0.007870370370370369586532355299;0.014351851851851851749053423646;0.019907407407407408383992475365;0.015277777777777777276635440273;0.046296296296296293726335591145;0.049537037037037039144404815261;0.001851851851851851922525771243;0.035648148148148151026504137917;0.013425925925925926221471407018;0.012037037037037037062736644089;0.020370370370370372015145221667;0.006018518518518518531368322044;0.006018518518518518531368322044;0.023611111111111110494320541875;0.012500000000000000693889390391;0.004629629629629629372633559115;0.030092592592592590922118134245;0.005555555555555555767577313730;0.012500000000000000693889390391;0.043518518518518518878313017240;0.000000000000000000000000000000;0.012500000000000000693889390391;0.034722222222222223764198645313;0.007870370370370369586532355299;0.015740740740740739173064710599;0.008333333333333333217685101602;0.018055555555555553859381490156;0.011574074074074073431583897786
-0.020720720720720720714469464951;0.028828828828828829272667988448;0.036486486486486488511893355735;0.018018018018018017861736623786;0.026576576576576575738908303492;0.017117117117117115754343359413;0.005855855855855855891800576529;0.027027027027027028527328411656;0.048648648648648651349191140980;0.018918918918918919969129888159;0.016216216216216217116397046993;0.018918918918918919969129888159;0.005855855855855855891800576529;0.012612612612612612156270941455;0.034234234234234231508686718826;0.012162162162162162837297785245;0.032432432432432434232794093987;0.052702702702702705628290402728;0.045495495495495495708038191651;0.005405405405405405705465682331;0.018018018018018017861736623786;0.024774774774774774993568726700;0.009009009009009008930868311893;0.019819819819819818607076200578;0.020720720720720720714469464951;0.021171171171171170033442621161;0.035135135135135137085526935152;0.032882882882882880082320298243;0.003603603603603603659083498556;0.026126126126126126419935147283;0.015765765765765764327976938830;0.022522522522522521459809041744;0.015765765765765764327976938830;0.003603603603603603659083498556;0.003153153153153153039067735364;0.034234234234234231508686718826;0.014414414414414414636333994224;0.012162162162162162837297785245;0.006756756756756757131832102914;0.005405405405405405705465682331;0.015315315315315315009003782620;0.053153153153153151477816606985;0.000000000000000000000000000000;0.009909909909909909303538100289;0.020270270270270271395496308742;0.015315315315315315009003782620;0.018918918918918919969129888159;0.008558558558558557877171679706;0.017567567567567568542763467576;0.011711711711711711783601153058
-0.032882882882882880082320298243;0.004054054054054054279099261748;0.063513513513513517039221767391;0.016666666666666666435370203203;0.002702702702702702852732841166;0.020270270270270271395496308742;0.000900900900900900914770874639;0.020270270270270271395496308742;0.072072072072072071446946495143;0.020720720720720720714469464951;0.018468468468468467180709779996;0.012162162162162162837297785245;0.009909909909909909303538100289;0.041441441441441441428938929903;0.005855855855855855891800576529;0.013513513513513514263664205828;0.024774774774774774993568726700;0.050450450450450448625083765819;0.010810810810810811410931364662;0.008558558558558557877171679706;0.017567567567567568542763467576;0.050000000000000002775557561563;0.011711711711711711783601153058;0.026126126126126126419935147283;0.032882882882882880082320298243;0.045045045045045042919618083488;0.032882882882882880082320298243;0.001801801801801801829541749278;0.001351351351351351426366420583;0.005405405405405405705465682331;0.014414414414414414636333994224;0.017567567567567568542763467576;0.009009009009009008930868311893;0.007657657657657657504501891310;0.016216216216216217116397046993;0.040090090090090090002572509320;0.013513513513513514263664205828;0.009459459459459459984564944079;0.009009009009009008930868311893;0.016216216216216217116397046993;0.002252252252252252232717077973;0.036036036036036035723473247572;0.000000000000000000000000000000;0.018468468468468467180709779996;0.001801801801801801829541749278;0.012612612612612612156270941455;0.036036036036036035723473247572;0.017567567567567568542763467576;0.027927927927927927165274724075;0.019369369369369369288103044369
-0.033854166666666664353702032031;0.011458333333333332523795711211;0.018749999999999999306110609609;0.298958333333333325931846502499;0.011979166666666667476204288789;0.015104166666666666782314898398;0.003645833333333333391157449199;0.018229166666666667823148983985;0.031770833333333331482961625625;0.009895833333333332870740406406;0.013541666666666667129259593594;0.006770833333333333564629796797;0.009374999999999999653055304805;0.017187500000000001387778780781;0.020312500000000000693889390391;0.024479166666666666435370203203;0.033854166666666664353702032031;0.020833333333333332176851016015;0.026041666666666667823148983985;0.003645833333333333391157449199;0.021354166666666667129259593594;0.015625000000000000000000000000;0.007812500000000000000000000000;0.014583333333333333564629796797;0.021354166666666667129259593594;0.022916666666666665047591422422;0.024479166666666666435370203203;0.006250000000000000346944695195;0.001041666666666666652210637700;0.014583333333333333564629796797;0.014062500000000000346944695195;0.011458333333333332523795711211;0.008854166666666666435370203203;0.006250000000000000346944695195;0.010416666666666666088425508008;0.018229166666666667823148983985;0.007812500000000000000000000000;0.010937499999999999306110609609;0.008333333333333333217685101602;0.003645833333333333391157449199;0.008333333333333333217685101602;0.017708333333333332870740406406;0.000000000000000000000000000000;0.010416666666666666088425508008;0.016145833333333334952408577578;0.013541666666666667129259593594;0.019791666666666665741480812812;0.007812500000000000000000000000;0.017708333333333332870740406406;0.008854166666666666435370203203
-0.020075757575757576661734660206;0.033712121212121214097745536264;0.027272727272727271402574800163;0.082196969696969698904176482301;0.045075757575757574580066489034;0.043939393939393937837945003366;0.001893939393939393991961317454;0.029166666666666667129259593594;0.053030303030303031774916888708;0.009469696969696969959806587269;0.014772727272727272443408885749;0.054545454545454542805149600326;0.009090909090909090467524933388;0.013257575757575757943729222177;0.028030303030303030387138107926;0.014772727272727272443408885749;0.017424242424242425419933510966;0.042424242424242426807712291748;0.025000000000000001387778780781;0.003409090909090908925321850020;0.015151515151515151935690539631;0.026893939393939393645016622258;0.005303030303030303350964036468;0.011742424242424241709326082628;0.026893939393939393645016622258;0.018181818181818180935049866775;0.025757575757575756902895136591;0.027272727272727271402574800163;0.000378787878787878787550241766;0.038257575757575754127337575028;0.031439393939393940613502564929;0.007196969696969697342925353922;0.010606060606060606701928072937;0.004545454545454545233762466694;0.006818181818181817850643700041;0.016666666666666666435370203203;0.007196969696969697342925353922;0.009469696969696969959806587269;0.015909090909090907450806895440;0.004166666666666666608842550801;0.009469696969696969959806587269;0.036363636363636361870099733551;0.000000000000000000000000000000;0.006818181818181817850643700041;0.018181818181818180935049866775;0.006818181818181817850643700041;0.013636363636363635701287400082;0.005303030303030303350964036468;0.016287878787878788677812025298;0.008712121212121212709966755483
-0.034188034188034191473981593390;0.011111111111111111535154627461;0.055982905982905985242670254820;0.008119658119658120301598280832;0.007264957264957265167804045802;0.017094017094017095736990796695;0.003418803418803418800453464144;0.022649572649572648902482896460;0.052564102564102564707493314700;0.026923076923076924571454071611;0.013675213675213675201813856575;0.006410256410256410034009810772;0.010256410256410256401360392431;0.036752136752136753405917346527;0.007264957264957265167804045802;0.016666666666666666435370203203;0.040598290598290599773267928185;0.042307692307692310040856398246;0.014529914529914530335608091605;0.009829059829059828834463274916;0.014102564102564102768710974090;0.036324786324786327573743704988;0.009401709401709401267566157401;0.040598290598290599773267928185;0.028632478632478631369595589717;0.034188034188034191473981593390;0.028632478632478631369595589717;0.004700854700854700633783078700;0.002991452991452991667237215623;0.022222222222222223070309254922;0.011538461538461539102051744976;0.026068376068376069437659836581;0.009401709401709401267566157401;0.008547008547008547868495398347;0.010683760683760683968257509946;0.055982905982905985242670254820;0.013247863247863247634916739059;0.013675213675213675201813856575;0.011111111111111111535154627461;0.015384615384615385469402326635;0.006410256410256410034009810772;0.030341880341880341637184059778;0.000000000000000000000000000000;0.018803418803418802535132314802;0.006410256410256410034009810772;0.017948717948717947401338079771;0.029059829059829060671216183209;0.020085470085470086970547143324;0.020940170940170938634894426400;0.014957264957264957902505209120
-0.011111111111111111535154627461;0.023148148148148146863167795573;0.058333333333333334258519187188;0.116203703703703697946991724166;0.011111111111111111535154627461;0.012962962962962962590318660716;0.002314814814814814686316779557;0.020833333333333332176851016015;0.079629629629629633535969901459;0.012500000000000000693889390391;0.009722222222222222376419864531;0.007870370370370369586532355299;0.009259259259259258745267118229;0.015277777777777777276635440273;0.014351851851851851749053423646;0.013425925925925926221471407018;0.026388888888888888811790067734;0.048148148148148148250946576354;0.019444444444444444752839729063;0.004166666666666666608842550801;0.014351851851851851749053423646;0.025462962962962961549484575130;0.008333333333333333217685101602;0.025000000000000001387778780781;0.018518518518518517490534236458;0.019907407407407408383992475365;0.027314814814814816074095560339;0.055555555555555552471602709375;0.002777777777777777883788656865;0.016666666666666666435370203203;0.009722222222222222376419864531;0.014814814814814815380206169948;0.009722222222222222376419864531;0.003240740740740740647579665179;0.006481481481481481295159330358;0.018981481481481481121686982760;0.006944444444444444058950338672;0.008796296296296296848837847904;0.013888888888888888117900677344;0.006481481481481481295159330358;0.009259259259259258745267118229;0.079629629629629633535969901459;0.000000000000000000000000000000;0.009722222222222222376419864531;0.016666666666666666435370203203;0.008796296296296296848837847904;0.019907407407407408383992475365;0.004629629629629629372633559115;0.013425925925925926221471407018;0.008796296296296296848837847904
-0.012000000000000000249800180541;0.025666666666666667490082076597;0.049000000000000001887379141863;0.172333333333333338366344378301;0.015666666666666665547191783503;0.026666666666666668378260496297;0.003666666666666666598434209945;0.018999999999999999528155214534;0.059999999999999997779553950750;0.011333333333333334147496884725;0.012000000000000000249800180541;0.016333333333333331649495079319;0.008000000000000000166533453694;0.011666666666666667198648532633;0.021666666666666667406815349750;0.013333333333333334189130248149;0.024000000000000000499600361081;0.038666666666666668628060676838;0.020000000000000000416333634234;0.004333333333333333134418374755;0.014666666666666666393736839780;0.026999999999999999694688668228;0.004333333333333333134418374755;0.017666666666666667323548622903;0.015666666666666665547191783503;0.016666666666666666435370203203;0.023333333333333334397297065266;0.033333333333333332870740406406;0.001000000000000000020816681712;0.026999999999999999694688668228;0.011333333333333334147496884725;0.016000000000000000333066907388;0.009333333333333334105863521302;0.007000000000000000145716771982;0.005000000000000000104083408559;0.025333333333333332704206952712;0.005000000000000000104083408559;0.009666666666666667157015169209;0.017000000000000001221245327088;0.005000000000000000104083408559;0.008999999999999999319988397417;0.055000000000000000277555756156;0.000000000000000000000000000000;0.006000000000000000124900090270;0.016666666666666666435370203203;0.006333333333333333176051738178;0.016666666666666666435370203203;0.010333333333333333259318465025;0.008999999999999999319988397417;0.014333333333333333342585191872
-0.019444444444444444752839729063;0.017592592592592593697675695807;0.062962962962962956692258842395;0.103703703703703700722549285729;0.018055555555555553859381490156;0.019444444444444444752839729063;0.003703703703703703845051542487;0.023611111111111110494320541875;0.056944444444444443365060948281;0.016203703703703702804217456901;0.008796296296296296848837847904;0.006018518518518518531368322044;0.007870370370370369586532355299;0.025462962962962961549484575130;0.018518518518518517490534236458;0.018055555555555553859381490156;0.037037037037037034981068472916;0.042592592592592591616007524635;0.013888888888888888117900677344;0.004629629629629629372633559115;0.013888888888888888117900677344;0.027777777777777776235801354687;0.003703703703703703845051542487;0.022222222222222223070309254922;0.019907407407407408383992475365;0.021759259259259259439156508620;0.025925925925925925180637321432;0.037499999999999998612221219219;0.001851851851851851922525771243;0.012962962962962962590318660716;0.007407407407407407690103084974;0.017129629629629630066522949505;0.006018518518518518531368322044;0.007870370370370369586532355299;0.006018518518518518531368322044;0.031018518518518518184423626849;0.006944444444444444058950338672;0.007870370370370369586532355299;0.019907407407407408383992475365;0.004166666666666666608842550801;0.011111111111111111535154627461;0.052777777777777777623580135469;0.000000000000000000000000000000;0.016203703703703702804217456901;0.006018518518518518531368322044;0.022222222222222223070309254922;0.025925925925925925180637321432;0.015277777777777777276635440273;0.013888888888888888117900677344;0.010185185185185186007572610833
-0.027536231884057970481505250859;0.013768115942028985240752625430;0.047101449275362319846216507813;0.138043478260869573182034741876;0.027536231884057970481505250859;0.016666666666666666435370203203;0.003985507246376811425758734941;0.020652173913043476993767200156;0.047101449275362319846216507813;0.020652173913043476993767200156;0.014855072463768116339255520586;0.013043478260869564508417361992;0.009420289855072464316187996758;0.030072463768115943044678672891;0.020289855072463766627599568437;0.023913043478260870289275885625;0.041666666666666664353702032031;0.034782608695652174335410933281;0.012318840579710145510805574531;0.008333333333333333217685101602;0.009782608695652174682355628477;0.024275362318840580655443517344;0.005434782608695652023067523828;0.026449275362318839383002355703;0.027898550724637680847672882578;0.022101449275362318458437727031;0.024275362318840580655443517344;0.009057971014492753950020365039;0.003623188405797101493271972217;0.005072463768115941656899892109;0.007971014492753622851517469883;0.018478260869565218266208361797;0.003985507246376811425758734941;0.008695652173913043583852733320;0.014855072463768116339255520586;0.042028985507246374719869663750;0.009782608695652174682355628477;0.010144927536231883313799784219;0.008695652173913043583852733320;0.008695652173913043583852733320;0.004710144927536232158093998379;0.030072463768115943044678672891;0.000000000000000000000000000000;0.014855072463768116339255520586;0.007608695652173913352711576152;0.009057971014492753950020365039;0.020652173913043476993767200156;0.018115942028985507900040730078;0.020289855072463766627599568437;0.011594202898550724778470311094
-0.031521739130434781039902247812;0.021014492753623187359934831875;0.038768115942028988363254882188;0.096014492753623184584377270312;0.002536231884057970828449946055;0.020652173913043476993767200156;0.007246376811594202986543944434;0.028623188405797101580008146016;0.046014492753623188747713612656;0.019565217391304349364711256953;0.018478260869565218266208361797;0.008695652173913043583852733320;0.014492753623188405973087888867;0.025362318840579711753946412500;0.014855072463768116339255520586;0.022463768115942028824605358750;0.038405797101449277997087250469;0.039855072463768112522863873437;0.022826086956521739190772990469;0.007608695652173913352711576152;0.013405797101449274874584993711;0.013405797101449274874584993711;0.014130434782608695606920257148;0.035144927536231884701578565000;0.026086956521739129016834723984;0.035869565217391305433913828438;0.026086956521739129016834723984;0.005072463768115941656899892109;0.005434782608695652023067523828;0.013768115942028985240752625430;0.012318840579710145510805574531;0.014492753623188405973087888867;0.011956521739130435144637942813;0.006884057971014492620376312715;0.011956521739130435144637942813;0.038768115942028988363254882188;0.010507246376811593679967415937;0.010869565217391304046135047656;0.004710144927536232158093998379;0.005434782608695652023067523828;0.007971014492753622851517469883;0.030797101449275363777013936328;0.000000000000000000000000000000;0.018840579710144928632375993516;0.006884057971014492620376312715;0.020289855072463766627599568437;0.022463768115942028824605358750;0.017028985507246376801537834922;0.023550724637681159923108253906;0.010869565217391304046135047656
-0.025641025641025640136039243089;0.015384615384615385469402326635;0.047435897435897433904727904519;0.000000000000000000000000000000;0.014529914529914530335608091605;0.023504273504273504036277131490;0.002564102564102564100340098108;0.026923076923076924571454071611;0.039316239316239315337853099663;0.025213675213675214303865601551;0.016666666666666666435370203203;0.016239316239316240603196561665;0.014957264957264957902505209120;0.026923076923076924571454071611;0.016666666666666666435370203203;0.016666666666666666435370203203;0.025641025641025640136039243089;0.062820512820512819374130231154;0.019230769230769231836752908293;0.007264957264957265167804045802;0.019658119658119657668926549832;0.042735042735042735873030039784;0.017948717948717947401338079771;0.020512820512820512802720784862;0.027777777777777776235801354687;0.026923076923076924571454071611;0.030769230769230770938804653269;0.013675213675213675201813856575;0.000854700854700854700113366036;0.031623931623931622603151936346;0.010683760683760683968257509946;0.017094017094017095736990796695;0.015384615384615385469402326635;0.004700854700854700633783078700;0.011965811965811966668948862491;0.047008547008547008072554262981;0.017094017094017095736990796695;0.006837606837606837600906928287;0.029914529914529915805010418239;0.012820512820512820068019621544;0.005982905982905983334474431246;0.029059829059829060671216183209;0.000000000000000000000000000000;0.014102564102564102768710974090;0.007264957264957265167804045802;0.013675213675213675201813856575;0.024358974358974359170071366520;0.019230769230769231836752908293;0.024358974358974359170071366520;0.012393162393162392501122504029
-0.017666666666666667323548622903;0.023333333333333334397297065266;0.037333333333333336423454085207;0.232333333333333336145898329050;0.029666666666666667573348803444;0.020000000000000000416333634234;0.001666666666666666773641281019;0.018333333333333333425851918719;0.063333333333333338699411285688;0.008999999999999999319988397417;0.007666666666666666248020067798;0.028000000000000000582867087928;0.006333333333333333176051738178;0.013666666666666667240281896056;0.027666666666666665796991964044;0.010000000000000000208166817117;0.019666666666666665630458510350;0.038333333333333330372738601000;0.017000000000000001221245327088;0.006666666666666667094565124074;0.011333333333333334147496884725;0.032333333333333331982561986706;0.003000000000000000062450045135;0.009666666666666667157015169209;0.016333333333333331649495079319;0.010333333333333333259318465025;0.018999999999999999528155214534;0.025666666666666667490082076597;0.000333333333333333322202191029;0.013333333333333334189130248149;0.021333333333333332620940225866;0.008999999999999999319988397417;0.005333333333333333155235056466;0.005000000000000000104083408559;0.008333333333333333217685101602;0.020000000000000000416333634234;0.004000000000000000083266726847;0.003333333333333333547282562037;0.027666666666666665796991964044;0.010333333333333333259318465025;0.008999999999999999319988397417;0.043999999999999997446487043362;0.000000000000000000000000000000;0.005333333333333333155235056466;0.017000000000000001221245327088;0.005333333333333333155235056466;0.007666666666666666248020067798;0.009666666666666667157015169209;0.013333333333333334189130248149;0.005333333333333333155235056466
-0.021794871794871793768688661430;0.020085470085470086970547143324;0.042735042735042735873030039784;0.198717948717948705850133706008;0.002136752136752136967123849587;0.020085470085470086970547143324;0.001709401709401709400226732072;0.010256410256410256401360392431;0.040598290598290599773267928185;0.014957264957264957902505209120;0.014102564102564102768710974090;0.020512820512820512802720784862;0.014102564102564102768710974090;0.025641025641025640136039243089;0.018376068376068376702958673263;0.020512820512820512802720784862;0.025213675213675214303865601551;0.040598290598290599773267928185;0.009829059829059828834463274916;0.008974358974358973700669039886;0.012820512820512820068019621544;0.032905982905982907038566764868;0.007692307692307692734701163317;0.016239316239316240603196561665;0.032478632478632481206393123330;0.018376068376068376702958673263;0.016666666666666666435370203203;0.020512820512820512802720784862;0.001282051282051282050170049054;0.012820512820512820068019621544;0.017521367521367521569164438233;0.015384615384615385469402326635;0.004700854700854700633783078700;0.005555555555555555767577313730;0.019658119658119657668926549832;0.023931623931623933337897724982;0.006837606837606837600906928287;0.011965811965811966668948862491;0.018376068376068376702958673263;0.017094017094017095736990796695;0.005128205128205128200680196215;0.028205128205128205537421948179;0.000000000000000000000000000000;0.009401709401709401267566157401;0.005555555555555555767577313730;0.005555555555555555767577313730;0.018376068376068376702958673263;0.016666666666666666435370203203;0.015384615384615385469402326635;0.011965811965811966668948862491
-0.028104575163398693576910503111;0.013071895424836601704021710191;0.049019607843137254221677068244;0.000000000000000000000000000000;0.001960784313725490168867082730;0.040522875816993465802884344384;0.002287581699346405341571886183;0.020915032679738560644766565133;0.049346405228758168093339264715;0.022222222222222223070309254922;0.015359477124183005744550989391;0.024183006535947713239176337652;0.023529411764705882026404992757;0.028431372549019607448572699582;0.007189542483660130330058724013;0.027124183006535948492476961746;0.033333333333333332870740406406;0.050980392156862744390544150974;0.007843137254901960675468330919;0.004575163398692810683143772366;0.013725490196078431182069579108;0.031045751633986928830211127206;0.017647058823529411519803744568;0.024836601307189540982500730593;0.038888888888888889505679458125;0.024836601307189540982500730593;0.020588235294117646773104368663;0.016013071895424835222598858309;0.002287581699346405341571886183;0.025490196078431372195272075487;0.015359477124183005744550989391;0.017320261437908497648141548098;0.006862745098039215591034789554;0.006209150326797385245625182648;0.018954248366013070475899482403;0.038888888888888889505679458125;0.013398692810457515575683906661;0.010130718954248366450721086096;0.016993464052287580307032399674;0.018627450980392156604237285933;0.005882352941176470506601248189;0.067647058823529407356467402224;0.000000000000000000000000000000;0.012745098039215686097636037744;0.003594771241830065165029362007;0.012745098039215686097636037744;0.017320261437908497648141548098;0.016013071895424835222598858309;0.022222222222222223070309254922;0.013725490196078431182069579108
-0.029914529914529915805010418239;0.018803418803418802535132314802;0.030341880341880341637184059778;0.014529914529914530335608091605;0.009401709401709401267566157401;0.049145299145299144172316374579;0.007264957264957265167804045802;0.024358974358974359170071366520;0.033333333333333332870740406406;0.011965811965811966668948862491;0.022222222222222223070309254922;0.026923076923076924571454071611;0.021794871794871793768688661430;0.016666666666666666435370203203;0.022222222222222223070309254922;0.025641025641025640136039243089;0.026068376068376069437659836581;0.035897435897435894802676159543;0.031196581196581196770978294808;0.008547008547008547868495398347;0.017521367521367521569164438233;0.017948717948717947401338079771;0.010683760683760683968257509946;0.014102564102564102768710974090;0.040170940170940173941094286647;0.017094017094017095736990796695;0.026495726495726495269833478119;0.051709401709401706104252127716;0.002564102564102564100340098108;0.045299145299145297804965792920;0.018376068376068376702958673263;0.010683760683760683968257509946;0.017094017094017095736990796695;0.005555555555555555767577313730;0.013675213675213675201813856575;0.017094017094017095736990796695;0.012820512820512820068019621544;0.019230769230769231836752908293;0.014957264957264957902505209120;0.012393162393162392501122504029;0.005128205128205128200680196215;0.036324786324786327573743704988;0.000000000000000000000000000000;0.008547008547008547868495398347;0.020085470085470086970547143324;0.016666666666666666435370203203;0.014102564102564102768710974090;0.012393162393162392501122504029;0.024786324786324785002245008059;0.010256410256410256401360392431
-0.028472222222222221682530474141;0.032291666666666669904817155157;0.031944444444444441977282167500;0.018402777777777778317469525859;0.011111111111111111535154627461;0.039236111111111110494320541875;0.004861111111111111188209932266;0.022569444444444444058950338672;0.044791666666666667129259593594;0.013194444444444444405895033867;0.020833333333333332176851016015;0.017708333333333332870740406406;0.020138888888888890199568848516;0.014236111111111110841265237070;0.027083333333333334258519187188;0.020833333333333332176851016015;0.033680555555555553859381490156;0.042708333333333334258519187188;0.021527777777777777623580135469;0.006597222222222222202947516934;0.016666666666666666435370203203;0.021180555555555556634939051719;0.014930555555555556287994356524;0.018402777777777778317469525859;0.032986111111111111882099322656;0.020486111111111111188209932266;0.025347222222222222376419864531;0.049305555555555553859381490156;0.004513888888888888464845372539;0.035416666666666665741480812812;0.022569444444444444058950338672;0.017361111111111111882099322656;0.011458333333333332523795711211;0.009374999999999999653055304805;0.012500000000000000693889390391;0.023958333333333334952408577578;0.005555555555555555767577313730;0.016319444444444445446729119453;0.007638888888888888638317720137;0.012152777777777777970524830664;0.006944444444444444058950338672;0.050000000000000002775557561563;0.000000000000000000000000000000;0.010763888888888888811790067734;0.015625000000000000000000000000;0.012847222222222221682530474141;0.013194444444444444405895033867;0.010069444444444445099784424258;0.019097222222222223764198645313;0.011111111111111111535154627461
-0.013008130081300812996847326986;0.025609756097560974069660133523;0.021138211382113820252515168363;0.343089430894308933250869131371;0.014634146341463415488814980847;0.022764227642276424479206298201;0.007723577235772357933718534895;0.015040650406504065678126025318;0.010162601626016259936946539710;0.010162601626016259936946539710;0.010569105691056910126257584182;0.011382113821138212239603149101;0.005691056910569106119801574550;0.012601626016260162807536282514;0.032520325203252035961565269417;0.008943089430894309369013406297;0.025203252032520325615072565029;0.028861788617886179053595441246;0.025203252032520325615072565029;0.003252032520325203249211831746;0.020731707317073171797927599869;0.021138211382113820252515168363;0.004471544715447154684506703148;0.016260162601626017980782634709;0.013821138211382113375469415928;0.011382113821138212239603149101;0.017886178861788618738026812593;0.027642276422764226750938831856;0.004065040650406504495195658677;0.022764227642276424479206298201;0.006910569105691056687734707964;0.021951219512195120631137257305;0.006910569105691056687734707964;0.006097560975609756309112619022;0.005691056910569106119801574550;0.021138211382113820252515168363;0.007317073170731707744407490424;0.006910569105691056687734707964;0.007723577235772357933718534895;0.002032520325203252247597829339;0.008943089430894309369013406297;0.015040650406504065678126025318;0.000000000000000000000000000000;0.013414634146341463186158371457;0.016666666666666666435370203203;0.012601626016260162807536282514;0.008943089430894309369013406297;0.009349593495934959558324450768;0.009756097560975609747635495239;0.004878048780487804873817747620
-0.010964912280701753777290008429;0.025438596491228069457202209946;0.016666666666666666435370203203;0.353508771929824550106502556446;0.013157894736842104532748010115;0.009649122807017544364849293004;0.008333333333333333217685101602;0.020175438596491228337992396291;0.025438596491228069457202209946;0.008333333333333333217685101602;0.005701754385964912658080194774;0.005701754385964912658080194774;0.006578947368421052266374005058;0.008333333333333333217685101602;0.032017543859649125193023166958;0.007456140350877192742029553330;0.023245614035087718701744208261;0.029385964912280702898694784153;0.015789473684210526827076392919;0.001754385964912280734470662047;0.015789473684210526827076392919;0.029824561403508770968118213318;0.013596491228070176071618391234;0.016228070175438594896499822084;0.009210526315789472825978911885;0.010087719298245614168996198146;0.021052631578947367946286206575;0.031140350877192982115282404720;0.003508771929824561468941324094;0.013596491228070176071618391234;0.007456140350877192742029553330;0.018859649122807017190828204889;0.008771929824561403021832006743;0.009649122807017544364849293004;0.007456140350877192742029553330;0.017543859649122806043664013487;0.002631578947368420993285775822;0.007017543859649122937882648188;0.009649122807017544364849293004;0.007894736842105263413538196460;0.010087719298245614168996198146;0.037719298245614034381656409778;0.000000000000000000000000000000;0.010526315789473683973143103287;0.012719298245614034728601104973;0.014035087719298245875765296375;0.009210526315789472825978911885;0.003508771929824561468941324094;0.008333333333333333217685101602;0.005263157894736841986571551644
-0.007916666666666667337426410711;0.020000000000000000416333634234;0.012083333333333333078907223523;0.494583333333333319270508354748;0.036249999999999997501998194593;0.013333333333333334189130248149;0.004166666666666666608842550801;0.014583333333333333564629796797;0.020416666666666666296592325125;0.004583333333333333356462979680;0.006250000000000000346944695195;0.005416666666666666851703837438;0.007083333333333332974823814965;0.004583333333333333356462979680;0.022499999999999999167332731531;0.003749999999999999861222121922;0.025000000000000001387778780781;0.027083333333333334258519187188;0.010416666666666666088425508008;0.000833333333333333386820640509;0.009583333333333332593184650250;0.012916666666666666574148081281;0.005416666666666666851703837438;0.010416666666666666088425508008;0.005000000000000000104083408559;0.002916666666666666799662133158;0.012916666666666666574148081281;0.024166666666666666157814447047;0.002500000000000000052041704279;0.017916666666666667545593227828;0.008750000000000000832667268469;0.012083333333333333078907223523;0.007083333333333332974823814965;0.006666666666666667094565124074;0.003749999999999999861222121922;0.010833333333333333703407674875;0.003749999999999999861222121922;0.003749999999999999861222121922;0.012500000000000000693889390391;0.004583333333333333356462979680;0.007083333333333332974823814965;0.032500000000000001110223024625;0.000000000000000000000000000000;0.006250000000000000346944695195;0.012083333333333333078907223523;0.006666666666666667094565124074;0.005833333333333333599324266316;0.002500000000000000052041704279;0.005416666666666666851703837438;0.003333333333333333547282562037
-0.011944444444444445030395485219;0.021388888888888887840344921187;0.024444444444444445724284875610;0.292777777777777803436265458004;0.040000000000000000832667268469;0.019444444444444444752839729063;0.004166666666666666608842550801;0.015555555555555555108382392859;0.038333333333333330372738601000;0.007777777777777777554191196430;0.008888888888888888881179006773;0.013888888888888888117900677344;0.010000000000000000208166817117;0.010277777777777778039913769703;0.026388888888888888811790067734;0.010000000000000000208166817117;0.021111111111111111743321444578;0.027222222222222220572307449515;0.017222222222222222098864108375;0.003055555555555555715535609451;0.006666666666666667094565124074;0.022499999999999999167332731531;0.003611111111111110945348645629;0.008611111111111111049432054187;0.018055555555555553859381490156;0.008888888888888888881179006773;0.012500000000000000693889390391;0.078611111111111117710770201938;0.002777777777777777883788656865;0.023333333333333334397297065266;0.009722222222222222376419864531;0.008333333333333333217685101602;0.007777777777777777554191196430;0.002777777777777777883788656865;0.004166666666666666608842550801;0.012777777777777778525636342977;0.003888888888888888777095598215;0.005833333333333333599324266316;0.016666666666666666435370203203;0.006111111111111111431071218902;0.006666666666666667094565124074;0.050555555555555554969604514781;0.000000000000000000000000000000;0.006944444444444444058950338672;0.013888888888888888117900677344;0.006944444444444444058950338672;0.007777777777777777554191196430;0.004722222222222222272336455973;0.008611111111111111049432054187;0.006388888888888889262818171488
-0.020138888888888890199568848516;0.039583333333333331482961625625;0.035416666666666665741480812812;0.030208333333333333564629796797;0.046875000000000000000000000000;0.020833333333333332176851016015;0.004513888888888888464845372539;0.027777777777777776235801354687;0.048958333333333332870740406406;0.011458333333333332523795711211;0.013194444444444444405895033867;0.012847222222222221682530474141;0.011111111111111111535154627461;0.019097222222222223764198645313;0.030208333333333333564629796797;0.009374999999999999653055304805;0.026736111111111109800431151484;0.049305555555555553859381490156;0.019444444444444444752839729063;0.006250000000000000346944695195;0.014930555555555556287994356524;0.035069444444444444752839729063;0.012500000000000000693889390391;0.014583333333333333564629796797;0.018749999999999999306110609609;0.017013888888888887424011286953;0.032638888888888890893458238907;0.045486111111111109106541761093;0.001041666666666666652210637700;0.037152777777777777623580135469;0.013541666666666667129259593594;0.011111111111111111535154627461;0.010763888888888888811790067734;0.006597222222222222202947516934;0.010416666666666666088425508008;0.027777777777777776235801354687;0.010763888888888888811790067734;0.005902777777777777623580135469;0.020833333333333332176851016015;0.015625000000000000000000000000;0.012500000000000000693889390391;0.054166666666666668517038374375;0.000000000000000000000000000000;0.009027777777777776929690745078;0.017361111111111111882099322656;0.009722222222222222376419864531;0.014583333333333333564629796797;0.006250000000000000346944695195;0.022569444444444444058950338672;0.007986111111111110494320541875
-0.024561403508771929848908399663;0.035526315789473683626198408092;0.042543859649122807431442794268;0.017105263157894737974240584322;0.023684210526315790240614589379;0.027192982456140352143236782467;0.003070175438596491231113549958;0.019298245614035088729698586008;0.061842105263157892691694428322;0.014473684210526315679912201517;0.013596491228070176071618391234;0.010526315789473683973143103287;0.014035087719298245875765296375;0.018421052631578945651957823770;0.033333333333333332870740406406;0.010964912280701753777290008429;0.035964912280701755165068789211;0.057017543859649119641908043832;0.014035087719298245875765296375;0.004385964912280701510916003372;0.014035087719298245875765296375;0.037719298245614034381656409778;0.009649122807017544364849293004;0.018421052631578945651957823770;0.029824561403508770968118213318;0.028947368421052631359824403035;0.026754385964912280604366401349;0.032456140350877189792999644169;0.001754385964912280734470662047;0.024122807017543858310038018544;0.007017543859649122937882648188;0.018859649122807017190828204889;0.007456140350877192742029553330;0.005263157894736841986571551644;0.013596491228070176071618391234;0.023684210526315790240614589379;0.014035087719298245875765296375;0.012280701754385964924454199831;0.012280701754385964924454199831;0.011403508771929825316160389548;0.007456140350877192742029553330;0.056578947368421055041931566620;0.000000000000000000000000000000;0.010526315789473683973143103287;0.016228070175438594896499822084;0.013596491228070176071618391234;0.016228070175438594896499822084;0.012719298245614034728601104973;0.019736842105263156799122015173;0.015789473684210526827076392919
-0.008333333333333333217685101602;0.039473684210526313598244030345;0.008771929824561403021832006743;0.461403508771929815601708924078;0.056140350877192983503061185502;0.009210526315789472825978911885;0.002192982456140350755458001686;0.013596491228070176071618391234;0.021491228070175439485156587693;0.004385964912280701510916003372;0.007894736842105263413538196460;0.002631578947368420993285775822;0.004385964912280701510916003372;0.001315789473684210496642887911;0.019298245614035088729698586008;0.006578947368421052266374005058;0.009649122807017544364849293004;0.023245614035087718701744208261;0.007456140350877192742029553330;0.000877192982456140367235331023;0.006578947368421052266374005058;0.007456140350877192742029553330;0.002192982456140350755458001686;0.009649122807017544364849293004;0.006578947368421052266374005058;0.005701754385964912658080194774;0.010087719298245614168996198146;0.102192982456140349367679220904;0.004385964912280701510916003372;0.012719298245614034728601104973;0.002192982456140350755458001686;0.003070175438596491231113549958;0.004824561403508772182424646502;0.001315789473684210496642887911;0.002192982456140350755458001686;0.012719298245614034728601104973;0.003508771929824561468941324094;0.002631578947368420993285775822;0.013596491228070176071618391234;0.000877192982456140367235331023;0.007894736842105263413538196460;0.036842105263157891303915647541;0.000000000000000000000000000000;0.004824561403508772182424646502;0.009649122807017544364849293004;0.003947368421052631706769098230;0.003947368421052631706769098230;0.002631578947368420993285775822;0.004824561403508772182424646502;0.002631578947368420993285775822
-0.011904761904761904101057723437;0.048412698412698414174304417656;0.019841269841269840168429539062;0.302380952380952361391308613747;0.033730158730158728286330216406;0.009126984126984127518311673555;0.002777777777777777883788656865;0.014285714285714285268213963320;0.050000000000000002775557561563;0.008730158730158730367998387578;0.007936507936507936067371815625;0.003571428571428571317053490830;0.005555555555555555767577313730;0.015476190476190476719153821250;0.022222222222222223070309254922;0.005158730158730158617264027754;0.035714285714285712303173170312;0.032936507936507937455150596406;0.005952380952380952050528861719;0.004365079365079365183999193789;0.007936507936507936067371815625;0.020238095238095239053466301016;0.003174603174603174600421073848;0.011111111111111111535154627461;0.011904761904761904101057723437;0.010317460317460317234528055508;0.011111111111111111535154627461;0.077777777777777779011358916250;0.001984126984126984016842953906;0.009126984126984127518311673555;0.003968253968253968033685907812;0.008333333333333333217685101602;0.003571428571428571317053490830;0.005158730158730158617264027754;0.003968253968253968033685907812;0.015476190476190476719153821250;0.001984126984126984016842953906;0.005952380952380952050528861719;0.017460317460317460735996775156;0.004365079365079365183999193789;0.017063492063492061850960013203;0.061904761904761906876615285000;0.000000000000000000000000000000;0.005952380952380952050528861719;0.008333333333333333217685101602;0.002777777777777777883788656865;0.009126984126984127518311673555;0.007936507936507936067371815625;0.006349206349206349200842147695;0.005555555555555555767577313730
-0.020098039215686275965611073957;0.053921568627450983113291727022;0.037745098039215684015967866571;0.053921568627450983113291727022;0.010784313725490195928768955014;0.016666666666666666435370203203;0.001960784313725490168867082730;0.015686274509803921350936661838;0.055882352941176473282158809752;0.015686274509803921350936661838;0.017156862745098040712310449862;0.007352941176470588133251560237;0.009313725490196078302118642966;0.027450980392156862364139158217;0.028431372549019607448572699582;0.011764705882352941013202496379;0.044607843137254903076449608079;0.051470588235294115198037445680;0.009313725490196078302118642966;0.004901960784313725422167706824;0.011274509803921568470985725696;0.018137254901960785796743991227;0.007843137254901960675468330919;0.023039215686274511218911698052;0.019117647058823530881177532592;0.026960784313725491556645863511;0.017647058823529411519803744568;0.064705882352941182511507633990;0.003431372549019607795517394777;0.011764705882352941013202496379;0.003431372549019607795517394777;0.016176470588235295627876908497;0.008333333333333333217685101602;0.001960784313725490168867082730;0.010784313725490195928768955014;0.027450980392156862364139158217;0.007352941176470588133251560237;0.008333333333333333217685101602;0.003921568627450980337734165460;0.010784313725490195928768955014;0.005392156862745097964384477507;0.092647058823529415683140086912;0.000000000000000000000000000000;0.010784313725490195928768955014;0.009803921568627450844335413649;0.009803921568627450844335413649;0.026960784313725491556645863511;0.020098039215686275965611073957;0.015196078431372548808719891156;0.012745098039215686097636037744
-0.021180555555555556634939051719;0.014930555555555556287994356524;0.046180555555555558022717832500;0.250000000000000000000000000000;0.002777777777777777883788656865;0.013194444444444444405895033867;0.003125000000000000173472347598;0.018402777777777778317469525859;0.053819444444444447528397290625;0.019444444444444444752839729063;0.012847222222222221682530474141;0.005208333333333333044212754004;0.007638888888888888638317720137;0.025000000000000001387778780781;0.021527777777777777623580135469;0.014583333333333333564629796797;0.032638888888888890893458238907;0.036111111111111107718762980312;0.009027777777777776929690745078;0.005555555555555555767577313730;0.010763888888888888811790067734;0.021874999999999998612221219219;0.004166666666666666608842550801;0.027777777777777776235801354687;0.022222222222222223070309254922;0.029861111111111112575988713047;0.022222222222222223070309254922;0.012152777777777777970524830664;0.001736111111111111014737584668;0.004861111111111111188209932266;0.006597222222222222202947516934;0.015277777777777777276635440273;0.003472222222222222029475169336;0.008680555555555555941049661328;0.009722222222222222376419864531;0.030208333333333333564629796797;0.006250000000000000346944695195;0.007638888888888888638317720137;0.006250000000000000346944695195;0.010069444444444445099784424258;0.008680555555555555941049661328;0.026736111111111109800431151484;0.000000000000000000000000000000;0.014930555555555556287994356524;0.005902777777777777623580135469;0.010416666666666666088425508008;0.020138888888888890199568848516;0.016319444444444445446729119453;0.010416666666666666088425508008;0.011458333333333332523795711211
-0.038157894736842105920526790896;0.007894736842105263413538196460;0.036842105263157891303915647541;0.166666666666666657414808128124;0.039473684210526313598244030345;0.022807017543859650632320779096;0.000438596491228070183617665512;0.012719298245614034728601104973;0.035087719298245612087328026973;0.017105263157894737974240584322;0.013157894736842104532748010115;0.012280701754385964924454199831;0.017543859649122806043664013487;0.028508771929824559820954021916;0.010087719298245614168996198146;0.028070175438596491751530592751;0.016666666666666666435370203203;0.020614035087719299876862777410;0.008333333333333333217685101602;0.010087719298245614168996198146;0.010964912280701753777290008429;0.026315789473684209065496020230;0.008333333333333333217685101602;0.021491228070175439485156587693;0.028070175438596491751530592751;0.032017543859649125193023166958;0.016666666666666666435370203203;0.053070175438596489669862421579;0.000000000000000000000000000000;0.010964912280701753777290008429;0.010087719298245614168996198146;0.010087719298245614168996198146;0.003947368421052631706769098230;0.007456140350877192742029553330;0.024561403508771929848908399663;0.020614035087719299876862777410;0.011403508771929825316160389548;0.010526315789473683973143103287;0.002192982456140350755458001686;0.007456140350877192742029553330;0.002192982456140350755458001686;0.015789473684210526827076392919;0.000000000000000000000000000000;0.009649122807017544364849293004;0.003070175438596491231113549958;0.010087719298245614168996198146;0.036403508771929826703939170329;0.024561403508771929848908399663;0.019298245614035088729698586008;0.020175438596491228337992396291
-0.016666666666666666435370203203;0.012962962962962962590318660716;0.031018518518518518184423626849;0.225462962962962976121161773335;0.022685185185185186701462001224;0.012500000000000000693889390391;0.007407407407407407690103084974;0.017129629629629630066522949505;0.052314814814814813992427389167;0.012500000000000000693889390391;0.010648148148148147904001881159;0.006481481481481481295159330358;0.006018518518518518531368322044;0.018055555555555553859381490156;0.015740740740740739173064710599;0.015277777777777777276635440273;0.041203703703703700722549285729;0.017592592592592593697675695807;0.006481481481481481295159330358;0.004166666666666666608842550801;0.014351851851851851749053423646;0.015277777777777777276635440273;0.007407407407407407690103084974;0.026388888888888888811790067734;0.021296296296296295808003762318;0.021759259259259259439156508620;0.018981481481481481121686982760;0.070833333333333331482961625625;0.010185185185185186007572610833;0.005555555555555555767577313730;0.007870370370370369586532355299;0.024537037037037037756626034479;0.003703703703703703845051542487;0.004629629629629629372633559115;0.009259259259259258745267118229;0.027777777777777776235801354687;0.005555555555555555767577313730;0.010648148148148147904001881159;0.008796296296296296848837847904;0.007870370370370369586532355299;0.004629629629629629372633559115;0.034722222222222223764198645313;0.000000000000000000000000000000;0.015277777777777777276635440273;0.006481481481481481295159330358;0.012037037037037037062736644089;0.020833333333333332176851016015;0.008333333333333333217685101602;0.011574074074074073431583897786;0.011111111111111111535154627461
-0.023412698412698412786525636875;0.026190476190476191103995162734;0.059920634920634922859772331094;0.011507936507936508685467913438;0.017063492063492061850960013203;0.020634920634920634469056111016;0.005158730158730158617264027754;0.032142857142857139685077072500;0.050000000000000002775557561563;0.017857142857142856151586585156;0.013888888888888888117900677344;0.012301587301587301251371009414;0.006746031746031746351155433672;0.036904761904761905488836504219;0.037301587301587300904426314219;0.016666666666666666435370203203;0.023015873015873017370935826875;0.040079365079365082691342792032;0.019444444444444444752839729063;0.008730158730158730367998387578;0.013095238095238095551997581367;0.036507936507936510073246694219;0.011904761904761904101057723437;0.025793650793650792218958400781;0.025396825396825396803368590781;0.021031746031746033354092872969;0.028968253968253969421464688594;0.026190476190476191103995162734;0.000396825396825396825052634231;0.015079365079365079568840535273;0.013095238095238095551997581367;0.009523809523809524668624959531;0.010317460317460317234528055508;0.005158730158730158617264027754;0.014682539682539682418527249297;0.030158730158730159137681070547;0.012301587301587301251371009414;0.012698412698412698401684295391;0.021428571428571428769682682969;0.018650793650793650452213157109;0.012301587301587301251371009414;0.030952380952380953438307642500;0.000000000000000000000000000000;0.009523809523809524668624959531;0.024603174603174602502742018828;0.006746031746031746351155433672;0.028571428571428570536427926640;0.019047619047619049337249919063;0.028968253968253969421464688594;0.007936507936507936067371815625
-0.008943089430894309369013406297;0.043495934959349592807686946117;0.025609756097560974069660133523;0.022357723577235772555171777753;0.060569105691056911167091669768;0.014634146341463415488814980847;0.008536585365853659179702361826;0.047560975609756098170244342782;0.037398373983739838233297803072;0.009349593495934959558324450768;0.014227642276422763564780460399;0.011382113821138212239603149101;0.004065040650406504495195658677;0.007723577235772357933718534895;0.067073170731707321134962285214;0.008536585365853659179702361826;0.024390243902439025236450476086;0.037398373983739838233297803072;0.060975609756097559621679238262;0.002845528455284553059900787275;0.023983739837398373312415955638;0.021138211382113820252515168363;0.008130081300813008990391317354;0.018292682926829267192614381088;0.010569105691056910126257584182;0.009349593495934959558324450768;0.037398373983739838233297803072;0.039430894308943087445129549451;0.003252032520325203249211831746;0.035365853658536582082572152785;0.008536585365853659179702361826;0.016666666666666666435370203203;0.026016260162601625993694653971;0.005284552845528455063128792091;0.004065040650406504495195658677;0.025609756097560974069660133523;0.003658536585365853872203745212;0.003658536585365853872203745212;0.013414634146341463186158371457;0.002439024390243902436908873810;0.018292682926829267192614381088;0.047154471544715449715656774288;0.000000000000000000000000000000;0.005284552845528455063128792091;0.052032520325203251987389307942;0.008536585365853659179702361826;0.009756097560975609747635495239;0.003252032520325203249211831746;0.015853658536585366056748114261;0.006504065040650406498423663493
-0.007894736842105263413538196460;0.021491228070175439485156587693;0.037280701754385962842786028659;0.001754385964912280734470662047;0.034649122807017540548457645855;0.013157894736842104532748010115;0.005701754385964912658080194774;0.042105263157894735892572413150;0.071052631578947367252396816184;0.020175438596491228337992396291;0.010087719298245614168996198146;0.013596491228070176071618391234;0.007456140350877192742029553330;0.015350877192982455288206011801;0.027192982456140352143236782467;0.013596491228070176071618391234;0.047368421052631580481229178758;0.047807017543859652020099559877;0.039912280701754385137114411464;0.007894736842105263413538196460;0.014473684210526315679912201517;0.037280701754385962842786028659;0.007017543859649122937882648188;0.027631578947368420212660211632;0.014035087719298245875765296375;0.017982456140350877582534394605;0.024561403508771929848908399663;0.027631578947368420212660211632;0.004385964912280701510916003372;0.047368421052631580481229178758;0.005701754385964912658080194774;0.023684210526315790240614589379;0.012719298245614034728601104973;0.008333333333333333217685101602;0.003070175438596491231113549958;0.042982456140350878970313175387;0.012280701754385964924454199831;0.004385964912280701510916003372;0.008771929824561403021832006743;0.005701754385964912658080194774;0.011842105263157895120307294690;0.053508771929824561208732802697;0.000000000000000000000000000000;0.013596491228070176071618391234;0.024122807017543858310038018544;0.010087719298245614168996198146;0.021052631578947367946286206575;0.004824561403508772182424646502;0.015789473684210526827076392919;0.009649122807017544364849293004
-0.022222222222222223070309254922;0.024603174603174602502742018828;0.039285714285714284921269268125;0.009126984126984127518311673555;0.021428571428571428769682682969;0.025396825396825396803368590781;0.003174603174603174600421073848;0.028968253968253969421464688594;0.068253968253968247403840052812;0.017063492063492061850960013203;0.013095238095238095551997581367;0.016666666666666666435370203203;0.015476190476190476719153821250;0.020238095238095239053466301016;0.032936507936507937455150596406;0.011111111111111111535154627461;0.023015873015873017370935826875;0.039682539682539680336859078125;0.021428571428571428769682682969;0.003571428571428571317053490830;0.017460317460317460735996775156;0.024206349206349207087152208828;0.007142857142857142634106981660;0.025000000000000001387778780781;0.022222222222222223070309254922;0.019841269841269840168429539062;0.026984126984126985404621734688;0.037301587301587300904426314219;0.001984126984126984016842953906;0.025000000000000001387778780781;0.017857142857142856151586585156;0.009523809523809524668624959531;0.012301587301587301251371009414;0.007142857142857142634106981660;0.013888888888888888117900677344;0.023412698412698412786525636875;0.009523809523809524668624959531;0.010317460317460317234528055508;0.033730158730158728286330216406;0.010317460317460317234528055508;0.013095238095238095551997581367;0.073809523809523810977673008438;0.000000000000000000000000000000;0.013095238095238095551997581367;0.016269841269841271019780393203;0.009920634920634920084214769531;0.017857142857142856151586585156;0.014682539682539682418527249297;0.018253968253968255036623347110;0.011111111111111111535154627461
-0.015238095238095238082021154469;0.041428571428571425716569365250;0.029999999999999998889776975375;0.042380952380952380265100032375;0.077619047619047615294007869124;0.034285714285714287419271073531;0.012380952380952381375323057000;0.028095238095238096731609545031;0.038095238095238098674499838125;0.012380952380952381375323057000;0.010000000000000000208166817117;0.017619047619047617514453918375;0.011904761904761904101057723437;0.016666666666666666435370203203;0.024285714285714285476380780437;0.008095238095238094580552434820;0.024285714285714285476380780437;0.043333333333333334813630699500;0.025714285714285713829729829172;0.005238095238095237873854337352;0.019047619047619049337249919063;0.017142857142857143709635536766;0.002857142857142857140378966463;0.014761904761904762542479296883;0.016190476190476189161104869640;0.018095238095238094788719251937;0.027619047619047619457344211469;0.053333333333333336756520992594;0.002857142857142857140378966463;0.062380952380952384150880618563;0.026190476190476191103995162734;0.013333333333333334189130248149;0.013333333333333334189130248149;0.006190476190476190687661528500;0.005714285714285714280757932926;0.018095238095238094788719251937;0.007142857142857142634106981660;0.012857142857142856914864914586;0.007619047619047619041010577234;0.006190476190476190687661528500;0.012857142857142856914864914586;0.040000000000000000832667268469;0.000000000000000000000000000000;0.007142857142857142634106981660;0.019523809523809523142068300672;0.011428571428571428561515865852;0.012380952380952381375323057000;0.006190476190476190687661528500;0.012857142857142856914864914586;0.007619047619047619041010577234
-0.019444444444444444752839729063;0.024652777777777776929690745078;0.031250000000000000000000000000;0.044791666666666667129259593594;0.056250000000000001387778780781;0.024305555555555555941049661328;0.009722222222222222376419864531;0.042013888888888892281237019688;0.034722222222222223764198645313;0.013888888888888888117900677344;0.011805555555555555247160270937;0.015625000000000000000000000000;0.011458333333333332523795711211;0.013888888888888888117900677344;0.047569444444444441977282167500;0.011111111111111111535154627461;0.019791666666666665741480812812;0.038194444444444447528397290625;0.040972222222222222376419864531;0.004166666666666666608842550801;0.031944444444444441977282167500;0.019097222222222223764198645313;0.008680555555555555941049661328;0.019097222222222223764198645313;0.019791666666666665741480812812;0.014236111111111110841265237070;0.030555555555555554553270880547;0.025000000000000001387778780781;0.000694444444444444470947164216;0.048958333333333332870740406406;0.017013888888888887424011286953;0.013194444444444444405895033867;0.020138888888888890199568848516;0.003472222222222222029475169336;0.009027777777777776929690745078;0.026388888888888888811790067734;0.011458333333333332523795711211;0.008680555555555555941049661328;0.004513888888888888464845372539;0.007291666666666666782314898398;0.013888888888888888117900677344;0.036805555555555556634939051719;0.000000000000000000000000000000;0.007986111111111110494320541875;0.028472222222222221682530474141;0.014236111111111110841265237070;0.011805555555555555247160270937;0.007291666666666666782314898398;0.014930555555555556287994356524;0.009722222222222222376419864531
-0.030277777777777778456247403938;0.020000000000000000416333634234;0.057500000000000002498001805407;0.003333333333333333547282562037;0.004166666666666666608842550801;0.024166666666666666157814447047;0.002222222222222222220294751693;0.025277777777777777484802257391;0.055833333333333332038073137937;0.023611111111111110494320541875;0.015833333333333334674852821422;0.015277777777777777276635440273;0.010833333333333333703407674875;0.035277777777777775958245598531;0.014722222222222221613141535101;0.018055555555555553859381490156;0.036388888888888887285233408875;0.056111111111111111604543566500;0.018055555555555553859381490156;0.009444444444444444544672911945;0.012777777777777778525636342977;0.025555555555555557051272685953;0.008611111111111111049432054187;0.030555555555555554553270880547;0.031944444444444441977282167500;0.032222222222222221543752596062;0.033055555555555553304269977843;0.016944444444444446001840631766;0.001111111111111111110147375847;0.017777777777777777762358013547;0.014166666666666665949647629930;0.017500000000000001665334536938;0.009722222222222222376419864531;0.004166666666666666608842550801;0.014166666666666665949647629930;0.045833333333333330095182844843;0.011944444444444445030395485219;0.009444444444444444544672911945;0.011111111111111111535154627461;0.007499999999999999722444243844;0.006944444444444444058950338672;0.048611111111111111882099322656;0.000000000000000000000000000000;0.015833333333333334674852821422;0.006944444444444444058950338672;0.010833333333333333703407674875;0.028888888888888887562789165031;0.013055555555555556357383295563;0.022222222222222223070309254922;0.014166666666666665949647629930
-0.017441860465116278827713003352;0.042248062015503878852129560073;0.036434108527131782440111607002;0.029069767441860464712855005587;0.065891472868217060288031916571;0.015116279069767441650684602905;0.002325581395348837177028400447;0.018992248062015503612398603650;0.058914728682170541818052811323;0.010465116279069767296627802011;0.012403100775193798277484802384;0.019767441860465116004741403799;0.013953488372093023062170402682;0.017441860465116278827713003352;0.024806201550387596554969604767;0.013565891472868216865999002607;0.035271317829457367321044358732;0.043023255813953491244472360222;0.018217054263565891220055803501;0.005426356589147286746399601043;0.017829457364341085023884403427;0.025193798449612402751141004842;0.008527131782945736315770801639;0.012790697674418604473656202458;0.022093023255813953181769804246;0.012403100775193798277484802384;0.020930232558139534593255604022;0.049612403100775193109939209535;0.001550387596899224784685600298;0.028294573643410852320512205438;0.016279069767441860239198803129;0.014341085271317829258341802756;0.013953488372093023062170402682;0.006589147286821705334913801266;0.010852713178294573492799202086;0.022480620155038759377941204320;0.007751937984496123923428001490;0.008139534883720930119599401564;0.032170542635658917751673158136;0.015116279069767441650684602905;0.010077519379844961100456401937;0.051550387596899227560243161861;0.000000000000000000000000000000;0.007751937984496123923428001490;0.014341085271317829258341802756;0.011240310077519379688970602160;0.015891472868217054043027403054;0.013953488372093023062170402682;0.014728682170542635454513202831;0.012790697674418604473656202458
-0.015891472868217054043027403054;0.036821705426356592105729959030;0.041085271317829456794168407896;0.035658914728682170047768806853;0.051550387596899227560243161861;0.023255813953488371770284004469;0.001937984496124030980857000372;0.020930232558139534593255604022;0.073255813953488374545841566032;0.007751937984496123923428001490;0.011627906976744185885142002235;0.023643410852713177966455404544;0.008139534883720930119599401564;0.017054263565891472631541603278;0.022868217054263565574112604395;0.010077519379844961100456401937;0.020542635658914728397084203948;0.059689922480620154210395611472;0.020542635658914728397084203948;0.005813953488372092942571001117;0.011240310077519379688970602160;0.027519379844961239928169405289;0.009302325581395348708113601788;0.009689922480620154904285001862;0.019767441860465116004741403799;0.015503875968992247846856002980;0.022868217054263565574112604395;0.054651162790697677129614362457;0.000775193798449612392342800149;0.040310077519379844401825607747;0.017054263565891472631541603278;0.007751937984496123923428001490;0.011627906976744185885142002235;0.007364341085271317727256601415;0.007751937984496123923428001490;0.025968992248062015143483804991;0.010852713178294573492799202086;0.006201550387596899138742401192;0.018992248062015503612398603650;0.006976744186046511531085201341;0.007364341085271317727256601415;0.068217054263565890526166413110;0.000000000000000000000000000000;0.008527131782945736315770801639;0.015891472868217054043027403054;0.005813953488372092942571001117;0.015503875968992247846856002980;0.011240310077519379688970602160;0.015116279069767441650684602905;0.012015503875968992081313402309
-0.005263157894736841986571551644;0.031140350877192982115282404720;0.015350877192982455288206011801;0.499122807017543856922259237763;0.007456140350877192742029553330;0.008333333333333333217685101602;0.000877192982456140367235331023;0.013596491228070176071618391234;0.037280701754385962842786028659;0.003070175438596491231113549958;0.003947368421052631706769098230;0.017543859649122806043664013487;0.001315789473684210496642887911;0.005701754385964912658080194774;0.013157894736842104532748010115;0.003947368421052631706769098230;0.013157894736842104532748010115;0.024122807017543858310038018544;0.007894736842105263413538196460;0.001754385964912280734470662047;0.009210526315789472825978911885;0.010964912280701753777290008429;0.001754385964912280734470662047;0.003947368421052631706769098230;0.007017543859649122937882648188;0.003947368421052631706769098230;0.008771929824561403021832006743;0.062280701754385964230564809441;0.002631578947368420993285775822;0.017105263157894737974240584322;0.014035087719298245875765296375;0.007456140350877192742029553330;0.000877192982456140367235331023;0.002192982456140350755458001686;0.001754385964912280734470662047;0.011403508771929825316160389548;0.001754385964912280734470662047;0.001315789473684210496642887911;0.027631578947368420212660211632;0.001754385964912280734470662047;0.004385964912280701510916003372;0.056578947368421055041931566620;0.000000000000000000000000000000;0.003508771929824561468941324094;0.006578947368421052266374005058;0.001315789473684210496642887911;0.005263157894736841986571551644;0.002631578947368420993285775822;0.004385964912280701510916003372;0.003508771929824561468941324094
-0.007909604519774010925048379761;0.018361581920903955605917090566;0.027401129943502824243273252591;0.515254237288135574779346370633;0.003107344632768361744612484188;0.012429378531073446978449936751;0.002542372881355932021096855067;0.008474576271186440648564008882;0.037570621468926555797107624812;0.008192090395480225786806194321;0.006779661016949152345378859508;0.004237288135593220324282004441;0.002542372881355932021096855067;0.010169491525423728084387420267;0.017231638418079096158885832324;0.006779661016949152345378859508;0.032485875706214688285466962725;0.025988700564971749934484179789;0.006214689265536723489224968375;0.003954802259887005462524189880;0.007062146892655367207136674068;0.020338983050847456168774840535;0.003107344632768361744612484188;0.012711864406779661840207751311;0.008192090395480225786806194321;0.007344632768361582068894488629;0.009604519774011300095595267123;0.016384180790960451573612388643;0.002259887005649717593019909501;0.011016949152542372669660863949;0.003107344632768361744612484188;0.010734463276836157807903049388;0.004519774011299435186039819001;0.001694915254237288086344714877;0.003389830508474576172689429754;0.017796610169491525882401461445;0.002259887005649717593019909501;0.004519774011299435186039819001;0.008757062146892655510321823442;0.003107344632768361744612484188;0.004237288135593220324282004441;0.037288135593220340935349810252;0.000000000000000000000000000000;0.003389830508474576172689429754;0.006497175141242937483621044947;0.005649717514124293765709339254;0.008192090395480225786806194321;0.007344632768361582068894488629;0.005084745762711864042193710134;0.006779661016949152345378859508
-0.008908045977011494129249591367;0.014655172413793103244894489023;0.016666666666666666435370203203;0.599999999999999977795539507497;0.008333333333333333217685101602;0.006896551724137930938773877187;0.005172413793103448204080407891;0.012068965517241379142854285078;0.026436781609195401931966529219;0.007758620689655172306120611836;0.004597701149425287292515918125;0.002011494252873563190475714180;0.005459770114942528659862652773;0.003448275862068965469386938594;0.019252873563218392272133883125;0.003735632183908045925169183477;0.030172413793103449591859188672;0.025574712643678162299343270547;0.007758620689655172306120611836;0.001149425287356321823128979531;0.006034482758620689571427142539;0.013505747126436781421765509492;0.003160919540229885013604693711;0.008333333333333333217685101602;0.006609195402298850482991632305;0.005747126436781609115644897656;0.010057471264367815952378570898;0.009195402298850574585031836250;0.001149425287356321823128979531;0.011494252873563218231289795312;0.003735632183908045925169183477;0.009482758620689655040814081133;0.005747126436781609115644897656;0.001436781609195402278911224414;0.004597701149425287292515918125;0.014367816091954022789112244141;0.002873563218390804557822448828;0.002298850574712643646257959062;0.003160919540229885013604693711;0.004885057471264367748298163008;0.008045977011494252761902856719;0.016666666666666666435370203203;0.000000000000000000000000000000;0.003448275862068965469386938594;0.011781609195402298687072040195;0.006609195402298850482991632305;0.004022988505747126380951428359;0.004310344827586206836733673242;0.003735632183908045925169183477;0.003448275862068965469386938594
-0.006201550387596899138742401192;0.031007751937984495693712005959;0.027519379844961239928169405289;0.094186046511627902200203266148;0.119379844961240308420791222943;0.005038759689922480550228200968;0.010465116279069767296627802011;0.029457364341085270909026405661;0.053875968992248064737271562308;0.006589147286821705334913801266;0.008527131782945736315770801639;0.006201550387596899138742401192;0.007751937984496123923428001490;0.007751937984496123923428001490;0.044573643410852716029157960520;0.005038759689922480550228200968;0.022480620155038759377941204320;0.039534883720930232009482807598;0.033333333333333332870740406406;0.001937984496124030980857000372;0.014728682170542635454513202831;0.018217054263565891220055803501;0.002325581395348837177028400447;0.007751937984496123923428001490;0.007364341085271317727256601415;0.007364341085271317727256601415;0.024031007751937984162626804618;0.051162790697674417894624809833;0.001937984496124030980857000372;0.041472868217054266459786759924;0.005813953488372092942571001117;0.012403100775193798277484802384;0.017054263565891472631541603278;0.006201550387596899138742401192;0.003875968992248061961714000745;0.015503875968992247846856002980;0.004651162790697674354056800894;0.003100775193798449569371200596;0.029844961240310077105197805736;0.006201550387596899138742401192;0.016279069767441860239198803129;0.063178294573643406506491260188;0.000000000000000000000000000000;0.005813953488372092942571001117;0.037984496124031007224797207300;0.004263565891472868157885400819;0.007751937984496123923428001490;0.004263565891472868157885400819;0.012790697674418604473656202458;0.005813953488372092942571001117
-0.014646464646464647102463985107;0.021717171717171718237082700398;0.027777777777777776235801354687;0.052020202020202022108463779659;0.138383838383838386754121074773;0.025252525252525252069668582067;0.004040404040404040400535912170;0.014646464646464647102463985107;0.073737373737373740345546480057;0.008080808080808080801071824339;0.012121212121212121201607736509;0.005050505050505050934350759206;0.017676767676767676101823312251;0.012626262626262626034834291033;0.046969696969696966837304330511;0.011111111111111111535154627461;0.025252525252525252069668582067;0.031313131313131313537834188310;0.022222222222222223070309254922;0.003535353535353535567309357646;0.011111111111111111535154627461;0.026262626262626261736121691115;0.001515151515151515150200967064;0.008080808080808080801071824339;0.025252525252525252069668582067;0.007070707070707071134618715291;0.017676767676767676101823312251;0.034848484848484850839867021932;0.000505050505050505050066989021;0.026262626262626261736121691115;0.006565656565656565434030422779;0.011111111111111111535154627461;0.018181818181818180935049866775;0.003535353535353535567309357646;0.007070707070707071134618715291;0.015151515151515151935690539631;0.004040404040404040400535912170;0.003535353535353535567309357646;0.006060606060606060600803868255;0.003030303030303030300401934127;0.004040404040404040400535912170;0.087373737373737367373216500255;0.000000000000000000000000000000;0.008585858585858585634298378864;0.047474747474747475139977836989;0.007070707070707071134618715291;0.010101010101010101868701518413;0.011616161616161616368381181985;0.008585858585858585634298378864;0.010101010101010101868701518413
-0.007716049382716048954389265191;0.021296296296296295808003762318;0.014506172839506172381196513754;0.100617283950617281140793579652;0.129938271604938260228578883471;0.014506172839506172381196513754;0.020679012345679013279431401884;0.030864197530864195817557060764;0.046296296296296293726335591145;0.006481481481481481295159330358;0.009567901234567901744276774423;0.004320987654320987240985640909;0.004012345679012345976699460692;0.007716049382716048954389265191;0.061419753086419753840274893264;0.005864197530864197899225231936;0.014814814814814815380206169948;0.015432098765432097908778530382;0.032716049382716050342168045972;0.002160493827160493620492820455;0.022530864197530864334595435139;0.018518518518518517490534236458;0.002469135802469135752140738660;0.012345679012345678327022824305;0.015432098765432097908778530382;0.005864197530864197899225231936;0.017901234567901234961961876024;0.062037037037037036368847253698;0.001543209876543209790877853038;0.029629629629629630760412339896;0.005864197530864197899225231936;0.013271604938271605589328316910;0.020370370370370372015145221667;0.002160493827160493620492820455;0.001234567901234567876070369330;0.012345679012345678327022824305;0.005864197530864197899225231936;0.004320987654320987240985640909;0.009259259259259258745267118229;0.002469135802469135752140738660;0.013888888888888888117900677344;0.070679012345679012585542011493;0.000000000000000000000000000000;0.009259259259259258745267118229;0.056481481481481479733908201979;0.010493827160493827271858791050;0.009259259259259258745267118229;0.002160493827160493620492820455;0.004938271604938271504281477320;0.006481481481481481295159330358
-0.004824561403508772182424646502;0.041228070175438599753725554820;0.014912280701754385484059106659;0.068859649122807023435832718405;0.107456140350877193956335986513;0.008771929824561403021832006743;0.021929824561403507554580016858;0.023245614035087718701744208261;0.035087719298245612087328026973;0.007894736842105263413538196460;0.008333333333333333217685101602;0.002192982456140350755458001686;0.004824561403508772182424646502;0.007017543859649122937882648188;0.079385964912280698735358441809;0.005701754385964912658080194774;0.017105263157894737974240584322;0.022807017543859650632320779096;0.036403508771929826703939170329;0.001754385964912280734470662047;0.021929824561403507554580016858;0.023245614035087718701744208261;0.003070175438596491231113549958;0.007017543859649122937882648188;0.008771929824561403021832006743;0.006140350877192982462227099916;0.018859649122807017190828204889;0.105701754385964907800854462039;0.003508771929824561468941324094;0.035526315789473683626198408092;0.005701754385964912658080194774;0.007456140350877192742029553330;0.015350877192982455288206011801;0.002631578947368420993285775822;0.002631578947368420993285775822;0.013596491228070176071618391234;0.004824561403508772182424646502;0.003508771929824561468941324094;0.015789473684210526827076392919;0.006140350877192982462227099916;0.031578947368421053654152785839;0.053947368421052632747603183816;0.000000000000000000000000000000;0.003947368421052631706769098230;0.053070175438596489669862421579;0.009649122807017544364849293004;0.004385964912280701510916003372;0.002631578947368420993285775822;0.006140350877192982462227099916;0.003508771929824561468941324094
-0.021621621621621622821862729324;0.017567567567567568542763467576;0.033333333333333332870740406406;0.037837837837837839938259776318;0.079729729729729734155618814384;0.014414414414414414636333994224;0.007207207207207207318166997112;0.021171171171171170033442621161;0.038288288288288285787785980574;0.010360360360360360357234732476;0.014414414414414414636333994224;0.008108108108108108558198523497;0.008108108108108108558198523497;0.018918918918918919969129888159;0.059009009009009009971702397479;0.017567567567567568542763467576;0.031981981981981981444373985823;0.029279279279279278591641144658;0.036936936936936934361419559991;0.004054054054054054279099261748;0.016216216216216217116397046993;0.029729729729729731380061252821;0.003603603603603603659083498556;0.014864864864864865690030626411;0.016216216216216217116397046993;0.017567567567567568542763467576;0.017567567567567568542763467576;0.072972972972972977023786711470;0.004954954954954954651769050145;0.032882882882882880082320298243;0.010810810810810811410931364662;0.013063063063063063209967573641;0.014864864864864865690030626411;0.004054054054054054279099261748;0.006306306306306306078135470727;0.019369369369369369288103044369;0.003603603603603603659083498556;0.004954954954954954651769050145;0.010810810810810811410931364662;0.006306306306306306078135470727;0.003153153153153153039067735364;0.065765765765765760164640596486;0.000000000000000000000000000000;0.008108108108108108558198523497;0.037837837837837839938259776318;0.005855855855855855891800576529;0.015765765765765764327976938830;0.015315315315315315009003782620;0.006756756756756757131832102914;0.010810810810810811410931364662
-0.033333333333333332870740406406;0.016129032258064515681361683619;0.039247311827956987695387169879;0.112365591397849462484970217702;0.022580645161290321260016966676;0.022580645161290321260016966676;0.002150537634408602148672340348;0.010752688172043011610723439730;0.044086021505376341012016894183;0.013978494623655914400051081259;0.015053763440860215908068120427;0.023655913978494622768034005844;0.009139784946236559348697880978;0.035483870967741935886774484743;0.020430107526881721713429840293;0.020430107526881721713429840293;0.029032258064516130308119201686;0.026881720430107527292085123349;0.013440860215053763646042561675;0.008064516129032257840680841809;0.018817204301075269451404281540;0.031182795698924729854706328069;0.007526881720430107954034060214;0.015591397849462364927353164035;0.032258064516129031362723367238;0.032795698924731185586178838776;0.021505376344086023221446879461;0.020430107526881721713429840293;0.000537634408602150537168085087;0.027956989247311828800102162518;0.011827956989247311384017002922;0.012903225806451612892034042090;0.003763440860215053977017030107;0.006451612903225806446017021045;0.016666666666666666435370203203;0.024193548387096773522042525428;0.010752688172043011610723439730;0.007526881720430107954034060214;0.012903225806451612892034042090;0.011827956989247311384017002922;0.004301075268817204297344680697;0.024731182795698924276051045013;0.000000000000000000000000000000;0.015591397849462364927353164035;0.009677419354838710102706400562;0.007526881720430107954034060214;0.030107526881720431816136240855;0.025268817204301075030059564597;0.019892473118279570959421320708;0.016666666666666666435370203203
-0.006609195402298850482991632305;0.024425287356321840476214291016;0.020977011494252875006827352422;0.360057471264367823238217170001;0.015229885057471264156458978789;0.014367816091954022789112244141;0.002873563218390804557822448828;0.020977011494252875006827352422;0.041666666666666664353702032031;0.008620689655172413673467346484;0.008333333333333333217685101602;0.025287356321839080108837549687;0.004310344827586206836733673242;0.006609195402298850482991632305;0.043103448275862071836783684375;0.006321839080459770027209387422;0.013218390804597700965983264609;0.021264367816091953727886121328;0.019540229885057470993192652031;0.001724137931034482734693469297;0.012356321839080459598636529961;0.035344827586206897795939596563;0.003160919540229885013604693711;0.009482758620689655040814081133;0.008620689655172413673467346484;0.008620689655172413673467346484;0.014942528735632183700676733906;0.027298850574712645034036739844;0.002011494252873563190475714180;0.026149425287356323210907760313;0.014655172413793103244894489023;0.011494252873563218231289795312;0.004597701149425287292515918125;0.006034482758620689571427142539;0.002586206896551724102040203945;0.011494252873563218231289795312;0.006034482758620689571427142539;0.004885057471264367748298163008;0.023275862068965518653085311485;0.006609195402298850482991632305;0.009482758620689655040814081133;0.026436781609195401931966529219;0.000000000000000000000000000000;0.007183908045977011394556122070;0.022701149425287357741520821719;0.005459770114942528659862652773;0.009770114942528735496596326016;0.003735632183908045925169183477;0.006034482758620689571427142539;0.004022988505747126380951428359
-0.010294117647058823386552184331;0.032352941176470591255753816995;0.020098039215686275965611073957;0.333823529411764685637109550953;0.016666666666666666435370203203;0.018627450980392156604237285933;0.005882352941176470506601248189;0.020098039215686275965611073957;0.040196078431372551931222147914;0.012254901960784313555419267061;0.005392156862745097964384477507;0.030882352941176471894380028971;0.004411764705882352879950936142;0.007352941176470588133251560237;0.025980392156862746472212322146;0.012745098039215686097636037744;0.020588235294117646773104368663;0.034313725490196081424620899725;0.012745098039215686097636037744;0.000980392156862745084433541365;0.013235294117647058639852808426;0.011274509803921568470985725696;0.000490196078431372542216770682;0.018137254901960785796743991227;0.011274509803921568470985725696;0.014215686274509803724286349791;0.019607843137254901688670827298;0.032352941176470591255753816995;0.003431372549019607795517394777;0.024019607843137256303345239417;0.009313725490196078302118642966;0.014215686274509803724286349791;0.002941176470588235253300624095;0.003431372549019607795517394777;0.004411764705882352879950936142;0.014705882352941176266503120473;0.002450980392156862711083853412;0.005392156862745097964384477507;0.012254901960784313555419267061;0.002941176470588235253300624095;0.010294117647058823386552184331;0.043627450980392154522569114761;0.000000000000000000000000000000;0.008333333333333333217685101602;0.020098039215686275965611073957;0.006862745098039215591034789554;0.012745098039215686097636037744;0.004901960784313725422167706824;0.002941176470588235253300624095;0.004411764705882352879950936142
-0.010606060606060606701928072937;0.003333333333333333547282562037;0.003939393939393939607362948863;0.605757575757575716934866250085;0.008484848484848485708487153545;0.021818181818181819897617401693;0.006060606060606060600803868255;0.014242424242424242195048655901;0.002727272727272727487202175212;0.003939393939393939607362948863;0.004848484848484848480643094604;0.035151515151515148882577221912;0.008181818181818182461606525635;0.003939393939393939607362948863;0.019393939393939393922572378415;0.010909090909090909948808700847;0.003333333333333333547282562037;0.003636363636363636360482320953;0.009393939393939393714405561298;0.000606060606060606060080386825;0.011515151515151514707846480690;0.003030303030303030300401934127;0.002727272727272727487202175212;0.010303030303030303455047445027;0.014848484848484848688809911721;0.007575757575757575967845269815;0.012424242424242424448488364419;0.002727272727272727487202175212;0.002121212121212121427121788386;0.024242424242424242403215473018;0.026666666666666668378260496297;0.006666666666666667094565124074;0.005151515151515151727523722514;0.006969696969696969474084013996;0.005757575757575757353923240345;0.005454545454545454974404350423;0.000909090909090909090120580238;0.006666666666666667094565124074;0.000606060606060606060080386825;0.001515151515151515150200967064;0.007272727272727272720964641906;0.001212121212121212120160773651;0.000000000000000000000000000000;0.006363636363636363847684496164;0.013636363636363635701287400082;0.012121212121212121201607736509;0.005454545454545454974404350423;0.004545454545454545233762466694;0.005454545454545454974404350423;0.005757575757575757353923240345
-0.006388888888888889262818171488;0.000833333333333333386820640509;0.003888888888888888777095598215;0.843055555555555558022717832500;0.002500000000000000052041704279;0.000833333333333333386820640509;0.003611111111111110945348645629;0.005555555555555555767577313730;0.000000000000000000000000000000;0.005833333333333333599324266316;0.003333333333333333547282562037;0.001388888888888888941894328433;0.000000000000000000000000000000;0.004444444444444444440589503387;0.008055555555555555385938149016;0.005833333333333333599324266316;0.001111111111111111110147375847;0.001388888888888888941894328433;0.005277777777777777935830361145;0.000277777777777777777536843962;0.008611111111111111049432054187;0.000000000000000000000000000000;0.000277777777777777777536843962;0.008888888888888888881179006773;0.006388888888888889262818171488;0.008611111111111111049432054187;0.008055555555555555385938149016;0.000833333333333333386820640509;0.000833333333333333386820640509;0.000555555555555555555073687923;0.001388888888888888941894328433;0.006666666666666667094565124074;0.001388888888888888941894328433;0.001388888888888888941894328433;0.000277777777777777777536843962;0.006111111111111111431071218902;0.000000000000000000000000000000;0.002777777777777777883788656865;0.000000000000000000000000000000;0.000000000000000000000000000000;0.003888888888888888777095598215;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005277777777777777935830361145;0.003888888888888888777095598215;0.008055555555555555385938149016;0.006944444444444444058950338672;0.001111111111111111110147375847;0.000555555555555555555073687923;0.003611111111111110945348645629
-0.001944444444444444388547799107;0.001388888888888888941894328433;0.005833333333333333599324266316;0.790833333333333388104335881508;0.057500000000000002498001805407;0.002500000000000000052041704279;0.003888888888888888777095598215;0.010555555555555555871660722289;0.003055555555555555715535609451;0.002222222222222222220294751693;0.002222222222222222220294751693;0.003888888888888888777095598215;0.001111111111111111110147375847;0.001666666666666666773641281019;0.008333333333333333217685101602;0.001944444444444444388547799107;0.001666666666666666773641281019;0.001944444444444444388547799107;0.006944444444444444058950338672;0.000000000000000000000000000000;0.010833333333333333703407674875;0.001111111111111111110147375847;0.000000000000000000000000000000;0.006666666666666667094565124074;0.002500000000000000052041704279;0.003611111111111110945348645629;0.005277777777777777935830361145;0.001944444444444444388547799107;0.001388888888888888941894328433;0.006666666666666667094565124074;0.001666666666666666773641281019;0.001388888888888888941894328433;0.000555555555555555555073687923;0.003611111111111110945348645629;0.000555555555555555555073687923;0.002500000000000000052041704279;0.000277777777777777777536843962;0.001666666666666666773641281019;0.000833333333333333386820640509;0.000833333333333333386820640509;0.006944444444444444058950338672;0.001666666666666666773641281019;0.000000000000000000000000000000;0.004722222222222222272336455973;0.008611111111111111049432054187;0.006111111111111111431071218902;0.002777777777777777883788656865;0.001388888888888888941894328433;0.000277777777777777777536843962;0.004166666666666666608842550801
-0.004722222222222222272336455973;0.001388888888888888941894328433;0.000555555555555555555073687923;0.835833333333333317050062305498;0.004722222222222222272336455973;0.008333333333333333217685101602;0.004722222222222222272336455973;0.007499999999999999722444243844;0.000277777777777777777536843962;0.001111111111111111110147375847;0.003055555555555555715535609451;0.016111111111111110771876298031;0.001666666666666666773641281019;0.000555555555555555555073687923;0.010000000000000000208166817117;0.002500000000000000052041704279;0.000555555555555555555073687923;0.001666666666666666773641281019;0.006388888888888889262818171488;0.000277777777777777777536843962;0.011388888888888889366901580047;0.000833333333333333386820640509;0.000277777777777777777536843962;0.002500000000000000052041704279;0.002222222222222222220294751693;0.004444444444444444440589503387;0.003888888888888888777095598215;0.000833333333333333386820640509;0.000555555555555555555073687923;0.012777777777777778525636342977;0.011944444444444445030395485219;0.001111111111111111110147375847;0.002500000000000000052041704279;0.000833333333333333386820640509;0.000833333333333333386820640509;0.001111111111111111110147375847;0.001111111111111111110147375847;0.003888888888888888777095598215;0.000277777777777777777536843962;0.000277777777777777777536843962;0.002777777777777777883788656865;0.001111111111111111110147375847;0.000000000000000000000000000000;0.001388888888888888941894328433;0.009444444444444444544672911945;0.003333333333333333547282562037;0.001666666666666666773641281019;0.000833333333333333386820640509;0.001388888888888888941894328433;0.002500000000000000052041704279
-0.005555555555555555767577313730;0.004545454545454545233762466694;0.006060606060606060600803868255;0.730303030303030342729186941142;0.004545454545454545233762466694;0.009595959595959595300751487912;0.010606060606060606701928072937;0.018181818181818180935049866775;0.000505050505050505050066989021;0.002020202020202020200267956085;0.002525252525252525467175379603;0.009595959595959595300751487912;0.002525252525252525467175379603;0.001515151515151515150200967064;0.024747474747474747236442027543;0.003535353535353535567309357646;0.003535353535353535567309357646;0.004040404040404040400535912170;0.007575757575757575967845269815;0.000505050505050505050066989021;0.015656565656565656768917094155;0.001515151515151515150200967064;0.000000000000000000000000000000;0.007070707070707071134618715291;0.005555555555555555767577313730;0.005050505050505050934350759206;0.013636363636363635701287400082;0.001010101010101010100133978042;0.002020202020202020200267956085;0.005555555555555555767577313730;0.007070707070707071134618715291;0.005050505050505050934350759206;0.002020202020202020200267956085;0.017676767676767676101823312251;0.001515151515151515150200967064;0.004040404040404040400535912170;0.000505050505050505050066989021;0.005050505050505050934350759206;0.000000000000000000000000000000;0.002525252525252525467175379603;0.005555555555555555767577313730;0.000505050505050505050066989021;0.000000000000000000000000000000;0.009595959595959595300751487912;0.010606060606060606701928072937;0.011111111111111111535154627461;0.000505050505050505050066989021;0.001010101010101010100133978042;0.003535353535353535567309357646;0.003030303030303030300401934127
-0.009166666666666666712925959359;0.004722222222222222272336455973;0.008611111111111111049432054187;0.528333333333333321490954403998;0.002777777777777777883788656865;0.006388888888888889262818171488;0.008888888888888888881179006773;0.035833333333333335091186455656;0.002222222222222222220294751693;0.018611111111111109522875395328;0.011111111111111111535154627461;0.002500000000000000052041704279;0.002500000000000000052041704279;0.011111111111111111535154627461;0.029999999999999998889776975375;0.003333333333333333547282562037;0.009444444444444444544672911945;0.005277777777777777935830361145;0.010000000000000000208166817117;0.000833333333333333386820640509;0.022499999999999999167332731531;0.001944444444444444388547799107;0.000277777777777777777536843962;0.031388888888888889783235214281;0.005833333333333333599324266316;0.016388888888888890338346726594;0.024722222222222221821308352219;0.003888888888888888777095598215;0.006944444444444444058950338672;0.003611111111111110945348645629;0.003055555555555555715535609451;0.018611111111111109522875395328;0.003888888888888888777095598215;0.018333333333333333425851918719;0.000833333333333333386820640509;0.017777777777777777762358013547;0.001666666666666666773641281019;0.003888888888888888777095598215;0.000277777777777777777536843962;0.000000000000000000000000000000;0.014722222222222221613141535101;0.000277777777777777777536843962;0.000000000000000000000000000000;0.028055555555555555802271783250;0.014444444444444443781394582516;0.024722222222222221821308352219;0.009722222222222222376419864531;0.002222222222222222220294751693;0.001944444444444444388547799107;0.006388888888888889262818171488
-0.006666666666666667094565124074;0.005238095238095237873854337352;0.003809523809523809520505288617;0.773809523809523835957691062504;0.004761904761904762334312479766;0.013809523809523809728672105734;0.001904761904761904760252644309;0.007619047619047619041010577234;0.000476190476190476190063161077;0.000952380952380952380126322154;0.004761904761904762334312479766;0.019523809523809523142068300672;0.002857142857142857140378966463;0.002857142857142857140378966463;0.008571428571428571854817768383;0.008571428571428571854817768383;0.000952380952380952380126322154;0.007142857142857142634106981660;0.011904761904761904101057723437;0.000000000000000000000000000000;0.007142857142857142634106981660;0.001428571428571428570189483231;0.001904761904761904760252644309;0.002380952380952381167156239883;0.007619047619047619041010577234;0.003809523809523809520505288617;0.005238095238095237873854337352;0.001904761904761904760252644309;0.000000000000000000000000000000;0.007142857142857142634106981660;0.023333333333333334397297065266;0.000476190476190476190063161077;0.004285714285714285927408884191;0.002857142857142857140378966463;0.001904761904761904760252644309;0.003333333333333333547282562037;0.001904761904761904760252644309;0.003333333333333333547282562037;0.000000000000000000000000000000;0.000952380952380952380126322154;0.003809523809523809520505288617;0.000000000000000000000000000000;0.000000000000000000000000000000;0.002857142857142857140378966463;0.008571428571428571854817768383;0.002380952380952381167156239883;0.003333333333333333547282562037;0.003333333333333333547282562037;0.005238095238095237873854337352;0.003333333333333333547282562037
-0.004166666666666666608842550801;0.007371794871794871625847456187;0.013141025641025641176873328675;0.726923076923076894040320894419;0.000641025641025641025085024527;0.004807692307692307959188227073;0.006089743589743589792517841630;0.016666666666666666435370203203;0.009294871794871794809522747016;0.002884615384615384775512936244;0.006089743589743589792517841630;0.007371794871794871625847456187;0.001602564102564102508502452693;0.006410256410256410034009810772;0.023397435897435897578233721106;0.005128205128205128200680196215;0.003205128205128205017004905386;0.005769230769230769551025872488;0.007371794871794871625847456187;0.000641025641025641025085024527;0.010897435897435896884344330715;0.004166666666666666608842550801;0.001923076923076923183675290829;0.005769230769230769551025872488;0.008333333333333333217685101602;0.006730769230769231142863517903;0.011538461538461539102051744976;0.001923076923076923183675290829;0.000961538461538461591837645415;0.003525641025641025692177743522;0.003525641025641025692177743522;0.003205128205128205017004905386;0.003525641025641025692177743522;0.006410256410256410034009810772;0.000961538461538461591837645415;0.004487179487179486850334519943;0.002564102564102564100340098108;0.001282051282051282050170049054;0.001923076923076923183675290829;0.003525641025641025692177743522;0.008333333333333333217685101602;0.002564102564102564100340098108;0.000000000000000000000000000000;0.004487179487179486850334519943;0.011858974358974358476181976130;0.010256410256410256401360392431;0.002564102564102564100340098108;0.004807692307692307959188227073;0.002884615384615384775512936244;0.006089743589743589792517841630
-0.002777777777777777883788656865;0.002777777777777777883788656865;0.000000000000000000000000000000;0.880092592592592537492635074159;0.017129629629629630066522949505;0.010185185185185186007572610833;0.000000000000000000000000000000;0.000925925925925925961262885622;0.000925925925925925961262885622;0.000000000000000000000000000000;0.001851851851851851922525771243;0.006481481481481481295159330358;0.005092592592592593003786305417;0.000000000000000000000000000000;0.004166666666666666608842550801;0.001388888888888888941894328433;0.000462962962962962980631442811;0.000925925925925925961262885622;0.003703703703703703845051542487;0.000462962962962962980631442811;0.001388888888888888941894328433;0.000462962962962962980631442811;0.000000000000000000000000000000;0.000462962962962962980631442811;0.000925925925925925961262885622;0.000462962962962962980631442811;0.000462962962962962980631442811;0.000925925925925925961262885622;0.000000000000000000000000000000;0.031944444444444441977282167500;0.004166666666666666608842550801;0.000462962962962962980631442811;0.002314814814814814686316779557;0.000462962962962962980631442811;0.000925925925925925961262885622;0.000925925925925925961262885622;0.000925925925925925961262885622;0.001388888888888888941894328433;0.001388888888888888941894328433;0.000925925925925925961262885622;0.000925925925925925961262885622;0.000925925925925925961262885622;0.000000000000000000000000000000;0.000000000000000000000000000000;0.005555555555555555767577313730;0.000462962962962962980631442811;0.000462962962962962980631442811;0.000000000000000000000000000000;0.000925925925925925961262885622;0.000462962962962962980631442811
-0.003921568627450980337734165460;0.002450980392156862711083853412;0.005882352941176470506601248189;0.786764705882352921584299565438;0.010294117647058823386552184331;0.004901960784313725422167706824;0.002941176470588235253300624095;0.009803921568627450844335413649;0.000490196078431372542216770682;0.003431372549019607795517394777;0.003431372549019607795517394777;0.007352941176470588133251560237;0.003431372549019607795517394777;0.005392156862745097964384477507;0.014215686274509803724286349791;0.001960784313725490168867082730;0.005392156862745097964384477507;0.007843137254901960675468330919;0.003431372549019607795517394777;0.000000000000000000000000000000;0.003921568627450980337734165460;0.003921568627450980337734165460;0.001470588235294117626650312047;0.001470588235294117626650312047;0.003431372549019607795517394777;0.005392156862745097964384477507;0.004901960784313725422167706824;0.003431372549019607795517394777;0.000980392156862745084433541365;0.011274509803921568470985725696;0.002941176470588235253300624095;0.003431372549019607795517394777;0.002450980392156862711083853412;0.004411764705882352879950936142;0.005392156862745097964384477507;0.005882352941176470506601248189;0.001960784313725490168867082730;0.002941176470588235253300624095;0.001470588235294117626650312047;0.003431372549019607795517394777;0.003921568627450980337734165460;0.001960784313725490168867082730;0.000000000000000000000000000000;0.006372549019607843048818018872;0.008333333333333333217685101602;0.005392156862745097964384477507;0.002941176470588235253300624095;0.003921568627450980337734165460;0.004901960784313725422167706824;0.004411764705882352879950936142
-0.013095238095238095551997581367;0.012500000000000000693889390391;0.016666666666666666435370203203;0.420238095238095243910692033751;0.006547619047619047775998790684;0.028571428571428570536427926640;0.008928571428571428075793292578;0.022023809523809525362514349922;0.010119047619047619526733150508;0.011309523809523809242949532461;0.007738095238095238359576910625;0.022619047619047618485899064922;0.005952380952380952050528861719;0.011309523809523809242949532461;0.025000000000000001387778780781;0.020238095238095239053466301016;0.027380952380952380820211544687;0.013690476190476190410105772344;0.010119047619047619526733150508;0.000595238095238095291789059971;0.012500000000000000693889390391;0.005952380952380952050528861719;0.001190476190476190583578119941;0.020833333333333332176851016015;0.019047619047619049337249919063;0.017261904761904763028201870156;0.026785714285714284227379877734;0.013690476190476190410105772344;0.006547619047619047775998790684;0.014285714285714285268213963320;0.005357142857142857192420670742;0.016666666666666666435370203203;0.006547619047619047775998790684;0.010714285714285714384841341484;0.001785714285714285658526745415;0.013690476190476190410105772344;0.005357142857142857192420670742;0.005357142857142857192420670742;0.000595238095238095291789059971;0.001190476190476190583578119941;0.006547619047619047775998790684;0.010119047619047619526733150508;0.000000000000000000000000000000;0.016666666666666666435370203203;0.013095238095238095551997581367;0.018452380952380952744418252109;0.008333333333333333217685101602;0.005357142857142857192420670742;0.005952380952380952050528861719;0.015476190476190476719153821250
-0.014473684210526315679912201517;0.053070175438596489669862421579;0.024122807017543858310038018544;0.060964912280701756552847569992;0.030263157894736842506988594437;0.012719298245614034728601104973;0.015350877192982455288206011801;0.053947368421052632747603183816;0.006578947368421052266374005058;0.016666666666666666435370203203;0.010087719298245614168996198146;0.001315789473684210496642887911;0.010087719298245614168996198146;0.014035087719298245875765296375;0.067982456140350880358091956168;0.014473684210526315679912201517;0.026315789473684209065496020230;0.055701754385964911964190804383;0.027192982456140352143236782467;0.004824561403508772182424646502;0.024122807017543858310038018544;0.006140350877192982462227099916;0.008771929824561403021832006743;0.020175438596491228337992396291;0.019736842105263156799122015173;0.021491228070175439485156587693;0.028508771929824559820954021916;0.057894736842105262719648806069;0.004385964912280701510916003372;0.011403508771929825316160389548;0.019298245614035088729698586008;0.017982456140350877582534394605;0.012280701754385964924454199831;0.004824561403508772182424646502;0.012719298245614034728601104973;0.035087719298245612087328026973;0.009210526315789472825978911885;0.005701754385964912658080194774;0.000877192982456140367235331023;0.010964912280701753777290008429;0.024561403508771929848908399663;0.007894736842105263413538196460;0.000000000000000000000000000000;0.010964912280701753777290008429;0.032456140350877189792999644169;0.011403508771929825316160389548;0.018421052631578945651957823770;0.007017543859649122937882648188;0.024561403508771929848908399663;0.010964912280701753777290008429
-0.012643678160919540054418774844;0.006609195402298850482991632305;0.010919540229885057319725305547;0.595114942528735646476434340002;0.004885057471264367748298163008;0.014080459770114942333329999258;0.003448275862068965469386938594;0.012356321839080459598636529961;0.002873563218390804557822448828;0.007758620689655172306120611836;0.006609195402298850482991632305;0.013505747126436781421765509492;0.012068965517241379142854285078;0.015517241379310344612241223672;0.010344827586206896408160815781;0.005747126436781609115644897656;0.008333333333333333217685101602;0.014655172413793103244894489023;0.011206896551724137775507550430;0.002873563218390804557822448828;0.010344827586206896408160815781;0.001436781609195402278911224414;0.003735632183908045925169183477;0.012931034482758620510201019727;0.011781609195402298687072040195;0.011206896551724137775507550430;0.011494252873563218231289795312;0.002873563218390804557822448828;0.003160919540229885013604693711;0.022988505747126436462579590625;0.005459770114942528659862652773;0.014080459770114942333329999258;0.005459770114942528659862652773;0.004597701149425287292515918125;0.013218390804597700965983264609;0.015229885057471264156458978789;0.003160919540229885013604693711;0.004885057471264367748298163008;0.000000000000000000000000000000;0.002586206896551724102040203945;0.005459770114942528659862652773;0.001724137931034482734693469297;0.000000000000000000000000000000;0.005747126436781609115644897656;0.010057471264367815952378570898;0.003735632183908045925169183477;0.010632183908045976863943060664;0.012068965517241379142854285078;0.010057471264367815952378570898;0.008333333333333333217685101602
-0.008536585365853659179702361826;0.010569105691056910126257584182;0.021544715447154472176549688811;0.556097560975609805922204031958;0.017479674796747966813992292145;0.013414634146341463186158371457;0.003658536585365853872203745212;0.008130081300813008990391317354;0.005691056910569106119801574550;0.005691056910569106119801574550;0.005691056910569106119801574550;0.030081300813008131356252050637;0.005691056910569106119801574550;0.007723577235772357933718534895;0.018699186991869919116648901536;0.011788617886178862428914193572;0.003252032520325203249211831746;0.020325203252032519873893079421;0.009756097560975609747635495239;0.002032520325203252247597829339;0.006504065040650406498423663493;0.020325203252032519873893079421;0.007723577235772357933718534895;0.004878048780487804873817747620;0.012601626016260162807536282514;0.011788617886178862428914193572;0.010975609756097560315568628653;0.008130081300813008990391317354;0.000406504065040650406151478968;0.015447154471544715867437069790;0.025609756097560974069660133523;0.004471544715447154684506703148;0.004471544715447154684506703148;0.004065040650406504495195658677;0.004878048780487804873817747620;0.007723577235772357933718534895;0.001626016260162601624605915873;0.003658536585365853872203745212;0.002845528455284553059900787275;0.027642276422764226750938831856;0.005284552845528455063128792091;0.001626016260162601624605915873;0.000000000000000000000000000000;0.004471544715447154684506703148;0.009756097560975609747635495239;0.005284552845528455063128792091;0.007723577235772357933718534895;0.006504065040650406498423663493;0.004471544715447154684506703148;0.003252032520325203249211831746
-0.019607843137254901688670827298;0.024019607843137256303345239417;0.019607843137254901688670827298;0.258823529411764730046030535959;0.012254901960784313555419267061;0.016666666666666666435370203203;0.006372549019607843048818018872;0.037254901960784313208474571866;0.009313725490196078302118642966;0.014705882352941176266503120473;0.012745098039215686097636037744;0.014705882352941176266503120473;0.003921568627450980337734165460;0.011274509803921568470985725696;0.035294117647058823039607489136;0.013235294117647058639852808426;0.018137254901960785796743991227;0.035294117647058823039607489136;0.025980392156862746472212322146;0.005882352941176470506601248189;0.021078431372549021050044615322;0.004411764705882352879950936142;0.009803921568627450844335413649;0.021568627450980391857537910028;0.013235294117647058639852808426;0.017156862745098040712310449862;0.026470588235294117279705616852;0.010784313725490195928768955014;0.002450980392156862711083853412;0.019607843137254901688670827298;0.040196078431372551931222147914;0.014215686274509803724286349791;0.013725490196078431182069579108;0.003921568627450980337734165460;0.008823529411764705759901872284;0.031372549019607842701873323676;0.008823529411764705759901872284;0.013725490196078431182069579108;0.000000000000000000000000000000;0.004411764705882352879950936142;0.015196078431372548808719891156;0.008823529411764705759901872284;0.000000000000000000000000000000;0.012745098039215686097636037744;0.018627450980392156604237285933;0.012745098039215686097636037744;0.012745098039215686097636037744;0.006862745098039215591034789554;0.024019607843137256303345239417;0.007352941176470588133251560237
-0.010000000000000000208166817117;0.008055555555555555385938149016;0.023333333333333334397297065266;0.407777777777777794554481261002;0.008333333333333333217685101602;0.008888888888888888881179006773;0.000833333333333333386820640509;0.014166666666666665949647629930;0.006666666666666667094565124074;0.008055555555555555385938149016;0.007777777777777777554191196430;0.005833333333333333599324266316;0.015833333333333334674852821422;0.016666666666666666435370203203;0.013611111111111110286153724758;0.008888888888888888881179006773;0.012222222222222222862142437805;0.020833333333333332176851016015;0.011111111111111111535154627461;0.005555555555555555767577313730;0.009444444444444444544672911945;0.013888888888888888117900677344;0.025833333333333333148296162562;0.018611111111111109522875395328;0.014999999999999999444888487687;0.016111111111111110771876298031;0.021111111111111111743321444578;0.008333333333333333217685101602;0.003333333333333333547282562037;0.015833333333333334674852821422;0.010277777777777778039913769703;0.016666666666666666435370203203;0.010833333333333333703407674875;0.010000000000000000208166817117;0.023055555555555554830826636703;0.018611111111111109522875395328;0.005000000000000000104083408559;0.007222222222222221890697291258;0.003611111111111110945348645629;0.034444444444444444197728216750;0.004166666666666666608842550801;0.006111111111111111431071218902;0.000000000000000000000000000000;0.007222222222222221890697291258;0.012500000000000000693889390391;0.007499999999999999722444243844;0.016944444444444446001840631766;0.013333333333333334189130248149;0.023333333333333334397297065266;0.007222222222222221890697291258
-0.006388888888888889262818171488;0.006111111111111111431071218902;0.008888888888888888881179006773;0.703055555555555544700041536998;0.013611111111111110286153724758;0.007222222222222221890697291258;0.002500000000000000052041704279;0.005000000000000000104083408559;0.006666666666666667094565124074;0.005000000000000000104083408559;0.004166666666666666608842550801;0.015277777777777777276635440273;0.005277777777777777935830361145;0.003888888888888888777095598215;0.007499999999999999722444243844;0.005000000000000000104083408559;0.003888888888888888777095598215;0.005833333333333333599324266316;0.009444444444444444544672911945;0.001388888888888888941894328433;0.006111111111111111431071218902;0.005000000000000000104083408559;0.002222222222222222220294751693;0.007777777777777777554191196430;0.012500000000000000693889390391;0.009444444444444444544672911945;0.005833333333333333599324266316;0.004444444444444444440589503387;0.001111111111111111110147375847;0.021388888888888887840344921187;0.023888888888888890060790970438;0.003333333333333333547282562037;0.003611111111111110945348645629;0.002500000000000000052041704279;0.004722222222222222272336455973;0.002500000000000000052041704279;0.002222222222222222220294751693;0.005833333333333333599324266316;0.001111111111111111110147375847;0.006666666666666667094565124074;0.003611111111111110945348645629;0.005555555555555555767577313730;0.000000000000000000000000000000;0.006111111111111111431071218902;0.008611111111111111049432054187;0.006111111111111111431071218902;0.004166666666666666608842550801;0.001666666666666666773641281019;0.003888888888888888777095598215;0.001944444444444444388547799107
-0.071428571428571424606346340624;0.002976190476190476025264430859;0.027380952380952380820211544687;0.001785714285714285658526745415;0.002380952380952381167156239883;0.014285714285714285268213963320;0.016071428571428569842538536250;0.017261904761904763028201870156;0.005357142857142857192420670742;0.051190476190476189022326991562;0.014285714285714285268213963320;0.017261904761904763028201870156;0.009523809523809524668624959531;0.039285714285714284921269268125;0.009523809523809524668624959531;0.040476190476190478106932602032;0.005357142857142857192420670742;0.018452380952380952744418252109;0.009523809523809524668624959531;0.004761904761904762334312479766;0.030357142857142856845475975547;0.005952380952380952050528861719;0.009523809523809524668624959531;0.052380952380952382207990325469;0.039880952380952378044653983125;0.069047619047619052112807480626;0.023809523809523808202115446875;0.000595238095238095291789059971;0.002380952380952381167156239883;0.007738095238095238359576910625;0.042857142857142857539365365938;0.016071428571428569842538536250;0.004166666666666666608842550801;0.007738095238095238359576910625;0.008928571428571428075793292578;0.023809523809523808202115446875;0.005952380952380952050528861719;0.042857142857142857539365365938;0.000000000000000000000000000000;0.017857142857142856151586585156;0.004166666666666666608842550801;0.001785714285714285658526745415;0.000000000000000000000000000000;0.044642857142857143848413414844;0.003571428571428571317053490830;0.062500000000000000000000000000;0.036309523809523812365451789219;0.024404761904761904794947113828;0.021428571428571428769682682969;0.010714285714285714384841341484
-0.008750000000000000832667268469;0.000416666666666666693410320255;0.005833333333333333599324266316;0.794166666666666687390829793003;0.003749999999999999861222121922;0.006666666666666667094565124074;0.002916666666666666799662133158;0.005833333333333333599324266316;0.002916666666666666799662133158;0.005000000000000000104083408559;0.005000000000000000104083408559;0.002083333333333333304421275400;0.008333333333333333217685101602;0.003333333333333333547282562037;0.011249999999999999583666365766;0.008333333333333333217685101602;0.002083333333333333304421275400;0.001666666666666666773641281019;0.004583333333333333356462979680;0.000416666666666666693410320255;0.007499999999999999722444243844;0.003333333333333333547282562037;0.000416666666666666693410320255;0.004583333333333333356462979680;0.017083333333333332315628894094;0.006666666666666667094565124074;0.005833333333333333599324266316;0.001666666666666666773641281019;0.000416666666666666693410320255;0.003749999999999999861222121922;0.001666666666666666773641281019;0.001250000000000000026020852140;0.004583333333333333356462979680;0.004166666666666666608842550801;0.004166666666666666608842550801;0.002916666666666666799662133158;0.000833333333333333386820640509;0.000833333333333333386820640509;0.000833333333333333386820640509;0.002500000000000000052041704279;0.001250000000000000026020852140;0.002500000000000000052041704279;0.000000000000000000000000000000;0.004166666666666666608842550801;0.006250000000000000346944695195;0.009583333333333332593184650250;0.001666666666666666773641281019;0.008333333333333333217685101602;0.002083333333333333304421275400;0.005833333333333333599324266316
-0.006034482758620689571427142539;0.002586206896551724102040203945;0.005459770114942528659862652773;0.817816091954022938992352464993;0.004597701149425287292515918125;0.004597701149425287292515918125;0.002586206896551724102040203945;0.005172413793103448204080407891;0.001724137931034482734693469297;0.004310344827586206836733673242;0.002298850574712643646257959062;0.008908045977011494129249591367;0.002011494252873563190475714180;0.005459770114942528659862652773;0.007183908045977011394556122070;0.008333333333333333217685101602;0.002873563218390804557822448828;0.005172413793103448204080407891;0.002586206896551724102040203945;0.000574712643678160911564489766;0.005747126436781609115644897656;0.001724137931034482734693469297;0.001149425287356321823128979531;0.006896551724137930938773877187;0.007183908045977011394556122070;0.005747126436781609115644897656;0.007183908045977011394556122070;0.000862068965517241367346734648;0.000862068965517241367346734648;0.001724137931034482734693469297;0.013793103448275861877547754375;0.004022988505747126380951428359;0.002298850574712643646257959062;0.002586206896551724102040203945;0.001436781609195402278911224414;0.003448275862068965469386938594;0.000862068965517241367346734648;0.002873563218390804557822448828;0.000287356321839080455782244883;0.000000000000000000000000000000;0.001724137931034482734693469297;0.000862068965517241367346734648;0.000000000000000000000000000000;0.006321839080459770027209387422;0.005172413793103448204080407891;0.004597701149425287292515918125;0.005172413793103448204080407891;0.002873563218390804557822448828;0.001149425287356321823128979531;0.001149425287356321823128979531
-0.006060606060606060600803868255;0.005303030303030303350964036468;0.012121212121212121201607736509;0.696212121212121171076603332040;0.004545454545454545233762466694;0.009090909090909090467524933388;0.008333333333333333217685101602;0.009090909090909090467524933388;0.000000000000000000000000000000;0.004545454545454545233762466694;0.005303030303030303350964036468;0.006060606060606060600803868255;0.003030303030303030300401934127;0.006060606060606060600803868255;0.013636363636363635701287400082;0.005303030303030303350964036468;0.017424242424242425419933510966;0.014393939393939394685850707845;0.009090909090909090467524933388;0.002272727272727272616881233347;0.007575757575757575967845269815;0.001515151515151515150200967064;0.004545454545454545233762466694;0.006060606060606060600803868255;0.009090909090909090467524933388;0.006818181818181817850643700041;0.014393939393939394685850707845;0.002272727272727272616881233347;0.005303030303030303350964036468;0.003030303030303030300401934127;0.001515151515151515150200967064;0.012878787878787878451447568295;0.003787878787878787983922634908;0.004545454545454545233762466694;0.007575757575757575967845269815;0.014393939393939394685850707845;0.001515151515151515150200967064;0.003787878787878787983922634908;0.000000000000000000000000000000;0.005303030303030303350964036468;0.004545454545454545233762466694;0.000757575757575757575100483532;0.000000000000000000000000000000;0.005303030303030303350964036468;0.011363636363636363951767904723;0.007575757575757575967845269815;0.006060606060606060600803868255;0.004545454545454545233762466694;0.002272727272727272616881233347;0.003787878787878787983922634908
-0.013055555555555556357383295563;0.004166666666666666608842550801;0.017500000000000001665334536938;0.561666666666666647422800906497;0.021944444444444443503838826359;0.005833333333333333599324266316;0.003333333333333333547282562037;0.020277777777777776513357110844;0.003333333333333333547282562037;0.017777777777777777762358013547;0.009166666666666666712925959359;0.002222222222222222220294751693;0.001666666666666666773641281019;0.017222222222222222098864108375;0.017777777777777777762358013547;0.013611111111111110286153724758;0.005833333333333333599324266316;0.007222222222222221890697291258;0.013888888888888888117900677344;0.001111111111111111110147375847;0.010277777777777778039913769703;0.003611111111111110945348645629;0.000555555555555555555073687923;0.024166666666666666157814447047;0.012777777777777778525636342977;0.022777777777777778733803160094;0.015833333333333334674852821422;0.005833333333333333599324266316;0.002222222222222222220294751693;0.008333333333333333217685101602;0.001944444444444444388547799107;0.016111111111111110771876298031;0.002500000000000000052041704279;0.008333333333333333217685101602;0.000555555555555555555073687923;0.017222222222222222098864108375;0.003888888888888888777095598215;0.001666666666666666773641281019;0.000277777777777777777536843962;0.000555555555555555555073687923;0.008611111111111111049432054187;0.001388888888888888941894328433;0.000000000000000000000000000000;0.010277777777777778039913769703;0.012500000000000000693889390391;0.011666666666666667198648532633;0.018611111111111109522875395328;0.006388888888888889262818171488;0.005555555555555555767577313730;0.006944444444444444058950338672
-0.010144927536231883313799784219;0.010869565217391304046135047656;0.016666666666666666435370203203;0.568840579710144900182910987496;0.009420289855072464316187996758;0.001449275362318840597308788887;0.007971014492753622851517469883;0.021014492753623187359934831875;0.002173913043478260895963183330;0.010144927536231883313799784219;0.003623188405797101493271972217;0.000724637681159420298654394443;0.002898550724637681194617577773;0.011594202898550724778470311094;0.026811594202898549749169987422;0.002898550724637681194617577773;0.002898550724637681194617577773;0.016666666666666666435370203203;0.015942028985507245703034939766;0.001449275362318840597308788887;0.015942028985507245703034939766;0.008695652173913043583852733320;0.002173913043478260895963183330;0.017391304347826087167705466641;0.006521739130434782254208680996;0.018115942028985507900040730078;0.017391304347826087167705466641;0.004347826086956521791926366660;0.001449275362318840597308788887;0.010869565217391304046135047656;0.001449275362318840597308788887;0.012318840579710145510805574531;0.006521739130434782254208680996;0.008695652173913043583852733320;0.002898550724637681194617577773;0.013043478260869564508417361992;0.003623188405797101493271972217;0.002898550724637681194617577773;0.000724637681159420298654394443;0.003623188405797101493271972217;0.006521739130434782254208680996;0.000724637681159420298654394443;0.000000000000000000000000000000;0.017391304347826087167705466641;0.019565217391304349364711256953;0.013768115942028985240752625430;0.019565217391304349364711256953;0.007971014492753622851517469883;0.009420289855072464316187996758;0.002173913043478260895963183330
-0.006296296296296296363115274630;0.021481481481481479872686080057;0.013333333333333334189130248149;0.455185185185185192668910758584;0.016296296296296294836558615771;0.013703703703703704053218359604;0.008518518518518519017090895318;0.029999999999999998889776975375;0.002962962962962962815832712593;0.003703703703703703845051542487;0.011851851851851851263330850372;0.003333333333333333547282562037;0.008888888888888888881179006773;0.007037037037037036958653235530;0.042592592592592591616007524635;0.002592592592592592518063732143;0.004814814814814815172039352831;0.017777777777777777762358013547;0.026666666666666668378260496297;0.001481481481481481407916356297;0.026296296296296296779448908865;0.007407407407407407690103084974;0.006296296296296296363115274630;0.006666666666666667094565124074;0.006666666666666667094565124074;0.014814814814814815380206169948;0.024074074074074074125473288177;0.019629629629629628817522046802;0.001481481481481481407916356297;0.037777777777777778178691647781;0.001111111111111111110147375847;0.005185185185185185036127464286;0.013703703703703704053218359604;0.007037037037037036958653235530;0.003703703703703703845051542487;0.013703703703703704053218359604;0.008148148148148147418279307885;0.003333333333333333547282562037;0.001111111111111111110147375847;0.007037037037037036958653235530;0.012592592592592592726230549260;0.003703703703703703845051542487;0.000000000000000000000000000000;0.005925925925925925631665425186;0.030740740740740742087400150240;0.014074074074074073917306471060;0.004444444444444444440589503387;0.002592592592592592518063732143;0.008148148148148147418279307885;0.004074074074074073709139653943
-0.018333333333333333425851918719;0.004444444444444444440589503387;0.038888888888888889505679458125;0.282222222222222207665964788248;0.022222222222222223070309254922;0.024444444444444445724284875610;0.006111111111111111431071218902;0.020000000000000000416333634234;0.010555555555555555871660722289;0.023888888888888890060790970438;0.013333333333333334189130248149;0.028888888888888887562789165031;0.006111111111111111431071218902;0.021111111111111111743321444578;0.017222222222222222098864108375;0.008888888888888888881179006773;0.019444444444444444752839729063;0.013888888888888888117900677344;0.010000000000000000208166817117;0.000000000000000000000000000000;0.012222222222222222862142437805;0.011666666666666667198648532633;0.000555555555555555555073687923;0.036666666666666666851703837438;0.028888888888888887562789165031;0.023888888888888890060790970438;0.019444444444444444752839729063;0.036111111111111107718762980312;0.003888888888888888777095598215;0.027222222222222220572307449515;0.028333333333333331899295259859;0.014444444444444443781394582516;0.003888888888888888777095598215;0.008888888888888888881179006773;0.005555555555555555767577313730;0.019444444444444444752839729063;0.003888888888888888777095598215;0.006111111111111111431071218902;0.000555555555555555555073687923;0.003888888888888888777095598215;0.006111111111111111431071218902;0.003333333333333333547282562037;0.000000000000000000000000000000;0.019444444444444444752839729063;0.007777777777777777554191196430;0.011111111111111111535154627461;0.030555555555555554553270880547;0.012777777777777778525636342977;0.007777777777777777554191196430;0.015555555555555555108382392859
-0.005714285714285714280757932926;0.002857142857142857140378966463;0.003333333333333333547282562037;0.861904761904761951285536270007;0.007142857142857142634106981660;0.003809523809523809520505288617;0.000000000000000000000000000000;0.002857142857142857140378966463;0.000476190476190476190063161077;0.000952380952380952380126322154;0.000476190476190476190063161077;0.015238095238095238082021154469;0.001428571428571428570189483231;0.003333333333333333547282562037;0.008095238095238094580552434820;0.005238095238095237873854337352;0.001428571428571428570189483231;0.001904761904761904760252644309;0.006190476190476190687661528500;0.000476190476190476190063161077;0.002380952380952381167156239883;0.001904761904761904760252644309;0.001428571428571428570189483231;0.001428571428571428570189483231;0.004761904761904762334312479766;0.002857142857142857140378966463;0.001428571428571428570189483231;0.002380952380952381167156239883;0.000000000000000000000000000000;0.010000000000000000208166817117;0.012857142857142856914864914586;0.002380952380952381167156239883;0.000476190476190476190063161077;0.000476190476190476190063161077;0.000000000000000000000000000000;0.003333333333333333547282562037;0.000476190476190476190063161077;0.003333333333333333547282562037;0.000000000000000000000000000000;0.000000000000000000000000000000;0.000476190476190476190063161077;0.000000000000000000000000000000;0.000000000000000000000000000000;0.002857142857142857140378966463;0.004761904761904762334312479766;0.000476190476190476190063161077;0.000952380952380952380126322154;0.000476190476190476190063161077;0.000952380952380952380126322154;0.004285714285714285927408884191
-0.022413793103448275551015100859;0.005747126436781609115644897656;0.018965517241379310081628162266;0.541379310344827557877067647496;0.004022988505747126380951428359;0.012068965517241379142854285078;0.004022988505747126380951428359;0.012068965517241379142854285078;0.004022988505747126380951428359;0.012068965517241379142854285078;0.004597701149425287292515918125;0.008620689655172413673467346484;0.009195402298850574585031836250;0.009770114942528735496596326016;0.009195402298850574585031836250;0.016091954022988505523805713437;0.006896551724137930938773877187;0.008620689655172413673467346484;0.009195402298850574585031836250;0.001724137931034482734693469297;0.009770114942528735496596326016;0.005172413793103448204080407891;0.009195402298850574585031836250;0.020689655172413792816321631562;0.014367816091954022789112244141;0.020689655172413792816321631562;0.011494252873563218231289795312;0.004597701149425287292515918125;0.004022988505747126380951428359;0.008045977011494252761902856719;0.012643678160919540054418774844;0.009195402298850574585031836250;0.006321839080459770027209387422;0.009195402298850574585031836250;0.009195402298850574585031836250;0.018390804597701149170063672500;0.005172413793103448204080407891;0.013218390804597700965983264609;0.000000000000000000000000000000;0.008045977011494252761902856719;0.005172413793103448204080407891;0.001149425287356321823128979531;0.000000000000000000000000000000;0.013793103448275861877547754375;0.008620689655172413673467346484;0.009770114942528735496596326016;0.010919540229885057319725305547;0.013218390804597700965983264609;0.009195402298850574585031836250;0.008045977011494252761902856719
-0.011574074074074073431583897786;0.056944444444444443365060948281;0.013425925925925926221471407018;0.049537037037037039144404815261;0.057407407407407406996213694583;0.015740740740740739173064710599;0.007870370370370369586532355299;0.063888888888888883954564334999;0.009259259259259258745267118229;0.010648148148148147904001881159;0.018055555555555553859381490156;0.018055555555555553859381490156;0.009259259259259258745267118229;0.007870370370370369586532355299;0.096296296296296296501893152708;0.006481481481481481295159330358;0.004629629629629629372633559115;0.039351851851851853136832204427;0.050000000000000002775557561563;0.000925925925925925961262885622;0.025925925925925925180637321432;0.004166666666666666608842550801;0.005555555555555555767577313730;0.011574074074074073431583897786;0.015277777777777777276635440273;0.013888888888888888117900677344;0.042129629629629627984854778333;0.056944444444444443365060948281;0.001851851851851851922525771243;0.042592592592592591616007524635;0.021296296296296295808003762318;0.006018518518518518531368322044;0.026388888888888888811790067734;0.003240740740740740647579665179;0.003240740740740740647579665179;0.019444444444444444752839729063;0.006481481481481481295159330358;0.005092592592592593003786305417;0.000462962962962962980631442811;0.003240740740740740647579665179;0.024074074074074074125473288177;0.018518518518518517490534236458;0.000000000000000000000000000000;0.010185185185185186007572610833;0.043981481481481482509465763542;0.011574074074074073431583897786;0.006018518518518518531368322044;0.003703703703703703845051542487;0.012037037037037037062736644089;0.007870370370370369586532355299
-0.016060606060606059941608947383;0.034242424242424240876658814159;0.009090909090909090467524933388;0.422121212121212119328106382454;0.044242424242424242819549107253;0.007272727272727272720964641906;0.008484848484848485708487153545;0.035757575757575758845785429685;0.002121212121212121427121788386;0.003636363636363636360482320953;0.007878787878787879214725897725;0.011818181818181817954727108599;0.004545454545454545233762466694;0.005151515151515151727523722514;0.052727272727272726793312784821;0.011818181818181817954727108599;0.004545454545454545233762466694;0.018181818181818180935049866775;0.027272727272727271402574800163;0.001212121212121212120160773651;0.022424242424242422921931705559;0.002121212121212121427121788386;0.000909090909090909090120580238;0.008787878787878787220644305478;0.012121212121212121201607736509;0.012121212121212121201607736509;0.021818181818181819897617401693;0.041515151515151511862899980088;0.001212121212121212120160773651;0.019090909090909092410415226482;0.011515151515151514707846480690;0.003636363636363636360482320953;0.008787878787878787220644305478;0.002424242424242424240321547302;0.001818181818181818180241160476;0.006969696969696969474084013996;0.003636363636363636360482320953;0.004848484848484848480643094604;0.000303030303030303030040193413;0.001818181818181818180241160476;0.012424242424242424448488364419;0.002424242424242424240321547302;0.000000000000000000000000000000;0.005757575757575757353923240345;0.038484848484848482863540652943;0.007878787878787879214725897725;0.004848484848484848480643094604;0.004848484848484848480643094604;0.004545454545454545233762466694;0.002727272727272727487202175212
-0.027333333333333334480563792113;0.020666666666666666518636930050;0.066000000000000003108624468950;0.002000000000000000041633363423;0.000666666666666666644404382058;0.014000000000000000291433543964;0.000000000000000000000000000000;0.029999999999999998889776975375;0.018666666666666668211727042603;0.021333333333333332620940225866;0.012000000000000000249800180541;0.037333333333333336423454085207;0.020666666666666666518636930050;0.045333333333333336589987538900;0.017333333333333332537673499019;0.016666666666666666435370203203;0.013333333333333334189130248149;0.059333333333333335146697606888;0.010000000000000000208166817117;0.017333333333333332537673499019;0.016000000000000000333066907388;0.012666666666666666352103476356;0.020666666666666666518636930050;0.021333333333333332620940225866;0.032666666666666663298990158637;0.038666666666666668628060676838;0.038666666666666668628060676838;0.013333333333333334189130248149;0.000666666666666666644404382058;0.007333333333333333196868419890;0.032666666666666663298990158637;0.009333333333333334105863521302;0.013333333333333334189130248149;0.014666666666666666393736839780;0.025999999999999998806510248528;0.040000000000000000832667268469;0.015333333333333332496040135595;0.007333333333333333196868419890;0.001333333333333333288808764117;0.014000000000000000291433543964;0.005333333333333333155235056466;0.016000000000000000333066907388;0.000000000000000000000000000000;0.008666666666666666268836749509;0.002666666666666666577617528233;0.012000000000000000249800180541;0.033333333333333332870740406406;0.034000000000000002442490654175;0.044666666666666667018237291131;0.017333333333333332537673499019
-0.016111111111111110771876298031;0.010000000000000000208166817117;0.018055555555555553859381490156;0.504444444444444473063526857004;0.024444444444444445724284875610;0.013611111111111110286153724758;0.006111111111111111431071218902;0.018611111111111109522875395328;0.003333333333333333547282562037;0.007499999999999999722444243844;0.007222222222222221890697291258;0.021666666666666667406815349750;0.006388888888888889262818171488;0.015555555555555555108382392859;0.018888888888888889089345823891;0.008333333333333333217685101602;0.006666666666666667094565124074;0.014722222222222221613141535101;0.015555555555555555108382392859;0.003611111111111110945348645629;0.011111111111111111535154627461;0.004444444444444444440589503387;0.004444444444444444440589503387;0.016388888888888890338346726594;0.016388888888888890338346726594;0.012777777777777778525636342977;0.016388888888888890338346726594;0.003611111111111110945348645629;0.001111111111111111110147375847;0.021111111111111111743321444578;0.012500000000000000693889390391;0.007222222222222221890697291258;0.006944444444444444058950338672;0.002500000000000000052041704279;0.006666666666666667094565124074;0.013611111111111110286153724758;0.005000000000000000104083408559;0.009166666666666666712925959359;0.000555555555555555555073687923;0.005833333333333333599324266316;0.007499999999999999722444243844;0.003611111111111110945348645629;0.000000000000000000000000000000;0.011111111111111111535154627461;0.012777777777777778525636342977;0.008055555555555555385938149016;0.018888888888888889089345823891;0.007777777777777777554191196430;0.007222222222222221890697291258;0.004444444444444444440589503387
-0.010952380952380953021974008266;0.032857142857142855596475072844;0.018571428571428572062984585500;0.322380952380952379154877007750;0.056666666666666663798590519718;0.013333333333333334189130248149;0.007619047619047619041010577234;0.023333333333333334397297065266;0.007142857142857142634106981660;0.009523809523809524668624959531;0.011904761904761904101057723437;0.011428571428571428561515865852;0.004761904761904762334312479766;0.011904761904761904101057723437;0.052380952380952382207990325469;0.014285714285714285268213963320;0.010000000000000000208166817117;0.020952380952380951495417349406;0.020476190476190477690598967797;0.002857142857142857140378966463;0.013333333333333334189130248149;0.004761904761904762334312479766;0.007619047619047619041010577234;0.011428571428571428561515865852;0.011428571428571428561515865852;0.011904761904761904101057723437;0.018571428571428572062984585500;0.043333333333333334813630699500;0.000952380952380952380126322154;0.029047619047619047810693260203;0.007619047619047619041010577234;0.006666666666666667094565124074;0.010952380952380953021974008266;0.004761904761904762334312479766;0.005238095238095237873854337352;0.014285714285714285268213963320;0.006666666666666667094565124074;0.009047619047619047394359625969;0.000476190476190476190063161077;0.004285714285714285927408884191;0.013333333333333334189130248149;0.005714285714285714280757932926;0.000000000000000000000000000000;0.008095238095238094580552434820;0.034761904761904764693536407094;0.009047619047619047394359625969;0.012380952380952381375323057000;0.008571428571428571854817768383;0.012380952380952381375323057000;0.010000000000000000208166817117
-0.013492063492063492702310867344;0.027777777777777776235801354687;0.027777777777777776235801354687;0.180952380952380947887192519374;0.090476190476190473943596259687;0.015079365079365079568840535273;0.004761904761904762334312479766;0.025396825396825396803368590781;0.007936507936507936067371815625;0.011904761904761904101057723437;0.007142857142857142634106981660;0.011111111111111111535154627461;0.008730158730158730367998387578;0.016666666666666666435370203203;0.050793650793650793606737181562;0.022222222222222223070309254922;0.018253968253968255036623347110;0.033333333333333332870740406406;0.030952380952380953438307642500;0.002380952380952381167156239883;0.015873015873015872134743631250;0.004761904761904762334312479766;0.006349206349206349200842147695;0.019047619047619049337249919063;0.020634920634920634469056111016;0.022222222222222223070309254922;0.019047619047619049337249919063;0.050000000000000002775557561563;0.000793650793650793650105268462;0.037301587301587300904426314219;0.018253968253968255036623347110;0.012698412698412698401684295391;0.007142857142857142634106981660;0.004761904761904762334312479766;0.003968253968253968033685907812;0.018253968253968255036623347110;0.007142857142857142634106981660;0.007142857142857142634106981660;0.000793650793650793650105268462;0.007142857142857142634106981660;0.014285714285714285268213963320;0.004761904761904762334312479766;0.000000000000000000000000000000;0.007142857142857142634106981660;0.034920634920634921471993550313;0.008730158730158730367998387578;0.017460317460317460735996775156;0.011111111111111111535154627461;0.003968253968253968033685907812;0.007142857142857142634106981660
-0.025000000000000001387778780781;0.018859649122807017190828204889;0.029385964912280702898694784153;0.125438596491228071538870381119;0.020614035087719299876862777410;0.027631578947368420212660211632;0.003070175438596491231113549958;0.033333333333333332870740406406;0.007456140350877192742029553330;0.013596491228070176071618391234;0.021929824561403507554580016858;0.009649122807017544364849293004;0.021052631578947367946286206575;0.025877192982456140996072591065;0.036842105263157891303915647541;0.020175438596491228337992396291;0.009649122807017544364849293004;0.025877192982456140996072591065;0.024561403508771929848908399663;0.005263157894736841986571551644;0.017543859649122806043664013487;0.004385964912280701510916003372;0.012280701754385964924454199831;0.017105263157894737974240584322;0.030263157894736842506988594437;0.029385964912280702898694784153;0.033333333333333332870740406406;0.036403508771929826703939170329;0.002192982456140350755458001686;0.025877192982456140996072591065;0.007017543859649122937882648188;0.007456140350877192742029553330;0.016666666666666666435370203203;0.009649122807017544364849293004;0.024561403508771929848908399663;0.025438596491228069457202209946;0.011842105263157895120307294690;0.005263157894736841986571551644;0.000877192982456140367235331023;0.008333333333333333217685101602;0.010087719298245614168996198146;0.005701754385964912658080194774;0.000000000000000000000000000000;0.014035087719298245875765296375;0.021052631578947367946286206575;0.011842105263157895120307294690;0.021929824561403507554580016858;0.024122807017543858310038018544;0.035964912280701755165068789211;0.024122807017543858310038018544
-0.004471544715447154684506703148;0.000406504065040650406151478968;0.002032520325203252247597829339;0.864634146341463405427418820182;0.019918699186991871419305510926;0.003658536585365853872203745212;0.000813008130081300812302957937;0.002439024390243902436908873810;0.001626016260162601624605915873;0.000000000000000000000000000000;0.001626016260162601624605915873;0.017479674796747966813992292145;0.000000000000000000000000000000;0.000406504065040650406151478968;0.003252032520325203249211831746;0.002439024390243902436908873810;0.000000000000000000000000000000;0.000813008130081300812302957937;0.004471544715447154684506703148;0.000000000000000000000000000000;0.002439024390243902436908873810;0.000406504065040650406151478968;0.000000000000000000000000000000;0.000406504065040650406151478968;0.003658536585365853872203745212;0.002032520325203252247597829339;0.001219512195121951218454436905;0.000000000000000000000000000000;0.000813008130081300812302957937;0.024796747967479673691038044581;0.008943089430894309369013406297;0.001219512195121951218454436905;0.001219512195121951218454436905;0.001219512195121951218454436905;0.000000000000000000000000000000;0.000406504065040650406151478968;0.000000000000000000000000000000;0.000813008130081300812302957937;0.000000000000000000000000000000;0.000406504065040650406151478968;0.001219512195121951218454436905;0.001219512195121951218454436905;0.000000000000000000000000000000;0.000813008130081300812302957937;0.009349593495934959558324450768;0.001219512195121951218454436905;0.000406504065040650406151478968;0.002845528455284553059900787275;0.001219512195121951218454436905;0.001219512195121951218454436905
-0.030555555555555554553270880547;0.009166666666666666712925959359;0.032500000000000001110223024625;0.229722222222222216547748985249;0.004722222222222222272336455973;0.024444444444444445724284875610;0.002777777777777777883788656865;0.019722222222222220849863205672;0.007777777777777777554191196430;0.018333333333333333425851918719;0.021111111111111111743321444578;0.017500000000000001665334536938;0.027777777777777776235801354687;0.026944444444444444475283972906;0.008055555555555555385938149016;0.015277777777777777276635440273;0.008888888888888888881179006773;0.025277777777777777484802257391;0.010833333333333333703407674875;0.004444444444444444440589503387;0.017222222222222222098864108375;0.006666666666666667094565124074;0.008055555555555555385938149016;0.024166666666666666157814447047;0.033055555555555553304269977843;0.035277777777777775958245598531;0.032777777777777780676693453188;0.000555555555555555555073687923;0.000277777777777777777536843962;0.016944444444444446001840631766;0.010833333333333333703407674875;0.013888888888888888117900677344;0.012222222222222222862142437805;0.006944444444444444058950338672;0.029444444444444443226283070203;0.031666666666666669349705642844;0.011944444444444445030395485219;0.008055555555555555385938149016;0.000833333333333333386820640509;0.007777777777777777554191196430;0.005277777777777777935830361145;0.004166666666666666608842550801;0.000000000000000000000000000000;0.013888888888888888117900677344;0.006111111111111111431071218902;0.009444444444444444544672911945;0.028333333333333331899295259859;0.020833333333333332176851016015;0.040000000000000000832667268469;0.017500000000000001665334536938
-0.016384180790960451573612388643;0.002824858757062146882854669627;0.011864406779661017254934307630;0.521186440677966156265199515474;0.074576271186440681870699620504;0.011016949152542372669660863949;0.003954802259887005462524189880;0.020056497175141241307017025974;0.002824858757062146882854669627;0.010169491525423728084387420267;0.012146892655367232116692122190;0.007062146892655367207136674068;0.003672316384180791034447244314;0.009322033898305085233837452563;0.014406779661016949276031162697;0.010734463276836157807903049388;0.002824858757062146882854669627;0.010169491525423728084387420267;0.010451977401129942946145234828;0.002259887005649717593019909501;0.012146892655367232116692122190;0.002542372881355932021096855067;0.005932203389830508627467153815;0.014689265536723164137788977257;0.016666666666666666435370203203;0.019209039548022600191190534247;0.016384180790960451573612388643;0.024576271186440679095142058941;0.001129943502824858796509954750;0.006214689265536723489224968375;0.004237288135593220324282004441;0.004519774011299435186039819001;0.004237288135593220324282004441;0.004802259887005650047797633562;0.006497175141242937483621044947;0.007344632768361582068894488629;0.007062146892655367207136674068;0.006214689265536723489224968375;0.000000000000000000000000000000;0.002259887005649717593019909501;0.007344632768361582068894488629;0.002259887005649717593019909501;0.000000000000000000000000000000;0.006497175141242937483621044947;0.009604519774011300095595267123;0.009039548022598870372079638003;0.014689265536723164137788977257;0.005367231638418078903951524694;0.012994350282485874967242089895;0.007627118644067796930652303189
-0.006111111111111111431071218902;0.006666666666666667094565124074;0.005555555555555555767577313730;0.781666666666666620777448315494;0.006111111111111111431071218902;0.003333333333333333547282562037;0.007499999999999999722444243844;0.009722222222222222376419864531;0.006111111111111111431071218902;0.005000000000000000104083408559;0.002777777777777777883788656865;0.002500000000000000052041704279;0.001944444444444444388547799107;0.003611111111111110945348645629;0.013333333333333334189130248149;0.002777777777777777883788656865;0.004444444444444444440589503387;0.006944444444444444058950338672;0.005833333333333333599324266316;0.000833333333333333386820640509;0.005555555555555555767577313730;0.003888888888888888777095598215;0.000277777777777777777536843962;0.005555555555555555767577313730;0.003611111111111110945348645629;0.005555555555555555767577313730;0.009166666666666666712925959359;0.006666666666666667094565124074;0.003333333333333333547282562037;0.004166666666666666608842550801;0.002500000000000000052041704279;0.003333333333333333547282562037;0.003611111111111110945348645629;0.006111111111111111431071218902;0.001666666666666666773641281019;0.007222222222222221890697291258;0.001944444444444444388547799107;0.003055555555555555715535609451;0.002222222222222222220294751693;0.001944444444444444388547799107;0.005555555555555555767577313730;0.003055555555555555715535609451;0.000000000000000000000000000000;0.005833333333333333599324266316;0.010277777777777778039913769703;0.004722222222222222272336455973;0.001944444444444444388547799107;0.001111111111111111110147375847;0.001388888888888888941894328433;0.001944444444444444388547799107
-0.004848484848484848480643094604;0.012424242424242424448488364419;0.006363636363636363847684496164;0.682424242424242377680343452084;0.003636363636363636360482320953;0.006363636363636363847684496164;0.008787878787878787220644305478;0.018484848484848485916653970662;0.006060606060606060600803868255;0.003636363636363636360482320953;0.004848484848484848480643094604;0.002121212121212121427121788386;0.002424242424242424240321547302;0.003939393939393939607362948863;0.029393939393939392396015719555;0.001515151515151515150200967064;0.008787878787878787220644305478;0.010606060606060606701928072937;0.008181818181818182461606525635;0.000000000000000000000000000000;0.010303030303030303455047445027;0.006363636363636363847684496164;0.001818181818181818180241160476;0.008484848484848485708487153545;0.003939393939393939607362948863;0.008484848484848485708487153545;0.017575757575757574441288610956;0.010000000000000000208166817117;0.006969696969696969474084013996;0.005151515151515151727523722514;0.001818181818181818180241160476;0.006060606060606060600803868255;0.001818181818181818180241160476;0.009393939393939393714405561298;0.002121212121212121427121788386;0.007575757575757575967845269815;0.002424242424242424240321547302;0.003939393939393939607362948863;0.002424242424242424240321547302;0.002424242424242424240321547302;0.013030303030303030942249620239;0.006060606060606060600803868255;0.000000000000000000000000000000;0.007272727272727272720964641906;0.011515151515151514707846480690;0.006060606060606060600803868255;0.002121212121212121427121788386;0.001515151515151515150200967064;0.003939393939393939607362948863;0.004545454545454545233762466694
-0.004081632653061224857982125513;0.011224489795918366624727369185;0.010204081632653060410231837807;0.637074829931972841379206329293;0.006462585034013605157776627408;0.003401360544217686947970902267;0.011224489795918366624727369185;0.021088435374149658296794029866;0.006802721088435373895941804534;0.008503401360544218454129428153;0.006122448979591836419611450282;0.005102040816326530205115918903;0.003401360544217686947970902267;0.003061224489795918209805725141;0.029591836734693878485646933996;0.004081632653061224857982125513;0.005782312925170067681446273156;0.009183673469387755930459782405;0.010204081632653060410231837807;0.000680272108843537367910137004;0.018027210884353741388030911708;0.004421768707482993596147302640;0.001360544217687074735820274007;0.011224489795918366624727369185;0.004761904761904762334312479766;0.005782312925170067681446273156;0.017006802721088436908258856306;0.010884353741496597886562192059;0.005442176870748298943281096030;0.009523809523809524668624959531;0.003061224489795918209805725141;0.006462585034013605157776627408;0.003401360544217686947970902267;0.008503401360544218454129428153;0.002040816326530612428991062757;0.006122448979591836419611450282;0.003401360544217686947970902267;0.004421768707482993596147302640;0.003401360544217686947970902267;0.002721088435374149471640548015;0.010204081632653060410231837807;0.005102040816326530205115918903;0.000000000000000000000000000000;0.007482993197278911372272158786;0.020748299319727891293352328717;0.014965986394557822744544317572;0.002380952380952381167156239883;0.001360544217687074735820274007;0.005102040816326530205115918903;0.003401360544217686947970902267
-0.006111111111111111431071218902;0.016388888888888890338346726594;0.014444444444444443781394582516;0.605555555555555513613796847494;0.014722222222222221613141535101;0.002777777777777777883788656865;0.006388888888888889262818171488;0.025277777777777777484802257391;0.006944444444444444058950338672;0.009722222222222222376419864531;0.006111111111111111431071218902;0.002500000000000000052041704279;0.001388888888888888941894328433;0.007777777777777777554191196430;0.029444444444444443226283070203;0.003888888888888888777095598215;0.003333333333333333547282562037;0.014166666666666665949647629930;0.013611111111111110286153724758;0.001111111111111111110147375847;0.011111111111111111535154627461;0.004444444444444444440589503387;0.001111111111111111110147375847;0.012777777777777778525636342977;0.007222222222222221890697291258;0.012222222222222222862142437805;0.018055555555555553859381490156;0.024166666666666666157814447047;0.001666666666666666773641281019;0.008333333333333333217685101602;0.001388888888888888941894328433;0.007777777777777777554191196430;0.003055555555555555715535609451;0.004722222222222222272336455973;0.001111111111111111110147375847;0.010555555555555555871660722289;0.003055555555555555715535609451;0.001388888888888888941894328433;0.000555555555555555555073687923;0.000000000000000000000000000000;0.010833333333333333703407674875;0.002222222222222222220294751693;0.000000000000000000000000000000;0.012500000000000000693889390391;0.019166666666666665186369300500;0.008611111111111111049432054187;0.009166666666666666712925959359;0.002222222222222222220294751693;0.003888888888888888777095598215;0.005000000000000000104083408559
-0.005654761904761904621474766230;0.009523809523809524668624959531;0.013095238095238095551997581367;0.663690476190476164042308937496;0.003273809523809523887999395342;0.002083333333333333304421275400;0.012202380952380952397473556914;0.020238095238095239053466301016;0.005059523809523809763366575254;0.008035714285714284921269268125;0.005357142857142857192420670742;0.002976190476190476025264430859;0.001190476190476190583578119941;0.004166666666666666608842550801;0.031250000000000000000000000000;0.006250000000000000346944695195;0.003273809523809523887999395342;0.009523809523809524668624959531;0.010714285714285714384841341484;0.000892857142857142829263372708;0.014583333333333333564629796797;0.004464285714285714037896646289;0.001785714285714285658526745415;0.011904761904761904101057723437;0.004464285714285714037896646289;0.009523809523809524668624959531;0.019642857142857142460634634062;0.006845238095238095205052886172;0.003571428571428571317053490830;0.005059523809523809763366575254;0.001190476190476190583578119941;0.005357142857142857192420670742;0.004166666666666666608842550801;0.004761904761904762334312479766;0.000595238095238095291789059971;0.007440476190476190063161077148;0.002678571428571428596210335371;0.001488095238095238012632215430;0.000297619047619047645894529985;0.000595238095238095291789059971;0.010119047619047619526733150508;0.002380952380952381167156239883;0.000000000000000000000000000000;0.011011904761904762681257174961;0.015773809523809523280846178750;0.013095238095238095551997581367;0.006845238095238095205052886172;0.000000000000000000000000000000;0.003571428571428571317053490830;0.008333333333333333217685101602
-0.005769230769230769551025872488;0.028205128205128205537421948179;0.016666666666666666435370203203;0.389423076923076927347011633174;0.007051282051282051384355487045;0.004166666666666666608842550801;0.022435897435897435986396075691;0.030448717948717948095227470162;0.017628205128205128027207848618;0.015064102564102564360548619504;0.008653846153846154326538808732;0.004166666666666666608842550801;0.002243589743589743425167259971;0.007371794871794871625847456187;0.034615384615384617306155234928;0.008012820512820512108831394471;0.018589743589743589619045494032;0.039423076923076921795896510048;0.021794871794871793768688661430;0.002243589743589743425167259971;0.037820512820512817986351450372;0.012179487179487179585035683260;0.009294871794871794809522747016;0.017307692307692308653077617464;0.005769230769230769551025872488;0.007371794871794871625847456187;0.021153846153846155020428199123;0.020833333333333332176851016015;0.002243589743589743425167259971;0.007371794871794871625847456187;0.000000000000000000000000000000;0.007692307692307692734701163317;0.008974358974358973700669039886;0.007692307692307692734701163317;0.003205128205128205017004905386;0.018589743589743589619045494032;0.004166666666666666608842550801;0.000641025641025641025085024527;0.002564102564102564100340098108;0.010256410256410256401360392431;0.033333333333333332870740406406;0.014743589743589743251694912374;0.000000000000000000000000000000;0.011217948717948717993198037846;0.013461538461538462285727035805;0.019230769230769231836752908293;0.005128205128205128200680196215;0.000961538461538461591837645415;0.005769230769230769551025872488;0.007051282051282051384355487045
-0.015217391304347826705423152305;0.040217391304347822889031505156;0.027536231884057970481505250859;0.003985507246376811425758734941;0.003623188405797101493271972217;0.014492753623188405973087888867;0.008695652173913043583852733320;0.022463768115942028824605358750;0.031884057971014491406069879531;0.016304347826086956069202571484;0.007608695652173913352711576152;0.007608695652173913352711576152;0.024275362318840580655443517344;0.015942028985507245703034939766;0.057246376811594203160016292031;0.010144927536231883313799784219;0.030797101449275363777013936328;0.060144927536231886089357345782;0.021014492753623187359934831875;0.008695652173913043583852733320;0.022101449275362318458437727031;0.028623188405797101580008146016;0.039130434782608698729422513907;0.019927536231884056261431936719;0.015217391304347826705423152305;0.017391304347826087167705466641;0.024275362318840580655443517344;0.063405797101449279384866031251;0.003260869565217391127104340498;0.018478260869565218266208361797;0.006159420289855072755402787266;0.017753623188405797533873098359;0.025362318840579711753946412500;0.006884057971014492620376312715;0.023550724637681159923108253906;0.031884057971014491406069879531;0.013405797101449274874584993711;0.007246376811594202986543944434;0.007971014492753622851517469883;0.034782608695652174335410933281;0.015217391304347826705423152305;0.024275362318840580655443517344;0.000000000000000000000000000000;0.007608695652173913352711576152;0.028985507246376811946175777734;0.014855072463768116339255520586;0.011956521739130435144637942813;0.011231884057971014412302679375;0.023913043478260870289275885625;0.007246376811594202986543944434
-0.020754716981132074332672132755;0.013207547169811321291499339736;0.069182389937106916755205077152;0.000000000000000000000000000000;0.003144654088050314634517068413;0.013522012578616352668214872779;0.003144654088050314634517068413;0.030503144654088050480300609024;0.038050314465408803521473402043;0.026100628930817611206283146430;0.019182389937106917449094467543;0.007547169811320754775896268995;0.010691823899371068543051599420;0.033647798742138364247455939449;0.013836477987421384044930405821;0.015408805031446540928508071033;0.027987421383647799466576344685;0.072955974842767293275791473661;0.013836477987421384044930405821;0.013836477987421384044930405821;0.020754716981132074332672132755;0.019811320754716980202525533628;0.018238993710691823318947868415;0.027672955974842768089860811642;0.027358490566037736713145278600;0.040880503144654085911913199425;0.050314465408805034152273094605;0.004402515723270440141379200583;0.000628930817610062861851283333;0.009433962264150943036189467250;0.005660377358490565648241332752;0.015723270440251572305223604076;0.011635220125786162673198198547;0.012264150943396227161352740609;0.015408805031446540928508071033;0.053144654088050316542712891987;0.026415094339622642582998679472;0.008176100628930817529327335080;0.002201257861635220070689600291;0.013522012578616352668214872779;0.008490566037735848906042868123;0.020754716981132074332672132755;0.000000000000000000000000000000;0.015723270440251572305223604076;0.005031446540880502894810266667;0.015408805031446540928508071033;0.027044025157232705336429745557;0.009748427672955974412905000293;0.050628930817610065528988627648;0.016981132075471697812085736246
-0.006250000000000000346944695195;0.006250000000000000346944695195;0.011458333333333332523795711211;0.559722222222222232090871330001;0.004513888888888888464845372539;0.006250000000000000346944695195;0.007638888888888888638317720137;0.024305555555555555941049661328;0.007638888888888888638317720137;0.013194444444444444405895033867;0.012152777777777777970524830664;0.002430555555555555594104966133;0.007638888888888888638317720137;0.011805555555555555247160270937;0.025347222222222222376419864531;0.005902777777777777623580135469;0.006944444444444444058950338672;0.013194444444444444405895033867;0.009374999999999999653055304805;0.001041666666666666652210637700;0.013541666666666667129259593594;0.004513888888888888464845372539;0.004861111111111111188209932266;0.018055555555555553859381490156;0.004513888888888888464845372539;0.015277777777777777276635440273;0.020138888888888890199568848516;0.005555555555555555767577313730;0.003819444444444444319158860068;0.005208333333333333044212754004;0.000000000000000000000000000000;0.014930555555555556287994356524;0.005902777777777777623580135469;0.010763888888888888811790067734;0.009374999999999999653055304805;0.014930555555555556287994356524;0.003472222222222222029475169336;0.002430555555555555594104966133;0.001041666666666666652210637700;0.008333333333333333217685101602;0.012500000000000000693889390391;0.006250000000000000346944695195;0.000000000000000000000000000000;0.012500000000000000693889390391;0.013194444444444444405895033867;0.014583333333333333564629796797;0.011805555555555555247160270937;0.004166666666666666608842550801;0.007291666666666666782314898398;0.007986111111111110494320541875
-0.034166666666666664631257788187;0.010000000000000000208166817117;0.052499999999999998057109706906;0.115000000000000004996003610813;0.000416666666666666693410320255;0.025416666666666667268037471672;0.001250000000000000026020852140;0.032500000000000001110223024625;0.007499999999999999722444243844;0.016250000000000000555111512313;0.020833333333333332176851016015;0.007916666666666667337426410711;0.023750000000000000277555756156;0.036249999999999997501998194593;0.015833333333333334674852821422;0.009583333333333332593184650250;0.011249999999999999583666365766;0.034166666666666664631257788187;0.023750000000000000277555756156;0.007499999999999999722444243844;0.018749999999999999306110609609;0.009583333333333332593184650250;0.016250000000000000555111512313;0.028750000000000001249000902703;0.039583333333333331482961625625;0.039166666666666669072149886688;0.045833333333333330095182844843;0.001666666666666666773641281019;0.001250000000000000026020852140;0.013750000000000000069388939039;0.004583333333333333356462979680;0.010833333333333333703407674875;0.018749999999999999306110609609;0.014166666666666665949647629930;0.019583333333333334536074943344;0.030416666666666668239482618219;0.019166666666666665186369300500;0.008333333333333333217685101602;0.002083333333333333304421275400;0.013333333333333334189130248149;0.004583333333333333356462979680;0.008333333333333333217685101602;0.000000000000000000000000000000;0.014166666666666665949647629930;0.006250000000000000346944695195;0.013333333333333334189130248149;0.029583333333333333009518284484;0.018749999999999999306110609609;0.040833333333333332593184650250;0.022499999999999999167332731531
-0.018840579710144928632375993516;0.031521739130434781039902247812;0.043840579710144926550707822344;0.143840579710144939040716849377;0.023913043478260870289275885625;0.023550724637681159923108253906;0.002536231884057970828449946055;0.022826086956521739190772990469;0.037318840579710146898584355313;0.010869565217391304046135047656;0.013405797101449274874584993711;0.009782608695652174682355628477;0.012681159420289855876973206250;0.022463768115942028824605358750;0.032608695652173912138405142969;0.014130434782608695606920257148;0.021376811594202897726102463594;0.047463768115942030212384139531;0.018115942028985507900040730078;0.003260869565217391127104340498;0.020289855072463766627599568437;0.021014492753623187359934831875;0.012681159420289855876973206250;0.020652173913043476993767200156;0.026811594202898549749169987422;0.018478260869565218266208361797;0.027898550724637680847672882578;0.023188405797101449556940622188;0.000000000000000000000000000000;0.022826086956521739190772990469;0.006159420289855072755402787266;0.011231884057971014412302679375;0.019565217391304349364711256953;0.004347826086956521791926366660;0.015942028985507245703034939766;0.030434782608695653410846304610;0.012681159420289855876973206250;0.003985507246376811425758734941;0.005072463768115941656899892109;0.007971014492753622851517469883;0.011956521739130435144637942813;0.023550724637681159923108253906;0.000000000000000000000000000000;0.009782608695652174682355628477;0.017028985507246376801537834922;0.009057971014492753950020365039;0.013768115942028985240752625430;0.014855072463768116339255520586;0.023188405797101449556940622188;0.011231884057971014412302679375
-0.017514124293785311020643646884;0.030508474576271187722609212756;0.055932203389830507933577763424;0.069774011299435029220816772977;0.022881355932203389924595171578;0.013276836158192089828999904455;0.006497175141242937483621044947;0.029096045197740113413820139954;0.042655367231638416369854382992;0.020621468926553671030532655095;0.008757062146892655510321823442;0.005649717514124293765709339254;0.011864406779661017254934307630;0.021751412429378530477563913337;0.044915254237288135263916899476;0.009604519774011300095595267123;0.022598870056497175062837357018;0.060451977401129945721702796391;0.024011299435028249371626429820;0.011581920903954802393176493069;0.015254237288135593861304606378;0.025141242937853108818657688062;0.022316384180790960201079542458;0.024293785310734464233384244380;0.016949152542372881297128017763;0.016666666666666666435370203203;0.026553672316384179657999808910;0.029096045197740113413820139954;0.000847457627118644043172357438;0.021468926553672315615806098776;0.002542372881355932021096855067;0.016101694915254236711854574082;0.016101694915254236711854574082;0.005649717514124293765709339254;0.013276836158192089828999904455;0.032768361581920903147224777285;0.011864406779661017254934307630;0.003954802259887005462524189880;0.010451977401129942946145234828;0.022598870056497175062837357018;0.007627118644067796930652303189;0.027401129943502824243273252591;0.000000000000000000000000000000;0.011581920903954802393176493069;0.018079096045197740744159276005;0.013559322033898304690757719015;0.021468926553672315615806098776;0.010451977401129942946145234828;0.021186440677966100754048284216;0.004802259887005650047797633562
-0.014166666666666665949647629930;0.027777777777777776235801354687;0.067222222222222224874421669938;0.046944444444444441422170655187;0.014999999999999999444888487687;0.012222222222222222862142437805;0.006111111111111111431071218902;0.028888888888888887562789165031;0.044999999999999998334665463062;0.032500000000000001110223024625;0.010277777777777778039913769703;0.005555555555555555767577313730;0.010000000000000000208166817117;0.023055555555555554830826636703;0.023611111111111110494320541875;0.007777777777777777554191196430;0.039444444444444441699726411343;0.045277777777777777901135891625;0.016944444444444446001840631766;0.012500000000000000693889390391;0.013333333333333334189130248149;0.025277777777777777484802257391;0.016944444444444446001840631766;0.043055555555555555247160270937;0.012777777777777778525636342977;0.022777777777777778733803160094;0.029444444444444443226283070203;0.021944444444444443503838826359;0.003055555555555555715535609451;0.015833333333333334674852821422;0.004166666666666666608842550801;0.031944444444444441977282167500;0.013333333333333334189130248149;0.008888888888888888881179006773;0.007777777777777777554191196430;0.052222222222222225429533182250;0.011666666666666667198648532633;0.005555555555555555767577313730;0.006388888888888889262818171488;0.015555555555555555108382392859;0.007499999999999999722444243844;0.022222222222222223070309254922;0.000000000000000000000000000000;0.021666666666666667406815349750;0.013611111111111110286153724758;0.016111111111111110771876298031;0.025000000000000001387778780781;0.012500000000000000693889390391;0.020555555555555556079827539406;0.008611111111111111049432054187
-0.014285714285714285268213963320;0.010119047619047619526733150508;0.033630952380952379432432763906;0.316071428571428558740308289998;0.001190476190476190583578119941;0.008928571428571428075793292578;0.005952380952380952050528861719;0.022321428571428571924206707422;0.014880952380952380126322154297;0.034226190476190479494711382813;0.011011904761904762681257174961;0.007440476190476190063161077148;0.004761904761904762334312479766;0.025000000000000001387778780781;0.027976190476190477413043211641;0.008035714285714284921269268125;0.017857142857142856151586585156;0.020238095238095239053466301016;0.006845238095238095205052886172;0.002380952380952381167156239883;0.013988095238095238706521605820;0.007440476190476190063161077148;0.004464285714285714037896646289;0.044642857142857143848413414844;0.017559523809523809589894227656;0.030357142857142856845475975547;0.031250000000000000000000000000;0.011309523809523809242949532461;0.005059523809523809763366575254;0.005357142857142857192420670742;0.005654761904761904621474766230;0.022321428571428571924206707422;0.005059523809523809763366575254;0.006250000000000000346944695195;0.007142857142857142634106981660;0.034821428571428572618096097813;0.007738095238095238359576910625;0.006547619047619047775998790684;0.003571428571428571317053490830;0.003571428571428571317053490830;0.011904761904761904101057723437;0.007142857142857142634106981660;0.000000000000000000000000000000;0.028571428571428570536427926640;0.012500000000000000693889390391;0.018154761904761906182725894610;0.023214285714285715078730731875;0.010714285714285714384841341484;0.011309523809523809242949532461;0.009226190476190476372209126055
-0.007222222222222221890697291258;0.008055555555555555385938149016;0.035833333333333335091186455656;0.453888888888888897277240630501;0.002777777777777777883788656865;0.009166666666666666712925959359;0.005277777777777777935830361145;0.019166666666666665186369300500;0.013055555555555556357383295563;0.008611111111111111049432054187;0.008333333333333333217685101602;0.003333333333333333547282562037;0.009722222222222222376419864531;0.017222222222222222098864108375;0.026111111111111112714766591125;0.005000000000000000104083408559;0.011111111111111111535154627461;0.013333333333333334189130248149;0.010833333333333333703407674875;0.006111111111111111431071218902;0.010000000000000000208166817117;0.014444444444444443781394582516;0.006944444444444444058950338672;0.018611111111111109522875395328;0.011944444444444445030395485219;0.013055555555555556357383295563;0.028888888888888887562789165031;0.003888888888888888777095598215;0.005000000000000000104083408559;0.003611111111111110945348645629;0.002777777777777777883788656865;0.013333333333333334189130248149;0.006111111111111111431071218902;0.013611111111111110286153724758;0.020000000000000000416333634234;0.019444444444444444752839729063;0.005555555555555555767577313730;0.003055555555555555715535609451;0.002500000000000000052041704279;0.015555555555555555108382392859;0.007777777777777777554191196430;0.004166666666666666608842550801;0.000000000000000000000000000000;0.014166666666666665949647629930;0.010833333333333333703407674875;0.015277777777777777276635440273;0.013055555555555556357383295563;0.011388888888888889366901580047;0.018055555555555553859381490156;0.012777777777777778525636342977
-0.014722222222222221613141535101;0.011111111111111111535154627461;0.036944444444444446418174266000;0.329166666666666662965923251249;0.003333333333333333547282562037;0.013055555555555556357383295563;0.003333333333333333547282562037;0.022222222222222223070309254922;0.010277777777777778039913769703;0.015833333333333334674852821422;0.013333333333333334189130248149;0.005000000000000000104083408559;0.014166666666666665949647629930;0.029444444444444443226283070203;0.021111111111111111743321444578;0.007222222222222221890697291258;0.010277777777777778039913769703;0.022777777777777778733803160094;0.014166666666666665949647629930;0.005833333333333333599324266316;0.012500000000000000693889390391;0.009166666666666666712925959359;0.020277777777777776513357110844;0.021666666666666667406815349750;0.014999999999999999444888487687;0.014999999999999999444888487687;0.028333333333333331899295259859;0.008611111111111111049432054187;0.002500000000000000052041704279;0.009722222222222222376419864531;0.003888888888888888777095598215;0.014722222222222221613141535101;0.012222222222222222862142437805;0.010000000000000000208166817117;0.031944444444444441977282167500;0.021666666666666667406815349750;0.008333333333333333217685101602;0.002500000000000000052041704279;0.003055555555555555715535609451;0.016388888888888890338346726594;0.009722222222222222376419864531;0.007222222222222221890697291258;0.000000000000000000000000000000;0.014444444444444443781394582516;0.011388888888888889366901580047;0.010000000000000000208166817117;0.018888888888888889089345823891;0.016111111111111110771876298031;0.029444444444444443226283070203;0.011944444444444445030395485219
-0.006497175141242937483621044947;0.012429378531073446978449936751;0.018079096045197740744159276005;0.554519774011299482197046017973;0.011299435028248587531418678509;0.006214689265536723489224968375;0.004519774011299435186039819001;0.024011299435028249371626429820;0.005649717514124293765709339254;0.011299435028248587531418678509;0.010451977401129942946145234828;0.004237288135593220324282004441;0.001694915254237288086344714877;0.011016949152542372669660863949;0.036440677966101696350076366571;0.005932203389830508627467153815;0.007627118644067796930652303189;0.015254237288135593861304606378;0.011299435028248587531418678509;0.000847457627118644043172357438;0.015254237288135593861304606378;0.005084745762711864042193710134;0.001129943502824858796509954750;0.016666666666666666435370203203;0.007627118644067796930652303189;0.014406779661016949276031162697;0.022598870056497175062837357018;0.014124293785310734414273348136;0.002824858757062146882854669627;0.011864406779661017254934307630;0.000000000000000000000000000000;0.008474576271186440648564008882;0.004802259887005650047797633562;0.005367231638418078903951524694;0.002824858757062146882854669627;0.014971751412429378999546791817;0.003672316384180791034447244314;0.003954802259887005462524189880;0.000847457627118644043172357438;0.001129943502824858796509954750;0.014689265536723164137788977257;0.004237288135593220324282004441;0.000000000000000000000000000000;0.007627118644067796930652303189;0.022033898305084745339321727897;0.010734463276836157807903049388;0.009604519774011300095595267123;0.003954802259887005462524189880;0.004519774011299435186039819001;0.005649717514124293765709339254
-0.005228758169934640161191641283;0.030392156862745097617439782312;0.022222222222222223070309254922;0.475490196078431348603032802203;0.001960784313725490168867082730;0.003921568627450980337734165460;0.009150326797385621366287544731;0.027777777777777776235801354687;0.014379084967320260660117448026;0.009150326797385621366287544731;0.009803921568627450844335413649;0.001960784313725490168867082730;0.001960784313725490168867082730;0.009477124183006535237949741202;0.041830065359477121289533130266;0.003594771241830065165029362007;0.009150326797385621366287544731;0.014379084967320260660117448026;0.010130718954248366450721086096;0.000980392156862745084433541365;0.015032679738562091872888792921;0.011437908496732025406816823931;0.006535947712418300852010855095;0.012091503267973856619588168826;0.006209150326797385245625182648;0.012418300653594770491250365296;0.023529411764705882026404992757;0.059477124183006532809336874834;0.001960784313725490168867082730;0.002287581699346405341571886183;0.000326797385620915010074477580;0.012091503267973856619588168826;0.004575163398692810683143772366;0.015686274509803921350936661838;0.002287581699346405341571886183;0.010130718954248366450721086096;0.004575163398692810683143772366;0.002614379084967320080595820642;0.001633986928104575213002713774;0.003267973856209150426005427548;0.015032679738562091872888792921;0.011111111111111111535154627461;0.000000000000000000000000000000;0.009150326797385621366287544731;0.014379084967320260660117448026;0.011111111111111111535154627461;0.008496732026143790153516199837;0.001633986928104575213002713774;0.005882352941176470506601248189;0.012091503267973856619588168826
-0.009166666666666666712925959359;0.023333333333333334397297065266;0.008888888888888888881179006773;0.448055555555555540259149438498;0.009722222222222222376419864531;0.011944444444444445030395485219;0.013611111111111110286153724758;0.019722222222222220849863205672;0.025555555555555557051272685953;0.006666666666666667094565124074;0.004444444444444444440589503387;0.017500000000000001665334536938;0.005833333333333333599324266316;0.005277777777777777935830361145;0.034444444444444444197728216750;0.006388888888888889262818171488;0.012777777777777778525636342977;0.014444444444444443781394582516;0.014444444444444443781394582516;0.001388888888888888941894328433;0.017500000000000001665334536938;0.016111111111111110771876298031;0.005277777777777777935830361145;0.007222222222222221890697291258;0.009166666666666666712925959359;0.009444444444444444544672911945;0.014999999999999999444888487687;0.049166666666666664076146275875;0.004722222222222222272336455973;0.018611111111111109522875395328;0.010277777777777778039913769703;0.010833333333333333703407674875;0.007222222222222221890697291258;0.009166666666666666712925959359;0.003888888888888888777095598215;0.009166666666666666712925959359;0.002222222222222222220294751693;0.008611111111111111049432054187;0.005000000000000000104083408559;0.008611111111111111049432054187;0.011944444444444445030395485219;0.016388888888888890338346726594;0.000000000000000000000000000000;0.009166666666666666712925959359;0.016111111111111110771876298031;0.011111111111111111535154627461;0.003055555555555555715535609451;0.003888888888888888777095598215;0.003888888888888888777095598215;0.003611111111111110945348645629
-0.011944444444444445030395485219;0.020833333333333332176851016015;0.028055555555555555802271783250;0.298611111111111104943205418749;0.006111111111111111431071218902;0.012777777777777778525636342977;0.006944444444444444058950338672;0.025555555555555557051272685953;0.018333333333333333425851918719;0.014444444444444443781394582516;0.010000000000000000208166817117;0.006944444444444444058950338672;0.012222222222222222862142437805;0.013611111111111110286153724758;0.030555555555555554553270880547;0.010000000000000000208166817117;0.018055555555555553859381490156;0.033333333333333332870740406406;0.018333333333333333425851918719;0.006111111111111111431071218902;0.012222222222222222862142437805;0.021666666666666667406815349750;0.011944444444444445030395485219;0.017222222222222222098864108375;0.013888888888888888117900677344;0.017777777777777777762358013547;0.027500000000000000138777878078;0.011388888888888889366901580047;0.005277777777777777935830361145;0.015277777777777777276635440273;0.006666666666666667094565124074;0.021388888888888887840344921187;0.011388888888888889366901580047;0.008888888888888888881179006773;0.014999999999999999444888487687;0.017500000000000001665334536938;0.008888888888888888881179006773;0.008611111111111111049432054187;0.006666666666666667094565124074;0.015277777777777777276635440273;0.010555555555555555871660722289;0.018055555555555553859381490156;0.000000000000000000000000000000;0.010833333333333333703407674875;0.014999999999999999444888487687;0.017500000000000001665334536938;0.015833333333333334674852821422;0.005555555555555555767577313730;0.019166666666666665186369300500;0.010277777777777778039913769703
-0.014545454545454545441929283811;0.035757575757575758845785429685;0.044848484848484845843863411119;0.100606060606060601636535523085;0.016666666666666666435370203203;0.010606060606060606701928072937;0.007878787878787879214725897725;0.036363636363636361870099733551;0.039090909090909092826748860716;0.009393939393939393714405561298;0.012121212121212121201607736509;0.003636363636363636360482320953;0.012121212121212121201607736509;0.021515151515151514916013297807;0.046666666666666668794594130532;0.010606060606060606701928072937;0.019090909090909092410415226482;0.052424242424242421811708680934;0.019393939393939393922572378415;0.004242424242424242854243576772;0.012424242424242424448488364419;0.037272727272727269876018141304;0.020303030303030301928490786167;0.013030303030303030942249620239;0.015454545454545455182571167541;0.015151515151515151935690539631;0.034242424242424240876658814159;0.032727272727272729846426102540;0.003333333333333333547282562037;0.023030303030303029415692961379;0.006666666666666667094565124074;0.011818181818181817954727108599;0.015454545454545455182571167541;0.017575757575757574441288610956;0.017272727272727272929131459023;0.024545454545454543915372624951;0.005757575757575757353923240345;0.007575757575757575967845269815;0.010909090909090909948808700847;0.026666666666666668378260496297;0.012727272727272727695368992329;0.025151515151515150409133880771;0.000000000000000000000000000000;0.008484848484848485708487153545;0.024848484848484848896976728838;0.011212121212121211460965852780;0.011818181818181817954727108599;0.007272727272727272720964641906;0.020303030303030301928490786167;0.009393939393939393714405561298
-0.007142857142857142634106981660;0.043749999999999997224442438437;0.038988095238095238359576910625;0.221428571428571419055231217499;0.006547619047619047775998790684;0.012202380952380952397473556914;0.008035714285714284921269268125;0.020535714285714285615158658516;0.033630952380952379432432763906;0.005952380952380952050528861719;0.009821428571428571230317317031;0.004464285714285714037896646289;0.008630952380952381514100935078;0.010714285714285714384841341484;0.029761904761904760252644308594;0.007440476190476190063161077148;0.018452380952380952744418252109;0.056547619047619047949471138281;0.013095238095238095551997581367;0.003273809523809523887999395342;0.011309523809523809242949532461;0.037797619047619045173913576718;0.024404761904761904794947113828;0.006845238095238095205052886172;0.011309523809523809242949532461;0.010714285714285714384841341484;0.022619047619047618485899064922;0.035714285714285712303173170312;0.005059523809523809763366575254;0.014285714285714285268213963320;0.008928571428571428075793292578;0.008630952380952381514100935078;0.016369047619047619873677845703;0.011904761904761904101057723437;0.013988095238095238706521605820;0.016071428571428569842538536250;0.008333333333333333217685101602;0.004761904761904762334312479766;0.026488095238095237665687520234;0.027678571428571427381903902187;0.010119047619047619526733150508;0.036309523809523812365451789219;0.000000000000000000000000000000;0.006547619047619047775998790684;0.010714285714285714384841341484;0.009523809523809524668624959531;0.011309523809523809242949532461;0.005059523809523809763366575254;0.017559523809523809589894227656;0.009226190476190476372209126055
-0.006944444444444444058950338672;0.016111111111111110771876298031;0.014722222222222221613141535101;0.486666666666666691831721891504;0.011111111111111111535154627461;0.011111111111111111535154627461;0.005277777777777777935830361145;0.017777777777777777762358013547;0.010555555555555555871660722289;0.003333333333333333547282562037;0.008055555555555555385938149016;0.005277777777777777935830361145;0.009444444444444444544672911945;0.006944444444444444058950338672;0.021944444444444443503838826359;0.003888888888888888777095598215;0.018888888888888889089345823891;0.022499999999999999167332731531;0.018055555555555553859381490156;0.003333333333333333547282562037;0.010555555555555555871660722289;0.014166666666666665949647629930;0.011388888888888889366901580047;0.010000000000000000208166817117;0.009444444444444444544672911945;0.006944444444444444058950338672;0.014999999999999999444888487687;0.016666666666666666435370203203;0.003888888888888888777095598215;0.020277777777777776513357110844;0.011944444444444445030395485219;0.011944444444444445030395485219;0.008055555555555555385938149016;0.005555555555555555767577313730;0.011388888888888889366901580047;0.015277777777777777276635440273;0.001944444444444444388547799107;0.005277777777777777935830361145;0.011666666666666667198648532633;0.019444444444444444752839729063;0.007777777777777777554191196430;0.016666666666666666435370203203;0.000000000000000000000000000000;0.003888888888888888777095598215;0.015833333333333334674852821422;0.012500000000000000693889390391;0.007499999999999999722444243844;0.001111111111111111110147375847;0.009166666666666666712925959359;0.002777777777777777883788656865
-0.014930555555555556287994356524;0.024652777777777776929690745078;0.017361111111111111882099322656;0.262152777777777790113589162502;0.017708333333333332870740406406;0.018749999999999999306110609609;0.009027777777777776929690745078;0.028125000000000000693889390391;0.011458333333333332523795711211;0.007291666666666666782314898398;0.009722222222222222376419864531;0.013194444444444444405895033867;0.019444444444444444752839729063;0.009374999999999999653055304805;0.038541666666666668517038374375;0.006250000000000000346944695195;0.018055555555555553859381490156;0.037499999999999998612221219219;0.018055555555555553859381490156;0.004513888888888888464845372539;0.015625000000000000000000000000;0.010416666666666666088425508008;0.010763888888888888811790067734;0.015277777777777777276635440273;0.021874999999999998612221219219;0.012500000000000000693889390391;0.024652777777777776929690745078;0.030208333333333333564629796797;0.005208333333333333044212754004;0.023263888888888889505679458125;0.011111111111111111535154627461;0.012847222222222221682530474141;0.012152777777777777970524830664;0.005208333333333333044212754004;0.019097222222222223764198645313;0.025000000000000001387778780781;0.009027777777777776929690745078;0.007638888888888888638317720137;0.008333333333333333217685101602;0.018749999999999999306110609609;0.011805555555555555247160270937;0.013888888888888888117900677344;0.000000000000000000000000000000;0.013194444444444444405895033867;0.018402777777777778317469525859;0.014930555555555556287994356524;0.009374999999999999653055304805;0.007291666666666666782314898398;0.017013888888888887424011286953;0.009027777777777776929690745078
-0.020555555555555556079827539406;0.026666666666666668378260496297;0.023055555555555554830826636703;0.218888888888888882844341310374;0.017222222222222222098864108375;0.026388888888888888811790067734;0.006944444444444444058950338672;0.026111111111111112714766591125;0.012777777777777778525636342977;0.008333333333333333217685101602;0.015277777777777777276635440273;0.011111111111111111535154627461;0.021666666666666667406815349750;0.013611111111111110286153724758;0.038333333333333330372738601000;0.013333333333333334189130248149;0.013611111111111110286153724758;0.043888888888888887007677652718;0.027500000000000000138777878078;0.003055555555555555715535609451;0.018888888888888889089345823891;0.007222222222222221890697291258;0.018055555555555553859381490156;0.009722222222222222376419864531;0.018611111111111109522875395328;0.015277777777777777276635440273;0.031111111111111110216764785719;0.025833333333333333148296162562;0.002500000000000000052041704279;0.030833333333333334119741309109;0.010277777777777778039913769703;0.008611111111111111049432054187;0.017500000000000001665334536938;0.007222222222222221890697291258;0.018055555555555553859381490156;0.018055555555555553859381490156;0.009166666666666666712925959359;0.011111111111111111535154627461;0.003888888888888888777095598215;0.017222222222222222098864108375;0.012222222222222222862142437805;0.013055555555555556357383295563;0.000000000000000000000000000000;0.009166666666666666712925959359;0.019722222222222220849863205672;0.009166666666666666712925959359;0.011111111111111111535154627461;0.008055555555555555385938149016;0.021388888888888887840344921187;0.008611111111111111049432054187
-0.006725146198830409156876886101;0.014619883040935671703053344572;0.017543859649122806043664013487;0.590350877192982403940391122887;0.003801169590643274816266217186;0.004678362573099415291921765458;0.006140350877192982462227099916;0.012280701754385964924454199831;0.016081871345029238873358679029;0.006140350877192982462227099916;0.009064327485380116802837768830;0.003801169590643274816266217186;0.003801169590643274816266217186;0.007017543859649122937882648188;0.025730994152046784972931448010;0.008187134502923977194543958547;0.019298245614035088729698586008;0.021052631578947367946286206575;0.007602339181286549632532434373;0.004970760233918129072927527545;0.015204678362573099265064868746;0.013450292397660818313753772202;0.001754385964912280734470662047;0.012865497076023392486465724005;0.007017543859649122937882648188;0.010233918128654970192137341201;0.011695906432748537362442675658;0.007602339181286549632532434373;0.004678362573099415291921765458;0.004970760233918129072927527545;0.004678362573099415291921765458;0.007309941520467835851526672286;0.000877192982456140367235331023;0.005263157894736841986571551644;0.004093567251461988597271979273;0.012573099415204678705459961918;0.004678362573099415291921765458;0.007017543859649122937882648188;0.000000000000000000000000000000;0.005555555555555555767577313730;0.006725146198830409156876886101;0.020760233918128655900003920465;0.000000000000000000000000000000;0.006140350877192982462227099916;0.007894736842105263413538196460;0.009064327485380116802837768830;0.005847953216374268681221337829;0.003801169590643274816266217186;0.003801169590643274816266217186;0.005555555555555555767577313730
-0.009090909090909090467524933388;0.018560606060606062162054996634;0.039772727272727272096464190554;0.323106060606060618844992404775;0.014772727272727272443408885749;0.015530303030303029693248717535;0.002651515151515151675482018234;0.015909090909090907450806895440;0.033712121212121214097745536264;0.006818181818181817850643700041;0.006439393939393939225723784148;0.012878787878787878451447568295;0.008333333333333333217685101602;0.016666666666666666435370203203;0.015530303030303029693248717535;0.005303030303030303350964036468;0.021212121212121213403856145874;0.050378787878787877063668787514;0.009469696969696969959806587269;0.006439393939393939225723784148;0.009848484848484847717364765174;0.026136363636363634660453314495;0.016287878787878788677812025298;0.012878787878787878451447568295;0.015151515151515151935690539631;0.015151515151515151935690539631;0.025378787878787879145336958686;0.010606060606060606701928072937;0.001893939393939393991961317454;0.014772727272727272443408885749;0.014015151515151515193569053963;0.009090909090909090467524933388;0.007196969696969697342925353922;0.005681818181818181975883952362;0.014772727272727272443408885749;0.028409090909090908144696285831;0.007196969696969697342925353922;0.005681818181818181975883952362;0.013257575757575757943729222177;0.017424242424242425419933510966;0.007196969696969697342925353922;0.018181818181818180935049866775;0.000000000000000000000000000000;0.008333333333333333217685101602;0.008333333333333333217685101602;0.007954545454545453725403447720;0.012500000000000000693889390391;0.008333333333333333217685101602;0.020833333333333332176851016015;0.004924242424242423858682382587
-0.011944444444444445030395485219;0.015833333333333334674852821422;0.029166666666666667129259593594;0.450555555555555542479595487748;0.010000000000000000208166817117;0.011388888888888889366901580047;0.008333333333333333217685101602;0.018055555555555553859381490156;0.015833333333333334674852821422;0.008611111111111111049432054187;0.008611111111111111049432054187;0.005833333333333333599324266316;0.004722222222222222272336455973;0.014999999999999999444888487687;0.027222222222222220572307449515;0.004444444444444444440589503387;0.021388888888888887840344921187;0.027500000000000000138777878078;0.011944444444444445030395485219;0.003611111111111110945348645629;0.014166666666666665949647629930;0.007499999999999999722444243844;0.007499999999999999722444243844;0.014722222222222221613141535101;0.010833333333333333703407674875;0.012777777777777778525636342977;0.021666666666666667406815349750;0.020277777777777776513357110844;0.003055555555555555715535609451;0.009722222222222222376419864531;0.003611111111111110945348645629;0.010833333333333333703407674875;0.008055555555555555385938149016;0.006944444444444444058950338672;0.007777777777777777554191196430;0.024166666666666666157814447047;0.007499999999999999722444243844;0.006111111111111111431071218902;0.003888888888888888777095598215;0.007777777777777777554191196430;0.007222222222222221890697291258;0.009166666666666666712925959359;0.000000000000000000000000000000;0.008611111111111111049432054187;0.016666666666666666435370203203;0.009722222222222222376419864531;0.010277777777777778039913769703;0.004722222222222222272336455973;0.010000000000000000208166817117;0.004722222222222222272336455973
-0.025000000000000001387778780781;0.010227272727272727209646419055;0.046212121212121211322187974702;0.251515151515151524908020519433;0.003030303030303030300401934127;0.018560606060606062162054996634;0.005303030303030303350964036468;0.021969696969696968918972501683;0.021590909090909091161414323778;0.016666666666666666435370203203;0.015151515151515151935690539631;0.012500000000000000693889390391;0.008712121212121212709966755483;0.030303030303030303871381079261;0.018181818181818180935049866775;0.014393939393939394685850707845;0.022727272727272727903535809446;0.031439393939393940613502564929;0.013257575757575757943729222177;0.006060606060606060600803868255;0.014015151515151515193569053963;0.013636363636363635701287400082;0.002272727272727272616881233347;0.029924242424242422644375949403;0.030681818181818181628939257166;0.024242424242424242403215473018;0.024621212121212120160773650923;0.021590909090909091161414323778;0.001893939393939393991961317454;0.009469696969696969959806587269;0.006439393939393939225723784148;0.023106060606060605661093987351;0.004545454545454545233762466694;0.004924242424242423858682382587;0.006818181818181817850643700041;0.034469696969696969612861892074;0.007954545454545453725403447720;0.006439393939393939225723784148;0.001515151515151515150200967064;0.007196969696969697342925353922;0.007954545454545453725403447720;0.007575757575757575967845269815;0.000000000000000000000000000000;0.015909090909090907450806895440;0.010984848484848484459486250842;0.010606060606060606701928072937;0.023863636363636364645657295114;0.018560606060606062162054996634;0.021212121212121213403856145874;0.014772727272727272443408885749
-0.010632183908045976863943060664;0.045114942528735629823088970625;0.026436781609195401931966529219;0.121264367816091955809554292500;0.072126436781609196136066941563;0.008045977011494252761902856719;0.010344827586206896408160815781;0.044252873563218393659912663907;0.020689655172413792816321631562;0.004597701149425287292515918125;0.012643678160919540054418774844;0.002586206896551724102040203945;0.005172413793103448204080407891;0.007471264367816091850338366953;0.081896551724137928163216315625;0.003160919540229885013604693711;0.016954022988505748625875924063;0.038218390804597698884315093437;0.040804597701149428190525725313;0.003160919540229885013604693711;0.017816091954022988258499182734;0.013218390804597700965983264609;0.014655172413793103244894489023;0.008333333333333333217685101602;0.006609195402298850482991632305;0.007183908045977011394556122070;0.031034482758620689224482447344;0.058620689655172412979577956094;0.000862068965517241367346734648;0.029597701149425288680294698906;0.002586206896551724102040203945;0.012643678160919540054418774844;0.020689655172413792816321631562;0.003448275862068965469386938594;0.007471264367816091850338366953;0.016954022988505748625875924063;0.007758620689655172306120611836;0.001724137931034482734693469297;0.006321839080459770027209387422;0.016954022988505748625875924063;0.016379310344827587714311434297;0.018678160919540231360569393360;0.000000000000000000000000000000;0.004310344827586206836733673242;0.051436781609195403319745310000;0.007758620689655172306120611836;0.010632183908045976863943060664;0.006034482758620689571427142539;0.018678160919540231360569393360;0.006034482758620689571427142539
-0.009722222222222222376419864531;0.023888888888888890060790970438;0.021666666666666667406815349750;0.337500000000000022204460492503;0.041944444444444443920172460594;0.006111111111111111431071218902;0.008611111111111111049432054187;0.023333333333333334397297065266;0.007222222222222221890697291258;0.011666666666666667198648532633;0.009444444444444444544672911945;0.003333333333333333547282562037;0.010000000000000000208166817117;0.015555555555555555108382392859;0.060833333333333336478965236438;0.003611111111111110945348645629;0.012222222222222222862142437805;0.019722222222222220849863205672;0.020000000000000000416333634234;0.005833333333333333599324266316;0.016944444444444446001840631766;0.004722222222222222272336455973;0.004444444444444444440589503387;0.016111111111111110771876298031;0.009722222222222222376419864531;0.008611111111111111049432054187;0.021111111111111111743321444578;0.055833333333333332038073137937;0.005000000000000000104083408559;0.011111111111111111535154627461;0.004722222222222222272336455973;0.011111111111111111535154627461;0.008333333333333333217685101602;0.006111111111111111431071218902;0.010000000000000000208166817117;0.020000000000000000416333634234;0.006388888888888889262818171488;0.006388888888888889262818171488;0.003333333333333333547282562037;0.006388888888888889262818171488;0.009166666666666666712925959359;0.009444444444444444544672911945;0.000000000000000000000000000000;0.010000000000000000208166817117;0.033333333333333332870740406406;0.007222222222222221890697291258;0.009444444444444444544672911945;0.008333333333333333217685101602;0.014444444444444443781394582516;0.010000000000000000208166817117
-0.030409356725146198530129737492;0.007017543859649122937882648188;0.058187134502923974765931092179;0.071637426900584791344961388404;0.002046783625730994298635989637;0.016959064327485378481652489313;0.006725146198830409156876886101;0.035380116959064324133610313083;0.014619883040935671703053344572;0.032748538011695908778175834186;0.015204678362573099265064868746;0.007309941520467835851526672286;0.011403508771929825316160389548;0.037719298245614034381656409778;0.022514619883040935116591541032;0.018421052631578945651957823770;0.024269005847953217802626113553;0.035672514619883043118786503101;0.010526315789473683973143103287;0.007894736842105263413538196460;0.016374269005847954389087917093;0.022514619883040935116591541032;0.011111111111111111535154627461;0.035964912280701755165068789211;0.029824561403508770968118213318;0.038011695906432746427938695888;0.037134502923976610289091837558;0.003216374269005848121616431001;0.004093567251461988597271979273;0.008479532163742689240826244657;0.007309941520467835851526672286;0.022514619883040935116591541032;0.011111111111111111535154627461;0.018421052631578945651957823770;0.011988304093567251143448437745;0.043859649122807015109160033717;0.014912280701754385484059106659;0.008187134502923977194543958547;0.002923976608187134340610668914;0.014327485380116959656771058462;0.011111111111111111535154627461;0.006432748538011696243232862003;0.000000000000000000000000000000;0.025438596491228069457202209946;0.010818713450292397754148865374;0.018713450292397661167687061834;0.035672514619883043118786503101;0.015204678362573099265064868746;0.027485380116959064189519068577;0.020175438596491228337992396291
-0.033611111111111112437210834969;0.008611111111111111049432054187;0.033611111111111112437210834969;0.085833333333333330927850113312;0.006944444444444444058950338672;0.012777777777777778525636342977;0.006388888888888889262818171488;0.027777777777777776235801354687;0.031666666666666669349705642844;0.037499999999999998612221219219;0.012777777777777778525636342977;0.018333333333333333425851918719;0.005277777777777777935830361145;0.041944444444444443920172460594;0.024166666666666666157814447047;0.014999999999999999444888487687;0.018055555555555553859381490156;0.018055555555555553859381490156;0.011388888888888889366901580047;0.006111111111111111431071218902;0.018888888888888889089345823891;0.016388888888888890338346726594;0.003888888888888888777095598215;0.039722222222222221266196839906;0.028333333333333331899295259859;0.046111111111111109661653273406;0.036666666666666666851703837438;0.015277777777777777276635440273;0.003888888888888888777095598215;0.014444444444444443781394582516;0.008611111111111111049432054187;0.024444444444444445724284875610;0.005000000000000000104083408559;0.016388888888888890338346726594;0.017777777777777777762358013547;0.029722222222222222792753498766;0.010833333333333333703407674875;0.015555555555555555108382392859;0.007222222222222221890697291258;0.007777777777777777554191196430;0.011388888888888889366901580047;0.015833333333333334674852821422;0.000000000000000000000000000000;0.021944444444444443503838826359;0.013055555555555556357383295563;0.023888888888888890060790970438;0.034722222222222223764198645313;0.022499999999999999167332731531;0.017777777777777777762358013547;0.016111111111111110771876298031
-0.020440251572327042955956599712;0.001257861635220125723702566667;0.064465408805031446104472081515;0.000000000000000000000000000000;0.008176100628930817529327335080;0.007547169811320754775896268995;0.000943396226415094346987033624;0.018238993710691823318947868415;0.028616352201257862220007410770;0.044654088050314462432499595934;0.008490566037735848906042868123;0.027987421383647799466576344685;0.006603773584905660645749669868;0.067924528301886791248342944982;0.002830188679245282824120666376;0.010691823899371068543051599420;0.022327044025157231216249797967;0.023270440251572325346396397094;0.002830188679245282824120666376;0.015408805031446540928508071033;0.009433962264150943036189467250;0.017610062893081760565516802330;0.007547169811320754775896268995;0.074842767295597481536084671916;0.012893081761006289914783806694;0.038050314465408803521473402043;0.025786163522012579829567613388;0.008176100628930817529327335080;0.003144654088050314634517068413;0.014465408805031446798361471906;0.007232704402515723399180735953;0.032389937106918238740593807279;0.004088050314465408764663667540;0.014779874213836478175077004948;0.025471698113207548452852080345;0.054088050314465410672859491115;0.012264150943396227161352740609;0.003459119496855346011232601455;0.005031446540880502894810266667;0.024842767295597485699421014260;0.004088050314465408764663667540;0.019496855345911948825810000585;0.000000000000000000000000000000;0.044339622641509431055784062892;0.000000000000000000000000000000;0.017295597484276729188801269288;0.056918238993710693063299288497;0.038050314465408803521473402043;0.024213836477987422945989948175;0.017295597484276729188801269288
-0.015408805031446540928508071033;0.006603773584905660645749669868;0.086792452830188673851274927529;0.003144654088050314634517068413;0.005345911949685534271525799710;0.007547169811320754775896268995;0.002515723270440251447405133334;0.016037735849056603681939137118;0.040566037735849054535197666382;0.027672955974842768089860811642;0.014779874213836478175077004948;0.004402515723270440141379200583;0.013522012578616352668214872779;0.054402515723270442049575024157;0.008490566037735848906042868123;0.010691823899371068543051599420;0.040880503144654085911913199425;0.043710691823899368302352996807;0.008176100628930817529327335080;0.018238993710691823318947868415;0.009433962264150943036189467250;0.035220125786163521131033604661;0.021069182389937105709387665797;0.034905660377358489754318071618;0.018238993710691823318947868415;0.028616352201257862220007410770;0.023270440251572325346396397094;0.006289308176100629269034136826;0.001886792452830188693974067249;0.006603773584905660645749669868;0.004088050314465408764663667540;0.027358490566037736713145278600;0.008176100628930817529327335080;0.010377358490566037166336066377;0.029245283018867924973438476854;0.049056603773584908645410962436;0.016352201257861635058654670161;0.004716981132075471518094733625;0.007232704402515723399180735953;0.048427672955974845891979896351;0.007232704402515723399180735953;0.020754716981132074332672132755;0.000000000000000000000000000000;0.017924528301886791942232335373;0.004088050314465408764663667540;0.016981132075471697812085736246;0.041194968553459117288628732467;0.025786163522012579829567613388;0.031446540880503144610447208152;0.015094339622641509551792537991
-0.017777777777777777762358013547;0.023888888888888890060790970438;0.027222222222222220572307449515;0.047777777777777780121581940875;0.039444444444444441699726411343;0.022222222222222223070309254922;0.010833333333333333703407674875;0.034444444444444444197728216750;0.012222222222222222862142437805;0.016944444444444446001840631766;0.013333333333333334189130248149;0.010833333333333333703407674875;0.016944444444444446001840631766;0.022222222222222223070309254922;0.048333333333333332315628894094;0.011111111111111111535154627461;0.015555555555555555108382392859;0.039166666666666669072149886688;0.028055555555555555802271783250;0.006111111111111111431071218902;0.019444444444444444752839729063;0.008055555555555555385938149016;0.022499999999999999167332731531;0.016666666666666666435370203203;0.026388888888888888811790067734;0.020277777777777776513357110844;0.037222222222222219045750790656;0.046111111111111109661653273406;0.003611111111111110945348645629;0.030833333333333334119741309109;0.009166666666666666712925959359;0.010000000000000000208166817117;0.025000000000000001387778780781;0.009722222222222222376419864531;0.018333333333333333425851918719;0.031388888888888889783235214281;0.018055555555555553859381490156;0.006388888888888889262818171488;0.006388888888888889262818171488;0.012777777777777778525636342977;0.016388888888888890338346726594;0.011666666666666667198648532633;0.000000000000000000000000000000;0.011666666666666667198648532633;0.030833333333333334119741309109;0.014722222222222221613141535101;0.011666666666666667198648532633;0.009722222222222222376419864531;0.041111111111111112159655078813;0.009444444444444444544672911945
-0.030277777777777778456247403938;0.012777777777777778525636342977;0.032777777777777780676693453188;0.200000000000000011102230246252;0.022222222222222223070309254922;0.031666666666666669349705642844;0.003611111111111110945348645629;0.024444444444444445724284875610;0.013055555555555556357383295563;0.011944444444444445030395485219;0.011944444444444445030395485219;0.020000000000000000416333634234;0.025277777777777777484802257391;0.019166666666666665186369300500;0.015277777777777777276635440273;0.016666666666666666435370203203;0.012777777777777778525636342977;0.034444444444444444197728216750;0.017500000000000001665334536938;0.007499999999999999722444243844;0.018888888888888889089345823891;0.010555555555555555871660722289;0.021111111111111111743321444578;0.017222222222222222098864108375;0.034166666666666664631257788187;0.021944444444444443503838826359;0.026944444444444444475283972906;0.009444444444444444544672911945;0.002500000000000000052041704279;0.022499999999999999167332731531;0.017777777777777777762358013547;0.009444444444444444544672911945;0.015277777777777777276635440273;0.005000000000000000104083408559;0.021666666666666667406815349750;0.022777777777777778733803160094;0.014444444444444443781394582516;0.010555555555555555871660722289;0.007777777777777777554191196430;0.016944444444444446001840631766;0.005000000000000000104083408559;0.008055555555555555385938149016;0.000000000000000000000000000000;0.011666666666666667198648532633;0.010555555555555555871660722289;0.013611111111111110286153724758;0.014722222222222221613141535101;0.010555555555555555871660722289;0.027222222222222220572307449515;0.008333333333333333217685101602
-0.004678362573099415291921765458;0.018713450292397661167687061834;0.009649122807017544364849293004;0.594736842105263119329094934074;0.009356725146198830583843530917;0.006432748538011696243232862003;0.009064327485380116802837768830;0.016081871345029238873358679029;0.007602339181286549632532434373;0.003801169590643274816266217186;0.004093567251461988597271979273;0.002923976608187134340610668914;0.007894736842105263413538196460;0.005847953216374268681221337829;0.025730994152046784972931448010;0.003216374269005848121616431001;0.009356725146198830583843530917;0.019005847953216373213969347944;0.009356725146198830583843530917;0.002339181286549707645960882729;0.009356725146198830583843530917;0.006725146198830409156876886101;0.007309941520467835851526672286;0.008771929824561403021832006743;0.002631578947368420993285775822;0.006725146198830409156876886101;0.014912280701754385484059106659;0.016081871345029238873358679029;0.004678362573099415291921765458;0.011403508771929825316160389548;0.003801169590643274816266217186;0.008479532163742689240826244657;0.005847953216374268681221337829;0.004385964912280701510916003372;0.009064327485380116802837768830;0.010818713450292397754148865374;0.002923976608187134340610668914;0.005263157894736841986571551644;0.005847953216374268681221337829;0.015497076023391813046070630833;0.007309941520467835851526672286;0.009356725146198830583843530917;0.000000000000000000000000000000;0.005847953216374268681221337829;0.017836257309941521559393251550;0.008479532163742689240826244657;0.003216374269005848121616431001;0.004093567251461988597271979273;0.008187134502923977194543958547;0.005263157894736841986571551644
-0.011781609195402298687072040195;0.012068965517241379142854285078;0.021264367816091953727886121328;0.409482758620689668571657193752;0.008620689655172413673467346484;0.009195402298850574585031836250;0.010632183908045976863943060664;0.026436781609195401931966529219;0.016091954022988505523805713437;0.010344827586206896408160815781;0.008908045977011494129249591367;0.005747126436781609115644897656;0.004885057471264367748298163008;0.016379310344827587714311434297;0.036494252873563219619068576094;0.010632183908045976863943060664;0.011206896551724137775507550430;0.014367816091954022789112244141;0.018678160919540231360569393360;0.001436781609195402278911224414;0.013218390804597700965983264609;0.016091954022988505523805713437;0.003448275862068965469386938594;0.021264367816091953727886121328;0.010344827586206896408160815781;0.015229885057471264156458978789;0.023563218390804597374144080391;0.012931034482758620510201019727;0.005747126436781609115644897656;0.013793103448275861877547754375;0.005172413793103448204080407891;0.012931034482758620510201019727;0.006896551724137930938773877187;0.012931034482758620510201019727;0.005459770114942528659862652773;0.018678160919540231360569393360;0.004022988505747126380951428359;0.007471264367816091850338366953;0.004022988505747126380951428359;0.007183908045977011394556122070;0.014942528735632183700676733906;0.010057471264367815952378570898;0.000000000000000000000000000000;0.012643678160919540054418774844;0.023850574712643679564649801250;0.018678160919540231360569393360;0.009770114942528735496596326016;0.006034482758620689571427142539;0.006896551724137930938773877187;0.012068965517241379142854285078
-0.013559322033898304690757719015;0.008757062146892655510321823442;0.038135593220338985520623253933;0.395197740112994355676789837162;0.005649717514124293765709339254;0.009039548022598870372079638003;0.012994350282485874967242089895;0.037853107344632770658865439373;0.022598870056497175062837357018;0.018926553672316385329432719686;0.011581920903954802393176493069;0.007062146892655367207136674068;0.002542372881355932021096855067;0.016949152542372881297128017763;0.038135593220338985520623253933;0.011864406779661017254934307630;0.011299435028248587531418678509;0.011581920903954802393176493069;0.014689265536723164137788977257;0.000847457627118644043172357438;0.020621468926553671030532655095;0.016101694915254236711854574082;0.000847457627118644043172357438;0.015819209039548021850096759522;0.009887005649717514957353081684;0.022881355932203389924595171578;0.035593220338983051764802922889;0.007344632768361582068894488629;0.005084745762711864042193710134;0.007344632768361582068894488629;0.001977401129943502731262094940;0.012429378531073446978449936751;0.001977401129943502731262094940;0.012146892655367232116692122190;0.001129943502824858796509954750;0.015819209039548021850096759522;0.002542372881355932021096855067;0.004237288135593220324282004441;0.001412429378531073441427334814;0.001977401129943502731262094940;0.017514124293785311020643646884;0.005932203389830508627467153815;0.000000000000000000000000000000;0.016384180790960451573612388643;0.017231638418079096158885832324;0.021468926553672315615806098776;0.013276836158192089828999904455;0.005367231638418078903951524694;0.004237288135593220324282004441;0.012146892655367232116692122190
-0.005769230769230769551025872488;0.012820512820512820068019621544;0.007371794871794871625847456187;0.656410256410256409687065115577;0.008653846153846154326538808732;0.004487179487179486850334519943;0.010256410256410256401360392431;0.027884615384615386163291717025;0.004166666666666666608842550801;0.006410256410256410034009810772;0.005448717948717948442172165358;0.005769230769230769551025872488;0.001282051282051282050170049054;0.003205128205128205017004905386;0.030769230769230770938804653269;0.008012820512820512108831394471;0.003846153846153846367350581659;0.010897435897435896884344330715;0.010897435897435896884344330715;0.000320512820512820512542512263;0.013782051282051281659857266959;0.005128205128205128200680196215;0.001923076923076923183675290829;0.006410256410256410034009810772;0.003846153846153846367350581659;0.007051282051282051384355487045;0.013782051282051281659857266959;0.021153846153846155020428199123;0.004807692307692307959188227073;0.005769230769230769551025872488;0.001602564102564102508502452693;0.005769230769230769551025872488;0.001282051282051282050170049054;0.008012820512820512108831394471;0.001282051282051282050170049054;0.008012820512820512108831394471;0.001923076923076923183675290829;0.000961538461538461591837645415;0.002884615384615384775512936244;0.001923076923076923183675290829;0.014423076923076923877564681220;0.005448717948717948442172165358;0.000000000000000000000000000000;0.006410256410256410034009810772;0.013141025641025641176873328675;0.008974358974358973700669039886;0.004487179487179486850334519943;0.000000000000000000000000000000;0.001923076923076923183675290829;0.003205128205128205017004905386
-0.008333333333333333217685101602;0.023850574712643679564649801250;0.018103448275862070449004903594;0.377011494252873557986305286249;0.017528735632183909537440413828;0.010919540229885057319725305547;0.010632183908045976863943060664;0.023563218390804597374144080391;0.015229885057471264156458978789;0.011494252873563218231289795312;0.010057471264367815952378570898;0.008620689655172413673467346484;0.006034482758620689571427142539;0.011781609195402298687072040195;0.035632183908045976516998365469;0.008620689655172413673467346484;0.011206896551724137775507550430;0.022988505747126436462579590625;0.016091954022988505523805713437;0.002586206896551724102040203945;0.012068965517241379142854285078;0.009195402298850574585031836250;0.002873563218390804557822448828;0.018103448275862070449004903594;0.010632183908045976863943060664;0.017816091954022988258499182734;0.026149425287356323210907760313;0.025574712643678162299343270547;0.008045977011494252761902856719;0.014080459770114942333329999258;0.007183908045977011394556122070;0.013218390804597700965983264609;0.005459770114942528659862652773;0.010632183908045976863943060664;0.007758620689655172306120611836;0.018678160919540231360569393360;0.007758620689655172306120611836;0.007183908045977011394556122070;0.009195402298850574585031836250;0.007758620689655172306120611836;0.008620689655172413673467346484;0.016091954022988505523805713437;0.000000000000000000000000000000;0.014080459770114942333329999258;0.021551724137931035918391842188;0.018103448275862070449004903594;0.008908045977011494129249591367;0.004597701149425287292515918125;0.009770114942528735496596326016;0.008620689655172413673467346484
-0.018079096045197740744159276005;0.012711864406779661840207751311;0.021751412429378530477563913337;0.374293785310734483662287175321;0.007627118644067796930652303189;0.012711864406779661840207751311;0.007344632768361582068894488629;0.025988700564971749934484179789;0.007627118644067796930652303189;0.011299435028248587531418678509;0.013559322033898304690757719015;0.005649717514124293765709339254;0.008192090395480225786806194321;0.023163841807909604786352986139;0.022316384180790960201079542458;0.005084745762711864042193710134;0.008192090395480225786806194321;0.026836158192090394519757623470;0.018644067796610170467674905126;0.003954802259887005462524189880;0.020903954802259885892290469656;0.007627118644067796930652303189;0.009887005649717514957353081684;0.017514124293785311020643646884;0.015819209039548021850096759522;0.024576271186440679095142058941;0.034745762711864407179529479208;0.006214689265536723489224968375;0.002259887005649717593019909501;0.012146892655367232116692122190;0.003672316384180791034447244314;0.010451977401129942946145234828;0.009322033898305085233837452563;0.006779661016949152345378859508;0.009604519774011300095595267123;0.028531073446327683690304510833;0.013276836158192089828999904455;0.006214689265536723489224968375;0.002824858757062146882854669627;0.005367231638418078903951524694;0.008757062146892655510321823442;0.008192090395480225786806194321;0.000000000000000000000000000000;0.011299435028248587531418678509;0.014971751412429378999546791817;0.011864406779661017254934307630;0.018644067796610170467674905126;0.007344632768361582068894488629;0.026271186440677964796241994350;0.009887005649717514957353081684
-0.026111111111111112714766591125;0.020277777777777776513357110844;0.037777777777777778178691647781;0.004722222222222222272336455973;0.006388888888888889262818171488;0.014999999999999999444888487687;0.008333333333333333217685101602;0.047500000000000000555111512313;0.017222222222222222098864108375;0.021944444444444443503838826359;0.020833333333333332176851016015;0.002777777777777777883788656865;0.018888888888888889089345823891;0.026111111111111112714766591125;0.024166666666666666157814447047;0.013055555555555556357383295563;0.017500000000000001665334536938;0.069444444444444447528397290625;0.037499999999999998612221219219;0.011388888888888889366901580047;0.026666666666666668378260496297;0.010277777777777778039913769703;0.025000000000000001387778780781;0.029444444444444443226283070203;0.022499999999999999167332731531;0.031944444444444441977282167500;0.050555555555555554969604514781;0.008055555555555555385938149016;0.004722222222222222272336455973;0.012222222222222222862142437805;0.001944444444444444388547799107;0.015277777777777777276635440273;0.021388888888888887840344921187;0.007499999999999999722444243844;0.021111111111111111743321444578;0.041944444444444443920172460594;0.022499999999999999167332731531;0.008055555555555555385938149016;0.004444444444444444440589503387;0.018611111111111109522875395328;0.009444444444444444544672911945;0.019166666666666665186369300500;0.000000000000000000000000000000;0.012222222222222222862142437805;0.013333333333333334189130248149;0.017777777777777777762358013547;0.023333333333333334397297065266;0.012500000000000000693889390391;0.048333333333333332315628894094;0.012777777777777778525636342977
-0.008908045977011494129249591367;0.028448275862068966857165719375;0.033045977011494254149681637500;0.290229885057471270748408187501;0.023275862068965518653085311485;0.011206896551724137775507550430;0.008045977011494252761902856719;0.036206896551724140898009807188;0.017528735632183909537440413828;0.012356321839080459598636529961;0.008908045977011494129249591367;0.002011494252873563190475714180;0.007758620689655172306120611836;0.016091954022988505523805713437;0.041379310344827585632643263125;0.005172413793103448204080407891;0.018678160919540231360569393360;0.050000000000000002775557561563;0.018103448275862070449004903594;0.006896551724137930938773877187;0.019540229885057470993192652031;0.008908045977011494129249591367;0.010057471264367815952378570898;0.013505747126436781421765509492;0.009195402298850574585031836250;0.016379310344827587714311434297;0.031321839080459767945541216250;0.014080459770114942333329999258;0.004885057471264367748298163008;0.010919540229885057319725305547;0.003160919540229885013604693711;0.014942528735632183700676733906;0.006896551724137930938773877187;0.004022988505747126380951428359;0.008620689655172413673467346484;0.037068965517241377061186113906;0.014080459770114942333329999258;0.006034482758620689571427142539;0.004597701149425287292515918125;0.014367816091954022789112244141;0.013793103448275861877547754375;0.013505747126436781421765509492;0.000000000000000000000000000000;0.009195402298850574585031836250;0.014367816091954022789112244141;0.009195402298850574585031836250;0.007471264367816091850338366953;0.006034482758620689571427142539;0.022413793103448275551015100859;0.007183908045977011394556122070
-0.005555555555555555767577313730;0.018209876543209876226248056241;0.011419753086419752799440807678;0.562345679012345667224792578054;0.023456790123456791596900927743;0.005246913580246913635929395525;0.004938271604938271504281477320;0.016049382716049383906797842769;0.009567901234567901744276774423;0.008333333333333333217685101602;0.007407407407407407690103084974;0.004320987654320987240985640909;0.005555555555555555767577313730;0.009259259259259258745267118229;0.029629629629629630760412339896;0.002160493827160493620492820455;0.009259259259259258745267118229;0.019753086419753086017125909279;0.016049382716049383906797842769;0.001234567901234567876070369330;0.012345679012345678327022824305;0.005555555555555555767577313730;0.004012345679012345976699460692;0.012037037037037037062736644089;0.004320987654320987240985640909;0.009259259259259258745267118229;0.017901234567901234961961876024;0.018518518518518517490534236458;0.001234567901234567876070369330;0.012037037037037037062736644089;0.002777777777777777883788656865;0.007716049382716048954389265191;0.004938271604938271504281477320;0.007407407407407407690103084974;0.004320987654320987240985640909;0.009876543209876543008562954640;0.002469135802469135752140738660;0.004629629629629629372633559115;0.002777777777777777883788656865;0.005246913580246913635929395525;0.007716049382716048954389265191;0.007716049382716048954389265191;0.000000000000000000000000000000;0.011419753086419752799440807678;0.022530864197530864334595435139;0.011419753086419752799440807678;0.007407407407407407690103084974;0.002160493827160493620492820455;0.006481481481481481295159330358;0.004012345679012345976699460692
-0.006111111111111111431071218902;0.016666666666666666435370203203;0.011111111111111111535154627461;0.571666666666666656304585103499;0.020555555555555556079827539406;0.005555555555555555767577313730;0.007222222222222221890697291258;0.018611111111111109522875395328;0.008333333333333333217685101602;0.006111111111111111431071218902;0.005833333333333333599324266316;0.006666666666666667094565124074;0.002777777777777777883788656865;0.004722222222222222272336455973;0.033333333333333332870740406406;0.003055555555555555715535609451;0.008888888888888888881179006773;0.014166666666666665949647629930;0.014999999999999999444888487687;0.003055555555555555715535609451;0.008888888888888888881179006773;0.005000000000000000104083408559;0.004444444444444444440589503387;0.014166666666666665949647629930;0.005833333333333333599324266316;0.006111111111111111431071218902;0.017777777777777777762358013547;0.016388888888888890338346726594;0.004444444444444444440589503387;0.012222222222222222862142437805;0.005555555555555555767577313730;0.011111111111111111535154627461;0.005000000000000000104083408559;0.003055555555555555715535609451;0.006944444444444444058950338672;0.010000000000000000208166817117;0.005000000000000000104083408559;0.005555555555555555767577313730;0.005277777777777777935830361145;0.008055555555555555385938149016;0.006111111111111111431071218902;0.007777777777777777554191196430;0.000000000000000000000000000000;0.008611111111111111049432054187;0.017222222222222222098864108375;0.010555555555555555871660722289;0.006944444444444444058950338672;0.002500000000000000052041704279;0.005833333333333333599324266316;0.004166666666666666608842550801
-0.016981132075471697812085736246;0.009748427672955974412905000293;0.027358490566037736713145278600;0.401572327044025179088038157715;0.005974842767295597892318603783;0.009119496855345911659473934208;0.011635220125786162673198198547;0.024213836477987422945989948175;0.006603773584905660645749669868;0.020754716981132074332672132755;0.013836477987421384044930405821;0.007547169811320754775896268995;0.004716981132075471518094733625;0.015723270440251572305223604076;0.022641509433962262592965331010;0.014150943396226415421645938864;0.010062893081761005789620533335;0.022641509433962262592965331010;0.015094339622641509551792537991;0.004088050314465408764663667540;0.011949685534591195784637207566;0.007232704402515723399180735953;0.003773584905660377387948134498;0.023270440251572325346396397094;0.017924528301886791942232335373;0.021698113207547168462818731882;0.027044025157232705336429745557;0.008805031446540880282758401165;0.003459119496855346011232601455;0.006603773584905660645749669868;0.002201257861635220070689600291;0.010062893081761005789620533335;0.007861635220125786152611802038;0.011006289308176099919767132462;0.008176100628930817529327335080;0.024528301886792454322705481218;0.010691823899371068543051599420;0.003773584905660377387948134498;0.000314465408805031430925641667;0.004716981132075471518094733625;0.015094339622641509551792537991;0.005974842767295597892318603783;0.000000000000000000000000000000;0.012578616352201258538068273651;0.019182389937106917449094467543;0.020440251572327042955956599712;0.018867924528301886072378934500;0.007547169811320754775896268995;0.012893081761006289914783806694;0.007861635220125786152611802038
-0.029166666666666667129259593594;0.013392857142857142113689938867;0.051190476190476189022326991562;0.154464285714285720629845855001;0.002380952380952381167156239883;0.016071428571428569842538536250;0.006250000000000000346944695195;0.029166666666666667129259593594;0.013690476190476190410105772344;0.019047619047619049337249919063;0.018154761904761906182725894610;0.005059523809523809763366575254;0.011904761904761904101057723437;0.036607142857142858927144146719;0.018749999999999999306110609609;0.013095238095238095551997581367;0.018452380952380952744418252109;0.036607142857142858927144146719;0.015178571428571428422737987773;0.007142857142857142634106981660;0.018154761904761906182725894610;0.011904761904761904101057723437;0.014880952380952380126322154297;0.026785714285714284227379877734;0.026785714285714284227379877734;0.032142857142857139685077072500;0.041369047619047617792009674531;0.005357142857142857192420670742;0.001785714285714285658526745415;0.011607142857142857539365365938;0.004464285714285714037896646289;0.013095238095238095551997581367;0.011011904761904762681257174961;0.005654761904761904621474766230;0.019940476190476189022326991562;0.042857142857142857539365365938;0.014583333333333333564629796797;0.007738095238095238359576910625;0.003869047619047619179788455313;0.016071428571428569842538536250;0.010416666666666666088425508008;0.011309523809523809242949532461;0.000000000000000000000000000000;0.013392857142857142113689938867;0.007738095238095238359576910625;0.013095238095238095551997581367;0.026785714285714284227379877734;0.018154761904761906182725894610;0.038392857142857145236192195625;0.014880952380952380126322154297
-0.007777777777777777554191196430;0.017222222222222222098864108375;0.016111111111111110771876298031;0.530277777777777736822883980494;0.013611111111111110286153724758;0.006388888888888889262818171488;0.010000000000000000208166817117;0.022222222222222223070309254922;0.005555555555555555767577313730;0.008055555555555555385938149016;0.005555555555555555767577313730;0.006111111111111111431071218902;0.004722222222222222272336455973;0.010277777777777778039913769703;0.038055555555555557745162076344;0.005277777777777777935830361145;0.010833333333333333703407674875;0.018611111111111109522875395328;0.019444444444444444752839729063;0.001388888888888888941894328433;0.016666666666666666435370203203;0.008055555555555555385938149016;0.002777777777777777883788656865;0.012777777777777778525636342977;0.006666666666666667094565124074;0.008611111111111111049432054187;0.016666666666666666435370203203;0.015833333333333334674852821422;0.005000000000000000104083408559;0.007777777777777777554191196430;0.003333333333333333547282562037;0.010000000000000000208166817117;0.005833333333333333599324266316;0.006944444444444444058950338672;0.005833333333333333599324266316;0.014166666666666665949647629930;0.004444444444444444440589503387;0.004166666666666666608842550801;0.001388888888888888941894328433;0.003333333333333333547282562037;0.012222222222222222862142437805;0.005555555555555555767577313730;0.000000000000000000000000000000;0.006666666666666667094565124074;0.020000000000000000416333634234;0.012777777777777778525636342977;0.008888888888888888881179006773;0.003611111111111110945348645629;0.006111111111111111431071218902;0.006388888888888889262818171488
-0.007777777777777777554191196430;0.017777777777777777762358013547;0.010370370370370370072254928573;0.571111111111111124927219862002;0.008148148148148147418279307885;0.008148148148148147418279307885;0.008888888888888888881179006773;0.017407407407407406163546426114;0.005185185185185185036127464286;0.009259259259259258745267118229;0.005185185185185185036127464286;0.004814814814814815172039352831;0.004444444444444444440589503387;0.008518518518518519017090895318;0.034444444444444444197728216750;0.003333333333333333547282562037;0.007777777777777777554191196430;0.018518518518518517490534236458;0.015925925925925926707193980292;0.001111111111111111110147375847;0.012592592592592592726230549260;0.006666666666666667094565124074;0.002962962962962962815832712593;0.008518518518518519017090895318;0.004444444444444444440589503387;0.010370370370370370072254928573;0.018148148148148149361169600979;0.017407407407407406163546426114;0.002592592592592592518063732143;0.010740740740740739936343040029;0.004074074074074073709139653943;0.011111111111111111535154627461;0.003703703703703703845051542487;0.007407407407407407690103084974;0.004814814814814815172039352831;0.016296296296296294836558615771;0.002962962962962962815832712593;0.004444444444444444440589503387;0.005925925925925925631665425186;0.004074074074074073709139653943;0.008888888888888888881179006773;0.011481481481481481399242738917;0.000000000000000000000000000000;0.006296296296296296363115274630;0.018518518518518517490534236458;0.010740740740740739936343040029;0.003333333333333333547282562037;0.002592592592592592518063732143;0.005185185185185185036127464286;0.005555555555555555767577313730
-0.009166666666666666712925959359;0.014999999999999999444888487687;0.010000000000000000208166817117;0.599444444444444446418174266000;0.008888888888888888881179006773;0.008888888888888888881179006773;0.009166666666666666712925959359;0.017777777777777777762358013547;0.006388888888888889262818171488;0.005000000000000000104083408559;0.007777777777777777554191196430;0.003888888888888888777095598215;0.004166666666666666608842550801;0.005833333333333333599324266316;0.035555555555555555524716027094;0.003055555555555555715535609451;0.005555555555555555767577313730;0.016111111111111110771876298031;0.011666666666666667198648532633;0.000555555555555555555073687923;0.016666666666666666435370203203;0.004722222222222222272336455973;0.003055555555555555715535609451;0.007499999999999999722444243844;0.004444444444444444440589503387;0.010277777777777778039913769703;0.016944444444444446001840631766;0.015277777777777777276635440273;0.004444444444444444440589503387;0.011666666666666667198648532633;0.003888888888888888777095598215;0.006666666666666667094565124074;0.007222222222222221890697291258;0.009166666666666666712925959359;0.003611111111111110945348645629;0.010277777777777778039913769703;0.003333333333333333547282562037;0.004166666666666666608842550801;0.002777777777777777883788656865;0.003055555555555555715535609451;0.006666666666666667094565124074;0.005277777777777777935830361145;0.000000000000000000000000000000;0.009722222222222222376419864531;0.019722222222222220849863205672;0.007499999999999999722444243844;0.003888888888888888777095598215;0.001388888888888888941894328433;0.005555555555555555767577313730;0.007222222222222221890697291258
-0.012146892655367232116692122190;0.014689265536723164137788977257;0.015254237288135593861304606378;0.485875706214689284667684887609;0.009322033898305085233837452563;0.021186440677966100754048284216;0.001977401129943502731262094940;0.018079096045197740744159276005;0.007062146892655367207136674068;0.005932203389830508627467153815;0.009604519774011300095595267123;0.011864406779661017254934307630;0.012429378531073446978449936751;0.007627118644067796930652303189;0.014124293785310734414273348136;0.008474576271186440648564008882;0.006497175141242937483621044947;0.029943502824858757999093583635;0.018644067796610170467674905126;0.002259887005649717593019909501;0.015254237288135593861304606378;0.007062146892655367207136674068;0.018644067796610170467674905126;0.006497175141242937483621044947;0.014406779661016949276031162697;0.009604519774011300095595267123;0.018079096045197740744159276005;0.011016949152542372669660863949;0.000282485875706214699127488688;0.027966101694915253966788881712;0.013841807909604519552515533576;0.003107344632768361744612484188;0.019209039548022600191190534247;0.004237288135593220324282004441;0.008192090395480225786806194321;0.013276836158192089828999904455;0.006497175141242937483621044947;0.005932203389830508627467153815;0.001977401129943502731262094940;0.006779661016949152345378859508;0.006214689265536723489224968375;0.008474576271186440648564008882;0.000000000000000000000000000000;0.007062146892655367207136674068;0.011864406779661017254934307630;0.009604519774011300095595267123;0.004802259887005650047797633562;0.005084745762711864042193710134;0.016949152542372881297128017763;0.005084745762711864042193710134
-0.026436781609195401931966529219;0.019827586206896553183698372891;0.018965517241379310081628162266;0.216666666666666674068153497501;0.013793103448275861877547754375;0.035632183908045976516998365469;0.008045977011494252761902856719;0.028735632183908045578224488281;0.008045977011494252761902856719;0.010344827586206896408160815781;0.009482758620689655040814081133;0.031896551724137932326552657969;0.017528735632183909537440413828;0.010919540229885057319725305547;0.020114942528735631904757141797;0.014942528735632183700676733906;0.015229885057471264156458978789;0.030747126436781610503423678438;0.029885057471264367401353467812;0.004597701149425287292515918125;0.023850574712643679564649801250;0.008045977011494252761902856719;0.012356321839080459598636529961;0.022126436781609196829956331953;0.018103448275862070449004903594;0.020114942528735631904757141797;0.024137931034482758285708570156;0.012356321839080459598636529961;0.001149425287356321823128979531;0.056321839080459769333319997031;0.025574712643678162299343270547;0.012931034482758620510201019727;0.016666666666666666435370203203;0.005459770114942528659862652773;0.009770114942528735496596326016;0.023275862068965518653085311485;0.008908045977011494129249591367;0.014655172413793103244894489023;0.002011494252873563190475714180;0.008045977011494252761902856719;0.010057471264367815952378570898;0.005747126436781609115644897656;0.000000000000000000000000000000;0.012356321839080459598636529961;0.014655172413793103244894489023;0.016954022988505748625875924063;0.010632183908045976863943060664;0.007758620689655172306120611836;0.017241379310344827346934692969;0.006896551724137930938773877187
-0.006918238993710692022465202911;0.017924528301886791942232335373;0.017295597484276729188801269288;0.538364779874213827959295031178;0.008805031446540880282758401165;0.009119496855345911659473934208;0.005974842767295597892318603783;0.027044025157232705336429745557;0.007232704402515723399180735953;0.013207547169811321291499339736;0.006603773584905660645749669868;0.005031446540880502894810266667;0.002201257861635220070689600291;0.006918238993710692022465202911;0.040880503144654085911913199425;0.006918238993710692022465202911;0.006603773584905660645749669868;0.012893081761006289914783806694;0.014465408805031446798361471906;0.000943396226415094346987033624;0.012578616352201258538068273651;0.006918238993710692022465202911;0.000628930817610062861851283333;0.018867924528301886072378934500;0.006918238993710692022465202911;0.013522012578616352668214872779;0.022955974842767293969680864052;0.010377358490566037166336066377;0.005345911949685534271525799710;0.008490566037735848906042868123;0.001572327044025157317258534206;0.013207547169811321291499339736;0.005345911949685534271525799710;0.007547169811320754775896268995;0.001572327044025157317258534206;0.010062893081761005789620533335;0.003144654088050314634517068413;0.006289308176100629269034136826;0.000314465408805031430925641667;0.000628930817610062861851283333;0.011635220125786162673198198547;0.006918238993710692022465202911;0.000000000000000000000000000000;0.015723270440251572305223604076;0.020440251572327042955956599712;0.014779874213836478175077004948;0.008176100628930817529327335080;0.002830188679245282824120666376;0.001886792452830188693974067249;0.005974842767295597892318603783
-0.010975609756097560315568628653;0.006504065040650406498423663493;0.014634146341463415488814980847;0.583739837398373984100885536463;0.002845528455284553059900787275;0.005284552845528455063128792091;0.006910569105691056687734707964;0.021138211382113820252515168363;0.013008130081300812996847326986;0.012601626016260162807536282514;0.010162601626016259936946539710;0.007723577235772357933718534895;0.002439024390243902436908873810;0.006097560975609756309112619022;0.032113821138211380568083797016;0.006910569105691056687734707964;0.009349593495934959558324450768;0.017479674796747966813992292145;0.013008130081300812996847326986;0.001219512195121951218454436905;0.017479674796747966813992292145;0.003252032520325203249211831746;0.000813008130081300812302957937;0.013008130081300812996847326986;0.006504065040650406498423663493;0.010975609756097560315568628653;0.025609756097560974069660133523;0.005284552845528455063128792091;0.003252032520325203249211831746;0.004471544715447154684506703148;0.001626016260162601624605915873;0.012601626016260162807536282514;0.001626016260162601624605915873;0.009349593495934959558324450768;0.000813008130081300812302957937;0.013821138211382113375469415928;0.004878048780487804873817747620;0.002439024390243902436908873810;0.000406504065040650406151478968;0.001219512195121951218454436905;0.014227642276422763564780460399;0.003252032520325203249211831746;0.000000000000000000000000000000;0.009756097560975609747635495239;0.011788617886178862428914193572;0.014634146341463415488814980847;0.010162601626016259936946539710;0.001626016260162601624605915873;0.005284552845528455063128792091;0.005691056910569106119801574550
-0.009941520467836258145855055091;0.022807017543859650632320779096;0.032163742690058477746717358059;0.208479532163742681261098255163;0.030409356725146198530129737492;0.009064327485380116802837768830;0.004970760233918129072927527545;0.028362573099415203797812878861;0.013450292397660818313753772202;0.026315789473684209065496020230;0.015789473684210526827076392919;0.015497076023391813046070630833;0.003508771929824561468941324094;0.019883040935672516291710110181;0.034210526315789475948481168643;0.012573099415204678705459961918;0.012280701754385964924454199831;0.022514619883040935116591541032;0.016959064327485378481652489313;0.002923976608187134340610668914;0.015789473684210526827076392919;0.004678362573099415291921765458;0.002339181286549707645960882729;0.033625730994152044917022692516;0.008187134502923977194543958547;0.026023391812865497019213734120;0.035087719298245612087328026973;0.053216374269005849162450516587;0.004385964912280701510916003372;0.028654970760233919313542116925;0.009649122807017544364849293004;0.021929824561403507554580016858;0.004678362573099415291921765458;0.018713450292397661167687061834;0.002339181286549707645960882729;0.028654970760233919313542116925;0.005263157894736841986571551644;0.003216374269005848121616431001;0.004093567251461988597271979273;0.001169590643274853822980441365;0.016666666666666666435370203203;0.022222222222222223070309254922;0.000000000000000000000000000000;0.022514619883040935116591541032;0.016666666666666666435370203203;0.017251461988304093997381727377;0.018128654970760233605675537660;0.004678362573099415291921765458;0.009356725146198830583843530917;0.018713450292397661167687061834
-0.008611111111111111049432054187;0.009166666666666666712925959359;0.019722222222222220849863205672;0.513611111111111129368111960503;0.008055555555555555385938149016;0.005000000000000000104083408559;0.008055555555555555385938149016;0.024722222222222221821308352219;0.009722222222222222376419864531;0.024166666666666666157814447047;0.005833333333333333599324266316;0.005000000000000000104083408559;0.002222222222222222220294751693;0.007499999999999999722444243844;0.031666666666666669349705642844;0.006388888888888889262818171488;0.005277777777777777935830361145;0.013333333333333334189130248149;0.012777777777777778525636342977;0.001388888888888888941894328433;0.017500000000000001665334536938;0.004166666666666666608842550801;0.002222222222222222220294751693;0.036666666666666666851703837438;0.008611111111111111049432054187;0.014166666666666665949647629930;0.023055555555555554830826636703;0.013055555555555556357383295563;0.003055555555555555715535609451;0.004722222222222222272336455973;0.003888888888888888777095598215;0.009166666666666666712925959359;0.004166666666666666608842550801;0.009444444444444444544672911945;0.002500000000000000052041704279;0.017500000000000001665334536938;0.004166666666666666608842550801;0.002500000000000000052041704279;0.001388888888888888941894328433;0.001111111111111111110147375847;0.012500000000000000693889390391;0.003333333333333333547282562037;0.000000000000000000000000000000;0.024444444444444445724284875610;0.012222222222222222862142437805;0.018611111111111109522875395328;0.009722222222222222376419864531;0.001388888888888888941894328433;0.004166666666666666608842550801;0.008333333333333333217685101602
diff --git a/Code/FeatExtraction/Results-FeatParaOpt/2016_03_19-FeatParaOpt-HOG-1.csv b/Code/FeatExtraction/Results-FeatParaOpt/2016_03_19-FeatParaOpt-HOG-1.csv
deleted file mode 100644
index 81a5d8e8..00000000
--- a/Code/FeatExtraction/Results-FeatParaOpt/2016_03_19-FeatParaOpt-HOG-1.csv
+++ /dev/null
@@ -1,146 +0,0 @@
-;a_feat_desc;b_feat_extr_time;c_cl_desc;d_cl_res;e_cl_time;f_cl_score
-0;Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_10-Maxiter_100;919.0956721305847;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=1,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";184.36450791358948;0.36555023923444974
-1;Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_20-Maxiter_100;902.1321420669556;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=1,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";234.061616897583;0.3949419002050581
-2;Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_30-Maxiter_100;1091.6442930698395;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=1,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";283.3998420238495;0.4157211209842789
-3;Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_40-Maxiter_100;1120.3388640880585;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=1,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";329.4008128643036;0.41066302118933695
-4;Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_50-Maxiter_100;1151.4867160320282;Classif_RF-CV_8-Trees_150;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=1,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";407.7028250694275;0.40437457279562544
diff --git a/Code/FeatExtraction/Results-FeatParaOpt/2016_03_19-FeatParaOpt-HOG.csv b/Code/FeatExtraction/Results-FeatParaOpt/2016_03_19-FeatParaOpt-HOG.csv
deleted file mode 100644
index 46387b61..00000000
--- a/Code/FeatExtraction/Results-FeatParaOpt/2016_03_19-FeatParaOpt-HOG.csv
+++ /dev/null
@@ -1,233 +0,0 @@
-;a_feat_desc;b_feat_extr_time;c_cl_desc;d_cl_res;e_cl_time;f_cl_score
-0;Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_5-Maxiter_100;909.2955379486084;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=1,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";125.15065908432007;0.2530416951469583
-1;Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_15-Maxiter_100;935.2981481552124;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=1,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";183.69755601882935;0.382365003417635
-2;Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_25-Maxiter_100;1027.5009920597076;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=1,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";283.1033492088318;0.3979494190020506
-3;Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_35-Maxiter_100;962.9278299808502;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=1,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";321.2544548511505;0.40833902939166095
-4;Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_45-Maxiter_100;1186.1991739273071;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=1,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";342.2763469219208;0.4047846889952153
-5;Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_55-Maxiter_100;1210.7082569599152;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=1,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";399.62198305130005;0.40847573479152427
-6;Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_65-Maxiter_100;1333.6005101203918;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=1,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";439.3210971355438;0.40382775119617226
-7;Caltech-HOG-CellDimension_5-nbOrientaions_8-nbClusters_75-Maxiter_100;1310.9493820667267;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=1,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";445.3156099319458;0.4079289131920711
diff --git a/Code/FeatExtraction/Results-FeatParaOpt/2016_03_20-FeatParaOpt-HSV-H_Bins.csv b/Code/FeatExtraction/Results-FeatParaOpt/2016_03_20-FeatParaOpt-HSV-H_Bins.csv
deleted file mode 100644
index 8d128035..00000000
--- a/Code/FeatExtraction/Results-FeatParaOpt/2016_03_20-FeatParaOpt-HSV-H_Bins.csv
+++ /dev/null
@@ -1,726 +0,0 @@
-;a_feat_desc;b_feat_extr_time;c_cl_desc;d_cl_res;e_cl_time;f_cl_score
-0;Caltech-HSV-Bins_[2, 4, 4]-Norm_Distr;26.35770583152771;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";25.30480408668518;0.2690362269309638
-1;Caltech-HSV-Bins_[3, 4, 4]-Norm_Distr;22.307148933410645;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";28.32825016975403;0.28995215311004785
-2;Caltech-HSV-Bins_[4, 4, 4]-Norm_Distr;23.74096703529358;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";29.119733095169067;0.29692412850307587
-3;Caltech-HSV-Bins_[5, 4, 4]-Norm_Distr;23.666043043136597;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";30.78425097465515;0.28940533151059467
-4;Caltech-HSV-Bins_[6, 4, 4]-Norm_Distr;28.441756010055542;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";32.98688292503357;0.29801777170198224
-5;Caltech-HSV-Bins_[7, 4, 4]-Norm_Distr;30.00211000442505;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";38.095832109451294;0.3053998632946001
-6;Caltech-HSV-Bins_[8, 4, 4]-Norm_Distr;26.41002893447876;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";46.64425706863403;0.2967874231032126
-7;Caltech-HSV-Bins_[9, 4, 4]-Norm_Distr;33.10276198387146;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";47.11957883834839;0.3064935064935065
-8;Caltech-HSV-Bins_[10, 4, 4]-Norm_Distr;30.382289171218872;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";45.70924186706543;0.3064935064935065
-9;Caltech-HSV-Bins_[11, 4, 4]-Norm_Distr;27.665060997009277;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";48.79233503341675;0.3089542036910458
-10;Caltech-HSV-Bins_[12, 4, 4]-Norm_Distr;33.639941930770874;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";57.601593017578125;0.3152426520847573
-11;Caltech-HSV-Bins_[13, 4, 4]-Norm_Distr;29.85008192062378;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";51.81808686256409;0.31100478468899523
-12;Caltech-HSV-Bins_[14, 4, 4]-Norm_Distr;27.584290981292725;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";52.568333864212036;0.3069036226930964
-13;Caltech-HSV-Bins_[14, 4, 4]-Norm_Distr;32.55683398246765;Classif_RF-CV_8-Trees_150;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";50.82839608192444;0.3067669172932331
-14;Caltech-HSV-Bins_[15, 4, 4]-Norm_Distr;29.72573184967041;Classif_RF-CV_8-Trees_150;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";57.25728893280029;0.3019822282980178
-15;Caltech-HSV-Bins_[16, 4, 4]-Norm_Distr;28.662791967391968;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";57.10329604148865;0.3097744360902256
-16;Caltech-HSV-Bins_[17, 4, 4]-Norm_Distr;28.73147201538086;Classif_RF-CV_8-Trees_150;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";61.18061399459839;0.30963773069036227
-17;Caltech-HSV-Bins_[18, 4, 4]-Norm_Distr;29.023580074310303;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";68.52751803398132;0.3063568010936432
-18;Caltech-HSV-Bins_[19, 4, 4]-Norm_Distr;29.128270864486694;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";77.0263659954071;0.3086807928913192
-19;Caltech-HSV-Bins_[20, 4, 4]-Norm_Distr;29.637210845947266;Classif_RF-CV_8-Trees_150;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";66.19223308563232;0.30731373889268626
-20;Caltech-HSV-Bins_[21, 4, 4]-Norm_Distr;29.10114598274231;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";72.34151220321655;0.3089542036910458
-21;Caltech-HSV-Bins_[22, 4, 4]-Norm_Distr;28.513449907302856;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";73.81333589553833;0.3090909090909091
-22;Caltech-HSV-Bins_[23, 4, 4]-Norm_Distr;28.733075857162476;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";74.63008189201355;0.3043062200956938
-23;Caltech-HSV-Bins_[24, 4, 4]-Norm_Distr;29.990907907485962;Classif_RF-CV_8-Trees_150;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";74.13478493690491;0.3079972658920027
-24;Caltech-HSV-Bins_[25, 4, 4]-Norm_Distr;33.7245659828186;Classif_RF-CV_8-Trees_200;"GridSearchCV(cv=8,
-       estimator=Pipeline(classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=No...jobs=1,
-     classifier__oob_score=False, classifier__random_state=None,
-     classifier__verbose=0),
-       estimator__classifier=RandomForestClassifier(bootstrap=True, compute_importances=None,
-            criterion=gini, max_depth=None, max_features=auto,
-            min_density=None, min_samples_leaf=1, min_samples_split=2,
-            n_estimators=10, n_jobs=1, oob_score=False, random_state=None,
-            verbose=0),
-       estimator__classifier__bootstrap=True,
-       estimator__classifier__compute_importances=None,
-       estimator__classifier__criterion=gini,
-       estimator__classifier__max_depth=None,
-       estimator__classifier__max_features=auto,
-       estimator__classifier__min_density=None,
-       estimator__classifier__min_samples_leaf=1,
-       estimator__classifier__min_samples_split=2,
-       estimator__classifier__n_estimators=10,
-       estimator__classifier__n_jobs=1,
-       estimator__classifier__oob_score=False,
-       estimator__classifier__random_state=None,
-       estimator__classifier__verbose=0, fit_params={}, iid=True,
-       loss_func=None, n_jobs=100,
-       param_grid={'classifier__n_estimators': [50, 100, 150, 200]},
-       pre_dispatch=2*n_jobs, refit=True, score_func=None,
-       scoring=accuracy, verbose=0)";89.30819916725159;0.30006835269993165
diff --git a/Code/FeatExtraction/Versions.py b/Code/FeatExtraction/Versions.py
index 90392028..eb4e2716 100644
--- a/Code/FeatExtraction/Versions.py
+++ b/Code/FeatExtraction/Versions.py
@@ -11,8 +11,8 @@
 
 # Author-Info
 __author__ 	= "Nikolas Huelsmann"
-__status__ 	= "Development" #Production, Development, Prototype
-__date__	= 2016-03-14
+__status__ 	= "Prototype"           # Production, Development, Prototype
+__date__	= 2016-03-25
 
 import sys
 print("Python-V.: " + sys.version)
@@ -36,3 +36,5 @@ import sklearn
 print("Sklearn-V.: " + sklearn.__version__)
 
 
+import logging                          # To create Log-Files  
+print("Logging: " + logging.__version__)
\ No newline at end of file
diff --git a/Code/FeatExtraction/__init__.py b/Code/FeatExtraction/__init__.py
deleted file mode 100644
index 9cf13eb0..00000000
--- a/Code/FeatExtraction/__init__.py
+++ /dev/null
@@ -1 +0,0 @@
-# Init
\ No newline at end of file
diff --git a/Code/FeatExtraction/hog_extraction.py b/Code/FeatExtraction/hog_extraction.py
index 77b08a0f..bd52f1fb 100644
--- a/Code/FeatExtraction/hog_extraction.py
+++ b/Code/FeatExtraction/hog_extraction.py
@@ -1,15 +1,28 @@
-# Imports
-
-import os as os        # for iteration throug directories
-import pandas as pd # for Series and DataFrames
-import cv2          # for OpenCV
-import datetime     # for TimeStamp in CSVFile
-import numpy as np  # for arrays
-import time       # for time calculations
-import DBCrawl
+#!/usr/bin/env python
+
+""" Library: Caclulates the HOG Feature """
+
+# Import built-in modules
+import os as os                                 # for iteration throug directories
+import datetime                                 # for TimeStamp in CSVFile
+import time                                     # for time calculations
+
+# Import 3rd party modules
+import numpy as np                              # for arrays
+import pandas as pd                             # for Series and DataFrames
+import cv2                                      # for OpenCV
 from skimage.feature import hog
 from sklearn.cluster import MiniBatchKMeans
 
+# Import own modules
+import DBCrawl
+
+# Author-Info
+__author__ 	= "Baptiste Bauvin"
+__status__ 	= "?"                           # Production, Development, Prototype
+__date__	= "?"
+
+
 # In order to calculate HOG, we will use a bag of word approach : cf SURF function, well documented.
 
 
diff --git a/Code/FeatExtraction/hog_extraction_parallelized.py b/Code/FeatExtraction/hog_extraction_parallelized.py
index 97b93c3f..1dcdd16d 100644
--- a/Code/FeatExtraction/hog_extraction_parallelized.py
+++ b/Code/FeatExtraction/hog_extraction_parallelized.py
@@ -1,17 +1,30 @@
-# Imports
-
-import os as os        # for iteration throug directories
-import pandas as pd # for Series and DataFrames
-import cv2          # for OpenCV 
-import datetime     # for TimeStamp in CSVFile
-import numpy as np  # for arrays
-import time       # for time calculations
-import DBCrawl	
+#!/usr/bin/env python
+
+""" Library: Caclulates the HOG Feature - parallelized """
+
+# Import built-in modules
+import os as os                                 # for iteration throug directories
+import datetime                                 # for TimeStamp in CSVFile
+import time                                     # for time calculations
+
+# Import 3rd party modules
+import numpy as np                              # for arrays
+import pandas as pd                             # for Series and DataFrames
+import cv2                                      # for OpenCV
 from skimage.feature import hog
 from sklearn.cluster import MiniBatchKMeans
-import multiprocessing as mp #to count cores https://docs.python.org/3/library/multiprocessing.html#multiprocessing.pool.Pool
+import multiprocessing as mp                    #to count cores https://docs.python.org/3/library/multiprocessing.html#multiprocessing.pool.Pool
 from joblib import Parallel, delayed
 
+# Import own modules
+import DBCrawl
+
+# Author-Info
+__author__ 	= "Baptiste Bauvin"
+__status__ 	= "?"                           # Production, Development, Prototype
+__date__	= "?"
+
+
 # In order to calculate HOG, we will use a bag of word approach : cf SURF function, well documented. 
 
 def reSize(image, CELL_DIMENSION):
-- 
GitLab